diff --git a/PaddleKG/CoKE/README.md b/PaddleKG/CoKE/README.md index a5938a71b5f4039960344089d99a1df458ae0d31..53962ee90e751f4b1e6cd1ac50e739f4df6cc498 100755 --- a/PaddleKG/CoKE/README.md +++ b/PaddleKG/CoKE/README.md @@ -1,176 +1 @@ -# CoKE: Contextualized Knowledge Graph Embedding -## Introduction - -This is the [PaddlePaddle](https://www.paddlepaddle.org.cn/) implementation of the [CoKE](https://arxiv.org/abs/1911.02168) model for Knowledge Graph Embedding(KGE). - -CoKE is a novel KGE paradigm that learns dynamic, flexible, and fully contextualized entity and relation representations for a given Knowledge Graph(KG). -It takes a sequence of entities and relations as input, and uses [Transformer](https://arxiv.org/abs/1706.03762) to obtain contextualized representations for its components. -These representations are hence dynamically adaptive to the input, capturing contextual meanings of entities and relations therein. - -Evaluation on a wide variety of public benchmarks verifies the superiority of CoKE in link prediction (also known as Knowledge Graph Completion, or KBC for short) and path query answering tasks. -CoKE performs consistently better than, or at least equally well as current state-of-the-art in almost every case. - - -## Requirements -The code has been tested running under the following environments: -- Python 3.6.5 with the following dependencies: - - PaddlePaddle 1.5.0 - - numpy 1.16.3 -- Python 2.7.14 for data_preprocess - -- GPU environments: - - CUDA 9.0, CuDNN v7 and NCCL 2.3.7 - - GPU: all the datasets run on 1 P40 GPU with our given configurations. - - -## Model Training and Evaluation - -### step1. Download dataset files -Download dataset files used in our paper by running: - -``` -sh wget_datasets.sh -``` - -This will first download the 4 widely used KBC datasets ([FB15k&WN18](http://papers.nips.cc/paper/5071-translating-embeddings-for-modeling-multi-relational-data.pdf), -[FB15k-237](https://www.aclweb.org/anthology/W15-4007/), -[WN18RR](https://arxiv.org/abs/1707.01476)) -and 2 path query answering datasets ([wordnet_paths and freebase_paths](https://arxiv.org/abs/1506.01094)) . - -Then it organize the train/valid/test files as the following `data` directory: - -``` - data - ├── fb15k - │ ├── test.txt - │ ├── train.txt - │ └── valid.txt - ├── fb15k237 - │ ├── test.txt - │ ├── train.txt - │ └── valid.txt - ├── pathqueryFB #the original data name is: freebase_paths - │ ├── dev - │ ├── test - │ └── train - ├── pathqueryWN #the original data name is: wordnet_paths - │ ├── dev - │ ├── test - │ └── train - ├── wn18 - │ ├── test.txt - │ ├── train.txt - │ └── valid.txt - └── wn18rr - ├── test.txt - ├── train.txt - └── valid.txt -``` - -### step2. Data preprocess -Data preprocess commands are given in `data_preprocess.sh`. -It takes raw train/valid/test files as input, and generates CoKE training and evaluation files. - -``` -sh data_preprocess.sh -``` - -### step3. Training - -Model training commands are given in `kbc_train.sh` for KBC datasets, and `pathquery_train.sh` for pathquery datasets. -These scripts take a configuration file and GPU-ids as input arguments. -Train the model with a given configuration file. - -For example, the following commands train *fb15k* and *pathqueryFB* each with a configuration file: - -``` -sh kbc_train.sh ./configs/fb15k_job_config.sh 0 -sh pathquery_train.sh ./configs/pathqueryFB_job_config.sh 0 -``` - - -### step4. Evaluation -Model evaluation commands are given in `kbc_test.sh` for KBC datasets, and `pathquery_test.sh` for pathquery datasets. -These scripts take a configuration file and GPU-ids as input arguments. - -For example, the following commands evaluate on *fb15k* and *pathqueryFB*: - -``` -sh kbc_test.sh ./configs/fb15k_job_config.sh 0 -sh pathquery_test.sh ./configs/pathqueryFB_job_config.sh 0 -``` - -We also provide trained model checkpoints on the 4 KBC datasets. Download these models to `kbc_models` directory using the following command: - - -``` -sh wget_kbc_models.sh -``` - -The `kbc_models` contains the following files: - -``` -kbc_models -├── fb15k -│   ├── models -│   └── vocab.txt #md5: 0720db5edbda69e00c05441a615db152 -├── fb15k237 -│   ├── models -│   └── vocab.txt #md5: e843936790e48b3cbb35aa387d0d0fe5 -├── wn18 -│   ├── models -│   └── vocab.txt #md5: 4904a9300fc3e54aea026ecba7d2c78e -└── wn18rr - ├── models - └── vocab.txt #md5: c76aecebf5fc682f0e7922aeba380dd6 -``` - -Check that your preprocessed `vocab.txt` files are identical to ours before evaluation with these models. - - -## Results -Results on KBC datasets: - -|Dataset | MRR | HITS@1 | HITS@5 | HITS@10 | -|---|---|---|---|---| -|FB15K | 0.852 | 0.823 |0.868 | 0.904 | -|FB15K237| 0.361 | 0.269 | 0.398 | 0.547 | -|WN18| 0.951 | 0.947 |0.954 | 0.960| -|WN18RR| 0.475 | 0.437 | 0.490 | 0.552 | - -Results on path query datasets: - -|Dataset | MQ | HITS@10 | -|---|---|---| -|Freebase | 0.948 | 0.764| -|WordNet |0.942 | 0.674 | - -## Reproducing the results - -Here are the configs to reproduce our results. -These are also given in the `configs/${TASK}_job_config.sh` files. - -| Dataset | NetConfig | lr | softlabel | epoch | batch_size | dropout | -|---|---|---|---|---|---| ---| -|FB15K| L=6, H=256, A=4| 5e-4 | 0.8 | 300 | 512| 0.1 | -|WN18| L=6, H=256, A=4| 5e-4| 0.2 | 500 | 512 | 0.1 | -|FB15K237| L=6, H=256, A=4| 5e-4| 0.25 | 800 | 512 | 0.5 | -|WN18RR| L=6, H=256, A=4|3e-4 | 0.15 | 800 | 1024 | 0.1 | -|pathqueryFB | L=6, H=256, A=4 | 3e-4 | 1 | 10 | 2048 | 0.1 | -|pathqueryWN | L=6, H=256, A=4 | 3e-4 | 1 | 5 | 2048 | 0.1 | - -## Citation -If you use any source code included in this project in your work, please cite the following paper: - -``` -@article{wang2019:coke, - title={CoKE: Contextualized Knowledge Graph Embedding}, - author={Wang, Quan and Huang, Pingping and Wang, Haifeng and Dai, Songtai and Jiang, Wenbin and Liu, Jing and Lyu, Yajuan and Wu, Hua}, - journal={arXiv:1911.02168}, - year={2019} -} -``` - - -## Copyright and License -Copyright 2019 Baidu.com, Inc. All Rights Reserved Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. You may obtain a copy of the License at http://www.apache.org/licenses/LICENSE-2.0 Unless required by applicable law or agreed to in writing, software distributed under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. +This work has been moved to new address: [CoKE](https://github.com/PaddlePaddle/Research/tree/master/KG/CoKE) diff --git a/PaddleKG/CoKE/bin/evaluation.py b/PaddleKG/CoKE/bin/evaluation.py deleted file mode 100755 index 31df3822becffa0826a068616fe6a0f6a24e06fe..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/bin/evaluation.py +++ /dev/null @@ -1,180 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" evaluation scripts for KBC and pathQuery tasks """ -import json -import logging -import collections -import numpy as np - -logging.basicConfig( - format='%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt='%m/%d/%Y %H:%M:%S', - level=logging.INFO) -logger = logging.getLogger(__name__) - - -def kbc_batch_evaluation(eval_i, all_examples, batch_results, tt): - r_hts_idx = collections.defaultdict(list) - scores_head = collections.defaultdict(list) - scores_tail = collections.defaultdict(list) - batch_r_hts_cnt = 0 - b_size = len(batch_results) - for j in range(b_size): - result = batch_results[j] - i = eval_i + j - example = all_examples[i] - assert len(example.token_ids - ) == 3, "For kbc task each example consists of 3 tokens" - h, r, t = example.token_ids - - _mask_type = example.mask_type - if i % 2 == 0: - r_hts_idx[r].append((h, t)) - batch_r_hts_cnt += 1 - if _mask_type == "MASK_HEAD": - scores_head[(r, t)] = result - elif _mask_type == "MASK_TAIL": - scores_tail[(r, h)] = result - else: - raise ValueError("Unknown mask type in prediction example:%d" % i) - - rank = {} - f_rank = {} - for r, hts in r_hts_idx.items(): - r_rank = {'head': [], 'tail': []} - r_f_rank = {'head': [], 'tail': []} - for h, t in hts: - scores_t = scores_tail[(r, h)][:] - sortidx_t = np.argsort(scores_t)[::-1] - r_rank['tail'].append(np.where(sortidx_t == t)[0][0] + 1) - - rm_idx = tt[r]['ts'][h] - rm_idx = [i for i in rm_idx if i != t] - for i in rm_idx: - scores_t[i] = -np.Inf - sortidx_t = np.argsort(scores_t)[::-1] - r_f_rank['tail'].append(np.where(sortidx_t == t)[0][0] + 1) - - scores_h = scores_head[(r, t)][:] - sortidx_h = np.argsort(scores_h)[::-1] - r_rank['head'].append(np.where(sortidx_h == h)[0][0] + 1) - - rm_idx = tt[r]['hs'][t] - rm_idx = [i for i in rm_idx if i != h] - for i in rm_idx: - scores_h[i] = -np.Inf - sortidx_h = np.argsort(scores_h)[::-1] - r_f_rank['head'].append(np.where(sortidx_h == h)[0][0] + 1) - rank[r] = r_rank - f_rank[r] = r_f_rank - - h_pos = [p for k in rank.keys() for p in rank[k]['head']] - t_pos = [p for k in rank.keys() for p in rank[k]['tail']] - f_h_pos = [p for k in f_rank.keys() for p in f_rank[k]['head']] - f_t_pos = [p for k in f_rank.keys() for p in f_rank[k]['tail']] - - ranks = np.asarray(h_pos + t_pos) - f_ranks = np.asarray(f_h_pos + f_t_pos) - return ranks, f_ranks - - -def pathquery_batch_evaluation(eval_i, all_examples, batch_results, - sen_negli_dict, trivial_sen_set): - """ evaluate the metrics for batch datas for pathquery datasets """ - mqs = [] - ranks = [] - for j, result in enumerate(batch_results): - i = eval_i + j - example = all_examples[i] - token_ids, mask_type = example - assert mask_type in ["MASK_TAIL", "MASK_HEAD" - ], " Unknown mask type in pathquery evaluation" - label = token_ids[-1] if mask_type == "MASK_TAIL" else token_ids[0] - - sen = " ".join([str(x) for x in token_ids]) - if sen in trivial_sen_set: - mq = rank = -1 - else: - # candidate vocab set - cand_set = sen_negli_dict[sen] - assert label in set( - cand_set), "predict label must be in the candidate set" - - cand_idx = np.sort(np.array(cand_set)) - cand_ret = result[ - cand_idx] #logits for candidate words(neg + gold words) - cand_ranks = np.argsort(cand_ret)[::-1] - pred_y = cand_idx[cand_ranks] - - rank = (np.argwhere(pred_y == label).ravel().tolist())[0] + 1 - mq = (len(cand_set) - rank) / (len(cand_set) - 1.0) - mqs.append(mq) - ranks.append(rank) - return mqs, ranks - - -def compute_kbc_metrics(rank_li, frank_li, output_evaluation_result_file): - """ combine the kbc rank results from batches into the final metrics """ - rank_rets = np.array(rank_li).ravel() - frank_rets = np.array(frank_li).ravel() - mrr = np.mean(1.0 / rank_rets) - fmrr = np.mean(1.0 / frank_rets) - - hits1 = np.mean(rank_rets <= 1.0) - hits3 = np.mean(rank_rets <= 3.0) - hits10 = np.mean(rank_rets <= 10.0) - # filtered metrics - fhits1 = np.mean(frank_rets <= 1.0) - fhits3 = np.mean(frank_rets <= 3.0) - fhits10 = np.mean(frank_rets <= 10.0) - - eval_result = { - 'mrr': mrr, - 'hits1': hits1, - 'hits3': hits3, - 'hits10': hits10, - 'fmrr': fmrr, - 'fhits1': fhits1, - 'fhits3': fhits3, - 'fhits10': fhits10 - } - with open(output_evaluation_result_file, "w") as fw: - fw.write(json.dumps(eval_result, indent=4) + "\n") - return eval_result - - -def compute_pathquery_metrics(mq_li, rank_li, output_evaluation_result_file): - """ combine the pathquery mq, rank results from batches into the final metrics """ - rank_rets = np.array(rank_li).ravel() - _idx = np.where(rank_rets != -1) - - non_trivial_eval_rets = rank_rets[_idx] - non_trivial_mq = np.array(mq_li).ravel()[_idx] - non_trivial_cnt = non_trivial_eval_rets.size - - mq = np.mean(non_trivial_mq) - mr = np.mean(non_trivial_eval_rets) - mrr = np.mean(1.0 / non_trivial_eval_rets) - fhits10 = np.mean(non_trivial_eval_rets <= 10.0) - - eval_result = { - 'fcnt': non_trivial_cnt, - 'mq': mq, - 'mr': mr, - 'fhits10': fhits10 - } - - with open(output_evaluation_result_file, "w") as fw: - fw.write(json.dumps(eval_result, indent=4) + "\n") - return eval_result diff --git a/PaddleKG/CoKE/bin/kbc_data_preprocess.py b/PaddleKG/CoKE/bin/kbc_data_preprocess.py deleted file mode 100755 index 60ee09db9fdfb5ab2538712bf8c4f606b895c4ab..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/bin/kbc_data_preprocess.py +++ /dev/null @@ -1,169 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -data preprocess for KBC datasets -""" -import os -import collections -import argparse - - -def get_unique_entities_relations(train_file, dev_file, test_file): - entity_lst = dict() - relation_lst = dict() - all_files = [train_file, dev_file, test_file] - for input_file in all_files: - print("dealing %s" % train_file) - with open(input_file, "r") as f: - for line in f.readlines(): - tokens = line.strip().split("\t") - assert len(tokens) == 3 - entity_lst[tokens[0]] = len(entity_lst) - entity_lst[tokens[2]] = len(entity_lst) - relation_lst[tokens[1]] = len(relation_lst) - print(">> Number of unique entities: %s" % len(entity_lst)) - print(">> Number of unique relations: %s" % len(relation_lst)) - return entity_lst, relation_lst - - -def write_vocab(output_file, entity_lst, relation_lst): - fout = open(output_file, "w") - fout.write("[PAD]" + "\n") - for i in range(95): - fout.write("[unused{}]\n".format(i)) - fout.write("[UNK]" + "\n") - fout.write("[CLS]" + "\n") - fout.write("[SEP]" + "\n") - fout.write("[MASK]" + "\n") - for e in entity_lst.keys(): - fout.write(e + "\n") - for r in relation_lst.keys(): - fout.write(r + "\n") - vocab_size = 100 + len(entity_lst) + len(relation_lst) - print(">> vocab_size: %s" % vocab_size) - fout.close() - - -def load_vocab(vocab_file): - """Loads a vocabulary file into a dictionary.""" - vocab = collections.OrderedDict() - fin = open(vocab_file) - for num, line in enumerate(fin): - items = line.strip().split("\t") - if len(items) > 2: - break - token = items[0] - index = items[1] if len(items) == 2 else num - token = token.strip() - vocab[token] = int(index) - return vocab - - -def write_true_triples(train_file, dev_file, test_file, vocab, output_file): - true_triples = [] - all_files = [train_file, dev_file, test_file] - for input_file in all_files: - with open(input_file, "r") as f: - for line in f.readlines(): - h, r, t = line.strip('\r \n').split('\t') - assert (h in vocab) and (r in vocab) and (t in vocab) - hpos = vocab[h] - rpos = vocab[r] - tpos = vocab[t] - true_triples.append((hpos, rpos, tpos)) - - print(">> Number of true triples: %d" % len(true_triples)) - fout = open(output_file, "w") - for hpos, rpos, tpos in true_triples: - fout.write(str(hpos) + "\t" + str(rpos) + "\t" + str(tpos) + "\n") - fout.close() - - -def generate_mask_type(input_file, output_file): - with open(output_file, "w") as fw: - with open(input_file, "r") as fr: - for line in fr.readlines(): - fw.write(line.strip('\r \n') + "\tMASK_HEAD\n") - fw.write(line.strip('\r \n') + "\tMASK_TAIL\n") - - -def kbc_data_preprocess(train_file, dev_file, test_file, vocab_path, - true_triple_path, new_train_file, new_dev_file, - new_test_file): - entity_lst, relation_lst = get_unique_entities_relations( - train_file, dev_file, test_file) - write_vocab(vocab_path, entity_lst, relation_lst) - vocab = load_vocab(vocab_path) - write_true_triples(train_file, dev_file, test_file, vocab, - true_triple_path) - - generate_mask_type(train_file, new_train_file) - generate_mask_type(dev_file, new_dev_file) - generate_mask_type(test_file, new_test_file) - - -def get_args(): - parser = argparse.ArgumentParser() - parser.add_argument( - "--task", - type=str, - required=True, - default=None, - help="task name: fb15k, fb15k237, wn18rr, wn18, pathqueryFB, pathqueryWN" - ) - parser.add_argument( - "--dir", - type=str, - required=True, - default=None, - help="task data directory") - parser.add_argument( - "--train", - type=str, - required=False, - default="train.txt", - help="train file name, default train.txt") - parser.add_argument( - "--valid", - type=str, - required=False, - default="valid.txt", - help="valid file name, default valid.txt") - parser.add_argument( - "--test", - type=str, - required=False, - default="test.txt", - help="test file name, default test.txt") - args = parser.parse_args() - return args - - -if __name__ == '__main__': - args = get_args() - task = args.task.lower() - assert task in ["fb15k", "wn18", "fb15k237", "wn18rr"] - raw_train_file = os.path.join(args.dir, args.train) - raw_dev_file = os.path.join(args.dir, args.valid) - raw_test_file = os.path.join(args.dir, args.test) - - vocab_file = os.path.join(args.dir, "vocab.txt") - true_triple_file = os.path.join(args.dir, "all.txt") - new_train_file = os.path.join(args.dir, "train.coke.txt") - new_test_file = os.path.join(args.dir, "test.coke.txt") - new_dev_file = os.path.join(args.dir, "valid.coke.txt") - - kbc_data_preprocess(raw_train_file, raw_dev_file, raw_test_file, - vocab_file, true_triple_file, new_train_file, - new_dev_file, new_test_file) diff --git a/PaddleKG/CoKE/bin/model/__init__.py b/PaddleKG/CoKE/bin/model/__init__.py deleted file mode 100644 index 8b137891791fe96927ad78e64b0aad7bded08bdc..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/bin/model/__init__.py +++ /dev/null @@ -1 +0,0 @@ - diff --git a/PaddleKG/CoKE/bin/model/coke.py b/PaddleKG/CoKE/bin/model/coke.py deleted file mode 100755 index 5ce10fbb06537b1e0e306797232faf30e923ad42..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/bin/model/coke.py +++ /dev/null @@ -1,189 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""CoKE model.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import six -import json -import logging - -import numpy as np -import paddle.fluid as fluid -from model.transformer_encoder import encoder, pre_process_layer - -logging.basicConfig( - format='%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt='%m/%d/%Y %H:%M:%S', - level=logging.INFO) -logger = logging.getLogger(__name__) - - -class CoKEModel(object): - def __init__(self, - src_ids, - position_ids, - input_mask, - config, - soft_label=0.9, - weight_sharing=True, - use_fp16=False): - - self._emb_size = config['hidden_size'] - self._n_layer = config['num_hidden_layers'] - self._n_head = config['num_attention_heads'] - self._voc_size = config['vocab_size'] - self._n_relation = config['num_relations'] - self._max_position_seq_len = config['max_position_embeddings'] - self._hidden_act = config['hidden_act'] - self._prepostprocess_dropout = config['hidden_dropout_prob'] - self._attention_dropout = config['attention_probs_dropout_prob'] - self._intermediate_size = config['intermediate_size'] - self._soft_label = soft_label - self._weight_sharing = weight_sharing - - self._word_emb_name = "word_embedding" - self._pos_emb_name = "pos_embedding" - self._dtype = "float16" if use_fp16 else "float32" - - # Initialize all weigths by truncated normal initializer, and all biases - # will be initialized by constant zero by default. - self._param_initializer = fluid.initializer.TruncatedNormal( - scale=config['initializer_range']) - - self._build_model(src_ids, position_ids, input_mask) - - def _build_model(self, src_ids, position_ids, input_mask): - # padding id in vocabulary must be set to 0 - emb_out = fluid.layers.embedding( - input=src_ids, - size=[self._voc_size, self._emb_size], - dtype=self._dtype, - param_attr=fluid.ParamAttr( - name=self._word_emb_name, initializer=self._param_initializer), - is_sparse=False) - position_emb_out = fluid.layers.embedding( - input=position_ids, - size=[self._max_position_seq_len, self._emb_size], - dtype=self._dtype, - param_attr=fluid.ParamAttr( - name=self._pos_emb_name, initializer=self._param_initializer)) - - emb_out = emb_out + position_emb_out - - emb_out = pre_process_layer( - emb_out, 'nd', self._prepostprocess_dropout, name='pre_encoder') - - if self._dtype == "float16": - input_mask = fluid.layers.cast(x=input_mask, dtype=self._dtype) - - self_attn_mask = fluid.layers.matmul( - x=input_mask, y=input_mask, transpose_y=True) - self_attn_mask = fluid.layers.scale( - x=self_attn_mask, scale=10000.0, bias=-1.0, bias_after_scale=False) - n_head_self_attn_mask = fluid.layers.stack( - x=[self_attn_mask] * self._n_head, axis=1) - n_head_self_attn_mask.stop_gradient = True - - self._enc_out = encoder( - enc_input=emb_out, - attn_bias=n_head_self_attn_mask, - n_layer=self._n_layer, - n_head=self._n_head, - d_key=self._emb_size // self._n_head, - d_value=self._emb_size // self._n_head, - d_model=self._emb_size, - d_inner_hid=self._intermediate_size, - prepostprocess_dropout=self._prepostprocess_dropout, - attention_dropout=self._attention_dropout, - relu_dropout=0, - hidden_act=self._hidden_act, - preprocess_cmd="", - postprocess_cmd="dan", - param_initializer=self._param_initializer, - name='encoder') - - #def get_sequence_output(self): - # return self._enc_out - - def get_pretraining_output(self, mask_label, mask_pos): - """Get the loss & fc_out for training""" - mask_pos = fluid.layers.cast(x=mask_pos, dtype='int32') - - reshaped_emb_out = fluid.layers.reshape( - x=self._enc_out, shape=[-1, self._emb_size]) - # extract masked tokens' feature - mask_feat = fluid.layers.gather(input=reshaped_emb_out, index=mask_pos) - - # transform: fc - mask_trans_feat = fluid.layers.fc( - input=mask_feat, - size=self._emb_size, - act=self._hidden_act, - param_attr=fluid.ParamAttr( - name='mask_lm_trans_fc.w_0', - initializer=self._param_initializer), - bias_attr=fluid.ParamAttr(name='mask_lm_trans_fc.b_0')) - # transform: layer norm - mask_trans_feat = pre_process_layer( - mask_trans_feat, 'n', name='mask_lm_trans') - - mask_lm_out_bias_attr = fluid.ParamAttr( - name="mask_lm_out_fc.b_0", - initializer=fluid.initializer.Constant(value=0.0)) - if self._weight_sharing: - fc_out = fluid.layers.matmul( - x=mask_trans_feat, - y=fluid.default_main_program().global_block().var( - self._word_emb_name), - transpose_y=True) - fc_out += fluid.layers.create_parameter( - shape=[self._voc_size], - dtype=self._dtype, - attr=mask_lm_out_bias_attr, - is_bias=True) - else: - fc_out = fluid.layers.fc(input=mask_trans_feat, - size=self._voc_size, - param_attr=fluid.ParamAttr( - name="mask_lm_out_fc.w_0", - initializer=self._param_initializer), - bias_attr=mask_lm_out_bias_attr) - #generate soft labels for loss cross entropy loss - one_hot_labels = fluid.layers.one_hot( - input=mask_label, depth=self._voc_size) - entity_indicator = fluid.layers.fill_constant_batch_size_like( - input=mask_label, - shape=[-1, (self._voc_size - self._n_relation)], - dtype='int64', - value=0) - relation_indicator = fluid.layers.fill_constant_batch_size_like( - input=mask_label, - shape=[-1, self._n_relation], - dtype='int64', - value=1) - is_relation = fluid.layers.concat( - input=[entity_indicator, relation_indicator], axis=-1) - soft_labels = one_hot_labels * self._soft_label \ - + (1.0 - one_hot_labels - is_relation) \ - * ((1.0 - self._soft_label) / (self._voc_size - 1 - self._n_relation)) - soft_labels.stop_gradient = True - - mask_lm_loss = fluid.layers.softmax_with_cross_entropy( - logits=fc_out, label=soft_labels, soft_label=True) - mean_mask_lm_loss = fluid.layers.mean(mask_lm_loss) - - return mean_mask_lm_loss, fc_out diff --git a/PaddleKG/CoKE/bin/model/transformer_encoder.py b/PaddleKG/CoKE/bin/model/transformer_encoder.py deleted file mode 100644 index 395cba55d807b168f65f6c669c2ee7f132eb0ef9..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/bin/model/transformer_encoder.py +++ /dev/null @@ -1,386 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Transformer encoder.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -from functools import partial, reduce -import numpy as np - -import paddle.fluid as fluid -import paddle.fluid.layers as layers -from paddle.fluid.layer_helper import LayerHelper - - -def layer_norm(x, - begin_norm_axis=1, - epsilon=1e-12, - param_attr=None, - bias_attr=None): - """ - Replace build-in layer_norm op with this function - """ - helper = LayerHelper('layer_norm', **locals()) - mean = layers.reduce_mean(x, dim=begin_norm_axis, keep_dim=True) - shift_x = layers.elementwise_sub(x=x, y=mean, axis=0) - variance = layers.reduce_mean( - layers.square(shift_x), dim=begin_norm_axis, keep_dim=True) - r_stdev = layers.rsqrt(variance + epsilon) - norm_x = layers.elementwise_mul(x=shift_x, y=r_stdev, axis=0) - - param_shape = [reduce(lambda x, y: x * y, norm_x.shape[begin_norm_axis:])] - param_dtype = norm_x.dtype - scale = helper.create_parameter( - attr=param_attr, - shape=param_shape, - dtype=param_dtype, - default_initializer=fluid.initializer.Constant(1.)) - bias = helper.create_parameter( - attr=bias_attr, - shape=param_shape, - dtype=param_dtype, - is_bias=True, - default_initializer=fluid.initializer.Constant(0.)) - - out = layers.elementwise_mul(x=norm_x, y=scale, axis=-1) - out = layers.elementwise_add(x=out, y=bias, axis=-1) - - return out - - -def multi_head_attention(queries, - keys, - values, - attn_bias, - d_key, - d_value, - d_model, - n_head=1, - dropout_rate=0., - cache=None, - param_initializer=None, - name='multi_head_att'): - """ - Multi-Head Attention. Note that attn_bias is added to the logit before - computing softmax activiation to mask certain selected positions so that - they will not considered in attention weights. - """ - keys = queries if keys is None else keys - values = keys if values is None else values - - if not (len(queries.shape) == len(keys.shape) == len(values.shape) == 3): - raise ValueError( - "Inputs: quries, keys and values should all be 3-D tensors.") - - def __compute_qkv(queries, keys, values, n_head, d_key, d_value): - """ - Add linear projection to queries, keys, and values. - """ - q = layers.fc(input=queries, - size=d_key * n_head, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_query_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_query_fc.b_0') - k = layers.fc(input=keys, - size=d_key * n_head, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_key_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_key_fc.b_0') - v = layers.fc(input=values, - size=d_value * n_head, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_value_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_value_fc.b_0') - return q, k, v - - def __split_heads(x, n_head): - """ - Reshape the last dimension of inpunt tensor x so that it becomes two - dimensions and then transpose. Specifically, input a tensor with shape - [bs, max_sequence_length, n_head * hidden_dim] then output a tensor - with shape [bs, n_head, max_sequence_length, hidden_dim]. - """ - hidden_size = x.shape[-1] - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - reshaped = layers.reshape( - x=x, shape=[0, 0, n_head, hidden_size // n_head], inplace=True) - - # permuate the dimensions into: - # [batch_size, n_head, max_sequence_len, hidden_size_per_head] - return layers.transpose(x=reshaped, perm=[0, 2, 1, 3]) - - def __combine_heads(x): - """ - Transpose and then reshape the last two dimensions of inpunt tensor x - so that it becomes one dimension, which is reverse to __split_heads. - """ - if len(x.shape) == 3: return x - if len(x.shape) != 4: - raise ValueError("Input(x) should be a 4-D Tensor.") - - trans_x = layers.transpose(x, perm=[0, 2, 1, 3]) - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - return layers.reshape( - x=trans_x, - shape=[0, 0, trans_x.shape[2] * trans_x.shape[3]], - inplace=True) - - def scaled_dot_product_attention(q, k, v, attn_bias, d_key, dropout_rate): - """ - Scaled Dot-Product Attention - """ - scaled_q = layers.scale(x=q, scale=d_key**-0.5) - product = layers.matmul(x=scaled_q, y=k, transpose_y=True) - if attn_bias: - product += attn_bias - weights = layers.softmax(product) - if dropout_rate: - weights = layers.dropout( - weights, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - out = layers.matmul(weights, v) - return out - - q, k, v = __compute_qkv(queries, keys, values, n_head, d_key, d_value) - - if cache is not None: # use cache and concat time steps - # Since the inplace reshape in __split_heads changes the shape of k and - # v, which is the cache input for next time step, reshape the cache - # input from the previous time step first. - k = cache["k"] = layers.concat( - [layers.reshape( - cache["k"], shape=[0, 0, d_model]), k], axis=1) - v = cache["v"] = layers.concat( - [layers.reshape( - cache["v"], shape=[0, 0, d_model]), v], axis=1) - - q = __split_heads(q, n_head) - k = __split_heads(k, n_head) - v = __split_heads(v, n_head) - - ctx_multiheads = scaled_dot_product_attention(q, k, v, attn_bias, d_key, - dropout_rate) - - out = __combine_heads(ctx_multiheads) - - # Project back to the model size. - proj_out = layers.fc(input=out, - size=d_model, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_output_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_output_fc.b_0') - return proj_out - - -def positionwise_feed_forward(x, - d_inner_hid, - d_hid, - dropout_rate, - hidden_act, - param_initializer=None, - name='ffn'): - """ - Position-wise Feed-Forward Networks. - This module consists of two linear transformations with a ReLU activation - in between, which is applied to each position separately and identically. - """ - hidden = layers.fc(input=x, - size=d_inner_hid, - num_flatten_dims=2, - act=hidden_act, - param_attr=fluid.ParamAttr( - name=name + '_fc_0.w_0', - initializer=param_initializer), - bias_attr=name + '_fc_0.b_0') - if dropout_rate: - hidden = layers.dropout( - hidden, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - out = layers.fc(input=hidden, - size=d_hid, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_fc_1.w_0', - initializer=param_initializer), - bias_attr=name + '_fc_1.b_0') - return out - - -def pre_post_process_layer(prev_out, - out, - process_cmd, - dropout_rate=0., - name=''): - """ - Add residual connection, layer normalization and droput to the out tensor - optionally according to the value of process_cmd. - This will be used before or after multi-head attention and position-wise - feed-forward networks. - """ - for cmd in process_cmd: - if cmd == "a": # add residual connection - out = out + prev_out if prev_out else out - elif cmd == "n": # add layer normalization - out_dtype = out.dtype - if out_dtype == fluid.core.VarDesc.VarType.FP16: - out = layers.cast(x=out, dtype="float32") - out = layer_norm( - out, - begin_norm_axis=len(out.shape) - 1, - param_attr=fluid.ParamAttr( - name=name + '_layer_norm_scale', - initializer=fluid.initializer.Constant(1.)), - bias_attr=fluid.ParamAttr( - name=name + '_layer_norm_bias', - initializer=fluid.initializer.Constant(0.))) - if out_dtype == fluid.core.VarDesc.VarType.FP16: - out = layers.cast(x=out, dtype="float16") - elif cmd == "d": # add dropout - if dropout_rate: - out = layers.dropout( - out, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - return out - - -pre_process_layer = partial(pre_post_process_layer, None) -post_process_layer = pre_post_process_layer - - -def encoder_layer(enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd="n", - postprocess_cmd="da", - param_initializer=None, - name=''): - """The encoder layers that can be stacked to form a deep encoder. - This module consits of a multi-head (self) attention followed by - position-wise feed-forward networks and both the two components companied - with the post_process_layer to add residual connection, layer normalization - and droput. - """ - attn_output = multi_head_attention( - pre_process_layer( - enc_input, - preprocess_cmd, - prepostprocess_dropout, - name=name + '_pre_att'), - None, - None, - attn_bias, - d_key, - d_value, - d_model, - n_head, - attention_dropout, - param_initializer=param_initializer, - name=name + '_multi_head_att') - attn_output = post_process_layer( - enc_input, - attn_output, - postprocess_cmd, - prepostprocess_dropout, - name=name + '_post_att') - ffd_output = positionwise_feed_forward( - pre_process_layer( - attn_output, - preprocess_cmd, - prepostprocess_dropout, - name=name + '_pre_ffn'), - d_inner_hid, - d_model, - relu_dropout, - hidden_act, - param_initializer=param_initializer, - name=name + '_ffn') - return post_process_layer( - attn_output, - ffd_output, - postprocess_cmd, - prepostprocess_dropout, - name=name + '_post_ffn') - - -def encoder(enc_input, - attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd="n", - postprocess_cmd="da", - param_initializer=None, - name=''): - """ - The encoder is composed of a stack of identical layers returned by calling - encoder_layer. - """ - for i in range(n_layer): - enc_output = encoder_layer( - enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd, - postprocess_cmd, - param_initializer=param_initializer, - name=name + '_layer_' + str(i)) - enc_input = enc_output - enc_output = pre_process_layer( - enc_output, - preprocess_cmd, - prepostprocess_dropout, - name="post_encoder") - - return enc_output diff --git a/PaddleKG/CoKE/bin/optimization.py b/PaddleKG/CoKE/bin/optimization.py deleted file mode 100755 index 65b517fbaf369ed092b5a68b7c601e3bcb3abd0f..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/bin/optimization.py +++ /dev/null @@ -1,143 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Optimization and learning rate scheduling.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import numpy as np -import paddle.fluid as fluid -from utils.fp16 import create_master_params_grads, master_param_to_train_param - - -def linear_warmup_decay(learning_rate, warmup_steps, num_train_steps): - """ Applies linear warmup of learning rate from 0 and decay to 0.""" - with fluid.default_main_program()._lr_schedule_guard(): - lr = fluid.layers.tensor.create_global_var( - shape=[1], - value=0.0, - dtype='float32', - persistable=True, - name="scheduled_learning_rate") - - global_step = fluid.layers.learning_rate_scheduler._decay_step_counter( - ) - - with fluid.layers.control_flow.Switch() as switch: - with switch.case(global_step < num_train_steps * 0.1): - warmup_lr = learning_rate * (global_step / - (num_train_steps * 0.1)) - fluid.layers.tensor.assign(warmup_lr, lr) - with switch.default(): - decayed_lr = fluid.layers.learning_rate_scheduler.polynomial_decay( - learning_rate=learning_rate, - decay_steps=num_train_steps, - end_learning_rate=0.0, - power=1.0, - cycle=False) - fluid.layers.tensor.assign(decayed_lr, lr) - - return lr - - -def optimization(loss, - warmup_steps, - num_train_steps, - learning_rate, - train_program, - startup_prog, - weight_decay, - scheduler='linear_warmup_decay', - use_fp16=False, - loss_scaling=1.0): - if warmup_steps > 0: - if scheduler == 'noam_decay': - scheduled_lr = fluid.layers.learning_rate_scheduler\ - .noam_decay(1/(warmup_steps *(learning_rate ** 2)), - warmup_steps) - elif scheduler == 'linear_warmup_decay': - scheduled_lr = linear_warmup_decay(learning_rate, warmup_steps, - num_train_steps) - else: - raise ValueError("Unkown learning rate scheduler, should be " - "'noam_decay' or 'linear_warmup_decay'") - optimizer = fluid.optimizer.Adam( - learning_rate=scheduled_lr, epsilon=1e-6) - else: - optimizer = fluid.optimizer.Adam( - learning_rate=learning_rate, epsilon=1e-6) - scheduled_lr = learning_rate - - clip_norm_thres = 1.0 - # When using mixed precision training, scale the gradient clip threshold - # by loss_scaling - if use_fp16 and loss_scaling > 1.0: - clip_norm_thres *= loss_scaling - fluid.clip.set_gradient_clip( - clip=fluid.clip.GradientClipByGlobalNorm(clip_norm=clip_norm_thres)) - - def exclude_from_weight_decay(name): - if name.find("layer_norm") > -1: - return True - bias_suffix = ["_bias", "_b", ".b_0"] - for suffix in bias_suffix: - if name.endswith(suffix): - return True - return False - - param_list = dict() - - if use_fp16: - param_grads = optimizer.backward(loss) - master_param_grads = create_master_params_grads( - param_grads, train_program, startup_prog, loss_scaling) - - for param, _ in master_param_grads: - param_list[param.name] = param * 1.0 - param_list[param.name].stop_gradient = True - - optimizer.apply_gradients(master_param_grads) - - if weight_decay > 0: - for param, grad in master_param_grads: - # if exclude_from_weight_decay(param.name.rstrip(".master")): - # continue - with param.block.program._optimized_guard( - [param, grad]), fluid.framework.name_scope("weight_decay"): - updated_param = param - param_list[ - param.name] * weight_decay * scheduled_lr - fluid.layers.assign(output=param, input=updated_param) - - master_param_to_train_param(master_param_grads, param_grads, - train_program) - - else: - for param in train_program.global_block().all_parameters(): - param_list[param.name] = param * 1.0 - param_list[param.name].stop_gradient = True - - _, param_grads = optimizer.minimize(loss) - - if weight_decay > 0: - for param, grad in param_grads: - # if exclude_from_weight_decay(param.name): - # continue - with param.block.program._optimized_guard( - [param, grad]), fluid.framework.name_scope("weight_decay"): - updated_param = param - param_list[ - param.name] * weight_decay * scheduled_lr - fluid.layers.assign(output=param, input=updated_param) - - return scheduled_lr diff --git a/PaddleKG/CoKE/bin/pathquery_data_preprocess.py b/PaddleKG/CoKE/bin/pathquery_data_preprocess.py deleted file mode 100755 index add4d58aafaa40ff19cebe392809115b7364c79b..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/bin/pathquery_data_preprocess.py +++ /dev/null @@ -1,354 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -data preprocess for pathquery datasets -""" -import os -import sys -import time -import logging -import argparse -from kbc_data_preprocess import write_vocab -from kbc_data_preprocess import load_vocab -from kbc_data_preprocess import generate_mask_type -from collections import defaultdict, Counter - -logging.basicConfig( - format='%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt='%m/%d/%Y %H:%M:%S') -logger = logging.getLogger(__name__) -logger.setLevel(logging.DEBUG) - -inverted = lambda r: r[:2] == '**' -invert = lambda r: r[2:] if inverted(r) else '**' + r - - -class EvalDataset(object): - def __init__(self, train_file, test_file): - self.spo_train_fp = train_file - self.spo_test_fp = test_file - train_triples = self._load_spo_triples(self.spo_train_fp) - test_triples = self._load_spo_triples(self.spo_test_fp) - #logger.debug(">>train triples cnt:%d" % len(train_triples)) - #logger.debug(">>test triples cnt:%d" % len(test_triples)) - _train_cnt = len(train_triples) - all_triples = train_triples - all_triples.update(test_triples) - self.full_graph = Graph(all_triples) - logger.debug(self.full_graph) - - def _load_spo_triples(self, spo_path): - """ - :param spo_path: - :return: set of (s,r,t) original triples - """ - logger.debug(">> Begin load base spo for %s at %s" % - (spo_path, time.ctime())) - triples = set() - for line in open(spo_path): - segs = line.strip().split("\t") - assert len(segs) == 3 - s, p, o = segs - triples.add((s, p, o)) - logger.debug(">> Loaded spo triples :%s cnt:%d" % - (spo_path, len(triples))) - logger.debug(">> End load spo for %s at %s" % (spo_path, time.ctime())) - return triples - - -class Graph(object): - def __init__(self, triples): - self.triples = triples - neighbors = defaultdict(lambda: defaultdict(set)) - relation_args = defaultdict(lambda: defaultdict(set)) - - logger.info(">> Begin building graph at %s" % (time.ctime())) - self._node_set = set() - for s, r, t in triples: - relation_args[r]['s'].add(s) - relation_args[r]['t'].add(t) - neighbors[s][r].add(t) - neighbors[t][invert(r)].add(s) - self._node_set.add(t) - self._node_set.add(s) - - def freeze(d): - frozen = {} - for key, subdict in d.iteritems(): - frozen[key] = {} - for subkey, set_val in subdict.iteritems(): - frozen[key][subkey] = tuple(set_val) - return frozen - - self.neighbors = freeze(neighbors) - self.relation_args = freeze(relation_args) - logger.info(">> Done building graph at %s" % (time.ctime())) - - def __repr__(self): - s = "" - s += "graph.relations_args cnt %d\t" % len(self.relation_args) - s += "graph.neighbors cnt %d\t" % len(self.neighbors) - s += "graph.neighbors node set cnt %d" % len(self._node_set) - return s - - def walk_all(self, start, path): - """ - walk from start and get all the paths - :param start: start entity - :param path: (r1, r2, ...,rk) - :return: entities set for candidates path - """ - set_s = set() - set_t = set() - set_s.add(start) - for _, r in enumerate(path): - if len(set_s) == 0: - return set() - for _s in set_s: - if _s in self.neighbors and r in self.neighbors[_s]: - _tset = set(self.neighbors[_s][r]) #tupe to set - set_t.update(_tset) - set_s = set_t.copy() - set_t.clear() - return set_s - - def repr_walk_all_ret(self, start, path, MAX_T=20): - cand_set = self.walk_all(start, path) - if len(cand_set) == 0: - return ">>start{} path:{} end: EMPTY!".format( - start, "->".join(list(path))) - _len = len(cand_set) if len(cand_set) < MAX_T else MAX_T - cand_node_str = ", ".join(cand_set[:_len]) - return ">>start{} path:{} end: {}".format( - start, "->".join(list(path)), cand_node_str) - - def type_matching_entities(self, path, position="t"): - assert (position == "t") - if position == "t": - r = path[-1] - elif position == "s": - r = path[0] - else: - logger.error(">>UNKNOWN position at type_matching_entities") - raise ValueError(position) - try: - if not inverted(r): - return r, self.relation_args[r][position] - else: - inv_pos = 's' if position == "t" else "t" - return r, self.relation_args[invert(r)][inv_pos] - except KeyError: - logger.error( - ">>UNKNOWN path value at type_matching_entities :%s from path:%s" - % (r, path)) - return None, tuple() - - def is_trival_query(self, start, path): - """ - :param path: - :return: Boolean if True/False, is all candidates are right answers, return True - """ - #todo: check right again - cand_set = self.type_matching_entities(path, "t") - ans_set = self.walk_all(start, path) - _set = cand_set - ans_set - if len(_set) == 0: - return True - else: - return False - - -def get_unique_entities_relations(train_file, dev_file, test_file): - entity_lst = dict() - relation_lst = dict() - all_files = [train_file, dev_file, test_file] - for input_file in all_files: - with open(input_file, "r") as f: - for line in f.readlines(): - tokens = line.strip().split("\t") - assert len(tokens) == 3 - entity_lst[tokens[0]] = len(entity_lst) - entity_lst[tokens[2]] = len(entity_lst) - relations = tokens[1].split(",") - for relation in relations: - relation_lst[relation] = len(relation_lst) - print(">> Number of unique entities: %s" % len(entity_lst)) - print(">> Number of unique relations: %s" % len(relation_lst)) - return entity_lst, relation_lst - - -def filter_base_data(raw_train_file, raw_dev_file, raw_test_file, - train_base_file, dev_base_file, test_base_file): - def fil_base(input_file, output_file): - fout = open(output_file, "w") - base_n = 0 - with open(input_file, "r") as f: - for line in f.readlines(): - tokens = line.strip().split("\t") - assert len(tokens) == 3 - relations = tokens[1].split(",") - if len(relations) == 1: - fout.write(line) - base_n += 1 - fout.close() - return base_n - - train_base_n = fil_base(raw_train_file, train_base_file) - dev_base_n = fil_base(raw_dev_file, dev_base_file) - test_base_n = fil_base(raw_test_file, test_base_file) - print(">> Train base cnt:%d" % train_base_n) - print(">> Valid base cnt:%d" % dev_base_n) - print(">> Test base cnt:%d" % test_base_n) - - -def generate_onlytail_mask_type(input_file, output_file): - with open(output_file, "w") as fw: - with open(input_file, "r") as fr: - for line in fr.readlines(): - fw.write(line.strip('\r \n') + "\tMASK_TAIL\n") - - -def generate_eval_files(vocab_path, raw_test_file, train_base_file, - dev_base_file, test_base_file, sen_candli_file, - trivial_sen_file): - token2id = load_vocab(vocab_path) - - eval_data = EvalDataset(train_base_file, test_base_file) - - fout_sen_cand = open(sen_candli_file, "w") - fout_q_trival = open(trivial_sen_file, "w") - - sen_candli_cnt = trivial_sen_cnt = 0 - j = 0 - for line in open(raw_test_file): - line = line.strip() - j += 1 - segs = line.split("\t") - s = segs[0] - t = segs[2] - path = tuple(segs[1].split(",")) - - q_set = eval_data.full_graph.walk_all(s, path) - r, cand_set = eval_data.full_graph.type_matching_entities(path, "t") - cand_set = set(cand_set) - neg_set = cand_set - q_set - - sen_tokens = [] - sen_tokens.append(line.split("\t")[0]) - sen_tokens.extend(line.split("\t")[1].split(",")) - sen_tokens.append(line.split("\t")[2]) - sen_id = [str(token2id[x]) for x in sen_tokens] - if len(neg_set) == 0: - trivial_sen_cnt += 1 - #fout_q_trival.write(line + "\n") - fout_q_trival.write(" ".join(sen_id) + "\n") - else: - sen_candli_cnt += 1 - candli_id_set = [str(token2id[x]) for x in neg_set] - sen_canli_str = "%s\t%s" % (" ".join(sen_id), - " ".join(list(candli_id_set))) - fout_sen_cand.write(sen_canli_str + "\n") - - if len(cand_set) < len(q_set): - logger.error("ERROR! cand_set %d < q_set %d at line[%d]:%s" % - (len(cand_set), len(q_set), j, line)) - if j % 100 == 0: - logger.debug(" ...processing %d at %s" % (j, time.ctime())) - if -100 > 0 and j >= 100: - break - logger.info(">> sen_canli_set count:%d " % sen_candli_cnt) - logger.info(">> trivial sen count:%d " % trivial_sen_cnt) - logger.info(">> Finish generate evaluation candidates for %s file at %s" % - (raw_test_file, time.ctime())) - - -def pathquery_data_preprocess(raw_train_file, raw_dev_file, raw_test_file, - vocab_path, sen_candli_file, trivial_sen_file, - new_train_file, new_dev_file, new_test_file, - train_base_file, dev_base_file, test_base_file): - entity_lst, relation_lst = get_unique_entities_relations( - raw_train_file, raw_dev_file, raw_test_file) - write_vocab(vocab_path, entity_lst, relation_lst) - filter_base_data(raw_train_file, raw_dev_file, raw_test_file, - train_base_file, dev_base_file, test_base_file) - generate_mask_type(raw_train_file, new_train_file) - generate_onlytail_mask_type(raw_dev_file, new_dev_file) - generate_onlytail_mask_type(raw_test_file, new_test_file) - vocab = load_vocab(vocab_path) - generate_eval_files(vocab_path, raw_test_file, train_base_file, - dev_base_file, test_base_file, sen_candli_file, - trivial_sen_file) - - -def get_args(): - parser = argparse.ArgumentParser() - parser.add_argument( - "--task", - type=str, - required=True, - default=None, - help="task name: fb15k, fb15k237, wn18rr, wn18, pathqueryFB, pathqueryWN" - ) - parser.add_argument( - "--dir", - type=str, - required=True, - default=None, - help="task data directory") - parser.add_argument( - "--train", - type=str, - required=False, - default="train", - help="train file name, default train.txt") - parser.add_argument( - "--valid", - type=str, - required=False, - default="dev", - help="valid file name, default valid.txt") - parser.add_argument( - "--test", - type=str, - required=False, - default="test", - help="test file name, default test.txt") - args = parser.parse_args() - return args - - -if __name__ == "__main__": - args = get_args() - task = args.task.lower() - assert task in ["pathqueryfb", "pathquerywn"] - raw_train_file = os.path.join(args.dir, args.train) - raw_dev_file = os.path.join(args.dir, args.valid) - raw_test_file = os.path.join(args.dir, args.test) - - new_train_file = os.path.join(args.dir, "train.coke.txt") - new_test_file = os.path.join(args.dir, "test.coke.txt") - new_dev_file = os.path.join(args.dir, "dev.coke.txt") - - vocab_file = os.path.join(args.dir, "vocab.txt") - sen_candli_file = os.path.join(args.dir, "sen_candli.txt") - trivial_sen_file = os.path.join(args.dir, "trivial_sen.txt") - - train_base_file = os.path.join(args.dir, "train.base.txt") - test_base_file = os.path.join(args.dir, "test.base.txt") - dev_base_file = os.path.join(args.dir, "dev.base.txt") - - pathquery_data_preprocess(raw_train_file, raw_dev_file, raw_test_file, - vocab_file, sen_candli_file, trivial_sen_file, - new_train_file, new_dev_file, new_test_file, - train_base_file, dev_base_file, test_base_file) diff --git a/PaddleKG/CoKE/bin/reader/__init__.py b/PaddleKG/CoKE/bin/reader/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleKG/CoKE/bin/reader/batching.py b/PaddleKG/CoKE/bin/reader/batching.py deleted file mode 100755 index c1c8ca105169e7e07ddf8f9e12b89ed7fd779534..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/bin/reader/batching.py +++ /dev/null @@ -1,110 +0,0 @@ -"""Mask, padding and batching.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import numpy as np - - -def mask(input_tokens, input_mask_type, max_len, mask_id): - """ - Add mask for batch_tokens, return out, mask_label, mask_pos; - Note: mask_pos responding the batch_tokens after padded; - """ - output_tokens = [] - mask_label = [] - mask_pos = [] - for sent_index, sent in enumerate(input_tokens): - mask_type = input_mask_type[sent_index] - if mask_type == "MASK_HEAD": - token_index = 0 - mask_label.append(sent[token_index]) - mask_pos.append(sent_index * max_len + token_index) - sent_out = sent[:] - sent_out[token_index] = mask_id - output_tokens.append(sent_out) - elif mask_type == "MASK_TAIL": - token_index = len(sent) - 1 - mask_label.append(sent[token_index]) - mask_pos.append(sent_index * max_len + token_index) - sent_out = sent[:] - sent_out[token_index] = mask_id - output_tokens.append(sent_out) - else: - raise ValueError( - "Unknown mask type, which should be in ['MASK_HEAD', 'MASK_TAIL']." - ) - mask_label = np.array(mask_label).astype("int64").reshape([-1, 1]) - mask_pos = np.array(mask_pos).astype("int64").reshape([-1, 1]) - return output_tokens, mask_label, mask_pos - - -def pad_batch_data(insts, - max_len, - pad_idx=0, - return_pos=False, - return_input_mask=False): - """ - Pad the instances to the max sequence length in batch, and generate the - corresponding position data and input mask. - """ - return_list = [] - - # Any token included in dict can be used to pad, since the paddings' loss - # will be masked out by weights and make no effect on parameter gradients. - - inst_data = np.array([ - list(inst) + list([pad_idx] * (max_len - len(inst))) for inst in insts - ]) - return_list += [inst_data.astype("int64").reshape([-1, max_len, 1])] - - # position data - if return_pos: - inst_pos = np.array([ - list(range(0, len(inst))) + [pad_idx] * (max_len - len(inst)) - for inst in insts - ]) - - return_list += [inst_pos.astype("int64").reshape([-1, max_len, 1])] - - if return_input_mask: - # This is used to avoid attention on paddings. - input_mask_data = np.array([[1] * len(inst) + [0] * - (max_len - len(inst)) for inst in insts]) - input_mask_data = np.expand_dims(input_mask_data, axis=-1) - return_list += [input_mask_data.astype("float32")] - - return return_list if len(return_list) > 1 else return_list[0] - - -def prepare_batch_data(insts, max_len, pad_id=None, mask_id=None): - """ masking, padding, turn list data into numpy arrays, for batch examples - """ - batch_src_ids = [inst[0] for inst in insts] - batch_mask_type = [inst[1] for inst in insts] - - # First step: do mask without padding - if mask_id >= 0: - out, mask_label, mask_pos = mask( - input_tokens=batch_src_ids, - input_mask_type=batch_mask_type, - max_len=max_len, - mask_id=mask_id) - else: - out = batch_src_ids - - # Second step: padding and turn into numpy arrays - src_id, pos_id, input_mask = pad_batch_data( - out, - max_len=max_len, - pad_idx=pad_id, - return_pos=True, - return_input_mask=True) - - if mask_id >= 0: - return_list = [src_id, pos_id, input_mask, mask_label, mask_pos] - else: - return_list = [src_id, pos_id, input_mask] - - return return_list if len(return_list) > 1 else return_list[0] diff --git a/PaddleKG/CoKE/bin/reader/coke_reader.py b/PaddleKG/CoKE/bin/reader/coke_reader.py deleted file mode 100755 index 36efa6ab3712b52d5123b25e35a14cc689552074..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/bin/reader/coke_reader.py +++ /dev/null @@ -1,262 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" data reader for CoKE -""" - -from __future__ import print_function -from __future__ import division - -import numpy as np -import six -import collections -import logging - -from reader.batching import prepare_batch_data - -logging.basicConfig( - format='%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt='%m/%d/%Y %H:%M:%S') -logger = logging.getLogger(__name__) -logger.setLevel(logging.DEBUG) -logger.info(logger.getEffectiveLevel()) - -RawExample = collections.namedtuple("RawExample", ["token_ids", "mask_type"]) - - -def convert_to_unicode(text): - """Converts `text` to Unicode (if it's not already), assuming utf-8 input.""" - if six.PY3: - if isinstance(text, str): - return text - elif isinstance(text, bytes): - return text.decode("utf-8", "ignore") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - elif six.PY2: - if isinstance(text, str): - return text.decode("utf-8", "ignore") - elif isinstance(text, unicode): - return text - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - else: - raise ValueError("Not running on Python2 or Python 3?") - - -#def printable_text(text): -# """Returns text encoded in a way suitable for print or `tf.logging`.""" -# -# # These functions want `str` for both Python2 and Python3, but in one case -# # it's a Unicode string and in the other it's a byte string. -# if six.PY3: -# if isinstance(text, str): -# return text -# elif isinstance(text, bytes): -# return text.decode("utf-8", "ignore") -# else: -# raise ValueError("Unsupported string type: %s" % (type(text))) -# elif six.PY2: -# if isinstance(text, str): -# return text -# elif isinstance(text, unicode): -# return text.encode("utf-8") -# else: -# raise ValueError("Unsupported string type: %s" % (type(text))) -# else: -# raise ValueError("Not running on Python2 or Python 3?") - - -def load_vocab(vocab_file): - """Loads a vocabulary file into a dictionary.""" - vocab = collections.OrderedDict() - fin = open(vocab_file) - for num, line in enumerate(fin): - items = line.strip().split("\t") - if len(items) > 2: - break - token = items[0] - index = items[1] if len(items) == 2 else num - token = token.strip() - vocab[token] = int(index) - return vocab - - -#def convert_by_vocab(vocab, items): -# """Converts a sequence of [tokens|ids] using the vocab.""" -# output = [] -# for item in items: -# output.append(vocab[item]) -# return output - - -def convert_tokens_to_ids(vocab, tokens): - """Converts a sequence of tokens into ids using the vocab.""" - output = [] - for item in tokens: - output.append(vocab[item]) - return output - - -class KBCDataReader(object): - """ DataReader - """ - - def __init__(self, - vocab_path, - data_path, - max_seq_len=3, - batch_size=4096, - is_training=True, - shuffle=True, - dev_count=1, - epoch=10, - vocab_size=-1): - self.vocab = load_vocab(vocab_path) - if vocab_size > 0: - assert len(self.vocab) == vocab_size, \ - "Assert Error! Input vocab_size(%d) is not consistant with voab_file(%d)" % \ - (vocab_size, len(self.vocab)) - self.pad_id = self.vocab["[PAD]"] - self.mask_id = self.vocab["[MASK]"] - - self.max_seq_len = max_seq_len - self.batch_size = batch_size - - self.is_training = is_training - self.shuffle = shuffle - self.dev_count = dev_count - self.epoch = epoch - if not is_training: - self.shuffle = False - self.dev_count = 1 - self.epoch = 1 - - self.examples = self.read_example(data_path) - self.total_instance = len(self.examples) - - self.current_epoch = -1 - self.current_instance_index = -1 - - def get_progress(self): - """return current progress of traning data - """ - return self.current_instance_index, self.current_epoch - - def line2tokens(self, line): - tokens = line.split("\t") - return tokens - - def read_example(self, input_file): - """Reads the input file into a list of examples.""" - examples = [] - with open(input_file, "r") as f: - for line in f.readlines(): - line = convert_to_unicode(line.strip()) - tokens = self.line2tokens(line) - assert len(tokens) <= (self.max_seq_len + 1), \ - "Expecting at most [max_seq_len + 1]=%d tokens each line, current tokens %d" \ - % (self.max_seq_len + 1, len(tokens)) - token_ids = convert_tokens_to_ids(self.vocab, tokens[:-1]) - if len(token_ids) <= 0: - continue - examples.append( - RawExample( - token_ids=token_ids, mask_type=tokens[-1])) - # if len(examples) <= 10: - # logger.info("*** Example ***") - # logger.info("tokens: %s" % " ".join([printable_text(x) for x in tokens])) - # logger.info("token_ids: %s" % " ".join([str(x) for x in token_ids])) - return examples - - def data_generator(self): - """ wrap the batch data generator - """ - range_list = [i for i in range(self.total_instance)] - - def wrapper(): - """ wrapper batch data - """ - - def reader(): - for epoch_index in range(self.epoch): - self.current_epoch = epoch_index - if self.shuffle is True: - np.random.shuffle(range_list) - for idx, sample in enumerate(range_list): - self.current_instance_index = idx - yield self.examples[sample] - - def batch_reader(reader, batch_size): - """reader generator for batches of examples - :param reader: reader generator for one example - :param batch_size: int batch size - :return: a list of examples for batch data - """ - batch = [] - for example in reader(): - token_ids = example.token_ids - mask_type = example.mask_type - example_out = [token_ids] + [mask_type] - to_append = len(batch) < batch_size - if to_append is False: - yield batch - batch = [example_out] - else: - batch.append(example_out) - if len(batch) > 0: - yield batch - - all_device_batches = [] - for batch_data in batch_reader(reader, self.batch_size): - batch_data = prepare_batch_data( - batch_data, - max_len=self.max_seq_len, - pad_id=self.pad_id, - mask_id=self.mask_id) - if len(all_device_batches) < self.dev_count: - all_device_batches.append(batch_data) - - if len(all_device_batches) == self.dev_count: - for batch in all_device_batches: - yield batch - all_device_batches = [] - - return wrapper - - -class PathqueryDataReader(KBCDataReader): - def __init__(self, - vocab_path, - data_path, - max_seq_len=3, - batch_size=4096, - is_training=True, - shuffle=True, - dev_count=1, - epoch=10, - vocab_size=-1): - - KBCDataReader.__init__(self, vocab_path, data_path, max_seq_len, - batch_size, is_training, shuffle, dev_count, - epoch, vocab_size) - - def line2tokens(self, line): - tokens = [] - s, path, o, mask_type = line.split("\t") - path_tokens = path.split(",") - tokens.append(s) - tokens.extend(path_tokens) - tokens.append(o) - tokens.append(mask_type) - return tokens diff --git a/PaddleKG/CoKE/bin/run.py b/PaddleKG/CoKE/bin/run.py deleted file mode 100755 index 7b4686ccece7e229369b308c30693e1048512255..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/bin/run.py +++ /dev/null @@ -1,542 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" Train and test the CoKE model on knowledge graph completion and path query datasets -""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import argparse -import collections -import multiprocessing -import os -import time -import logging -import json -import random - -import numpy as np -import paddle -import paddle.fluid as fluid - -from reader.coke_reader import KBCDataReader -from reader.coke_reader import PathqueryDataReader -from model.coke import CoKEModel -from optimization import optimization -#from evaluation import kbc_evaluation -from evaluation import kbc_batch_evaluation -from evaluation import compute_kbc_metrics -from evaluation import pathquery_batch_evaluation -from evaluation import compute_pathquery_metrics -from utils.args import ArgumentGroup, print_arguments -from utils.init import init_pretraining_params, init_checkpoint - -logging.basicConfig( - format='%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt='%m/%d/%Y %H:%M:%S', - level=logging.INFO) -logging.getLogger().setLevel(logging.INFO) -logger = logging.getLogger(__name__) - -# yapf: disable -parser = argparse.ArgumentParser() -model_g = ArgumentGroup(parser, "model", "model configuration and paths.") -model_g.add_arg("hidden_size", int, 256, "CoKE model config: hidden size, default 256") -model_g.add_arg("num_hidden_layers", int, 6, "CoKE model config: num_hidden_layers, default 6") -model_g.add_arg("num_attention_heads", int, 4, "CoKE model config: num_attention_heads, default 4") -model_g.add_arg("vocab_size", int, -1, "CoKE model config: vocab_size") -model_g.add_arg("num_relations", int, None, "CoKE model config: vocab_size") -model_g.add_arg("max_position_embeddings", int, 10, "CoKE model config: max_position_embeddings") -model_g.add_arg("hidden_act", str, "gelu", "CoKE model config: hidden_ac, default gelu") -model_g.add_arg("hidden_dropout_prob", float, 0.1, "CoKE model config: attention_probs_dropout_prob, default 0.1") -model_g.add_arg("attention_probs_dropout_prob", float, 0.1, "CoKE model config: attention_probs_dropout_prob, default 0.1") -model_g.add_arg("initializer_range", int, 0.02, "CoKE model config: initializer_range") -model_g.add_arg("intermediate_size", int, 512, "CoKE model config: intermediate_size, default 512") - -model_g.add_arg("init_checkpoint", str, None, "Init checkpoint to resume training from, or for prediction only") -model_g.add_arg("init_pretraining_params", str, None, "Init pre-training params which preforms fine-tuning from. If the " - "arg 'init_checkpoint' has been set, this argument wouldn't be valid.") -model_g.add_arg("checkpoints", str, "checkpoints", "Path to save checkpoints.") -model_g.add_arg("weight_sharing", bool, True, "If set, share weights between word embedding and masked lm.") - -train_g = ArgumentGroup(parser, "training", "training options.") -train_g.add_arg("epoch", int, 100, "Number of epoches for training.") -train_g.add_arg("learning_rate", float, 5e-5, "Learning rate used to train with warmup.") -train_g.add_arg("lr_scheduler", str, "linear_warmup_decay", "scheduler of learning rate.", - choices=['linear_warmup_decay', 'noam_decay']) -train_g.add_arg("soft_label", float, 0.9, "Value of soft labels for loss computation") -train_g.add_arg("weight_decay", float, 0.01, "Weight decay rate for L2 regularizer.") -train_g.add_arg("warmup_proportion", float, 0.1, "Proportion of training steps to perform linear learning rate warmup for.") -train_g.add_arg("use_ema", bool, True, "Whether to use ema.") -train_g.add_arg("ema_decay", float, 0.9999, "Decay rate for expoential moving average.") -train_g.add_arg("use_fp16", bool, False, "Whether to use fp16 mixed precision training.") -train_g.add_arg("loss_scaling", float, 1.0, "Loss scaling factor for mixed precision training, only valid when use_fp16 is enabled.") - -log_g = ArgumentGroup(parser, "logging", "logging related.") -log_g.add_arg("skip_steps", int, 1000, "The steps interval to print loss.") -log_g.add_arg("verbose", bool, False, "Whether to output verbose log.") - -data_g = ArgumentGroup(parser, "data", "Data paths, vocab paths and data processing options") -data_g.add_arg("dataset", str, "", "dataset name") -data_g.add_arg("train_file", str, None, "Data for training.") -data_g.add_arg("sen_candli_file", str, None, "sentence_candicate_list file for path query evaluation. Only used for path query datasets") -data_g.add_arg("sen_trivial_file", str, None, "trivial sentence file for pathquery evaluation. Only used for path query datasets") -data_g.add_arg("predict_file", str, None, "Data for predictions.") -data_g.add_arg("vocab_path", str, None, "Path to vocabulary.") -data_g.add_arg("true_triple_path", str, None, "Path to all true triples. Only used for KBC evaluation.") -data_g.add_arg("max_seq_len", int, 3, "Number of tokens of the longest sequence.") -data_g.add_arg("batch_size", int, 12, "Total examples' number in batch for training. see also --in_tokens.") -data_g.add_arg("in_tokens", bool, False, - "If set, the batch size will be the maximum number of tokens in one batch. " - "Otherwise, it will be the maximum number of examples in one batch.") - -run_type_g = ArgumentGroup(parser, "run_type", "running type options.") -run_type_g.add_arg("do_train", bool, False, "Whether to perform training.") -run_type_g.add_arg("do_predict", bool, False, "Whether to perform prediction.") -run_type_g.add_arg("use_cuda", bool, True, "If set, use GPU for training, default is True.") -run_type_g.add_arg("use_fast_executor", bool, False, "If set, use fast parallel executor (in experiment).") -run_type_g.add_arg("num_iteration_per_drop_scope", int, 1, "Ihe iteration intervals to clean up temporary variables.") - -args = parser.parse_args() -# yapf: enable. - - -def create_model(pyreader_name, coke_config): - pyreader = fluid.layers.py_reader\ - ( - capacity=50, - shapes=[[-1, args.max_seq_len, 1], - [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, 1], [-1, 1], [-1, 1]], - dtypes=[ - 'int64', 'int64', 'float32', 'int64', 'int64'], - lod_levels=[0, 0, 0, 0, 0], - name=pyreader_name, - use_double_buffer=True) - (src_ids, pos_ids, input_mask, mask_labels, mask_positions) = fluid.layers.read_file(pyreader) - - coke = CoKEModel( - src_ids=src_ids, - position_ids=pos_ids, - input_mask=input_mask, - config=coke_config, - soft_label=args.soft_label, - weight_sharing=args.weight_sharing, - use_fp16=args.use_fp16) - - loss, fc_out = coke.get_pretraining_output(mask_label=mask_labels, mask_pos=mask_positions) - if args.use_fp16 and args.loss_scaling > 1.0: - loss = loss * args.loss_scaling - - batch_ones = fluid.layers.fill_constant_batch_size_like( - input=mask_labels, dtype='int64', shape=[1], value=1) - num_seqs = fluid.layers.reduce_sum(input=batch_ones) - - return pyreader, loss, fc_out, num_seqs - - -def pathquery_predict(test_exe, test_program, test_pyreader, fetch_list, all_examples, - sen_negli_dict, trivial_sen_set, eval_result_file): - eval_i = 0 - step = 0 - batch_mqs = [] - batch_ranks = [] - test_pyreader.start() - while True: - try: - np_fc_out = test_exe.run(fetch_list=fetch_list, program=test_program)[0] - mqs, ranks = pathquery_batch_evaluation(eval_i, all_examples, np_fc_out, - sen_negli_dict, trivial_sen_set) - batch_mqs.extend(mqs) - batch_ranks.extend(ranks) - step += 1 - if step % 10 == 0: - logger.info("Processing pathquery_predict step:%d example: %d" % (step, eval_i)) - _batch_len = np_fc_out.shape[0] - eval_i += _batch_len - except fluid.core.EOFException: - test_pyreader.reset() - break - - eval_result = compute_pathquery_metrics(batch_mqs, batch_ranks, eval_result_file) - return eval_result - - -def kbc_predict(test_exe, test_program, test_pyreader, fetch_list, all_examples, true_triplets_dict, eval_result_file): - eval_i = 0 - step = 0 - batch_eval_rets = [] - f_batch_eval_rets = [] - test_pyreader.start() - while True: - try: - batch_results = [] - np_fc_out = test_exe.run(fetch_list=fetch_list, program=test_program)[0] - _batch_len = np_fc_out.shape[0] - for idx in range(np_fc_out.shape[0]): - logits = [float(x) for x in np_fc_out[idx].flat] - batch_results.append(logits) - rank, frank = kbc_batch_evaluation(eval_i, all_examples, batch_results, true_triplets_dict) - batch_eval_rets.extend(rank) - f_batch_eval_rets.extend(frank) - if step % 10 == 0: - logger.info("Processing kbc_predict step: %d exmaples:%d" % (step, eval_i)) - step += 1 - eval_i += _batch_len - except fluid.core.EOFException: - test_pyreader.reset() - break - eval_result = compute_kbc_metrics(batch_eval_rets, f_batch_eval_rets, eval_result_file) - return eval_result - - -def predict(test_exe, test_program, test_pyreader, fetch_list, all_examples, args): - dataset = args.dataset - if not os.path.exists(args.checkpoints): - os.makedirs(args.checkpoints) - eval_result_file = os.path.join(args.checkpoints, "eval_result.json") - logger.info(">> Evaluation result file: %s" % eval_result_file) - - if dataset.lower() in ["pathquerywn", "pathqueryfb"]: - sen_candli_dict, trivial_sen_set = _load_pathquery_eval_dict(args.sen_candli_file, - args.sen_trivial_file) - logger.debug(">> Load sen_candli_dict size: %d" % len(sen_candli_dict)) - logger.debug(">> Trivial sen set size: %d" % len(trivial_sen_set)) - logger.debug(">> Finish load sen_candli set at:{}".format(time.ctime())) - eval_performance = pathquery_predict(test_exe, test_program, test_pyreader, fetch_list, - all_examples, sen_candli_dict, trivial_sen_set, - eval_result_file) - - outs = "%s\t%.3f\t%.3f" % (args.dataset, eval_performance['mq'], eval_performance['fhits10']) - logger.info("\n---------- Evaluation Performance --------------\n%s\n%s" % - ("\t".join(["TASK", "MQ", "Hits@10"]), outs)) - else: - true_triplets_dict = _load_kbc_eval_dict(args.true_triple_path) - logger.info(">> Finish loading true triplets dict %s" % time.ctime()) - eval_performance = kbc_predict(test_exe, test_program, test_pyreader, fetch_list, - all_examples, true_triplets_dict, eval_result_file) - outs = "%s\t%.3f\t%.3f\t%.3f\t%.3f" % (args.dataset, - eval_performance['fmrr'], - eval_performance['fhits1'], - eval_performance['fhits3'], - eval_performance['fhits10']) - logger.info("\n----------- Evaluation Performance --------------\n%s\n%s" % - ("\t".join(["TASK", "MRR", "Hits@1", "Hits@3", "Hits@10"]), outs)) - return eval_performance - - -def _load_kbc_eval_dict(true_triple_file): - def load_true_triples(true_triple_file): - true_triples = [] - with open(true_triple_file, "r") as fr: - for line in fr.readlines(): - tokens = line.strip("\r \n").split("\t") - assert len(tokens) == 3 - true_triples.append( - (int(tokens[0]), int(tokens[1]), int(tokens[2]))) - logger.debug("Finish loading %d true triples" % len(true_triples)) - return true_triples - true_triples = load_true_triples(true_triple_file) - true_triples_dict = collections.defaultdict(lambda: {'hs': collections.defaultdict(list), - 'ts': collections.defaultdict(list)}) - for h, r, t in true_triples: - true_triples_dict[r]['ts'][h].append(t) - true_triples_dict[r]['hs'][t].append(h) - return true_triples_dict - - -def _load_pathquery_eval_dict(sen_candli_file, trivial_sen_file, add_gold_o = True): - sen_candli_dict = dict() - for line in open(sen_candli_file): - line = line.strip() - segs = line.split("\t") - assert len(segs) == 2, " Illegal format for sen_candli_dict, expects 2 columns data" - sen = segs[0] - candset = set(segs[1].split(" ")) - if add_gold_o is True: - gold_o = sen.split(" ")[-1] - candset.add(gold_o) - _li = list(candset) - int_li = [int(x) for x in _li] - sen_candli_dict[sen] = int_li - trivial_senset = {x.strip() for x in open(trivial_sen_file)} - - return sen_candli_dict, trivial_senset - - -def init_coke_net_config(args, print_config = True): - config = dict() - config["hidden_size"] = args.hidden_size - config["num_hidden_layers"] = args.num_hidden_layers - config["num_attention_heads"] = args.num_attention_heads - config["vocab_size"] = args.vocab_size - config["num_relations"] = args.num_relations - config["max_position_embeddings"] = args.max_position_embeddings - config["hidden_act"] = args.hidden_act - config["hidden_dropout_prob"] = args.hidden_dropout_prob - config["attention_probs_dropout_prob"] = args.attention_probs_dropout_prob - config["initializer_range"] = args.initializer_range - config["intermediate_size"] = args.intermediate_size - - if print_config is True: - logger.info('----------- CoKE Network Configuration -------------') - for arg, value in config.items(): - logger.info('%s: %s' % (arg, value)) - logger.info('------------------------------------------------') - return config - - -def main(args): - if not (args.do_train or args.do_predict): - raise ValueError("For args `do_train` and `do_predict`, at " - "least one of them must be True.") - if args.use_cuda: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - exe = fluid.Executor(place) - - startup_prog = fluid.Program() - - # Init programs - coke_config = init_coke_net_config(args, print_config=True) - if args.do_train: - train_data_reader = get_data_reader(args, args.train_file, is_training=True, - epoch=args.epoch, shuffle=True, dev_count=dev_count, - vocab_size=args.vocab_size) - - num_train_examples = train_data_reader.total_instance - if args.in_tokens: - max_train_steps = args.epoch * num_train_examples // ( - args.batch_size // args.max_seq_len) // dev_count - else: - max_train_steps = args.epoch * num_train_examples // ( - args.batch_size) // dev_count - warmup_steps = int(max_train_steps * args.warmup_proportion) - logger.info("Device count: %d" % dev_count) - logger.info("Num train examples: %d" % num_train_examples) - logger.info("Max train steps: %d" % max_train_steps) - logger.info("Num warmup steps: %d" % warmup_steps) - - train_program = fluid.Program() - - # Create model and set optimization for train - with fluid.program_guard(train_program, startup_prog): - with fluid.unique_name.guard(): - train_pyreader, loss, _, num_seqs = create_model( - pyreader_name='train_reader', - coke_config=coke_config) - - scheduled_lr = optimization( - loss=loss, - warmup_steps=warmup_steps, - num_train_steps=max_train_steps, - learning_rate=args.learning_rate, - train_program=train_program, - startup_prog=startup_prog, - weight_decay=args.weight_decay, - scheduler=args.lr_scheduler, - use_fp16=args.use_fp16, - loss_scaling=args.loss_scaling) - - if args.use_ema: - ema = fluid.optimizer.ExponentialMovingAverage(args.ema_decay) - ema.update() - - fluid.memory_optimize(train_program, skip_opt_set=[loss.name, num_seqs.name]) - - if args.verbose: - if args.in_tokens: - lower_mem, upper_mem, unit = fluid.contrib.memory_usage( - program=train_program, - batch_size=args.batch_size // args.max_seq_len) - else: - lower_mem, upper_mem, unit = fluid.contrib.memory_usage( - program=train_program, batch_size=args.batch_size) - logger.info("Theoretical memory usage in training: %.3f - %.3f %s" % - (lower_mem, upper_mem, unit)) - - if args.do_predict: - # Create model for prediction - test_prog = fluid.Program() - with fluid.program_guard(test_prog, startup_prog): - with fluid.unique_name.guard(): - test_pyreader, _, fc_out, num_seqs = create_model( - pyreader_name='test_reader', - coke_config=coke_config) - - if args.use_ema and 'ema' not in dir(): - ema = fluid.optimizer.ExponentialMovingAverage(args.ema_decay) - - fluid.memory_optimize(test_prog, skip_opt_set=[fc_out.name, num_seqs.name]) - - test_prog = test_prog.clone(for_test=True) - - exe.run(startup_prog) - - # Init checkpoints - if args.do_train: - init_train_checkpoint(args, exe, startup_prog) - elif args.do_predict: - init_predict_checkpoint(args, exe, startup_prog) - - # Run training - if args.do_train: - exec_strategy = fluid.ExecutionStrategy() - exec_strategy.use_experimental_executor = args.use_fast_executor - exec_strategy.num_threads = dev_count - exec_strategy.num_iteration_per_drop_scope = args.num_iteration_per_drop_scope - - train_exe = fluid.ParallelExecutor( - use_cuda=args.use_cuda, - loss_name=loss.name, - exec_strategy=exec_strategy, - main_program=train_program) - - train_pyreader.decorate_tensor_provider(train_data_reader.data_generator()) - - train_pyreader.start() - steps = 0 - total_cost, total_num_seqs = [], [] - time_begin = time.time() - while steps < max_train_steps: - try: - steps += 1 - if steps % args.skip_steps == 0: - if warmup_steps <= 0: - fetch_list = [loss.name, num_seqs.name] - else: - fetch_list = [ - loss.name, scheduled_lr.name, num_seqs.name - ] - else: - fetch_list = [] - - outputs = train_exe.run(fetch_list=fetch_list) - - if steps % args.skip_steps == 0: - if warmup_steps <= 0: - np_loss, np_num_seqs = outputs - else: - np_loss, np_lr, np_num_seqs = outputs - total_cost.extend(np_loss * np_num_seqs) - total_num_seqs.extend(np_num_seqs) - - if args.verbose: - verbose = "train pyreader queue size: %d, " % train_pyreader.queue.size( - ) - verbose += "learning rate: %f" % ( - np_lr[0] - if warmup_steps > 0 else args.learning_rate) - logger.info(verbose) - - time_end = time.time() - used_time = time_end - time_begin - current_example, epoch = train_data_reader.get_progress() - - logger.info("epoch: %d, progress: %d/%d, step: %d, loss: %f, " - "speed: %f steps/s" % - (epoch, current_example, num_train_examples, steps, - np.sum(total_cost) / np.sum(total_num_seqs), - args.skip_steps / used_time)) - total_cost, total_num_seqs = [], [] - time_begin = time.time() - - if steps == max_train_steps: - save_path = os.path.join(args.checkpoints, "step_" + str(steps)) - fluid.io.save_persistables(exe, save_path, train_program) - except fluid.core.EOFException: - logger.warning(">> EOFException") - save_path = os.path.join(args.checkpoints, "step_" + str(steps) + "_final") - fluid.io.save_persistables(exe, save_path, train_program) - train_pyreader.reset() - break - logger.info(">>Finish training at %s " % time.ctime()) - - # Run prediction - if args.do_predict: - assert dev_count == 1, "During prediction, dev_count expects 1, current is %d" % dev_count - test_data_reader = get_data_reader(args, args.predict_file, is_training=False, - epoch=1, shuffle=False, dev_count=dev_count, - vocab_size=args.vocab_size) - test_pyreader.decorate_tensor_provider(test_data_reader.data_generator()) - - if args.use_ema: - with ema.apply(exe): - eval_performance = predict(exe, test_prog, test_pyreader, - [fc_out.name], test_data_reader.examples, args) - else: - eval_performance = predict(exe, test_prog, test_pyreader, - [fc_out.name], test_data_reader.examples, args) - - logger.info(">>Finish predicting at %s " % time.ctime()) - - -def init_predict_checkpoint(args, exe, startup_prog): - if args.dataset in ["pathQueryWN", "pathQueryFB"]: - assert args.sen_candli_file is not None and args.sen_trivial_file is not None, "during test, pathQuery sen_candli_file and path_trivial_file must be set " - if not args.init_checkpoint: - raise ValueError("args 'init_checkpoint' should be set if" - "only doing prediction!") - init_checkpoint( - exe, - args.init_checkpoint, - main_program=startup_prog, - use_fp16=args.use_fp16) - - -def init_train_checkpoint(args, exe, startup_prog): - if args.init_checkpoint and args.init_pretraining_params: - logger.info( - "WARNING: args 'init_checkpoint' and 'init_pretraining_params' " - "both are set! Only arg 'init_checkpoint' is made valid.") - if args.init_checkpoint: - init_checkpoint( - exe, - args.init_checkpoint, - main_program=startup_prog, - use_fp16=args.use_fp16, - print_var_verbose=False) - elif args.init_pretraining_params: - init_pretraining_params( - exe, - args.init_pretraining_params, - main_program=startup_prog, - use_fp16=args.use_fp16) - - -def get_data_reader(args, data_file, epoch, is_training, shuffle, dev_count, vocab_size): - if args.dataset.lower() in ["pathqueryfb", "pathquerywn"]: - Reader = PathqueryDataReader - else: - Reader = KBCDataReader - data_reader = Reader( - vocab_path=args.vocab_path, - data_path=data_file, - max_seq_len=args.max_seq_len, - batch_size=args.batch_size, - is_training=is_training, - shuffle=shuffle, - dev_count=dev_count, - epoch=epoch, - vocab_size=vocab_size) - return data_reader - - -if __name__ == '__main__': - print_arguments(args) - main(args) diff --git a/PaddleKG/CoKE/bin/utils/__init__.py b/PaddleKG/CoKE/bin/utils/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleKG/CoKE/bin/utils/args.py b/PaddleKG/CoKE/bin/utils/args.py deleted file mode 100644 index e77ed5d027449ad7c8ad235a30a42409a2cb675f..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/bin/utils/args.py +++ /dev/null @@ -1,55 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Arguments for configuration.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import six -import argparse -import logging - -logging.basicConfig( - format='%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt='%m/%d/%Y %H:%M:%S', - level=logging.INFO) -logger = logging.getLogger(__name__) - - -def str2bool(v): - # because argparse does not support to parse "true, False" as python - # boolean directly - return v.lower() in ("true", "t", "1") - - -class ArgumentGroup(object): - def __init__(self, parser, title, des): - self._group = parser.add_argument_group(title=title, description=des) - - def add_arg(self, name, type, default, help, **kwargs): - type = str2bool if type == bool else type - self._group.add_argument( - "--" + name, - default=default, - type=type, - help=help + ' Default: %(default)s.', - **kwargs) - - -def print_arguments(args): - logger.info('----------- Configuration Arguments -----------') - for arg, value in sorted(six.iteritems(vars(args))): - logger.info('%s: %s' % (arg, value)) - logger.info('------------------------------------------------') diff --git a/PaddleKG/CoKE/bin/utils/fp16.py b/PaddleKG/CoKE/bin/utils/fp16.py deleted file mode 100644 index e153c2b9a1029897def264278c5dbe72e1f369f5..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/bin/utils/fp16.py +++ /dev/null @@ -1,97 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from __future__ import print_function -import paddle -import paddle.fluid as fluid - - -def cast_fp16_to_fp32(i, o, prog): - prog.global_block().append_op( - type="cast", - inputs={"X": i}, - outputs={"Out": o}, - attrs={ - "in_dtype": fluid.core.VarDesc.VarType.FP16, - "out_dtype": fluid.core.VarDesc.VarType.FP32 - }) - - -def cast_fp32_to_fp16(i, o, prog): - prog.global_block().append_op( - type="cast", - inputs={"X": i}, - outputs={"Out": o}, - attrs={ - "in_dtype": fluid.core.VarDesc.VarType.FP32, - "out_dtype": fluid.core.VarDesc.VarType.FP16 - }) - - -def copy_to_master_param(p, block): - v = block.vars.get(p.name, None) - if v is None: - raise ValueError("no param name %s found!" % p.name) - new_p = fluid.framework.Parameter( - block=block, - shape=v.shape, - dtype=fluid.core.VarDesc.VarType.FP32, - type=v.type, - lod_level=v.lod_level, - stop_gradient=p.stop_gradient, - trainable=p.trainable, - optimize_attr=p.optimize_attr, - regularizer=p.regularizer, - gradient_clip_attr=p.gradient_clip_attr, - error_clip=p.error_clip, - name=v.name + ".master") - return new_p - - -def create_master_params_grads(params_grads, main_prog, startup_prog, - loss_scaling): - master_params_grads = [] - tmp_role = main_prog._current_role - OpRole = fluid.core.op_proto_and_checker_maker.OpRole - main_prog._current_role = OpRole.Backward - for p, g in params_grads: - # create master parameters - master_param = copy_to_master_param(p, main_prog.global_block()) - startup_master_param = startup_prog.global_block()._clone_variable( - master_param) - startup_p = startup_prog.global_block().var(p.name) - cast_fp16_to_fp32(startup_p, startup_master_param, startup_prog) - # cast fp16 gradients to fp32 before apply gradients - if g.name.find("layer_norm") > -1: - if loss_scaling > 1: - scaled_g = g / float(loss_scaling) - else: - scaled_g = g - master_params_grads.append([p, scaled_g]) - continue - master_grad = fluid.layers.cast(g, "float32") - if loss_scaling > 1: - master_grad = master_grad / float(loss_scaling) - master_params_grads.append([master_param, master_grad]) - main_prog._current_role = tmp_role - return master_params_grads - - -def master_param_to_train_param(master_params_grads, params_grads, main_prog): - for idx, m_p_g in enumerate(master_params_grads): - train_p, _ = params_grads[idx] - if train_p.name.find("layer_norm") > -1: - continue - with main_prog._optimized_guard([m_p_g[0], m_p_g[1]]): - cast_fp32_to_fp16(m_p_g[0], train_p, main_prog) diff --git a/PaddleKG/CoKE/bin/utils/init.py b/PaddleKG/CoKE/bin/utils/init.py deleted file mode 100755 index cdb7b3093747ee916f661231533544984907c2e2..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/bin/utils/init.py +++ /dev/null @@ -1,105 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from __future__ import print_function - -import os -import six -import ast -import copy -import logging - -import numpy as np -import paddle.fluid as fluid - -logging.basicConfig( - format='%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt='%m/%d/%Y %H:%M:%S', - level=logging.INFO) -logger = logging.getLogger(__name__) - - -def cast_fp32_to_fp16(exe, main_program): - logger.info("Cast parameters to float16 data format.") - for param in main_program.global_block().all_parameters(): - if not param.name.endswith(".master"): - param_t = fluid.global_scope().find_var(param.name).get_tensor() - data = np.array(param_t) - if param.name.find("layer_norm") == -1: - param_t.set(np.float16(data).view(np.uint16), exe.place) - master_param_var = fluid.global_scope().find_var(param.name + - ".master") - if master_param_var is not None: - master_param_var.get_tensor().set(data, exe.place) - - -def init_checkpoint(exe, - init_checkpoint_path, - main_program, - use_fp16=False, - print_var_verbose=False): - assert os.path.exists( - init_checkpoint_path), "[%s] cann't be found." % init_checkpoint_path - - def existed_persitables(var): - if not fluid.io.is_persistable(var): - return False - return os.path.exists(os.path.join(init_checkpoint_path, var.name)) - - fluid.io.load_vars( - exe, - init_checkpoint_path, - main_program=main_program, - predicate=existed_persitables) - logger.info("Load model from {}".format(init_checkpoint_path)) - - if use_fp16: - cast_fp32_to_fp16(exe, main_program) - - # Used for debug on parameters - if print_var_verbose is True: - - def params(var): - if not isinstance(var, fluid.framework.Parameter): - return False - return True - - existed_vars = list(filter(params, main_program.list_vars())) - existed_vars = sorted(existed_vars, key=lambda x: x.name) - for var in existed_vars: - logger.info("var name:{} shape:{}".format(var.name, var.shape)) - - -def init_pretraining_params(exe, - pretraining_params_path, - main_program, - use_fp16=False): - assert os.path.exists(pretraining_params_path - ), "[%s] cann't be found." % pretraining_params_path - - def existed_params(var): - if not isinstance(var, fluid.framework.Parameter): - return False - return os.path.exists(os.path.join(pretraining_params_path, var.name)) - - fluid.io.load_vars( - exe, - pretraining_params_path, - main_program=main_program, - predicate=existed_params) - logger.info("Load pretraining parameters from {}.".format( - pretraining_params_path)) - - if use_fp16: - cast_fp32_to_fp16(exe, main_program) diff --git a/PaddleKG/CoKE/configs/fb15k237_job_config.sh b/PaddleKG/CoKE/configs/fb15k237_job_config.sh deleted file mode 100644 index c101851d67f68e9005eb85857afda5c31432112a..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/configs/fb15k237_job_config.sh +++ /dev/null @@ -1,32 +0,0 @@ -TASK=fb15k237 -NUM_VOCAB=14878 #NUM_VOCAB and NUM_RELATIONS must be consistent with vocab.txt file -NUM_RELATIONS=237 - -# training hyper-paramters -BATCH_SIZE=512 -LEARNING_RATE=5e-4 -EPOCH=800 -SOFT_LABEL=0.25 -SKIP_STEPS=1000 -MAX_SEQ_LEN=3 -HIDDEN_DROPOUT_PROB=0.5 -ATTENTION_PROBS_DROPOUT_PROB=0.5 - -# file paths for training and evaluation -DATA="./data" -OUTPUT="./output_${TASK}" -TRAIN_FILE="$DATA/${TASK}/train.coke.txt" -VALID_FILE="$DATA/${TASK}/valid.coke.txt" -TEST_FILE="$DATA/${TASK}/test.coke.txt" -VOCAB_PATH="$DATA/${TASK}/vocab.txt" -TRUE_TRIPLE_PATH="${DATA}/${TASK}/all.txt" -CHECKPOINTS="$OUTPUT/models" -INIT_CHECKPOINTS=$CHECKPOINTS -LOG_FILE="$OUTPUT/train.log" -LOG_EVAL_FILE="$OUTPUT/test.log" - -# transformer net config, the follwoing are default configs for all tasks -HIDDEN_SIZE=256 -NUM_HIDDEN_LAYERS=6 -NUM_ATTENTION_HEADS=4 -MAX_POSITION_EMBEDDINS=3 diff --git a/PaddleKG/CoKE/configs/fb15k_job_config.sh b/PaddleKG/CoKE/configs/fb15k_job_config.sh deleted file mode 100644 index 5a6ee513f4da6f60612e93731f11673580955096..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/configs/fb15k_job_config.sh +++ /dev/null @@ -1,33 +0,0 @@ - -TASK=fb15k -NUM_VOCAB=16396 #NUM_VOCAB and NUM_RELATIONS must be consistent with vocab.txt file -NUM_RELATIONS=1345 - -# training hyper-paramters -BATCH_SIZE=512 -LEARNING_RATE=5e-4 -EPOCH=300 -SOFT_LABEL=0.8 -SKIP_STEPS=1000 -MAX_SEQ_LEN=3 -HIDDEN_DROPOUT_PROB=0.1 -ATTENTION_PROBS_DROPOUT_PROB=0.1 - -# file paths for training and evaluation -DATA="./data" -OUTPUT="./output_${TASK}" -TRAIN_FILE="$DATA/${TASK}/train.coke.txt" -VALID_FILE="$DATA/${TASK}/valid.coke.txt" -TEST_FILE="$DATA/${TASK}/test.coke.txt" -VOCAB_PATH="$DATA/${TASK}/vocab.txt" -TRUE_TRIPLE_PATH="${DATA}/${TASK}/all.txt" -CHECKPOINTS="$OUTPUT/models" -INIT_CHECKPOINTS=$CHECKPOINTS -LOG_FILE="$OUTPUT/train.log" -LOG_EVAL_FILE="$OUTPUT/test.log" - -# transformer net config, the follwoing are default configs for all tasks -HIDDEN_SIZE=256 -NUM_HIDDEN_LAYERS=6 -NUM_ATTENTION_HEADS=4 -MAX_POSITION_EMBEDDINS=3 diff --git a/PaddleKG/CoKE/configs/pathqueryFB_job_config.sh b/PaddleKG/CoKE/configs/pathqueryFB_job_config.sh deleted file mode 100644 index 580954c9b33d0918d3582d81488cfdd214147119..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/configs/pathqueryFB_job_config.sh +++ /dev/null @@ -1,35 +0,0 @@ -TASK=pathqueryFB -NUM_VOCAB=75169 #NUM_VOCAB and NUM_RELATIONS must be consistent with vocab.txt file -NUM_RELATIONS=26 - -# training hyper-paramters -BATCH_SIZE=2048 -LEARNING_RATE=3e-4 -EPOCH=10 -SOFT_LABEL=1.0 -SKIP_STEPS=200 -MAX_SEQ_LEN=7 -HIDDEN_DROPOUT_PROB=0.1 -ATTENTION_PROBS_DROPOUT_PROB=0.1 - -# file paths for training and evaluation -DATA="./data" -OUTPUT="./output_$TASK" -TRAIN_FILE="$DATA/${TASK}/train.coke.txt" -VALID_FILE="$DATA/${TASK}/valid.coke.txt" -TEST_FILE="$DATA/${TASK}/test.coke.txt" -VOCAB_PATH="$DATA/${TASK}/vocab.txt" -TRUE_TRIPLE_PATH="${DATA}/${TASK}/all.txt" - -SEN_CANDLI_PATH="$DATA/${TASK}/sen_candli.txt" -TRIVAL_SEN_PATH="$DATA/${TASK}/trivial_sen.txt" - -CHECKPOINTS="$OUTPUT/models" -LOG_FILE="$OUTPUT/train.log" -LOG_EVAL_FILE="$OUTPUT/test.log" - -# transformer net config, the follwoing are default configs for all tasks -HIDDEN_SIZE=256 -NUM_HIDDEN_LAYERS=6 -NUM_ATTENTION_HEADS=4 -MAX_POSITION_EMBEDDINS=7 diff --git a/PaddleKG/CoKE/configs/pathqueryWN_job_config.sh b/PaddleKG/CoKE/configs/pathqueryWN_job_config.sh deleted file mode 100644 index 50d36339377c22c740b252e2779ff198b77e97dc..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/configs/pathqueryWN_job_config.sh +++ /dev/null @@ -1,35 +0,0 @@ -TASK=pathqueryWN -NUM_VOCAB=38673 #NUM_VOCAB and NUM_RELATIONS must be consistent with vocab.txt file -NUM_RELATIONS=22 - -# training hyper-paramters -BATCH_SIZE=2048 -LEARNING_RATE=3e-4 -EPOCH=5 -SOFT_LABEL=1.0 -SKIP_STEPS=1 -MAX_SEQ_LEN=7 -HIDDEN_DROPOUT_PROB=0.1 -ATTENTION_PROBS_DROPOUT_PROB=0.1 - -# file paths for training and evaluation -DATA="./data" -OUTPUT="./output_${TASK}_debug" -TRAIN_FILE="$DATA/${TASK}/train.coke.txt" -VALID_FILE="$DATA/${TASK}/valid.txt" -TEST_FILE="$DATA/${TASK}/test.coke.txt" -VOCAB_PATH="$DATA/${TASK}/vocab.txt" -TRUE_TRIPLE_PATH="${DATA}/${TASK}/all.txt" - -SEN_CANDLI_PATH="$DATA/${TASK}/sen_candli.txt" -TRIVAL_SEN_PATH="$DATA/${TASK}/trivial_sen.txt" - -CHECKPOINTS="$OUTPUT/models" -LOG_FILE="$OUTPUT/train.log" -LOG_EVAL_FILE="$OUTPUT/test.log" - -# transformer net config, the follwoing are default configs for all tasks -HIDDEN_SIZE=256 -NUM_HIDDEN_LAYERS=6 -NUM_ATTENTION_HEADS=4 -MAX_POSITION_EMBEDDINS=7 diff --git a/PaddleKG/CoKE/configs/wn18_job_config.sh b/PaddleKG/CoKE/configs/wn18_job_config.sh deleted file mode 100644 index abc00f9875f6c784a65d2825802933b2b409dce9..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/configs/wn18_job_config.sh +++ /dev/null @@ -1,32 +0,0 @@ -TASK=wn18 -NUM_VOCAB=41061 #NUM_VOCAB/NUM_RELATIONS must be consistent with vocab.txt file -NUM_RELATIONS=18 - -# training hyper-paramters -BATCH_SIZE=512 -LEARNING_RATE=5e-4 -EPOCH=500 -SOFT_LABEL=0.2 -SKIP_STEPS=1000 -MAX_SEQ_LEN=3 -HIDDEN_DROPOUT_PROB=0.1 -ATTENTION_PROBS_DROPOUT_PROB=0.1 - -# file paths for training and evaluation -DATA="./data" -OUTPUT="./output_${TASK}" -TRAIN_FILE="$DATA/${TASK}/train.coke.txt" -VALID_FILE="$DATA/${TASK}/valid.coke.txt" -TEST_FILE="$DATA/${TASK}/test.coke.txt" -VOCAB_PATH="$DATA/${TASK}/vocab.txt" -TRUE_TRIPLE_PATH="${DATA}/${TASK}/all.txt" -CHECKPOINTS="$OUTPUT/models" -INIT_CHECKPOINTS=$CHECKPOINTS -LOG_FILE="$OUTPUT/train.log" -LOG_EVAL_FILE="$OUTPUT/test.log" - -# transformer net config, the follwoing are default configs for all tasks -HIDDEN_SIZE=256 -NUM_HIDDEN_LAYERS=6 -NUM_ATTENTION_HEADS=4 -MAX_POSITION_EMBEDDINS=3 diff --git a/PaddleKG/CoKE/configs/wn18rr_job_config.sh b/PaddleKG/CoKE/configs/wn18rr_job_config.sh deleted file mode 100644 index 57281e9d791b27be9094bb30ea0c9f499b4642f9..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/configs/wn18rr_job_config.sh +++ /dev/null @@ -1,32 +0,0 @@ -TASK=wn18rr -NUM_VOCAB=41054 #NUM_VOCAB/NUM_RELATIONS must be consistent with vocab.txt file -NUM_RELATIONS=11 - -# training hyper-paramters -BATCH_SIZE=1024 -LEARNING_RATE=3e-4 -EPOCH=800 -SOFT_LABEL=0.15 -SKIP_STEPS=1000 -MAX_SEQ_LEN=3 -HIDDEN_DROPOUT_PROB=0.1 -ATTENTION_PROBS_DROPOUT_PROB=0.1 - -# file paths for training and evaluation -DATA="./data" -OUTPUT="./output_${TASK}" -TRAIN_FILE="$DATA/${TASK}/train.coke.txt" -VALID_FILE="$DATA/${TASK}/valid.coke.txt" -TEST_FILE="$DATA/${TASK}/test.coke.txt" -VOCAB_PATH="$DATA/${TASK}/vocab.txt" -TRUE_TRIPLE_PATH="${DATA}/${TASK}/all.txt" -CHECKPOINTS="$OUTPUT/models" -INIT_CHECKPOINTS=$CHECKPOINTS -LOG_FILE="$OUTPUT/train.log" -LOG_EVAL_FILE="$OUTPUT/test.log" - -# transformer net config, the follwoing are default configs for all tasks -HIDDEN_SIZE=256 -NUM_HIDDEN_LAYERS=6 -NUM_ATTENTION_HEADS=4 -MAX_POSITION_EMBEDDINS=3 diff --git a/PaddleKG/CoKE/data_preprocess.sh b/PaddleKG/CoKE/data_preprocess.sh deleted file mode 100755 index a96723b8ee54701d9aa1410bd81c2402ad8e8ada..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/data_preprocess.sh +++ /dev/null @@ -1,19 +0,0 @@ -set -eu -set -o pipefail - - -# Attention! Python 2.7.14 and python3 gives different vocabulary order. We use Python 2.7.14 to preprocess files. - -# input files: train.txt valid.txt test.txt -# (these are default filenames, change files name with the following arguments: --train $trainname --valid $validname --test $testname) -# output files: vocab.txt train.coke.txt valid.coke.txt test.coke.txt -python ./bin/kbc_data_preprocess.py --task fb15k --dir ./data/fb15k -python ./bin/kbc_data_preprocess.py --task wn18 --dir ./data/wn18 -python ./bin/kbc_data_preprocess.py --task fb15k237 --dir ./data/fb15k237 -python ./bin/kbc_data_preprocess.py --task wn18rr --dir ./data/wn18rr - -# input files: train dev test -# (these are default filenames, change files name with the following arguments: --train $trainname --valid $validname --test $testname) -# output files: vocab.txt train.coke.txt valid.coke.txt test.coke.txt sen_candli.txt trivial_sen.txt -python ./bin/pathquery_data_preprocess.py --task pathqueryFB --dir ./data/pathqueryFB -python ./bin/pathquery_data_preprocess.py --task pathqueryWN --dir ./data/pathqueryWN diff --git a/PaddleKG/CoKE/kbc_test.sh b/PaddleKG/CoKE/kbc_test.sh deleted file mode 100755 index 0d3aab3e518dc79f88f5819fe9aaa7e521128cc2..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/kbc_test.sh +++ /dev/null @@ -1,63 +0,0 @@ -#! /bin/bash - -#========== -set -e -set -x -set -u -set -o pipefail -#========== - -#==========configs -conf_fp=$1 -CUDA=$2 -source $conf_fp - -#=========init env -export CUDA_VISIBLE_DEVICES=$CUDA -export FLAGS_sync_nccl_allreduce=1 - -#modify to your own path -export LD_LIBRARY_PATH=$(pwd)/env/lib/nccl2.3.7_cuda9.0/lib:/home/work/cudnn/cudnn_v7/cuda/lib64:/home/work/cuda-9.0/extras/CUPTI/lib64/:/home/work/cuda-9.0/lib64/:$LD_LIBRARY_PATH - -#======beging train -if [ -d $OUTPUT ]; then - rm -rf $OUTPUT -fi -mkdir $OUTPUT - - -max_step_id=`ls $INIT_CHECKPOINTS | grep "step" | awk -F"_" '{print $NF}' | grep -v "Found" |sort -n |tail -1` -INIT_CHECKPOINT_STEP=${INIT_CHECKPOINTS}/step_${max_step_id} -echo "init_checkpoints_steps: $max_step_id" - - -#--init_checkpoint ${INIT_CHECKPOINT} -echo ">> Begin kbc test now, log file: $LOG_EVAL_FILE" -python3 -u ./bin/run.py \ - --dataset $TASK \ - --vocab_size $NUM_VOCAB \ - --num_relations $NUM_RELATIONS \ - --use_cuda true \ - --do_train false \ - --train_file $TRAIN_FILE \ - --checkpoints $CHECKPOINTS \ - --init_checkpoint ${INIT_CHECKPOINT_STEP} \ - --true_triple_path $TRUE_TRIPLE_PATH \ - --max_seq_len $MAX_SEQ_LEN \ - --soft_label $SOFT_LABEL \ - --batch_size $BATCH_SIZE \ - --epoch $EPOCH \ - --learning_rate $LEARNING_RATE \ - --hidden_dropout_prob $HIDDEN_DROPOUT_PROB \ - --attention_probs_dropout_prob $ATTENTION_PROBS_DROPOUT_PROB \ - --skip_steps $SKIP_STEPS \ - --do_predict true \ - --predict_file $TEST_FILE \ - --vocab_path $VOCAB_PATH \ - --hidden_size $HIDDEN_SIZE \ - --num_hidden_layers $NUM_HIDDEN_LAYERS \ - --num_attention_heads $NUM_ATTENTION_HEADS \ - --max_position_embeddings $MAX_POSITION_EMBEDDINS \ - --use_ema false > $LOG_EVAL_FILE 2>&1 - -echo ">> Finish kbc test, log file: $LOG_EVAL_FILE" diff --git a/PaddleKG/CoKE/kbc_train.sh b/PaddleKG/CoKE/kbc_train.sh deleted file mode 100755 index ecc156c39b9c232b56c2c160ed05e4a7bbca003c..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/kbc_train.sh +++ /dev/null @@ -1,52 +0,0 @@ -#! /bin/bash - -#========== -set -exu -set -o pipefail -#========== - -#==========configs -CONF_FP=$1 -CUDA_ID=$2 - -#=========init env -source $CONF_FP -export CUDA_VISIBLE_DEVICES=$CUDA_ID -export FLAGS_sync_nccl_allreduce=1 - -#modify to your own path -export LD_LIBRARY_PATH=$(pwd)/env/lib/nccl2.3.7_cuda9.0/lib:/home/work/cudnn/cudnn_v7/cuda/lib64:/home/work/cuda-9.0/extras/CUPTI/lib64/:/home/work/cuda-9.0/lib64/:$LD_LIBRARY_PATH - -#=========running paths -if [ -d $OUTPUT ]; then - rm -rf $OUTPUT -fi -mkdir $OUTPUT - -#======beging train -echo ">> Begin kbc train now" -python3 -u ./bin/run.py \ - --dataset $TASK \ - --vocab_size $NUM_VOCAB \ - --num_relations $NUM_RELATIONS \ - --use_cuda true \ - --do_train true \ - --train_file $TRAIN_FILE \ - --true_triple_path $TRUE_TRIPLE_PATH \ - --max_seq_len $MAX_SEQ_LEN \ - --checkpoints $CHECKPOINTS \ - --soft_label $SOFT_LABEL \ - --batch_size $BATCH_SIZE \ - --epoch $EPOCH \ - --learning_rate $LEARNING_RATE \ - --hidden_dropout_prob $HIDDEN_DROPOUT_PROB \ - --attention_probs_dropout_prob $ATTENTION_PROBS_DROPOUT_PROB \ - --skip_steps $SKIP_STEPS \ - --do_predict false \ - --vocab_path $VOCAB_PATH \ - --hidden_size $HIDDEN_SIZE \ - --num_hidden_layers $NUM_HIDDEN_LAYERS \ - --num_attention_heads $NUM_ATTENTION_HEADS \ - --max_position_embeddings $MAX_POSITION_EMBEDDINS \ - --use_ema false > $LOG_FILE 2>&1 - diff --git a/PaddleKG/CoKE/pathquery_test.sh b/PaddleKG/CoKE/pathquery_test.sh deleted file mode 100644 index d5b029540eef0c22a535b9dd5ef219d0fcbb29df..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/pathquery_test.sh +++ /dev/null @@ -1,39 +0,0 @@ -#! /bin/bash -set -exu -set -o pipefail - -#configs -CONF_FP=$1 -CUDA_ID=$2 - - -source $CONF_FP -export CUDA_VISIBLE_DEVICES=$CUDA_ID -export FLAGS_sync_nccl_allreduce=1 - -# todo: modify to your own path -export LD_LIBRARY_PATH=$(pwd)/env/lib/nccl2.3.7_cuda9.0/lib:/home/work/cudnn/cudnn_v7/cuda/lib64:/home/work/cuda-9.0/extras/CUPTI/lib64/:/home/work/cuda-9.0/lib64/:$LD_LIBRARY_PATH - - -max_step_id=`ls $CHECKPOINTS | grep "step" | awk -F"_" '{print $NF}' | grep -v "Found" |sort -n |tail -1` -INIT_CHECKPOINT_STEP=${CHECKPOINTS}/step_${max_step_id} -echo "max_step_id: $max_step_id" - -echo ">> Begin predict now" -python3 -u ./bin/run.py \ - --dataset $TASK \ - --vocab_size $NUM_VOCAB \ - --num_relations $NUM_RELATIONS \ - --use_cuda true \ - --do_train false \ - --do_predict true \ - --predict_file $TEST_FILE \ - --init_checkpoint ${INIT_CHECKPOINT_STEP} \ - --batch_size $BATCH_SIZE \ - --vocab_path $VOCAB_PATH \ - --sen_candli_file $SEN_CANDLI_PATH \ - --sen_trivial_file $TRIVAL_SEN_PATH \ - --max_seq_len $MAX_SEQ_LEN \ - --learning_rate $LEARNING_RATE \ - --use_ema false > $LOG_EVAL_FILE 2>&1 - diff --git a/PaddleKG/CoKE/pathquery_train.sh b/PaddleKG/CoKE/pathquery_train.sh deleted file mode 100755 index 20566a999c8641e3f7efce7a0bb24ff5111edfd5..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/pathquery_train.sh +++ /dev/null @@ -1,50 +0,0 @@ -#! /bin/bash -set -exu -set -o pipefail - -#configs -CONF_FP=$1 -CUDA_ID=$2 - -source $CONF_FP -export CUDA_VISIBLE_DEVICES=$CUDA_ID -export FLAGS_sync_nccl_allreduce=1 - -# todo: modify to your own path -export LD_LIBRARY_PATH=$(pwd)/env/lib/nccl2.3.7_cuda9.0/lib:/home/work/cudnn/cudnn_v7/cuda/lib64:/home/work/cuda-9.0/extras/CUPTI/lib64/:/home/work/cuda-9.0/lib64/:$LD_LIBRARY_PATH - -# prepare output directory -if [ -d $OUTPUT ]; then - rm -rf $OUTPUT -fi -mkdir $OUTPUT - -# begin training -echo ">> Begin train now" -python3 -u ./bin/run.py \ - --dataset $TASK \ - --vocab_size $NUM_VOCAB \ - --num_relations $NUM_RELATIONS \ - --use_cuda true \ - --do_train true \ - --do_predict false \ - --train_file $TRAIN_FILE \ - --predict_file $TEST_FILE \ - --max_seq_len $MAX_SEQ_LEN \ - --checkpoints $CHECKPOINTS \ - --soft_label $SOFT_LABEL \ - --batch_size $BATCH_SIZE \ - --epoch $EPOCH \ - --learning_rate $LEARNING_RATE \ - --hidden_dropout_prob $HIDDEN_DROPOUT_PROB \ - --attention_probs_dropout_prob $ATTENTION_PROBS_DROPOUT_PROB \ - --skip_steps $SKIP_STEPS \ - --vocab_path $VOCAB_PATH \ - --hidden_size $HIDDEN_SIZE \ - --sen_candli_file $SEN_CANDLI_PATH \ - --sen_trivial_file $TRIVAL_SEN_PATH \ - --num_hidden_layers $NUM_HIDDEN_LAYERS \ - --num_attention_heads $NUM_ATTENTION_HEADS \ - --max_position_embeddings $MAX_POSITION_EMBEDDINS \ - --use_ema false > $LOG_FILE 2>&1 - diff --git a/PaddleKG/CoKE/wget_datasets.sh b/PaddleKG/CoKE/wget_datasets.sh deleted file mode 100755 index e04e11da4dc885fb20f6855b9da6abaa0a693130..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/wget_datasets.sh +++ /dev/null @@ -1,47 +0,0 @@ -#!/bin/bash -mkdir data - -pushd ./ && cd ./data -##downloads the 4 widely used KBC dataset -wget --no-check-certificate https://everest.hds.utc.fr/lib/exe/fetch.php?media=en:fb15k.tgz -O fb15k.tgz -wget --no-check-certificate https://everest.hds.utc.fr/lib/exe/fetch.php?media=en:wordnet-mlj12.tar.gz -O wordnet-mlj12.tar.gz -wget --no-check-certificat https://download.microsoft.com/download/8/7/0/8700516A-AB3D-4850-B4BB-805C515AECE1/FB15K-237.2.zip -O FB15K-237.2.zip -wget --no-check-certificat https://raw.githubusercontent.com/TimDettmers/ConvE/master/WN18RR.tar.gz -O WN18RR.tar.gz - -##downloads the path query dataset -wget --no-check-certificate https://worksheets.codalab.org/rest/bundles/0xdb6b691c2907435b974850e8eb9a5fc2/contents/blob/ -O freebase_paths.tar.gz -wget --no-check-certificate https://worksheets.codalab.org/rest/bundles/0xf91669f6c6d74987808aeb79bf716bd0/contents/blob/ -O wordnet_paths.tar.gz - -## organize the train/valid/test files by renaming -#fb15k -tar -xvf fb15k.tgz -mv FB15k fb15k -mv ./fb15k/freebase_mtr100_mte100-train.txt ./fb15k/train.txt -mv ./fb15k/freebase_mtr100_mte100-test.txt ./fb15k/test.txt -mv ./fb15k/freebase_mtr100_mte100-valid.txt ./fb15k/valid.txt - -#wn18 -tar -zxvf wordnet-mlj12.tar.gz && mv wordnet-mlj12 wn18 -mv wn18/wordnet-mlj12-train.txt wn18/train.txt -mv wn18/wordnet-mlj12-test.txt wn18/test.txt -mv wn18/wordnet-mlj12-valid.txt wn18/valid.txt - - -#fb15k237 -unzip FB15K-237.2.zip && mv Release fb15k237 - -#wn18rr -mkdir wn18rr && tar -zxvf WN18RR.tar.gz -C wn18rr - -#pathqueryWN -mkdir pathqueryWN && tar -zxvf wordnet_paths.tar.gz -C pathqueryWN - -#pathqueryFB -mkdir pathqueryFB && tar -zxvf freebase_paths.tar.gz -C pathqueryFB - -##rm tmp zip files -# rm ./*.gz -# rm ./*.tgz -# rm ./*.zip - -popd diff --git a/PaddleKG/CoKE/wget_kbc_models.sh b/PaddleKG/CoKE/wget_kbc_models.sh deleted file mode 100644 index 9fd1afbae800692dc9bef8c8332bf8b12d3afed9..0000000000000000000000000000000000000000 --- a/PaddleKG/CoKE/wget_kbc_models.sh +++ /dev/null @@ -1,3 +0,0 @@ -wget --no-check-certificate https://baidu-kg.bj.bcebos.com/CoKE/kbc_models.tar.gz -tar -zxvf kbc_models.tar.gz -rm kbc_models.tar.gz diff --git a/PaddleKG/README.md b/PaddleKG/README.md new file mode 100755 index 0000000000000000000000000000000000000000..6a5140d2a1b6ec6436c6cc304f1d31cb5c43012e --- /dev/null +++ b/PaddleKG/README.md @@ -0,0 +1 @@ +This work has been moved to new address: [PaddleKG](https://github.com/PaddlePaddle/Research/tree/master/KG) diff --git a/PaddleNLP/Research/ACL2018-DAM/README.md b/PaddleNLP/Research/ACL2018-DAM/README.md old mode 100755 new mode 100644 index 9f945a1cd734797ab80b8ebd214b8c77cc767a8c..5cbe1dc7471272fd92667df50cc8f06ac570f16c --- a/PaddleNLP/Research/ACL2018-DAM/README.md +++ b/PaddleNLP/Research/ACL2018-DAM/README.md @@ -1,105 +1 @@ -# __Deep Attention Matching Network__ -## 简介 -### 任务说明 -深度注意力机制模型(Deep Attention Matching Network)是开放领域多轮对话匹配模型。根据多轮对话历史和候选回复内容,排序出最合适的回复。 -网络结构如下,更多内容可以参考论文:[http://aclweb.org/anthology/P18-1103](http://aclweb.org/anthology/P18-1103). - -

-
-Overview of Deep Attention Matching Network -

- -### 效果说明 -该模型在两个公开数据集上效果如下: - -

-
-

- -同时推荐用户参考[IPython Notebook demo](https://aistudio.baidu.com/aistudio/projectDetail/122287) - -## 快速开始 -### 安装说明 -1. paddle安装 - - 本项目依赖于Paddle Fluid 1.3.1 及以上版本,请参考[安装指南](http://www.paddlepaddle.org/#quick-start)进行安装 - -2. 下载代码 - - 克隆数据集代码库到本地 - ``` - git clone https://github.com/PaddlePaddle/models.git - cd models/PaddleNLP/dialogue_model_toolkit/deep_attention_matching - ``` - -3. 环境依赖 - - python版本依赖python 2.7 - -### 开始第一次模型调用 -1. 数据准备 - - 下载经过预处理的数据,运行该脚本之后,data目录下会存在ubuntu和douban两个文件夹。 - ``` - cd data - sh download_data.sh - ``` -2. 模型训练 - ``` - python -u main.py \ - --do_train True \ - --use_cuda \ - --data_path ./data/ubuntu/data_small.pkl \ - --save_path ./model_files/ubuntu \ - --use_pyreader \ - --vocab_size 434512 \ - --_EOS_ 28270 \ - --batch_size 32 - ``` -3. 模型评估 - ``` - python -u main.py \ - --do_test True \ - --use_cuda \ - --data_path ./data/ubuntu/data_small.pkl \ - --save_path ./model_files/ubuntu/step_372 \ - --model_path ./model_files/ubuntu/step_372 \ - --vocab_size 434512 \ - --_EOS_ 28270 \ - --batch_size 100 - ``` -## 进阶使用 -### 任务定义与建模 -多轮对话匹配任务输入是多轮对话历史和候选回复,输出是回复匹配得分,根据匹配得分排序。 -### 模型原理介绍 -可以参考论文:[http://aclweb.org/anthology/P18-1103](http://aclweb.org/anthology/P18-1103). -### 数据格式说明 -训练、预测、评估使用的数据示例如下,数据由三列组成,以制表符('\t')分隔,第一列是以空 -格分开的上文id,第二列是以空格分开的回复id,第三列是标签 -``` -286 642 865 36 87 25 693 0 -17 54 975 512 775 54 6 1 -``` - -注:本项目额外提供了分词预处理脚本(在preprocess目录下),可供用户使用,具体使用方法如 -下: -``` -python tokenizer.py \ - --test_data_dir ./test.txt.utf8 \ - --batch_size 1 > test.txt.utf8.seg -``` -### 代码结构说明 -main.py:该项目的主函数,封装包括训练、预测的部分 - -config.py:定义了该项目模型的相关配置,包括具体模型类别、以及模型的超参数 - -reader.py:定义了读入数据,加载词典的功能 - -evaluation.py:定义评估函数 - -run.sh:训练、预测运行脚本 - -## 其他 -如何贡献代码 - -如果你可以修复某个issue或者增加一个新功能,欢迎给我们提交PR。如果对应的PR被接受了,我们将根据贡献的质量和难度进行打分(0-5分,越高越好)。如果你累计获得了10分,可以联系我们获得面试机会或者为你写推荐信。 +This work has been moved to new address: [NLP](https://github.com/PaddlePaddle/Research/tree/master/NLP) diff --git a/PaddleNLP/Research/ACL2018-DAM/__init__.py b/PaddleNLP/Research/ACL2018-DAM/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2018-DAM/_ce.py b/PaddleNLP/Research/ACL2018-DAM/_ce.py deleted file mode 100644 index 28c3ea32886e6b63150c7ab0e86a7fd3c7bda5c5..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DAM/_ce.py +++ /dev/null @@ -1,60 +0,0 @@ -# this file is only used for continuous evaluation test! - -import os -import sys -sys.path.append(os.environ['ceroot']) -from kpi import CostKpi -from kpi import DurationKpi - -train_cost_card1 = CostKpi('train_cost_card1', 0.02, 0, actived=True) -train_cost_card4 = CostKpi('train_cost_card4', 0.06, 0, actived=True) -train_duration_card1 = DurationKpi('train_duration_card1', 0.01, 0, actived=True) -train_duration_card4 = DurationKpi('train_duration_card4', 0.01, 0, actived=True) - -tracking_kpis = [ - train_cost_card1, - train_cost_card4, - train_duration_card1, - train_duration_card4, -] - - -def parse_log(log): - ''' - This method should be implemented by model developers. - - The suggestion: - - each line in the log should be key, value, for example: - - " - train_cost\t1.0 - test_cost\t1.0 - train_cost\t1.0 - train_cost\t1.0 - train_acc\t1.2 - " - ''' - for line in log.split('\n'): - fs = line.strip().split('\t') - print(fs) - if len(fs) == 3 and fs[0] == 'kpis': - kpi_name = fs[1] - kpi_value = float(fs[2]) - yield kpi_name, kpi_value - - -def log_to_ce(log): - kpi_tracker = {} - for kpi in tracking_kpis: - kpi_tracker[kpi.name] = kpi - - for (kpi_name, kpi_value) in parse_log(log): - print(kpi_name, kpi_value) - kpi_tracker[kpi_name].add_record(kpi_value) - kpi_tracker[kpi_name].persist() - - -if __name__ == '__main__': - log = sys.stdin.read() - log_to_ce(log) diff --git a/PaddleNLP/Research/ACL2018-DAM/config.py b/PaddleNLP/Research/ACL2018-DAM/config.py deleted file mode 100644 index 4f185ef7b7e3b4bdc608434abd286a2d77431b98..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DAM/config.py +++ /dev/null @@ -1,137 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Deep Attention Matching Network -""" - -import argparse -import six - - -def parse_args(): - """ - Deep Attention Matching Network Config - """ - parser = argparse.ArgumentParser("DAM Config") - - parser.add_argument( - '--do_train', - type=bool, - default=False, - help='Whether to perform training.') - parser.add_argument( - '--do_test', - type=bool, - default=False, - help='Whether to perform training.') - - parser.add_argument( - '--batch_size', - type=int, - default=256, - help='Batch size for training. (default: %(default)d)') - parser.add_argument( - '--num_scan_data', - type=int, - default=2, - help='Number of pass for training. (default: %(default)d)') - parser.add_argument( - '--learning_rate', - type=float, - default=1e-3, - help='Learning rate used to train. (default: %(default)f)') - parser.add_argument( - '--data_path', - type=str, - default="data/data_small.pkl", - help='Path to training data. (default: %(default)s)') - parser.add_argument( - '--save_path', - type=str, - default="saved_models", - help='Path to save trained models. (default: %(default)s)') - parser.add_argument( - '--model_path', - type=str, - default=None, - help='Path to load well-trained models. (default: %(default)s)') - parser.add_argument( - '--use_cuda', - action='store_true', - help='If set, use cuda for training.') - parser.add_argument( - '--use_pyreader', - action='store_true', - help='If set, use pyreader for reading data.') - parser.add_argument( - '--ext_eval', - action='store_true', - help='If set, use MAP, MRR ect for evaluation.') - parser.add_argument( - '--max_turn_num', - type=int, - default=9, - help='Maximum number of utterances in context.') - parser.add_argument( - '--max_turn_len', - type=int, - default=50, - help='Maximum length of setences in turns.') - parser.add_argument( - '--word_emb_init', - type=str, - default=None, - help='Path to the initial word embedding.') - parser.add_argument( - '--vocab_size', - type=int, - default=434512, - help='The size of vocabulary.') - parser.add_argument( - '--emb_size', - type=int, - default=200, - help='The dimension of word embedding.') - parser.add_argument( - '--_EOS_', - type=int, - default=28270, - help='The id for the end of sentence in vocabulary.') - parser.add_argument( - '--stack_num', - type=int, - default=5, - help='The number of stacked attentive modules in network.') - parser.add_argument( - '--channel1_num', - type=int, - default=32, - help="The channels' number of the 1st conv3d layer's output.") - parser.add_argument( - '--channel2_num', - type=int, - default=16, - help="The channels' number of the 2nd conv3d layer's output.") - args = parser.parse_args() - return args - - -def print_arguments(args): - """ - Print Config - """ - print('----------- Configuration Arguments -----------') - for arg, value in sorted(six.iteritems(vars(args))): - print('%s: %s' % (arg, value)) - print('------------------------------------------------') diff --git a/PaddleNLP/Research/ACL2018-DAM/data/download_data.sh b/PaddleNLP/Research/ACL2018-DAM/data/download_data.sh deleted file mode 100755 index cf7a182c2802c91eccbf32a70106f594505efd09..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DAM/data/download_data.sh +++ /dev/null @@ -1,40 +0,0 @@ -ubuntu_url=http://dam-data.cdn.bcebos.com/ubuntu.tar.gz -ubuntu_md5=9d7db116a040530a16f68dc0ab44e4b6 - -if [ ! -e ubuntu.tar.gz ]; then - wget -c $ubuntu_url -fi - -echo "Checking md5 sum ..." -md5sum_tmp=`md5sum ubuntu.tar.gz | cut -d ' ' -f1` - -if [ $md5sum_tmp != $ubuntu_md5 ]; then - echo "Md5sum check failed, please remove and redownload ubuntu.tar.gz" - exit 1 -fi - -echo "Untar ubuntu.tar.gz ..." - -tar -xzvf ubuntu.tar.gz -mv data ubuntu - -douban_url=http://dam-data.cdn.bcebos.com/douban.tar.gz -douban_md5=e07ca68f21c20e09efb3e8b247194405 - -if [ ! -e douban.tar.gz ]; then - wget -c $douban_url -fi - -echo "Checking md5 sum ..." -md5sum_tmp=`md5sum douban.tar.gz | cut -d ' ' -f1` - -if [ $md5sum_tmp != $douban_md5 ]; then - echo "Md5sum check failed, please remove and redownload douban.tar.gz" - exit 1 -fi - -echo "Untar douban.tar.gz ..." - -tar -xzvf douban.tar.gz -mv data douban - diff --git a/PaddleNLP/Research/ACL2018-DAM/evaluation.py b/PaddleNLP/Research/ACL2018-DAM/evaluation.py deleted file mode 100755 index 997bab94c6911acc2a568fb543a3fa8fa520b442..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DAM/evaluation.py +++ /dev/null @@ -1,168 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Evaluation -""" - -import sys -import six -import numpy as np - - -def evaluate_ubuntu(file_path): - """ - Evaluate on ubuntu data - """ - - def get_p_at_n_in_m(data, n, m, ind): - """ - Recall n at m - """ - pos_score = data[ind][0] - curr = data[ind:ind + m] - curr = sorted(curr, key=lambda x: x[0], reverse=True) - - if curr[n - 1][0] <= pos_score: - return 1 - return 0 - - data = [] - with open(file_path, 'r') as file: - for line in file: - line = line.strip() - tokens = line.split("\t") - - if len(tokens) != 2: - continue - - data.append((float(tokens[0]), int(tokens[1]))) - - #assert len(data) % 10 == 0 - - p_at_1_in_2 = 0.0 - p_at_1_in_10 = 0.0 - p_at_2_in_10 = 0.0 - p_at_5_in_10 = 0.0 - - length = len(data) // 10 - - for i in six.moves.xrange(0, length): - ind = i * 10 - assert data[ind][1] == 1 - - p_at_1_in_2 += get_p_at_n_in_m(data, 1, 2, ind) - p_at_1_in_10 += get_p_at_n_in_m(data, 1, 10, ind) - p_at_2_in_10 += get_p_at_n_in_m(data, 2, 10, ind) - p_at_5_in_10 += get_p_at_n_in_m(data, 5, 10, ind) - - result_dict = { - "1_in_2": p_at_1_in_2 / length, - "1_in_10": p_at_1_in_10 / length, - "2_in_10": p_at_2_in_10 / length, - "5_in_10": p_at_5_in_10 / length - } - - return result_dict - - -def evaluate_douban(file_path): - """ - Evaluate douban data - """ - - def mean_average_precision(sort_data): - """ - Evaluate mean average precision - """ - count_1 = 0 - sum_precision = 0 - for index in six.moves.xrange(len(sort_data)): - if sort_data[index][1] == 1: - count_1 += 1 - sum_precision += 1.0 * count_1 / (index + 1) - return sum_precision / count_1 - - def mean_reciprocal_rank(sort_data): - """ - Evaluate MRR - """ - sort_lable = [s_d[1] for s_d in sort_data] - assert 1 in sort_lable - return 1.0 / (1 + sort_lable.index(1)) - - def precision_at_position_1(sort_data): - """ - Evaluate precision - """ - if sort_data[0][1] == 1: - return 1 - else: - return 0 - - def recall_at_position_k_in_10(sort_data, k): - """" - Evaluate recall - """ - sort_lable = [s_d[1] for s_d in sort_data] - select_lable = sort_lable[:k] - return 1.0 * select_lable.count(1) / sort_lable.count(1) - - def evaluation_one_session(data): - """ - Evaluate one session - """ - sort_data = sorted(data, key=lambda x: x[0], reverse=True) - m_a_p = mean_average_precision(sort_data) - m_r_r = mean_reciprocal_rank(sort_data) - p_1 = precision_at_position_1(sort_data) - r_1 = recall_at_position_k_in_10(sort_data, 1) - r_2 = recall_at_position_k_in_10(sort_data, 2) - r_5 = recall_at_position_k_in_10(sort_data, 5) - return m_a_p, m_r_r, p_1, r_1, r_2, r_5 - - sum_m_a_p = 0 - sum_m_r_r = 0 - sum_p_1 = 0 - sum_r_1 = 0 - sum_r_2 = 0 - sum_r_5 = 0 - i = 0 - total_num = 0 - with open(file_path, 'r') as infile: - for line in infile: - if i % 10 == 0: - data = [] - - tokens = line.strip().split('\t') - data.append((float(tokens[0]), int(tokens[1]))) - if i % 10 == 9: - total_num += 1 - m_a_p, m_r_r, p_1, r_1, r_2, r_5 = evaluation_one_session(data) - sum_m_a_p += m_a_p - sum_m_r_r += m_r_r - sum_p_1 += p_1 - sum_r_1 += r_1 - sum_r_2 += r_2 - sum_r_5 += r_5 - i += 1 - - result_dict = { - "MAP": 1.0 * sum_m_a_p / total_num, - "MRR": 1.0 * sum_m_r_r / total_num, - "P_1": 1.0 * sum_p_1 / total_num, - "1_in_10": 1.0 * sum_r_1 / total_num, - "2_in_10": 1.0 * sum_r_2 / total_num, - "5_in_10": 1.0 * sum_r_5 / total_num - } - return result_dict diff --git a/PaddleNLP/Research/ACL2018-DAM/images/Figure1.png b/PaddleNLP/Research/ACL2018-DAM/images/Figure1.png deleted file mode 100755 index c02c3e4fb1c7d5c50da4b50d19f5d182d8291f98..0000000000000000000000000000000000000000 Binary files a/PaddleNLP/Research/ACL2018-DAM/images/Figure1.png and /dev/null differ diff --git a/PaddleNLP/Research/ACL2018-DAM/images/Figure2.png b/PaddleNLP/Research/ACL2018-DAM/images/Figure2.png deleted file mode 100755 index b225afc1205fd03bc61301a112628447e142bb3e..0000000000000000000000000000000000000000 Binary files a/PaddleNLP/Research/ACL2018-DAM/images/Figure2.png and /dev/null differ diff --git a/PaddleNLP/Research/ACL2018-DAM/layers.py b/PaddleNLP/Research/ACL2018-DAM/layers.py deleted file mode 100755 index 66a7734b4e20b5c3015fe7017fda718608fc3ef2..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DAM/layers.py +++ /dev/null @@ -1,220 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Layers -""" - -import paddle.fluid as fluid - - -def loss(x, y, clip_value=10.0): - """Calculate the sigmoid cross entropy with logits for input(x). - - Args: - x: Variable with shape with shape [batch, dim] - y: Input label - - Returns: - loss: cross entropy - logits: prediction - """ - - logits = fluid.layers.fc( - input=x, - size=1, - bias_attr=fluid.ParamAttr(initializer=fluid.initializer.Constant(0.))) - loss = fluid.layers.sigmoid_cross_entropy_with_logits(x=logits, label=y) - loss = fluid.layers.reduce_mean( - fluid.layers.clip( - loss, min=-clip_value, max=clip_value)) - return loss, logits - - -def ffn(input, d_inner_hid, d_hid, name=None): - """Position-wise Feed-Forward Network - """ - - hidden = fluid.layers.fc(input=input, - size=d_inner_hid, - num_flatten_dims=2, - param_attr=fluid.ParamAttr(name=name + '_fc.w_0'), - bias_attr=fluid.ParamAttr( - name=name + '_fc.b_0', - initializer=fluid.initializer.Constant(0.)), - act="relu") - out = fluid.layers.fc(input=hidden, - size=d_hid, - num_flatten_dims=2, - param_attr=fluid.ParamAttr(name=name + '_fc.w_1'), - bias_attr=fluid.ParamAttr( - name=name + '_fc.b_1', - initializer=fluid.initializer.Constant(0.))) - return out - - -def dot_product_attention(query, - key, - value, - d_key, - q_mask=None, - k_mask=None, - dropout_rate=None, - mask_cache=None): - """Dot product layer. - - Args: - query: a tensor with shape [batch, Q_time, Q_dimension] - key: a tensor with shape [batch, time, K_dimension] - value: a tensor with shape [batch, time, V_dimension] - - q_lengths: a tensor with shape [batch] - k_lengths: a tensor with shape [batch] - - Returns: - a tensor with shape [batch, query_time, value_dimension] - - Raises: - AssertionError: if Q_dimension not equal to K_dimension when attention - type is dot. - """ - - logits = fluid.layers.matmul( - x=query, y=key, transpose_y=True, alpha=d_key**(-0.5)) - - if (q_mask is not None) and (k_mask is not None): - if mask_cache is not None and q_mask.name in mask_cache and k_mask.name in mask_cache[ - q_mask.name]: - mask, another_mask = mask_cache[q_mask.name][k_mask.name] - else: - mask = fluid.layers.matmul(x=q_mask, y=k_mask, transpose_y=True) - another_mask = fluid.layers.scale( - mask, - scale=float(2**32 - 1), - bias=float(-1), - bias_after_scale=False) - if mask_cache is not None: - if q_mask.name not in mask_cache: - mask_cache[q_mask.name] = dict() - - mask_cache[q_mask.name][k_mask.name] = [mask, another_mask] - - logits = mask * logits + another_mask - - attention = fluid.layers.softmax(logits) - if dropout_rate: - attention = fluid.layers.dropout( - input=attention, dropout_prob=dropout_rate, is_test=False, seed=2) - - atten_out = fluid.layers.matmul(x=attention, y=value) - - return atten_out - - -def block(name, - query, - key, - value, - d_key, - q_mask=None, - k_mask=None, - is_layer_norm=True, - dropout_rate=None, - mask_cache=None): - """ - Block - """ - att_out = dot_product_attention( - query, - key, - value, - d_key, - q_mask, - k_mask, - dropout_rate, - mask_cache=mask_cache) - - y = query + att_out - if is_layer_norm: - y = fluid.layers.layer_norm( - input=y, - begin_norm_axis=len(y.shape) - 1, - param_attr=fluid.ParamAttr( - initializer=fluid.initializer.Constant(1.), - name=name + '_layer_norm.w_0'), - bias_attr=fluid.ParamAttr( - initializer=fluid.initializer.Constant(0.), - name=name + '_layer_norm.b_0')) - - z = ffn(y, d_key, d_key, name) - w = y + z - if is_layer_norm: - w = fluid.layers.layer_norm( - input=w, - begin_norm_axis=len(w.shape) - 1, - param_attr=fluid.ParamAttr( - initializer=fluid.initializer.Constant(1.), - name=name + '_layer_norm.w_1'), - bias_attr=fluid.ParamAttr( - initializer=fluid.initializer.Constant(0.), - name=name + '_layer_norm.b_1')) - - return w - - -def cnn_3d(input, out_channels_0, out_channels_1, add_relu=True): - """ - CNN-3d - """ - # same padding - conv_0 = fluid.layers.conv3d( - name="conv3d_0", - input=input, - num_filters=out_channels_0, - filter_size=[3, 3, 3], - padding=[1, 1, 1], - act="elu" if add_relu else None, - param_attr=fluid.ParamAttr(initializer=fluid.initializer.Uniform( - low=-0.01, high=0.01)), - bias_attr=fluid.ParamAttr( - initializer=fluid.initializer.Constant(value=0.0))) - - # same padding - pooling_0 = fluid.layers.pool3d( - input=conv_0, - pool_type="max", - pool_size=3, - pool_padding=1, - pool_stride=3) - - conv_1 = fluid.layers.conv3d( - name="conv3d_1", - input=pooling_0, - num_filters=out_channels_1, - filter_size=[3, 3, 3], - padding=[1, 1, 1], - act="elu" if add_relu else None, - param_attr=fluid.ParamAttr(initializer=fluid.initializer.Uniform( - low=-0.01, high=0.01)), - bias_attr=fluid.ParamAttr( - initializer=fluid.initializer.Constant(value=0.0))) - - # same padding - pooling_1 = fluid.layers.pool3d( - input=conv_1, - pool_type="max", - pool_size=3, - pool_padding=1, - pool_stride=3) - - return pooling_1 diff --git a/PaddleNLP/Research/ACL2018-DAM/main.py b/PaddleNLP/Research/ACL2018-DAM/main.py deleted file mode 100755 index 950ea49a015149808a622b1d0d84d535c48d3192..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DAM/main.py +++ /dev/null @@ -1,478 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Deep Attention Matching Network -""" -import sys -import os -import six -import numpy as np -import time -import multiprocessing -import paddle -import paddle.fluid as fluid -import reader as reader -from util import mkdir -import evaluation as eva -import config - -try: - import cPickle as pickle #python 2 -except ImportError as e: - import pickle #python 3 - -from model_check import check_cuda -from net import Net - - -def evaluate(score_path, result_file_path): - """ - Evaluate both douban and ubuntu dataset - """ - if args.ext_eval: - result = eva.evaluate_douban(score_path) - else: - result = eva.evaluate_ubuntu(score_path) - #write evaluation result - with open(result_file_path, 'w') as out_file: - for p_at in result: - out_file.write(p_at + '\t' + str(result[p_at]) + '\n') - print('finish evaluation') - print(time.strftime('%Y-%m-%d %H:%M:%S', time.localtime(time.time()))) - - -def test_with_feed(exe, program, feed_names, fetch_list, score_path, batches, - batch_num, dev_count): - """ - Test with feed - """ - score_file = open(score_path, 'w') - for it in six.moves.xrange(batch_num // dev_count): - feed_list = [] - for dev in six.moves.xrange(dev_count): - val_index = it * dev_count + dev - batch_data = reader.make_one_batch_input(batches, val_index) - feed_dict = dict(zip(feed_names, batch_data)) - feed_list.append(feed_dict) - - predicts = exe.run(feed=feed_list, fetch_list=fetch_list) - - scores = np.array(predicts[0]) - for dev in six.moves.xrange(dev_count): - val_index = it * dev_count + dev - for i in six.moves.xrange(args.batch_size): - score_file.write( - str(scores[args.batch_size * dev + i][0]) + '\t' + str( - batches["label"][val_index][i]) + '\n') - score_file.close() - - -def test_with_pyreader(exe, program, pyreader, fetch_list, score_path, batches, - batch_num, dev_count): - """ - Test with pyreader - """ - - def data_provider(): - """ - Data reader - """ - for index in six.moves.xrange(batch_num): - yield reader.make_one_batch_input(batches, index) - - score_file = open(score_path, 'w') - pyreader.decorate_tensor_provider(data_provider) - it = 0 - pyreader.start() - while True: - try: - predicts = exe.run(fetch_list=fetch_list) - - scores = np.array(predicts[0]) - for dev in six.moves.xrange(dev_count): - val_index = it * dev_count + dev - for i in six.moves.xrange(args.batch_size): - score_file.write( - str(scores[args.batch_size * dev + i][0]) + '\t' + str( - batches["label"][val_index][i]) + '\n') - it += 1 - except fluid.core.EOFException: - pyreader.reset() - break - score_file.close() - - -def train(args): - """ - Train Program - """ - if not os.path.exists(args.save_path): - os.makedirs(args.save_path) - - # data data_config - data_conf = { - "batch_size": args.batch_size, - "max_turn_num": args.max_turn_num, - "max_turn_len": args.max_turn_len, - "_EOS_": args._EOS_, - } - - dam = Net(args.max_turn_num, args.max_turn_len, args.vocab_size, - args.emb_size, args.stack_num, args.channel1_num, - args.channel2_num) - - train_program = fluid.Program() - train_startup = fluid.Program() - if "CE_MODE_X" in os.environ: - train_program.random_seed = 110 - train_startup.random_seed = 110 - with fluid.program_guard(train_program, train_startup): - with fluid.unique_name.guard(): - if args.use_pyreader: - train_pyreader = dam.create_py_reader( - capacity=10, name='train_reader') - else: - dam.create_data_layers() - loss, logits = dam.create_network() - loss.persistable = True - logits.persistable = True - # gradient clipping - fluid.clip.set_gradient_clip(clip=fluid.clip.GradientClipByValue( - max=1.0, min=-1.0)) - - optimizer = fluid.optimizer.Adam( - learning_rate=fluid.layers.exponential_decay( - learning_rate=args.learning_rate, - decay_steps=400, - decay_rate=0.9, - staircase=True)) - optimizer.minimize(loss) - - test_program = fluid.Program() - test_startup = fluid.Program() - if "CE_MODE_X" in os.environ: - test_program.random_seed = 110 - test_startup.random_seed = 110 - with fluid.program_guard(test_program, test_startup): - with fluid.unique_name.guard(): - if args.use_pyreader: - test_pyreader = dam.create_py_reader( - capacity=10, name='test_reader') - else: - dam.create_data_layers() - - loss, logits = dam.create_network() - loss.persistable = True - logits.persistable = True - - test_program = test_program.clone(for_test=True) - - if args.use_cuda: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - - print("device count %d" % dev_count) - print("theoretical memory usage: ") - print(fluid.contrib.memory_usage( - program=train_program, batch_size=args.batch_size)) - - exe = fluid.Executor(place) - exe.run(train_startup) - exe.run(test_startup) - - train_exe = fluid.ParallelExecutor( - use_cuda=args.use_cuda, loss_name=loss.name, main_program=train_program) - - test_exe = fluid.ParallelExecutor( - use_cuda=args.use_cuda, - main_program=test_program, - share_vars_from=train_exe) - - if args.word_emb_init is not None: - print("start loading word embedding init ...") - if six.PY2: - word_emb = np.array(pickle.load(open(args.word_emb_init, - 'rb'))).astype('float32') - else: - word_emb = np.array( - pickle.load( - open(args.word_emb_init, 'rb'), encoding="bytes")).astype( - 'float32') - dam.set_word_embedding(word_emb, place) - print("finish init word embedding ...") - - print("start loading data ...") - with open(args.data_path, 'rb') as f: - if six.PY2: - train_data, val_data, test_data = pickle.load(f) - else: - train_data, val_data, test_data = pickle.load(f, encoding="bytes") - print("finish loading data ...") - - val_batches = reader.build_batches(val_data, data_conf) - - batch_num = len(train_data[six.b('y')]) // args.batch_size - val_batch_num = len(val_batches["response"]) - - print_step = max(1, batch_num // (dev_count * 100)) - save_step = max(1, batch_num // (dev_count * 10)) - - print("begin model training ...") - print(time.strftime('%Y-%m-%d %H:%M:%S', time.localtime(time.time()))) - - def train_with_feed(step): - """ - Train on one epoch data by feeding - """ - ave_cost = 0.0 - for it in six.moves.xrange(batch_num // dev_count): - feed_list = [] - for dev in six.moves.xrange(dev_count): - index = it * dev_count + dev - batch_data = reader.make_one_batch_input(train_batches, index) - feed_dict = dict(zip(dam.get_feed_names(), batch_data)) - feed_list.append(feed_dict) - - cost = train_exe.run(feed=feed_list, fetch_list=[loss.name]) - - ave_cost += np.array(cost[0]).mean() - step = step + 1 - if step % print_step == 0: - print("processed: [" + str(step * dev_count * 1.0 / batch_num) + - "] ave loss: [" + str(ave_cost / print_step) + "]") - ave_cost = 0.0 - - if (args.save_path is not None) and (step % save_step == 0): - save_path = os.path.join(args.save_path, "step_" + str(step)) - print("Save model at step %d ... " % step) - print(time.strftime('%Y-%m-%d %H:%M:%S', - time.localtime(time.time()))) - fluid.io.save_persistables(exe, save_path, train_program) - - score_path = os.path.join(args.save_path, 'score.' + str(step)) - test_with_feed(test_exe, test_program, - dam.get_feed_names(), [logits.name], score_path, - val_batches, val_batch_num, dev_count) - - result_file_path = os.path.join(args.save_path, - 'result.' + str(step)) - evaluate(score_path, result_file_path) - return step, np.array(cost[0]).mean() - - def train_with_pyreader(step): - """ - Train on one epoch with pyreader - """ - - def data_provider(): - """ - Data reader - """ - for index in six.moves.xrange(batch_num): - yield reader.make_one_batch_input(train_batches, index) - - train_pyreader.decorate_tensor_provider(data_provider) - - ave_cost = 0.0 - train_pyreader.start() - while True: - try: - cost = train_exe.run(fetch_list=[loss.name]) - - ave_cost += np.array(cost[0]).mean() - step = step + 1 - if step % print_step == 0: - print("processed: [" + str(step * dev_count * 1.0 / - batch_num) + "] ave loss: [" + - str(ave_cost / print_step) + "]") - ave_cost = 0.0 - - if (args.save_path is not None) and (step % save_step == 0): - save_path = os.path.join(args.save_path, - "step_" + str(step)) - print("Save model at step %d ... " % step) - print(time.strftime('%Y-%m-%d %H:%M:%S', - time.localtime(time.time()))) - fluid.io.save_persistables(exe, save_path, train_program) - - score_path = os.path.join(args.save_path, - 'score.' + str(step)) - test_with_pyreader(test_exe, test_program, test_pyreader, - [logits.name], score_path, val_batches, - val_batch_num, dev_count) - - result_file_path = os.path.join(args.save_path, - 'result.' + str(step)) - evaluate(score_path, result_file_path) - - except fluid.core.EOFException: - train_pyreader.reset() - break - return step, np.array(cost[0]).mean() - - # train over different epoches - global_step, train_time = 0, 0.0 - for epoch in six.moves.xrange(args.num_scan_data): - shuffle_train = reader.unison_shuffle( - train_data, seed=110 if ("CE_MODE_X" in os.environ) else None) - train_batches = reader.build_batches(shuffle_train, data_conf) - - begin_time = time.time() - if args.use_pyreader: - global_step, last_cost = train_with_pyreader(global_step) - else: - global_step, last_cost = train_with_feed(global_step) - - pass_time_cost = time.time() - begin_time - train_time += pass_time_cost - print("Pass {0}, pass_time_cost {1}" - .format(epoch, "%2.2f sec" % pass_time_cost)) - # For internal continuous evaluation - if "CE_MODE_X" in os.environ: - card_num = get_cards() - print("kpis\ttrain_cost_card%d\t%f" % (card_num, last_cost)) - print("kpis\ttrain_duration_card%d\t%f" % (card_num, train_time)) - - -def test(args): - """ - Test - """ - if not os.path.exists(args.save_path): - mkdir(args.save_path) - if not os.path.exists(args.model_path): - raise ValueError("Invalid model init path %s" % args.model_path) - # data data_config - data_conf = { - "batch_size": args.batch_size, - "max_turn_num": args.max_turn_num, - "max_turn_len": args.max_turn_len, - "_EOS_": args._EOS_, - } - - dam = Net(args.max_turn_num, args.max_turn_len, args.vocab_size, - args.emb_size, args.stack_num, args.channel1_num, - args.channel2_num) - dam.create_data_layers() - loss, logits = dam.create_network() - - loss.persistable = True - logits.persistable = True - - # gradient clipping - fluid.clip.set_gradient_clip(clip=fluid.clip.GradientClipByValue( - max=1.0, min=-1.0)) - - test_program = fluid.default_main_program().clone(for_test=True) - optimizer = fluid.optimizer.Adam( - learning_rate=fluid.layers.exponential_decay( - learning_rate=args.learning_rate, - decay_steps=400, - decay_rate=0.9, - staircase=True)) - optimizer.minimize(loss) - - if args.use_cuda: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - #dev_count = multiprocessing.cpu_count() - dev_count = 1 - - exe = fluid.Executor(place) - exe.run(fluid.default_startup_program()) - - fluid.io.load_persistables(exe, args.model_path) - - test_exe = fluid.ParallelExecutor( - use_cuda=args.use_cuda, main_program=test_program) - - print("start loading data ...") - with open(args.data_path, 'rb') as f: - if six.PY2: - train_data, val_data, test_data = pickle.load(f) - else: - train_data, val_data, test_data = pickle.load(f, encoding="bytes") - print("finish loading data ...") - - test_batches = reader.build_batches(test_data, data_conf) - - test_batch_num = len(test_batches["response"]) - - print("test batch num: %d" % test_batch_num) - - print("begin inference ...") - print(time.strftime('%Y-%m-%d %H:%M:%S', time.localtime(time.time()))) - - score_path = os.path.join(args.save_path, 'score.txt') - score_file = open(score_path, 'w') - - for it in six.moves.xrange(test_batch_num // dev_count): - feed_list = [] - for dev in six.moves.xrange(dev_count): - index = it * dev_count + dev - batch_data = reader.make_one_batch_input(test_batches, index) - feed_dict = dict(zip(dam.get_feed_names(), batch_data)) - feed_list.append(feed_dict) - - predicts = test_exe.run(feed=feed_list, fetch_list=[logits.name]) - - scores = np.array(predicts[0]) - print("step = %d" % it) - - for dev in six.moves.xrange(dev_count): - index = it * dev_count + dev - for i in six.moves.xrange(args.batch_size): - score_file.write( - str(scores[args.batch_size * dev + i][0]) + '\t' + str( - test_batches["label"][index][i]) + '\n') - - score_file.close() - - #write evaluation result - if args.ext_eval: - result = eva.evaluate_douban(score_path) - else: - result = eva.evaluate_ubuntu(score_path) - result_file_path = os.path.join(args.save_path, 'result.txt') - with open(result_file_path, 'w') as out_file: - for metric in result: - out_file.write(metric + '\t' + str(result[metric]) + '\n') - print('finish test') - print(time.strftime('%Y-%m-%d %H:%M:%S', time.localtime(time.time()))) - - -def get_cards(): - num = 0 - cards = os.environ.get('CUDA_VISIBLE_DEVICES', '') - if cards != '': - num = len(cards.split(",")) - return num - - -if __name__ == '__main__': - args = config.parse_args() - config.print_arguments(args) - - check_cuda(args.use_cuda) - - if args.do_train: - train(args) - - if args.do_test: - test(args) diff --git a/PaddleNLP/Research/ACL2018-DAM/model_check.py b/PaddleNLP/Research/ACL2018-DAM/model_check.py deleted file mode 100644 index af0612fd4271ef409a6204532ac97c3de019a57a..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DAM/model_check.py +++ /dev/null @@ -1,38 +0,0 @@ -#encoding=utf8 -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -import sys -import paddle -import paddle.fluid as fluid - - -def check_cuda(use_cuda, err = \ - "\nYou can not set use_cuda = True in the model because you are using paddlepaddle-cpu.\n \ - Please: 1. Install paddlepaddle-gpu to run your models on GPU or 2. Set use_cuda = False to run models on CPU.\n" - ): - try: - if use_cuda == True and fluid.is_compiled_with_cuda() == False: - print(err) - sys.exit(1) - except Exception as e: - pass - - -if __name__ == "__main__": - check_cuda(True) - - check_cuda(False) - - check_cuda(True, "This is only for testing.") diff --git a/PaddleNLP/Research/ACL2018-DAM/net.py b/PaddleNLP/Research/ACL2018-DAM/net.py deleted file mode 100755 index 9db151e01a20cd85230d52e77fc56fb28b184a9d..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DAM/net.py +++ /dev/null @@ -1,240 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Deep Attention Matching Network -""" - -import six -import numpy as np -import paddle.fluid as fluid -import layers - - -class Net(object): - """ - Deep attention matching network - """ - - def __init__(self, max_turn_num, max_turn_len, vocab_size, emb_size, - stack_num, channel1_num, channel2_num): - """ - Init - """ - self._max_turn_num = max_turn_num - self._max_turn_len = max_turn_len - self._vocab_size = vocab_size - self._emb_size = emb_size - self._stack_num = stack_num - self._channel1_num = channel1_num - self._channel2_num = channel2_num - self._feed_names = [] - self.word_emb_name = "shared_word_emb" - self.use_stack_op = True - self.use_mask_cache = True - self.use_sparse_embedding = True - - def create_py_reader(self, capacity, name): - """ - Create py reader - """ - # turns ids - shapes = [[-1, self._max_turn_len, 1] - for i in six.moves.xrange(self._max_turn_num)] - dtypes = ["int64" for i in six.moves.xrange(self._max_turn_num)] - # turns mask - shapes += [[-1, self._max_turn_len, 1] - for i in six.moves.xrange(self._max_turn_num)] - dtypes += ["float32" for i in six.moves.xrange(self._max_turn_num)] - - # response ids, response mask, label - shapes += [[-1, self._max_turn_len, 1], [-1, self._max_turn_len, 1], - [-1, 1]] - dtypes += ["int64", "float32", "float32"] - - py_reader = fluid.layers.py_reader( - capacity=capacity, - shapes=shapes, - lod_levels=[0] * (2 * self._max_turn_num + 3), - dtypes=dtypes, - name=name, - use_double_buffer=True) - - data_vars = fluid.layers.read_file(py_reader) - - self.turns_data = data_vars[0:self._max_turn_num] - self.turns_mask = data_vars[self._max_turn_num:2 * self._max_turn_num] - self.response = data_vars[-3] - self.response_mask = data_vars[-2] - self.label = data_vars[-1] - return py_reader - - def create_data_layers(self): - """ - Create data layer - """ - self._feed_names = [] - - self.turns_data = [] - for i in six.moves.xrange(self._max_turn_num): - name = "turn_%d" % i - turn = fluid.layers.data( - name=name, shape=[self._max_turn_len, 1], dtype="int64") - self.turns_data.append(turn) - self._feed_names.append(name) - - self.turns_mask = [] - for i in six.moves.xrange(self._max_turn_num): - name = "turn_mask_%d" % i - turn_mask = fluid.layers.data( - name=name, shape=[self._max_turn_len, 1], dtype="float32") - self.turns_mask.append(turn_mask) - self._feed_names.append(name) - - self.response = fluid.layers.data( - name="response", shape=[self._max_turn_len, 1], dtype="int64") - self.response_mask = fluid.layers.data( - name="response_mask", - shape=[self._max_turn_len, 1], - dtype="float32") - self.label = fluid.layers.data(name="label", shape=[1], dtype="float32") - self._feed_names += ["response", "response_mask", "label"] - - def get_feed_names(self): - """ - Return feed names - """ - return self._feed_names - - def set_word_embedding(self, word_emb, place): - """ - Set word embedding - """ - word_emb_param = fluid.global_scope().find_var( - self.word_emb_name).get_tensor() - word_emb_param.set(word_emb, place) - - def create_network(self): - """ - Create network - """ - mask_cache = dict() if self.use_mask_cache else None - - response_emb = fluid.layers.embedding( - input=self.response, - size=[self._vocab_size + 1, self._emb_size], - is_sparse=self.use_sparse_embedding, - param_attr=fluid.ParamAttr( - name=self.word_emb_name, - initializer=fluid.initializer.Normal(scale=0.1))) - - # response part - Hr = response_emb - Hr_stack = [Hr] - - for index in six.moves.xrange(self._stack_num): - Hr = layers.block( - name="response_self_stack" + str(index), - query=Hr, - key=Hr, - value=Hr, - d_key=self._emb_size, - q_mask=self.response_mask, - k_mask=self.response_mask, - mask_cache=mask_cache) - Hr_stack.append(Hr) - - # context part - sim_turns = [] - for t in six.moves.xrange(self._max_turn_num): - Hu = fluid.layers.embedding( - input=self.turns_data[t], - size=[self._vocab_size + 1, self._emb_size], - is_sparse=self.use_sparse_embedding, - param_attr=fluid.ParamAttr( - name=self.word_emb_name, - initializer=fluid.initializer.Normal(scale=0.1))) - Hu_stack = [Hu] - - for index in six.moves.xrange(self._stack_num): - # share parameters - Hu = layers.block( - name="turn_self_stack" + str(index), - query=Hu, - key=Hu, - value=Hu, - d_key=self._emb_size, - q_mask=self.turns_mask[t], - k_mask=self.turns_mask[t], - mask_cache=mask_cache) - Hu_stack.append(Hu) - - # cross attention - r_a_t_stack = [] - t_a_r_stack = [] - for index in six.moves.xrange(self._stack_num + 1): - t_a_r = layers.block( - name="t_attend_r_" + str(index), - query=Hu_stack[index], - key=Hr_stack[index], - value=Hr_stack[index], - d_key=self._emb_size, - q_mask=self.turns_mask[t], - k_mask=self.response_mask, - mask_cache=mask_cache) - r_a_t = layers.block( - name="r_attend_t_" + str(index), - query=Hr_stack[index], - key=Hu_stack[index], - value=Hu_stack[index], - d_key=self._emb_size, - q_mask=self.response_mask, - k_mask=self.turns_mask[t], - mask_cache=mask_cache) - - t_a_r_stack.append(t_a_r) - r_a_t_stack.append(r_a_t) - - t_a_r_stack.extend(Hu_stack) - r_a_t_stack.extend(Hr_stack) - - if self.use_stack_op: - t_a_r = fluid.layers.stack(t_a_r_stack, axis=1) - r_a_t = fluid.layers.stack(r_a_t_stack, axis=1) - else: - for index in six.moves.xrange(len(t_a_r_stack)): - t_a_r_stack[index] = fluid.layers.unsqueeze( - input=t_a_r_stack[index], axes=[1]) - r_a_t_stack[index] = fluid.layers.unsqueeze( - input=r_a_t_stack[index], axes=[1]) - - t_a_r = fluid.layers.concat(input=t_a_r_stack, axis=1) - r_a_t = fluid.layers.concat(input=r_a_t_stack, axis=1) - - # sim shape: [batch_size, 2*(stack_num+1), max_turn_len, max_turn_len] - sim = fluid.layers.matmul( - x=t_a_r, y=r_a_t, transpose_y=True, alpha=1 / np.sqrt(200.0)) - sim_turns.append(sim) - - if self.use_stack_op: - sim = fluid.layers.stack(sim_turns, axis=2) - else: - for index in six.moves.xrange(len(sim_turns)): - sim_turns[index] = fluid.layers.unsqueeze( - input=sim_turns[index], axes=[2]) - # sim shape: [batch_size, 2*(stack_num+1), max_turn_num, max_turn_len, max_turn_len] - sim = fluid.layers.concat(input=sim_turns, axis=2) - - final_info = layers.cnn_3d(sim, self._channel1_num, self._channel2_num) - loss, logits = layers.loss(final_info, self.label) - return loss, logits diff --git a/PaddleNLP/Research/ACL2018-DAM/reader.py b/PaddleNLP/Research/ACL2018-DAM/reader.py deleted file mode 100755 index d446f6ac47f0c99e240c5ddc648f6da06d854979..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DAM/reader.py +++ /dev/null @@ -1,281 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Reader for deep attention matching network -""" - -import six -import numpy as np - -try: - import cPickle as pickle #python 2 -except ImportError as e: - import pickle #python 3 - - -def unison_shuffle(data, seed=None): - """ - Shuffle data - """ - if seed is not None: - np.random.seed(seed) - - y = np.array(data[six.b('y')]) - c = np.array(data[six.b('c')]) - r = np.array(data[six.b('r')]) - - assert len(y) == len(c) == len(r) - p = np.random.permutation(len(y)) - print(p) - shuffle_data = {six.b('y'): y[p], six.b('c'): c[p], six.b('r'): r[p]} - return shuffle_data - - -def split_c(c, split_id): - """ - Split - c is a list, example context - split_id is a integer, conf[_EOS_] - return nested list - """ - turns = [[]] - for _id in c: - if _id != split_id: - turns[-1].append(_id) - else: - turns.append([]) - if turns[-1] == [] and len(turns) > 1: - turns.pop() - return turns - - -def normalize_length(_list, length, cut_type='tail'): - """_list is a list or nested list, example turns/r/single turn c - cut_type is head or tail, if _list len > length is used - return a list len=length and min(read_length, length) - """ - real_length = len(_list) - if real_length == 0: - return [0] * length, 0 - - if real_length <= length: - if not isinstance(_list[0], list): - _list.extend([0] * (length - real_length)) - else: - _list.extend([[]] * (length - real_length)) - return _list, real_length - - if cut_type == 'head': - return _list[:length], length - if cut_type == 'tail': - return _list[-length:], length - - -def produce_one_sample(data, - index, - split_id, - max_turn_num, - max_turn_len, - turn_cut_type='tail', - term_cut_type='tail'): - """max_turn_num=10 - max_turn_len=50 - return y, nor_turns_nor_c, nor_r, turn_len, term_len, r_len - """ - c = data[six.b('c')][index] - r = data[six.b('r')][index][:] - y = data[six.b('y')][index] - - turns = split_c(c, split_id) - #normalize turns_c length, nor_turns length is max_turn_num - nor_turns, turn_len = normalize_length(turns, max_turn_num, turn_cut_type) - - nor_turns_nor_c = [] - term_len = [] - #nor_turn_nor_c length is max_turn_num, element is a list length is max_turn_len - for c in nor_turns: - #nor_c length is max_turn_len - nor_c, nor_c_len = normalize_length(c, max_turn_len, term_cut_type) - nor_turns_nor_c.append(nor_c) - term_len.append(nor_c_len) - - nor_r, r_len = normalize_length(r, max_turn_len, term_cut_type) - - return y, nor_turns_nor_c, nor_r, turn_len, term_len, r_len - - -def build_one_batch(data, - batch_index, - conf, - turn_cut_type='tail', - term_cut_type='tail'): - """ - Build one batch - """ - _turns = [] - _tt_turns_len = [] - _every_turn_len = [] - - _response = [] - _response_len = [] - - _label = [] - - for i in six.moves.xrange(conf['batch_size']): - index = batch_index * conf['batch_size'] + i - y, nor_turns_nor_c, nor_r, turn_len, term_len, r_len = produce_one_sample( - data, index, conf['_EOS_'], conf['max_turn_num'], - conf['max_turn_len'], turn_cut_type, term_cut_type) - - _label.append(y) - _turns.append(nor_turns_nor_c) - _response.append(nor_r) - _every_turn_len.append(term_len) - _tt_turns_len.append(turn_len) - _response_len.append(r_len) - - return _turns, _tt_turns_len, _every_turn_len, _response, _response_len, _label - - -def build_one_batch_dict(data, - batch_index, - conf, - turn_cut_type='tail', - term_cut_type='tail'): - """ - Build one batch dict - """ - _turns, _tt_turns_len, _every_turn_len, _response, _response_len, _label = build_one_batch( - data, batch_index, conf, turn_cut_type, term_cut_type) - ans = { - 'turns': _turns, - 'tt_turns_len': _tt_turns_len, - 'every_turn_len': _every_turn_len, - 'response': _response, - 'response_len': _response_len, - 'label': _label - } - return ans - - -def build_batches(data, conf, turn_cut_type='tail', term_cut_type='tail'): - """ - Build batches - """ - _turns_batches = [] - _tt_turns_len_batches = [] - _every_turn_len_batches = [] - - _response_batches = [] - _response_len_batches = [] - - _label_batches = [] - - batch_len = len(data[six.b('y')]) // conf['batch_size'] - for batch_index in six.moves.range(batch_len): - _turns, _tt_turns_len, _every_turn_len, _response, _response_len, _label = build_one_batch( - data, batch_index, conf, turn_cut_type='tail', term_cut_type='tail') - - _turns_batches.append(_turns) - _tt_turns_len_batches.append(_tt_turns_len) - _every_turn_len_batches.append(_every_turn_len) - - _response_batches.append(_response) - _response_len_batches.append(_response_len) - - _label_batches.append(_label) - - ans = { - "turns": _turns_batches, - "tt_turns_len": _tt_turns_len_batches, - "every_turn_len": _every_turn_len_batches, - "response": _response_batches, - "response_len": _response_len_batches, - "label": _label_batches - } - - return ans - - -def make_one_batch_input(data_batches, index): - """Split turns and return feeding data. - - Args: - data_batches: All data batches - index: The index for current batch - - Return: - feeding dictionary - """ - - turns = np.array(data_batches["turns"][index]).astype('int64') - tt_turns_len = np.array(data_batches["tt_turns_len"][index]).astype('int64') - every_turn_len = np.array(data_batches["every_turn_len"][index]).astype( - 'int64') - response = np.array(data_batches["response"][index]).astype('int64') - response_len = np.array(data_batches["response_len"][index]).astype('int64') - - batch_size = turns.shape[0] - max_turn_num = turns.shape[1] - max_turn_len = turns.shape[2] - - turns_list = [turns[:, i, :] for i in six.moves.xrange(max_turn_num)] - every_turn_len_list = [ - every_turn_len[:, i] for i in six.moves.xrange(max_turn_num) - ] - - feed_list = [] - for i, turn in enumerate(turns_list): - turn = np.expand_dims(turn, axis=-1) - feed_list.append(turn) - - for i, turn_len in enumerate(every_turn_len_list): - turn_mask = np.ones((batch_size, max_turn_len, 1)).astype("float32") - for row in six.moves.xrange(batch_size): - turn_mask[row, turn_len[row]:, 0] = 0 - feed_list.append(turn_mask) - - response = np.expand_dims(response, axis=-1) - feed_list.append(response) - - response_mask = np.ones((batch_size, max_turn_len, 1)).astype("float32") - for row in six.moves.xrange(batch_size): - response_mask[row, response_len[row]:, 0] = 0 - feed_list.append(response_mask) - - label = np.array([data_batches["label"][index]]).reshape( - [-1, 1]).astype("float32") - feed_list.append(label) - - return feed_list - - -if __name__ == '__main__': - conf = { - "batch_size": 256, - "max_turn_num": 10, - "max_turn_len": 50, - "_EOS_": 28270, - } - with open('../ubuntu/data/data_small.pkl', 'rb') as f: - if six.PY2: - train, val, test = pickle.load(f) - else: - train, val, test = pickle.load(f, encoding="bytes") - print('load data success') - - train_batches = build_batches(train, conf) - val_batches = build_batches(val, conf) - test_batches = build_batches(test, conf) - print('build batches success') diff --git a/PaddleNLP/Research/ACL2018-DAM/run.sh b/PaddleNLP/Research/ACL2018-DAM/run.sh deleted file mode 100755 index 47395cb7dd55743ccac55bc173550f0762d478f6..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DAM/run.sh +++ /dev/null @@ -1,49 +0,0 @@ -export CUDA_VISIBLE_DEVICES=3 -export FLAGS_eager_delete_tensor_gb=0.0 - -#train on ubuntu -python -u main.py \ - --do_train True \ - --use_cuda \ - --data_path ./data/ubuntu/data_small.pkl \ - --save_path ./model_files/ubuntu \ - --use_pyreader \ - --vocab_size 434512 \ - --_EOS_ 28270 \ - --batch_size 32 - -#test on ubuntu -python -u main.py \ - --do_test True \ - --use_cuda \ - --data_path ./data/ubuntu/data_small.pkl \ - --save_path ./model_files/ubuntu/step_31 \ - --model_path ./model_files/ubuntu/step_31 \ - --vocab_size 434512 \ - --_EOS_ 28270 \ - --batch_size 100 - -#train on douban -python -u main.py \ - --do_train True \ - --use_cuda \ - --data_path ./data/douban/data_small.pkl \ - --save_path ./model_files/douban \ - --use_pyreader \ - --vocab_size 172130 \ - --_EOS_ 1 \ - --channel1_num 16 \ - --batch_size 32 - -#test on douban -python -u main.py \ - --do_test True \ - --use_cuda \ - --ext_eval \ - --data_path ./data/douban/data_small.pkl \ - --save_path ./model_files/douban/step_31 \ - --model_path ./model_files/douban/step_31 \ - --vocab_size 172130 \ - --_EOS_ 1 \ - --channel1_num 16 \ - --batch_size 32 diff --git a/PaddleNLP/Research/ACL2018-DAM/run_CPU.sh b/PaddleNLP/Research/ACL2018-DAM/run_CPU.sh deleted file mode 100755 index 091eda1f2b0e41c2d767ba5fae0930baeab6ee78..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DAM/run_CPU.sh +++ /dev/null @@ -1,49 +0,0 @@ -export CPU_NUM=1 -export FLAGS_eager_delete_tensor_gb=0.0 - -#train on ubuntu -python -u main.py \ - --do_train True \ - --data_path ./data/ubuntu/data_small.pkl \ - --save_path ./model_files_cpu/ubuntu \ - --use_pyreader \ - --stack_num 2 \ - --vocab_size 434512 \ - --_EOS_ 28270 \ - --batch_size 32 - -#test on ubuntu -python -u main.py \ - --do_test True \ - --data_path ./data/ubuntu/data_small.pkl \ - --save_path ./model_files_cpu/ubuntu/step_31 \ - --model_path ./model_files_cpu/ubuntu/step_31 \ - --stack_num 2 \ - --vocab_size 434512 \ - --_EOS_ 28270 \ - --batch_size 40 - -#train on douban -python -u main.py \ - --do_train True \ - --data_path ./data/douban/data_small.pkl \ - --save_path ./model_files_cpu/douban \ - --use_pyreader \ - --stack_num 2 \ - --vocab_size 172130 \ - --_EOS_ 1 \ - --channel1_num 16 \ - --batch_size 32 - -#test on douban -python -u main.py \ - --do_test True \ - --ext_eval \ - --data_path ./data/douban/data_small.pkl \ - --save_path ./model_files_cpu/douban/step_31 \ - --model_path ./model_files_cpu/douban/step_31 \ - --stack_num 2 \ - --vocab_size 172130 \ - --_EOS_ 1 \ - --channel1_num 16 \ - --batch_size 40 diff --git a/PaddleNLP/Research/ACL2018-DAM/util.py b/PaddleNLP/Research/ACL2018-DAM/util.py deleted file mode 100755 index a604fffef0cc969edc929688b138bd020e37c983..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DAM/util.py +++ /dev/null @@ -1,55 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Utils -""" - -import six -import os - - -def print_arguments(args): - """ - Print arguments - """ - print('----------- Configuration Arguments -----------') - for arg, value in sorted(six.iteritems(vars(args))): - print('%s: %s' % (arg, value)) - print('------------------------------------------------') - - -def mkdir(path): - """ - Mkdir - """ - if not os.path.isdir(path): - if os.path.split(path)[0]: - mkdir(os.path.split(path)[0]) - else: - return - os.mkdir(path) - - -def pos_encoding_init(): - """ - Pos encoding init - """ - pass - - -def scaled_dot_product_attention(): - """ - Scaleed dot product attention - """ - pass diff --git a/PaddleNLP/Research/ACL2018-DuReader/LICENSE b/PaddleNLP/Research/ACL2018-DuReader/LICENSE deleted file mode 100644 index d645695673349e3947e8e5ae42332d0ac3164cd7..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/LICENSE +++ /dev/null @@ -1,202 +0,0 @@ - - Apache License - Version 2.0, January 2004 - http://www.apache.org/licenses/ - - TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION - - 1. Definitions. - - "License" shall mean the terms and conditions for use, reproduction, - and distribution as defined by Sections 1 through 9 of this document. - - "Licensor" shall mean the copyright owner or entity authorized by - the copyright owner that is granting the License. - - "Legal Entity" shall mean the union of the acting entity and all - other entities that control, are controlled by, or are under common - control with that entity. For the purposes of this definition, - "control" means (i) the power, direct or indirect, to cause the - direction or management of such entity, whether by contract or - otherwise, or (ii) ownership of fifty percent (50%) or more of the - outstanding shares, or (iii) beneficial ownership of such entity. - - "You" (or "Your") shall mean an individual or Legal Entity - exercising permissions granted by this License. - - "Source" form shall mean the preferred form for making modifications, - including but not limited to software source code, documentation - source, and configuration files. - - "Object" form shall mean any form resulting from mechanical - transformation or translation of a Source form, including but - not limited to compiled object code, generated documentation, - and conversions to other media types. - - "Work" shall mean the work of authorship, whether in Source or - Object form, made available under the License, as indicated by a - copyright notice that is included in or attached to the work - (an example is provided in the Appendix below). - - "Derivative Works" shall mean any work, whether in Source or Object - form, that is based on (or derived from) the Work and for which the - editorial revisions, annotations, elaborations, or other modifications - represent, as a whole, an original work of authorship. For the purposes - of this License, Derivative Works shall not include works that remain - separable from, or merely link (or bind by name) to the interfaces of, - the Work and Derivative Works thereof. - - "Contribution" shall mean any work of authorship, including - the original version of the Work and any modifications or additions - to that Work or Derivative Works thereof, that is intentionally - submitted to Licensor for inclusion in the Work by the copyright owner - or by an individual or Legal Entity authorized to submit on behalf of - the copyright owner. For the purposes of this definition, "submitted" - means any form of electronic, verbal, or written communication sent - to the Licensor or its representatives, including but not limited to - communication on electronic mailing lists, source code control systems, - and issue tracking systems that are managed by, or on behalf of, the - Licensor for the purpose of discussing and improving the Work, but - excluding communication that is conspicuously marked or otherwise - designated in writing by the copyright owner as "Not a Contribution." - - "Contributor" shall mean Licensor and any individual or Legal Entity - on behalf of whom a Contribution has been received by Licensor and - subsequently incorporated within the Work. - - 2. Grant of Copyright License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - copyright license to reproduce, prepare Derivative Works of, - publicly display, publicly perform, sublicense, and distribute the - Work and such Derivative Works in Source or Object form. - - 3. Grant of Patent License. Subject to the terms and conditions of - this License, each Contributor hereby grants to You a perpetual, - worldwide, non-exclusive, no-charge, royalty-free, irrevocable - (except as stated in this section) patent license to make, have made, - use, offer to sell, sell, import, and otherwise transfer the Work, - where such license applies only to those patent claims licensable - by such Contributor that are necessarily infringed by their - Contribution(s) alone or by combination of their Contribution(s) - with the Work to which such Contribution(s) was submitted. If You - institute patent litigation against any entity (including a - cross-claim or counterclaim in a lawsuit) alleging that the Work - or a Contribution incorporated within the Work constitutes direct - or contributory patent infringement, then any patent licenses - granted to You under this License for that Work shall terminate - as of the date such litigation is filed. - - 4. Redistribution. You may reproduce and distribute copies of the - Work or Derivative Works thereof in any medium, with or without - modifications, and in Source or Object form, provided that You - meet the following conditions: - - (a) You must give any other recipients of the Work or - Derivative Works a copy of this License; and - - (b) You must cause any modified files to carry prominent notices - stating that You changed the files; and - - (c) You must retain, in the Source form of any Derivative Works - that You distribute, all copyright, patent, trademark, and - attribution notices from the Source form of the Work, - excluding those notices that do not pertain to any part of - the Derivative Works; and - - (d) If the Work includes a "NOTICE" text file as part of its - distribution, then any Derivative Works that You distribute must - include a readable copy of the attribution notices contained - within such NOTICE file, excluding those notices that do not - pertain to any part of the Derivative Works, in at least one - of the following places: within a NOTICE text file distributed - as part of the Derivative Works; within the Source form or - documentation, if provided along with the Derivative Works; or, - within a display generated by the Derivative Works, if and - wherever such third-party notices normally appear. The contents - of the NOTICE file are for informational purposes only and - do not modify the License. You may add Your own attribution - notices within Derivative Works that You distribute, alongside - or as an addendum to the NOTICE text from the Work, provided - that such additional attribution notices cannot be construed - as modifying the License. - - You may add Your own copyright statement to Your modifications and - may provide additional or different license terms and conditions - for use, reproduction, or distribution of Your modifications, or - for any such Derivative Works as a whole, provided Your use, - reproduction, and distribution of the Work otherwise complies with - the conditions stated in this License. - - 5. Submission of Contributions. Unless You explicitly state otherwise, - any Contribution intentionally submitted for inclusion in the Work - by You to the Licensor shall be under the terms and conditions of - this License, without any additional terms or conditions. - Notwithstanding the above, nothing herein shall supersede or modify - the terms of any separate license agreement you may have executed - with Licensor regarding such Contributions. - - 6. Trademarks. This License does not grant permission to use the trade - names, trademarks, service marks, or product names of the Licensor, - except as required for reasonable and customary use in describing the - origin of the Work and reproducing the content of the NOTICE file. - - 7. Disclaimer of Warranty. Unless required by applicable law or - agreed to in writing, Licensor provides the Work (and each - Contributor provides its Contributions) on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or - implied, including, without limitation, any warranties or conditions - of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A - PARTICULAR PURPOSE. You are solely responsible for determining the - appropriateness of using or redistributing the Work and assume any - risks associated with Your exercise of permissions under this License. - - 8. Limitation of Liability. In no event and under no legal theory, - whether in tort (including negligence), contract, or otherwise, - unless required by applicable law (such as deliberate and grossly - negligent acts) or agreed to in writing, shall any Contributor be - liable to You for damages, including any direct, indirect, special, - incidental, or consequential damages of any character arising as a - result of this License or out of the use or inability to use the - Work (including but not limited to damages for loss of goodwill, - work stoppage, computer failure or malfunction, or any and all - other commercial damages or losses), even if such Contributor - has been advised of the possibility of such damages. - - 9. Accepting Warranty or Additional Liability. While redistributing - the Work or Derivative Works thereof, You may choose to offer, - and charge a fee for, acceptance of support, warranty, indemnity, - or other liability obligations and/or rights consistent with this - License. However, in accepting such obligations, You may act only - on Your own behalf and on Your sole responsibility, not on behalf - of any other Contributor, and only if You agree to indemnify, - defend, and hold each Contributor harmless for any liability - incurred by, or claims asserted against, such Contributor by reason - of your accepting any such warranty or additional liability. - - END OF TERMS AND CONDITIONS - - APPENDIX: How to apply the Apache License to your work. - - To apply the Apache License to your work, attach the following - boilerplate notice, with the fields enclosed by brackets "[]" - replaced with your own identifying information. (Don't include - the brackets!) The text should be enclosed in the appropriate - comment syntax for the file format. We also recommend that a - file or class name and description of purpose be included on the - same "printed page" as the copyright notice for easier - identification within third-party archives. - - Copyright [yyyy] [name of copyright owner] - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. diff --git a/PaddleNLP/Research/ACL2018-DuReader/README.md b/PaddleNLP/Research/ACL2018-DuReader/README.md index 0d89a7477f9d3ba13f2207f95f78c7cf9d44cf3a..5cbe1dc7471272fd92667df50cc8f06ac570f16c 100644 --- a/PaddleNLP/Research/ACL2018-DuReader/README.md +++ b/PaddleNLP/Research/ACL2018-DuReader/README.md @@ -1,257 +1 @@ -# 简介 - -## 机器阅读理解任务 -在机器阅读理解(MRC)任务中,我们会给定一个问题(Q)以及一个或多个段落(P)/文档(D),然后利用机器在给定的段落中寻找正确答案(A),即Q + P or D => A. 机器阅读理解(MRC)是自然语言处理(NLP)中的关键任务之一,需要机器对语言有深刻的理解才能找到正确的答案。 - -## DuReader数据集 -DuReader是一个大规模、面向真实应用、由人类生成的中文阅读理解数据集。DuReader聚焦于真实世界中的不限定领域的问答任务。相较于其他阅读理解数据集,DuReader的优势包括: - - - 问题来自于真实的搜索日志 - - 文章内容来自于真实网页 - - 答案由人类生成 - - 面向真实应用场景 - - 标注更加丰富细致 - -更多关于DuReader数据集的详细信息可在[DuReader官网](https://ai.baidu.com//broad/subordinate?dataset=dureader)找到。 - -同时推荐用户参考[ IPython Notebook demo](https://aistudio.baidu.com/aistudio/projectDetail/122349) - -## DuReader基线系统 - -DuReader基线系统利用[PaddlePaddle](http://paddlepaddle.org)深度学习框架,针对[DuReader阅读理解数据集](https://ai.baidu.com//broad/subordinate?dataset=dureader)实现并升级了一个经典的阅读理解模型 —— [BiDAF](https://arxiv.org/abs/1611.01603). 该基线系统相较于DuReader论文中的基线,效果上有了大幅提升(在DuReader2.0验证集、测试集的表现见下表) - -| Model | Dev ROUGE-L | Test ROUGE-L | -| :------------- | :---------: | :----------: | -| BiDAF (原始[论文](https://arxiv.org/abs/1711.05073)基线) | 39.29 | 45.90 | -| 本基线系统 | 47.68 | 54.66 | - - -# 快速开始 - -## 安装 -### 环境依赖 -经测试,基线系统可在以下环境正常运行 - - * 系统:CentOS 6.3, cuda 9.0, CuDNN 7.0 - * python 2.7.13 - * PaddlePaddle 1.3.1 - -### 安装PaddlePaddle -关于PaddlePaddle框架的安装教程,详见[PaddlePaddle官方网站](http://www.paddlepaddle.org/#quick-start)。 - -### 安装代码 -克隆工具集代码库到本地 - -```shell -git clone https://github.com/PaddlePaddle/models.git -cd models/PaddleNLP/reading_comprehension/ -``` - - -### 下载第三方依赖 -在本基线系统中,我们采用了Bleu以及Rouge-L指标作为模型的评估标准。这些指标的计算脚本位于[coco-caption](https://github.com/tylin/coco-caption), 可以通过运行以下命令进行下载 - -``` -cd utils && bash download_thirdparty.sh -``` - -## 运行 - -### 下载数据集以及模型 -为了方便开发者进行测试,我们提供了预处理(分词、计算answer span等)过后的DuReader 2.0数据集、训练好的模型参数以及词表。通过运行以下命令即可下载: - -``` -cd data && bash download.sh -``` -此外,用户还可以利用[paddlehub](https://github.com/PaddlePaddle/PaddleHub)的方式下载模型参数,例如 - -``` -hub download dureader_machine_reading-bidaf -``` - -### 段落抽取 -我们采用了一种新的段落抽取策略以提升模型在DuReader 2.0数据集上的表现(策略内容详见src/UPDATES.md)。该段落抽取策略可通过运行以下命令执行: - -``` -sh run.sh --para_extraction -``` - -请注意,在运行上面命令之前,需要先下载预处之后的DuReader 2.0数据 (见”下载数据集以及模型“章节)。段落抽取得到的结果会存放在 -`data/extracted/`文件夹中。 - -### 评估 -通过运行以下命令,开发者可以利用上面提供的模型在DuReader 2.0验证集进行评估: - -``` -sh run.sh --evaluate --load_dir ../data/saved_model --devset ../data/extracted/devset/zhidao.dev.json ../data/extracted/devset/search.dev.json -``` -在评估结束后,程序会自动计算ROUGE-L指标并显示最终结果。 - - -### 预测 -通过运行以下命令,开发者可以利用上面提供的模型在DuReader 2.0测试集进行预测: - -``` -sh run.sh --predict --load_dir ../data/saved_model --testset ../data/extracted/testset/zhidao.test.json ../data/extracted/testset/search.test.json -``` -模型预测的答案将被保存在`data/results`文件夹中。 - - -### 训练 -如果开发者希望重新训练模型参数,可以参考本章节步骤。 - -在模型训练开始之前,需要先运行以下命令来生成词表以及创建一些必要的文件夹,用于存放模型参数等: - -``` -sh run.sh --prepare --trainset ../data/extracted/trainset/zhidao.train.json ../data/extracted/trainset/search.train.json --devset ../data/extracted/devset/zhidao.dev.json ../data/extracted/devset/search.dev.json --testset ../data/extracted/testset/zhidao.test.json ../data/extracted/testset/search.test.json -``` -建立好的词表会存放在`data/vocab`文件夹中。 - -然后运行下面的命令,即可开始训练: - -``` -sh run.sh --train --pass_num 5 --trainset ../data/extracted/trainset/zhidao.train.json ../data/extracted/trainset/search.train.json --devset ../data/extracted/devset/zhidao.dev.json ../data/extracted/devset/search.dev.json -``` -以上参数配置会对模型进行5轮训练,并在每轮结束后利用验证集自动进行评估。每轮过后,程序会自动将模型参数保存到`data/models`文件夹当中,并以该轮的ID命名。 - -如果开发者需要改变模型训练时的超参数, 例如初始学习率、隐层维度等,可以通过指定以下参数来实现: - -``` -sh run.sh --train --pass_num 5 --learning_rate 0.00001 --hidden_size 100 --trainset ../data/extracted/trainset/zhidao.train.json ../data/extracted/trainset/search.train.json --devset ../data/extracted/devset/zhidao.dev.json ../data/extracted/devset/search.dev.json -``` - -更多参数配置可在`paddle/args.py`中找到。 - - -### 提交测试集结果 -当开发者通过调参、修改模型结构得到更好的结果后,可以将DuReader 2.0测试集的预测结果提交到[官网](http://ai.baidu.com/broad/submission?dataset=dureader)来进行评测。在提交结果之前,请确保以下几点: - -1. 训练已经全部结束; -2. 通过训练日志在`data/models`文件夹中选择在验证集表现最佳的模型; -3. 通过上面章节描述的方法在测试集上进行预测,并得到完整结果。 - - -# 进阶使用 -## 任务定义与建模 -阅读理解任务的输入包括: - - - 一个问题Q (已分词),例如:["明天", "的", "天气", "怎么样", "?"]; - - 一个或多个段落P (已分词),例如:[["今天", "的", "天气", "是", "多云", "转", "晴", ",", "温度", "适中", "。"], ["明天", "气温", "较为", "寒冷", ",", "请", "注意", "添加", "衣物", "。"]]。 - -模型输出包括: - - - 段落P中每个词是答案起始位置的概率以及答案结束位置的概率 (boundary model),例如:起始概率=[[0.01, 0.02, ...], [0.80, 0.10, ...]],结束概率=[[0.01, 0.02, ...], [0.01, 0.01, ...]],其中概率数组的维度和输入分词后的段落维度相同。 - -模型结构包括: - - - 嵌入层 (embedding layer):输入采用one-hot方式表示的词,得到词向量; - - 编码层 (encoding layer):对词向量进行编码,融入上下文信息; - - 匹配层 (matching layer):对问题Q和段落P之间进行匹配; - - 融合层 (fusion layer):融合匹配后的结果; - - 预测层 (output layer):预测得到起始、结束概率。 - -## 模型原理介绍 -下图显示了原始的[BiDAF](https://arxiv.org/abs/1611.01603)模型结构。在本基线系统中,我们去掉了char级别的embedding,在预测层中使用了[pointer network](https://arxiv.org/abs/1506.03134),并且参考了[R-NET](https://www.microsoft.com/en-us/research/wp-content/uploads/2017/05/r-net.pdf)中的一些网络结构。 -

-
-

- - -## 数据格式说明 -DuReader数据集中每个样本都包含若干文档(documents),每个文档又包含若干段落(paragraphs)。有关数据的详细介绍可见[官网](https://ai.baidu.com//broad/subordinate?dataset=dureader)、[论文](https://arxiv.org/abs/1711.05073)以及数据集中包含的说明文件,下面是一个来自训练集的样本示例 - -``` -{ - "documents": [ - { - "is_selected": true, - "title": "板兰根冲剂_百度百科", - "most_related_para": 11, - "segmented_title": ["板兰根", "冲剂", "_", "百度百科"], - "segmented_paragraphs": [ - ["板兰根", "冲剂", ",", "药", "名", ":", ... ], - ["【", "功效", "与", "主治", "】", ...], - ... - ], - "paragraphs": [ - "板兰根冲剂,药名...", - "【功效与主治】...", - ... - ], - "bs_rank_pos": 0 - }, - { - "is_selected": true, - "title": "长期喝板蓝根颗粒有哪些好处和坏处", - "most_related_para": 0, - "segmented_title": ["长期", "喝", "板蓝根", "颗粒", "有", "哪些", "好处", "和", "坏处"], - "segmented_paragraphs": [ - ["板蓝根", "对", "感冒", "、", "流感","、", ...], - ... - ], - "paragraphs": [ - "板蓝根对感冒、流感、流脑、...", - ... - ], - "bs_rank_pos": 1 - }, - ... - ], - "answer_spans": [[5, 28]], - "fake_answers": ["清热解毒、凉血;用于温热发热、发斑、风热感冒、咽喉肿烂、流行性乙型脑炎、肝炎、腮腺炎。"], - "question": "板蓝根颗粒的功效与作用", - "segmented_answers": [ - ["清热解毒", "、", "凉血", ";", "用于", "温", "热", "发热", ...], - ["板蓝根", "的", "用途", "不仅", "是", "治疗", "感冒", ...], - ... - ], - "answers": [ - "清热解毒、凉血;用于温热发热、发斑、风热感冒、咽喉肿烂、流行性乙型脑炎、肝炎、 腮腺炎 。", - "板蓝根的用途不仅是治疗感冒,板蓝根的功效与作用多,对多种细菌性、病毒性疾病都有较好的预防与治疗作用。", - ... - ], - "answer_docs": [0], - "segmented_question": ["板蓝根颗粒", "的", "功效", "与", "作用"], - "question_type": "DESCRIPTION", - "question_id": 91161, - "fact_or_opinion": "FACT", - "match_scores": [ - 0.9583333333333334 - ] -} -``` - - -## 目录结构 - -```text -. -├── data # 包含数据、词表、模型 (需下载) -├── README.md # 本文档 -├── src # 源码 -└── utils # 包含评测脚本 (需下载) -``` - -## 如何组建自己的模型 -开发者可以通过修改src/rc_model.py中的网络结构来组建自己的模型。 - -# 其他 - -## Copyright and License -Copyright 2017 Baidu.com, Inc. All Rights Reserved - -Licensed under the Apache License, Version 2.0 (the "License"); -you may not use this file except in compliance with the License. -You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - -Unless required by applicable law or agreed to in writing, software -distributed under the License is distributed on an "AS IS" BASIS, -WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -See the License for the specific language governing permissions and -limitations under the License. - -## 如何贡献代码 - -我们欢迎开发者向DuReader基线系统贡献代码。如果您开发了新功能,发现了bug……欢迎提交Pull request与issue到Github。 +This work has been moved to new address: [NLP](https://github.com/PaddlePaddle/Research/tree/master/NLP) diff --git a/PaddleNLP/Research/ACL2018-DuReader/data/BiDAF.png b/PaddleNLP/Research/ACL2018-DuReader/data/BiDAF.png deleted file mode 100644 index 37ec1f5d39acc7993619385b1198a76ba5994b1d..0000000000000000000000000000000000000000 Binary files a/PaddleNLP/Research/ACL2018-DuReader/data/BiDAF.png and /dev/null differ diff --git a/PaddleNLP/Research/ACL2018-DuReader/data/demo/devset/search.dev.json b/PaddleNLP/Research/ACL2018-DuReader/data/demo/devset/search.dev.json deleted file mode 100644 index 7a2f949bf95e3f05338a4a661a2c8fbf44094186..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/data/demo/devset/search.dev.json +++ /dev/null @@ -1,100 +0,0 @@ -{"documents": [{"is_selected": true, "title": "2017年好看小说排行榜_小说推荐吧_百度贴吧", "most_related_para": 0, "segmented_title": ["2017", "年", "好看", "小说", "排行榜", "_", "小说", "推荐", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["2017", "年", "好书", "排行榜", "。", "读书", "十", "几", "年", ",", "晒", "晒", "让", "我", "沉醉", "的", "那些", "书单", "本", "书单", "没有", "主次", ",", "不要", "在意", "序号", "。", "1", ".", "《", "将夜", "》", "作者", ":", "猫腻", "(", "起点", "白金", "作家", ")", "简介", ":", "与天斗", ",", "其乐无穷", "。", "故事", "概要", ":", "主角", "宁缺", "带", "着", "从", "死人", "堆", "中", "挖", "出来", "的", "小", "侍女", "桑桑", ",", "报仇雪恨", "的", "故事", "。", "推荐理由", ":", "一", ".", "文笔", "牛逼", ":", "猫腻", "的", "文", "读者", "很舒服", ",", "不喜欢", "小白文", "的", "人", "无法", "错过", "的", "好书", "。", "二", ".", "剧情", "牛逼", ":", "猫腻", "对", "文章", "的", "构思", "非常", "巧妙", ",", "不", "看到", "最后", ",", "你", "根本", "不知道", "结局", "会", "怎样", "。", "三", ".", "人物", "牛逼", ":", "莫山山", "与", "叶红鱼", ",", "是", "故事", "中", "宁缺", "的", "两位", "红颜知己", "。", "四", ".", "最后", "她们", "没有", "和", "宁缺", "走", "在一起", ",", "是", "一", "件", "自", "认为", "很遗憾", "的", "事", "。", "(", "嗯", "…", "…", "这", "是", "以", "男人", "的", "角度", "。", ")", "无法", "让", "人", "忘怀", "的", "地方", ":", "书院", "。", "书院", "有", "夫子", ",", "喜欢", "书", "中", "一句话", ",", "世间", "无", "夫子", ",", "万古", "如", "长夜", "。", "(", "希望", "没有", "记", "错", "。", ")", "书院", "有", "大师兄", ",", "大师兄", "李慢慢", "为人", "仁爱", ",", "曾", "因为", "君子", "可以", "欺", "之", "以", "方", "困扰", ",", "后", "在", "宁缺", "受到", "危险", "时", ",", "终于", "学会", "了", "杀人", "。", "书院", "有", "二师兄", ",", "二师兄", "君", "陌", ",", "一直", "以", "小", "师叔", "为", "榜样", "的", "君陌", ",", "一直", "想", "把", "号称", "天下第一", "剑", "的", "柳", "白", "斩", "于", "剑", "下", "。", "书院", "有", "三", "师姐", ",", "三", "师姐", "余帘", ",", "额", "…", "…", "突然想到", "既然", "是", "推", "书", ",", "就", "不能", "写", "太", "详细", ",", "毕竟", "透", "剧", "会", "被", "人", "弹", "丁丁", "。", "咳咳", "总而言之", ",", "这", "是", "一", "本", "不容错过", "的", "好书", "。", "2", ".", "《", "择天记", "》", "作者", ":", "猫腻", "too", "(", "嗯", "…", "…", "别误会", ",", "我", "只是", "想", "表达", "也是", "猫腻", "。", ")", "相对", "将夜", ",", "这", "是", "一", "本", "正在", "写", "的", "新书", ",", "值得一看", "。", "最近", "还在", "影视", "改编", ",", "据说", "主角", "陈长生", ",", "饰演", "是", "鹿晗", ",", "我", "也", "很", "喜欢", "鹿晗", "的", "小", "清新", ",", "但是", "我", "觉得", "演", "陈长生", "气质", "方面", "两种", "美", ",", "有点", "毁", "剧", ",", "当然", "还", "没", "上映", ",", "如此", "谈论", "未免", "为", "时尚", "早", "。", "3", ".", "《", "冒牌大英雄", "》", "作者", ":", "七", "十", "二", "编", "。", "这本书", ",", "猥琐", "流", "的", "神", "书", ",", "背景", "机甲", "宇宙", "什么", "的", "。", "写", "这本书", "的", "作者", "一", "本", "封神", ",", "所以", "这本书", "真", "的", "非常", "牛逼", "。", "而且", "这本书", "已经", "完本", "。", "喜欢", "猥琐", "流", "的", ",", "本人", "强烈推荐", "看", "这本书", ",", "超赞", "。", "4", ".", "《", "无限恐怖", "》", "作者", ":", "zhttty", "无限", "流", "开山", "之", "祖", "的", "神", "书", "。", "喜欢", "无限", "流", "的", ",", "不容错过", "。", "5", ".", "《", "恐怖", "搞", "校", "》", "作者", ":", "大宋", "红", "福", "坊", "这本书", "将", "无限", "流", "和", "校园", "相结合", ",", "非常", "有创意", "。", "6", ".", "《", "大国医", "》", "作者", ":", "美味", "宋罗汤", "这", "是", "一", "部", "历史", "类", "的", "书", ",", "也是", "我", "唯一", "看", "过", "的", "历史", "类", "。", "当然", "如果", "《", "寻秦记", "》", "算", "历史", "类", "的", ",", "那么", "这", "本", "是", "第", "二", "本", "。", "讲述", "主角", "洗", "了", "糊涂", "成为", "一", "代", "国", "医", "的", "故事", "。", "文风", "幽默风趣", ",", "很好看", "。", "红颜知己", "也", "多", ",", "啧", "啧", "。", "7", ".", "《", "龙", "魔导", "》", "作者", ":", "想", "屠神", "的", "疯子", "作品", "简洁", ":", "什么", "?", "你", "要", "考", "哈弗", "?", "当", "其他", "童鞋", "正", "忙", "备战高考", "的", "时候", "。", "李山", "已经", "学会", "了", "精神力", "的", "发散", "运用", "。", "李山", ":", "“", "高考", "很难", "么", "?", "这么多", "答案", "让", "我", "筛选", "…", "…", "”", "什么", "?", "你", "要", "结婚", "了", "?", "当", "其他", "童鞋", "正", "为", "求", "得", "白富美", "沾沾自喜", "时", "。", "李山", "在", "头疼", ",", "今天", "去", "找", "精灵", "女友", "还是", "猫女", "又", "或者", "…", "…", "李", "山", ":", "“", "不要", "这么", "看着我", ",", "我", "很", "纯洁", "的", ",", "就", "拉拉", "小", "手", "。", "”", "故事", "概述", ":", "主角", "李山", "在", "一款", "叫做", "凯撒", "大陆", "的", "游戏", "中", "赢得", "了", "一", "台", "虚拟现实", "游戏", "仓", "。", "但是", "却", "发现", "使用", "这", "台", "游戏", "仓", "后", ",", "在", "游戏", "中", "获得", "的", "属性", "加成", "竟然", "影响", "着", "现实", "世界", "。", "后来", "在", "主角", "的", "一", "再", "证实", "下", ",", "终于", "证明", "他", "参加", "的", "并", "不是", "游戏", ",", "而是", "另一个", "现实", "世界", "。", "至此", ",", "主角", "潇洒", "的", "一生", "就", "此", "起航", "。", "推荐理由", ":", "1", ".", "文笔", "不错", ",", "刻画", "生", "动", ",", "有", "将夜", "之", "风", "。", "2", ".", "人物", "不错", ",", "主角", "是", "一", "位", "拥有", "正义感", "的", "猥琐男", "。", "(", "丫", "的", "这个", "评论", "我", "笑", "了", "。", ")", "3", ".", "剧情", "不错", ",", "进展", "有些", "慢", ",", "但是", "也有", "一", "种", "娓娓道来", "的", "感觉", ",", "很喜欢", "。", "先", "推荐", "这么多", "(", "未完待续", ")"], ["大家", "喜欢", "这个", "书单", "的", "话", "就", "顶", "高高", ",", "我", "继续", "更新", ",", "哇哈哈", "哈", "。", "(", "还有许多", "珍藏", "的", "说", "~", ")"], ["我靠", ",", "我", "怎么", "看到", "写", "的", "书", "了", ",", "楼主", "慧眼", "如", "炬", ",", "我", "也", "觉得", "《", "将夜", "》", "写的不错", "。"], ["书名", ":", "《", "第", "十三", "座", "消失", "的", "城", "》", "作者", ":", "城", "渡", "文案", ":", "她", "是", "瘾", "城", "的", "守护者", ",", "也是", "半生", "花店", "的", "甩手掌柜", ",", "她", "带", "着", "花店", "四处", "游历", ",", "走", "走", "停停", ",", "为", "瘾城", "招揽", "能", "人", "异士", ",", "也", "借此", "从", "无名", "转", "而", "盛名", ",", "想起", "了", "万年", "前", "的", "记忆", ",", "重", "遇", "了", "那", "方", "幽静", "。", "她", "的", "半生", "花店", "有", "无数", "世间", "买不到", "或", "不曾", "见过", "的", "花", "种", ",", "她", "的", "花", "只", "卖给", "有缘人", "。", "来到", "她", "花店", "的", "人", "从不知", "她", "叫", "什么", ",", "只是", "世", "人", "皆", "称", "小妖", ",", "便", "以", "小妖", "之", "名", "而", "盛", ",", "皆", "不知", "她", "本为妖", ",", "数", "以", "万年", "。", "她", "总是", "淡然处之", ",", "有人", "问", "起", "她", ":", "\"", "小妖", ",", "何事", "才能", "掀起你的波澜", "?", "\"", "答", "之", ":", "”", "人生", "除", "死", "之外", ",", "一切", "都", "很简单", "。", "“", "而", "她", ",", "已死", "过", "一次", "。", "网站链接", ":", "http", ":", "/", "/", "www", ".", "s4", "yd", ".", "com", "/", "modules", "/", "article", "/", "article", "info", ".", "php", "?", "id", "=", "143"], ["这", "栋", "楼", "怎么", "可以", "塌", "了", ",", "顶", "起", ",", "吼", "嘿吼"], ["将夜", "这本书", ",", "就像", "看到", "一", "个", "漂亮", "的", "苹果", ",", "咬", "了", "一", "口", "发现", "美味", "的", "很", ",", "于是", "一", "口", "吞", "了", "剩余", "的", ",", "却", "发现", "全", "是", "虫子", "。", "文", "青", "、", "造", "作", "到", "让", "你", "反胃", ",", "为了", "凑", "字", "更", "是", "啰", "里", "啰嗦", "刻意", "拖", "慢", "剧情", "。", "这本书", "比喻", "一个人", "的", "话", ",", "就像", "一", "个", "夹", "着", "腿", "内八字", "走路", "的", "男人", ",", "简直", "倒胃口", "!"], ["这个", "贴吧", "是", "被", "腐女", "和", "基佬", "攻占", "了", "么"], ["书", "不错", "呦", ",", "还有", "没有了", "!", "!", "!", "!", "!"], ["千", "苒", "君", "笑", "的", "《", "凤求凰", "》", "就", "写", "不错", "还有", "部", "天衣有风", "写", "的", "《", "凤囚凰", "》", "这", "两", "部", "都", "可以", "看看", "个人", "比较", "喜欢"], ["继续", "前", ",", "感叹", "下", "第", "七", "本", "已经", "烂尾", "了", "…", "…", "这", "心情", "…", "…", "8", ".", "《", "寻秦记", "》", "作者", ":", "黄易", "故事", "简述", ":", "第", "一", "本", "穿越", "小说", "(", "可能", "是", "第", "二", "本", ",", "咳咳", "…", "…", "或者", "第", "三本", ",", "但", "反正", "很早", "。", ")", "讲述", "主角", "项少龙", ",", "一", "个", "特种兵", "回到", "大秦王朝", "还", "未", "统一", "天下", "的", "时候", "。", "故事", "的", "内容", "就", "如", "作者", "名字", "的", "第一个", "字", "一般", ",", "很", "x", "故事", "逻辑", "严谨", ",", "剧情", "跌宕起伏", ",", "每一个", "女主人公", "刻画", "的", "都", "非常", "深刻", "。", "9", ".", "《", "仙鸿路", "》"]], "paragraphs": ["2017年好书排行榜。读书十几年,晒晒让我沉醉的那些书单本书单没有主次,不要在意序号。1.《将夜》 作者:猫腻(起点白金作家) 简介:与天斗,其乐无穷。 故事概要: 主角宁缺带着从死人堆中挖出来的小侍女桑桑,报仇雪恨的故事。 推荐理由:一.文笔牛逼:猫腻的文读者很舒服,不喜欢小白文的人无法错过的好书。二.剧情牛逼:猫腻对文章的构思非常巧妙,不看到最后,你根本不知道结局会怎样。三.人物牛逼:莫山山与叶红鱼,是故事中宁缺的两位红颜知己。四.最后她们没有和宁缺走在一起,是一件自认为很遗憾的事。(嗯……这是以男人的角度。)无法让人忘怀的地方:书院。 书院有夫子,喜欢书中一句话,世间无夫子,万古如长夜。(希望没有记错。) 书院有大师兄,大师兄李慢慢为人仁爱,曾因为君子可以欺之以方困扰,后在宁缺受到危险时,终于学会了杀人。 书院有二师兄,二师兄君陌,一直以小师叔为榜样的君陌,一直想把号称天下第一剑的柳白斩于剑下。书院有三师姐,三师姐余帘,额……突然想到既然是推书,就不能写太详细,毕竟透剧会被人弹丁丁。咳咳总而言之,这是一本不容错过的好书。 2.《择天记》 作者:猫腻too(嗯……别误会,我只是想表达也是猫腻。) 相对将夜,这是一本正在写的新书,值得一看。 最近还在影视改编,据说主角陈长生,饰演是鹿晗,我也很喜欢鹿晗的小清新,但是我觉得演陈长生气质方面两种美,有点毁剧,当然还没上映,如此谈论未免为时尚早。 3.《冒牌大英雄》 作者:七十二编。这本书,猥琐流的神书,背景机甲宇宙什么的。写这本书的作者一本封神,所以这本书真的非常牛逼。而且这本书已经完本。喜欢猥琐流的,本人强烈推荐看这本书,超赞。 4.《无限恐怖》 作者:zhttty 无限流开山之祖的神书。 喜欢无限流的,不容错过。 5.《恐怖搞校》作者:大宋红福坊这本书将无限流和校园相结合,非常有创意。 6.《大国医》 作者:美味宋罗汤 这是一部历史类的书,也是我唯一看过的历史类。 当然如果《寻秦记》算历史类的,那么这本是第二本。 讲述主角洗了糊涂成为一代国医的故事。 文风幽默风趣,很好看。 红颜知己也多,啧啧。 7.《龙魔导》 作者:想屠神的疯子 作品简洁:什么?你要考哈弗? 当其他童鞋正忙备战高考的时候。 李山已经学会了精神力的发散运用。李山:“高考很难么?这么多答案让我筛选……” 什么?你要结婚了? 当其他童鞋正为求得白富美沾沾自喜时。 李山在头疼,今天去找精灵女友还是猫女又或者…… 李山:“不要这么看着我,我很纯洁的,就拉拉小手。”故事概述:主角李山在一款叫做凯撒大陆的游戏中赢得了一台虚拟现实游戏仓。但是却发现使用这台游戏仓后,在游戏中获得的属性加成竟然影响着现实世界。后来在主角的一再证实下,终于证明他参加的并不是游戏,而是另一个现实世界。至此,主角潇洒的一生就此起航。 推荐理由:1.文笔不错,刻画生动,有将夜之风。2.人物不错,主角是一位拥有正义感的猥琐男。(丫的这个评论我笑了。)3.剧情不错,进展有些慢,但是也有一种娓娓道来的感觉,很喜欢。 先推荐这么多(未完待续)", "大家喜欢这个书单的话就顶高高,我继续更新,哇哈哈哈。(还有许多珍藏的说~)", "我靠,我怎么看到写的书了,楼主慧眼如炬,我也觉得《将夜》写的不错。", "书名:《第十三座消失的城》作者:城渡文案:她是瘾城的守护者,也是半生花店的甩手掌柜,她带着花店四处游历,走走停停,为瘾城招揽能人异士,也借此从无名转而盛名,想起了万年前的记忆,重遇了那方幽静。 她的半生花店有无数世间买不到或不曾见过的花种,她的花只卖给有缘人。来到她花店的人从不知她叫什么,只是世人皆称小妖,便以小妖之名而盛,皆不知她本为妖,数以万年。 她总是淡然处之,有人问起她:\"小妖,何事才能掀起你的波澜?\" 答之:”人生除死之外,一切都很简单。“而她,已死过一次。网站链接:http://www.s4yd.com/modules/article/articleinfo.php?id=143", "这栋楼怎么可以塌了,顶起,吼嘿吼", "将夜这本书,就像看到一个漂亮的苹果,咬了一口发现美味的很,于是一口吞了剩余的,却发现全是虫子。文青、造作到让你反胃,为了凑字更是啰里啰嗦刻意拖慢剧情。这本书比喻一个人的话,就像一个夹着腿内八字走路的男人,简直倒胃口!", "这个贴吧是被腐女和基佬攻占了么", "书不错呦,还有没有了!!!!!", "千苒君笑的《凤求凰》就写不错还有部天衣有风写的《凤囚凰》这两部都可以看看个人比较喜欢", "继续前,感叹下第七本已经烂尾了……这心情……8.《寻秦记》作者:黄易故事简述:第一本穿越小说(可能是第二本,咳咳……或者第三本,但反正很早。)讲述主角项少龙,一个特种兵回到大秦王朝还未统一天下的时候。故事的内容就如作者名字的第一个字一般,很x故事逻辑严谨,剧情跌宕起伏,每一个女主人公刻画的都非常深刻。9.《仙鸿路》"], "bs_rank_pos": 0}, {"is_selected": false, "title": "小说排行榜,小说排行榜2017前十名-搜狗小说", "most_related_para": 0, "segmented_title": ["小说", "排行榜", ",", "小说", "排行榜", "2017", "前十名", "-", "搜狗", "小说"], "segmented_paragraphs": [["玄幻小说", "排行榜", "奇幻小说", "排行榜", "武侠小说", "排行榜", "仙侠", "小说", "排行榜", "都市", "小说", "排行榜", "悬疑小说", "排行榜", "游戏", "小说", "排行榜", "竞技", "小说", "排行榜", "历史小说", "排行榜", "军事", "小说", "排行榜", "科幻小说", "排行榜", "灵异小说", "排行榜", "古言", "小说", "排行榜", "言情小说", "排行榜", "穿越", "小说", "排行榜", "总裁", "小说", "排行榜", "青春", "小说", "排行榜", "耽美小说", "排行榜"]], "paragraphs": ["玄幻小说排行榜 奇幻小说排行榜 武侠小说排行榜 仙侠小说排行榜 都市小说排行榜 悬疑小说排行榜 游戏小说排行榜 竞技小说排行榜 历史小说排行榜 军事小说排行榜 科幻小说排行榜 灵异小说排行榜 古言小说排行榜 言情小说排行榜 穿越小说排行榜 总裁小说排行榜 青春小说排行榜 耽美小说排行榜"], "bs_rank_pos": 1}, {"is_selected": true, "title": "2017最好看的穿越小说 穿越小说排行榜前10名", "most_related_para": 1, "segmented_title": ["2017", "最", "好看", "的", "穿越", "小说", "穿越", "小说", "排行榜", "前", "10", "名"], "segmented_paragraphs": [["近年来", ",", "穿越", "小说", "、", "穿越", "剧", "以", "时尚", "、", "前卫", "的", "姿态", "进入", "到", "公众", "的", "视野", "当", "中", ",", "并且", "席卷", "了", "中国", "的", "电视荧屏", ",", "形成", "一", "股", "强烈", "的", "“", "穿越", "”", "之", "风", "。", "这么多", "的", "穿越", "小说", "中", ",", "好看", "的", "完结", "穿越", "小说", "有", "哪些", "?", "以下", "是", "小", "编", "推荐", "给", "大家", "的", "关于", "2017", "最", "好看", "的", "穿越", "小说", ",", "来", "看看", "有没有", "你", "喜欢", "的", "吧", "!"], ["一", ":", "【", "我们", "住", "在一起", "】", "投资银行", "的", "简称", ",", "并", "不是", "真", "的", "银行", ",", "是", "券商", "的", "说", ",", "一般", "就是", "给", "一些", "发展", "还不错", "的", "公司", "做", "做", "上市", "啦", "、", "再融资", "啦", "、", "发行债券", "啦", "、", "并购重组", "啦", "之类", "的", "玩意儿", ",", "包括", "了", "北漂", ",", "合租", ",", "职场", "(", "投行", ")", ",", "隐身", "富二代", ",", "女", "菜鸟", "变", "业务", "精英", "等", "职业", "。", "二", ":", "【", "月", "都", "花", "落", ",", "沧海", "花开", "】", "作者", ":", "君子", "以", "泽", "此", "书", "古风", "韵味", "十足", ",", "像", "是", "一", "部", "“", "诗", "作", "”", "。", "结局", "中性", ",", "不喜", "也", "不", "悲", ",", "却", "让", "人", "哭", "得", "眼", "肿", "。", "明月", "和", "沧海", "相互", "倾慕", ",", "却", "只能", "遥遥", "相望", ",", "真真", "让", "人", "唏嘘", "。", "薇薇", "最后", "闭", "眼前", "看到", "自己", "变", "年轻", "又", "见到", "师尊", "的", "幻境", ",", "兴", "许", "也是", "薇薇", "和", "胤", "泽", "互相", "的", "思念", "而", "产生", "的", "。", "期待", "薇薇", "胤", "泽", "来世", "再续前缘", ",", "期待", "沧海", "的", "花", "快", "开", "。", "三", ":", "【", "天", "定", "风", "华", "】", "作者", ":", "天下", "归元", "【", "天", "定", "风华", "】", "1", "、", "2", "、", "3", "讲述", "的", "是", "君珂", "的", "故事", ",", "又", "名", "【", "天", "定", "风流", "】", ",", "【", "千金笑", "】", "。", "【", "天", "定", "风", "华", "】", "4", "、", "5", "、", "6", "讲述", "的", "是", "太史", "阑", "的", "故事", ",", "又", "名", "【", "凤", "倾", "天", "阑", "】", "。", "君珂", "与", "太史", "阑", "为", "好友", ",", "同时", "穿越", ",", "降落", "地点", "不同", ",", "穿越后", "10", "年", "两", "人才", "相遇", "。", "典型", "的", "穿越", "剧", ",", "精彩", "又", "好看", "。", "四", ":", "【", "寻找爱情", "的", "邹", "小姐", "】", "作者", ":", "匪我思存", "重量级", "言情", "作家", "匪我思存", "的", "大", "作", "【", "寻找爱情", "的", "邹", "小姐", "】", "延续", "其一", "贯", "的", "“", "虐恋", "”", "风格", ",", "讲述", "了", "一", "堆", "都市", "爱人", "的", "苦", "情", "恋", "。", "作品", "中", "的", "故事", "经历", "跌宕起伏", ",", "主人公", "更", "是", "命运多舛", ",", "其中", "的", "爱情故事", "更", "是", "有很多", "传奇", "的", "结局", "。", "每", "一", "对", "恋人", "的", "爱情", "都是", "不一样", "的", ",", "都是", "独一无二", "的", ",", "每个", "人", "只有", "在", "自己", "的", "感情", "里", "才能", "有", "自己", "真实", "的", "感受", "。", "只要心中有爱", ",", "爱", "就", "无处不在", "。", "就像", "书", "中", "表达", "的", ",", "我们", "为了爱", "奔波", "劳碌", ",", "甚至", "终", "其", "一生", "的", "追求", "爱情", ",", "然而", "在", "百转千回", "、", "峰回路转", "之后", ",", "我们", "期许", "的", "爱情", "其实", "一直", "在", "那里", "。"], ["五", ":", "【", "应许之日", "】"], ["作者", ":", "辛夷坞"], ["【", "应许之日", "】", "是", "以", "封澜", "这", "一", "大龄", "女", "起伏", "不断", "的", "生活", "为", "主线", "展开", "的", "描述", "。", "封澜", "和", "她", "的", "男友", "分手之前夕", "迎来", "的", "是", "男友", "和", "其他", "女人", "的", "结婚请柬", "。", "然而", "作为", "一", "个", "餐厅", "的", "老板娘", ",", "封澜", "竟然", "喜欢", "上", "餐厅", "里", "的", "服务员", "丁", "小野", ",", "然而", "丁小野", "也", "不爱", "她", ",", "他", "是", "一", "个", "猎手", ",", "亲", "手", "捕获", "鲜活", "的", "猎物", ",", "封澜", "就是", "他", "的", "猎物", "。", "而", "读完", "【", "应许之日", "】", ",", "并没有", "阴险", ",", "没有", "所谓", "的", "捕获", ",", "而是", "有", "一", "种", "很", "暖", "的", "感觉", "。", "作者", "辛夷坞", "尝试", "过", "多", "种", "风格", "的", "写作", ",", "而", "此", "部", "【", "应许之日", "】", "更", "是", "一", "部", "献给", "每个", "为爱执着", "人", "的", "一", "大力", "作", "。"], ["六", ":", "【", "星光", "的", "彼端", "】"], ["作者", ":", "青罗扇子"], ["范冰冰", "说", ",", "一个人", "的", "诋毁", "和", "赞美", "同样", "多", ";", "千颂伊", ",", "不会", "陷入", "嫉妒", "的", "深渊", ",", "不会", "自己", "落水", "了", "还要", "拉", "上", "别人", "共同", "踏入", "泥潭", "。", "深谙", "电影", "与", "文学", "中国", "女作家", "青罗扇子", ",", "文风", "以", "大气", "励志", ",", "时尚", "深刻", ",", "【", "星光", "的", "彼端", "】", "也", "正", "是", "延续", "了", "这样", "的", "文风", ",", "并且", "文", "中", "多", "体现", "的", "是", "如何", "真正", "理解", "爱", ",", "如何", "去", "爱", "别人", "。", "文", "中", "主人公", "宋", "微", "与", "黄锦立", "两人", "之间", "爱", "恨", "纠结", ",", "涉及", "名利", "、", "事业", "、", "女性", "自立自强", "。", "“", "一个女人", "只", "会", "伤心", "三", "次", "。", "第一次", ",", "她", "想要", "的", "是", "他", "的", "爱", ",", "但", "不", "被", "公平对待", ";", "第二次", ",", "她", "退", "而", "求", "其次", ",", "只", "想要", "一", "份", "尊重", ",", "却", "被", "践踏", "努力", ";", "到", "了", "第三次", ",", "她", "已经", "什么", "都", "想", "不要", "了", "—", "—", "因为", "这次", ",", "她", "只", "为", "自己", "加冕", "为", "王", "。", "多么", "富有", "哲理", "。", "一", "个", "不", "懂得", "如何", "去", "爱", "的", "人", ",", "是否", "还能", "有", "机会", "再爱一", "次", "?", "青罗扇子", "说", ":", "有时", "爱", "一个人", ",", "不是", "因为", "他", "给", "了", "你", "幻想", ",", "而是", "你", "明白", "了", "自己", "的", "尊严", "与", "骄傲", "。"], ["七", ":", "【", "他来了", ",", "请闭眼", "】"], ["在", "继", "【", "如果", "蜗牛", "有", "爱情", "】", "之后", ",", "此", "部", "作品", "是", "丁墨", "再次", "创作", "出", "的", "超人气", "甜蜜爱情故事", ",", "作为", "网络写手", ",", "他", "独特", "的", "甜", "宠", "悬", "爱", "风格", "吸引", "了", "一大批", "读者", ",", "其", "文", "思", "巧妙", "、", "其", "开篇", "就", "给", "人", "一", "种", "【", "神探", "夏洛克", "】", "的", "感觉", ",", "因为", "薄靳言", "和", "傅子遇", "丝毫", "不", "逊", "于", "卷福", "和", "花生", "。", "作品", "中", "对", "大神", "薄", "小猫", "才华横溢", "与", "智慧", "过人", "的", "描写", "以及", "其", "骄傲", "、", "盛气凌人", "的", "描写", "固然", "入木三分", ",", "情绪", "与", "性格", "等", "内在", "描写", "非常", "到位", ",", "但是", ",", "在", "看", "过", "作品", "后", "最", "让", "人", "动", "容", "的", "是", "大神", "对", "瑶瑶", "毫无保留", "的", "、", "纯真", "热烈", "的", "、", "至死不渝", "的", "爱", "。"], ["八", ":", "【", "何以笙箫默", "】"], ["电视剧", "的", "热播", "让", "这部", "剧", "面向", "了", "更多", "人群", ",", "此", "剧", "的", "原著", "小说", "感觉", "名字", "深奥", "而又", "极", "富", "玄机", ",", "蕴含", "着", "何以", "琛", "对", "默", "笙", "没有", "说", "出口", "的", "爱恋", "。", "在", "小说", "里", ",", "默", "笙", "的", "名字", "来自", "徐志摩", "的", "【", "再别康桥", "】", ",", "而", "默", "笙", ",", "可", "理解", "为", "沉默", "的", "箫", "笙", ",", "也", "代表", "着", "默默", "的", "爱意", "。", "小说", "从头", "看到", "尾", "或许", "会", "感觉", "这个故事", "很", "老", "套", ",", "但是", "却", "真正", "体现", "了", "有些", "事情", "只能", "意", "会", "不能", "言", "传", "。", "只有", "真正", "理解", "了", "主人公", "之间", "的", "感情", ",", "才", "觉得", "即便", "老", "套", "的", "故事", "也", "能", "体现", "出", "不一样", "的", "内心深处", "的", "感情", "。"], ["九", ":", "【", "岁月", "是", "朵", "双生花", "】"], ["作者", ":", "唐七", "公子"], ["读", "唐七", "的", "小说", ",", "往往", "在", "一开始", "找不到", "感觉", ",", "似乎", "它", "并", "不是", "多么", "的", "引人入胜", ",", "还", "感觉", "作者", "的", "描写", "非常", "啰嗦", ",", "但是", ",", "伴随", "着", "阅读", "的", "深入", "却", "会", "感觉", "此", "书", "越来越", "有意思", ",", "是", "一", "部", "非常不错", "的", "作品", "。", "该", "小说", "通过", "讲述", "女主角", "怀孕", "以后", ",", "由于", "车祸", "问题", "失忆", "了", "的", "故事", "。", "女主人公", "在", "失忆", "以后", "有", "了", "新", "的", "喜欢", "的", "人", ",", "但", "并没有", "得到", "。", "她", "有", "一", "个", "非常", "可爱", "的", "孩子", ",", "但是", "在", "发生车祸", "失忆", "之后", "却", "不记得", "孩子", "的", "爸爸", "。", "经过", "很多", "波折", ",", "小说", "有", "了", "一", "个", "完满", "的", "结局", "那", "便是", "主人公", "原来", "的", "爱人", "和", "记忆", "都", "回来", "了", "。"], ["十", ":", "【", "夏有乔木", "雅望", "天堂", "】"], ["籽月", "总是", "把", "爱情", "写", "得", "如此", "之", "抵死", "纠缠", ",", "甚至", "感觉", "残忍", "不堪", ",", "正", "因为", "其", "残忍", ",", "其", "结局", "的", "不", "完美", ",", "才", "容易", "引起", "人们", "的", "深思", "。", "在", "小说", "中", ",", "每", "一", "个人", "都", "付之一炬", ",", "最后", "全部", "坍塌", "。", "正", "因为", "此", ",", "所谓", "的", "爱", "坍塌", "了", "、", "信仰", "坍塌", "了", ",", "甚至", "付出", "了", "生命", "。", "一直以来", ",", "籽月", "作为", "国内", "一线", "青春", "畅销书", "的", "新锐作家", ",", "最", "擅长", "用", "最", "朴实", "的", "文字", "来", "塑造", "丰满", "的", "人物", "形象", ",", "她", "让", "我们", "感觉", "青春", "要", "用", "最", "真挚", "的", "情感", "来", "纪念", "。", "此", "小说", "非常", "值得", "一遍", "遍", "的", "去", "阅读", ",", "因为", "每", "一遍", "都", "有", "不同", "的", "感受", ",", "甚至", "读", "过后", "的", "感动", "会", "让", "人", "泣不成声", "。"], ["十一", ":", "【", "忘川", "】"], ["此时", "在", "经过", "作者", "时", "隔", "六", "年", "的", "创作", "之后", "中", "终于", "完结", ",", "这", "是", "一", "部", "持续", "了", "六", "年", "的", "武林传奇", ",", "而", "作者", "顶着", "的", "“", "武侠", "言情", "天后", "”", "的", "标签", ",", "笑", "言", ":", "“", "纯粹", "是", "为了", "图书", "上架", "时", "方便", "分类", "而已", "。", "【", "忘川", "】", "承载", "了", "太多", "作者", "与", "读者", "的", "期待", ",", "该", "作品", "的", "诞生", "也", "极", "具", "戏剧性", "。"], ["十二", ":", "【", "满满", "都是", "我", "对你的爱", "】"], ["作者", ":", "顾西爵"], ["【", "满满", "都是", "我", "对你的爱", "】", "里", "的", "一些", "小", "段子", "便", "足以", "让", "网友", "为", "之", "疯狂", ",", "被", "万千", "网友", "誉为", "\"", "最萌", "最", "有", "爱", ",", "百", "看", "而", "不", "厌", "\"", "。", "【", "满满", "都是", "我", "对你的爱", "】", "最早", "是", "在", "2013", "年", "7", "月", "中旬", "第一次", "登载", ",", "便", "产生", "了", "超强", "的", "口碑", "效应", ",", "所以", "辛夷坞", "在", "读", "了", "本书", "后", "欢笑", "推荐", ",", "和", "安东尼", "【", "这些", "都是", "你", "给", "我", "的", "爱", "】", "一样", "温暖", "有", "爱", "。"], ["十三", ":", "【", "欢喜记", "】"], ["作者", ":", "石头与水"], ["与", "【", "千金记", "】", "是", "姐妹", "篇", ",", "此", "小说", "说明", "了", "一", "个", "很重要", "的", "道理", "便是", "可怜", "之", "人", "必", "有", "可恨", "之", "处", "。", "因为", "憋屈", "而", "死", "的", "赵长卿", "在", "重生", "之", "际", ",", "下定决心", "决定", "不再", "活", "的", "那样", "令人", "可怜", "可恨", "了", "。", "此", "文", "依然", "是", "深受", "读者", "喜爱", "的", "重生", "文", ",", "依然", "是", "以", "东穆江山", "为", "背景", "。"], ["十四", ":", "【", "金陵", "春", "】"], ["周少瑾", "重生", "了", ",", "前世", "背叛", "她", "的", "表哥", "程", "辂", "自然", "被", "三振出局", "了", ",", "可", "她", "还有", "程", "许", ",", "程", "诣", ",", "程", "举", "等", "许多", "个", "表哥", "…", "…", "这", "是", "个", "我", "与", "程", "家", "不得不说的故事", "!", "只", "看", "内容简介", "便", "知道", "此", "书", "又", "是", "一", "个", "重生", "的", "故事", ",", "重生", "的", "故事", "不管", "如何", "描述", "总是", "引来", "好奇", "的", "读者", "一", "观", "。"]], "paragraphs": ["近年来,穿越小说、穿越剧以时尚、前卫的姿态进入到公众的视野当中,并且席卷了中国的电视荧屏,形成一股强烈的“穿越”之风。这么多的穿越小说中,好看的完结穿越小说有哪些?以下是小编推荐给大家的关于2017最好看的穿越小说,来看看有没有你喜欢的吧!", "一: 【我们住在一起】 投资银行的简称,并不是真的银行,是券商的说,一般就是给一些发展还不错的公司做做上市啦、再融资啦、发行债券啦、并购重组啦之类的玩意儿,包括了北漂,合租,职场(投行),隐身富二代,女菜鸟变业务精英等职业。 二: 【月都花落,沧海花开】 作者:君子以泽 此书古风韵味十足,像是一部“诗作”。结局中性,不喜也不悲,却让人哭得眼肿。明月和沧海相互倾慕,却只能遥遥相望,真真让人唏嘘。薇薇最后闭眼前看到自己变年轻又见到师尊的幻境,兴许也是薇薇和胤泽互相的思念而产生的。期待薇薇胤泽来世再续前缘,期待沧海的花快开。 三: 【天定风华】 作者:天下归元 【天定风华】1、2、3讲述的是君珂的故事,又名【天定风流】,【千金笑】。【天定风华】4、5、6讲述的是太史阑的故事,又名【凤倾天阑】。君珂与太史阑为好友,同时穿越,降落地点不同,穿越后10年两人才相遇。典型的穿越剧,精彩又好看。 四: 【寻找爱情的邹小姐】 作者: 匪我思存 重量级言情作家匪我思存的大作【寻找爱情的邹小姐】延续其一贯的“虐恋”风格,讲述了一堆都市爱人的苦情恋。作品中的故事经历跌宕起伏,主人公更是命运多舛,其中的爱情故事更是有很多传奇的结局。每一对恋人的爱情都是不一样的,都是独一无二的,每个人只有在自己的感情里才能有自己真实的感受。只要心中有爱,爱就无处不在。就像书中表达的,我们为了爱奔波劳碌,甚至终其一生的追求爱情,然而在百转千回、峰回路转之后,我们期许的爱情其实一直在那里。", "五: 【应许之日】", "作者: 辛夷坞", "【应许之日】是以封澜这一大龄女起伏不断的生活为主线展开的描述。封澜和她的男友分手之前夕迎来的是男友和其他女人的结婚请柬。然而作为一个餐厅的老板娘,封澜竟然喜欢上餐厅里的服务员丁小野,然而丁小野也不爱她,他是一个猎手,亲手捕获鲜活的猎物,封澜就是他的猎物。而读完【应许之日】,并没有阴险,没有所谓的捕获,而是有一种很暖的感觉。作者辛夷坞尝试过多种风格的写作,而此部【应许之日】更是一部献给每个为爱执着人的一大力作。", "六: 【星光的彼端】", "作者: 青罗扇子", "范冰冰说,一个人的诋毁和赞美同样多;千颂伊,不会陷入嫉妒的深渊,不会自己落水了还要拉上别人共同踏入泥潭。深谙电影与文学中国女作家青罗扇子,文风以大气励志,时尚深刻,【星光的彼端】也正是延续了这样的文风,并且文中多体现的是如何真正理解爱,如何去爱别人。文中主人公宋微与黄锦立两人之间爱恨纠结,涉及名利、事业、女性自立自强。“一个女人只会伤心三次。第一次,她想要的是他的爱,但不被公平对待;第二次,她退而求其次,只想要一份尊重,却被践踏努力;到了第三次,她已经什么都想不要了——因为这次,她只为自己加冕为王。多么富有哲理。一个不懂得如何去爱的人,是否还能有机会再爱一次?青罗扇子说:有时爱一个人,不是因为他给了你幻想,而是你明白了自己的尊严与骄傲。", "七: 【他来了,请闭眼】", "在继【如果蜗牛有爱情】之后,此部作品是丁墨再次创作出的超人气甜蜜爱情故事,作为网络写手,他独特的甜宠悬爱风格吸引了一大批读者,其文思巧妙、其开篇就给人一种【神探夏洛克】的感觉,因为薄靳言和傅子遇丝毫不逊于卷福和花生。作品中对大神薄小猫才华横溢与智慧过人的描写以及其骄傲、盛气凌人的描写固然入木三分,情绪与性格等内在描写非常到位,但是,在看过作品后最让人动容的是大神对瑶瑶毫无保留的、纯真热烈的、至死不渝的爱。", "八: 【何以笙箫默】", "电视剧的热播让这部剧面向了更多人群,此剧的原著小说感觉名字深奥而又极富玄机,蕴含着何以琛对默笙没有说出口的爱恋。在小说里,默笙的名字来自徐志摩的【再别康桥】 ,而默笙,可理解为沉默的箫笙,也代表着默默的爱意。小说从头看到尾或许会感觉这个故事很老套,但是却真正体现了有些事情只能意会不能言传。只有真正理解了主人公之间的感情,才觉得即便老套的故事也能体现出不一样的内心深处的感情。", "九: 【岁月是朵双生花】", "作者: 唐七公子", "读唐七的小说,往往在一开始找不到感觉,似乎它并不是多么的引人入胜,还感觉作者的描写非常啰嗦,但是,伴随着阅读的深入却会感觉此书越来越有意思,是一部非常不错的作品。该小说通过讲述女主角怀孕以后,由于车祸问题失忆了的故事。女主人公在失忆以后有了新的喜欢的人,但并没有得到。她有一个非常可爱的孩子,但是在发生车祸失忆之后却不记得孩子的爸爸。经过很多波折,小说有了一个完满的结局那便是主人公原来的爱人和记忆都回来了。", "十: 【夏有乔木 雅望天堂】", "籽月总是把爱情写得如此之抵死纠缠,甚至感觉残忍不堪,正因为其残忍,其结局的不完美,才容易引起人们的深思。在小说中,每一个人都付之一炬,最后全部坍塌。正因为此,所谓的爱坍塌了、信仰坍塌了,甚至付出了生命。一直以来,籽月作为国内一线青春畅销书的新锐作家,最擅长用最朴实的文字来塑造丰满的人物形象,她让我们感觉青春要用最真挚的情感来纪念。此小说非常值得一遍遍的去阅读,因为每一遍都有不同的感受,甚至读过后的感动会让人泣不成声。", "十一: 【忘川】", "此时在经过作者时隔六年的创作之后中终于完结,这是一部持续了六年的武林传奇,而作者顶着的“武侠言情天后”的标签,笑言:“纯粹是为了图书上架时方便分类而已。【忘川】承载了太多作者与读者的期待,该作品的诞生也极具戏剧性。", "十二: 【满满都是我对你的爱】", "作者: 顾西爵", "【满满都是我对你的爱】里的一些小段子便足以让网友为之疯狂,被万千网友誉为\"最萌最有爱,百看而不厌\"。【满满都是我对你的爱】最早是在2013年7月中旬第一次登载,便产生了超强的口碑效应,所以辛夷坞在读了本书后欢笑推荐,和安东尼【这些都是你给我的爱】一样温暖有爱。", "十三: 【欢喜记】", "作者: 石头与水", "与【千金记】是姐妹篇,此小说说明了一个很重要的道理便是可怜之人必有可恨之处。因为憋屈而死的赵长卿在重生之际,下定决心决定不再活的那样令人可怜可恨了。此文依然是深受读者喜爱的重生文,依然是以东穆江山为背景。", "十四: 【金陵春】", "周少瑾重生了,前世背叛她的表哥程辂自然被三振出局了,可她还有程许,程诣,程举等许多个表哥……这是个我与程家不得不说的故事!只看内容简介便知道此书又是一个重生的故事,重生的故事不管如何描述总是引来好奇的读者一观。"], "bs_rank_pos": 4}, {"is_selected": true, "title": "2017年第一季,超好看的小说大盘点", "most_related_para": 16, "segmented_title": ["2017", "年", "第一季", ",", "超", "好看", "的", "小说", "大盘点"], "segmented_paragraphs": [["文章", "阅读"], ["2017", "年", "的", "第", "一季度", "刚刚", "过去", ",", "大家", "在", "这", "三个月", "里", "有", "读", "到", "什么", "好书", "吗", "?", "培根", "曾", "说过", ":", "“", "孤独寂寞", "时", ",", "阅读", "可以", "消遣", "。", "高谈阔论", "时", ",", "知识", "可", "供", "装饰", "。", "处世行", "事", "时", ",", "知识", "意味着", "才", "干", "。", "”", "不", "论", "你", "是", "一", "个", "尚且", "在", "学海", "中", "遨游", "的", "学生", ",", "还是", "一", "个", "已经", "工作", "多", "年", "的", "成熟", "社会人", ",", "读书", "从来", "不", "该", "带有", "功利", "的", "意味", ",", "而是", "该", "从", "中", "看到", "世界", "万事万物", "的", "运行", "轨迹", ",", "也", "该", "从", "中", "体味", "生活", "和", "成长", "进步", "。"], ["一年", "的", "52", "周", "里", ",", "即使", "每周", "坚持", "阅读", "一", "本", "书", ",", "总共", "也", "不过", "52", "本", "而已", ",", "更", "遑论", "现代人", "一直", "有着", "拖延症", "的", "通病", ",", "我们", "阅读", "的", "书籍", "实在", "太", "少", "了", "。", "在", "浩如烟海", "的", "出版物", "之", "中", ",", "小", "编", "为你", "精心挑选", "了", "几", "本", "极", "富", "趣味性", "、", "又", "不", "乏", "内涵", "的", "小说", ",", "希望能够", "让", "各位", "在", "有限", "的", "阅读", "时间", "里", "享受", "到", "更多", "的", "乐趣", "。"], ["《", "大唐", "悬疑", "录", ":", "长恨歌", "密码", "》", "by", ":", "唐隐"], ["作品简介", ":", "杨贵妃", "究竟", "死于", "马嵬驿", ",", "还是", "逃生", "日本", "?"], ["大", "诗人", "白居易", "根据", "杨贵妃", "的", "秘闻", "写", "就", "名篇", "《", "长恨歌", "》", ",", "不", "想", "竟", "引来", "杀身之祸", "。", "各", "路", "僧", "、", "道", "、", "官", "、", "匪", "先后", "出", "动", ",", "齐齐", "盯上", "了", "《", "长恨歌", "》", "中", "的", "明", "文", "暗码", "…", "…"], ["推荐理由", ":", "《", "大唐", "悬疑", "录", "》", "系列", "中", ",", "女神探", "裴", "玄", "静", "踏入", "了", "一", "个", "关乎", "国家", "兴衰", "的", "阴谋", "杀局", "之", "中", ",", "她", "历", "经", "艰辛", ",", "只", "为", "找到", "最终", "的", "真相", "。", "她", "曾", "说", "“", "身为", "大唐", "的", "子", "民", ",", "我知道", "大唐", "的", "荣光", "从来", "不是", "幻觉", "。", "我相信", ",", "并且", "愿意", "用", "生命", "去", "维护", "它", "”", "。"], ["这个", "故事", "中", "有", "为了", "天下人", "至死不渝", "的", "信仰", ",", "有", "为了", "爱人", "出生入死", "的", "爱情", ",", "有", "为了", "友人", "以", "一", "己", "之", "力", "对抗", "朝廷", "的", "大义", ",", "也有", "一", "个", "繁华落尽", "、", "残阳如血", "的", "大唐", ",", "推理", "解谜", "的", "同时", ",", "也", "展现", "了", "说", "不", "尽", "的", "人间", "百态", "、", "道", "不完", "的", "苦乐", "辛酸", "。"], ["《", "风雪", "追击", "》", "by", ":", "东野圭吾"], ["作品简介", ":", "以", "暴风雪", "中", "的", "滑雪场", "为", "背景", ",", "讲述", "一", "个", "突然", "被", "指", "认为", "杀人", "凶手", "的", "男孩", ",", "为了", "洗", "清", "嫌疑", "而", "进行", "自救", "的", "故事", "。", "作者", "将", "缜密", "的", "故事", "逻辑与", "快节奏", "的", "滑板", "运动", "结合起来", ",", "带来", "一", "种", "奇特", "的", "、", "充满", "紧张", "感", "的", "阅读", "体验", "。", "没有", "血腥", "暴力", ",", "却", "让", "人", "陷入", "人性", "的", "思考", ",", "直", "戳", "人心", ":", "如果有一天", ",", "毫无", "征兆", "地", "被指控", "为", "凶手", ",", "你", "该", "怎么办", "?"], ["推荐理由", ":", "东野圭吾", "毫无", "争议", "是", "中国", "读者", "最", "为", "喜爱", "的", "悬疑", "大师", ",", "但", "看", "图书", "销售", "网站", "排行榜", "上", "永远", "挂", "着", "他", "一", "本", "又", "一", "本", "的", "小说", "便", "可", "下", "此", "结论", "。", "也许", "东野圭吾", "的", "文笔", "不是", "最佳", ",", "也许", "他", "的", "推理", "剧情", "显得", "过于简单", ",", "但", "他", "着", "实", "是", "一", "个", "讲故事", "的", "高手", ",", "他", "的", "书", "简单", "易", "看", ",", "真", "真正", "正", "称得上", "是", "让", "人", "想", "一口气", "看", "完", "的", "小说", ",", "无疑", "会", "给", "读者", "带来", "畅快淋漓", "的", "阅读", "体验", "。"], ["《", "草原", "动物园", "》", "by", ":", "马伯庸"], ["作品简介", ":", "这", "是", "一", "位", "传教士", "带", "着", "“", "半", "个", "动物园", "”", "勇闯", "蒙古草原", "的", "奇幻故事", "。", "光绪", "末", "年", ",", "在", "京城", "的", "美国", "传教士", "柯", "罗威", ",", "突发奇想", "要", "去", "赤峰", "修建", "一座", "草原", "动物园", "。", "他", "带", "着", "雄狮", "、", "大象", "、", "鹦鹉", "、", "蟒蛇", "以及", "一", "对", "虎纹", "马", "、", "五", "只", "狒狒", "一起", "奔赴", "草原", "。", "草原上", ",", "盗", "梦", "少女", "预知未来", "、", "通", "晓", "动物", "语言", "的", "少年", "涅", "槃", "重生", "、", "神秘", "的", "狼变", "月夜", "现身", "。", "这", "是", "一", "部", "关于", "信仰", "的", "动物", "寓言", ",", "一", "场", "巨大", "的", "变革", "在", "勇士", "之", "地", "上演", ",", "一", "段", "史诗", "般", "的", "全新", "冒险", "自此", "展开", "…", "…"], ["推荐理由", ":", "这", "是", "一", "场", "奇幻", "的", "梦境", "。", "梦境", "被", "心理学家", "视为", "对", "现实", "的", "逃避", "与", "反击", ",", "其", "本身", "仿佛", "就", "带", "着", "某种", "奇幻", "又", "虚无缥缈", "的", "意味", ",", "梦境", "也是", "文人", "想象力", "的", "源泉", ",", "在", "梦境", "之", "上", "构筑", "起", "的", "小说", "王国", "亦", "能够", "带领", "我们", "逃离", "现实", "世界", "。", "这种", "描写", "寻梦之旅", "的", "小说", "外国", "有", "《", "牧羊少年", "奇幻之旅", "》", ",", "我们", "有", "马伯庸", "的", "新书", "《", "草原", "动物园", "》", ",", "且", "看看", "马伯庸", "如何", "带", "我们", "走入", "这", "场", "梦境", "。"], ["《", "有", "匪", "2", ":", "离恨楼", "》", "by", ":", "priest"], ["作品简介", ":", "周", "翡", "没有", "等", "来", "段九娘", ",", "却", "一", "头", "撞", "上", "青龙", "主", "郑罗生", "。", "\"", "南北", "双刀", "\"", "传", "人", "、", "\"", "山川", "剑", "\"", "后人", "、", "芙蓉", "神", "掌", "…", "…", "竟", "全", "在", "衡山", "脚下", "这", "一", "间", "小小", "的", "\"", "三春", "客栈", "\"", "凑", "齐", "了", "。", "\"", "山川", "剑", "\"", "亡故", ",", "一", "把", "剑鞘", "却", "被", "多", "方", "争夺", ";", "忠", "武", "将军", "死后", ",", "家眷", "南渡", "时", "遭", "北斗", "追杀", ";", "齐", "门", "生", "变", ",", "至今", "下落不明", ";", "而", "衡山", "这样", "大", "的", "门派", ",", "竟", "也", "人去楼空", "…", "…", "然而", "洗", "墨江", "边", "冲", "天", "的", "火光", ",", "已经", "让", "周", "翡", "来不及", "细想", "这一切", "了", "。", "二", "十", "年", "了", ",", "风雨飘摇", "的", "夹缝", "里", ",", "这", "一隅", "的", "桃源", ",", "真", "能", "长久", "吗", "?"], ["推荐理由", ":", "也许", "由于", "对", "坚强", "勇敢", "的", "女孩子", "的", "偏爱", ",", "《", "大唐", "悬疑", "录", "》", "中", "的", "裴玄", "静", "与", "《", "有", "匪", "》", "中", "的", "周翡", "都", "曾", "让", "小", "编", "为", "之", "欢呼", "与", "落泪", "。", "这", "是", "一", "个", "江湖", "故事", ",", "也是", "一", "个", "浑身", "傲骨", "的", "女孩子", "如何", "在", "乱世", "之", "中", "摸爬滚打", "的", "故事", "。", "那个", "曾经", "不知", "天高地厚", "的", "水草", "精", ",", "终究", "长", "成", "了", "一", "个", "鬓", "似", "鸦", "羽", "、", "眉目", "宛然", "的", "红衣", "女侠", ",", "也", "终", "是", "在", "冷铁", "卷刃", "前", "得", "以", "窥见", "了", "天", "光", "。"], ["声明", ":", "本", "文", "由", "入驻", "搜狐", "公众", "平台", "的", "作者", "撰写", ",", "除", "搜狐", "官方", "账号", "外", ",", "观点", "仅", "代表", "作者", "本人", ",", "不", "代表", "搜狐", "立场", "。"]], "paragraphs": ["文章 阅读", "2017年的第一季度刚刚过去,大家在这三个月里有读到什么好书吗?培根曾说过:“孤独寂寞时,阅读可以消遣。高谈阔论时,知识可供装饰。处世行事时,知识意味着才干。”不论你是一个尚且在学海中遨游的学生,还是一个已经工作多年的成熟社会人,读书从来不该带有功利的意味,而是该从中看到世界万事万物的运行轨迹,也该从中体味生活和成长进步。", "一年的52周里,即使每周坚持阅读一本书,总共也不过52本而已,更遑论现代人一直有着拖延症的通病,我们阅读的书籍实在太少了。在浩如烟海的出版物之中,小编为你精心挑选了几本极富趣味性、又不乏内涵的小说,希望能够让各位在有限的阅读时间里享受到更多的乐趣。", "《大唐悬疑录:长恨歌密码》 by:唐隐", "作品简介:杨贵妃究竟死于马嵬驿,还是逃生日本?", "大诗人白居易根据杨贵妃的秘闻写就名篇《长恨歌》,不想竟引来杀身之祸。各路僧、道、官、匪先后出动,齐齐盯上了《长恨歌》中的明文暗码……", "推荐理由:《大唐悬疑录》系列中,女神探裴玄静踏入了一个关乎国家兴衰的阴谋杀局之中,她历经艰辛,只为找到最终的真相。她曾说“身为大唐的子民,我知道大唐的荣光从来不是幻觉。我相信,并且愿意用生命去维护它”。", "这个故事中有为了天下人至死不渝的信仰,有为了爱人出生入死的爱情,有为了友人以一己之力对抗朝廷的大义,也有一个繁华落尽、残阳如血的大唐,推理解谜的同时,也展现了说不尽的人间百态、道不完的苦乐辛酸。", "《风雪追击》 by:东野圭吾", "作品简介:以暴风雪中的滑雪场为背景,讲述一个突然被指认为杀人凶手的男孩,为了洗清嫌疑而进行自救的故事。作者将缜密的故事逻辑与快节奏的滑板运动结合起来,带来一种奇特的、充满紧张感的阅读体验。没有血腥暴力,却让人陷入人性的思考,直戳人心:如果有一天,毫无征兆地被指控为凶手,你该怎么办?", "推荐理由:东野圭吾毫无争议是中国读者最为喜爱的悬疑大师,但看图书销售网站排行榜上永远挂着他一本又一本的小说便可下此结论。也许东野圭吾的文笔不是最佳,也许他的推理剧情显得过于简单,但他着实是一个讲故事的高手,他的书简单易看,真真正正称得上是让人想一口气看完的小说,无疑会给读者带来畅快淋漓的阅读体验。", "《草原动物园》 by:马伯庸", "作品简介:这是一位传教士带着“半个动物园”勇闯蒙古草原的奇幻故事。光绪末年,在京城的美国传教士柯罗威,突发奇想要去赤峰修建一座草原动物园。他带着雄狮、大象、鹦鹉、蟒蛇以及一对虎纹马、五只狒狒一起奔赴草原。草原上,盗梦少女预知未来、通晓动物语言的少年涅槃重生、神秘的狼变月夜现身。这是一部关于信仰的动物寓言,一场巨大的变革在勇士之地上演,一段史诗般的全新冒险自此展开……", "推荐理由:这是一场奇幻的梦境。梦境被心理学家视为对现实的逃避与反击,其本身仿佛就带着某种奇幻又虚无缥缈的意味,梦境也是文人想象力的源泉,在梦境之上构筑起的小说王国亦能够带领我们逃离现实世界。这种描写寻梦之旅的小说外国有《牧羊少年奇幻之旅》,我们有马伯庸的新书《草原动物园》,且看看马伯庸如何带我们走入这场梦境。", "《有匪2:离恨楼》 by:priest", "作品简介:周翡没有等来段九娘,却一头撞上青龙主郑罗生。\"南北双刀\"传人、\"山川剑\"后人、芙蓉神掌……竟全在衡山脚下这一间小小的\"三春客栈\"凑齐了。\"山川剑\"亡故,一把剑鞘却被多方争夺;忠武将军死后,家眷南渡时遭北斗追杀;齐门生变,至今下落不明;而衡山这样大的门派,竟也人去楼空……然而洗墨江边冲天的火光,已经让周翡来不及细想这一切了。二十年了,风雨飘摇的夹缝里,这一隅的桃源,真能长久吗?", "推荐理由:也许由于对坚强勇敢的女孩子的偏爱,《大唐悬疑录》中的裴玄静与《有匪》中的周翡都曾让小编为之欢呼与落泪。这是一个江湖故事,也是一个浑身傲骨的女孩子如何在乱世之中摸爬滚打的故事。那个曾经不知天高地厚的水草精,终究长成了一个鬓似鸦羽、眉目宛然的红衣女侠,也终是在冷铁卷刃前得以窥见了天光。", "声明:本文由入驻搜狐公众平台的作者撰写,除搜狐官方账号外,观点仅代表作者本人,不代表搜狐立场。"], "bs_rank_pos": 6}, {"is_selected": false, "title": "2017年最好看的小说。推荐下。_百度知道", "most_related_para": 0, "segmented_title": ["2017", "年", "最", "好看", "的", "小说", "。", "推荐", "下", "。", "_", "百度", "知道"], "segmented_paragraphs": [["女人", "30", "+", "保鲜", "攻略", "作者", ":", "蓝", "一", "薰", "简介", ":", "有人", "说", ",", "30", "几", "岁", "是", "女人", "最具", "风采", "、", "最", "懂", "生活", "的", "年龄", "。", "因为", "她们", "大", "多", "已经", "为", "人妻", "为人", "母", ",", "褪去", "了", "青涩", "、", "任性", "和", "幼稚", "之后", ",", "更加", "懂得珍惜", "生活", ",", "她们", "开始", "客观", "审视", "自己", "的", "过往", ",", "同时", "理性", "地", "规划", "着", "自己", "的", "未来", "。", "也", "有人", "说", "女人", "30", "岁", "开始", ",", "就", "成", "了", "凋萎", "的", "年龄", ",", "就像", "一朵", "鲜花", "有", "花期", "一样", ",", "虽然", "它", "有", "开", "得", "最美", "的", "时候"], ["楼主", ",", "请问", "是", "言情", "的", "还是", "耽美", "的", "!"], ["prist", "《", "默读", "》"]], "paragraphs": ["女人30+保鲜攻略 作者: 蓝一薰 简介: 有人说,30几岁是女人最具风采、最懂生活的年龄。因为她们大多已经为人妻为人母,褪去了青涩、任性和幼稚之后,更加懂得珍惜生活,她们开始客观审视自己的过往,同时理性地规划着自己的未来。也有人说女人30岁开始,就成了凋萎的年龄,就像一朵鲜花有花期一样,虽然它有开得最美的时候", "楼主,请问是言情的还是耽美的!", "prist《默读》"], "bs_rank_pos": 8}], "answer_spans": [[12, 25]], "answer_docs": [3], "fake_answers": ["《大唐悬疑录》中的裴玄静与《有匪》"], "question": "2017有什么好看的小说", "segmented_answers": [["1", ".", "《", "将夜", "》", "2", ".", "《", "择天记", "》", "3", ".", "《", "冒牌大英雄", "》", "4", ".", "《", "无限恐怖", "》", "5", ".", "《", "恐怖", "搞", "校", "》", "6", ".", "《", "大国医", "》", "7", ".", "《", "龙", "魔导", "》", "。"], ["《", "大唐", "悬疑", "录", ":", "长恨歌", "密码", "》", "、", "《", "风雪", "追击", "》", "、", "《", "草原", "动物园", "》", "、", "《", "有", "匪", "2", ":", "离恨楼", "》", "。"], ["我们", "住", "在一起", "、", "月", "都", "花", "落", ",", "沧海", "花开", "、", "天", "定", "风", "华", "、", "寻找爱情", "的", "邹", "小姐", "、", "应许之日", "、", "星光", "的", "彼端", "、", "他来了", ",", "请闭眼", "。"]], "answers": ["1.《将夜》2.《择天记》3.《冒牌大英雄》4.《无限恐怖》5.《恐怖搞校》6.《大国医》7.《龙魔导》。", "《大唐悬疑录:长恨歌密码》、《风雪追击》、《草原动物园》、《有匪2:离恨楼》。", "我们住在一起、月都花落,沧海花开、天定风华、寻找爱情的邹小姐、应许之日、星光的彼端、他来了,请闭眼。"], "entity_answers": [["将夜", "择天记", "冒牌大英雄", "无限恐怖", "恐怖搞校", "大国医", "龙魔导"], ["长恨歌密码", "风雪追击", "草原动物园", "离恨楼"], ["我们住在一起", "月都花落", "沧海花开", "天定风华", "寻找爱情的邹小姐", "应许之日", "星光的彼端", "他来了", "请闭眼"]], "segmented_question": ["2017", "有", "什么", "好看", "的", "小说"], "question_type": "ENTITY", "match_scores": [0.43902439024390244], "fact_or_opinion": "OPINION", "question_id": 186572} -{"documents": [{"is_selected": true, "title": "截止与截至的区别_百度知道", "most_related_para": 0, "segmented_title": ["截止", "与", "截至", "的", "区别", "_", "百度", "知道"], "segmented_paragraphs": [["“", "截止", "”", "与", "“", "截至", "”", "的", "区别", ":", "一", "、", "名次", "解释", ":", "“", "截止", "”", "表示", "到", "某", "个", "时间停止", ",", "强调", "“", "停止", "”", ";", "“", "截至", "”", "表示", "停止", "于", "某", "个", "时间", ",", "强调", "“", "时间", "”", "。", "二", "、", "举例说明", ":", "  ", "1", ".", "在", "使用时", ",", "“", "截至", "”", "后面", "须", "带", "时间", "词语", "(", "做", "宾语", ")", "。", "例如", ":", "截至", "昨天", ",", "截至", "本月底", "。", "  ", "2", ".", "“", "截止", "”", "不能带", "时间", "词语", "(", "做", "宾语", ")", "。", "“", "截止", "”", "一般", "用于", "时间", "词语", "之后", ",", "例如", ":", "报名", "工作", "已", "于", "昨日", "截止", ",", "投票", "将", "在", "本月底", "截止", "。"]], "paragraphs": ["“截止”与“截至”的区别: 一、名次解释: “截止”表示到某个时间停止,强调“停止”; “截至”表示停止于某个时间,强调“时间”。 二、举例说明:   1.在使用时,“截至”后面须带时间词语(做宾语)。例如:截至昨天,截至本月底。   2.“截止”不能带时间词语(做宾语)。“截止”一般用于时间词语之后,例如: 报名工作已于昨日截止,投票将在本月底截止。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "截至和截止有什么区别_百度知道", "most_related_para": 0, "segmented_title": ["截至", "和", "截止", "有", "什么", "区别", "_", "百度", "知道"], "segmented_paragraphs": [["截止", ":", "是", "到", "某", "期限", "停止", ";", "截至", ":", "是", "停止", "于", "某", "期限", ".", "如", ":", "这", "项", "工作", "到", "今年", "六月份", "截止", ".", "  ", "这", "项", "工作", "截至", "到", "今年六月", "分", "."]], "paragraphs": ["截止:是到某期限停止; 截至:是停止于某期限. 如:这项工作到今年六月份截止.   这项工作截至到今年六月分."], "bs_rank_pos": 1}, {"is_selected": false, "title": "结束和截止的区别是啥?_百度知道", "most_related_para": 2, "segmented_title": ["结束", "和", "截止", "的", "区别", "是", "啥", "?", "_", "百度", "知道"], "segmented_paragraphs": [["结束", ",", "强调", "动作", "或", "状态", "的", "终止", "。", "截止", ",", "强调", "的", "是", "时限", "。"], ["结束", "有", "多", "种", "意思", ",", "如", "有", "完毕", "的", "意思", "。", "截止", "是", "指", "到", "一定", "期限", "停止", "进行", ",", "只有", "一", "种", "意思", "。", "结束", ":", "1", ".", "完毕", ",", "不再", "继续", "。", "2", ".", "装束", ";", "打扮", "。", "结束", "而", "出", "。", "-", "-", "清", ".", "徐珂", "《", "清稗类钞", ".", "战事类", "》", "3", ".", "收拾", ";", "处置", "。", "4", ".", "拘束", "。", "截止", ":", "到", "一定", "期限", "停止", "进行", "。", "如", ":", "投标", "截止期", "快", "到", "了", "。"], ["结束", "有", "四种", "不同", "的", "意思", "。", "1", "是", "完毕", ",", "不再", "继续", "。", "2", "是", "装束", ";", "打扮", "。", "3", "是", "收拾", ";", "处置", "。", "4", "是", "拘束", ".", "截止", ",", "表示", "到", "某", "个", "时间停止", ",", "强调", "\"", "停止", "\"", ";", "截至", ",", "表示", "停止", "于", "某", "个", "时间", ",", "强调", "\"", "时间", "\"", "。"]], "paragraphs": ["结束,强调动作或状态的终止。截止,强调的是时限。", "结束有多种意思,如有完毕的意思。 截止是指到一定期限停止进行,只有一种意思。 结束: 1.完毕,不再继续。 2.装束;打扮。 结束而出。--清. 徐珂《清稗类钞.战事类》 3.收拾;处置。 4.拘束。 截止: 到一定期限停止进行。如:投标截止期快到了。", "结束有四种不同的意思。1是完毕,不再继续。2是装束;打扮。3是收拾;处置。4是拘束. 截止,表示到某个时间停止,强调\"停止\";截至,表示停止于某个时间,强调\"时间\"。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "截止和截至的区别和用法?_百度作业帮", "most_related_para": 0, "segmented_title": ["截止", "和", "截至", "的", "区别", "和", "用法", "?", "_", "百度", "作业", "帮"], "segmented_paragraphs": [["“", "截止", "”", "与", "“", "截至", "”", "的", "区别", "1", "、", "截止", ":", "到", "一定", "期限", "为止", "或", "停止", "。", "截至", ":", "截止", "到", "某", "个", "时候", "。", "截止", "与", "截至", "的", "主要", "区别", "在于", ",", "前者", "强调", "“", "止", "”", ",", "即", "在", "计时", "点", "上", ",", "所", "进行", "的", "事情", "已经", "完结", "或", "基本", "完结", ";", "后者", "则", "不", "强调", "事情", "的", "完结", ",", "强调", "的", "是", "该", "计时", "点", "上", "的", "事态", "。", "2", "、", "截止", "与", "截至", ",", "这", "组词", "分辨", "起来", "有点", "难度", "。", "虽然", "二者", "都是", "动词", ",", "可", "前者", "是", "“", "(", "到", "一定", "期限", ")", "停止", "/", "到此为止", "”", "的", "意思", ",", "是", "不及物动词", ",", "后面", "不能", "接", "宾语", ",", "一般", "只", "出现", "在", "句尾", ",", "例如", ":", "报名时间", "本月底", "截止", ";", "虽然", "有", "“", "截止日期", "”", "这种", "搭配", ",", "可", "“", "日期", "”", "不是", "“", "截止", "”", "动作", "的", "对象", "(", "宾语", ")", ",", "“", "截止", "”", "是", "修饰", "、", "限制", "“", "日期", "”", "的", "定语", ",", "这个词", "是", "偏", "正", "而", "不是", "动宾", "结构", "。", "如果", "要", "加", "宾语", ",", "则", "应", "在", "“", "截止", "”", "后", "加", "“", "到", "”", ",", "说", "“", "截止", "到", "”", "几", "月", "几", "号", "这", "就", "顺", "了", "。", "而", "截至", "是", "及物动词", ",", "要", "接", "宾语", ",", "如", ":", "截至", "本月底", "、", "截至", "记者", "发稿", "时", "、", "截至", "上周末", "等等", "。"]], "paragraphs": ["“截止”与“截至”的区别 1、截止:到一定期限为止或停止。截至:截止到某个时候。截止与截至的主要区别在于,前者强调“止”,即在计时点上,所进行的事情已经完结或基本完结;后者则不强调事情的完结,强调的是该计时点上的事态。 2、截止与截至,这组词分辨起来有点难度。虽然二者都是动词,可前者是“(到一定期限)停止/到此为止”的意思,是不及物动词,后面不能接宾语,一般只出现在句尾,例如:报名时间本月底截止;虽然有“截止日期”这种搭配,可“日期”不是“截止”动作的对象(宾语),“截止”是修饰、限制“日期”的定语,这个词是偏正而不是动宾结构。如果要加宾语,则应在“截止”后加“到”,说“截止到”几月几号这就顺了。而截至是及物动词,要接宾语,如:截至本月底、截至记者发稿时、截至上周末等等。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "截至和截止的区别|“截至”和“截止”的用法区别", "most_related_para": 0, "segmented_title": ["截至", "和", "截止", "的", "区别", "|", "“", "截至", "”", "和", "“", "截止", "”", "的", "用法", "区别"], "segmented_paragraphs": [["一", "、", "“", "截至", "”", "和", "“", "截止", "”", "的", "用法", "区别", "二", "、", "请", "指点", ":", "“", "截止目前", "”", "和", "“", "截至目前", "”", "在", "使用", "上", "有", "什么", "区别", "?", "比如", ":", "截止", "请", "指点", ":", "“", "截止目前", "”", "和", "“", "截至目前", "”", "在", "使用", "上", "有", "什么", "区别", "?", "比如", ":", "截止目前", ",", "怎么", "怎么样", ",", "截至目前", ",", "怎么", "怎么样", ",", "二者", "在", "使用", "上", "有", "什么", "区别", "?", "“", "截止", "”", "表示", "到", "某", "个", "时间停止", ",", "强调", "“", "停止", "”", ";", "“", "截至", "”", "表示", "停止", "于", "某", "个", "时间", ",", "强调", "“", "时间", "”", "。", "在", "使用时", ",", "“", "截至", "”", "后面", "须", "带", "时间", "词语", "(", "做", "宾语", ")", "。", "例如", ":", "截至", "昨天", "截至", "本月底", "“", "截止", "”", "不能带", "时间", "词语", "(", "做", "宾语", ")", "。", "“", "截止", "”", "一般", "用于", "时间", "词语", "之后", ",", "例如", ":", "报名", "工作", "已", "于", "昨日", "截止", "投票", "将", "在", "本月底", "截止", "所以", ",", "可以说", "“", "截至目前", "”", ",", "不能说", "“", "截止目前", "”", "。", "但是", ",", "可以说", "“", "截止", "到", "目前", "”", ",", "因为", "“", "截止", "到", "”", "相当于", "“", "截至", "”", "。", "另外", ",", "可以说", "“", "截止日期", "”", ",", "这里", "的", "“", "截止", "”", "是", "定语", ",", "不能说", "“", "截至日期", "”", "。", "三", "、", "截", "补料", ",", "截港", "期", ",", "截关", "期", ",", "截单", "期", "的", "联系", "和", "区别"]], "paragraphs": ["一、 “截至”和“截止”的用法区别 二、 请指点:“截止目前”和“截至目前”在使用上有什么区别?比如:截止 请指点:“截止目前”和“截至目前”在使用上有什么区别? 比如:截止目前,怎么怎么样, 截至目前,怎么怎么样,二者在使用上有什么区别 ? “截止”表示到某个时间停止,强调“停止”;“截至”表示停止于某个时间,强调“时间”。在使用时,“截至”后面须带时间词语(做宾语)。例如: 截至昨天 截至本月底 “截止”不能带时间词语(做宾语)。“截止”一般用于时间词语之后,例如: 报名工作已于昨日截止 投票将在本月底截止 所以,可以说“截至目前”,不能说“截止目前”。但是,可以说“截止到目前”,因为“截止到”相当于“截至”。 另外,可以说“截止日期”,这里的“截止”是定语,不能说“截至日期” 。 三、 截补料,截港期,截关期,截单期的联系和区别"], "bs_rank_pos": 4}], "answer_spans": [[0, 43]], "fake_answers": ["“截止”与“截至”的区别:一、名次解释:“截止”表示到某个时间停止,强调“停止”;“截至”表示停止于某个时间,强调“时间”。"], "question": "截至和截止区别", "segmented_answers": [["“", "截止", "”", "与", "“", "截至", "”", "的", "区别", ":", "一", "、", "名次", "解释", ":", "“", "截止", "”", "表示", "到", "某", "个", "时间停止", ",", "强调", "“", "停止", "”", ";", "“", "截至", "”", "表示", "停止", "于", "某", "个", "时间", ",", "强调", "“", "时间", "”", "。"], ["截止", ":", "某", "期限", "停止", ";", "截至", ":", "停止", "于", "某", "期限", "."], ["截止", ":", "…", "…", "止", "明确", "终止", "、", "结束", "含义表", "间", "点", "语", "词", "般", "其", "前面", ",", "截至", ":", "某", "间", "点", "没", "明确", "终止", "、", "结束", "含义", "延续", "延续", "表", "间", "点", "语", "词", "般", "其", "面", "。"]], "answers": ["“截止”与“截至”的区别:一、名次解释:“截止”表示到某个时间停止,强调“停止”;“截至”表示停止于某个时间,强调“时间”。", "截止:某期限停止;截至:停止于某期限.", "截止:……止明确终止、结束含义表间点语词般其前面,截至:某间点没明确终止、结束含义延续延续表间点语词般其面。"], "answer_docs": [0], "segmented_question": ["截至", "和", "截止", "区别"], "question_type": "DESCRIPTION", "question_id": 186573, "fact_or_opinion": "FACT", "match_scores": [0.8863636363636365]} -{"documents": [{"is_selected": true, "title": "爬行垫什么材质的比较好_百度知道", "most_related_para": 0, "segmented_title": ["爬行垫", "什么", "材质", "的", "比较好", "_", "百度", "知道"], "segmented_paragraphs": [["爬行垫", "根据", "中间", "材料", "的", "不同", "可以", "分为", ":", "XPE", "爬行垫", "、", "EPE", "爬行垫", "、", "EVA", "爬行垫", "、", "PVC", "爬行垫", ";", "其中", "XPE", "爬行垫", "、", "EPE", "爬行垫", "都", "属于", "PE", "材料", "加", "保鲜膜", "复合", "而", "成", ",", "都是", "无异味", "的", "环保", "材料", ",", "但是", "XPE", "爬行垫", "是", "品质", "较好", "的", "爬行垫", ",", "韩国", "进口", "爬行垫", "都是", "这种", "爬行垫", ",", "而", "EPE", "爬行垫", "是", "国内", "厂家", "为了", "减低", "成本", ",", "使用", "EPE", "(", "珍珠棉", ")", "作为", "原料", "生产", "的", "一款", "爬行垫", ",", "该", "材料", "弹性", "差", ",", "易碎", ",", "开", "孔", "发泡", "防水", "性", "弱", "。", "EVA", "爬行垫", "、", "PVC", "爬行垫", "是", "用", "EVA", "或", "PVC", "作为", "原材料", "与", "保鲜膜", "复合", "的", "而", "成", "的", "爬行垫", ",", "或者", "把", "图案", "转印", "在", "原材料", "上", ",", "这", "两", "款", "爬行垫", "通常", "有", "异味", ",", "如果", "是", "图案", "转印", "的", "爬行垫", ",", "油墨", "外", "露", "容易", "脱落", "。", "当时", "我", "儿子", "爬", "的", "时候", ",", "我们", "也", "买", "了", "垫子", ",", "但是", "始终", "有味", "。", "最后", "就", "没用", "了", ",", "铺", "的", "就", "的", "薄", "毯子", "让", "他", "爬", "。"], ["您好", ",", "爬行垫", "一般", "色彩鲜艳", ",", "能", "吸引", "宝宝", "的", "注意力", ",", "当", "宝宝", "刚", "会", "爬", "的", "时候", ",", "趴", "在", "上面", "玩", ",", "相对", "比较", "安全", ",", "不存在", "从", "床上", "摔", "下来", "的", "危险", "。", "对", "宝宝", "的", "爬行", "还是", "很", "有", "好处", "的", "。", "还有", "就是", "妈妈", "选择", "爬行垫", "时", "可以", "选择", "无害", "的", "PE", "棉", ",", "既", "防潮", "又", "隔", "冷", "隔热", "。", "外", "有", "要", "有", "一", "层", "塑料", "膜", ",", "能", "隔绝", "液体", "进入", "垫子", "内部", ",", "而且", "方便", "清洗", "。", "宝宝", "每次", "爬行", ",", "一定要", "记得", "把", "宝宝", "的", "手", "擦", "干净", "。"], ["棉", "的", "不好", "吧", ",", "吸", "灰尘", ",", "容易", "有", "螨虫", ",", "爬行垫", "好多", "种", ",", "PVC", "的", "比较好", "一些", ",", "选择", "环保", "一些", "的", ",", "容易", "擦洗", "的", ",", "弹性", "好", "的", ",", "不要", "选", "太", "厚", "的", ",", "5mm", "-", "8mm", "左右", "的", ",", "太", "厚", "了", "宝宝", "容易", "摔跤", ",", "尤其", "是", "学", "走路", "的", "宝宝", "。", "安全性", "第", "一", ",", "看", "产品", "的", "证书", "有", "没有", "权威", "机构", "的", "检验", ",", "重金属", "和", "甲醛含量", "是", "重要", "考虑", "因素", "。"], ["你", "宝宝", "什么时候", "出生", "啊", "。", "一般", "的", "小孩", "要", "四个月", "以后", "才", "开始", "爬", "。", "如果", "你", "宝宝", "四个月", "的", "时候", "是", "冬天", "了", ",", "根本", "就", "不用", "爬行垫", "了", ",", "多", "冷", "啊", "。", "到", "10", "个", "月", "左右", ",", "宝宝", "有", "欲望", "学习", "站立", "了", ",", "就", "根本", "不会", "在", "爬行垫", "上", "耍", "了"], ["PVC", "的", "比较好", "一些", ",", "但是", "PVC", "也", "分", "等级", "的", ",", "选", "质量", "好", "的", ",", "弹性", "好", "的"], ["有", "一款", ",", "可以", "推荐", ",", "艾高", ",", "德国", "的", "牌子", "。", "。", "你可以", "去", "看看", "。", "。"], ["您好", ",", "爬行垫", "一般", "色彩鲜艳", ",", "能", "吸引", "宝宝", "的", ",", "当", "宝宝", "刚", "会", "爬", "的", "时候", ",", "趴", "在", "上面", "玩", ",", "相对", "比较", "安全", ",", "不存在", "从", "床上", "摔", "下来", "的", "危险", "。", "对", "宝宝", "的", "爬行", "还是", "很", "有", "好处", "的", "。", "还有", "就是", "妈妈", "选择", "爬行垫", "时", "可以", "选择", "无害", "的", "PE", "棉", ",", "既", "防潮", "又", "隔", "冷", "隔热", "。", "外", "有", "要", "有", "一", "层", "塑料", "膜", ",", "能", "隔绝", "液体", "进入", "垫子", "内部", ",", "而且", "方便", "清洗", "。", "宝宝", "每次", "爬行", ",", "一定要", "记得", "把", "宝宝", "的", "手", "擦", "干净", "。"]], "paragraphs": ["爬行垫根据中间材料的不同可以分为:XPE爬行垫、EPE爬行垫、EVA爬行垫、PVC爬行垫;其中XPE爬行垫、EPE爬行垫都属于PE材料加保鲜膜复合而成,都是无异味的环保材料,但是XPE爬行垫是品质较好的爬行垫,韩国进口爬行垫都是这种爬行垫,而EPE爬行垫是国内厂家为了减低成本,使用EPE(珍珠棉)作为原料生产的一款爬行垫,该材料弹性差,易碎,开孔发泡防水性弱。EVA爬行垫、PVC爬行垫是用EVA或PVC作为原材料与保鲜膜复合的而成的爬行垫,或者把图案转印在原材料上,这两款爬行垫通常有异味,如果是图案转印的爬行垫,油墨外露容易脱落。 当时我儿子爬的时候,我们也买了垫子,但是始终有味。最后就没用了,铺的就的薄毯子让他爬。", "您好,爬行垫一般色彩鲜艳,能吸引宝宝的注意力,当宝宝刚会爬的时候,趴在上面玩,相对比较安全,不存在从床上摔下来的危险。对宝宝的爬行还是很有好处的。还有就是妈妈选择爬行垫时可以选择无害的PE棉,既防潮又隔冷隔热。外有要有一层塑料膜,能隔绝液体进入垫子内部,而且方便清洗。宝宝每次爬行,一定要记得把宝宝的手擦干净。", "棉的不好吧,吸灰尘,容易有螨虫,爬行垫好多种,PVC的比较好一些,选择环保一些的,容易擦洗的,弹性好的,不要选太厚的,5mm-8mm左右的,太厚了宝宝容易摔跤,尤其是学走路的宝宝。安全性第一,看产品的证书有没有权威机构的检验,重金属和甲醛含量是重要考虑因素。", "你宝宝什么时候出生啊。一般的小孩要四个月以后才开始爬。如果你宝宝四个月的时候是冬天了,根本就不用爬行垫了,多冷啊。到10个月左右,宝宝有欲望学习站立了,就根本不会在爬行垫上耍了", "PVC的比较好一些,但是PVC也分等级的,选质量好的,弹性好的", "有一款,可以推荐,艾高,德国的牌子。。你可以去看看。。", "您好,爬行垫一般色彩鲜艳,能吸引宝宝的,当宝宝刚会爬的时候,趴在上面玩,相对比较安全,不存在从床上摔下来的危险。对宝宝的爬行还是很有好处的。还有就是妈妈选择爬行垫时可以选择无害的PE棉,既防潮又隔冷隔热。外有要有一层塑料膜,能隔绝液体进入垫子内部,而且方便清洗。宝宝每次爬行,一定要记得把宝宝的手擦干净。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "宝宝爬行垫什么材质最好_百度知道", "most_related_para": 0, "segmented_title": ["宝宝", "爬行垫", "什么", "材质", "最好", "_", "百度", "知道"], "segmented_paragraphs": [["爬行垫", "我", "觉得", "还是", "泡沫", "的", "材质", "会", "更好", "一些", "的", "哦", ",", "这样", "宝宝", "摔倒", "的", "时候", "就", "不容易", "摔倒", "宝宝", "的", "哦", ",", "更安全", "一些", "的", "。"], ["类似", "瑜伽垫", "那种"]], "paragraphs": ["爬行垫我觉得还是泡沫的材质会更好一些的哦,这样宝宝摔倒的时候就不容易摔倒宝宝的哦,更安全一些的。", "类似瑜伽垫那种"], "bs_rank_pos": 1}, {"is_selected": false, "title": "【爬爬垫】爬爬垫什么材质好 四种材质爬爬垫对比_知识频道_品牌网", "most_related_para": 27, "segmented_title": ["【", "爬爬垫", "】", "爬爬垫", "什么", "材质", "好", "四种", "材质", "爬爬垫", "对比", "_", "知识", "频道", "_", "品牌", "网"], "segmented_paragraphs": [["摘要", ":", "婴儿", "爬爬垫", "起源于", "日韩", ",", "并", "在", "日韩", "市场", "上", "趋于", "成熟", ",", "中国", "市场", "的", "认知", "度", "也", "正", "逐步", "形成", "。", "婴儿", "爬爬垫", "有很多", "别名", ",", "婴儿", "爬行垫", ",", "宝宝", "游戏", "垫", ",", "宝宝", "活动", "垫", ",", "其实", "都是", "指", "婴儿", "爬行垫", "。"], ["【", "爬爬垫", "】", "爬爬垫", "什么", "材质", "好", "四种", "材质", "爬爬垫", "对比"], ["爬行垫", "作用"], ["0", "-", "9", "个", "月", ":", "当", "宝宝", "开始", "爬行", "时", ",", "爬行垫", "的", "柔软", "缓冲", "有效", "保护", "宝宝", "的", "手腕", "和", "膝盖", "。"], ["9", "-", "24", "个", "月", ":", "宝宝", "学步", "时", "容易", "摔倒", "撞伤", "头部", ",", "爬行垫", "保护", "宝宝", "的", "头部", "、", "颈部", "。"], ["2", "-", "4", "岁", ":", "当", "宝宝", "开始", "坐", "在", "地上", "玩玩具", "时", ",", "爬行垫", "能够", "防止", "宝宝", "坐", "在", "冰冷", "的", "地面", "上", "而", "着凉", ",", "同时", "益智", "图案", "可以", "培养", "宝宝", "的", "认知", "能力", ",", "让", "宝宝", "赢", "在", "起跑线", "上", "。"], ["4", "-", "7", "岁", ":", "当", "宝宝蹦蹦跳跳", ",", "开始", "学习", "运动", "跳舞", "时", ",", "爬行垫", "可以", "缓解", "脚部", "与", "地面", "的", "冲击", "力", ",", "保护", "宝宝", "又", "防止", "噪音扰民", "。", "(", "摘自", "网络", ")"], ["除此之外", "爬行垫", "还", "很好", "打理", ",", "宝宝", "弄脏", "了", "只要", "用", "布", "轻轻", "一", "擦", "就", "焕然一新", ",", "席子", "毯子", "棉被", "之类", "就", "没", "这么", "好", "伺候", "了", ",", "带", "孩子", "也", "可以", "省力", "一", "点", "。"], ["爬爬垫", "什么", "材质", "好"], ["爬爬垫", "材质", ":", "PVC", "地垫"], ["PVC", "为学", "名", "聚氯乙烯", ",", "本身", "无毒", ",", "但", "PVC", "经过", "加工", "做成", "地垫", "后", ",", "无法", "再", "重复使用", ",", "也", "无法", "自己", "然", "降解", ",", "只能", "通过", "焚烧", "来", "处理", ",", "但", "它", "燃烧", "时", "会", "产生", "大量", "的", "氯化氢", "气体", ",", "对", "人体", "有", "极", "大", "的", "伤害", ",", "在", "欧盟", ",", "日本", ",", "美国", "以", "禁止", "在", "室内装修", "上", "用", "PVC", "来", "做", "原料", "(", "像", "以前", "的", "PVC", "电线", ",", "改", "用", "了", "PE", "电线", ")", "。", "所以", "PVC", "的", "使用", "会", "给", "以后", "的", "环境", "带来", "沉重", "的", "负担", "。"], ["PVC", "地垫", ",", "柔软舒适", ",", "但是", "有", "其", "不好", "的", "地方", ","], ["2", "、", "吸水", ",", "表", "面膜", "破坏", "后", "就", "基本上", "不能", "用", "了", "(", "吸水", "后", ",", "又", "不能", "直接", "在", "阳光", "下", "晒", ",", "会", "褪色", ",", "变", "硬", ")", "。"], ["3", "、", "对", "环境", "带来", "沉重", "负担", ",", "为了", "我们", "以后", "的", "环境", ",", "我们", "应", "向", "先进", "国家", "学习", ",", "禁止使用", "。"], ["4", "、", "表面", "印刷", ",", "宝宝", "直接", "接触", "油墨", ",", "而", "油墨", "是", "最", "不稳定", "的", "物质", "长期使用", "会", "对", "人体", "产生", "伤害", "。"], ["5", "、", "价格", "很", "贵", "。"], ["PVC", "一定要", "有", "添加剂", "或", "增塑剂", "才", "可用", ",", "但", "这些", "添加剂", "或", "增塑剂", "大", "多", "有害", ",", "可能", "渗出", "或", "气化", "。", "部份", "添加剂", "会", "干扰", "生物", "内分泌", "(", "影响", "生殖", "机", "能", ")", ",", "部份", "可", "增加", "致癌", "风险", "。", "焚化", "PVC", "垃圾", ",", "会", "产生", "致癌", "的", "二噁英", "(", "Dioxin", ")", "而", "污染", "空气", "。", "在", "高温", "下", "的", "燃烧", "过程", "中", "会", "释放", "出", "氯化氢", "、", "氯气", "和", "其他", "有毒气体", "。"], ["天然", "树脂", "PVC", "(", "有待", "商榷", ")"], ["不过", ",", "这种", "进口", "PVC", "之所以", "如此", "自命不凡", ",", "是因为", "在", "其", "介绍", "之", "中", "认为", ":"], ["1", ".", "拥有", "不", "添加", "发泡剂", "的", "技术", "专利", ",", "使", "其", "密度", "更大", ",", "能", "达到", "更大", "的", "缓冲", "力", "。", "2", ".", "爬行垫", "的", "发明", "国", "—", "—", "韩国", "已经", "使用", "PVC", "十", "几", "年", "的", "时间", ",", "据", "称", "其", "已经达到", "了", "最", "环保", "的", "级别", ",", "连", "比较", "严格", "苛刻", "的", "北美", "和", "欧洲", "也", "都", "在", "使用", "此", "PVC", "。"], ["爬爬垫", "材质", ":", "XPE", "爬行垫"], ["是", "最早", "进入", "中国", "的", "爬行垫", ",", "在", "韩国", "及", "其他", "国家", "都是", "用", "的", "这种", "材料", "做", "爬行垫", ",", "他", "也是", "做", "爬行垫", "最好", "的", "材料", "!", "环保", ",", "安全", ",", "抗菌", ",", "不", "吸水", ",", "平整", ",", "色彩", "表现", "丰富", "!", "其", "材料", "生产", "进入", "门槛", "高", ",", "最", "成熟", "的", "生产工艺", "在", "日韩", "。"], ["XPE", "回", "弹力", "好", ",", "舒适性", ",", "安全性", "好", ",", "对", "宝宝", "柔嫩", "的", "皮肤", "不会", "造成", "任何", "副作用", "。", "具有", "很好", "的", "保暖", "性", "和", "柔软性", ",", "可", "随意", "调整", "软", "硬度", "和", "厚度", ",", "重量轻", "等", "特点", "。"], ["防滑", "性", "好", ":", "是", "闭孔", "发泡", "不", "吸水", ",", "清洗", "简单", ",", "防止", "宝宝", "滑倒", "摔伤", "。", "在", "零下", "五", "十", "度", "的", "情况", "下", ",", "该", "垫子", "还能", "保持", "原来", "的", "物理", "状态", ",", "即", "较", "软", "的", "舒适", "感", ".", "即使", "在", "潮湿", "的", "环境", "下", ",", "也", "不会", "滑倒", "。"], ["防潮", "抗菌", "独立", "闭孔", "结构", ",", "紧密", "有效", "的", "阻止", "水分子", "渗透", ",", "使", "吸水率", "超级", "底", "(", "几乎", "为零", ")", ",", "同时", ",", "因", "电子", "的", "照射", "改", "性", ",", "表面", "抗菌", "处理", ",", "让", "细菌", "无", "生存环境", "。", "保障", "孩子", "的", "健康", ",", "也", "能", "防止", "孩子", "的", "衣服", "受潮", "弄脏", "。"], ["如何", "选择", "爬行垫", "厚度"], ["常见", "的", "厚度", "有", "0", ".", "5cm", ",", "1cm", ",", "1", ".", "5", "cm", ",", "2", "cm", ",", "4", "cm", "及", "以上"], ["刚", "学", "爬", "的", "宝宝", "不", "建议", "选择", "太", "薄", "的", ",", "例如", "0", ".", "5cm", ",", "1.5", "cm", "及", "以上", "的", "爬行垫", "会", "比较", "适合", "月龄", "较", "小", "的", "宝宝", ";", "如果", "宝宝", "月", "龄", "较", "大", "(", "8", "个", "月", "或", "以上", ")", ",", "可以", "选择", "相对", "不会", "太", "贵", "的", "1cm", ",", "收藏", "起来", "也", "方便", "点", "。"], ["4", "cm", "及", "以上", "价格", "比较", "贵", ",", "比如", "彩虹", "垫", "至少", "也", "要", "一", "千", "以上", "。"], ["如何", "选择", "爬行垫", "大小"], ["主要", "是", "根据", "家里", "空间大小", "来", "决定", ",", "当然", "越", "大", "越好", ",", "但是", "越", "大", "也", "越", "贵", ",", "而且", "太", "占", "地方", "。"], ["拼接", "垫", "、", "整", "张", "垫", "哪个", "好", "?", "一般", "现在", "都是", "一", "整", "张", "的", "爬行垫", ",", "其", "优点", ":"], ["1", ".", "价格", "一般", "比比", "同", "材质", "同", "面积", "同", "厚度", "的", "拼接", "垫", "便宜", "。", "2", ".", "孩子", "在", "上面", "翻滚", "爬", "窜", "也", "不愁", "会", "裂开", "。", "3", ".", "方便", "外出", "携带", "。"], ["因此", "只要", "根据", "需要", "来", "选购", "适宜", "大小", "的", "爬行垫", "就", "可以", "了", "。"]], "paragraphs": ["摘要:婴儿爬爬垫起源于日韩,并在日韩市场上趋于成熟,中国市场的认知度也正逐步形成。婴儿爬爬垫有很多别名,婴儿爬行垫,宝宝游戏垫,宝宝活动垫,其实都是指婴儿爬行垫。", "【爬爬垫】爬爬垫什么材质好 四种材质爬爬垫对比", "爬行垫作用", "0-9个月:当宝宝开始爬行时,爬行垫的柔软缓冲有效保护宝宝的手腕和膝盖。", "9-24个月:宝宝学步时容易摔倒撞伤头部,爬行垫保护宝宝的头部、颈部。", "2-4岁:当宝宝开始坐在地上玩玩具时,爬行垫能够防止宝宝坐在冰冷的地面上而着凉,同时益智图案可以培养宝宝的认知能力,让宝宝赢在起跑线上。", "4-7岁:当宝宝蹦蹦跳跳,开始学习运动跳舞时,爬行垫可以缓解脚部与地面的冲击力,保护宝宝又防止噪音扰民。(摘自网络)", "除此之外爬行垫还很好打理,宝宝弄脏了只要用布轻轻一擦就焕然一新,席子毯子棉被之类就没这么好伺候了,带孩子也可以省力一点。", "爬爬垫什么材质好", "爬爬垫材质:PVC地垫", "PVC为学名聚氯乙烯,本身无毒,但PVC经过加工做成地垫后,无法再重复使用,也无法自己然降解,只能通过焚烧来处理,但它燃烧时会产生大量的氯化氢气体,对人体有极大的伤害,在欧盟,日本,美国以禁止在室内装修上用PVC来做原料(像以前的PVC电线,改用了PE电线)。所以PVC的使用会给以后的环境带来沉重的负担。", "PVC地垫,柔软舒适,但是有其不好的地方,", "2、吸水,表面膜破坏后就基本上不能用了(吸水后,又不能直接在阳光下晒,会褪色,变硬)。", "3、对环境带来沉重负担,为了我们以后的环境,我们应向先进国家学习,禁止使用。", "4、表面印刷,宝宝直接接触油墨,而油墨是最不稳定的物质长期使用会对人体产生伤害。", "5、价格很贵。", "PVC一定要有添加剂或增塑剂才可用,但这些添加剂或增塑剂大多有害,可能渗出或气化。部份添加剂会干扰生物内分泌(影响生殖机能),部份可增加致癌风险。焚化PVC垃圾,会产生致癌的二噁英(Dioxin)而污染空气。在高温下的燃烧过程中会释放出氯化氢、氯气和其他有毒气体。", "天然树脂PVC(有待商榷)", "不过,这种进口PVC之所以如此自命不凡,是因为在其介绍之中认为:", "1.拥有不添加发泡剂的技术专利,使其密度更大,能达到更大的缓冲力。 2.爬行垫的发明国——韩国已经使用PVC十几年的时间,据称其已经达到了最环保的级别,连比较严格苛刻的北美和欧洲也都在使用此PVC。", "爬爬垫材质:XPE爬行垫", "是最早进入中国的爬行垫,在韩国及其他国家都是用的这种材料做爬行垫,他也是做爬行垫最好的材料!环保,安全,抗菌,不吸水,平整,色彩表现丰富!其材料生产进入门槛高,最成熟的生产工艺在日韩。", "XPE回弹力好,舒适性,安全性好,对宝宝柔嫩的皮肤不会造成任何副作用。具有很好的保暖性和柔软性,可随意调整软硬度和厚度,重量轻等特点。", "防滑性好:是闭孔发泡不吸水,清洗简单,防止宝宝滑倒摔伤。在零下五十度的情况下,该垫子还能保持原来的物理状态,即较软的舒适感.即使在潮湿的环境下,也不会滑倒。", "防潮抗菌独立闭孔结构,紧密有效的阻止水分子渗透,使吸水率超级底(几乎为零),同时,因电子的照射改性,表面抗菌处理,让细菌无生存环境。保障孩子的健康,也能防止孩子的衣服受潮弄脏。", "如何选择爬行垫厚度", "常见的厚度有0.5cm,1cm,1.5cm,2cm,4cm及以上", "刚学爬的宝宝不建议选择太薄的,例如0.5cm,1.5cm及以上的爬行垫会比较适合月龄较小的宝宝;如果宝宝月龄较大(8个月或以上),可以选择相对不会太贵的1cm,收藏起来也方便点。", "4cm及以上价格比较贵,比如彩虹垫至少也要一千以上。", "如何选择爬行垫大小", "主要是根据家里空间大小来决定,当然越大越好,但是越大也越贵,而且太占地方。", "拼接垫、整张垫哪个好?一般现在都是一整张的爬行垫,其优点:", "1.价格一般比比同材质同面积同厚度的拼接垫便宜。 2.孩子在上面翻滚爬窜也不愁会裂开。 3.方便外出携带。", "因此只要根据需要来选购适宜大小的爬行垫就可以了。"], "bs_rank_pos": 2}], "answer_spans": [[0, 144]], "answer_docs": [0], "fake_answers": ["爬行垫根据中间材料的不同可以分为:XPE爬行垫、EPE爬行垫、EVA爬行垫、PVC爬行垫;其中XPE爬行垫、EPE爬行垫都属于PE材料加保鲜膜复合而成,都是无异味的环保材料,但是XPE爬行垫是品质较好的爬行垫,韩国进口爬行垫都是这种爬行垫,而EPE爬行垫是国内厂家为了减低成本,使用EPE(珍珠棉)作为原料生产的一款爬行垫,该材料弹性差,易碎,开孔发泡防水性弱。EVA爬行垫、PVC爬行垫是用EVA或PVC作为原材料与保鲜膜复合的而成的爬行垫,或者把图案转印在原材料上,这两款爬行垫通常有异味,如果是图案转印的爬行垫,油墨外露容易脱落。"], "question": "爬行垫什么材质的好", "segmented_answers": [["爬行垫", "根据", "中间", "材料", "的", "不同", "可以", "分为", ":", "XPE", "爬行垫", "、", "EPE", "爬行垫", "、", "EVA", "爬行垫", "、", "PVC", "爬行垫", ";", "其中", "XPE", "爬行垫", "、", "EPE", "爬行垫", "都", "属于", "PE", "材料", "加", "保鲜膜", "复合", "而", "成", ",", "都是", "无异味", "的", "环保", "材料", ",", "但是", "XPE", "爬行垫", "是", "品质", "较好", "的", "爬行垫", ",", "韩国", "进口", "爬行垫", "都是", "这种", "爬行垫", ",", "而", "EPE", "爬行垫", "是", "国内", "厂家", "为了", "减低", "成本", ",", "使用", "EPE", "作为", "原料", "生产", "的", "一款", "爬行垫", ",", "该", "材料", "弹性", "差", ",", "易碎", ",", "开", "孔", "发泡", "防水", "性", "弱", "。", "EVA", "爬行垫", "、", "PVC", "爬行垫", "是", "用", "EVA", "或", "PVC", "作为", "原材料", "与", "保鲜膜", "复合", "的", "而", "成", "的", "爬行垫", ",", "或者", "把", "图案", "转印", "在", "原材料", "上", ",", "这", "两", "款", "爬行垫", "通常", "有", "异味", ",", "如果", "是", "图案", "转印", "的", "爬行垫", ",", "油墨", "外", "露", "容易", "脱落", "。"], ["爬行垫", "一般", "色彩鲜艳", ",", "能", "吸引", "宝宝", "的", "注意力", ",", "当", "宝宝", "刚", "会", "爬", "的", "时候", ",", "趴", "在", "上面", "玩", ",", "相对", "比较", "安全", ",", "不存在", "从", "床上", "摔", "下来", "的", "危险", "。", "对", "宝宝", "的", "爬行", "还是", "很", "有", "好处", "的", "。", "还有", "就是", "妈妈", "选择", "爬行垫", "时", "可以", "选择", "无害", "的", "PE", "棉", ",", "既", "防潮", "又", "隔", "冷", "隔热", "。", "外", "有", "要", "有", "一", "层", "塑料", "膜", ",", "能", "隔绝", "液体", "进入", "垫子", "内部", ",", "而且", "方便", "清洗", "。", "宝宝", "每次", "爬行", ",", "一定要", "记得", "把", "宝宝", "的", "手", "擦", "干净", "。"], ["棉", "的", "不好", "吧", ",", "吸", "灰尘", ",", "容易", "有", "螨虫", ",", "爬行垫", "好多", "种", ",", "PVC", "的", "比较好", "一些", ",", "选择", "环保", "一些", "的", ",", "容易", "擦洗", "的", ",", "弹性", "好", "的", ",", "不要", "选", "太", "厚", "的", ",", "5mm", "-", "8mm", "左右", "的", ",", "太", "厚", "了", "宝宝", "容易", "摔跤", ",", "尤其", "是", "学", "走路", "的", "宝宝", "。", "安全性", "第", "一", ",", "看", "产品", "的", "证书", "有", "没有", "权威", "机构", "的", "检验", ",", "重金属", "和", "甲醛含量", "是", "重要", "考虑", "因素", "。"]], "answers": ["爬行垫根据中间材料的不同可以分为:XPE爬行垫、EPE爬行垫、EVA爬行垫、PVC爬行垫;其中XPE爬行垫、EPE爬行垫都属于PE材料加保鲜膜复合而成,都是无异味的环保材料,但是XPE爬行垫是品质较好的爬行垫,韩国进口爬行垫都是这种爬行垫,而EPE爬行垫是国内厂家为了减低成本,使用EPE作为原料生产的一款爬行垫,该材料弹性差,易碎,开孔发泡防水性弱。EVA爬行垫、PVC爬行垫是用EVA或PVC作为原材料与保鲜膜复合的而成的爬行垫,或者把图案转印在原材料上,这两款爬行垫通常有异味,如果是图案转印的爬行垫,油墨外露容易脱落。", "爬行垫一般色彩鲜艳,能吸引宝宝的注意力,当宝宝刚会爬的时候,趴在上面玩,相对比较安全,不存在从床上摔下来的危险。对宝宝的爬行还是很有好处的。还有就是妈妈选择爬行垫时可以选择无害的PE棉,既防潮又隔冷隔热。外有要有一层塑料膜,能隔绝液体进入垫子内部,而且方便清洗。宝宝每次爬行,一定要记得把宝宝的手擦干净。", "棉的不好吧,吸灰尘,容易有螨虫,爬行垫好多种,PVC的比较好一些,选择环保一些的,容易擦洗的,弹性好的,不要选太厚的,5mm-8mm左右的,太厚了宝宝容易摔跤,尤其是学走路的宝宝。安全性第一,看产品的证书有没有权威机构的检验,重金属和甲醛含量是重要考虑因素。"], "entity_answers": [["XPE"], ["PE棉"], ["PVC"]], "segmented_question": ["爬行垫", "什么", "材质", "的", "好"], "question_type": "ENTITY", "match_scores": [0.8989547038327526], "fact_or_opinion": "OPINION", "question_id": 181574} -{"documents": [{"is_selected": true, "title": "海信液晶电视质量到底怎么样?", "most_related_para": 34, "segmented_title": ["海信", "液晶电视", "质量", "到底", "怎么样", "?"], "segmented_paragraphs": [["常", "听说", "一旦", "坏", "了", ",", "修", "的", "钱", "比", "买", "还要", "贵", "!"], ["但", "液晶电视", "的", "由于", "系统集成", "度", "较", "高", ",", "坏", "机", "的", "可能性", "相对", "降低", ","], ["如果", "发生", "怀", "机", ",", "一般", "维修费用", "较", "高", ",", "这", "就", "如同", "起初", "的", "电脑", "市场", "一样"], ["x8", "y2k", "g", "|", "回答", "时间", ":", "2007", "-", "12", "-", "08", "20", ":", "11", ":", "12"], ["寿命", "最多", "十", "年", ",", "修", "一次", "少", "则", "几", "百", ",", "多", "则", "上", "千", ".", "高清", "背投", "的", "寿命", "最多", "五年", ".", "据说", "上海", "北京", "一", "带", "修", "这种", "电视", "的", "修理工", "都", "开", "小车", "去", "修", "电视", "了", ",", "可以", "想象", "修", "这种", "电视", "有", "多", "赚钱", "."], ["i8", "ay", "lg", "|", "回答", "时间", ":", "12", ".", "10", "02", ":", "50"], ["不行", "以后", "咱", "也", "去", "海信", "售后", "去", ",", "咱", "不", "就", "成", "暴发户", "了", ",", "哈哈哈", ",", "感谢", "海信", "能", "给", "我", "门", "提供", "这个", "好机会", "."], ["7936", "|", "回答", "时间", ":", "02", ".", "23", "10", ":", "31"], ["说", "起", "海信", "深", "有", "体会", "那", "就是", "好", "哇", "我", "家", "还有", "亲属", "家用", "的", "全", "是", "海信", "好", "极", "啦", "画质", "清晰", "音响", "好", "还", "支持", "1080", "P", "建议", "就", "买", "国产", "海信", "海信"], ["459512336", "|", "回答", "时间", ":", "10", ".", "16", "11", ":", "55"], ["海信", "是", "中国", "最大", "的", "液晶", "生产商", "难道", "你们", "都", "不知道", "吗", "真", "无知", "可叹", "哪"], ["459512336", "|", "回答", "时间", ":", "10", ".", "16", "12", ":", "07"], ["不会", "再买", "海信", "的", "产品", "了", ",", "什么", "最大", "的", "液晶", "生产商", ",", "是", "最差", "的", "液晶", "生产商", "吧", "!", "一", "次", "管", "够", "呀", "!", "一", "锤子", "买卖", "的", "企业", "怎么", "会", "有", "发展", ",", "不", "注重", "质量", "的", "企业", "应该", "会", "很快", "破产", "的", "。"], ["l", "_", "71", "ab", "|", "回答", "时间", ":", "04", ".", "19", "15", ":", "07"], ["海信", "的", "电视", "不是", "一般", "的", "差", ",", "我", "结婚", "买", "的", "电视", "不到", "二", "年", ",", "就", "修", "了", "好", "几", "次", ",", "维修", "价格", "贵", "不", "说", ",", "影响", "家人", "的", "心情", ",", "三天两头", "坏", ",", "真", "烦人", ",", "海信", "的", "质量", "怎么", "是", "这样", "呢", ",", "价格", "也", "不", "便宜", ",", "本", "想", "支持", "国产", "货", "的", ",", "但", "每次", ",", "国产", "货", "真是", "让", "人心", "凉", "呀", "!", "我", "认为", "海信", "的", "领导", "是不是", "也", "应该", "看看", "用户", "的", "心声", "呢", "!"], ["limin", "312300", "|", "回答", "时间", ":", "05", ".", "04", "09", ":", "22"], ["我", "家", "买", "的", "液晶电视", "才", "一年", "就", "坏", "了", ",", "给", "售后服务", "打电话", "说", "保修", "过期", "了", ",", "要", "修", "得", "花钱", "好像", "好", "几", "百", ",", "难道", "海信", "电视", "就", "只能", "寿命", "一年", "吗", "?"], ["QING", "|", "回答", "时间", ":", "05", ".", "08", "17", ":", "19"], ["我", "是", "买", "海信", "电视", "的", "在", "我", "看", "来", "有人", "说", "他", "好", "也有", "人", "说", "他", "不好", ",", "你们", "怎样", "来", "评价", "一", "个", "品牌", "?", "不是", "说", "他", "用", "一辈子", "不", "出", "问题", "撒", "!", "我相信", "任何", "品牌", "都", "出现", "过", "质量问题", "的", ",", "我", "举", "个", "简单", "的", "例子", ",", "东芝", "电视", "他", "还", "出现", "过", "《", "竖线门", "》", "事件", "。", "包括", "索尼", "用", "台湾", "屏", "出", "问题", "的", "都", "多", ",", "还", "不要说", "其他", "国产", "品牌", ",", "问题", "更多", "。", "我", "看到", "过", "的", "康佳", "电视", "卖", "5", "台", ",", "退回", "4", "台", "有问题", "的", "!", "如果", ",", "你们", "朋友", "懂", "电器", "你", "可以", "问问", "他", "买", "国产", "卖", "什么", "品牌", "!", "海信", "是", "中国", "的", "索尼", ",", "我", "做", "过", "对比", "拿", "海信", "TLM", "32", "E29", "对比", "三星", "32", "A350", "效果", "不", "比", "三星", "差", "!", "我", "需要", "说明", "的", "是", "TLM", "32", "E29", "他", "还是", "一", "个", "2008", "年", "产", "的", "型号", "."], ["tianhuai", "long", "|", "回答", "时间", ":", "05", ".", "10", "21", ":", "07"], ["我", "是", "一名", "海信", "的", "营业员", ",", "虽然", "我", "接触", "电器", "这个", "行业", "时间", "短", ",", "但是", "好", "与", "不", "好", "是", "你们", "个人", "的", "一", "个", "观点", ",", "其实", "你们", "做出", "这个", "评论", "之前", "先", "看看", "其他", "的", "品牌", "和", "海信", "这个品牌", "做", "比较", ",", "海信", "其实", "有很多", "的", "专利技术", ",", "从", "外观", "到", "芯片", ",", "包括", "屏", "源", ",", "就", "向", "别人", "有", "说", ",", "海信", "是", "中国", "的", "索尼", ",", "的", "确", ",", "其实", "国产", "里", ",", "我", "觉得", "海信", "真", "的", "是", "数", "一", ",", "不是我", "是", "海信", "人", "就", "说", "海信", "好", ",", "效果", "的", "确", "非常清晰", "。"], ["wang", "mengjiao", "|", "回答", "时间", ":", "05", ".", "12", "10", ":", "56"], ["海信", "还能", "维持", "多久", ",", "现在", "应该", "注意", "质量问题", "了", ",", "最", "可恨", "的", "就是", "现在", "的", "服务", "了", ",", "我", "家", "07", "年", "10", "月份", "买", "的", "海信", "37", "寸", "液晶电视", ",", "本人", "一直", "不", "在家", "电视", "也", "不", "怎么看", ",", "没想到", "刚", "满", "一年", "电视", "就", "打不开", "了", ",", "开机", "时间", "也", "就", "几", "百", "个", "小时", ",", "打电话", "找", "维修", "的", "什么", "没", "问", "就", "说", "出门", "就", "的", "要钱", ",", "零件", "另", "算", ",", "真", "不知道", "海信", "是不是", "就", "只能", "看", "一年", "啊", "!", "这", "就", "事", "中国", "产业", "吗", "?", "!", "用", "一年", "坏", "就是", "你们", "的", "责任", "吗", "?", "如果", "这样下去", "我", "想", "海信", "一年", "也", "就", "快", "关门", "了", "!", "\""], ["youjidui", "|", "回答", "时间", ":", "05", ".", "12", "19", ":", "39"], ["我", "是", "海信", "电视", "的", "促销员", ",", "我", "要", "向", "各位", "澄清", "的", "是", ":", "海信", "40", "寸", "液晶", "的", "座", "架", "收费标准", "是", "300", "元", ",", "请问", "上面", "的", "朋友", "你", "的", "电视", "是", "在", "哪", "那儿", "买", "的", ",", "200", "元", "能", "买", "下", "40", "寸", "型号", "是", "LZ", "033", "的", "底座", "吗", "?"], ["liu", "xiao", "bao", "|", "回答", "时间", ":", "06", ".", "23", "23", ":", "52"], ["海信", "做", "电视", "做", "的", "真", "系", "好", "好", "的", "电视", "有问题", "一定", "上", "会", "有点", "的", "你", "不要说", "机器", "拉", "人", "也是", "有", "样", "啊", "不", "但是", "海信", "有问题", "每个", "牌子", "的", "电视", "都会", "出现", "这样", "的", "情况", "啊", "有", "谁", "敢", "说", "么", "问题", "的", "创维", "康佳", "TCL", "长虹", "那个", "电视", "没", "出现", "过", "爆炸事件", "啊", "我", "怎么", "就", "没", "听说过", "海信", "有", "这样", "的", "现象", "啊", "你们", "真是", "身在福中不知福", "啊", "嗨", ".", ".", ".", ".", ".", "."], ["weiguanjun", "|", "回答", "时间", ":", "06", ".", "24", "22", ":", "08"], ["看", "问题", "不能", "以", "点", "盖", "面", ",", "任何", "产品", "都会", "有", "故障率", ",", "有", "哪个", "厂家", "敢", "说", "他们", "的", "产品", "不会", "坏", "?", "那", "他们", "就", "可以", "取消", "售后", "部", "了", "。", "我", "经销", "家电", "10", "多", "年", "了", ",", "相比较", "而言", ",", "海信", "的", "销量", "最大", ",", "故障率", "最低", ";", "至于", "售后服务", ",", "要", "看", "具体", "的", "操作", "人员", ",", "我们", "这儿", "的", "售后", "就", "做", "的", "很好", ",", "非常", "及时", ",", "收费合理", ",", "基本", "无", "投诉", "。"], ["WA", "2008", "|", "回答", "时间", ":", "06", ".", "26", "12", ":", "42"], ["我", "刚", "买", "1", "个", "月", "的", "海信", "TLM", "55", "V88", "GP", "就", "坏", "了", "!", "电视", "拉", "走", "维修", "10", "多", "天", "了", ",", "服务电话", "打", "了", "N", "次", "都", "说", "零件", "没", "到", "!", "不买", "不知道", ",", "买", "了", "就", "后悔", "!", "1", "个", "月", "的", "质量", ",", "海信", "啊", ",", "你", "这样做", "会引起公愤", "的", "。", "要", "好", "好", "整", "整", "服务理念", "了", "!", "说", "的", "再", "好", "不如", "实际", "行动", "!"], ["HAITIANYI", "SEW", "|", "回答", "时间", ":", "07", ".", "02", "00", ":", "04"], ["以前", "的", "家电", "都是", "国外", "的", ",", "爱国", "一", "次", "买", "还", "海信", ",", "质量", "太", "差", ",", "维修费", "太", "高", ",", "说", "板子", "坏", "了", "也", "不", "检查", ",", "直接", "就让", "买", "新", "的", ",", "这", "是", "什么", "修理", "呀", ",", "简直", "是", "抢钱", "?", "!", "海信", "你", "太", "让", "我", "失望", "了", "!"], ["BBBBBB", "|", "回答", "时间", ":", "07", ".", "05", "16", ":", "12"], ["海信", "电视", "质量", "太", "差", ",", "售后服务", "更", "差", ",", "本人", "07", "年", "7", "月", "购买", "一", "台", "32cm", "短管", "电视", ",", "到", "2008", "年", "6", "月", "电视", "图像", "变", "大", ",", "找", "海信", "维修人员", "维修", ",", "但", "效果", "不佳", ",", "屏幕", "四周", "字体", "或", "图像", "任然", "不是", "很", "正常", ",", "如果", "图像", "所想", "为", "16", ":", "9", "能看到", "黑屏", "与", "图像", "联接", "的", "线条", "是", "弯曲", "的", ",", "不是", "整体", "形状", ",", "维修人员", "说", ":", "只能", "修", "到", "这样", ",", "我们", "当时", "没有", "追究", ",", "到", "2009", "年", "4", "月", "20", "日", "电视", "打不开", ",", ",", "并且", "电线", "与", "电视", "连接", "处", "冒", "火花", ",", "找", "海信", "维修人员", "维修", "后", ",", "交", "了", "120", "元", "维修费", ",", "到", "2009", "年", "6", "月", "11", "日", "电视", "又", "出", "故障", "了", ",", "又", "找", "海信", "维修人员", "维修", ",", "问", "我们", "要", "维修费", "30", "元", ",", "我们", "没", "付", ",", "说", "看", "段", "时间", ",", "没问题", "后", "再", "付款", ",", "到", "6", "月", "23", "日", ",", "前后", "12", "天", "时间", ",", "累计", "看电视", "时间", "不到", "5", "个", "小时", ",", "电视", "又", "坏", "了", ",", "故障", "同", "2008", "年", "6", "月份", "情况", "相似", ",", "与", "维修", "人员", "联系", ",", "维修人员", "说", "付款", "给", "修", "不", "付款", "不", "修", ",", "6", "月", "25", "日", "至", "6", "月", "30", "日", "连续", "6", "天", "与", "海信", "总部", "联系", ",", "才", "给", "了", "个", "答复", "是", "修理", "电视", "的", "配件", "必须", "收钱", ",", "我们", "要求", "对方", "保证", "维修", "后", "3", "个", "月", "内", "电视", "不再", "出现", "问题", ",", "对方", "不同意", "。", "如此", "的", "质量", ",", "如此", "的", "售后服务", "让", "人", "寒心", ",", "与", "其他", "品牌", "电视", "相比", "是", "天地", "之", "别", "。"], ["snx", "clb", "|", "回答", "时间", ":", "07", ".", "06", "10", ":", "34"], ["不会", "再买", "海信", "的", "产品", "了", ",", "什么", "最大", "的", "液晶", "生产商", ",", "是", "最差", "的", "液晶", "生产商", "吧", "!", "一", "次", "管", "够", "呀", "!", "一", "锤子", "买卖", "的", "企业", "怎么", "会", "有", "发展", ",", "不", "注重", "质量", "的", "企业", "应该", "会", "很快", "破产", "的"], ["zhang", "liping", "|", "回答", "时间", ":", "07", ".", "08", "22", ":", "59"], ["我", "本人", "也是", "买", "的", "海信", "电视", ",", "才", "不到", "3", "个", "月", "电视", "就", "坏", "了", ",", "而且", "都", "没", "怎么看", "。", "维修人员", "说", "只", "在", "15", "天", "内", "可以", "换", ",", "一年内", "保修", ",", "可是", "都", "过去", "10", "天", "了", "还", "不见", "人", "来", "修", ",", "真是", "郁闷", "了", "!", "鄙视", "海信"], ["yl", "121314", "|", "回答", "时间", ":", "07", ".", "30", "15", ":", "13"]], "paragraphs": ["常听说一旦坏了,修的钱比买还要贵!", "但液晶电视的由于系统集成度较高,坏机的可能性 相对降低,", "如果发生怀机,一般维修费用较高,这就如同起初的电脑市场一样", "x8y2kg | 回答时间:2007-12-08 20:11:12", "寿命最多十年,修一次少则几百,多则上千.高清背投的寿命最多五年.据说上海北京一带修这种电视的修理工都开小车去修电视了,可以想象修这种电视有多赚钱.", "i8aylg | 回答时间: 12.10 02:50", "不行以后咱也去海信售后去,咱不就成暴发户了,哈哈哈,感谢海信能给我门提供这个好机会.", "7936 | 回答时间: 02.23 10:31", "说起海信深有体会 那就是好哇 我家还有亲属家用的全是海信好极啦 画质清晰 音响好 还支持1080P 建议就买国产海信 海信", "459512336 | 回答时间: 10.16 11:55", "海信是中国最大的液晶生产商 难道你们都不知道吗 真无知 可叹哪", "459512336 | 回答时间: 10.16 12:07", "不会再买海信的产品了,什么最大的液晶生产商,是最差的液晶生产商吧!一次管够呀!一锤子买卖的企业怎么会有发展,不注重质量的企业应该会很快破产的。", "l_71ab | 回答时间: 04.19 15:07", "海信的电视不是一般的差,我结婚买的电视不到二年,就修了好几次,维修价格贵不说,影响家人的心情,三天两头坏,真烦人,海信的质量怎么是这样呢,价格也不便宜,本想支持国产货的,但每次,国产货真是让人心凉呀!我认为海信的领导是不是也应该看看用户的心声呢!", "limin312300 | 回答时间: 05.04 09:22", "我家买的液晶电视才一年就坏了,给售后服务打电话说保修过期了,要修得花钱好像好几百,难道海信电视就只能寿命一年吗?", "QING | 回答时间: 05.08 17:19", "我是买海信电视的在我看来 有人说他 好也有人 说他不好, 你们怎样来评价一个品牌?不是说他用一辈子不出问题撒 ! 我相信任何品牌都出现过质量问题的, 我举个简单的例子, 东芝电视 他还出现过 《竖线门》事件。包括索尼用台湾屏出问题的都多, 还不要说其他国产品牌, 问题更多。 我看到过的康佳电视卖5台,退回4台有问题的! 如果,你们朋友懂电器你可以问问他买国产 卖什么品牌! 海信是中国的索尼, 我做过对比拿海信TLM32E29对比三星32A350 效果不比三星差! 我需要说明的是TLM32E29他还是一个2008年产的型号.", "tianhuailong | 回答时间: 05.10 21:07", "我是一名海信的营业员,虽然我接触电器这个行业时间短,但是好与不好是你们个人的一个观点,其实你们做出这个评论之前先看看其他的品牌和海信这个品牌做比较,海信其实有很多的专利技术,从外观到芯片,包括屏源,就向别人有说,海信是中国的索尼,的确,其实国产里,我觉得海信真的是数一,不是我是海信人就说海信好,效果的确非常清晰。", "wangmengjiao | 回答时间: 05.12 10:56", "海信还能维持多久,现在应该注意质量问题了,最可恨的就是现在的服务了,我家07年10月份买的海信37寸液晶电视,本人一直不在家电视也不怎么看,没想到刚满一年电视就打不开了,开机时间也就几百个小时,打电话找维修的什么没问就说出门就的要钱,零件另算,真不知道海信是不是就只能看一年啊!这就事中国产业吗?!用一年坏就是你们的责任吗?如果这样下去我想海信一年也就快关门了!\"", "youjidui | 回答时间: 05.12 19:39", "我是海信电视的促销员,我要向各位澄清的是:海信40寸液晶的座架收费标准是300元,请问上面的朋友你的电视是在哪那儿买的,200元能买下40寸型号是LZ033的底座吗?", "liuxiaobao | 回答时间: 06.23 23:52", "海信做电视做的真系好好的 电视有问题一定上会有点的 你不要说机器拉 人也是有样啊 不但是海信有问题 每个牌子的电视都会出现这样的情况啊 有谁敢说么问题的 创维 康佳 TCL 长虹 那个电视没出现过爆炸事件啊 我怎么就没听说过海信有这样的现象啊 你们真是身在福中不知福啊 嗨......", "weiguanjun | 回答时间: 06.24 22:08", "看问题不能以点盖面,任何产品都会有故障率,有哪个厂家敢说他们的产品不会坏?那他们就可以取消售后部了。我经销家电10多年了,相比较而言,海信的销量最大,故障率最低;至于售后服务,要看具体的操作人员,我们这儿的售后就做的很好,非常及时,收费合理,基本无投诉。", "WA2008 | 回答时间: 06.26 12:42", "我刚买1个月的海信TLM55V88GP就坏了!电视拉走维修10多天了,服务电话打了N次都说零件没到!不买 不知道,买了就后悔!1个月的 质量,海信啊,你这样做会引起公愤的。要好 好整整服务理念了!说的 再好不如实际 行动!", "HAITIANYISEW | 回答时间: 07.02 00:04", "以前的家电都是国外的,爱国一次买还海信,质量太差,维修费太高,说板子坏了也不检查,直接就让买新的,这是什么修理呀,简直是抢钱?!海信你太让我失望了!", "BBBBBB | 回答时间: 07.05 16:12", "海信电视质量太差,售后服务更差,本人07年7月购买一台32cm短管电视,到2008年6月电视图像变大,找海信维修人员维修,但效果不佳,屏幕四周字体或图像任然不是很正常,如果图像所想为16:9能看到黑屏与图像联接的线条是弯曲的,不是整体形状,维修人员说:只能修到这样,我们当时没有追究,到2009年4月20日电视打不开,,并且电线与电视连接处冒火花,找海信维修人员维修后,交了120元维修费,到2009年6月11日电视又出故障了,又找海信维修人员维修,问我们要维修费30元,我们没付,说看段时间,没问题后再付款,到6月23日,前后12天时间,累计看电视时间不到5个小时,电视又坏了,故障同2008年6月份情况相似,与维修人员联系,维修人员说付款给修不付款不修,6月25日至6月30日连续6天与海信总部联系,才给了个答复是修理电视的配件必须收钱,我们要求对方保证维修后3个月内电视不再出现问题,对方不同意。如此的质量,如此的售后服务让人寒心,与其他品牌电视相比是天地之别。", "snxclb | 回答时间: 07.06 10:34", "不会再买海信的产品了,什么最大的液晶生产商,是最差的液晶生产商吧!一次管够呀!一锤子买卖的企业怎么会有发展,不注重质量的企业应该会很快破产的", "zhangliping | 回答时间: 07.08 22:59", "我本人也是买的海信电视,才不到3个月电视就坏了,而且都没怎么看。维修人员说只在15天内可以换,一年内保修,可是都过去10天了还不见人来修,真是郁闷了!鄙视海信", "yl121314 | 回答时间: 07.30 15:13"], "bs_rank_pos": 0}, {"is_selected": true, "title": "海信55寸液晶电视怎么样_好吗_质量怎么样-万维家电网口碑", "most_related_para": 2, "segmented_title": ["海信", "55", "寸", "液晶电视", "怎么样", "_", "好", "吗", "_", "质量", "怎么样", "-", "万维", "家电", "网", "口碑"], "segmented_paragraphs": [["海信", "液晶电视", "新品", "海信", "热销", "液晶电视"], ["海信", "LED", "65", "EC", "780", "UC", "海信", "65", "MU", "9600", "X3D", "UC", "海信", "LED", "55", "V", "1", "UC", "海信", "LED", "55", "K", "220", "海信", "LED", "32", "EC", "510N"], ["热门", "海信", "液晶电视", "口碑", "其他", "海信", "55", "寸", "液晶电视", "口碑", "海信", "55", "寸", "液晶电视", "品牌", "对比", "海信", "液晶电视", "百科"]], "paragraphs": ["海信液晶电视新品 海信热销液晶电视", "海信LED65EC780UC 海信65MU9600X3DUC 海信LED55V1UC 海信LED55K220 海信LED32EC510N", "热门海信液晶电视口碑 其他海信55寸液晶电视口碑 海信55寸液晶电视品牌对比 海信液晶电视百科"], "bs_rank_pos": 1}, {"is_selected": false, "title": "海信电视机怎么样啊_百度知道", "most_related_para": 0, "segmented_title": ["海信", "电视机", "怎么样", "啊", "_", "百度", "知道"], "segmented_paragraphs": [["质量", "不错", "的", ",", "我", "家", "买", "的", "两", "台", "都是", "海信", "的", ",", "不", "建议", "买", "最新", "款", ",", "老", "款", "相对", "实惠", "些", ",", "质量", "都一样", ",", "如果", "你", "是", "一", "个", "追求", "潮流", "的", "人", ",", "也", "不", "建议", "你", "买", "新款", ",", "平时", "都", "没有", "时间", "看", "电视", ",", "但", "客厅", "一定要", "有", "一", "台", "的", "。"]], "paragraphs": ["质量不错的,我家买的两台都是海信的,不建议买最新款,老款相对实惠些,质量都一样,如果你是一个追求潮流的人,也不建议你买新款,平时都没有时间看电视,但客厅一定要有一台的。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "海信电视怎么样_百度知道", "most_related_para": 0, "segmented_title": ["海信", "电视", "怎么样", "_", "百度", "知道"], "segmented_paragraphs": [["海信", "电视", "国产", "最好", "的", ",", "我", "家", "都", "用", "海信", "电视", "质量", "很", "棒", ",", "性价比", "高"], ["海信", "的", "不错", ",", "我", "用", "着", "一", "台", "海信", "7000", "u", ",", "这个", "型号", "还不错"], ["我", "买", "了", "一", "台", ",", "或", "去", "海信", "网站", "看看", "网友", "们", "的", "评论", "。"]], "paragraphs": ["海信电视国产最好的,我家都用海信电视 质量很棒,性价比高", "海信的不错,我用着一台海信7000u,这个型号还不错", "我买了一台,或去海信网站看看网友们的评论。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "海信液晶电视质量好不好啊_百度知道", "most_related_para": 1, "segmented_title": ["海信", "液晶电视", "质量", "好不好", "啊", "_", "百度", "知道"], "segmented_paragraphs": [["尊敬", "的", "顾客", "您好", ":", "海信", "专业", "做", "电视", "43", "年", "!"], ["海信", "质量", "不行", "服务", "更", "差", ",", "有问题", "能", "拖", "死人", ",", "我", "买", "的", "海信", "电视", "有问题", ",", "售后", "检查", "过", "同意", "退", "机", "了", ",", "售后", "拿", "电视", "拖", "了", "一个月", ",", "反复", "打", "了", "电话", "才", "拿走", "。", "现在", "退钱", "又", "等", "了", "一个月", ",", "十", "几", "次", "电话", "都", "打", "过", "了", ",", "每次", "都", "讲", "明天", "退", ",", "可", "每次", "都", "忽悠", "人", ",", "钱", "一直", "没", "退回", "来", "。", "买", "电视", "后", "打", "400", "和", "本地", "海信", "售后", "电话", ",", "前后", "打", "了", "几", "十", "遍", ",", "以后", "再也不", "打", "他们", "电话", ",", "和", "海信", "绝缘", "了", ",", "拿钱", "看", "样子", "要", "打官司", "才", "有用", "。"], ["强烈建议", "不要", "买", "海信", ",", "我", "刚", "买", "的", ",", "各种", "不合理", "收费", "!", "最近", "我", "也", "算", "七七八八", "买", "了", "不少", "电器", ",", "所有", "电器", "都", "是", "免费上门", "安装", "调试", ",", "如果", "有", "耗材", "才", "需要", "收费", ",", "可是", "海信", "即使", "是", "安装", "底座", "也", "需要", "收费", ",", "这", "点", "我", "忍", "了", ",", "装", "好", "后", "却", "出现", "画面", "卡", "的", "问题", ",", "打电话", "到", "售后", ",", "售后", "人员", "说", "要", "安装", "信号", "放大器", ",", "还要", "150", "元", ",", "这", "就是", "海信", "电视", "的", "质量", "?", "我", "家用", "其他", "品牌", "的", "电视", "都", "不需要", "信号", "放大器", ",", "怎么", "海信", "产品", "就", "比", "其他", "品牌", "电视", "差劲", "?", "而且", "以后", "如果", "质量问题", ",", "保修", "期", "内", "维修", "也", "会", "有", "其他", "收费", ",", "非常", "郁闷", "这种", "不负责任", "的", "服务", "。"], ["质量", "不", "怎么样", ",", "服务", "更", "不", "怎么样", ",", "垃圾", "中", "的", "战斗机"]], "paragraphs": ["尊敬的顾客您好:海信专业做电视43年!", "海信质量不行服务更差,有问题能拖死人,我买的海信电视有问题,售后检查过同意退机了,售后拿电视拖了一个月,反复打了电话才拿走。现在退钱又等了一个月,十几次电话都打过了,每次都讲明天退,可每次都忽悠人,钱一直没退回来。买电视后打400和本地海信售后电话,前后打了几十遍,以后再也不打他们电话,和海信绝缘了,拿钱看样子要打官司才有用。", "强烈建议不要买海信,我刚买的,各种不合理收费!最近我也算七七八八买了不少电器,所有电器都是免费上门安装调试,如果有耗材才需要收费,可是海信即使是安装底座也需要收费,这点我忍了,装好后却出现画面卡的问题,打电话到售后,售后人员说要安装信号放大器,还要150元,这就是海信电视的质量?我家用其他品牌的电视都不需要信号放大器,怎么海信产品就比其他品牌电视差劲?而且以后如果质量问题,保修期内维修也会有其他收费,非常郁闷这种不负责任的服务。", "质量不怎么样,服务更不怎么样,垃圾中的战斗机"], "bs_rank_pos": 4}], "answer_spans": [[0, 4]], "fake_answers": ["海信电视质量太差"], "question": "海信电视怎么样", "segmented_answers": [["没有", "寿命", "问题", ",", "但", "液晶电视", "的", "由于", "系统集成", "度", "较", "高", ",", "坏", "机", "的", "可能性", "相对", "降低", ",", "如果", "发生", "怀", "机", ",", "一般", "维修费用", "较", "高", ",", "这", "就", "如同", "起初", "的", "电脑", "市场", "一样", "。"], ["海信", "电视", "不好", ",", "都", "遇到", "几", "台", "了", ",", "在", "保修", "期", "內", ",", "屏", "就", "坏", "了", ",", "不", "保修", ",", "收费", "又", "高", ",", "垃圾", ",", "成都", "的", "售后", "更", "垃圾", "。"], ["海信", "电视", "故障率", "太", "高", ",", "很", "容易", "坏", ",", "维修", "售后", "质量", "也", "差", ",", "过", "保", "了", "维修", "起来", "折腾", "人", "。"]], "answers": ["没有寿命问题, 但液晶电视的由于系统集成度较高,坏机的可能性相对降低, 如果发生怀机,一般维修费用较高,这就如同起初的电脑市场一样。", "海信电视不好,都遇到几台了,在保修期內,屏就坏了,不保修,收费又高,垃圾,成都的售后更垃圾。", "海信电视故障率太高,很容易坏,维修售后质量也差,过保了维修起来折腾人。"], "answer_docs": [0], "segmented_question": ["海信", "电视", "怎么样"], "question_type": "DESCRIPTION", "question_id": 181575, "fact_or_opinion": "FACT", "match_scores": [0.3448275862068966]} -{"documents": [{"is_selected": false, "title": "建行理财产品到期后多久到账_百度知道", "most_related_para": 0, "segmented_title": ["建行", "理财产品", "到期后", "多久", "到账", "_", "百度", "知道"], "segmented_paragraphs": [["建行", "理财产品", "到期后", ":", "  ", "1", "、", "如果", "是", "工作日", "为", "到期日", ":", "一般", "是", "当日", "到账", ";", "  ", "2", "、", "如果", "是", "节假日", "为", "到期日", ":", "一般", "为", "休息日", "后", "第一天", "可以", "到账", "。", "  ", "目前", "建设银行", "推出", "的", "理财产品", "主要有", ":", "利得盈", "、", "汇得盈", "、", "QDII", "以及", "代理", "理财产品", "等", "几", "种", "。", "其", "各自", "对应", "的", "特点", "以及", "业务范围", "分别", "如", "下", ":", "  ", "1", "、", "利得盈", ":", "主要", "是", "建设银行", "向", "个人", "客户", "推出", "的", "一类", "债券", "型", "理财产品", "。", "  ", "其", "主要", "包括", "信托", "贷款", "型", "(", "短期", "、", "中", "长期", "、", "长期", ")", "、", "债券", "型", "(", "短期", "、", "中", "长期", ")", "以及", "混合型", "(", "长期", "、", "中期", ")", "等等", "产品", "。", "  ", "2", "、", "汇得盈", ":", "是", "建设银行", "将", "金融", "衍生产品", "与", "传统", "金融", "服务", "相结合", ",", "而", "推出", "的", "一类", "理财产品", "。", "其", "主要", "是", "为", "个人", "外汇", "提供", "投资理财", "服务", "。", "  ", "人民币", "产品", "、", "美元", "产品", "、", "港币", "产品", "、", "澳元", "产品", "、", "欧元", "产品", "。", "  ", "3", "、", "QDII", ":", "是", "指", "将", "境内", "投资者", "的", "资金", "在", "境外", "进行", "投资", "的", "一类", "产品", "。", "主要", "分为", "开放式", "和", "封闭式", "。"]], "paragraphs": ["建行理财产品到期后:   1、如果是工作日为到期日:一般是当日到账;   2、如果是节假日为到期日:一般为休息日后第一天可以到账。   目前建设银行推出的理财产品主要有:利得盈、汇得盈、QDII以及代理理财产品等几种。其各自对应的特点以及业务范围分别如下:   1、利得盈:主要是建设银行向个人客户推出的一类债券型理财产品。   其主要包括信托贷款型(短期、中长期、长期)、债券型(短期、中长期)以及混合型(长期、中期)等等产品。   2、汇得盈:是建设银行将金融衍生产品与传统金融服务相结合,而推出的一类理财产品。其主要是为个人外汇提供投资理财服务。   人民币产品、美元产品、港币产品、澳元产品、欧元产品。   3、QDII:是指将境内投资者的资金在境外进行投资的一类产品。主要分为开放式和封闭式。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "建行理财到期钱没了 没钱怎么理财?-百科大全-就爱阅读网", "most_related_para": 10, "segmented_title": ["建行", "理财", "到期", "钱", "没了", "没", "钱", "怎么", "理财", "?", "-", "百科", "大全", "-", "就爱阅读", "网"], "segmented_paragraphs": [["先", "有", "财", "才能", "理", ",", "那", "就", "省吃俭用", "省", "下来", "投资"], ["理财", "本身", "就", "有", "一定", "很", "小", "的", "风险", ",", "建议", "还是", "买", "大", "银行", "或者", "大", "证券公司", "的", "产品", "靠谱", ",", "风险", "与", "收益", "成正比", ",", "同", "风险", "级别", "的", "产品", "收益", "一般", "差不多", "。", "所以", "建议", "还是", "买", "大", "银行", "或者", "证券公司", "的", "产品"], ["总", "看", "电视", "上", "老人", "被骗", ",", "那么", "相信", "不合理", "的", "收益", "理财", ",", "不和", "老人", "被骗", "一样", "么", "?"], ["你", "就", "这么", "想", "吧", ",", "你现在", "房贷", "利息", "才", "多一点", ",", "你", "存", "个", "理财", "给", "你", "收益", "百分", "之", "十", "几", "你", "相信", "没", "风险", "么", "?", "就算", "有", "也", "就是", "给", "你", "一", "点", "甜头", "就一次", "两次", "或者", "很", "短", "期限", ",", "要", "么", "就", "骗", "你", "让", "你", "投", "钱", "然后", "一下子", "跑路"], ["实业", "的", "平均", "收益率", "还没有", "10", "%", "收益", "多少", "合理", "你", "自己", "想", "一", "下", "。"], ["合理", "的", "没有", "什么", "风险", "的", "理财产品", "收益", "应该", "是", "在", "银行", "贷款利率", "之", "下", "的", ",", "否", "者", "这么", "麻烦", "发", "理财", "还", "不如", "直接", "去", "银行", "借钱", ",", "否", "者", "连", "银行", "的", "风", "控", "都", "通过", "不", "了", ",", "还", "谈", "什么", "安全"], ["这个", "没有", "听说过", "的", ",", "也是", "理财", "的", "网站", "吗", ",", "我", "现在", "是", "用", "的", "那个", "你我贷", ",", "感觉", "那个", "还是", "比较", "方便", "的", ",", "有", "保险公司", "承保", "的", "也", "不", "担心", "。"], ["不", "然", "从", "进入", "互", "金", "的", "理财", "就", "在", "用", "了", ",", "确实", "挺", "可靠", "的", "。"], ["钱多多", "是", "一", "家", "有", "抵押", "高收益", "低风险", "在线", "投资", "借贷", "平台", ",", "整体", "上", "还是", "一", "个", "靠谱", "的", "平台", ",", "在", "平台", "理财", ",", "收益", "一般", "能", "达到", "9", "%", "-", "15", "%", ",", "风险", "肯定", "是", "有", "的", ",", "特别", "是", "这种", "P2P", "平台", ",", "一定要", "多", "平台", "分散投资", ",", "投", "一些", "靠谱", "的", "平台", ",", "投", "哪", "网", ",", "礼", "德", "财富", ",", "翼龙贷", "等等", "。"], ["钱多", "有钱", "多", "的", "做法", ",", "钱", "少", "有钱", "激", "的", "做法", ",", "像", "外汇投资", ",", "2000", "美金", "以上", "就", "可以", "操作", "的", "很少", ",", "假设", "一", "天", "盈利", "20", "美金", ",", "那么", "一个月", "盈利", "也", "在", "440", "美金", ",", "也是", "一", "笔", "很", "可", "观", "收入", ",", "投资理财", "最", "重要", "的", "就是", "有", "这个", "理念", "并且", "付诸", "实际行动", "中", ",", "如果", "有兴趣", "可以", "继续", "沟通", ",", "希望", "可以", "让", "你", "少", "走", "弯路", ",", "给", "你", "一些", "比较", "靠谱", "的", "学习资料", "。"], ["50", "年", "当", "中", ",", "有", "风华", "雪月", "的", "时光", ",", "有", "儿女", "成", "双", "的", "成就", ",", "有", "留恋", "麻将桌", "的", "悠闲", ",", "怎么", "就", "没有", "开源节流", "的", "意识", "呢", "?", "50", "岁", "知天命", "了", ",", "现在", "想起", "要", "理财", "也", "为", "时", "未晚", "。", "现在", "一", "份", "好工作", "的", "门槛", "很高", ",", "建议", "你", "到", "人寿", "保险", "公司", "去", "应聘", ",", "那里", "有", "你", "的", "梦想", "。", "即使", "做", "不", "成功", ",", "你", "也", "没有", "损", "唬", ",", "不是", "吗", "?", "不要听", "别人", "怎么说", ",", "你", "去", "试", "试", "才", "知道", "。"], ["因为", "凡是", "替", "人", "理财", "的", "都是", "自己", "不会", "赚钱", "的", ",", "否则", "他", "去", "银行", "贷款", "自己", "赚钱", "去", "了", ",", "为什么", "会", "让", "你", "占便宜", "?", "?"], ["零钱宝", "是", "第三方支付", "平台", "易付宝", "为", "个人用户", "打造", "的", "现金", "理财产品", ",", "用户", "存放", "在", "零钱宝", "中", "的", "资金", "不仅", "能够", "得到", "较", "高", "收益", ",", "还能", "随时", "消费", "和", "快速", "转出", ",", "方便", "灵活", "且", "不", "收取", "任何", "手续费", "。"], ["不好意思", ",", "对", "这个", "不太", "清楚", ",", "不过", "你", "可以", "去", "中金", "国泰", "看看", "啦", "。", "口碑", "特别", "好", "。"], ["百度搜索", "“", "就", "爱", "阅读", "”", ",", "专业", "资料", ",", "生活", "学习", ",", "尽", "在", "就", "爱", "阅读", "网", "92to", ".", "com", ",", "您", "的", "在线", "图书馆"], ["分享", "此", "文"]], "paragraphs": ["先有财才能理,那就省吃俭用省下来投资", "理财本身就有一定很小的风险,建议还是买大银行或者大证券公司的产品靠谱,风险与收益成正比,同风险级别的产品收益一般差不多。所以建议还是买大银行或者证券公司的产品", "总看电视上老人被骗,那么相信不合理的收益理财,不和老人被骗一样么?", "你就这么想吧,你现在房贷利息才多一点,你存个理财给你收益百分之十几你相信没风险么?就算有也就是给你一点甜头就一次两次或者很短期限,要么就骗你让你投钱然后一下子跑路", "实业的平均收益率还没有10%收益多少合理你自己想一下。", "合理的没有什么风险的理财产品收益应该是在银行贷款利率之下的,否者这么麻烦发理财还不如直接去银行借钱,否者连银行的风控都通过不了,还谈什么安全", "这个没有听说过的,也是理财的网站吗,我现在是用的那个你我贷,感觉那个还是比较方便的,有保险公司承保的也不担心。", "不然从进入互金的理财就在用了,确实挺可靠的。", "钱多多是一家有抵押高收益低风险在线投资借贷平台,整体上还是一个靠谱的平台,在平台理财,收益一般能达到9%-15%,风险肯定是有的,特别是这种P2P平台,一定要多平台分散投资,投一些靠谱的平台,投哪网,礼德财富,翼龙贷等等。", "钱多有钱多的做法,钱少有钱激的做法,像外汇投资,2000美金以上就可以操作的很少,假设一天盈利20美金,那么一个月盈利也在440美金,也是一笔很可观收入,投资理财最重要的就是有这个理念并且付诸实际行动中,如果有兴趣可以继续沟通,希望可以让你少走弯路,给你一些比较靠谱的学习资料。", "50年当中,有风华雪月的时光,有儿女成双的成就,有留恋麻将桌的悠闲,怎么就没有开源节流的意识呢?50岁知天命了,现在想起要理财也为时未晚。现在一份好工作的门槛很高,建议你到人寿保险公司去应聘,那里有你的梦想。即使做不成功,你也没有损唬,不是吗?不要听别人怎么说,你去试试才知道。", "因为凡是替人理财的都是自己不会赚钱的,否则他去银行贷款自己赚钱去了,为什么会让你占便宜??", "零钱宝是第三方支付平台易付宝为个人用户打造的现金理财产品,用户存放在零钱宝中的资金不仅能够得到较高收益,还能随时消费和快速转出,方便灵活且不收取任何手续费。", "不好意思,对这个不太清楚,不过你可以去中金 国泰看看啦。口碑特别好。", "百度搜索“就爱阅读”,专业资料,生活学习,尽在就爱阅读网92to.com,您的在线图书馆", "分享此文"], "bs_rank_pos": 1}, {"is_selected": false, "title": "建行理财产品到期后怎么没到账,理财产品信息也没有_百度知道", "most_related_para": 0, "segmented_title": ["建行", "理财产品", "到期后", "怎么", "没", "到账", ",", "理财产品", "信息", "也", "没有", "_", "百度", "知道"], "segmented_paragraphs": [["建行", "的", "理财产品", "今天", "到期", ",", "次日", "下午", "六", "点", "才", "到账", ",", "这", "是", "两", "个", "概念", "。"]], "paragraphs": ["建行的理财产品今天到期,次日下午六点才到账,这是两个概念。"], "bs_rank_pos": 2}, {"is_selected": true, "title": "建设银行的理财产品为什么到期了,钱还没有到账?-网贷之家问答", "most_related_para": 0, "segmented_title": ["建设银行", "的", "理财产品", "为什么", "到期", "了", ",", "钱", "还没有", "到账", "?", "-", "网贷", "之", "家", "问答"], "segmented_paragraphs": [["建设银行", "的", "理财产品", "为什么", "到期", "了", ",", "钱", "还没有", "到账", "?"], ["全部", "回答", "(", "1", ")"], ["请", "点击", "举报", "理由"], ["网贷", "问答", "—", "有问必答", "10", "分钟", "答案", "即可", "获取"], ["没有", "网贷", "之", "家", "账号", "?", "立即注册"]], "paragraphs": ["建设银行的理财产品为什么到期了,钱还没有到账?", "全部回答(1)", "请点击举报理由", "网贷问答—有问必答 10分钟答案即可获取", "没有网贷之家账号?立即注册"], "bs_rank_pos": 3}, {"is_selected": false, "title": "【建行理财到期几天到账】- 融360", "most_related_para": 4, "segmented_title": ["【", "建行", "理财", "到期", "几天", "到账", "】", "-", "融", "360"], "segmented_paragraphs": [["建行", "理财", "到期", "几天", "到账", "P2P", "理财", "是", "最新", "出现", "的", "网上", "理财产品", ",", "基本", "定义", "是", "个人", "对", "个人", "的", "借贷", "理财", ",", "目前国内", "P2P", "理财产品", "较多", ",", "公司", "鱼", "目", "混", "杂", ",", "利息", "高", ",", "但是", "对于", "理财产品", "的", "安全性", "是", "现在", "最为", "关注", "的", ",", "在", "高", "利息", "风险", "大", "的", "平台", "获取", "收益", "也是", "P2P", "理财", "的", "一大", "特点", "。"], ["文章内容", "部分", "来自", "网络", "转载", ",", "如有侵权", ",", "请", "联系", "删除", ",", "QQ", ":", "2939274365", ",", "邮箱", ":", "shaozhenlin", "#", "rong", "360", ".", "com", "(", "请", "将", "#", "换", "成", "@", ")"], ["想", "问", "贷款", "、", "信用卡", "问题", "?", "扫一扫", "关注", "微信", "公众", "号", "(", "qian", "niuer", "888", ")", "获取", "更多", "帮助", "。"], ["相关", "百科", "建行", "虚拟", "信用卡", "建行", "速", "盈", "大众", "龙卡", "春秋", "龙卡", "信用卡", "安徽", "etc", "龙卡", "信用卡", "助", "业", "贷"], ["相关", "攻略", "工行", "信用卡", "退款", "几天", "到账", "?", "工行", "信用卡", "退款", "几天", "到账", "?", "在", "日常", "生活", "中", ",", "我们", "常", "会", "遇到", "买到", "的", "商品", "不符合", "心意", "又", "需要", "退货", "的", "情况", "。", "如果", "消费", "时", "使用", "的", "现金", "或", "储蓄卡", ",", "退款", "过程", "相对", "较", "为", "简单", ",", "到账", "时间", "也", "很", "短", ",", "但", "如果", "是", "用", "信用卡", "支付", "货款", "的", ",", "那么", "退款", "时", "就", "需要", ".", ".", ".", "余额宝", "转账", "到", "建行", "要", "多久", "?", "余额宝", "的", "流动性", "好", ",", "转账", "到", "银行卡", "快速", "方便", ",", "那么", "到底", "余额宝", "转账", "到", "建行", "要", "多久", "?", "余额宝", "转账", "到", "建行", "不是", "实时", "到账", ",", "具体", "分", "两种", "情况", "。", "在", "6", ":", "00", "-", "21", ":", "30", "的", "建行", "服务", "时间", "内", ",", "通过", "手机", "支付宝", "余额宝", "操作", ".", ".", ".", "建行", "信用卡", "可以", "转账", "吗", "?", "随着", "信用卡", "的", "普及", ",", "信用卡", "消费", "已经成为", "众多", "持", "卡", "者", "的", "生活习惯", "。", "信用卡", "的", "便捷", ",", "让", "更多", "人", "办理", "信用卡", "和", "使用", "信用卡", "。", "但是", ",", "有", "持", "卡", "者", "疑问", "地", "表示", ",", "信用卡", "可以", "转账", "吗", "?", "答案", "是", "肯定", "的", ",", "但是", "会", "有", ".", ".", "."], ["相关", "回答", "提问", ":", "几天", "可以", "到账", "回答", ":", "你好", ",", "同行", "转账", "当天", "就", "到账", ",", "跨行", "转账", ",", "次日", "到账", "。", "提问", ":", "2016", "建行", "转账", "多久", "到账", "?", "回答", ":", "2016", "建设银行", "网上银行", "转账", ",", "到账", "时间", "在", "2", "-", "24", "小时", "。", "提问", ":", "建行", "给", "中行", "转账", "多久", "?", "回答", ":", "银行转账", "一般", "是", "在", "24", "小时", "之", "内", "完成", "。", "银行卡", "跨行", "转账", "可以通过", "以下", "方式", "转账", ":", "支付宝", "转账", ";", "网银", "转账", ";", "银行", "柜台", "转账", "等", "。", "提问", ":", "建行", "转", "招行", "多久", "到账", "?", "回答", ":", "建设银行", "到账", "时间", ":", "1", "、", "系统", "内", "9", ":", "00", "-", "16", ":", "30", "实时", "到", "帐", "。", "2", "、", "跨行", "1", "-", "3", "个", "工作日", "。", "具体", "的", "建议", "可以", "问", "下", "银行", "的", "客服", "。", "提问", ":", "恒易", "融", "到期", "多久", "到账", "?", "回答", ":", "提现", "是", "T", "+", "1", "天", "打", "到", "您", "银行卡", "里", ",", "也就是说", "您", "今天", "提现", ",", "最迟", "明", "晚", "24点", "就能", "到账", "。", "(", "前提", "是", "必须", "是", "工作日", ")"], ["大家", "还在", "搜", "理财", "到期后", "几天", "到账", "交行", "理财", "到期", "几天", "到账", "建行", "理财", "几天", "到账", "中信", "理财", "到期", "几天", "到账", "建行", "理财", "到期", "钱", "没", "到账", "理财", "到期", "赎回", "几天", "到账", "到期", "理财", "最晚", "几天", "到账", "建行", "保险", "理财", "几天", "到账", "建行", "乾元", "到期", "几天", "到账"], ["热门推荐", "热门", "城市"], ["当前位置", ":", "融", "360", ">", "理财", ">", "建行", "理财", "到期", "几天", "到账"]], "paragraphs": ["建行理财到期几天到账 P2P理财是最新出现的网上理财产品,基本定义是个人对个人的借贷理财,目前国内P2P理财产品较多,公司鱼目混杂,利息高,但是对于理财产品的安全性是现在最为关注的,在高利息风险大的平台获取收益也是P2P理财的一大特点。", "文章内容部分来自网络转载,如有侵权,请联系删除,QQ:2939274365,邮箱:shaozhenlin#rong360.com(请将#换成@)", "想问贷款、信用卡问题?扫一扫关注微信公众号(qianniuer888)获取更多帮助。", "相关百科 建行虚拟信用卡 建行速盈 大众龙卡 春秋龙卡信用卡 安徽etc龙卡信用卡 助业贷", "相关攻略 工行信用卡退款几天到账? 工行信用卡退款几天到账?在日常生活中,我们常会遇到买到的商品不符合心意又需要退货的情况。如果消费时使用的现金或储蓄卡,退款过程相对较为简单,到账时间也很短,但如果是用信用卡支付货款的,那么退款时就需要... 余额宝转账到建行要多久? 余额宝的流动性好,转账到银行卡快速方便,那么到底余额宝转账到建行要多久? 余额宝转账到建行不是实时到账,具体分两种情况。 在6:00-21:30的建行服务时间内,通过手机支付宝余额宝操作... 建行信用卡可以转账吗? 随着信用卡的普及,信用卡消费已经成为众多持卡者的生活习惯。信用卡的便捷,让更多人办理信用卡和使用信用卡。但是,有持卡者疑问地表示,信用卡可以转账吗? 答案是肯定的,但是会有...", "相关回答 提问: 几天可以到账 回答: 你好,同行转账当天就到账,跨行转账,次日到账。 提问: 2016建行转账多久到账? 回答: 2016建设银行网上银行转账,到账时间在2-24小时。 提问: 建行给中行转账多久? 回答: 银行转账一般是在24小时之内完成。银行卡跨行转账可以通过以下方式转账:支付宝转账;网银转账;银行柜台转账等。 提问: 建行转招行多久到账? 回答: 建设银行到账时间:1、系统内9:00-16:30实时到帐。2、跨行1-3个工作日。具体的建议可以问下银行的客服。 提问: 恒易融到期多久到账? 回答: 提现是T+1天打到您银行卡里,也就是说您今天提现,最迟明晚24点就能到账。(前提是必须是工作日)", "大家还在搜 理财到期后几天到账 交行理财到期几天到账 建行理财几天到账 中信理财到期几天到账 建行理财到期钱没到账 理财到期赎回几天到账 到期理财最晚几天到账 建行保险理财几天到账 建行乾元到期几天到账", "热门推荐 热门城市", "当前位置:融360 > 理财 >建行理财到期几天到账"], "bs_rank_pos": 4}], "answer_spans": [[1, 9]], "fake_answers": ["的理财产品为什么到期了,钱还没有到账"], "question": "建行理财到期钱没了", "segmented_answers": [["首先", "确定", "买", "的", "是", "自动", "赎回", "的", "吗", "?", "要", "不是", "的", "话", "还", "需要", "手", "中", "赎回", "钱", "才", "可以", "回到", "账", "上", "。", "银行", "理财产品", "到期后", "的", "资金", "一般", "在", "晚间", "24", "点", "钱", "会", "到账", ",", "但", "如果", "买", "的", "产品", "会", "自动", "续", "做", "的", "话", ",", "一定", "记得", "要", "手动", "赎回", "一", "下", "。"]], "answers": ["首先确定买的是自动赎回的吗?要不是的话还需要手中赎回钱才可以回到账上。银行理财产品到期后的资金一般在晚间24点钱会到账,但如果买的产品会自动续做的话,一定记得要手动赎回一下。"], "answer_docs": [3], "segmented_question": ["建行", "理财", "到期", "钱", "没了"], "question_type": "DESCRIPTION", "question_id": 181576, "fact_or_opinion": "FACT", "match_scores": [0.11594202898550725]} -{"documents": [{"is_selected": true, "title": "秋占生女是啥意思_百度知道", "most_related_para": 0, "segmented_title": ["秋", "占", "生", "女", "是", "啥", "意思", "_", "百度", "知道"], "segmented_paragraphs": [["这", "是", "求", "了", "观音灵签", "的", "以", "支", "中签", ",", "在", "网上", "查", "到", "的", "解释", "是", ":", "1", "此", "卦", "屋", "好", "墙壁", "之", "象", "凡事", "稳当", "无", "险", "也", "。", "2", "曰", ":", "改", "旧", "成", "新", "寒", "花", "遇", "春", "从前", "阻滞", "今", "得", "称心", ":", "自身", "吉", ":", "宜守常则", "四", "季", "平静", "若问", "申", "宫", "用", "守", "常", ",", "今生", "运", "限", "主", "雌", "强", ";", "早"]], "paragraphs": ["这是求了观音灵签的以支中签,在网上查到的解释是:1此卦屋好墙壁之象 凡事稳当无险也。2曰:改旧成新 寒花遇春 从前阻滞 今得称心: 自身吉:宜守常则四季平静 若问申宫用守常,今生运限主雌强;早"], "bs_rank_pos": 1}, {"is_selected": false, "title": "预示生女,秋占生男是什么意思???秋占是什么意思?????_百度知道", "most_related_para": 1, "segmented_title": ["预示", "生", "女", ",", "秋", "占", "生", "男", "是什么", "意思", "?", "?", "?", "秋", "占", "是", "什么", "意思", "?", "?", "?", "?", "?", "_", "百度", "知道"], "segmented_paragraphs": [["看", "八字", "就", "知道"], ["忌", "用", "“", "丑陋", "”", "的"]], "paragraphs": ["看八字就知道", "忌用“丑陋”的"], "bs_rank_pos": 2}, {"is_selected": true, "title": "秋占生女什么意思_百度知道", "most_related_para": 0, "segmented_title": ["秋", "占", "生", "女", "什么", "意思", "_", "百度", "知道"], "segmented_paragraphs": [["就是", "秋", "占", "生", "的", "女儿", "的", "意思", "。"], ["短时间", "交易", "里面", ",", "不要", "用", "周易", "了"]], "paragraphs": ["就是秋占生的女儿的意思。", "短时间交易里面,不要用周易了"], "bs_rank_pos": 3}, {"is_selected": false, "title": "预示生男,秋占生女是什么意思_百度宝宝知道", "most_related_para": 0, "segmented_title": ["预示", "生", "男", ",", "秋", "占", "生", "女", "是什么", "意思", "_", "百度", "宝宝", "知道"], "segmented_paragraphs": [["不要", "太", "迷信", "了", "太阳", "2016", "-", "12", "-", "13", "10", ":", "40"], ["这个", "还是", "顺其自然", "比较好", "177", "***", "*", "*", "933", "_", "gfST", "2016", "-", "12", "-", "13", "10", ":", "54"], ["迷信", "不可信", "!"]], "paragraphs": ["不要太迷信了 太阳👑 2016-12-13 10:40", "这个还是顺其自然比较好 177*****933_gfST 2016-12-13 10:54", "迷信不可信!"], "bs_rank_pos": 4}, {"is_selected": false, "title": "秋占生女什么意思?_百度知道", "most_related_para": 0, "segmented_title": ["秋", "占", "生", "女", "什么", "意思", "?", "_", "百度", "知道"], "segmented_paragraphs": [["就是", "秋", "占", "生", "的", "女儿", "的", "意思", "。"], ["秋天", "占卦", "应该", "是", "女孩"]], "paragraphs": ["就是秋占生的女儿的意思。", "秋天占卦应该是女孩"], "bs_rank_pos": 5}], "answer_spans": [[0, 8]], "fake_answers": ["就是秋占生的女儿的意思。"], "question": "秋占生女是什么意思", "segmented_answers": [["这", "是", "求", "了", "观音灵签", "的", "以", "支", "中签", ",", "在", "网上", "查", "到", "的", "解释", "是", ":", "1", ".", "此", "卦", "屋", "好", "墙壁", "之", "象", "凡事", "稳当", "无", "险", "也", "。", "2", ".", "曰", ":", "改", "旧", "成", "新", "、", "寒", "花", "遇", "春", "、", "从前", "阻滞", "、", "今", "得", "称心", ":", "自身", "吉", ":", "宜守常则", "四", "季", "平静", "。", "若问", "申", "宫", "用", "守", "常", ",", "今生", "运", "限", "主", "雌", "强", ";", "早", "。"], ["就是", "秋", "占", "生", "的", "女儿", "的", "意思", "。"]], "answers": ["这是求了观音灵签的以支中签,在网上查到的解释是:1.此卦屋好墙壁之象 凡事稳当无险也。2.曰:改旧成新、寒花遇春、从前阻滞、今得称心:自身吉:宜守常则四季平静。 若问申宫用守常,今生运限主雌强;早。", "就是秋占生的女儿的意思。"], "answer_docs": [2], "segmented_question": ["秋", "占", "生", "女", "是什么", "意思"], "question_type": "DESCRIPTION", "question_id": 181577, "fact_or_opinion": "FACT", "match_scores": [1.0]} -{"documents": [{"is_selected": true, "title": "营业执照如何网上申报?_百度知道", "most_related_para": 0, "segmented_title": ["营业执照", "如何", "网上申报", "?", "_", "百度", "知道"], "segmented_paragraphs": [["营业执照", "网上", "年报", "具体步骤", "为", ":", "  ", "1", ".", "登陆", "  ", "全国", "企业", "信用", "信息", "公示", "系统", ":", "http", ":", "/", "/", "gsxt", ".", "saic", ".", "gov", ".", "cn", "  ", "2", ".", "查", "到", "所在", "省市", "点击进入", "  ", "3", ".", "点击", "【", "企业", "公示", "信息", "填报", "】", "  ", "4", ".", "选择", "【", "新用户注册", "】", "  ", "5", ".", "按", "要求", "填写", "信息", ",", "点击", "【", "验证", "】", ",", "验证", "通过", "后", "再", "旁边", "设置密码", ",", "然后", "选择", "登陆", "。", "密码", "为了", "防止", "遗忘", "最好", "的", "是", "用", "注册号", "的", "后", "6", "位", "。", "用户名", "直接", "用", "注册", "后", "即可", "。", "  ", "6", ".", "登陆", "需要", "填写", "手机号", "接受", "验证码", ",", "验证码", "来", "得", "比较", "慢", "。", "  ", "7", ".", "登陆后", "选择", "【", "年底", "报告", "在线", "填报", "】", "-", "-", "选择", "【", "2014", "年度", "】", "  ", "8", ".", "按", "要求", "填写", ",", "可以", "选择", "是否", "对外", "公示", "  ", "9", ".", "填写", "完毕", "保存", "并", "下一步", ",", "来到", "出资", "情况", "这块", "点击", "【", "添加", "】", "将", "各", "个", "股东", "的", "出资", "时间", "填上", "  ", "10", ".", "【", "保存", "并", "下一步", "】", "资产", "状况", "这块", "让", "贵", "公司", "会计", "出具", "上", "一", "年度", "的", "资产负债表", "及", "损益表", ",", "按", "要求", "填写", ",", "可", "选择", "是否", "公示", "  ", "11", ".", "【"]], "paragraphs": ["营业执照网上年报具体步骤为:   1.登陆   全国企业信用信息公示系统:http://gsxt.saic.gov.cn   2.查到所在省市点击进入   3.点击【企业公示信息填报 】   4.选择【新用户注册】   5.按要求填写信息,点击【验证】,验证通过后再旁边设置密码,然后选择登陆。密码为了防止遗忘最好的是用注册号的后6位。用户名直接用注册后即可。   6.登陆需要填写手机号接受验证码,验证码来得比较慢。   7.登陆后选择【年底报告在线填报】--选择【2014年度】   8.按要求填写,可以选择是否对外公示   9.填写完毕保存并下一步,来到出资情况这块点击【添加】将各个股东的出资时间填上   10.【保存并下一步】资产状况这块让贵公司会计出具上一年度的资产负债表及损益表,按要求填写,可选择是否公示   11.【"], "bs_rank_pos": 0}, {"is_selected": false, "title": "营业执照网上年检申报怎么填_百度知道", "most_related_para": 0, "segmented_title": ["营业执照", "网上", "年检", "申报", "怎么", "填", "_", "百度", "知道"], "segmented_paragraphs": [["1", ".", "登陆", "全国", "企业", "信用", "信息", "公示", "系统", ":", "http", ":", "/", "/", "gsxt", ".", "saic", ".", "gov", ".", "cn", "2", ".", "查", "到", "所在", "省市", "点击进入", "3", ".", "点击", "【", "企业", "公示", "信息", "填报", "】", "4", ".", "选择", "【", "新用户注册", "】", "5", ".", "按", "要求", "填写", "信息", ",", "点击", "【", "验证", "】", ",", "验证", "通过", "后", "再", "旁边", "设置密码", ",", "然后", "选择", "登陆", "。", "密码", "为了", "防止", "遗忘", "最好", "的", "是", "用", "注册号", "的", "后", "6", "位", "。", "用户名", "直接", "用", "注册", "后", "即可", "。", "6", ".", "登陆", "需要", "填写", "手机号", "接受", "验证码", ",", "验证码", "来", "得", "比较", "慢", "。", "7", ".", "登陆后", "选择", "【", "年底", "报告", "在线", "填报", "】", "-", "-", "选择", "【", "2014", "年度", "】", "8", ".", "按", "要求", "填写", ",", "可以", "选择", "是否", "对外", "公示", "9", ".", "填写", "完毕", "保存", "并", "下一步", ",", "来到", "出资", "情况", "这块", "点击", "【", "添加", "】", "将", "各", "个", "股东", "的", "出资", "时间", "填上", "10", ".", "【", "保存", "并", "下一步", "】", "资产", "状况", "这块", "让", "贵", "公司", "会计", "出具", "上", "一", "年度", "的", "资产负债表", "及", "损益表", ",", "按", "要求", "填写", ",", "可", "选择", "是否", "公示", "11", ".", "【", "保存", "并", "下一步", "】", "来到", "对外", "提供", "保证", "担保", "信息", ",", "如果没有", "可以", "【", "保存", "并", "下一步", "】", "12", ".", "下一步"]], "paragraphs": ["1.登陆 全国企业信用信息公示系统:http://gsxt.saic.gov.cn 2.查到所在省市点击进入 3.点击【企业公示信息填报 】 4.选择【新用户注册】 5.按要求填写信息,点击【验证】,验证通过后再旁边设置密码,然后选择登陆。密码为了防止遗忘最好的是用注册号的后6位。用户名直接用注册后即可。 6.登陆需要填写手机号接受验证码,验证码来得比较慢。 7.登陆后选择【年底报告在线填报】--选择【2014年度】 8.按要求填写,可以选择是否对外公示 9.填写完毕保存并下一步,来到出资情况这块点击【添加】将各个股东的出资时间填上 10.【保存并下一步】资产状况这块让贵公司会计出具上一年度的资产负债表及损益表,按要求填写,可选择是否公示 11.【保存并下一步】来到对外提供保证担保信息,如果没有可以【保存并下一步】 12.下一步"], "bs_rank_pos": 1}, {"is_selected": false, "title": "营业执照年检网上申报_百度知道", "most_related_para": 1, "segmented_title": ["营业执照", "年检", "网上申报", "_", "百度", "知道"], "segmented_paragraphs": [["下载", "文件", ":", "农民", "专业", "合作社", "年报", "公示", "操作指南", ".", "doc", "|", "现在", "是", "叫", "年报", ",", "不再", "叫", "年检", ",", "2014", "年", "工商", "改革", "后", "叫", "企业", "年报", "。", "营业执照", "年报", "都是", "在", "企业", "信用", "信息", "公示", "系统", "操作", ",", "下面", "以", "北京", "的", "企业", "为", "例", ",", "具体", "年报", "操作步骤", "为", ":", "(", "一", ")", "注册", "登陆", "操作指南", "1", "、", "登陆", "全国", "企业", "信用", "信息", "公示", "系统", "(", "北京", ")", ",", "网址", ":", "http", ":", "/", "/", "qyxy", ".", "baic", ".", "gov", ".", "cn", "/", "beijing", "。", "2", ".", "1", "新用户注册", "2", ".", "2", "验证", "企业", "信息", "2", ".", "3", "录入", "联络员", "信息", "和", "密码", "3.1", "变更", "联络员", "或", "找回密码", "3", ".", "2", "验证", "企业", "信息", "3", ".", "3", "设置", "新", "的", "联络员", "信息", "和", "密码", "4", "、", "用户登录", "(", "二", ")", "年报", "公示", "操作指南", "1", "、", "登陆", "首页", "面", "。", "填报", "年报", "公示", "信息", "前", ",", "请", "先", "阅读", "“", "在线", "填报", "须知", "”", "。", "2", "、", "请", "认真", "阅读", "“", "重要提示", "”", "。", "3", "、", "选择", "填报", "年度", "。", "如", "往年", "未", "填报", ",", "须", "先", "补报", ",", "再", "报送", "2015", "年度", "的", "年报", "。", "4", "、", "进入", "填报", "页面", "。", "农", "专", "社", "根据", "实际情况", "选择", "“", "是否", "有", "网站", "或", "网店"], ["下载", "文件", ":", "农民", "专业", "合作社", "年报", "公示", "操作指南", ".", "doc", "|", "现在", "是", "叫", "年报", ",", "不再", "叫", "年检", ",", "2014", "年", "工商", "改革", "后", "叫", "企业", "年报", "。", "营业执照", "年报", "都是", "在", "企业", "信用", "信息", "公示", "系统", "操作", ",", "下面", "以", "北京", "的", "企业", "为", "例", ",", "具体", "年报", "操作步骤", "为", ":", "(", "一", ")", "注册", "登陆", "操作指南", "1", "、", "登陆", "全国", "企业", "信用", "信息", "公示", "系统", "(", "北京", ")", ",", "网址", ":", "http", ":", "/", "/", "qyxy", ".", "baic", ".", "gov", ".", "cn", "/", "beijing", "。", "2", ".", "1", "新用户注册", "2", ".", "2", "验证", "企业", "信息", "2", ".", "3", "录入", "联络员", "信息", "和", "密码", "3.1", "变更", "联络员", "或", "找回密码", "3", ".", "2", "验证", "企业", "信息", "3", ".", "3", "设置", "新", "的", "联络员", "信息", "和", "密码", "4", "、", "用户登录", "(", "二", ")", "年报", "公示", "操作指南", "1", "、", "登陆", "首页", "面", "。", "填报", "年报", "公示", "信息", "前", ",", "请", "先", "阅读", "“", "在线", "填报", "须知", "”", "。", "2", "、", "请", "认真", "阅读", "“", "重要提示", "”", "。", "3", "、", "选择", "填报", "年度", "。", "如", "往年", "未", "填报", ",", "须", "先", "补报", ",", "再", "报送", "2015", "年度", "的", "年报", "。", "4", "、", "进入", "填报", "页面", "。", "农", "专", "社", "根据", "实际情况", "选择", "“", "是否", "有", "网站", "或", "网店"]], "paragraphs": ["下载文件:农民专业合作社年报公示操作指南.doc|现在是叫年报,不再叫年检,2014年工商改革后叫企业年报。 营业执照年报都是在企业信用信息公示系统操作,下面以北京的企业为例,具体年报操作步骤为: (一)注册登陆操作指南 1、登陆全国企业信用信息公示系统(北京),网址: http://qyxy.baic.gov.cn/beijing。 2.1新用户注册 2.2验证企业信息 2.3录入联络员信息和密码 3.1变更联络员或找回密码 3.2验证企业信息 3.3设置新的联络员信息和密码 4、用户登录 (二)年报公示操作指南 1、登陆首页面。填报年报公示信息前,请先阅读“在线填报须知”。 2、请认真阅读“重要提示”。 3、选择填报年度。如往年未填报,须先补报,再报送2015年度的年报。 4、进入填报页面。农专社根据实际情况选择“是否有网站或网店", "下载文件:农民专业合作社年报公示操作指南.doc|现在是叫年报,不再叫年检,2014年工商改革后叫企业年报。 营业执照年报都是在企业信用信息公示系统操作,下面以北京的企业为例,具体年报操作步骤为: (一)注册登陆操作指南 1、登陆全国企业信用信息公示系统(北京),网址: http://qyxy.baic.gov.cn/beijing。 2.1新用户注册 2.2验证企业信息 2.3录入联络员信息和密码 3.1变更联络员或找回密码 3.2验证企业信息 3.3设置新的联络员信息和密码 4、用户登录 (二)年报公示操作指南 1、登陆首页面。填报年报公示信息前,请先阅读“在线填报须知”。 2、请认真阅读“重要提示”。 3、选择填报年度。如往年未填报,须先补报,再报送2015年度的年报。 4、进入填报页面。农专社根据实际情况选择“是否有网站或网店"], "bs_rank_pos": 2}, {"is_selected": true, "title": "营业执照怎么网上年报_百度经验", "most_related_para": 11, "segmented_title": ["营业执照", "怎么", "网上", "年报", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "职场", "/", "理财", ">", "公务", "办理"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["自", "2014", "年", "10", "月", "1", "日", "起", ",", "每年", "1", "月", "1", "日", "开始", "办理", "上", "一", "年度", "《", "营业执照", "》", "网上", "年度", "报告", "(", "以下简称", "网上", "年报", ",", "网上", "年报", "可", "理解", "为", "手续简便", "的", "营业执照", "年检", ")", "。", "为", "避免", "临近", "6", "月", "30", "日", "截止", "期限", "网上", "年报", "系统", "用户", "激增", ",", "而", "可能", "出现", "的", "网络", "拥堵", "或", "被", "踢", "出", "系统", "的", "现象", ",", "请", "提前", "尽快", "办理", "。"], ["根据", "个人", "操作", "截图", ",", "以", "河南省", "为", "例", "说明", "。"], ["未", "按", "规定", "办理", "网上", "年", "告", "的", ",", "将会", "被", "企业", "信用", "信息系统", "列入", "经营", "异常", "名录", "(", "俗称", "黑名单", ")", ",", "可能", "给", "公司", "、", "企业", "及", "经营者", "在", "多", "个", "领域", "带来", "不必要", "的", "麻烦", "。", "依据", "2014", "年", "10", "月", "1", "日", "起", "实施", "的", "《", "企业", "信息", "公示", "暂行条例", "》", "和", "《", "个体工商户", "年度", "报告", "暂行", "办法", "》", "等", "法规", "、", "规章", "的", "规定", ",", "2013", "年底", "前", "注册", "的", ",", "应当", "办理", "2013", "和", "2014", "年度", "的", "网上", "年报", ";", "2014", "年底", "前", "注册", "的", ",", "应", "办理", "2014", "年度", "的", "网上", "年报", ";", "以此类推", "。", "另外", ",", "企业", "重要", "信息", "发生变化", "的", ",", "应", "在", "20", "日内", "上网", "公示", "。", "实在", "不会", "办理", "的", ",", "可以", "携带", "下列", "材料", "到", "辖区", "工商所", "学习", ":", "1", "、", "《", "营业执照", "》", "副本", ";", "2", "、", "所有", "的", "许可证", "副本", ";", "3", "、", "法定代表人", "或", "负责人", "身份证", ";", "4", "、", "手机", "现场", "接收短信", ",", "办理", "过", "网上", "年报", "的", "或", "注册", "过", "联络员", "的", "带", "注册", "登记", "的", "手机", ";", "5", "、", "公司", "、", "企业", "等", "法人单位", "另", "需", "资产负债表", "、", "损益表", "和", "公司章程", "。"], ["一", "、", "准备", "材料", "和", "数据", ";", "二", "、", "进入", "网页", ";", "三", "、", "未注册", "的", "请", "注册", ";", "四", "、", "公示", "信息", "填报", ":", "1", "、", "登录", ";", "2", "、", "填报", "信息", ":", "A", "、", "个体工商户", ";", "B", "、", "有限责任公司", ";"], ["五", "、", "注意事项", ";", "六", "、", "如何", "修改", "联络员", "信息", ";", "七", "、", "如何", "查询", "是否", "年报", "成功", "。"], ["受", "百度", "经验", "图片", "最高", "数量", "所", "限制", ",", "完整", "图片", "可以", "百度搜索", "“", "营业执照", "网上", "年报", "0379", "”"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "、", "营业执照副本", "或者", "正本", ";", "2", "、", "法定代表人", "或", "负责人", "身份证", ";", "3", "、", "能够", "现场", "收", "短信", "的", "常用", "手机", ";", "4", "、", "所有", "许可证", "副本", "或者", "正本", ";", "5", "、", "全年", "营业额", "、", "纳税", "额", ";", "6", "、", "党员", "人数", "、", "高校毕业生", "人数", "、", "退役士兵", "人数", "、", "残疾人", "人数", "、", "失业人员", "再就业", "人数", ";", "7", "、", "公司", "等", "具备", "法人资格", "的", "单位", ",", "需", "年度", "资产负债表", "、", "损益表", ",", "股东", "及", "股东", "出资", "情况", "。", "建议", "财务人员", "在", "场", "。", "8", "、", "能够", "上网", "的", "电脑"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "二", "、", "进入", "网页", ":", "1", "、", "百度搜索", "“", "信用", "公示", "系统", "”", ",", "进入", "系统", "(", "(", "图", "2", "-", "2", "、", "图", "2", "-", "3", "、", "图", "2", "-", "1", ")", "2", "、", "选择", "“", "河南", "”", "(", "图", "2", "-", "4", ")", "步骤", "阅读", "2", "三", "、", "未注册", "的", "请注册", ":", "1", "、", "点击", "“", "企业", "联络员", "注册", "”", "(", "图", "3", "-", "1", ")", "2", "、", "填写", "内容", "并", "保存", "(", "图", "3", "-", "2", ")", "①", "注册号", "只有", "15", "位", ",", "副本", "上", "注册号", "只", "填", "前", "15", "位", "数字", "。", "②", "注册时", "使用", "的", "是", "老", "身份证号码", "的", ",", "填", "新", "号码", "无法", "通过", "。", "一般", "情况", "下", ",", "新", "身份证号", "去掉", "第", "8", "、", "9", "位", "和", "最后", "一", "位", "数字", "就是", "老", "身份证号", "。", "也", "可以", "到", "营业执照", "原", "工商注册", "部门", "备案", "新", "身份证号", "。", "③", "联络员", "可以", "不", "填写", "负责人", "。", "但是", "为了", "便于", "记忆", ",", "推荐", "填写", "负责人", "。", "④", "联络员", "手机号", "可以", "不", "填写", "负责人", "的", "。", "必须", "能够", "接收", "短信", "。", "⑤", "联络员", "证件", "号", "和", "手机号", "切勿", "填", "错", "。", "如果", "填", "错", "并", "忘记", "了", "造成", "无法", "登录", ",", "目前", "尚", "无法", "解决", "。", "3", "、", "保存", "后", "显示", "“", "恭喜您", ",", "注册成功", "!", "”", "(", "图", "3", "-", "3", ")", "步骤", "阅读", "步骤", "阅读", "3", "四", "、", "公示", "信息", "填报", ":", "1", "、", "登录", ":", "①", "在", "“", "全国", "企业", "信用", "信息", "公示", "系统", "(", "河南", ")", "”", "页面", ",", "点击", "“", "企业", "公示", "信息", "填报", "”", "(", "图", "4", "-", "1", "-", "1", ")", "②", "在", "“", "企业", "联络员", "登陆", "”", "界面", ",", "填写", "“", "营业执照", "注册号", "”", "、", "“", "联络员", "身份证", "”", "(", "图", "4", "-", "1", "-", "2", "、", "图", "4", "-", "1", "-", "3", ")", "③", "点击", "“", "获取", "验证码", "”", ",", "按照", "手机短信", "中", "的", "一次性", "“", "动态", "密码", "”", "填写", "“", "备案", "手机", "验证码", "”", "(", "图", "4", "-", "1", "-", "4", ")", "④", "点击", "“", "登录", "”", "。", "步骤", "阅读", "步骤", "阅读"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "③", "进入", "“", "基本", "信息", "”", "页面", "。", "“", "资金", "数额", "”", "和", "“", "从业人数", "”", "输入", "注册时", "登记", "的", "数字", "。", "内容", "填写", "完毕", ",", "点击", "“", "保存", "并", "下一步", "”", "(", "图", "4", "-", "2", "-", "4", ")", "步骤", "阅读", "2", "④", "进入", "“", "行政许可", "情况", "”", "页面", "。", "如果", "有", "网站", "或者", "网店", "的", ",", "输入", "相关", "信息", ",", "可", "参考", "下面", "有限责任公司", "的", "B", "④", "项", "说明", "。", "a", "、", "如果", "有", "许可证", "的", ",", "点击", "“", "添加", "”", "(", "图", "4", "-", "2", "-", "5", ")", "。", "在", "弹出", "的", "页面", "填写", "“", "许可", "文件", "名称", "”", ",", "点击", "“", "有效期", "至", "”", "选择", "时间", ",", "“", "保存", "”", "。", "(", "图", "4", "-", "2", "-", "6", ")", "多", "个", "许可证", "的", ",", "继续", "添加", "输入", "。", "全部", "添加", "完毕", ",", "点击", "“", "保存", "并", "下一步", "”", "(", "图", "4", "-", "2", "-", "7", ")", "b", "、", "没有", "许可证", "的", ",", "直接", "点击", "“", "保存", "并", "下一步", "”", "。", "(", "图", "4", "-", "2", "-", "8", ")", "步骤", "阅读", "步骤", "阅读", "步骤", "阅读", "3", "⑤", "进入", "“", "资产", "状况", "信息", "”", "页面", "。", "输入", "全年", "“", "营业额", "或", "营业收入", "”", ",", "输入", "全年", "“", "纳税", "总额", "”", ",", "可以", "选择", "“", "公式", "”", "或", "“", "不", "公示", "”", ",", "点击", "“", "保存", "并", "下一步", "”", "(", "图", "4", "-", "2", "-", "9", "、", "图", "4", "-", "2", "-", "10", ")", "步骤", "阅读", "4", "⑥", "进入", "“", "党建", "信息", "”", "页面", "。", "输入", "和", "选择", "党员", "情况", ",", "点击", "“", "保存", "并", "下一步", "”", "(", "图", "4", "-", "2", "-", "11", "、", "图", "4", "-", "2", "-", "12", ")", "步骤", "阅读", "5", "⑦", "进入", "“", "预览", "并", "公示", "”", "页面", "。", "检查", "数据", ",", "无误", "后", "点击", "点击", "“", "提交", "并", "公式", "”", ",", "在", "弹出", "页面", "点击", "“", "确定", "”", ",", "完成", "。", "(", "图", "4", "-", "2", "-", "13", "、", "图", "4", "-", "2", "-", "14", "、", "图", "4", "-", "2", "-", "15", ")", "步骤", "阅读"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "七", "、", "如何", "查询", "是否", "年报", "成功", ":", "1", "、", "进入", "系统", "页面", "在", "“", "搜索", "”", "中", "输入", "注册号", "或者", "名称", ",", "点击", "“", "搜索", "”", ",", "输入", "验证码", "点击", "“", "搜索", "”", "(", "图", "4", "-", "2", "-", "43", "、", "图", "4", "-", "2", "-", "44", ")", "2", "、", "在", "弹出", "的", "页面", ",", "点击", "搜索", "出来", "的", "名称", "(", "图", "4", "-", "2", "-", "45", ")", "3", "、", "点击", "“", "个体工商户", "公示", "信息", "”", "或者", "“", "企业", "公示", "信息", "”", "(", "图", "4", "-", "2", "-", "46", ")", "4", "、", "在", "“", "公示", "信息", "”", "页面", "查看", "“", "报送", "年度", "”", "和", "“", "发布日期", "”", ",", "确定", "否", "年报", "成功", ",", "图", "中", "是", "2013", "年度", "报送", "成功", "。", "(", "图", "4", "-", "2", "-", "47", ")", "步骤", "阅读", "步骤", "阅读", "步骤", "阅读", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "多方面", "了解", "成为", "知道", "分子", "。"], ["怎么", "使用", "种子", "文件", "下载", "测试", "网速", "的", "方法", "毕业照", "拍", "怎么", "最", "漂亮", "极品飞车", "9", "怎么", "改", "中文", "?", "怎么写", "百度", "经验", "才", "最划算", "呢"]], "paragraphs": ["百度经验 > 职场/理财 > 公务办理", "百度经验:jingyan.baidu.com", "自2014年10月1日起,每年1月1日开始办理上一年度《营业执照》网上年度报告(以下简称网上年报,网上年报可理解为手续简便的营业执照年检)。为避免临近6月30日截止期限网上年报系统用户激增,而可能出现的网络拥堵或被踢出系统的现象,请提前尽快办理。", "根据个人操作截图,以河南省为例说明。", "未按规定办理网上年告的,将会被企业信用信息系统列入经营异常名录(俗称黑名单),可能给公司、企业及经营者在多个领域带来不必要的麻烦。 依据2014年10月1日起实施的《企业信息公示暂行条例》和《个体工商户年度报告暂行办法》等法规、规章的规定,2013年底前注册的,应当办理2013和2014年度的网上年报;2014年底前注册的,应办理2014年度的网上年报;以此类推。另外,企业重要信息发生变化的,应在20日内上网公示。 实在不会办理的,可以携带下列材料到辖区工商所学习: 1、《营业执照》副本;2、所有的许可证副本;3、法定代表人或负责人身份证;4、手机现场接收短信,办理过网上年报的或注册过联络员的带注册登记的手机;5、公司、企业等法人单位另需资产负债表、损益表和公司章程。", "一、准备材料和数据;二、进入网页;三、未注册的请注册; 四、公示信息填报:1、登录; 2、填报信息:A、个体工商户;B、有限责任公司;", "五、注意事项;六、如何修改联络员信息;七、如何查询是否年报成功。", "受百度经验图片最高数量所限制,完整图片可以百度搜索“营业执照网上年报0379”", "百度经验:jingyan.baidu.com", "1、营业执照副本或者正本; 2、法定代表人或负责人身份证; 3、能够现场收短信的常用手机; 4、所有许可证副本或者正本; 5、全年营业额、纳税额; 6、党员人数、高校毕业生人数、退役士兵人数、残疾人人数、失业人员再就业人数; 7、公司等具备法人资格的单位,需年度资产负债表、损益表,股东及股东出资情况。建议财务人员在场。 8、能够上网的电脑", "百度经验:jingyan.baidu.com", "1 二、进入网页: 1、百度搜索“信用公示系统”,进入系统((图2-2、图2-3、图2-1) 2、选择“河南” (图2-4) 步骤阅读 2 三、未注册的请注册: 1、点击“企业联络员注册” (图3-1) 2、填写内容并保存(图3-2) ①注册号只有15位,副本上注册号只填前15位数字。 ②注册时使用的是老身份证号码的,填新号码无法通过。一般情况下,新身份证号去掉第8、9位和最后一位数字就是老身份证号。也可以到营业执照原工商注册部门备案新身份证号。 ③联络员可以不填写负责人。但是为了便于记忆,推荐填写负责人。 ④联络员手机号可以不填写负责人的。必须能够接收短信。 ⑤联络员证件号和手机号切勿填错。如果填错并忘记了造成无法登录,目前尚无法解决。 3、保存后显示“恭喜您,注册成功!” (图3-3) 步骤阅读 步骤阅读 3 四、公示信息填报: 1、登录: ①在“全国企业信用信息公示系统(河南)”页面,点击“企业公示信息填报” (图4-1-1) ②在“企业联络员登陆”界面,填写“营业执照注册号”、“联络员身份证” (图4-1-2、 图4-1-3) ③点击“获取验证码”,按照手机短信中的一次性“动态密码”填写“备案手机验证码” (图4-1-4) ④点击“登录”。 步骤阅读 步骤阅读", "百度经验:jingyan.baidu.com", "1 ③进入“基本信息”页面。“资金数额”和“从业人数”输入注册时登记的数字。内容填写完毕,点击“保存并下一步” (图4-2-4) 步骤阅读 2 ④进入“行政许可情况”页面。如果有网站或者网店的,输入相关信息,可参考下面有限责任公司的B④项说明。 a、如果有许可证的,点击“添加”(图4-2-5)。 在弹出的页面填写“许可文件名称”,点击“有效期至”选择时间,“保存”。 (图4-2-6) 多个许可证的,继续添加输入。全部添加完毕,点击“保存并下一步”(图4-2-7) b、没有许可证的,直接点击“保存并下一步”。 (图4-2-8) 步骤阅读 步骤阅读 步骤阅读 3 ⑤进入“资产状况信息”页面。输入全年“营业额或营业收入”,输入全年“纳税总额”,可以选择“公式”或“不公示”,点击“保存并下一步” (图4-2-9、图4-2-10) 步骤阅读 4 ⑥进入“党建信息”页面。输入和选择党员情况,点击“保存并下一步” (图4-2-11、图4-2-12) 步骤阅读 5 ⑦进入“预览并公示”页面。检查数据,无误后点击点击“提交并公式”,在弹出页面点击“确定”,完成。(图4-2-13、图4-2-14、图4-2-15) 步骤阅读", "百度经验:jingyan.baidu.com", "1 七、如何查询是否年报成功: 1、进入系统页面在“搜索”中输入注册号或者名称,点击“搜索”,输入验证码点击“搜索”(图4-2-43、图4-2-44) 2、在弹出的页面,点击搜索出来的名称(图4-2-45) 3、点击“个体工商户公示信息”或者“企业公示信息” (图4-2-46) 4、在“公示信息”页面查看“报送年度”和“发布日期”,确定否年报成功,图中是2013年度报送成功。(图4-2-47) 步骤阅读 步骤阅读 步骤阅读 END", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:多方面了解成为知道分子。", "怎么使用种子文件下载 测试网速的方法 毕业照拍怎么最漂亮 极品飞车9怎么改中文? 怎么写百度经验才最划算呢"], "bs_rank_pos": 3}, {"is_selected": false, "title": "营业执照网上申请流程_图文_百度文库", "most_related_para": 3, "segmented_title": ["营业执照", "网上申请", "流程", "_", "图文", "_", "百度", "文库"], "segmented_paragraphs": [["营业执照", "网上申请", "流程", "_", "计划", "/", "解决方案", "_", "实用", "文档", "。", "该", "营业执照", "网上申请", "流程", "适用于", "甘肃省", "内", "个体", "、", "企业", "申请", "登记"], ["(", "新", "名称", "申请", ")", "1", "、", "登陆", ":", "甘肃", "企业", "登记", "网", "(", "域名", ":", "http", ":", "/", "/", "qydj", ".", "gsaic", ".", "gov", ".", "cn", "/", ")", "。", "2", "、", "查找", ":", "企业", "网上", "办理", "大厅", "(", "网页", "右侧", ")", "?", "点击", ":", "名称", "申请", "。", "3", "、", "迚", "入", ":", "甘肃", "省", "工商", "行政", "管理局", "网上", "业务办理", "系统", "(", "域名", ":", "http", ":", "/", "/", "nj", ".", "gsaic", ".", "gov", ".", "cn", "/", "gsaicEn", "/", ")", "。", "4", "、", "点击", "未登记", "企业", "登录", "?", "新用户注册", "?", "按", "要求", "填写", "内容", "后", "?", "注册", "。", "5", "、", "登陆后", "迚", "入", "下图", "界面", "。"], ["6", "、", "点击", "名称", "预", "登记", "?", "新", "名称", "申请", "?", "选择", "自己", "所", "要", "申请", "名称", "的", "企业", "类型", "(", "例", ":", "个体工商户", "新", "名称", "申请", "或", "私营企业", "新", "名称", "申请", ")", "?", "双击", "点击", "迚", "入", "。"], ["7", "、", "名称", "登记", "(", "以", "个体工商户", "为", "例", ")", "。", "●", "依次", "填写", "内容", "分", "三", "部分", ":", "(", "1", ")", "名称", "信息", "。", "包括", ":", "名称", "行政区划", "—", "—", "请", "选择", "名称", "地域", "—", "—", "行业", "信息", "—", "—", "组成", "形式", "—", "—", "申请", "字号", "—", "—", "申请", "名称", "—", "—", "备用", "字号", "—", "—", "备用", "名", "称", "。", "(", "如图所示", ")", "填写说明", ":", "①", "、", "行政区划", "冠", "“", "甘肃", "”", "选择", "省", "名", "、", "冠", "“", "酒泉", "”", "选择", "市", "州", "名", "、", "冠", "“", "阿克塞", "”", "选择", "区县", "名", "。", "②", "、", "名称", "地域", "选择", "“", "阿克塞", "哈萨克族", "自治县", "”", "。", "③", "、", "行业", "信息", "指", "主要从事", "行业", "的", "大", "类", "信息", "。", "如", "从事", "餐饮业", "→", "行业", "信息", "可以", "填写", "为", "“", "饮食", "”", "、", "“", "饭馆", "”", ":", "从事", "商业", "→", "行业", "信息", "可以", "填写", "“", "商贸", "”", "、", "“", "销售", "”", "。", "④", "、", "组成", "形式", "指", "从事", "市场经济", "的", "类型", "。", "如", "个体工商户", "一般", "选择", "“", "店", "、", "部", "、", "超市", "、", "公司", "一般", "选择", "“", "有限", "责任", "公司", "、", "股份", "有限责任公司", "”", "、", "企业", "一般", "选择", "“", "厂", "、", "中心", "、", "医院", "”", "。", "⑤", "、", "字号", "指", "同", "一", "行政区划", "用于", "区别", "市场", "主体", "行业", "不同", "类型", "的", "标示", ",", "它", "应", "由", "2", "个", "以上", "字", "(", "汉字", ")", "组成", "。", "如", "“", "康师傅", "”", "、", "“", "汇源", "”", "、", "“", "鄂尔多斯", "”", "等", "均为", "字号", ",", "【", "注意", "驰名商标", "、", "著名商标", "、", "禁用", "字号", "不能", "作为", "被", "申请", "使用", "的", "名称", "】", ",", "在", "申请", "时", "如", "无法", "确认", "字号", "是否", "可以", "通过", "可以", "填写", "备用", "字号", "。", "⑥", "、", "名称", "由", "行政区划", "+", "字号", "+", "行业", "信息", "+", "组成", "形式", "四", "个", "基本", "要素", "构成", "(", "此", "项", "为", "系统", "自动生成", "可以", "按照", "自", "己", "的", "需要", "迚", "行", "修正", ")", "。", "(", "2", ")", "个体工商户", "(", "企业", ")", "信息", "。", "包括", ":", "资金", "数额", "—", "—", "经营场所", "(", "住所", ")", "所在地", "—", "—", "经营场所", "(", "住所", ")", "所在", "行政区划", "—", "—", "拟", "受理单位", "—", "—", "行", "业", "门类", "—", "—", "行业", "代码", "—", "—", "经营范围", "及", "方式", "—", "—", "联系人", "—", "—", "联系电话", "。", "(", "如图所示", ")", "填写说明", ":", "①", "、", "资金", "数额", "指", "从事", "经营", "活动", "所需", "的", "必要", "资金", "数额", "。", "包括", "薪金", "(", "人民币", ")", "和", "固定资产", "。", "②", "、", "经营场所", "所在地", "指", "从事", "经营", "活动", "具体", "的", "处", "所", "不", "包括", "住所", "(", "主要", "针对", "个体工商户", ")", "。", "住所", "所在地", "指", "从事", "业务", "、", "经营", "活动", "的", "处", "所", "包括", "住所", "(", "主要", "针对", "企业", ")", "。", "③", "、", "行政区划", "指", "从事", "经营", "活动", "所在", "地点", "隶属", "的", "区域", "区划", ",", "如", "在", "阿克塞县", "从事", "经营", "活动", "的", "行政区划", "即", "为", "阿克塞", "哈萨克族", "自治县", "。", "④", "、", "行业门类", "指", "主要从事", "的", "经营", "活动", "所", "属于", "《", "国家", "行业分类", "》", "的", "那", "一类", "。", "如", ":", "房屋建筑", "属于", "建筑业", "、", "开采", "属于", "采矿业", "等", "。", "⑤", "、", "行业", "代码", "指", "按照", "《", "国家", "行业分类", "》", "迚", "行", "分类", "后", "详细", "至", "具体", "的", "类别", "子", "项", "。", "如", "小型", "商店", "属于", "批发零售", "业", "中", "零售业", "里", "的", "小型", "商业", "。", "⑥", "、", "联系人", "及", "联系电话", "填写", "负责人", "的", "姓名", "及", "常用电话", "。", "(", "3", ")", "经营者", "信息", "。", "此", "项", "限", "于", "个体工商户", "基本", "信息", "(", "如图所示", ")", "(", "4", ")", "投资", "人", "信息", "。", "此", "项", "限", "于", "投资", "身份", "信息", "(", "如图所示", ")", "填写说明", ":", "①", "、", "经营者", "信息", "仅限于", "申请", "营业执照", "的", "当事人", "按", "身份", "填写", "即可", "。", "②", "、", "投资", "人", "信息", "指", "所有", "投资", "人", "的", "身份", "信息", ",", "属", "自然人", "投资", "的", "的", "以", "身份证", "为准", ";", "属", "企业法人", "、", "个人", "独资", "企业", "的", "以", "营业执照", "为准", ";", "属", "机关", "法人", "、", "事业单位", "的", "以", "组织机构代码", "证", "为准", ";", "属", "社团", "组织", "的", "以", "社团", "登记证", "为", "准", "。", "以上", "既是", "新", "名称", "申请", "的", "操作流程", ",", "切记", "完成", "操作", "后", "不要忘记", "点击", "提交", "预审", "个体工商户", "及", "私营企业", "设立登记", "1", "、", "点击", "未登记", "企业", "登录", "?", "●", "依次", "填写", "内容", "分", "三", "部分", ":", "(", "1", ")", "基本", "信息", "。", "包括", ":", "名称", "—", "—", "从业人数", "—", "—", "组成", "形式", "—", "—", "资金", "数额", "—", "—", "经营范围", "及", "方式", "—", "—", "行业", "门类", "—", "—", "行业", "代码", "—", "—", "许可", "经营", "项", "目", "—", "—", "一般", "经营项目", "—", "—", "经营场所", "—", "—", "住所", "—", "—", "预审", "受理", "机关", "—", "—", "申请", "人", "—", "—", "申请", "日期", "—", "—", "联系人", "—", "—", "联系电话", "。", "(", "如", "上", "图", "所示", ")", "填写说明", ":", "①", "、", "名称", "项", "为", "系统", "自动", "生成", "。"], ["●", "依次", "填写", "内容", "分", "三", "部分", ":", "(", "1", ")", "基本", "信息", "。", "包括", ":", "名称", "—", "—", "从业人数", "—", "—", "组成", "形式", "—", "—", "资金", "数额", "—", "—", "经营范围", "及", "方式", "—", "—", "行业", "门类", "—", "—", "行业", "代码", "—", "—", "许可", "经营", "项", "目", "—", "—", "一般", "经营项目", "—", "—", "经营场所", "—", "—", "住所", "—", "—", "预审", "受理", "机关", "—", "—", "申请", "人", "—", "—", "申请", "日期", "—", "—", "联系人", "—", "—", "联系电话", "。", "(", "如", "上", "图", "所示", ")", "填写说明", ":", "①", "、", "名称", "项", "为", "系统", "自动", "生成", "。", "②", "、", "从业人员", "指", "除", "经营者", "以", "外", "的", "其他", "人员", ",", "如", "服务员", "、", "雇工", "等", "。", "③", "、", "组成", "形式", "为", "选择", "项", ",", "一般", "选择", "个人", "经营", "。", "④", "、", "经营范围", "指", "申请人", "开展", "经营", "活动", "所有", "涉及", "商品", "的", "类别", "、", "品种", "及", "服务项目", "。", "⑤", "、", "行业门类", "指", "主要从事", "的", "经营", "活动", "所", "属于", "《", "国家", "行业分类", "》", "的", "那", "一类", "。", "如", ":", "房屋建筑", "属于", "建筑业", "、", "开采", "属于", "采矿业", "等", "。", "⑥", "、", "行业", "代码", "指", "按照", "《", "国家", "行业分类", "》", "迚", "行", "分类", "后", "详细", "至", "具体", "的", "类别", "子", "项", "。", "如", "小型", "商店", "属于", "批发", "零售业", "中", "零售业", "里", "的", "小型", "商业", "。", "⑦", "、", "许可", "经营项目", "为", "选择", "项", "。", "许可", "经营项目", "是", "指", "在", "申请登记", "前", "依据", "法律", "、", "行政法规", "、", "国务院", "决定", "应当", "报", "经", "有关部门", "批准", "的", "项目", "。", "⑧", "、", "一般", "经营项目", "为", "填写", "项", "。", "一般", "经营项目", "是", "指", "不需", "批准", ",", "可以", "自主", "申请", "的", "项目", "。", "⑨", "、", "经营场所", "指", "从事", "经营", "活动", "具体", "的", "处", "所", "。", "⑩", "、", "住所", "指", "负责人", "的", "居住", "场所", ",", "原则上", "要", "与", "经营场所", "分离", "。", "(", "页面", "中", "红色", "星号", "标志", "处", "为", "设立", "信息", "必填", "内容", ")", "(", "2", ")", "经营者", "信息", "。", "此", "页面", "按照", "申请", "人", "身份", "信息", "填写", ",", "所", "涉及", "内容", "多", "以", "身份证", "信息", "为准", "。", "(", "3", ")", "许可", "信息", "。", "此", "页面", "主要", "是", "指", "经营范围", "中", "涉及", "许可", "项目", "的", "范围", "必须填写", "许可证", "信息", "。", "填写说明", ":", "点击", "“", "添加", "许可", "信息", "”", "工具", ",", "在", "弹出", "页面", "内", "填写", "已", "取得", "的", "许可证", "或", "行政许可", "批准", "文件", "基本", "信息", "即可", ",", "如", "涉及", "多", "个", "行政许可", "可", "依次", "点击", "“", "添加", "许可", "信息", "”", "工具", "添加", "许可", "信息", "至", "填写", "完毕", "。", "以上", "既是", "个体户", "设立", "的", "操作流程", ",", "切记", "完成", "操作", "后", "不要忘记", "点击", "提交", "预审", "4", "、", "迚", "入", "如", "下", "界面", "。", "迚", "行", "操作", "(", "内", "/", "私", "企业", ")", "。", "●", "依次", "填写", "内容", "分", "六", "部分", ":", "(", "1", ")", "基本", "信息", "。", "包括", ":", "企业", "机构名称", "—", "—", "字号", "—", "—", "企业", "机构", "类型", "—", "—", "住所", "—", "—", "住所", "产权", "—", "—", "房屋", "使用", "期", "至", "—", "—", "经营", "面积", "(", "平方米", ")", "—", "—", "联系", "电话", "—", "—", "邮政编码", "—", "—", "电子邮箱", "—", "—", "注册资本", "(", "万元", ")", "—", "—", "经营期限", "—", "—", "行业", "门类", "—", "—", "行业", "代码", "—", "—", "经营", "类别", "—", "—", "经营", "婴幼儿", "乳制品", "标示", "—", "—", "拟", "登记", "机关", "—", "—", "设立", "方式", "—", "—", "副本", "数", "—", "—", "审批", "机关", "—", "—", "批准文号", "—", "—", "批", "准", "日期", "—", "—", "开户银行", "—", "—", "银行账号", "—", "—", "许可", "经营项目", "—", "—", "一般", "经营", "项", "目", "—", "—", "经营范围", "及", "方式", "—", "—", "申请人", "—", "—", "申请", "日期", "—", "—", "联系人", "—", "—", "联系", "电", "话", "(", "如", "上", "图", "所示", ")", "填写说明", ":", "⒈", "企业", "机构名称", "项", "、", "字号", "、", "企业", "机构", "类型", "为", "系统", "自动", "生成", "。"]], "paragraphs": ["营业执照网上申请流程_计划/解决方案_实用文档。该营业执照网上申请流程适用于甘肃省内个体、企业申请登记", "(新名称申请) 1、登陆:甘肃企业登记网(域名:http://qydj.gsaic.gov.cn/)。 2、查找:企业网上办理大厅(网页右侧)?点击:名称申请。 3、迚入:甘肃省工商行政管理局网上业务办理系统(域名: http://nj.gsaic.gov.cn/gsaicEn/ )。 4、点击未登记企业登录?新用户注册?按要求填写内容后?注册。 5、登陆后迚入下图界面。", "6、点击名称预登记?新名称申请?选择自己所要申请名称的企业类型 (例:个体工商户新名称申请或私营企业新名称申请)?双击点击迚 入。", "7、名称登记(以个体工商户为例)。 ●依次填写内容分三部分: (1) 名称信息。包括: 名称行政区划——请选择名称地域——行业 信息——组成形式——申请字号——申请名称——备用字号——备用名 称。(如图所示) 填写说明: ①、行政区划冠“甘肃”选择省名、冠“酒泉”选择市州名、冠“阿克塞”选择区县名。 ②、名称地域选择“阿克塞哈萨克族自治县”。③、行业信息指主要从事行业的大类信息。如从事餐饮业→行业信息可以填写为“饮食”、“饭馆”: 从事商业→行业信息可以填写“商贸”、“销售”。④、组成形式指从事市场经济的类型。如个体工商户一般选择“店、部、超市、公司一般选择“有限 责任公司、股份有限责任公司”、企业一般选择 “厂、中心、医院” 。⑤、字号指同一行政区划用于区别市场主体行业不同类型的标示,它应由2个以上字(汉字)组成。 如“康师傅”、“汇源”、“鄂尔多斯”等均为字号,【注意驰名商标、著名商标、禁用字号不能作为被 申请使用的名称】,在申请时如无法确认字号是否可以通过可以填写备用字号。 ⑥、名称由行政区划+字号+行业信息+组成形式四个基本要素构成(此项为系统自动生成可以按照自 己的需要迚行修正)。 (2)个体工商户(企业)信息。包括:资金数额——经营场所(住所)所在地——经营场所(住所)所在行政区划——拟受理单位——行 业门类——行业代码——经营范围及方式——联系人——联系电话。 (如图所示) 填写说明: ①、资金数额指从事经营活动所需的必要资金数额。包括薪金(人民币)和固定资产。 ②、经营场所所在地指从事经营活动具体的处所不包括住所(主要针对个体工商户)。住所所在地指 从事业务、经营活动的处所包括住所(主要针对企业)。③、行政区划指从事经营活动所在地点隶属的区域区划,如在阿克塞县从事经营活动的行政区划即为 阿克塞哈萨克族自治县。 ④、行业门类指主要从事的经营活动所属于《国家行业分类》的那一类。如:房屋建筑属于建筑业、 开采属于采矿业等。 ⑤、行业代码指按照《国家行业分类》迚行分类后详细至具体的类别子项。如小型商店属于批发零售 业中零售业里的小型商业。 ⑥、联系人及联系电话填写负责人的姓名及常用电话。 (3)经营者信息。此项限于个体工商户基本信息(如图所示) (4)投资人信息。此项限于投资身份信息(如图所示) 填写说明: ①、经营者信息仅限于申请营业执照的当事人按身份填写即可。 ②、投资人信息指所有投资人的身份信息,属自然人投资的的以身份证为准;属企业法人、个人独资 企业的以营业执照为准;属机关法人、事业单位的以组织机构代码证为准;属社团组织的以社团登记证为 准。 以上既是新名称申请的操作流程,切记完成操作后不要忘记点击提交预审 个体工商户及私营企业 设立登记 1、点击未登记企业登录?●依次填写内容分三部分: (1)基本信息。包括:名称——从业人数——组成形式——资金 数额——经营范围及方式——行业门类——行业代码——许可经营项 目——一般经营项目——经营场所——住所——预审受理机关——申请 人——申请日期——联系人——联系电话。(如上图所示)填写说明: ①、名称项为系统自动生成。", "●依次填写内容分三部分: (1)基本信息。包括:名称——从业人数——组成形式——资金 数额——经营范围及方式——行业门类——行业代码——许可经营项 目——一般经营项目——经营场所——住所——预审受理机关——申请 人——申请日期——联系人——联系电话。(如上图所示)填写说明: ①、名称项为系统自动生成。 ②、从业人员指除经营者以外的其他人员,如服务员、雇工等。 ③、组成形式为选择项,一般选择个人经营。 ④、经营范围指申请人开展经营活动所有涉及商品的类别、品种及服务项目。 ⑤ 、行业门类指主要从事的经营活动所属于《国家行业分类》的那一类。如:房屋建筑属于建筑业、开采属于采矿业等。 ⑥ 、行业代码指按照《国家行业分类》迚行分类后详细至具体的类别子项。如小型商店属于批发零售业中零售业里的小型商业。 ⑦、许可经营项目为选择项。许可经营项目是指在申请登记前依据法律、行政法规、国务院决定应当报经有关部门批准的项目。 ⑧ 、一般经营项目为填写项。 一般经营项目是指不需批准,可以自主申请的项目。 ⑨、经营场所指从事经营活动具体的处所。 ⑩、住所指负责人的居住场所,原则上要与经营场所分离。 (页面中红色星号标志处为设立信息必填内容) (2) 经营者信息。此页面按照申请人身份信息填写,所涉及内容 多以身份证信息为准。 (3)许可信息。此页面主要是指经营范围中涉及许可项目的范围 必须填写许可证信息。 填写说明: 点击“添加许可信息”工具,在弹出页面内填写已取得的许可证或行政许可批准文件基本信息即可,如涉及多个行政许可可依次 点击“添加许可信息”工具添加许可信息至填写完毕。 以上既是个体户设立的操作流程,切记完成操作后不要忘记点击提交预审 4、迚入如下界面。迚行操作(内/私企业)。 ●依次填写内容分六部分: (1)基本信息。包括:企业机构名称——字号——企业机构类型—— 住所——住所产权——房屋使用期至——经营面积(平方米)——联系 电话——邮政编码——电子邮箱——注册资本(万元)——经营期限— —行业门类——行业代码——经营类别——经营婴幼儿乳制品标示—— 拟登记机关——设立方式——副本数——审批机关——批准文号——批 准日期——开户银行——银行账号——许可经营项目——一般经营项 目——经营范围及方式——申请人——申请日期——联系人——联系电 话(如上图所示) 填写说明: ⒈企业机构名称项、字号、企业机构类型为系统自动生成。"], "bs_rank_pos": 4}], "answer_spans": [[49, 209]], "fake_answers": ["三、未注册的请注册:1、点击“企业联络员注册”(图3-1)2、填写内容并保存(图3-2)①注册号只有15位,副本上注册号只填前15位数字。②注册时使用的是老身份证号码的,填新号码无法通过。一般情况下,新身份证号去掉第8、9位和最后一位数字就是老身份证号。也可以到营业执照原工商注册部门备案新身份证号。③联络员可以不填写负责人。但是为了便于记忆,推荐填写负责人。④联络员手机号可以不填写负责人的。必须能够接收短信。⑤联络员证件号和手机号切勿填错。如果填错并忘记了造成无法登录,目前尚无法解决。3、保存后显示“恭喜您,注册成功!”"], "question": "营业执照网上申报", "segmented_answers": [["1", ".", "登陆", "全国", "企业", "信用", "信息", "公示", "系统", ":", "http", ":", "/", "/", "gsxt", ".", "saic", ".", "gov", ".", "cn", "。", "2", ".", "查", "到", "所在", "省市", "点击进入", "。", "3", ".", "点击", "【", "企业", "公示", "信息", "填报", "】", "。", "4", ".", "选择", "【", "新用户注册", "】", "。", "5", ".", "按", "要求", "填写", "信息", ",", "点击", "【", "验证", "】", ",", "验证", "通过", "后", "再", "旁边", "设置密码", ",", "然后", "选择", "登陆", "。", "6", ".", "登陆", "需要", "填写", "手机号", "接受", "验证码", ",", "验证码", "来", "得", "比较", "慢", "。", "7", ".", "登陆后", "选择", "【", "年底", "报告", "在线", "填报", "】", ",", "选择", "【", "2014", "年度", "】", "。", "8", ".", "按", "要求", "填写", ",", "可以", "选择", "是否", "对外", "公示", "。", "9", ".", "填写", "完毕", "保存", "并", "下一步", ",", "来到", "出资", "情况", "这块", "点击", "【", "添加", "】", "将", "各", "个", "股东", "的", "出资", "时间", "填上", "。", "10", ".", "【", "保存", "并", "下一步", "】", "资产", "状况", "这块", "让", "贵", "公司", "会计", "出具", "上", "一", "年度", "的", "资产负债表", "及", "损益表", ",", "按", "要求", "填写", ",", "可", "选择", "是否", "公示", "。", "11", ".", "【", "保存", "并", "下一步", "】", "来到", "对外", "提供", "保证", "担保", "信息", ",", "如果没有", "可以", "【", "保存", "并", "下一步", "】", "。", "12", ".", "下一步", "来到", "党建", "信息", "。", "13", ".", "再", "下一步", "到", "了", "预览", "并", "公示", ",", "查看", "下", "如果没有", "错误", "就", "选择", "【", "提交", "并", "公司", "】", "。", "14", ".", "提交", "以后", "再", "到", "企业", "信用", "网", "查询", "你", "公司", "信息", "就能", "查看", "年报", "信息", "了", "。"], ["进入", "网页", ":", "1", "、", "百度搜索", "“", "信用", "公示", "系统", "”", ",", "进入", "系统", "。", "2", "、", "选择", "“", "河南", "”", "。", "三", "、", "未注册", "的", "请注册", "。", "1", "、", "点击", "“", "企业", "联络员", "注册", "”", "。", "2", "、", "填写", "内容", "并", "保存", "。", "①", "注册号", "只有", "15", "位", ",", "副本", "上", "注册号", "只", "填", "前", "15", "位", "数字", "②", "注册时", "使用", "的", "是", "老", "身份证号码", "的", ",", "填", "新", "号码", "无法", "通过", "。", "一般", "情况", "下", ",", "新", "身份证号", "去掉", "第", "8", "、", "9", "位", "和", "最后", "一", "位", "数字", "就是", "老", "身份证号", "。", "也", "可以", "到", "营业执照", "原", "工商注册", "部门", "备案", "新", "身份证号", "。", "③", "联络员", "可以", "不", "填写", "负责人", "。", "但是", "为了", "便于", "记忆", ",", "推荐", "填写", "负责人", "④", "联络员", "手机号", "可以", "不", "填写", "负责人", "的", "。", "必须", "能够", "接收", "短信", "。", "⑤", "联络员", "证件", "号", "和", "手机号", "切勿", "填", "错", "。", "如果", "填", "错", "并", "忘记", "了", "造成", "无法", "登录", ",", "目前", "尚", "无法", "解决", "。", "3", "、", "保存", "后", "显示", "“", "恭喜您", ",", "注册成功", "”", "。"]], "answers": ["1.登陆全国企业信用信息公示系统:http://gsxt.saic.gov.cn。2.查到所在省市点击进入。3.点击【企业公示信息填报 】。4.选择【新用户注册】。5.按要求填写信息,点击【验证】,验证通过后再旁边设置密码,然后选择登陆。6.登陆需要填写手机号接受验证码,验证码来得比较慢。7.登陆后选择【年底报告在线填报】,选择【2014年度】。8.按要求填写,可以选择是否对外公示。9.填写完毕保存并下一步,来到出资情况这块点击【添加】将各个股东的出资时间填上。10.【保存并下一步】资产状况这块让贵公司会计出具上一年度的资产负债表及损益表,按要求填写,可选择是否公示。11.【保存并下一步】来到对外提供保证担保信息,如果没有可以【保存并下一步】。12.下一步来到党建信息。13.再下一步到了预览并公示,查看下如果没有错误就选择【提交并公司】。14.提交以后再到企业信用网查询你公司信息就能查看年报信息了。", "进入网页:1、百度搜索“信用公示系统”,进入系统。 2、选择“河南” 。三、未注册的请注册。1、点击“企业联络员注册” 。2、填写内容并保存。 ①注册号只有15位,副本上注册号只填前15位数字 ②注册时使用的是老身份证号码的,填新号码无法通过。一般情况下,新身份证号去掉第8、9位和最后一位数字就是老身份证号。也可以到营业执照原工商注册部门备案新身份证号。 ③联络员可以不填写负责人。但是为了便于记忆,推荐填写负责人 ④联络员手机号可以不填写负责人的。必须能够接收短信。 ⑤联络员证件号和手机号切勿填错。如果填错并忘记了造成无法登录,目前尚无法解决。3、保存后显示“恭喜您,注册成功”。"], "answer_docs": [3], "segmented_question": ["营业执照", "网上申报"], "question_type": "DESCRIPTION", "question_id": 181578, "fact_or_opinion": "FACT", "match_scores": [0.8614457831325302]} -{"documents": [{"is_selected": false, "title": "打开游戏时显示CSGO.EXE已停止工作。。。【csgo吧】_百度贴吧", "most_related_para": 0, "segmented_title": ["打开", "游戏", "时", "显示", "CSGO", ".", "EXE", "已", "停止", "工作", "。", "。", "。", "【", "csgo", "吧", "】", "_", "百度贴吧"], "segmented_paragraphs": [["好不容易", "拉", "了", "一", "个", "朋友", "来", "玩", "CSGO", ",", "可是", "进", "游戏", "一直", "显示", "什么", "CSGO", ".", "EXE", "已", "停止", "工作", "。", "。", "。", "试", "了", "无数", "种", "方法", "都", "解决", "不", "了", "。", "。", "。", "求", "问", "贴吧", "有没有", "大神", "能够", "解决", "。", "。", "。"], ["真心", "求", "。", "。", "。", "。", "。", "一个人", "玩", "了", "这么", "久", "。", "。", "。", "。", "真是", "好不容易", "拉", "了", "一个人", "来玩", "。", "。", "。", "。", "。", "。"], ["图", "我", "这里", "暂时", "没有", ",", "就是", "从", "STEAM", "点", "开始", "之后", ",", "然后", "就", "出现", "一个窗口", "显示", "“", "CSGO", ".", "EXE", "已", "停止", "工作", "”"], ["我不知道", "为什么", "关", "了", "游戏", "就", "显示", "这个", ",", "每次", "都是"], ["百度", "出来", "方法", "有", "如", "下", "几", "种", ":", "1", ".", "修改", "VIDEO", ".", "TXT", ",", "然而", "他", "一次", "都", "没", "进去", "过", ",", "连", "这个", "文件", "都", "没有", "2", ".", "删除", "WORKSHOP", ",", "原因", "同", "上"], ["不管怎样", ",", "还是", "谢谢", "看", "了", "这个", "帖子", "的", "朋友", ",", "我", "那个", "朋友", "已经", "退款", "了", "。", "。", "。"], ["日", "了", "狗", "我就是这样", "啊", "怎么办", "啊", "3", "个", "小时", "前", "能", "玩", "的", "突然", "就这样", "了", "3", "个", "小时", "了", "还", "不能玩", "我", "都", "删", "了", "重", "下", "了"], ["我", "也", "遇到", "这个问题", "了", "请问", "怎么", "解决", "的", "?"]], "paragraphs": ["好不容易拉了一个朋友来玩CSGO,可是进游戏一直显示什么CSGO.EXE已停止工作。。。试了无数种方法都解决不了。。。求问贴吧有没有大神能够解决。。。", "真心求。。。。。一个人玩了这么久。。。。真是好不容易拉了一个人来玩。。。。。。", "图我这里暂时没有,就是从STEAM点开始之后,然后就出现一个窗口显示“CSGO.EXE已停止工作”", "我不知道为什么关了游戏就显示这个,每次都是", "百度出来方法有如下几种:1.修改VIDEO.TXT,然而他一次都没进去过,连这个文件都没有2.删除WORKSHOP,原因同上", "不管怎样,还是谢谢看了这个帖子的朋友,我那个朋友已经退款了。。。", "日了狗我就是这样啊 怎么办啊 3个小时前能玩的 突然就这样了 3个小时了还不能玩 我都删了重下了", "我也遇到这个问题了 请问怎么解决的?"], "bs_rank_pos": 0}, {"is_selected": false, "title": "【求助】各位大神 csgo一点开始就停止工作 怎么回事啊_csgo吧_百度", "most_related_para": 8, "segmented_title": ["【", "求助", "】", "各位", "大神", "csgo", "一点", "开始", "就", "停止", "工作", "怎么回事", "啊", "_", "csgo", "吧", "_", "百度"], "segmented_paragraphs": [["以前", "还", "下", "下来", "玩", "过", "的", "现在", "怎么", "打不开", "玩", "不", "了", "啊", "拉", "朋友", "来", "玩", "求", "大神"], ["卧槽", "巴里", "大神", "呢", "都", "死", "哪里", "去", "了"], ["卸载", "重新", "安装", "试", "试", ",", "选项", "设置", "里面", "选择", "单核", "渲染", ",", "不要", "选", "多核", "。"], ["点亮", "12", "星座", "印记", ",", "去", "领取"], ["活动", "截止", ":", "2100", "-", "01", "-", "01"], ["停止", "响应", ",", "这个问题", "很", "宽泛", "的", "。", "你", "首先", "从", "硬件", "方面", "检查", "一", "下", ",", "比如", "配置", "是否", "达到", "要求", "、", "温度", "过热", "之类", "的", ",", "确认", "没有问题", "后", ",", "再", "从", "软件", "方面", "解决", ",", "比如", "显卡驱动", "是不是", "最新版本", ",", "用", "steam", "验证", "一", "下", "游戏", "完整性", ",", "使用", "电脑", "的", "系统还原", "功能", "等等", "。"], ["点亮", "12", "星座", "印记", ",", "去", "领取"], ["活动", "截止", ":", "2100", "-", "01", "-", "01"], ["网上", "的", "问题", "大", "多", "是", "这些", ",", "简单", "汇总", "一", "下", ",", "实在", "没有", "办法", ",", "你", "就", "照", "着", "里面", "的", "方法", "一", "个", "个", "试", "试", ",", "包括", "楼层", "里面", "网友", "给", "出", "的", "办法", ",", "或许", "有", "一", "个", "管用", "呢", "。"], ["点亮", "12", "星座", "印记", ",", "去", "领取"], ["活动", "截止", ":", "2100", "-", "01", "-", "01"], ["谢谢", "他", "就是", "载入", "地图", "就", "闪退", "还是", "解决", "不", "了", "能", "听到", "声音"], ["我", "一", "进去", "开始游戏", "就会", "变成", "这样", "!", "求", "方法", "解决", "!"]], "paragraphs": ["以前还下下来玩过的 现在怎么 打不开 玩不了啊 拉朋友来玩 求大神", "卧槽 巴里大神呢 都死哪里去了", "卸载重新安装试试,选项设置里面选择单核渲染,不要选多核。", "点亮12星座印记,去领取", "活动截止:2100-01-01", "停止响应,这个问题很宽泛的。你首先从硬件方面检查一下,比如配置是否达到要求、温度过热之类的,确认没有问题后,再从软件方面解决,比如显卡驱动是不是最新版本,用steam验证一下游戏完整性,使用电脑的系统还原功能等等。", "点亮12星座印记,去领取", "活动截止:2100-01-01", "网上的问题大多是这些,简单汇总一下,实在没有办法,你就照着里面的方法一个个试试,包括楼层里面网友给出的办法,或许有一个管用呢。", "点亮12星座印记,去领取", "活动截止:2100-01-01", "谢谢 他就是 载入地图就闪退 还是解决不了 能听到声音", "我一进去开始游戏就会变成这样!求方法解决!"], "bs_rank_pos": 1}, {"is_selected": false, "title": "关于csgo 停止工作的问题,已破_csgo吧_百度贴吧", "most_related_para": 0, "segmented_title": ["关于", "csgo", "停止", "工作", "的", "问题", ",", "已", "破", "_", "csgo", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["这个问题", ",", "苦", "了", "我", "好久", ",", "问", "过", "吧", "友", ",", "看", "过", "台湾", "的", "论坛", "。", "吧", "友", "提示", "的", "方法", "都", "用", "过", ",", "什么", "做", "系统", ",", "检查", "文件", "完整性", ",", "删", "了", "csgo", "重", "下", ",", "删", "了", "steam", "重", "下", ",", "什么", "更新", "显卡驱动", ",", "都", "试", "过", ",", "结果", "是", "没用", "还是", "那样", "。", "但是", "我", "成功", "解决", "了", ",", "在", "此", "分享", "一", "下", "其实", "原因", "可能", "出", "在", "steam", "云", "功能", "上", ",", "查", "了", "外国", "steam", "的", "论坛", "是", "得出", "这样", "的", "结论", "大致", "是", "这个", "意思", ",", "把", "从", "workshop", "下载", "的", "地图", "全部", "删掉", "。", "玩", "过", "cs", "的", "都", "知道", "有", "那么", "个", "map", "文件夹", ",", "我自己", "的", "解决", "方式", "就是", "在", "map", "文件夹", "里", "有", "个", "文件夹", "叫", "workshop", ",", "选中", "后", "直接删除", "。", "然后", "验证", "文件", "完整性", ",", "自动", "下载", "验证", "失败", "的", "文件", ",", "等待", "下载", "安装", "。", "然后", "你", "就", "可以", "进入游戏", "开", "虐", "吧", ",", "不会", "再", "停止", "工作", "了", "自此", "之后", "我", "就", "再", "也", "没", "从", "workshop", "下载", "过", "任何", "地图", "…", "…", "因为", "这个问题", "貌似", "困扰", "不少", "人", "了", ",", "反正", "我", "是", "这么", "解决", ",", "感觉", "还是", "有道理", "的"], ["取消", "创意", "工房", "订阅", ",", "你", "怎么", "不", "早点", "遇到", "我", "呢"], ["卧槽", ",", "大师", ",", "你好", "。", "我", "这", "几天", "一直", "被", "这个问题", "快", "整", "崩溃", "了", ",", "换", "个", "图", "5", "次", "里", "最少", "有", "1", ",", "2", "次", "这样", ",", "我", "还以为", "是", "我", "的", "有问题", "没想到", "是", "通病", "。", "操", "。", "有", "机会", "试", "试", "你", "的", "方法", "。"], ["昨天", "的", "更新", "后", "就", "出现", "了", "这样", "的", "问题", "在", "游戏", "中", "退出", "界面", "就", "停止", "工作", "了", "可是", "你", "现在", "的", "办法", "不", "可行", "了", ".", ".", ".", "."], ["控制台", "输入", "disconnect", "就", "行", "了"], ["没", "订阅", "创意", "工", "妨", "有时", "也", "遇到", ",", ",", "不过", "不", "频繁"], ["楼主", "啊", ",", "表示", "不懂", ",", "那个", "map", "文件夹", "在哪里", "!", "!"], ["什么", "狗屁", "方法", ",", "系统", "换", "成", "64", "位", ",", "内存", "到", "8G", ",", "我", "再", "也", "没", "停止", "工作", "过"], ["运行", "图标", "右键", "→", "属性", "→", "只读", ",", "搞定"], ["LZ", "什么", "系统", "多少", "位", "?", "这个问题", "困扰", "我", "很久", "了", ",", "很", "崩溃", "。"], ["一直", "被", "困扰", ",", "TMD", "一次", "升级后", "就", "老是", "闪退"], ["显示", "缺少", "文件", "怎么回事", ",", "vpk", "的", "文件"], ["这个问题", "是不是", "到", "现在", "都", "没有", "一", "个", "解决办法", "。", "。"]], "paragraphs": ["这个问题,苦了我好久,问过吧友,看过台湾的论坛。吧友提示的方法都用过,什么做系统,检查文件完整性,删了csgo重下,删了steam重下,什么更新显卡驱动,都试过,结果是没用还是那样。但是我成功解决了,在此分享一下其实原因可能出在steam云功能上,查了外国steam的论坛是得出这样的结论大致是这个意思,把从workshop下载的地图全部删掉。玩过cs的都知道有那么个map文件夹,我自己的解决方式就是在map文件夹里有个文件夹叫workshop,选中后直接删除。然后验证文件完整性,自动下载验证失败的文件,等待下载安装。然后你就可以进入游戏开虐吧,不会再停止工作了自此之后我就再也没从workshop下载过任何地图……因为这个问题貌似困扰不少人了,反正我是这么解决 ,感觉还是有道理的", "取消创意工房订阅,你怎么不早点遇到我呢", "卧槽,大师,你好。我这几天一直被这个问题快整崩溃了,换个图5次里最少有1,2次这样,我还以为是我的有问题没想到是通病。操。有机会试试你的方法。", "昨天的更新后就出现了这样的问题 在游戏中退出界面就停止工作了 可是你现在的办法不可行了....", "控制台输入 disconnect 就行了", "没订阅创意工妨有时也遇到,,不过不频繁", "楼主啊,表示不懂,那个map文件夹在哪里!!", "什么狗屁方法,系统换成64位,内存到8G,我再 也没停止工作过", "运行图标右键→属性→只读,搞定", "LZ什么系统多少位?这个问题困扰我很久了,很崩溃。", "一直被困扰,TMD一次升级后就老是闪退", "显示缺少文件怎么回事,vpk的文件", "这个问题是不是到现在都没有一个解决办法。。"], "bs_rank_pos": 2}, {"is_selected": true, "title": "csgo 第一次运行就出现 csgo.exe已停止工作 的错误提示,怎么解决? -", "most_related_para": 1, "segmented_title": ["csgo", "第一", "次", "运行", "就", "出现", "csgo", ".", "exe", "已", "停止", "工作", "的", "错误", "提示", ",", "怎么", "解决", "?", "-"], "segmented_paragraphs": [["steam", "正版", ",", "以前", "一直", "在", "玩", ",", "后来", "卸载", "了", ",", "最近", "想", "玩", ",", "结果", "出现", "了", "这样", "提示", ",", "还", "没", "进", "游戏", "呢", ",", "我", "使用", "过", "以下", "方法", ":", "1", "、", "重新", "安装", "游戏", "2", "、", "游戏", "完整性", "检查", "3", "、", "重新", "安装", "系统", "GOST", "系统", "电脑公司", "4", "、", "兼容", "模式", "运行", "5", "、", "管理员", "运行", "6", "、", "网上", "删除", "创意", "地图", "、", "修改", "程序代码", "等", ",", "因为", "还", "没", "进", "过", "游戏", ",", "都", "不能", "操作", "=", "!", "都", "不行", ",", "怎么", "破", "?"], ["dx10", "修复", "工具", "试", "试", ",", "我", "就是", "这么", "弄好", "的", "。", "重装", "dx10", "好像", "没用", "。"], ["下载", "知乎", "客户端", "与", "世界", "分享", "知识", "、", "经验", "和", "见解"]], "paragraphs": ["steam正版,以前一直在玩,后来卸载了,最近想玩,结果出现了这样提示,还没进游戏呢,我使用过以下方法: 1、重新安装游戏 2、游戏完整性检查 3、重新安装系统GOST系统 电脑公司 4、兼容模式运行 5、管理员运行 6、网上删除创意地图、修改程序代码等,因为还没进过游戏,都不能操作=! 都不行,怎么破?", "dx10修复工具试试,我就是这么弄好的。重装dx10好像没用。", "下载知乎客户端 与世界分享知识、经验和见解"], "bs_rank_pos": 3}, {"is_selected": true, "title": "玩CSGO老是开始游戏的时候老是退出到桌面并显示CSGO已停止工作是", "most_related_para": 1, "segmented_title": ["玩", "CSGO", "老是", "开始游戏", "的", "时候", "老是", "退出", "到", "桌面", "并", "显示", "CSGO", "已", "停止", "工作", "是"], "segmented_paragraphs": [["查看", "下", "是不是", "兼容性", "问题", "你", "什么", "系统"], ["你", "关闭", "输入法", "之后", "再", "玩", "看看", "一般", "都是", "因为", "这"], ["兄弟", "。", "。", "能", "玩", "就", "已经", "很好", "了", "。", "。", "很多人", "都", "下载", "不到", "你", "的", "这种", "能", "玩", "的", "破解版", "呢", "。", "。", "csgo", "是", "和", "steam", "绑定", "的", "。", "。", "经常", "升级", "。", "。", "里面", "有很多", "东西", "一直", "在", "改变", "。", "。", "所以", "基本", "不会", "有", "最新", "的", "破解版", "。", "。", "而且", "只能", "自己", "跟", "机器人", "k", "了", "。", "。", "所以", "破解版", "会", "点", "问题", "是", "很正常", "的"], ["喜欢", "这个游戏", "就", "不要", "破解", "了", ",", "正版", "购买", "一次", ",", "永久", "使用", ",", "没有", "烦恼", "。", "而且", "很多", "服", "都", "是", "正版", "的", ",", "破解", "上", "不", "去", "的", "。"], ["CSGO", "的", "老", "问题", "了", "。", "你", "是", "不在", "创意", "工坊", "收藏", "了", "几个", "地图", ",", "把", "它", "取消", "了", "试", "试"], ["不", "高", "硬件", "没问题", "说明", "软件", "有问题", "你", "的", "配置", "是", "足够", "了", "如果", "你", "怀疑", "你", "硬盘", "不行", ",", "用", "hd", "tune", "测", "测", "有", "坏道", "啥", "的", "么", ",", "不过", "一般", "不会", "是", "硬盘", "的", "问题", ",", "因为", "硬盘", "问题", ",", "不是", "你", "玩游戏", "问题", ",", "是", "整个", "电脑", "不", "论", "干", "啥", "都会", "有", "问题"], ["可能", "是", "电脑配置", "不行", ",", "你", "下", "个", "快玩", "游戏", "软件", "就", "知道", "了", ",", "找到", "csgo", "游戏", ",", "它", "会", "帮", "你", "检测", "的"], ["电脑", "网", "差劲"], ["我", "的", "是", "2450M", "的", "cpu", "和", "6650", "M", "的", "显卡", "。", "电脑", "太", "烫", "就", "各种", "卡", "。", "也", "曾经", "强制", "被", "退出", "过", "。", "不过", "刚刚", "进入游戏", "还是", "可以", "玩", "的", "。", "我", "连接", "的", "是", "国内", "社区服务器", ",", "ping", "很", "低", "。", "不排除", "网络", "因素", "的", "干扰", ",", "但是", "感觉", "还是", "电脑配置", "有点", "低", ",", "有些", "带", "不动", "。", "另外", "你", "的", "32位", "系统", "还是", "换", "成", "64位"]], "paragraphs": ["查看下是不是兼容性问题 你什么系统", "你关闭输入法之后再玩看看 一般都是因为这", "兄弟。。 能玩就已经很好了。。 很多人都下载不到你的这种能玩的破解版呢。。 csgo是和steam绑定的。。 经常升级。。 里面有很多东西一直在改变。。 所以基本不会有最新的破解版。。 而且只能自己跟机器人k了。。 所以破解版会点问题是很正常的", "喜欢这个游戏就不要破解了,正版购买一次,永久使用,没有烦恼。 而且很多服都是正版的,破解上不去的。", "CSGO的老问题了。你是不在创意工坊收藏了几个地图,把它取消了试试", "不高 硬件没问题说明软件有问题 你的配置是足够了 如果你怀疑你硬盘不行,用hd tune测测有坏道啥的么,不过一般不会是硬盘的问题,因为硬盘问题,不是你玩游戏问题,是整个电脑不论干啥都会有问题", "可能是电脑配置不行,你下个快玩游戏软件就知道了,找到csgo游戏,它会帮你检测的", "电脑网差劲", "我的是2450M的cpu和6650M的显卡。电脑太烫就各种卡。也曾经强制被退出过。不过刚刚进入游戏还是可以玩的。 我连接的是国内社区服务器,ping很低。 不排除网络因素的干扰,但是感觉还是电脑配置有点低,有些带不动。另外你的32位系统还是换成64位"], "bs_rank_pos": 4}], "answer_spans": [[1, 6]], "fake_answers": ["关闭输入法之后再玩看看"], "question": "csgo读取游戏后提示已停止工作", "segmented_answers": [["图像", "设置", "到", "低", ",", "有", "多", "低", "就", "多", "低", "。"], ["dx10", "修复", "工具", "试", "试", "。"], ["关闭", "输入法", "之后", "再", "玩", "看看", "。"]], "answers": ["图像设置到低,有多低就多低。", "dx10修复工具试试。", "关闭输入法之后再玩看看。"], "answer_docs": [4], "segmented_question": ["csgo", "读取", "游戏", "后", "提示", "已", "停止", "工作"], "question_type": "DESCRIPTION", "question_id": 181579, "fact_or_opinion": "FACT", "match_scores": [0.923076923076923]} -{"documents": [{"is_selected": false, "title": "兰陵王妃大结局是什么_百度知道", "most_related_para": 0, "segmented_title": ["兰陵王妃", "大", "结局", "是什么", "_", "百度", "知道"], "segmented_paragraphs": [["主子", "赶到", "的", "时候", ",", "几", "位", "天下", "闻名", "的", "大夫", "已经", "为", "清", "锁", "小姐", "会", "了", "诊", "。", "据说", "她", "是", "受", "了", "极", "大", "的", "创伤", ",", "元气", "损耗", "殆尽", ",", "现在", "全", "仗", "着", "珍贵", "药材", "撑", "着", "她", "的", "最后一口气", ",", "随时", "都", "有", "可能", "毙命", "。", "主子", "去", "房", "里", "看", "了", "清", "锁", "小姐", ",", "出来", "之后", "却", "勃然大怒", ",", "将", "那", "几", "位", "大夫", "的", "妻儿老小", "全", "抓", "了", "起来", ",", "说", "如果", "清", "锁", "小姐", "有", "个", "三长两短", ",", "就要", "让", "这些", "人为", "她", "陪葬", "。", "“", "清", "锁", "小姐", "是不是", "快", "死", "了", "?", "”", "我", "悄悄", "地", "问", "楚", "总管", "。", "楚", "总管", "作", "势", "要", "抽", "我", ",", "我", "赶紧", "闭", "上", "了", "嘴巴", ",", "“", "这", "话", "要", "让", "大人", "知道", ",", "你", "的", "小", "命", "立", "时", "可", "就", "没了", "。", "”", "我", "吐", "了", "吐", "舌头", ",", "却", "也", "不敢", "再", "说", "。", "大约", "过", "了", "一个月", "的", "时间", ",", "清", "锁", "小姐", "终于", "悠悠", "转", "醒", ",", "我", "远", "远望", "见", "主子", "飞奔", "而", "来", ",", "踉踉跄跄", "地", "几乎", "跌倒", ",", "这段日子", ",", "政务", "繁忙", ",", "难为", "他", "天天", "都", "往", "清", "锁", "小姐", "病榻前", "跑", "。", "我", "跟", "在", "主子", "身后", ",", "站", "在", "门口", "处", "远远", "望", "着", "他们", "。", "清", "锁", "小姐", "看见", "主子", ",", "似", "是", "百感交集", ",", "霎时间", "泪如泉涌", "。", "主子", "握住", "她", "的", "手", ",", "一", "双"]], "paragraphs": ["主子赶到的时候,几位天下闻名的大夫已经为清锁小姐会了诊。据说她是受了极大的创伤,元气损耗殆尽,现在全仗着珍贵药材撑着她的最后一口气,随时都有可能毙命。主子去房里看了清锁小姐,出来之后却勃然大怒,将那几位大夫的妻儿老小全抓了起来,说如果清锁小姐有个三长两短,就要让这些人为她陪葬。 “清锁小姐是不是快死了?”我悄悄地问楚总管。 楚总管作势要抽我,我赶紧闭上了嘴巴,“这话要让大人知道,你的小命立时可就没了。”我吐了吐舌头,却也不敢再说。大约过了一个月的时间,清锁小姐终于悠悠转醒,我远远望见主子飞奔而 来,踉踉跄跄地几乎跌倒,这段日子,政务繁忙,难为他天天都往清锁小姐病榻前跑。我跟在主子身后,站在门口处远远望着他们。 清锁小姐看见主子,似是百感交集,霎时间泪如泉涌。主子握住她的手,一双"], "bs_rank_pos": 1}, {"is_selected": true, "title": "杨千紫的《兰陵王妃》结局是什么?_百度知道", "most_related_para": 0, "segmented_title": ["杨千紫", "的", "《", "兰陵王妃", "》", "结局", "是", "什么", "?", "_", "百度", "知道"], "segmented_paragraphs": [["这本书", "的", "结局", "是", ":", "女", "主", "选择", "了", "兰陵王", "高长恭", ",", "离开", "了", "北周", ",", "但是", "女", "主", "最后", "被", "萧洛云", "杀", "了", ",", "当时", "她", "和", "兰陵王", "高长恭", "在一起", ",", "所以", "宇文邕", "并", "不知道", "最后", "她", "死", "了", ",", "但", "也是", "在", "死", "前", "的", "最后", "那一刻", "她", "才", "明白", "自己", "最爱的人", "是", "宇文邕", "。", "书", "中原文", "有", "这么", "几", "段", "话", "(", "表示", "最后", "她", "死", "了", "的", ")", ":", "想起", "那时", "在", "水域", "中", "与", "萧洛云", "并肩而行", "的", "场景", ",", "她", "忽然", "问", "我", ":", "“", "元清锁", ",", "假如", "你", "今日", "死", "在这里", ",", "会不会", "后悔", "爱上", "兰陵王", "?", "”", "如果", "我", "说", "后悔", ",", "她", "是不是", "就", "不会", "再", "刺死", "诸葛", "无", "雪", "的", "同时", ",", "也", "刺穿", "了", "我", "的", "小腹", "…", "…", "泪", "湿", "泥土", ",", "血流成河", "。", "我", "爬", "出", "数", "十", "丈", ",", "地上", "全", "是", "我", "的", "血迹", ",", "我终于", "再", "无", "力气", "。", "(", "最后一页", ",", "表示", "最后", "她", "明白", "自己", "最爱", "的", "是", "谁", "的", "—", "—", ")", "宇文邕", "…", "…", "我", "挣扎", "着", "望", "向", "大周", "的", "方向", "。", "你现在", "在", "做什么", "呢", "?", "吃饭", "了", "吗", "?", "有没有", "想起", "我", "?", "皇宫", "不", "比", "小", "春城", ",", "该", "是", "寒冷", "时节", "了", "吧", "?", "你", "有没有", "多", "添", "一", "件", "衣裳", ",", "随身", "带", "上", "披风", "?"]], "paragraphs": ["这本书的结局是:女主选择了兰陵王高长恭,离开了北周,但是女主最后被萧洛云杀了,当时她和兰陵王高长恭在一起,所以宇文邕并不知道最后她死了,但也是在死前的最后那一刻她才明白自己最爱的人是宇文邕。书中原文有这么几段话(表示最后她死了的):想起那时在水域中与萧洛云并肩而行的场景,她忽然问我:“元清锁,假如你今日死在这里,会不会后悔爱上兰陵王?” 如果我说后悔,她是不是就不会再刺死诸葛无雪的同时,也刺穿了我的小腹…… 泪湿泥土,血流成河。我爬出数十丈,地上全是我的血迹,我终于再无力气。 (最后一页,表示最后她明白自己最爱的是谁的——) 宇文邕……我挣扎着望向大周的方向。 你现在在做什么呢?吃饭了吗?有没有想起我?皇宫不比小春城,该是寒冷时节了吧?你有没有多添一件衣裳,随身带上披风?"], "bs_rank_pos": 2}, {"is_selected": false, "title": "兰陵王妃大结局是什么兰陵王死了吗 电视剧看点大揭秘_尚之潮", "most_related_para": 32, "segmented_title": ["兰陵王妃", "大", "结局", "是", "什么", "兰陵王", "死", "了", "吗", "电视剧", "看点", "大揭秘", "_", "尚之潮"], "segmented_paragraphs": [["首页", ">", "娱乐", ">", "电视剧", ">", "兰陵王妃", "大", "结局", "终极", "剧透"], ["电视剧", "《", "兰陵王妃", "》", "终于", "播出", ",", "网友", "大", "呼", "终于", "等到", "你", "还好", "没", "放弃", ",", "剧", "中", "各位", "男女主角", "颜值", "演技", "都", "在线", ",", "观众", "期待", "值", "满满", ",", "那么", "《", "兰陵王妃", "》", "大", "结局", "是", "什么", "?", "和", "原著", "小说", "一样", "吗", "?"], ["张含韵", "首", "挑大梁", "献", "出", "荧幕", "初吻"], ["从", "2004", "《", "超级女声", "》", "出道", "的", "张含韵", ",", "至今", "已经", "过去", "了", "十", "多", "年", "。", "在", "这些年", "里", ",", "小花", "多", "以", "歌手", "身份", "出镜", "。", "《", "兰陵王妃", "》", "是", "张含韵", "首次", "独", "挑大梁", ",", "担纲", "女主角", "的", "古装", "大", "剧", "。", "为了", "演", "好", "角色", ",", "她", "做", "了", "充分准备", ",", "学", "骑马", "、", "学", "跳舞", "、", "学", "武术", "、", "背", "古诗词", "等", "。"], ["张含韵", "表示", ",", "她", "在", "剧", "中", "有", "多", "达", "四", "十", "套", "的", "戏", "服", ",", "自己", "最", "期待", "大", "婚", "的", "服装", "“", "全", "手", "绣", ",", "价值", "几", "十", "万", "”", "。", "而", "据透露", ",", "张含韵", "将", "在", "剧", "中", "选", "出", "自己", "的", "荧幕", "初吻", "。"], ["对于", "其", "在", "剧", "中", "即将上演", "兰陵王妃", "的", "史诗", "绝恋", ",", "粉丝", "表示", "期待", ",", "在", "超长", "片花", "放", "出", "后", ",", "网友", "也", "对其", "演技", "表示", "肯定", "“", "张小花", "演技", "在线", "!", "”", "。", "而", "导演", "叶昭仪", "认为", "张含韵", "“", "漂亮", ",", "够", "清纯", "”", ",", "符合", "他", "心", "目", "中", "女", "主", "的", "形象", "。"], ["《", "兰陵王妃", "》", "网络", "播出", "回应", "粉丝", "期待"], ["该", "剧", "于", "2014", "年", "年", "初", "杀青", "后", ",", "即", "转入", "后期制作", "流程", ",", "而", "原", "计划", "的", "定", "档", "上映时间", "是", "2014", "年", "年", "中", "。"], ["在", "当时", ",", "《", "兰陵王", "》", "热度", "尚未", "褪尽", ",", "本", "剧", "的", "主演", "阵容", "也", "非常", "青春", "亮", "眼", "。", "仅", "在", "前期", "宣传", "阶段", ",", "《", "兰陵王妃", "》", "的", "关注", "度", "和", "粉丝", "热度", "就", "一", "路", "高", "企", ",", "备受瞩目", "。"], ["此次", "《", "兰陵王妃", "》", "化身", "网", "剧", "登陆", "芒果", "TV", "视频", "平台", ",", "以", "会员", "尊享", "的", "模式", "回归", "。", "该", "平台", "也", "于", "日前", "公布", "了", "该剧", "超长", "预告片", "片花", "。"], ["《", "西游", "伏", "妖", "篇", "》", "总", "票房", "过", "20", "亿", "才"], ["争议", "虽", "大", "《", "大", "闹", "天竺", "》", "票房", "预测"], ["过年", "的", "时候", "香蕉", "都", "有", "哪些", "好", "的", "吃"], ["兰陵王妃", "张含韵", "如何", "处理", "三角恋", "关系", "很多", "感情", "不是", "那么", "容易", "受", "自己", "控制", ",", "很少", "人", "能", "那么", "大方", "分享", "自己", "爱人", ",", "但是", "很多", "爱情", "中", "也", "存在", "着", "三角恋", "的", "关系", ",", "除了", "小三", ",", "出轨", "等", "一", ".", ".", ".", "更多", "2016", "-", "12", "-", "21", "09", ":", "24", ":", "09"], ["驴得水", "任素汐", "刘帅良倾情", "加盟", "电影", "《", "驴得水", "》", "上映", "以来", "备受好评", ",", "网友", "对", "电影", "《", "驴得水", "》", "名字", "的", "由来", "比较", "好奇", ",", "《", "驴得水", "》", "电影", "名字", "是", "怎么", "来", "的", "又", "是", "什么", "意思", "呢", "?", ".", ".", ".", "更多", "2016", "-", "10", "-", "30", "16", ":", "34", ":", "26"], ["兰陵王妃", "阿史那", "竟是", "宇文邕", "的", "最爱", "电视剧", "《", "兰陵王妃", "》", "开播", "之后", "好评如潮", ",", "剧", "中", "倾国倾城", "、", "深明大义", "的", "阿史那", "公主", "也", "引起", "了", "网友", "们", "的", "关注", "!", "那么", "阿史那", "公主", "的", "历史", "原型", ".", ".", ".", "更多", "2016", "-", "10", "-", "18", "11", ":", "39", ":", "33"], ["白羊", "男", "彻底", "分手", "的", "表现", "有", "哪些", "白羊座", "男人", "思想活跃", ",", "热情似火", ",", "周", "身", "洋溢", "着", "不竭", "的", "创造力", "。", "白羊", "男", "喜欢", "一个", "女人", "的", "时候", "会", "想", "尽", "一切", "办法", "的", "去", "呵护", "帮助", "喜欢", "的", "女人", ",", ".", ".", ".", "更多", "2017", "-", "01", "-", "28", "18", ":", "00", ":", "03"], ["小品", "真情", "永驻", "结尾", "歌曲", "大揭秘", "春晚", "小品", "《", "真情永驻", "》", "最后", "响起", "的", "歌曲", "是", "什么", "?", "2017", "年", "的", "央视", "春晚", "迎来", "许多", "熟悉", "面孔", ",", "其中", ",", "孙涛", "、", "闫学晶", "、", "刘仪伟", "表演", "的", "小品", "《", "真", ".", ".", ".", "更多", "2017", "-", "01", "-", "27", "22", ":", "40", ":", "11"], ["《", "西游", "伏", "妖", "篇", "》", "总", "票房", "过", "20", "亿", "才能", "回", "本", "?", "电影", "《", "西游", "伏", "妖", "篇", "》", "的", "预售", "票房", "是", "多少", ",", "累计", "总", "票房", "预测", "多少", "亿能", "保底", "俨然", "成为", "了", "新春佳节", "大家", "热议", "的", "话题", "的", "质疑", ",", "接下来", "快", "跟", "尚", "之", ".", ".", ".", "更多", "2017", "-", "01", "-", "27", "22", ":", "55", ":", "56"], ["争议", "虽", "大", "《", "大", "闹", "天竺", "》", "票房", "预测", "15", "亿", "封顶", "电影", "《", "大", "闹", "天竺", "》", "片", "方", "预测", "能", "有", "多少", "让", "大家", "十分", "关心", ",", "早", "前", "有", "网友", "根据", "王宝强", "离婚案", "事件", "分析", ",", "《", "大", "闹", "天竺", "》", "票房", "预测", "能达", "30", "亿", ",", "但", ".", ".", ".", "更多", "2017", "-", "01", "-", "27", "19", ":", "39", ":", "18"], ["除夕", "的", "14", "大", "习俗", "和", "禁忌", "一定", "有", "你", "不知道", "的", "!", "今天", "是", "除夕", ",", "对于", "还", "奋战", "在", "编辑", "第", "一线", "的", "小", "编", "来", "说", "是", "一", "个", "忙碌", "而", "充实", "的", "除夕", ",", "坐等", "春晚", "的", "空隙", "还", "研究", "了", "下", "除夕", "的", "习俗", ",", "发现", "各个地方", ".", ".", ".", "更多", "2017", "-", "01", "-", "27", "19", ":", "38", ":", "59"], ["2017", "央视", "春晚", "靳东", "为何", "缺席", "靳东", "为何", "缺席", "2017", "年", "央视", "春晚", "?", "2015", "年", "一", "部", "《", "伪装者", "》", "让", "靳东", "、", "胡歌", "、", "王", "凯", "组成", "的", "“", "明", "家", "三兄弟", "”", "形象", "深入人心", ",", "近日", ",", "2017", "年", "央视", ".", ".", ".", "更多", "2017", "-", "01", "-", "27", "13", ":", "58", ":", "19"], ["《", "大", "闹", "天竺", "》", "竟是", "一", "个", "当代", "版", "西游记", "故事", "王宝强", "执导", "的", "电影", "《", "大", "闹", "天竺", "》", "即将", "在", "大", "年", "初一", "上映", ",", "备受", "网友", "们", "的", "期待", "。", "但是", "令", "网友", "好奇", "的", "是", "电影", "《", "大", "闹", "天竺", "》", "讲", "了", "什么", "故事", ",", "背", ".", ".", ".", "更多", "2017", "-", "01", "-", "26", "19", ":", "06", ":", "06"], ["《", "西游", "伏", "妖", "篇", "》", "台词", "周星驰", "式", "无厘头", "风格", "明显", "电影", "《", "西游", "伏", "妖", "篇", "》", "将", "于", "大", "年", "初一", "上映", ",", "单", "是", "周星驰", "和", "徐克", "这个", "黄金组合", "就", "万众瞩目", "了", ",", "而", "高", "颜值", "的", "小鲜肉", "演员阵容", "更", "是", "令", "影", "迷", "们", "期", ".", ".", ".", "更多", "2017", "-", "01", "-", "26", "17", ":", "04", ":", "26"], ["《", "西游", "伏", "妖", "篇", "》", "的", "物理", "特效", "可", "不仅", "值", "6", "毛", "《", "西游", "伏", "妖", "篇", "》", "的", "特效", "在", "电影", "上映", "前", "就", "备受", "网友", "关注", ",", "那么", "《", "西游", "伏", "妖", "篇", "》", "真", "的", "没有", "特效", "吗", ",", "物理", "特效", "又", "是", "什么", "鬼", "呢", "?", "有", "网友", "吐槽", "《", ".", ".", ".", "更多", "2017", "-", "01", "-", "26", "17", ":", "09", ":", "51"], ["《", "大", "闹", "天竺", "》", "票房", "大热", "马蓉", "究竟", "能不能", "分", "到", "钱", "电影", "《", "大", "闹", "天竺", "》", "将", "映", ",", "王宝强", "前期", "马蓉", "是否", "能", "分", "到", "票房", "钱", "让", "网友", "们", "关心", "不", "已", ",", "那么", "王宝强", "离婚", "判决", "结果", "如何", "了", ",", "最新消息", "是", "怎么", "宣", ".", ".", ".", "更多", "2017", "-", "01", "-", "26", "16", ":", "08", ":", "37"], ["《", "功夫", "瑜伽", "》", "迪拜", "王子", "竟", "出借", "世界", "最贵", "超跑", "成龙", "喜剧电影", "《", "功夫", "瑜伽", "》", "即将上映", ",", "据悉", "该片", "主", "打", "异域风情", ",", "前往", "多", "个", "国家", "取景", "拍摄", ",", "展现", "了", "各具特色", "的", "风景", "和", "风情", "。", "令", "网友", "好奇", ".", ".", ".", "更多", "2017", "-", "01", "-", "26", "15", ":", "36", ":", "28"], ["青云", "志", "第", "三", "季", "什么时候", "播", "揭晓", "<", "鬼怪", ">", "大", "结局", "编剧", "脑洞", "开", "大", "了", "!", "鬼吹灯", "精绝", "古城", "Shirley", "杨", "身世", "揭秘", "鬼怪", "刘德华", "前世", "曝光", "令人震惊", "网", "剧", "<", "鬼吹灯", ">", "系列", "一共", "有", "几", "部", "精绝", "古城", "陈", "教授", "结局", "竟然", "疯了", "鬼吹灯", "Shirley", "杨", "父亲", "死", "了", "吗", "网", "剧", "无间道", "15", "年", "后", "致敬", "经典", "还", "没看过", "西部世界", "?", "你", "out", "了", "!", "震撼", "!", "陈", "二狗", "父亲", "背景", "太", "恐怖"], ["2017", "年", "支付宝", "敬业", "福", "不求人", "的", "秘诀", "在这里"], ["《", "鬼吹灯", "》", "胡八一", "身世", "来历", "父亲", "是", "谁", "介绍"], ["王昱", "珩", "能", "再", "创", "不败", "奇迹", "碾压", "人工智能", "吗"], ["这", "款", "跑车", "不仅", "便宜", "竟然", "还有", "剪刀门", "?"], ["老公", "日记", "惊现", "他", "与", "初恋情人", "的", "偷情", "丑事"]], "paragraphs": ["首页 > 娱乐 > 电视剧 > 兰陵王妃大结局终极剧透", "电视剧《兰陵王妃》终于播出,网友大呼终于等到你还好没放弃,剧中各位男女主角颜值演技都在线,观众期待值满满,那么《兰陵王妃》大结局是什么?和原著小说一样吗?", "张含韵首挑大梁 献出荧幕初吻", "从2004《超级女声》出道的张含韵,至今已经过去了十多年。在这些年里,小花多以歌手身份出镜。《兰陵王妃》是张含韵首次独挑大梁,担纲女主角的古装大剧。为了演好角色,她做了充分准备,学骑马、学跳舞、学武术、背古诗词等。", "张含韵表示,她在剧中有多达四十套的戏服,自己最期待大婚的服装“全手绣,价值几十万”。而据透露,张含韵将在剧中选出自己的荧幕初吻。", "对于其在剧中即将上演兰陵王妃的史诗绝恋,粉丝表示期待,在超长片花放出后,网友也对其演技表示肯定“张小花演技在线!”。而导演叶昭仪认为张含韵“漂亮,够清纯”,符合他心目中女主的形象。", "《兰陵王妃》网络播出回应粉丝期待", "该剧于2014年年初杀青后,即转入后期制作流程,而原计划的定档上映时间是2014年年中。", "在当时,《兰陵王》热度尚未褪尽,本剧的主演阵容也非常青春亮眼。仅在前期宣传阶段,《兰陵王妃》的关注度和粉丝热度就一路高企,备受瞩目。", "此次《兰陵王妃》化身网剧登陆芒果TV视频平台,以会员尊享的模式回归。该平台也于日前公布了该剧超长预告片片花。", "《西游伏妖篇》总票房过20亿才", "争议虽大《大闹天竺》票房预测", "过年的时候香蕉都有哪些好的吃", "兰陵王妃张含韵如何处理三角恋关系 很多感情不是那么容易受自己控制,很少人能那么大方分享自己爱人,但是很多爱情中也存在着三角恋的关系,除了小三,出轨等一...更多 2016-12-21 09:24:09", "驴得水任素汐刘帅良倾情加盟 电影《驴得水》上映以来备受好评,网友对电影《驴得水》名字的由来比较好奇,《驴得水》电影名字是怎么来的又是什么意思呢?...更多 2016-10-30 16:34:26", "兰陵王妃阿史那竟是宇文邕的最爱 电视剧《兰陵王妃》开播之后好评如潮,剧中倾国倾城、深明大义的阿史那公主也引起了网友们的关注!那么阿史那公主的历史原型...更多 2016-10-18 11:39:33", "白羊男彻底分手的表现有哪些 白羊座男人思想活跃,热情似火,周身洋溢着不竭的创造力。白羊男喜欢一个女人的时候会想尽一切办法的去呵护帮助喜欢的女人,...更多 2017-01-28 18:00:03", "小品真情永驻结尾歌曲大揭秘 春晚小品《真情永驻》最后响起的歌曲是什么?2017年的央视春晚迎来许多熟悉面孔,其中,孙涛、闫学晶、刘仪伟表演的小品《真...更多 2017-01-27 22:40:11", "《西游伏妖篇》总票房过20亿才能回本? 电影《西游伏妖篇》的预售票房是多少,累计总票房预测多少亿能保底俨然成为了新春佳节大家热议的话题的质疑,接下来快跟尚之...更多 2017-01-27 22:55:56", "争议虽大《大闹天竺》票房预测15亿封顶 电影《大闹天竺》片方预测能有多少让大家十分关心,早前有网友根据王宝强离婚案事件分析,《大闹天竺》票房预测能达30亿,但...更多 2017-01-27 19:39:18", "除夕的14大习俗和禁忌一定有你不知道的! 今天是除夕,对于还奋战在编辑第一线的小编来说是一个忙碌而充实的除夕,坐等春晚的空隙还研究了下除夕的习俗,发现各个地方...更多 2017-01-27 19:38:59", "2017央视春晚靳东为何缺席 靳东为何缺席2017年央视春晚?2015年一部《伪装者》让靳东、胡歌、王凯组成的“明家三兄弟”形象深入人心,近日,2017年央视...更多 2017-01-27 13:58:19", "《大闹天竺》竟是一个当代版西游记故事 王宝强执导的电影《大闹天竺》即将在大年初一上映,备受网友们的期待。但是令网友好奇的是电影《大闹天竺》讲了什么故事,背...更多 2017-01-26 19:06:06", "《西游伏妖篇》台词周星驰式无厘头风格明显 电影《西游伏妖篇》将于大年初一上映,单是周星驰和徐克这个黄金组合就万众瞩目了,而高颜值的小鲜肉演员阵容更是令影迷们期...更多 2017-01-26 17:04:26", "《西游伏妖篇》的物理特效可不仅值6毛 《西游伏妖篇》的特效在电影上映前就备受网友关注,那么《西游伏妖篇》真的没有特效吗,物理特效又是什么鬼呢?有网友吐槽《...更多 2017-01-26 17:09:51", "《大闹天竺》票房大热马蓉究竟能不能分到钱 电影《大闹天竺》将映,王宝强前期马蓉是否能分到票房钱让网友们关心不已,那么王宝强离婚判决结果如何了,最新消息是怎么宣...更多 2017-01-26 16:08:37", "《功夫瑜伽》迪拜王子竟出借世界最贵超跑 成龙喜剧电影《功夫瑜伽》即将上映,据悉该片主打异域风情,前往多个国家取景拍摄,展现了各具特色的风景和风情。令网友好奇...更多 2017-01-26 15:36:28", "青云志第三季什么时候播揭晓 <鬼怪>大结局编剧脑洞开大了! 鬼吹灯精绝古城Shirley杨身世揭秘 鬼怪刘德华前世曝光令人震惊 网剧<鬼吹灯>系列一共有几部 精绝古城陈教授结局竟然疯了 鬼吹灯Shirley杨父亲死了吗 网剧无间道15年后致敬经典 还没看过西部世界?你out了! 震撼!陈二狗父亲背景太恐怖", "2017年支付宝敬业福不求人的秘诀在这里", "《鬼吹灯》胡八一身世来历父亲是谁介绍", "王昱珩能再创不败奇迹碾压人工智能吗", "这款跑车不仅便宜竟然还有剪刀门?", "老公日记惊现他与初恋情人的偷情丑事"], "bs_rank_pos": 3}, {"is_selected": true, "title": "兰陵王妃大结局剧情介绍 兰陵王妃结局是什么 兰陵王妃最后结局", "most_related_para": 13, "segmented_title": ["兰陵王妃", "大", "结局", "剧情", "介绍", "兰陵王妃", "结局", "是", "什么", "兰陵王妃", "最后", "结局"], "segmented_paragraphs": [["学习", "啦", ">", "励志", ">", "励志", "大全", ">", "励志", "电视剧", ">", "《", "兰陵王妃", "大", "结局", "剧情", "介绍", "兰陵王妃", "结局", "是", "什么", "兰陵王妃", "最后", "结局", "》", "正文"], ["兰陵王妃", "大", "结局", "是什么", "?", "《", "兰陵王妃", "》", "元清锁", "、", "宇文邕", "、", "高长恭", "的", "结局", "分别", "是", "什么", "?", "电视剧", "《", "兰陵王妃", "》", "正在热播", ",", "兰陵王妃", "开播", "之后", "各种", "关于", "兰陵王妃", "的", "话题", "就", "不断", "的", "接踵而至", ",", "那么", "兰陵王妃", "电视剧", "结局", "是什么", "呢", "?", "一起来", "看看", "下", "文", "关于", "电视剧", "《", "兰陵王妃", "》", "的", "大", "结局", "及", "分集", "剧情", "介绍", "。"], ["电视剧", "《", "兰陵王妃", "》", "海报"], ["从", "2004", "《", "超级女声", "》", "出道", "的", "张含韵", ",", "至今", "已经", "过去", "了", "十", "多", "年", "。", "在", "这些年", "里", ",", "小花", "多", "以", "歌手", "身份", "出镜", "。", "《", "兰陵王妃", "》", "是", "张含韵", "首次", "独", "挑大梁", ",", "担纲", "女主角", "的", "古装", "大", "剧", "。", "为了", "演", "好", "角色", ",", "她", "做", "了", "充分准备", ",", "学", "骑马", "、", "学", "跳舞", "、", "学", "武术", "、", "背", "古诗词", "等", "。"], ["张含韵", "表示", ",", "她", "在", "剧", "中", "有", "多", "达", "四", "十", "套", "的", "戏", "服", ",", "自己", "最", "期待", "大", "婚", "的", "服装", "“", "全", "手", "绣", ",", "价值", "几", "十", "万", "”", "。", "而", "据透露", ",", "张含韵", "将", "在", "剧", "中", "选", "出", "自己", "的", "荧幕", "初吻", ",", "对于", "其", "在", "剧", "中", "即将上演", "兰陵王妃", "的", "史诗", "绝恋", ",", "粉丝", "表示", "期待", ",", "在", "超长", "片花", "放", "出", "后", ",", "网友", "也", "对其", "演技", "表示", "肯定", "“", "张小花", "演技", "在线", "!", "”", "。", "而", "导演", "叶昭仪", "认为", "张含韵", "“", "漂亮", ",", "够", "清纯", "”", ",", "符合", "他", "心", "目", "中", "女", "主", "的", "形象", "。"], ["该", "剧", "于", "2014", "年", "年", "初", "杀青", "后", ",", "即", "转入", "后期制作", "流程", ",", "而", "原", "计划", "的", "定", "档", "上映时间", "是", "2014", "年", "年", "中", "。", "在", "当时", ",", "《", "兰陵王", "》", "热度", "尚未", "褪尽", ",", "本", "剧", "的", "主演", "阵容", "也", "非常", "青春", "亮", "眼", "。", "仅", "在", "前期", "宣传", "阶段", ",", "《", "兰陵王妃", "》", "的", "关注", "度", "和", "粉丝", "热度", "就", "一", "路", "高", "企", ",", "备受瞩目", "。"], ["此次", "《", "兰陵王妃", "》", "化身", "网", "剧", "登陆", "芒果", "TV", "视频", "平台", ",", "以", "会员", "尊享", "的", "模式", "回归", "。", "该", "平台", "也", "于", "日前", "公布", "了", "该剧", "超长", "预告片", "片花", "。", "有", "不少", "粉丝", "表示", ",", "作为", "国内", "少", "有", "的", "精制", "Ip", "古装剧", ",", "《", "兰陵王妃", "》", "“", "值得", "花钱", "去", "看", ",", "终于", "等到", "你", ",", "还好", "我", "没", "放弃", "!", "”"], ["刚刚", "翻", "微博", "看到", "粉丝", "说", "的", ",", "是", "金鹰访谈", "里", "含", "韵", "剧透", "的", ",", "最后", "没有", "和", "王爷", "在一起", ",", "和", "宇文邕", "在一起", "了", "。", "相信", "很多", "小伙伴", "早", "就", "知道", "了", "。", "或许", "女", "主", "改名", "叫", "李娥姿", ",", "就", "注定", "了", "结局", "。"], ["如果是这样", "感觉", "我", "王", "好", "虐", "呀", "!", "不是", "有人", "说", "兰陵王", "会", "死", ",", "是", "真的", "吗", "?"], ["电视剧", "《", "兰陵王妃", "》", "剧照"], ["《", "兰陵王妃", "》", "中", ",", "青鸾镜", "、", "离殇", "剑", "被", "视为", "宝物", ",", "如果", "持有", "这", "两", "件", "宝物", "者", ",", "可以", "一统天下", ",", "正是", "因为", "如此", ",", "所以", "引来", "争夺", ",", "剧", "中", "女主人公", "名", "为", "元清锁", ",", "是", "由", "张含韵", "所", "扮演", ",", "元清锁", "聪明", "活泼", ",", "本", "名", "叫", "端木", "怜", ",", "从小", "在", "天罗", "地宫", "长大", ",", "并且", "得到", "紫魅", "的", "真", "传", ",", "元清锁", "为了", "寻觅", "宝物", ",", "在", "路", "途中", "也是", "遇到", "了", "兰陵王", "高长恭", "和", "北周", "宇文邕", ",", "上演", "了", "一", "场", "三角", "恋情", "。"], ["根据", "小说", "描述", ",", "元清锁", "帮助", "宇文邕", "成就", "了", "霸业", ",", "随后", "就", "和", "兰陵王", "高长恭", "离开", "了", ",", "而", "电视剧", "版", "的", "是", "根据", "小说改编", ",", "所以", "在", "大", "结局", "中元清锁", "并", "没有", "死", ",", "而是", "和", "高长恭", "在一起", "了", "。"], ["文", "邕", "成就", "了", "帝王", "霸业", ",", "却", "未能", "与", "心爱的人", "在一起", "。"], ["高长恭", "最终", "抱", "的", "美人", "归", ",", "与", "元清锁", "共度生死", "。"], ["电视剧", "《", "兰陵王妃", "》", "剧照"], ["东晋", "末", "年", ",", "王朝", "动荡", ",", "诸侯", "割据", "。", "相", "传", "只有", "左", "持", "青鸾镜", ",", "右", "握", "离殇", "剑", "者", ",", "方", "可", "统一", "天下", "。", "青鸾镜", "与", "离殇", "剑", "本", "为龙", "教", "宝物", ",", "却", "因为", "战乱", "遗失", "。", "龙", "教", "圣女", "紫魅", "因", "练功", "入魔", ",", "被", "自己", "的", "内力", "反噬", "重伤", ",", "命悬一线", "。", "紫魅", "临死前", ",", "前", "交", "龙", "教", "唯一", "代", "传", "人", "元清锁", ",", "告知", "她", "青鸾", "镜", "与", "离殇", "剑", "的", "秘密", "。", "紫魅", "最后", "叮嘱", "元清锁", ",", "这", "两", "件", "宝物", "切", "不可", "落", "入", "奸", "人", "之", "手", ",", "只有", "真龙天子", "才", "配", "拥有", ",", "否则", "将", "天下大乱", "。", "元清锁", "为了", "寻找", "宝物", ",", "假扮", "北周", "司空", "夫人", "元氏", "的", "外甥女", "李娥姿", ",", "以", "家道中落", "为", "名", ",", "带", "着", "家族", "信物", ",", "投奔", "北周", "司空", "府", "。", "在此期间", "元清锁", "分别", "结识", "了", "兰陵王", "高长恭", "和", "北周", "宇文邕", ",", "各自", "发生", "了", "一", "段", "感情", "纠葛", ",", "元清锁", "最终", "帮", "宇文邕", "成就", "了", "帝王", "霸业", ",", "而", "选择离开", "北周", "与", "兰陵王", "高长恭", "共", "生死", "。"], ["下", "页", "查看", "电视剧", "《", "兰陵王妃", "》", "分集", "剧情", "介绍"], ["上", "一篇", ":", "张含韵", "林依晨", "兰陵王妃", "谁", "更胜一筹", "张含韵", "能否", "超", "林依晨", "下一篇", ":", "兰陵王妃", "最后", "结局", "兰陵王妃", "结局", "是", "什么", "兰陵王妃", "大", "结局"], ["【", "励志", "电视剧", "】", "精华", "文章"], ["【", "励志", "电视剧", "】", "相关文章"]], "paragraphs": ["学习啦>励志>励志大全>励志电视剧>《兰陵王妃大结局剧情介绍 兰陵王妃结局是什么 兰陵王妃最后结局》正文", "兰陵王妃大结局是什么?《兰陵王妃》元清锁、宇文邕、高长恭的结局分别是什么?电视剧《兰陵王妃》正在热播,兰陵王妃开播之后各种关于兰陵王妃的话题就不断的接踵而至,那么兰陵王妃电视剧结局是什么呢?一起来看看下文关于电视剧《兰陵王妃》的大结局及分集剧情介绍。", "电视剧《兰陵王妃》海报", "从2004《超级女声》出道的张含韵,至今已经过去了十多年。在这些年里,小花多以歌手身份出镜。《兰陵王妃》是张含韵首次独挑大梁,担纲女主角的古装大剧。为了演好角色,她做了充分准备,学骑马、学跳舞、学武术、背古诗词等。", "张含韵表示,她在剧中有多达四十套的戏服,自己最期待大婚的服装“全手绣,价值几十万”。而据透露,张含韵将在剧中选出自己的荧幕初吻,对于其在剧中即将上演兰陵王妃的史诗绝恋,粉丝表示期待,在超长片花放出后,网友也对其演技表示肯定“张小花演技在线!”。而导演叶昭仪认为张含韵“漂亮,够清纯”,符合他心目中女主的形象。", "该剧于2014年年初杀青后,即转入后期制作流程,而原计划的定档上映时间是2014年年中。在当时,《兰陵王》热度尚未褪尽,本剧的主演阵容也非常青春亮眼。仅在前期宣传阶段,《兰陵王妃》的关注度和粉丝热度就一路高企,备受瞩目。", "此次《兰陵王妃》化身网剧登陆芒果TV视频平台,以会员尊享的模式回归。该平台也于日前公布了该剧超长预告片片花。有不少粉丝表示,作为国内少有的精制Ip古装剧,《兰陵王妃》“值得花钱去看,终于等到你,还好我没放弃!”", "刚刚翻微博看到粉丝说的,是金鹰访谈里含韵剧透的,最后没有和王爷在一起,和宇文邕在一起了。相信很多小伙伴早就知道了。或许女主改名叫李娥姿,就注定了结局。", "如果是这样感觉我王好虐呀!不是有人说兰陵王会死,是真的吗?", "电视剧《兰陵王妃》剧照", "《兰陵王妃》中,青鸾镜、离殇剑被视为宝物,如果持有这两件宝物者,可以一统天下,正是因为如此,所以引来 争夺,剧中女主人公名为元清锁,是由张含韵所扮演,元清锁聪明活泼,本名叫端木怜,从小在天罗地宫长大,并且得到紫魅的真传,元清锁为了寻觅宝物,在路途中也是遇到了兰陵王高长恭和北周宇文邕,上演了一场三角恋情 。", "根据小说描述,元清锁帮助宇文邕成就了霸业,随后 就和兰陵王高长恭离开了,而电视剧版的是根据小说改编,所以在大结局中元清锁并没有死,而是和高长恭在一起了。", "文邕成就了帝王霸业,却未能与心爱的人在一起。", "高长恭最终抱的美人归,与元清锁共度生死。", "电视剧《兰陵王妃》剧照", "东晋末年,王朝动荡,诸侯割据。相传只有左持青鸾镜,右握离殇剑者,方可统一天下。青鸾镜与离殇剑本为龙教宝物,却因为战乱遗失。龙教圣女紫魅因练功入魔,被自己的内力反噬重伤,命悬一线。紫魅临死前,前交龙教唯一代传人元清锁,告知她青鸾镜与离殇剑的秘密。紫魅最后叮嘱元清锁,这两件宝物切不可落入奸人之手,只有真龙天子才配拥有,否则将天下大乱。元清锁为了寻找宝物,假扮北周司空夫人元氏的外甥女李娥姿,以家道中落为名,带着家族信物,投奔北周司空府。在此期间元清锁分别结识了兰陵王高长恭和北周宇文邕,各自发生了一段感情纠葛,元清锁最终帮宇文邕成就了帝王霸业,而选择离开北周与兰陵王高长恭共生死。", "下页查看电视剧《兰陵王妃》分集剧情介绍", "上一篇:张含韵林依晨兰陵王妃谁更胜一筹 张含韵能否超林依晨 下一篇:兰陵王妃最后结局 兰陵王妃结局是什么 兰陵王妃大结局", "【励志电视剧】精华文章", "【励志电视剧】相关文章"], "bs_rank_pos": 4}, {"is_selected": false, "title": "兰陵王妃小说结局_兰陵王妃大结局是什么 - 你知道吗", "most_related_para": 2, "segmented_title": ["兰陵王妃", "小说", "结局", "_", "兰陵王妃", "大", "结局", "是", "什么", "-", "你知道吗"], "segmented_paragraphs": [["拍摄", "了", "很久", "的", "电视剧", "兰陵王妃", "终于", "要", "不", "出", "了", ",", "这部", "电视剧", "有", "由", "同名", "小说改编", "而", "成", "的", ",", "据悉", "蛮", "好看", "的", "。", "那么", "兰陵王妃", "小说", "的", "结局", "是", "什么", "呢", "?", "兰陵王妃", "大", "结局", "是什么", "呢", "?", "接下来", "小", "编", "来", "和", "大家", "探讨", "一", "下", "吧", "。"], ["兰陵王妃", "剧情简介"], ["东晋", "末", "年", ",", "王朝", "动荡", ",", "诸侯", "割据", "。", "相", "传", "只有", "左", "持", "青鸾镜", ",", "右", "握", "离殇", "剑", "者", ",", "方", "可", "统一", "天下", "。", "青鸾镜", "与", "离殇", "剑", "本", "为龙", "教", "宝物", ",", "却", "因为", "战乱", "遗失", "。", "龙", "教", "圣女", "紫魅", "因", "练功", "入魔", ",", "被", "自己", "的", "内力", "反噬", "重伤", ",", "命悬一线", "。", "紫魅", "临死前", ",", "前", "交", "龙", "教", "唯一", "代", "传", "人", "元清锁", ",", "告知", "她", "青鸾", "镜", "与", "离殇", "剑", "的", "秘密", "。", "紫魅", "最后", "叮嘱", "元清锁", ",", "这", "两", "件", "宝物", "切", "不可", "落", "入", "奸", "人", "之", "手", ",", "只有", "真龙天子", "才", "配", "拥有", ",", "否则", "将", "天下大乱", "。", "元清锁", "为了", "寻找", "宝物", ",", "假扮", "北周", "司空", "夫人", "元氏", "的", "外甥女", "李娥姿", ",", "以", "家道中落", "为", "名", ",", "带", "着", "家族", "信物", ",", "投奔", "北周", "司空", "府", "。", "在此期间", "元清锁", "分别", "结识", "了", "兰陵王", "高长恭", "和", "北周", "宇文邕", ",", "各自", "发生", "了", "一", "段", "感情", "纠葛", ",", "元清锁", "最终", "帮", "宇文邕", "成就", "了", "帝王", "霸业", ",", "而", "选择离开", "北周", "与", "兰陵王", "高长恭", "共", "生死", "。"], ["兰陵王妃", "小说", "大", "结局", ":"], ["宇文邕", "灭", "了", "齐国", "统一", "了", "天下", ",", "但", "他", "之", "前", "服", "了", "毒", "所以", "统一", "之后", "不", "久", "也", "死", "了", ",", "高纬", "先", "杀", "了", "已经成为", "皇后", "的", "郑儿", ",", "然后", "自己", "自杀", ",", "然后", "四爷", "抱着", "已经", "快", "死", "的", "雪舞", "跑", "了", "出去", "。", "清", "锁", "最终", "帮", "宇文邕", "成就", "了", "帝王", "霸业", ",", "而", "选择离开", "北周", "与", "兰陵王", "高长恭", "共", "生死", "。"], ["基本", "信息"], ["中文名", "兰陵王妃"], ["出品时间", "2014"], ["出品公司", "东阳", "欣尚", "新", "影视", "文化", "传播", "有限公司"], ["制片", "地区", "中国大陆"], ["发行公司", "东阳", "欣尚", "新", "影视", "文化", "传播", "有限公司"], ["导", "演", "叶昭仪", "/", "林峰"], ["编剧", "张", "林楠"], ["主", "演", "张含韵", ",", "彭冠英", ",", "陈奕", ",", "林韦辰", ",", "王洁曦", ",", "张子文", ",", "华娇", ",", "田丽"], ["类型", "古代", "传奇", "、", "爱情"], ["制片人", "成", "钏"], ["开机", "时间", "2013", "年", "(", "癸巳", "年", ")", "9", "月", "8", "日"], ["播出", "情况", "即将播出"], ["小", "编", "结", "语", ":", "兰陵王妃", "确实", "是", "一", "部", "不俗", "的", "小说", ",", "但是", "电视剧", "拍", "的", "怎么样", ",", "还", "未", "播出", "我们", "无", "从", "所", "知", "。"], ["看", "过", "《", "兰陵王妃", "小说", "结局", "》", "的", "人", "还", "看", "了", "以下", "文章"], ["编辑", "推荐"], ["最新文章"]], "paragraphs": ["拍摄了很久的电视剧兰陵王妃终于要不出了,这部电视剧有由同名小说改编而成的,据悉蛮好看的。那么兰陵王妃小说的结局是什么呢?兰陵王妃大结局是什么呢?接下来小编来和大家探讨一下吧。", "兰陵王妃剧情简介", "东晋末年,王朝动荡,诸侯割据。相传只有左持青鸾镜,右握离殇剑者,方可统一天下。青鸾镜与离殇剑本为龙教宝物,却因为战乱遗失。龙教圣女紫魅因练功入魔,被自己的内力反噬重伤,命悬一线。紫魅临死前,前交龙教唯一代传人元清锁,告知她青鸾镜与离殇剑的秘密。紫魅最后叮嘱元清锁,这两件宝物切不可落入奸人之手,只有真龙天子才配拥有,否则将天下大乱。元清锁为了寻找宝物,假扮北周司空夫人元氏的外甥女李娥姿,以家道中落为名,带着家族信物,投奔北周司空府。在此期间元清锁分别结识了兰陵王高长恭和北周宇文邕,各自发生了一段感情纠葛,元清锁最终帮宇文邕成就了帝王霸业,而选择离开北周与兰陵王高长恭共生死。", "兰陵王妃小说大结局:", "宇文邕灭了齐国统一了天下,但他之前服了毒所以统一之后不久也死了,高纬先杀了已经成为皇后的郑儿,然后自己自杀,然后四爷抱着已经快死的雪舞跑了出去。清锁最终帮宇文邕成就了帝王霸业,而选择离开北周与兰陵王高长恭共生死。", "基本信息", "中文名 兰陵王妃", "出品时间 2014", "出品公司 东阳欣尚新影视文化传播有限公司", "制片地区 中国大陆", "发行公司 东阳欣尚新影视文化传播有限公司", "导 演叶昭仪/林峰", "编剧 张林楠", "主 演张含韵,彭冠英,陈奕,林韦辰,王洁曦,张子文,华娇,田丽", "类型 古代传奇、爱情", "制片人 成钏", "开机时间 2013年(癸巳年)9月8日", "播出情况 即将播出", "小编结语:兰陵王妃确实是一部不俗的小说,但是电视剧拍的怎么样,还未播出我们无从所知。", "看过《兰陵王妃小说结局》的人还看了以下文章", "编辑推荐", "最新文章"], "bs_rank_pos": 5}], "answer_spans": [[0, 10]], "fake_answers": ["高长恭最终抱的美人归,与元清锁共度生死。"], "question": "兰陵王妃大结局是什么", "segmented_answers": [["女", "主", "选择", "了", "兰陵王", "高长恭", ",", "离开", "了", "北周", ",", "但是", "女", "主", "最后", "被", "萧洛云", "杀", "了", ",", "当时", "她", "和", "兰陵王", "高长恭", "在一起", ",", "所以", "宇文邕", "并", "不知道", "最后", "她", "死", "了", ",", "但", "也是", "在", "死", "前", "的", "最后", "那一刻", "她", "才", "明白", "自己", "最爱的人", "是", "宇文邕", "。"], ["高长恭", "最终", "抱", "的", "美人", "归", ",", "与", "元清锁", "共度生死", "。"]], "answers": ["女主选择了兰陵王高长恭,离开了北周,但是女主最后被萧洛云杀了,当时她和兰陵王高长恭在一起,所以宇文邕并不知道最后她死了,但也是在死前的最后那一刻她才明白自己最爱的人是宇文邕。", "高长恭最终抱的美人归,与元清锁共度生死。"], "answer_docs": [3], "segmented_question": ["兰陵王妃", "大", "结局", "是", "什么"], "question_type": "DESCRIPTION", "question_id": 181580, "fact_or_opinion": "FACT", "match_scores": [0.9090909090909091]} -{"documents": [{"is_selected": true, "title": "HP1216激光一体机扫描时出现“扫描仪错误22”,是怎么回事?_百度知道", "most_related_para": 1, "segmented_title": ["HP", "1216", "激光", "一体机", "扫描", "时", "出现", "“", "扫描仪", "错误", "22", "”", ",", "是", "怎么回事", "?", "_", "百度", "知道"], "segmented_paragraphs": [["扫描仪", "错误", "22", "说明", "扫描", "头", "出现故障", ",", "建议", "您", "通过", "以下", "方法", "解决", ":", "液晶屏", "扳手", "按键", "—", "服务", "—", "恢复", "默认值", "—", "OK", ",", "然后", "再次", "测试", ",", "如", "问题", "依旧", ",", "建议", "您", "通过", "以下", "方法", "将", "一体机", "冷", "复位", "至", "初始", "状态", ":", "组合键", ":", "关机", "-", ">", "按住", "“", "取消", "”", "和", "“", "向右", "”", "按钮", "-", ">", "开机", "。", "看", "开", "扫描仪", "有没有", "移动", "、", "灯", "亮", "!", "开机", "时", "扫描仪", "会", "左右", "移动", "的", "、", "当", "扫描", "头", "到", "左边", "时", "扫描", "头", "会", "亮", "一", "下", "!", "同时", "扫描仪", "上面", "【", "玻璃", "旁边", ",", "外面", "看不见", "】", "会", "把", "光", "反射", "回去", ",", "传感器", "收到", "了", ",", "就", "完成", "自检", "了", "。"], ["扫描仪", "错误", "22", "说明", "扫描", "头", "出现故障", ",", "建议", "您", "通过", "以下", "方法", "解决", ":", "液晶屏", "扳手", "按键", "—", "服务", "—", "恢复", "默认值", "—", "OK", ",", "然后", "再次", "测试", ",", "如", "问题", "依旧", ",", "建议", "您", "通过", "以下", "方法", "将", "一体机", "冷", "复位", "至", "初始", "状态", ":", "组合键", ":", "关机", "-", ">", "按住", "“", "取消", "”", "和", "“", "向右", "”", "按钮", "-", ">", "开机", "。", "看", "开", "扫描仪", "有没有", "移动", "、", "灯", "亮", "!", "开机", "时", "扫描仪", "会", "左右", "移动", "的", "、", "当", "扫描", "头", "到", "左边", "时", "扫描", "头", "会", "亮", "一", "下", "!", "同时", "扫描仪", "上面", "【", "玻璃", "旁边", ",", "外面", "看不见", "】", "会", "把", "光", "反射", "回去", ",", "传感器", "收到", "了", ",", "就", "完成", "自检", "了", "。"]], "paragraphs": ["扫描仪错误22说明扫描头出现故障,建议您通过以下方法解决: 液晶屏扳手按键—服务—恢复默认值—OK,然后再次测试,如问题依旧,建议您通过以下方法将一体机冷复位至初始状态:组合键:关机->按住“取消”和“向右”按钮->开机。 看开扫描仪有没有移动、灯亮!开机时扫描仪会左右移动的、当扫描头到左边时扫描头会亮一下!同时扫描仪上面【玻璃旁边,外面看不见】会把光反射回去,传感器收到了,就完成自检了。", "扫描仪错误22说明扫描头出现故障,建议您通过以下方法解决: 液晶屏扳手按键—服务—恢复默认值—OK,然后再次测试,如问题依旧,建议您通过以下方法将一体机冷复位至初始状态:组合键:关机->按住“取消”和“向右”按钮->开机。 看开扫描仪有没有移动、灯亮!开机时扫描仪会左右移动的、当扫描头到左边时扫描头会亮一下!同时扫描仪上面【玻璃旁边,外面看不见】会把光反射回去,传感器收到了,就完成自检了。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "HP1216激光一体机扫描时出现“扫描仪错误22”,是怎么回事?_百度知道", "most_related_para": 1, "segmented_title": ["HP", "1216", "激光", "一体机", "扫描", "时", "出现", "“", "扫描仪", "错误", "22", "”", ",", "是", "怎么回事", "?", "_", "百度", "知道"], "segmented_paragraphs": [["你", "看", "开", "扫描仪", "有没有", "移动", "、", "灯", "亮", "!", "开机", "时", "扫描仪", "会", "左右", "移动", "的", "、", "当", "扫描", "头", "到", "左边", "时", "扫描", "头", "会", "亮", "一", "下", "!", "同时", "扫描仪", "上面", "【", "玻璃", "旁边", ",", "外面", "看不见", "】", "会", "把", "光", "反射", "回去", ",", "传感器", "收到", "了", ",", "就", "完成", "自检", "了", "、", "你", "这个", "也", "可能", "是", "主板", "上", "的", "F", "保险", "坏", "了", "补充", ":", "卡", "扫描", "架", ",", "就是", "扫描仪", "里面", "有", "异物", ",", "导致", "扫描仪", "不能", "来", "回", "移动", "!", "追问", ":", "重新", "开机", "看", "了", "扫描", "架", "没有", "自检", ",", "能看到", "扫描仪", "灯管", "的", "光", ",", "下一步", "是不是", "检查", "是否", "卡", "扫描", "架", "呢", "?", "应该", "怎样", "检测", "?", "回答", ":", "你", "拆开", "看", "下", "里面", "是不是", "有", "东西", "呀", "?", "如果", "你", "有你", "可以", "看", "下", "主板", "上", "的", "f1", ",", "F2", "是不是", "坏", "掉", "了", "吧", "、", "我", "曾经", "也", "修", "过", "HP", "1005", "一体机", ",", "它", "那个", "也是", "扫描仪", "错误", "、", "最后", "修", "好", "是", "排线", "问题", "…"], ["你", "看", "开", "扫描仪", "有没有", "移动", "、", "灯", "亮", "!", "开机", "时", "扫描仪", "会", "左右", "移动", "的", "、", "当", "扫描", "头", "到", "左边", "时", "扫描", "头", "会", "亮", "一", "下", "!", "同时", "扫描仪", "上面", "【", "玻璃", "旁边", ",", "外面", "看不见", "】", "会", "把", "光", "反射", "回去", ",", "传感器", "收到", "了", ",", "就", "完成", "自检", "了", "、", "你", "这个", "也", "可能", "是", "主板", "上", "的", "F", "保险", "坏", "了", "补充", ":", "卡", "扫描", "架", ",", "就是", "扫描仪", "里面", "有", "异物", ",", "导致", "扫描仪", "不能", "来", "回", "移动", "!", "追问", ":", "重新", "开机", "看", "了", "扫描", "架", "没有", "自检", ",", "能看到", "扫描仪", "灯管", "的", "光", ",", "下一步", "是不是", "检查", "是否", "卡", "扫描", "架", "呢", "?", "应该", "怎样", "检测", "?", "回答", ":", "你", "拆开", "看", "下", "里面", "是不是", "有", "东西", "呀", "?", "如果", "你", "有你", "可以", "看", "下", "主板", "上", "的", "f1", ",", "F2", "是不是", "坏", "掉", "了", "吧", "、", "我", "曾经", "也", "修", "过", "HP", "1005", "一体机", ",", "它", "那个", "也是", "扫描仪", "错误", "、", "最后", "修", "好", "是", "排线", "问题", "…"]], "paragraphs": ["你看开扫描仪有没有移动、灯亮!开机时扫描仪会左右移动的、当扫描头到左边时扫描头会亮一下!同时扫描仪上面【玻璃旁边,外面看不见】会把光反射回去,传感器收到了,就完成自检了、你这个也可能是主板上的F保险坏了 补充: 卡扫描架,就是扫描仪里面有异物,导致扫描仪不能来回移动! 追问: 重新开机看了扫描架没有自检,能看到扫描仪灯管的光,下一步是不是检查是否卡扫描架呢?应该怎样检测? 回答: 你拆开看下里面是不是有东西呀?如果你有你可以看下主板上的f1,F2是不是坏掉了吧、我曾经也修过HP1005一体机,它那个也是扫描仪错误、最后修好是排线问题…", "你看开扫描仪有没有移动、灯亮!开机时扫描仪会左右移动的、当扫描头到左边时扫描头会亮一下!同时扫描仪上面【玻璃旁边,外面看不见】会把光反射回去,传感器收到了,就完成自检了、你这个也可能是主板上的F保险坏了 补充: 卡扫描架,就是扫描仪里面有异物,导致扫描仪不能来回移动! 追问: 重新开机看了扫描架没有自检,能看到扫描仪灯管的光,下一步是不是检查是否卡扫描架呢?应该怎样检测? 回答: 你拆开看下里面是不是有东西呀?如果你有你可以看下主板上的f1,F2是不是坏掉了吧、我曾经也修过HP1005一体机,它那个也是扫描仪错误、最后修好是排线问题…"], "bs_rank_pos": 1}, {"is_selected": true, "title": "HP1213提示错误22,不能扫描可以打印。请问怎么回事?_百度知道", "most_related_para": 0, "segmented_title": ["HP", "1213", "提示", "错误", "22", ",", "不能", "扫描", "可以", "打印", "。", "请问", "怎么回事", "?", "_", "百度", "知道"], "segmented_paragraphs": [["错误", "22", "的", "意思", "是", "扫描", "头", "故障", ",", "建议", "您", "通过", "如", "下", "方法", "操作", ":", "开始", "—", "服务", "—", "恢复", "默认值", "—", "OK", ",", "如", "问题", "依旧", ",", "您", "可以通过", "以下", "方法", "将", "打印机", "恢复", "至", "出厂", "设置", ":", "组合键", ":", "关机", "-", ">", "按住", "“", "取消", "”", "和", "“", "向右", "”", "按钮", "-", ">", "开机", ".", "尽管", "我", "与", "惠普", "共事", ",", "但是", "我", "在", "此", "的", "发言", "并", "不", "代表", "惠普", ",", "只", "代表", "我自己", "。"]], "paragraphs": ["错误22的意思是扫描头故障,建议您通过如下方法操作:开始—服务—恢复默认值—OK,如问题依旧,您可以通过以下方法将打印机恢复至出厂设置:组合键:关机->按住“取消”和“向右”按钮->开机. 尽管我与惠普共事,但是我在此的发言并不代表惠普,只代表我自己。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "HP M1213复印传真一体打印机提示扫描仪错误22。_百度知道", "most_related_para": 0, "segmented_title": ["HP", "M", "1213", "复印", "传真", "一体", "打印机", "提示", "扫描仪", "错误", "22", "。", "_", "百度", "知道"], "segmented_paragraphs": [["你", "可以", "先", "把手", "伸", "到", "最", "上方", "的", "进纸", "口", "然后", "把", "这个", "掀起", "来", "然后", "可以看到", "下面", "的", "板", "旁边", "有", "两", "个", "凸出", "的", "部分", "然后", "拿", "住", "那", "两", "个", "地方", "把", "这", "下面", "的", "板", "也", "掀起", "来", "掀起", "来", "以后", "你", "可以看到", "一", "块", "白色", "的", "小板", "你拍一", "下", "然后", "再", "改", "好", "然后", "再", "看", "下", "这个", "面板", "有", "么", "有", "显示", "正常"], ["硬件故障", "要", "送修", "才", "可以", "。"], ["8", "成", "可能", "扫描", "电机", "损坏", "!", "1", "成", "是", "相关", "扫描", "齿轮", ",", "另", "1", "成", "是", "扫描", "架"]], "paragraphs": ["你可以先把手伸到 最上方的进纸口 然后把这个掀起来 然后可以看到下面的板旁边有两个凸出的部分 然后拿住那两个地方 把这下面的板也掀起来 掀起来以后 你可以看到一块白色的小板 你拍一下 然后再改好 然后再看下这个面板有么有显示正常", "硬件故障要送修才可以。", "8成可能扫描电机损坏!1成是相关扫描齿轮,另1成是扫描架"], "bs_rank_pos": 3}, {"is_selected": false, "title": "hp一体机提示扫描仪错误22是什么意思_百度知道", "most_related_para": 0, "segmented_title": ["hp", "一体机", "提示", "扫描仪", "错误", "22", "是什么", "意思", "_", "百度", "知道"], "segmented_paragraphs": [["扫描仪", "错误", "22", "意思", "是", "扫描", "头", "出现故障", ",", "请", "通过", "以下", "方法", "解决", ":", "液晶屏", "扳手", "按键", "—", "服务", "—", "恢复", "默认值", "—", "OK", ",", "测试", "能否", "使用", ",", "如", "问题", "没", "解决", ",", "请", "通过", "以下", "方法", "将", "一体机", "复位", "至", "初始", "状态", ":", "组合键", ":", "关机", "-", "按住", "“", "取消", "”", "和", "“", "向右", "”", "按钮", "-", ">", "开机", ",", "如", "以上", "没有", "解决", "你", "的", "问题", "请", "送修", "。"]], "paragraphs": ["扫描仪错误22意思是扫描头出现故障,请通过以下方法解决:液晶屏扳手按键—服务—恢复默认值—OK,测试能否使用,如问题没解决,请通过以下方法将一体机复位至初始状态:组合键:关机-按住“取消”和“向右”按钮->开机,如以上没有解决你的问题请送修。"], "bs_rank_pos": 4}], "answer_spans": [[15, 119]], "fake_answers": ["液晶屏扳手按键—服务—恢复默认值—OK,然后再次测试,如问题依旧,建议您通过以下方法将一体机冷复位至初始状态:组合键:关机->按住“取消”和“向右”按钮->开机。看开扫描仪有没有移动、灯亮!开机时扫描仪会左右移动的、当扫描头到左边时扫描头会亮一下!同时扫描仪上面【玻璃旁边,外面看不见】会把光反射回去,传感器收到了,就完成自检了。"], "question": "扫描仪错误22", "segmented_answers": [["液晶屏", "扳手", "按键", "—", "服务", "—", "恢复", "默认值", "—", "OK", ",", "然后", "再次", "测试", ",", "如", "问题", "依旧", ",", "建议", "您", "通过", "以下", "方法", "将", "一体机", "冷", "复位", "至", "初始", "状态", ":", "组合键", ":", "关机", "-", ">", "按住", "“", "取消", "”", "和", "“", "向右", "”", "按钮", "-", ">", "开机", "。", "看", "开", "扫描仪", "有没有", "移动", "、", "灯", "亮", "!", "开机", "时", "扫描仪", "会", "左右", "移动", "的", "、", "当", "扫描", "头", "到", "左边", "时", "扫描", "头", "会", "亮", "一", "下", "!", "同时", "扫描仪", "上面", "【", "玻璃", "旁边", ",", "外面", "看不见", "】", "会", "把", "光", "反射", "回去", ",", "传感器", "收到", "了", ",", "就", "完成", "自检", "了", "。"], ["你", "看", "开", "扫描仪", "有没有", "移动", "、", "灯", "亮", "!", "开机", "时", "扫描仪", "会", "左右", "移动", "的", "、", "当", "扫描", "头", "到", "左边", "时", "扫描", "头", "会", "亮", "一", "下", "!", "同时", "扫描仪", "上面", "【", "玻璃", "旁边", ",", "外面", "看不见", "】", "会", "把", "光", "反射", "回去", ",", "传感器", "收到", "了", ",", "就", "完成", "自检", "了", "、", "你", "这个", "也", "可能", "是", "主板", "上", "的", "F", "保险", "坏", "了", "补充", ":", "卡", "扫描", "架", ",", "就是", "扫描仪", "里面", "有", "异物", ",", "导致", "扫描仪", "不能", "来", "回", "移动", "!", "追问", ":", "重新", "开机", "看", "了", "扫描", "架", "没有", "自检", ",", "能看到", "扫描仪", "灯管", "的", "光", ",", "下一步", "是不是", "检查", "是否", "卡", "扫描", "架", "呢", "?", "应该", "怎样", "检测", "?", "回答", ":", "你", "拆开", "看", "下", "里面", "是不是", "有", "东西", "呀", "?", "如果", "你", "有你", "可以", "看", "下", "主板", "上", "的", "f1", ",", "F2", "是不是", "坏", "掉", "了", "吧", "、", "我", "曾经", "也", "修", "过", "HP", "1005", "一体机", ",", "它", "那个", "也是", "扫描仪", "错误", "、", "最后", "修", "好", "是", "排线", "问题", "。"], ["错误", "22", "的", "意思", "是", "扫描", "头", "故障", ",", "建议", "您", "通过", "如", "下", "方法", "操作", ":", "开始", "—", "服务", "—", "恢复", "默认值", "—", "OK", ",", "如", "问题", "依旧", ",", "您", "可以通过", "以下", "方法", "将", "打印机", "恢复", "至", "出厂", "设置", ":", "组合键", ":", "关机", "-", ">", "按住", "“", "取消", "”", "和", "“", "向右", "”", "按钮", "-", ">", "开机", "。"]], "answers": ["液晶屏扳手按键—服务—恢复默认值—OK,然后再次测试,如问题依旧,建议您通过以下方法将一体机冷复位至初始状态:组合键:关机->按住“取消”和“向右”按钮->开机。看开扫描仪有没有移动、灯亮!开机时扫描仪会左右移动的、当扫描头到左边时扫描头会亮一下!同时扫描仪上面【玻璃旁边,外面看不见】会把光反射回去,传感器收到了,就完成自检了。", "你看开扫描仪有没有移动、灯亮!开机时扫描仪会左右移动的、当扫描头到左边时扫描头会亮一下!同时扫描仪上面【玻璃旁边,外面看不见】会把光反射回去,传感器收到了,就完成自检了、你这个也可能是主板上的F保险坏了 补充: 卡扫描架,就是扫描仪里面有异物,导致扫描仪不能来回移动! 追问: 重新开机看了扫描架没有自检,能看到扫描仪灯管的光,下一步是不是检查是否卡扫描架呢?应该怎样检测? 回答: 你拆开看下里面是不是有东西呀?如果你有你可以看下主板上的f1,F2是不是坏掉了吧、我曾经也修过HP1005一体机,它那个也是扫描仪错误、最后修好是排线问题。", "错误22的意思是扫描头故障,建议您通过如下方法操作:开始—服务—恢复默认值—OK,如问题依旧,您可以通过以下方法将打印机恢复至出厂设置:组合键:关机->按住“取消”和“向右”按钮->开机。"], "answer_docs": [0], "segmented_question": ["扫描仪", "错误", "22"], "question_type": "DESCRIPTION", "question_id": 181581, "fact_or_opinion": "FACT", "match_scores": [0.9047619047619048]} -{"documents": [{"is_selected": false, "title": "哔哩哔哩视频网站如何绑定手机(更换手机)_百度经验", "most_related_para": 6, "segmented_title": ["哔", "哩", "哔", "哩", "视频", "网站", "如何", "绑定", "手机", "(", "更换", "手机", ")", "_", "百度", "经验"], "segmented_paragraphs": [["该", "经验", "图片", "、", "文字", "中", "可能", "存在", "外", "站", "链接", "或", "电话号码", "等", ",", "请注意", "识别", ",", "谨防上当受骗", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["哔", "哩", "哔", "哩", "是", "可以", "发", "弹幕", "的", "视频", "网站", "。", "当下", "为了", "个人", "账号", "的", "安全", ",", "都会", "选择", "绑定", "手机号", "。", "那么", "B站", "该", "如何", "绑定", "(", "修改", ")", "手机号", "呢", "?"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "登录", "哔", "哩", "哔", "哩", "视频", "网站", "(", "百度搜索", "即可", ")", ",", "点击", "右上角", "的", "登陆", "步骤", "阅读", "2", "输入", "您", "的", "B站", "用户名", "、", "密码", ",", "点击", "登陆", "步骤", "阅读", "3", "将", "鼠标", "移动", "到", "个人", "账号", "处", ",", "再", "展开", "的", "菜单", "中", "选择", "“", "账户", "中心", "”", "步骤", "阅读", "4", "进入", "账户", "中心", "—", "—", "账号", "安全", ",", "看到", "手机", "尚未", "绑定", ",", "点击", "立即", "绑定", "步骤", "阅读", "5", "进入", "手机", "绑定", "页面", ":", "1", "、", "输入", "您", "要", "绑定", "的", "手机", ";", "2", "、", "获取", "验证", "短信", ",", "输入", "6", "位数", "验证码", ",", "点击确定", "步骤", "阅读", "6", "手机绑定", "成功", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "进入", "账户", "中心", "—", "—", "账户", "安全", "后", ",", "可以看到", "目前", "所", "绑定", "的", "手机", ",", "点击", "后面", "的", "更改", "手机", "步骤", "阅读", "2", "在", "更改", "手机", "页面", ",", "输入", "新", "的", "手机号", ",", "进行", "验证", "即可", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["希望", "对", "亲", "们", "有所帮助"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "来来去去", ",", "认", "认真", "真"]], "paragraphs": ["该经验图片、文字中可能存在外站链接或电话号码等,请注意识别,谨防上当受骗!", "百度经验:jingyan.baidu.com", "哔哩哔哩是可以发弹幕的视频网站。当下为了个人账号的安全,都会选择绑定手机号。那么B站该如何绑定(修改)手机号呢?", "百度经验:jingyan.baidu.com", "1 登录哔哩哔哩视频网站(百度搜索即可),点击右上角的登陆 步骤阅读 2 输入您的B站用户名、密码,点击登陆 步骤阅读 3 将鼠标移动到个人账号处,再展开的菜单中选择“账户中心” 步骤阅读 4 进入账户中心——账号安全,看到手机尚未绑定,点击立即绑定 步骤阅读 5 进入手机绑定页面:1、输入您要绑定的手机;2、获取验证短信,输入6位数验证码,点击确定 步骤阅读 6 手机绑定成功 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 进入账户中心——账户安全后,可以看到目前所绑定的手机,点击后面的更改手机 步骤阅读 2 在更改手机页面,输入新的手机号,进行验证即可 步骤阅读 END", "百度经验:jingyan.baidu.com", "希望对亲们有所帮助", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:来来去去,认认真真"], "bs_rank_pos": 0}, {"is_selected": true, "title": "B站上绑定的电话号码注销了,怎么解绑? - 知乎", "most_related_para": 3, "segmented_title": ["B站", "上", "绑定", "的", "电话号码", "注销", "了", ",", "怎么", "解", "绑", "?", "-", "知乎"], "segmented_paragraphs": [["原来", "的", "电话", "号码", "早", "就", "注销", "了", ",", "但是", "b站", "改", "绑", "还", "需要", "原来", "的", "手机号码", "的", "验证码", ",", "晕", "啊", ",", "怎么", "搞", "啊", "显示全部"], ["谢", "邀", "的", "确", "没有", "其他", "的", "途径", "可以", "改", "绑", ",", "不过", "B站", "帐号", "题", "主", "需要", "记住", "一", "点", ",", "它", "最看重", "的", "是", "邮箱", ",", "邮箱", "才是", "最", "最", "优先", "最", "重要", "的", "保险", ",", "所以", "你", "手机号", "被", "注销", "了", "的", "话", ",", "保证", "你", "绑定", "的", "邮箱", "是", "正常", "的", "就", "可以", "了", ",", "手机号", "不", "绑", "也", "没关系", "。"], ["谢", "邀", "。", "联系", "客服", ",", "提交", "个人", "信息", ",", "绑定", "邮箱", ",", "原先", "手机号", ",", "登录", "地点", "等", "信息", "即可", "。"], ["申请", "解", "绑", "手机", ",", "请", "您", "使用", "账号", "绑定", "的", "邮箱", "发送", "申请", "邮件", "到", "help", "@", "bilibili", ".", "com", ",", "标题", "请", "注明", "解", "绑", "手机", ",", "并", "提供", "下列", "账号", "信息", ":", "用户名", ";", "昵称", ";", "原", "手机号", ";", "注册时间", "和", "注册", "地点", ";", "常用", "登陆", "地点", ";"], ["现在", "可以", "用", "认证", "邮箱", "解", "绑", "了", ",", "不需要", "老", "手机", "认证"], ["下载", "知乎", "客户端", "与", "世界", "分享", "知识", "、", "经验", "和", "见解"], ["相关", "Live", "推荐"]], "paragraphs": ["原来的电话号码早就注销了,但是b站改绑还需要原来的手机号码的验证码,晕啊,怎么搞啊显示全部", "谢邀的确没有其他的途径可以改绑,不过B站帐号题主需要记住一点,它最看重的是邮箱,邮箱才是最最优先最重要的保险,所以你手机号被注销了的话,保证你绑定的邮箱是正常的就可以了,手机号不绑也没关系。", "谢邀。联系客服,提交个人信息,绑定邮箱,原先手机号,登录地点等信息即可。", "申请解绑手机,请您使用账号绑定的邮箱发送申请邮件到 help@bilibili.com,标题请注明 解绑手机,并提供下列账号信息:用户名;昵称;原手机号;注册时间和注册地点;常用登陆地点;", "现在可以用认证邮箱解绑了,不需要老手机认证", "下载知乎客户端 与世界分享知识、经验和见解", "相关Live 推荐"], "bs_rank_pos": 1}, {"is_selected": true, "title": "关于b站解除绑定手机问题_百度知道", "most_related_para": 0, "segmented_title": ["关于", "b站", "解除", "绑定", "手机", "问题", "_", "百度", "知道"], "segmented_paragraphs": [["手机", "注册", "的", "号", "可以更改", "手机号", "。", "登陆", ",", "进入", "账户", "安全", "中心", ",", "更改", "手机号", ",", "然后", "找", "一", "个", "不用", "但", "可以", "收", "验证", "短信", "的", "手机号", "绑定", ",", "完成", "~", "(", "然后", "那个", "号", "就", "可以", "弃", "了", "。", ")", "刚刚", "弄", "完", ",", "亲", "测", "有效", "。"]], "paragraphs": ["手机注册的号可以更改手机号。登陆,进入账户安全中心,更改手机号,然后找一个不用但可以收验证短信的手机号绑定,完成~(然后那个号就可以弃了。)刚刚弄完,亲测有效。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "b站可以解除手机号绑定吗?_百度知道", "most_related_para": 0, "segmented_title": ["b站", "可以", "解除", "手机号", "绑定", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["可以", "用", "你", "绑定", "的", "邮箱", "给", "help", "@", "bilibili", ".", "com", "发邮件", "说明", "用户名", ",", "原", "手机号", ",", "更改", "手机号", "。", "然后", "半天", "左右", "就会", "邮件通知", "你", "改", "好", "了", "^", "ω", "^"], ["在", "个人中心", "-", "安全设置", "相关", "的", "。"]], "paragraphs": ["可以 用你绑定的邮箱给help@bilibili.com发邮件说明用户名,原手机号,更改手机号。然后半天左右就会邮件通知你改好了^ω^", "在个人中心-安全设置相关的。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "我在b站绑定了手机号,现在换手机了怎么解除绑定?_百度知道", "most_related_para": 1, "segmented_title": ["我", "在", "b站", "绑定", "了", "手机号", ",", "现在", "换", "手机", "了", "怎么", "解除", "绑定", "?", "_", "百度", "知道"], "segmented_paragraphs": [["方法", "1", ":", "通过", "手机", "编辑", "短信", "“", "QXBD", "”", "发送", "到", "服务", "代码", ":", "10661700", "(", "移动用户", ")", ",", "10661700", "山东", "用户", "请", "发送", "指令", "到", "10625700", "湖北", ",", "广西", ",", "江苏", ",", "福建", ",", "浙江", ",", "黑龙江", ",", "广东", ",", "上海", ",", "陕西", ",", "四川", ",", "河南", "请", "发送", "指令", "到", "10621700", "其它", "联通", "请", "发送", "指令", "到", "10661700", "(", "联通用户", ")", ",", "10621700", "(", "电信", "、", "网通", "用户", ")", "重庆", "用户", "请", "发送", "指令", "到", "10625700", "山东", "用户", "请", "发送", "指令", "到", "10625700", "吉林", "用户", "请", "发送", "指令", "到", "10628700", "辽宁", "用户", "请", "发送", "指令", "到", "10661700", "青海", ",", "宁夏", ",", "甘肃", ",", "新疆", ",", "西藏", "用户", "请", "发送", "指令", "到", "10661700", "其它", "小灵通", "请", "发送", "指令", "到", "10621700", ",", "可", "解除", "绑定", "。", "方法", "2", ":", "您", "还", "可以", "登录", "QQ", "客户端", ",", "选择", "菜单", "-", ">", "无线", "QQ", ",", "进入", "绑定", "相关", "页面", ",", "选择", "解除", "绑定", "操作", "。", "方法", "3", ":", "在", "绑定", "网页", "(", "http", ":", "/", "/", "bd", ".", "qq", ".", "com", "/", ")", "登录", ",", "点击", "解除", "绑定", "按钮", "进行", "解", "绑", "操作", "。"], ["请", "以", "“", "xxx", "【", "账号", "昵称", "】", "-", "邮箱", "【", "或", "手机号", "】", "失效", "”", "为", "标题", ",", "发", "至", "邮箱", "help", "@", "bilibili", ".", "com", "请", "在", "邮件", "中", "说明", "具体", "是", "绑定", "的", "邮箱", "还是", "手机号", "失效", ",", "工作", "人员", "会", "根据", "申诉", "内容", "向", "您", "索要", "相关", "信息", "进行", "验证"], ["找", "B站", "客服", ",", "然后", "按照", "客服", "说", "得", "做"]], "paragraphs": ["方法1: 通过手机编辑短信“QXBD” 发送到服务代码:10661700(移动用户),10661700 山东用户请发送指令到10625700湖北,广西,江苏,福建,浙江,黑龙江,广东,上海,陕西,四川,河南请发送指令到10621700其它联通请发送指令到10661700 (联通用户),10621700(电信、网通用户) 重庆用户请发送指令到10625700山东用户请发送指令到10625700吉林用户请发送指令到10628700辽宁用户请发送指令到10661700青海,宁夏,甘肃,新疆,西藏用户请发送指令到10661700其它小灵通请发送指令到10621700 ,可解除绑定。方法2:您还可以登录QQ客户端,选择菜单->无线QQ,进入绑定相关页面,选择解除绑定操作。方法3:在绑定网页( http://bd.qq.com/ )登录,点击解除绑定按钮进行解绑操作。", "请以“xxx【账号昵称】-邮箱【或手机号】失效”为标题,发至邮箱help@bilibili.com请在邮件中说明具体是绑定的邮箱还是手机号失效,工作人员会根据申诉内容向您索要相关信息进行验证", "找B站客服,然后按照客服说得做"], "bs_rank_pos": 4}], "answer_spans": [[0, 31]], "fake_answers": ["手机注册的号可以更改手机号。登陆,进入账户安全中心,更改手机号,然后找一个不用但可以收验证短信的手机号绑定,完成"], "question": "b站手机解绑", "segmented_answers": [["申请", "解", "绑", "手机", ",", "请", "您", "使用", "账号", "绑定", "的", "邮箱", "发送", "申请", "邮件", "到", "help", "@", "bilibili", ".", "com", ",", "标题", "请", "注明", "解", "绑", "手机", ",", "并", "提供", "下列", "账号", "信息", ":", "用户名", ";", "昵称", ";", "原", "手机号", ";", "注册时间", "和", "注册", "地点", ";", "常用", "登陆", "地点", "。"], ["手机", "注册", "的", "号", "可以更改", "手机号", "。", "登陆", ",", "进入", "账户", "安全", "中心", ",", "更改", "手机号", ",", "然后", "找", "一", "个", "不用", "但", "可以", "收", "验证", "短信", "的", "手机号", "绑定", ",", "完成", "。"]], "answers": ["申请解绑手机,请您使用账号绑定的邮箱发送申请邮件到help@bilibili.com,标题请注明 解绑手机,并提供下列账号信息:用户名;昵称;原手机号;注册时间和注册地点;常用登陆地点。", "手机注册的号可以更改手机号。登陆,进入账户安全中心,更改手机号,然后找一个不用但可以收验证短信的手机号绑定,完成。"], "answer_docs": [2], "segmented_question": ["b站", "手机", "解", "绑"], "question_type": "DESCRIPTION", "question_id": 181582, "fact_or_opinion": "FACT", "match_scores": [0.8615384615384615]} -{"documents": [{"is_selected": false, "title": "大唐荣耀电视剧全集(1-60) - 高清在线观看 - 乐看网", "most_related_para": 2, "segmented_title": ["大唐", "荣耀", "电视剧", "全集", "(", "1", "-", "60", ")", "-", "高清", "在线", "观看", "-", "乐", "看", "网"], "segmented_paragraphs": [["(", "2016", "年", "首播", ")", "大唐", "荣耀"], ["大唐", "荣耀", "剧情", "介绍"], ["《", "大唐", "荣耀", "》", "讲述", "沈珍珠", "出身", "名门", ",", "被", "选为", "广平", "王", "李豫", "之", "妃", ",", "生下", "长子", "唐德宗", "李适", ",", "后", "被", "李适", "追封", "为", "睿", "真", "皇后", "。", "她", "只是", "一", "介", "江南", "女子", ",", "内心", "善良", ",", "心", "存", "社稷", ",", "与人为善", ",", "在", "安史之乱", "之", "时", "只愿", "留", "在", "长安", "与", "百姓", "共同", "进退", ".", ".", ".", "查看", "完整", "内容"], ["大唐", "荣耀", "在线", "观看"], ["大唐", "荣耀", "演员表"], ["来", "说", "两句", "吧", ".", ".", "."], ["人生如戏", "2017", "年", "5", "月", "27", "日", "13", ":", "04", "挺不错", "的", "太好了", "0"], ["梦幻", "蒾", "蔓", "2017", "年", "4", "月", "13", "日", "1", ":", "01", "独孤靖瑶", "好丑", "2"], ["Love", "流", "梦", "沉寂", "2017", "年", "2", "月", "25", "日", "17", ":", "33", "好看", "1"]], "paragraphs": ["(2016年首播) 大唐荣耀", "大唐荣耀剧情介绍", "《大唐荣耀》讲述沈珍珠出身名门,被选为广平王李豫之妃,生下长子唐德宗李适,后被李适追封为睿真皇后。她只是一介江南女子,内心善良,心存社稷,与人为善,在安史之乱之时只愿留在长安与百姓共同进退...查看完整内容", "大唐荣耀在线观看", "大唐荣耀演员表", "来说两句吧...", "人生如戏 2017年5月27日 13:04 挺不错的太好了 0", "梦幻蒾蔓 2017年4月13日 1:01 独孤靖瑶好丑 2", "Love流梦沉寂 2017年2月25日 17:33 好看 1"], "bs_rank_pos": 0}, {"is_selected": true, "title": "大唐荣耀在哪里可以观看全集,求帮助_百度知道", "most_related_para": 0, "segmented_title": ["大唐", "荣耀", "在", "哪里", "可以", "观看", "全集", ",", "求", "帮助", "_", "百度", "知道"], "segmented_paragraphs": [["在", "360", "影视", "里", "看", "试试看", "吧"], ["沈珍珠", "已经", "决心", "入宫", ",", "她", "向", "安庆绪", "辞行", ",", "安庆绪", "冲动", "地", "要", "带", "着", "她", "逃走", ",", "被", "安禄山", "带", "人", "拦住", "。", "安庆绪", "想", "告诉", "珍珠", "安禄山", "其实", "是", "在", "利用", "她", ",", "但", "遭到", "安禄山", "的", "警告", ",", "他", "担心", "珍珠", "会", "因此", "遭遇", "不", "测", ",", "只好", "三缄其口", "。", "结果", ",", "他", "被", "安禄山", "命", "人", "拉", "入", "密室", "暴打", ",", "珍珠", "则", "独自", "启程", "去", "了", "长安", "。"]], "paragraphs": ["在360影视里看试试看吧", "沈珍珠已经决心入宫,她向安庆绪辞行,安庆绪冲动地要带着她逃走,被安禄山带人拦住。安庆绪想告诉珍珠安禄山其实是在利用她,但遭到安禄山的警告,他担心珍珠会因此遭遇不测,只好三缄其口。结果,他被安禄山命人拉入密室暴打,珍珠则独自启程去了长安。"], "bs_rank_pos": 1}, {"is_selected": true, "title": "哪个网站可以免费看大唐荣耀全集?_百度知道", "most_related_para": 0, "segmented_title": ["哪个", "网站", "可以", "免费看", "大唐", "荣耀", "全集", "?", "_", "百度", "知道"], "segmented_paragraphs": [["去", "影视", "大全", "看", ",", "里面", "的", "电视", "都", "免费看", ",", "我", "经常", "用", "。"], ["去", "百度", "云", "里面", "!"], ["走出", "沈府", ",", "李俶", "得到", "消息", ",", "掌握", "着", "杨国忠", "卖", "国", "证据", "的", "东泽布在", "甘州", "一", "带", "现身", ",", "便", "让", "自己", "的", "手", "下", "何", "灵", "依", "保护", "沈家", ",", "自己", "带", "着", "风", "生", "衣", "前往", "甘州", "。", "宫", "中", ",", "沈珍珠", "得知", "建宁", "王", "李倓", "在", "皇上", "面前", "求", "情", ",", "让", "皇上", "把", "慕容", "林", "致", "许", "配", "给", "自己", ",", "由衷", "地", "为", "慕容", "林", "致", "高兴", "。", "而", "与此同时", ",", "沈珍珠", "也", "得知", "自己", "有", "可能", "要", "被", "嫁", "入", "东宫", ",", "决定", "逃走", "。", "在", "慕容", "林", "致", "的", "配合", "系", "啊", ",", "沈珍珠", "成功", "和", "丫鬟", "红", "蕊", "互换", "了", "身份", ",", "女扮男装", "逃", "了", "出去", "。", "沈珍珠", "想", "前往", "回纥", ",", "去", "寻找", "那位", "玉佩", "的", "主人", ",", "她", "租", "了", "一辆", "马车", ",", "可是", "车夫", "以", "飞", "快", "的", "速度", "奔驰", ",", "而且", "沈珍珠", "意识到", "车夫", "行走", "的", "方向", "不对", "。", "其实", ",", "车夫", "是", "崔", "彩屏", "的", "母亲", "—", "—", "韩国", "夫人", "派", "来", "的", ",", "要", "他们", "在", "荒郊", "野外", "处理", "掉", "沈珍珠", "。", "车夫", "行", "至", "荒僻", "处", ",", "以", "休息", "为", "名", "要", "沈珍珠", "下车", "休息", ",", "其实", ",", "他", "已经", "拿出", "了", "藏", "在", "袖子", "里", "的", "刀", ",", "沈珍珠", "机", "警", ",", "不顾一切", "地", "向前", "跑", "。", "而", "风", "生", "衣", "所", "驾", "的", "马车", "也", "在", "此时", "经过", "此地", ","]], "paragraphs": ["去影视大全看,里面的电视都免费看,我经常用。", "去百度云里面!", "走出沈府,李俶得到消息,掌握着杨国忠卖国证据的东泽布在甘州一带现身,便让自己的手下何灵依保护沈家,自己带着风生衣前往甘州。宫中,沈珍珠得知建宁王李倓在皇上面前求情,让皇上把慕容林致许配给自己,由衷地为慕容林致高兴。而与此同时,沈珍珠也得知自己有可能要被嫁入东宫,决定逃走。在慕容林致的配合系啊,沈珍珠成功和丫鬟红蕊互换了身份,女扮男装逃了出去。沈珍珠想前往回纥,去寻找那位玉佩的主人,她租了一辆马车,可是车夫以飞快的速度奔驰,而且沈珍珠意识到车夫行走的方向不对。其实,车夫是崔彩屏的母亲——韩国夫人派来的,要他们在荒郊野外处理掉沈珍珠。车夫行至荒僻处,以休息为名要沈珍珠下车休息,其实,他已经拿出了藏在袖子里的刀,沈珍珠机警,不顾一切地向前跑。而风生衣所驾的马车也在此时经过此地,"], "bs_rank_pos": 2}, {"is_selected": false, "title": "(大唐荣耀)全集哪里可以看?_百度知道", "most_related_para": 2, "segmented_title": ["(", "大唐", "荣耀", ")", "全集", "哪里", "可以", "看", "?", "_", "百度", "知道"], "segmented_paragraphs": [["大唐", "荣耀", "熬夜", "在", "追", "着", "呢", "(", "⑦", "⑦", "ss", "。", "Top", ")", "已", "全经集", "谢谢", "了", "通常", "一", "闻到", "陆地", "上", "刮", "来", "的", "风", ",", "他", "就", "醒来", ",", "穿", "上衣裳", "去", "叫醒", "那", "孩子", "。", "然而", "今夜", "陆地", "上", "刮", "来", "的", "风的气息", "来", "得", "很早", ",", "他", "在梦中", "知道", "时间", "尚", "早", ",", "就", "继续", "把", "梦", "做", "下去", ",", "大唐", "荣耀", "熬"], ["笔", "纯", "影音", "。", "希望", "越来越好", "爱", "和", "恨", "到底", "谁", "才", "是", "最好", ",", "正是", "因为", "不知道", "和", "分", "不", "清", "而", "让", "自己", "的", "人生", "变得", "糟糕", ",", "总是", "用", "一些", "微不足道", "的", "消息", "来", "麻醉", "自己", ",", "总是", "喜欢一个", "人", "在", "无助", "的", "夜", ",", "静静", "的", "哭泣", ",", "去", "想", "他", "的", "模样", ",", "去", "幻想", "他", "还能", "回来的样子", ",", "但", "不", "去", "想", "今后", "自己", "的", "将来", "是", "什么", "样", ",", "爱", "的", "太", "深", ",", "让", "人", "无法", "自", "拨", ",", "但", "爱", "为什么", "会", "变得", "如此脆弱", ",", "是因为", "他", "的", "离去", ",", "还是", "他", "在", "山盟海誓", "后", "给", "你", "留下", "的", "那", "一点", "温存", ",", "但", "你", "可", "曾", "想", "过", ",", "他", "既然", "能", "给", "你", "承诺", "他", "也", "能", "给", "别人", "承诺", ",", "只是", "他", "承诺", "后", ",", "会", "把", "它", "忘记", ",", "因为", "他", "是", "不肯", "为", "爱", "而", "停留", "的", "人"], ["期待", "久", "的", "啦", ",", "(", "舞美", "影院", ")", "已经", "可以", "。", "周湘苓", "亲自", "开门", "牵", "她", "进去", ",", "“", "欢", "姐", ",", "盛", "一碗", "冰糖", "银耳", "来", "。", "她", "拿出", "精致", "的", "茶叶", "盒子", ",", "占", "妈妈", ",", "送给", "你", "的", "。", "你", "肯", "来", "我", "已经", "很高兴", "了", ",", "还", "买", "什么", "礼物", "。"], ["ek", "q6", "ee", "ac", "http", ":", "/", "/", "pan", ".", "baidu", ".", "com", "/", "s", "/", "1", "hrEr", "v9", "q", "#", "c2c", "0", "o2", "i", "k", ",", "which", "is", "in", "a", "field", "where", "open", ".", "place", "In", "th", "the", "south", ",", "the", "cracks", "of", "the", "earth", "turned", "to"]], "paragraphs": ["大唐荣耀熬夜在追着呢(⑦⑦ss。Top)已全经集谢谢了 通常一闻到陆地上刮来的风,他就醒来,穿上衣裳去叫醒那孩子。然而今夜陆地上刮来的风的气息来得很早,他在梦中知道时间尚早,就继续把梦做下去,大唐荣耀熬", "笔纯影音。希望越来越好 爱和恨到底谁才是最好,正是因为不知道和分不清而让自己的人生变得糟糕,总是用一些微不足道的消息来麻醉自己,总是喜欢一个人在无助的夜,静静的哭泣,去想他的模样,去幻想他还能回来的样子,但不去想今后自己的将来是什么样,爱的太深,让人无法自拨,但爱为什么会变得如此脆弱,是因为他的离去,还是他在山盟海誓后给你留下的那一点温存,但你可曾想过,他既然能给你承诺他也能给别人承诺,只是他承诺后,会把它忘记,因为他是不肯为爱而停留的人", "期待久的啦, ( 舞美影院)已经可以。 周湘苓亲自开门牵她进去,“欢姐,盛一碗冰糖银耳来。她拿出精致 的茶叶盒子,占妈妈,送给你的。你肯来我已经很高兴了,还买什么礼物。", "ekq6ee achttp://pan.baidu.com/s/1hrErv9q#c2c0o2i k, which is in a field where open. placeIn th the south, the cracks of the earth turned to"], "bs_rank_pos": 3}], "answer_spans": [[1, 2]], "answer_docs": [1], "fake_answers": ["360影视"], "question": "大唐荣耀哪里能看全集", "segmented_answers": [["CCTV", "。"], ["360", "影视"], ["影视", "大全", "。"]], "answers": ["CCTV。", "360影视", "影视大全。"], "entity_answers": [["CCTV"], ["360影视"], ["影视大全"]], "segmented_question": ["大唐", "荣耀", "哪里", "能", "看", "全集"], "question_type": "ENTITY", "match_scores": [1.0], "fact_or_opinion": "OPINION", "question_id": 181583} -{"documents": [{"is_selected": false, "title": "成都二手房过户流程全解", "most_related_para": 1, "segmented_title": ["成都", "二手房", "过户", "流程", "全", "解"], "segmented_paragraphs": [["在", "二手房", "交易", "过程", "中", ",", "当", "买卖双方", "达成", "协议", "后", ",", "接下来", "的", "工作", "就是", "房产", "过户", "了", "。", "今天", ",", "小链", "就", "给", "大家", "全面解读", "二手房", "的", "过户", "流程", "。"], ["首先", ",", "领取", "《", "房地产", "转让", "申请", "审批", "书", "》", "、", "《", "房地产", "买卖", "合同", "》", "、", "《", "买方", "确认", "单", "》", "表格", "并", "填表", ";", "交易", "—", "—", "买卖双方", "验", "人", "签字", ";", "查", "档", "—", "—", "查", "房屋产权", "是否", "清晰", "、", "有", "无", "抵押", "、", "查封", "(", "上午", "查", "下午", "出", "结果", ",", "下午", "查", "次", "日出", "结果", ")", ";", "鉴定", "—", "—", "做", "《", "房屋", "安全", "鉴定", "报告", "》", ";", "核", "价", "—", "—", "财政", "部门", "根据", "《", "房屋买卖", "(", "置换", ")", "合同", "》", "的", "成交金额", "评估", "房价", ";", "地税", "—", "—", "缴纳", "卖方", "房产", "营业税", "(", "免税", "的", "地税部门", "开具", "免税", "确认", "单", ",", "5", "月", "1", "日", "后", "改", "到", "国税局", "缴纳", "增值税", ")", "。"], ["当", "以上", "的", "工作", "完成", "后", ",", "第二天", "或", "第三天", "交", "件", ",", "七", "天后", "交", "契税", ",", "领取", "契证", "交", "手续费", ",", "然后", "交纳", "交易手续费", "封", "卷", ",", "注意", ",", "一定要", "领取证", "回执", "。"], ["此后", "十", "个", "有效", "工作", "日后", ",", "买房", "买方", "拿", "身份证", "原件", "取", "房", "证", "。"], ["注意事项"], ["卖方", "提供", "资料", ":"], ["1", ".", "房屋所有权证", "(", "复印件", "1", "份", "、", "产", "籍", "图", "4", "份", ")", ";"], ["3", ".", "身份证", "(", "夫妻双方", ")", "(", "复印件", "2", "份", ")", ";"], ["4", ".", "夫妻", "双方", "户口簿", "(", "复印件", "1", "份", ")", ";"], ["5", ".", "结婚证", "(", "如", "丢失", "到", "原", "婚姻登记", "的", "民政部门", "补办", ",", "其他", "证明", "方式", "不", "被", "承认", ")", ";"], ["6", ".", "单身", "、", "离婚", "者", "提供", "离婚证", "、", "离婚协议", "书", "或", "民事", "调节", "书", "或", "法院", "判决书", ",", "离婚", "未", "再婚", "证明", ";", "丧偶", "者", "提供", "购房", "证明", "、", "丧偶", "未", "再婚", "证明", ";", "未婚", "者", "提供", "未婚证明", "(", "复印件", "1", "份", ")", "。"], ["买方", "提供", "资料", ":", "身份证", "(", "复印件", "2", "份", ")", "。"], ["1", ".", "房地产", "赠与", "、", "继承", "、", "委托", "、", "涉外", "以及", "涉及", "港澳台", "地区", "的", "提供", "《", "公证书", "》", "。", "2", ".", "被", "拆迁户", "购房", "登记", "提供", "《", "拆迁", "协议书", "》", "。", "3", ".", "五年内", "买卖", "提供", "相应", "房地产", "转让", "审批", "书", "原件", "及", "抵", "税", "专用", "表", "原件", "。", "4", ".", "验", "人", "签字", "时", "卖方", "夫妻", "及", "买方", "必须", "本人", "到场", "。"], ["5", ".", "办理", "贷款", "请", "先", "预留", "资料", ",", "原", "房", "证", "(", "包括", "产", "籍", "图", ")", "、", "契税", "证", "、", "买卖双方", "身份证复印件", "。"], ["6", ".", "如", "该", "房屋", "为", "产权", "人和", "其", "配偶", "先", "购买", "的", ",", "之后", "产权", "人", "配偶", "去世", "的", "情况", ",", "需要", "其", "所有", "子女", "及", "合法", "继承人", "到场", ",", "产权", "人", "先", "办理", "继承", "公证", "后", "才", "可以", "办理", "转让", "。"]], "paragraphs": ["在二手房交易过程中,当买卖双方达成协议后,接下来的工作就是房产过户了。今天,小链就给大家全面解读二手房的过户流程。", "首先,领取《房地产转让申请审批书》、《房地产买卖合同》、《买方确认单》表格并填表;交易——买卖双方验人签字;查档——查房屋产权是否清晰、有无抵押、查封(上午查下午出结果,下午查次日出结果);鉴定——做《房屋安全鉴定报告》;核价——财政部门根据《房屋买卖(置换)合同》的成交金额评估房价;地税——缴纳卖方房产营业税(免税的地税部门开具免税确认单,5月1日后改到国税局缴纳增值税)。", "当以上的工作完成后,第二天或第三天交件,七天后交契税,领取契证交手续费,然后交纳交易手续费封卷,注意,一定要领取证回执。", "此后十个有效工作日后,买房买方拿身份证原件取房证。", "注意事项", "卖方提供资料:", "1.房屋所有权证(复印件1份、产籍图4份);", "3.身份证(夫妻双方)(复印件2份);", "4.夫妻双方户口簿(复印件1份);", "5.结婚证(如丢失到原婚姻登记的民政部门补办,其他证明方式不被承认);", "6.单身、离婚者提供离婚证、离婚协议书或民事调节书或法院判决书,离婚未再婚证明;丧偶者提供购房证明、丧偶未再婚证明;未婚者提供未婚证明(复印件1份)。", "买方提供资料:身份证(复印件2份)。", "1.房地产赠与、继承、委托、涉外以及涉及港澳台地区的提供《公证书》。 2.被拆迁户购房登记提供《拆迁协议书》。 3.五年内买卖提供相应房地产转让审批书原件及抵税专用表原件。 4.验人签字时卖方夫妻及买方必须本人到场。", "5.办理贷款请先预留资料,原房证(包括产籍图)、契税证、买卖双方身份证复印件。", "6.如该房屋为产权人和其配偶先购买的,之后产权人配偶去世的情况,需要其所有子女及合法继承人到场,产权人先办理继承公证后才可以办理转让。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "成都二手房交易流程及材料- 成都本地宝", "most_related_para": 2, "segmented_title": ["成都", "二手房", "交易流程", "及", "材料", "-", "成都", "本地宝"], "segmented_paragraphs": [["【", "导语", "】", ":", "成都", "本地宝", "为您", "带来", "成都", "二手房", "交易", "信息", "。", "包含", "成都", "二手房交易", "步骤", ",", "需要", "提交", "的", "材料", "以及", "流程", "等", "信息", "。"], ["成都", "二手房", "交易流程", "及", "材料", ":"], ["一", "、", "买卖双方", "交易", "之", "前", "协商", "沟通", "后", "共同", "同意", "。", "二", "、", "卖方", "提供", "房屋", "的", "所有", "合法", "证件", ",", "买方", "就", "可以", "交纳", "一定", "的", "购房", "定金", ",", "然后", "买卖双方", "根据", "协商", "的", "意见", ",", "签订", "正规", "的", "合法", "买卖", "合同", ",", "合同", "内", "必须", "包括", "对", "房屋", "坐落", "位置", "、", "产权", "状况", "及", "成交价格", "、", "房屋", "交付", "时间", "、", "房屋", "交付", "、", "产权", "办理", "等", "具体事项", ",", "合同", "需要", "一式三份", "。", "三", "、", "然后", "向", "房地产", "交易", "管理", "部门", "提交", "申请", ",", "然后", "房地产管理", "部门", "会", "将", "申请", "和", "有关", "资料", "进行", "审查", ",", "对", "符合", "上市", "条件", "的", "房屋", "会", "给予", "批准", "过户", "的", "回复", "。", "四", "、", "房产", "部门", "根据", "交易", "房屋", "的", "产权", "和", "购买", "对象", ",", "按", "交易", "部门", "设定", "的", "审批权限", "进行", "逐级", "的", "审", "报", ",", "得到", "批准", "之后", ",", "交易", "的", "双方", "可以", "进行", "办理", "立契", "的", "手续", "。"], ["五", "、", "由", "买卖双方", "交纳", "各项", "税费", "。"], ["六", "、", "在", "房地产", "交易", "管理", "部门", "办理", "变更", "之后", ",", "买方", "就", "可以", "凭", "领取", "房屋所有权证", "的", "通知单", ",", "到", "发证", "部门", "领取", "新", "的", "产权证", "。"], ["七", "、", "如", "买方", "有", "贷款", ",", "等", "银行", "对", "房屋", "审核", "之后", ",", "再", "确定", "可以", "贷款", "的", "额度", "。", "等", "取", "领取", "了", "房屋所有权证", "之后", ",", "银行", "就会", "一次性", "发放", "贷款", "。"], ["八", "、", "买方", "拿到", "新", "房屋所有权证", ",", "付清", "所有", "的", "房款", ",", "卖方", "再", "将", "物业费", "结清", "之后", ",", "二手房交易", "就", "可以", "到", "此", "结束", "了", "。"], ["本地宝", "郑重声明", ":", "本", "文", "仅", "代表", "作者", "个人观点", ",", "与", "本地宝", "无关", "。", "其", "原创", "性", "及", "文", "中", "陈述", "内容", "未经", "本站", "证实", ",", "本地宝", "对", "本", "文", "及其", "中", "全部", "或者", "部分", "内容", "的", "真实性", "、", "完整性", "、", "及时", "性", "不", "作", "任何", "保证", "和", "承诺", ",", "请", "网友", "自行", "核实", "相关内容", "。"]], "paragraphs": ["【导语】:成都本地宝为您带来成都二手房交易信息。包含成都二手房交易步骤,需要提交的材料以及流程等信息。", "成都二手房交易流程及材料:", "一、买卖双方交易之前协商沟通后共同同意。 二、卖方提供房屋的所有合法证件,买方就可以交纳一定的购房定金,然后买卖双方根据协商的意见,签订正规的合法买卖合同,合同内必须包括对房屋坐落位置、产权状况及成交价格、房屋交付时间、房屋交付、产权办理等具体事项,合同需要一式三份。 三、然后向房地产交易管理部门提交申请,然后房地产管理部门会将申请和有关资料进行审查,对符合上市条件的房屋会给予批准过户的回复。 四、房产部门根据交易房屋的产权和购买对象,按交易部门设定的审批权限进行逐级的审报,得到批准之后,交易的双方可以进行办理立契的手续。", "五、由买卖双方交纳各项税费。", "六、在房地产交易管理部门办理变更之后,买方就可以凭领取房屋所有权证的通知单,到发证部门领取新的产权证。", "七、如买方有贷款,等银行对房屋审核之后,再确定可以贷款的额度。等取领取了房屋所有权证之后,银行就会一次性发放贷款。", "八、买方拿到新房屋所有权证,付清所有的房款,卖方再将物业费结清之后,二手房交易就可以到此结束了。", "本地宝郑重声明:本文仅代表作者个人观点,与本地宝无关。其原创性及文中陈述内容未经本站证实,本地宝对本文及其中全部或者部分内容的真实性、完整性、及时性不作任何保证和承诺,请网友自行核实相关内容。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "成都二手房交易流程、所需材料和税费_百度文库", "most_related_para": 1, "segmented_title": ["成都", "二手房", "交易流程", "、", "所需材料", "和", "税费", "_", "百度", "文库"], "segmented_paragraphs": [["成都", "二手房", "交易流程", "、", "所需材料", "和", "税费", "_", "社会民生", "_", "生活", "休闲", "。", "成都", "二手房", "交易流程", "、", "所需材料", "和", "税费", "一", "、", "流程", "1", ".", "领取", "《", "房地产", "转让", "申请", "审批", "书", "》", "、", "《", "房地产", "买卖", "合同", "》", "、", "《", "买方", "确认", "单", "》", "表格", "并", "填表", ";", "2", ".", "交易", "—", "—", "买卖双方", "验", "人", "签字", ";", "3", ".", "查", "档", "—", "—", "查", "房屋产权", "是否", "清晰", "、"], ["成都", "二手房", "交易流程", "、", "所需材料", "和", "税费", "一", "、", "流程", "1", ".", "领取", "《", "房地产", "转让", "申请", "审批", "书", "》", "、", "《", "房地产", "买卖", "合同", "》", "、", "《", "买方", "确认", "单", "》", "表格", "并", "填表", ";", "2", ".", "交易", "—", "—", "买卖双方", "验", "人", "签字", ";", "3", ".", "查", "档", "—", "—", "查", "房屋产权", "是否", "清晰", "、", "有", "无", "抵押", "、", "查封", "(", "上午", "查", "下午", "出", "结果", ",", "下午", "查", "次", "日出", "结果", ")", ";", "4", ".", "鉴定", "—", "—", "做", "《", "房屋", "安全", "鉴定", "报告", "》", ";", "5", ".", "核", "价", "—", "—", "财政", "部门", "根据", "《", "房屋买卖", "(", "置换", ")", "合同", "》", "的", "成交金额", "评估", "房价", ";", "6", ".", "地税", "—", "—", "缴纳", "卖方", "房产", "营业税", "(", "免税", "的", "地税部门", "开具", "免税", "确认", "单", ",", "5", "月", "1", "日后", "改", "到", "国税局", "缴纳", "增值税", ")", ";", "7", ".", "当", "以上", "的", "工作", "完成", "后", ",", "第二天", "或", "第三天", "交", "件", ",", "七", "天后", "交", "契税", ",", "领取", "契证", "交", "手续费", ",", "交纳", "交易手续费", "封", "卷", "。", "(", "注意", ",", "一定要", "领取证", "回执", "。", ")", "8", ".", "十", "个", "有效", "工作", "日后", ",", "买房", "买方", "拿", "身份证", "原件", "取", "房", "证", "。", "二", "、", "材料", "卖方", "需", "提供", ":", "1", ".", "房屋所有权证", "(", "复印件", "1", "份", "、", "产", "籍", "图", "4", "份", ")", ";", "2", ".", "契税", "证", ";", "3", ".", "身份证", "(", "夫妻双方", ")", "(", "复印件", "2", "份", ")", ";", "4", ".", "夫妻", "双方", "户口簿", "(", "复印件", "1", "份", ")", ";", "5", ".", "结婚证", "(", "如", "丢失", "到", "原", "婚姻登记", "的", "民政部门", "补办", ",", "其他", "证明", "方式", "不", "被", "承认", ")", ";", "6", ".", "单身", "、", "离婚", "者", "提供", "离婚证", "、", "离婚协议", "书", "或", "民事", "调节", "书", "或", "法院", "判决书", ",", "离婚", "未", "再婚", "证明", ";", "丧偶", "者", "提供", "购", "房", "证明", "、", "丧偶", "未", "再婚", "证明", ";", "未婚", "者", "提供", "未婚证明", "(", "复印件", "1", "份", ")", "。", "买方", "提供", "资料", ":", "身份证", "(", "复印件", "2", "份", ")", "。", "三", "、", "税费", "商品房", "契税", "1", "%", "(", "90", "平米", "以", "下", "普通", "住房", ")", ";", "/", "3", "%", "个人所得税", "营业税", "交易手续费", "登记费", "买方", "/", "2", "元", "每平米", "80", "元", "/", "户", "卖方", "/", "1%", "或者", "20", "%", "(", "出售", "购", "5", ".", "6", "%", "(", "购房", "时间", "满", "5", "买", "时间", "满", "五年", "的", "家", "年", "的", "普通住宅", "免征", "庭", "唯一", "住房", ",", "免征", "营业税", ")", "个人所得税", ")", "2", "元", "每平米", "/", "注", ":", "以", "60", "万", "计", ",", "契税", "6000", "元", ",", "交易手续费", "240", "元", ",", "过户", "登记费", "80", "元", ",", "工本费", "5", "元", "。"]], "paragraphs": ["成都二手房交易流程、所需材料和税费_社会民生_生活休闲。成都二手房交易流程、所需材料和税费一、流程 1.领取《房地产转让申请审批书》 、 《房地产买卖合同》 、 《买方确认单》表格并填表; 2.交易——买卖双方验人签字; 3.查档——查房屋产权是否清晰、", "成都二手房交易流程、所需材料和税费一、流程 1.领取《房地产转让申请审批书》 、 《房地产买卖合同》 、 《买方确认单》表格并填表; 2.交易——买卖双方验人签字; 3.查档——查房屋产权是否清晰、有无抵押、查封(上午查下午出结果,下午查次日出结果) ; 4.鉴定——做《房屋安全鉴定报告》 ; 5.核价——财政部门根据《房屋买卖(置换)合同》的成交金额评估房价; 6.地税——缴纳卖方房产营业税 (免税的地税部门开具免税确认单, 5 月 1 日后改到国税局缴纳增值税) ; 7.当以上的工作完成后,第二天或第三天交件,七天后交契税,领取契证交手续费,交纳交易手续费封 卷。 (注意,一定要领取证回执。 ) 8.十个有效工作日后,买房买方拿身份证原件取房证。 二、材料 卖方需提供: 1.房屋所有权证(复印件 1 份、产籍图 4 份) ; 2.契税证; 3.身份证(夫妻双方) (复印件 2 份) ; 4.夫妻双方户口簿(复印件 1 份) ; 5.结婚证(如丢失到原婚姻登记的民政部门补办,其他证明方式不被承认) ; 6.单身、离婚者提供离婚证、离婚协议书或民事调节书或法院判决书,离婚未再婚证明;丧偶者提供购 房证明、丧偶未再婚证明;未婚者提供未婚证明(复印件 1 份) 。 买方提供资料: 身份证(复印件 2 份) 。三、税费 商品房 契税 1%(90 平米以 下普通住房) ; / 3% 个人所得税 营业税 交易手续费 登记费 买方 / 2 元每平米 80 元/户 卖方 / 1%或者 20% (出售购 5.6% (购房时间满 5 买时间满五年的家 年的普通住宅免征 庭唯一住房,免征 营业税) 个人所得税) 2 元每平米 / 注:以 60 万计,契税 6000 元,交易手续费 240 元,过户登记费 80 元,工本费 5 元。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "2014版本成都二手房交易流程及费用_图文_百度文库", "most_related_para": 0, "segmented_title": ["2014", "版本", "成都", "二手房交易", "流程", "及", "费用", "_", "图文", "_", "百度", "文库"], "segmented_paragraphs": [["2014", "版本", "成都", "二手房交易", "流程", "及", "费用", "_", "经济", "/", "市场", "_", "经管", "营销", "_", "专业", "资料", "。", "二手房交易"], ["目录", "?", "权证", "篇", "?"]], "paragraphs": ["2014版本成都二手房交易流程及费用_经济/市场_经管营销_专业资料。二手房交易", "目录? 权证篇 ?"], "bs_rank_pos": 3}, {"is_selected": false, "title": "2016成都二手房交易过户流程—房天下成都二手房", "most_related_para": 7, "segmented_title": ["2016", "成都", "二手房交易", "过户", "流程", "—", "房", "天下", "成都", "二手房"], "segmented_paragraphs": [["过户", "前", "24", "申请", "网签", "(", "各", "区域", "内勤", ")", "—", "—", "递", "件", "、", "核", "税", "—", "—", "缴税", "、", "取", "件", ":", "递", "件", "后", "第三个", "工作日", "(", "包括", "递", "件", "当天", ")", "—", "—", "办理", "抵押", "、", "国土", "—", "—", "给", "权证", "物业", "交割", "单", "申请", "线上", "结", "单"], ["主", "城区", "过户", "流程图"], ["过户", "前", "24", "申请", "网签", "(", "各", "区域", "内勤", ")", "↓", "递", "件", "、", "核", "税", "↓", "缴税", "、", "取", "件", "递", "件", "后", "第三个", "工作日", "(", "包括", "递", "件", "当天", ")", "↓", "办理", "抵押", "、", "国土", "↓", "给", "权证", "物业", "交割", "单", "申请", "线上", "结", "单"], ["二手房交易", "税费", "清单", ":"], ["成都", "各", "房管局", "过户", "流程", ":"], ["二", "、", "后子门", "过户", "流程", "1", "、", "过户", "前", "24", "申请", "网签", "。", "2", "、", "办证大厅", "二", "楼", "89", "号", "窗口", "审查", "过户", "资料", ",", "领取", "网签", "合同", "。", "3", "、", "递", "件", "、", "核", "税", ":", "根据", "交易", "指南", "在", "办证大厅", "总", "咨询台", "排号", ",", "等待", "递", "件", "核", "税", ",", "递", "件", "成功", "后", "填写", "领证", "告知单", "。", "4", "、", "缴税", "、", "取", "件", "。", "5", "、", "办理", "抵押", "、", "国土", "。"], ["三", "、", "龙泉驿", "过户", "流程", "1", "、", "查", "档", ":", "申请人", "持", "身份证", "、", "产权证", "到", "政务", "一", "楼", "A", "区", "房管局", "6", "-", "7", "号", "窗口", "办理", "。", "2", "、", "买方", "持", "身份证", "、", "户口簿", "、", "婚姻", "证明", "到", "政务", "一", "楼", "A", "区", "房管局", "6", "-", "7", "号", "窗口", "打印", "房屋", "登记", "信息表", "。", "3", "、", "打印", "网签", "合同", ":", "买卖双方", "持", "身份证", "及", "房产证", "到", "政务", "一", "楼", "A", "区", "房管局", "自助", "网签", "机", "发布", "房源", "并", "打印", "网签", "合同", "。", "4", "、", "核", "税", ":", "买卖双方", "持", "网签", "合同", "及", "所需", "证件", "及", "资料", "到", "政务", "一", "楼", "A", "区", "地税局", "20", "号", "窗口", "预", "审核", "税", "资料", ",", "16", "-", "19", "号", "窗口", "核", "税", "。", "5", "、", "缴纳", "税费", ":", "政务", "二", "楼", "B", "区", "1", "-", "10", "号", "窗口", "缴纳", "税费", "。", "6", "、", "登记", "受理", ":", "买卖双方", "带", "齐", "过户", "所需", "证件", "及", "资料", "到", "政务", "一", "楼", "A", "区", "房管局", "9", "-", "10", "号", "窗口", "办理过户", "登记", "。", "7", "、", "缴费", "、", "登", "簿", "、", "领证", ":", "1", "个", "工作日", "后", "(", "受理", "当天", "不", "算", ",", "节假日除外", ")", ",", "由", "受理", "时", "约定", "的", "领证", "人", "携", "身份证", "按照", "受理", "单", "上面", "的", "流程", "办理", "。"], ["四", "、", "郫县", "过户", "流程", "1", ".", "发布", "房源", ":", "到", "政务", "B", "区", "二", "楼", "房管局", "在", "网签", "自助", "机", "上", "录入", "房源", "信息", "(", "包括", "产权", "人", "及", "共有", "人", "姓名", "、", "身份证号码", "、", "联系电话", "、", "产权证", "权", "字号", ")", "并", "取得", "告知单", "。", "(", "★", "办理", "贷款", "的", "客户", ",", "房东", "应", "在", "查", "档", "当天", "录入", "房源", ")", "2", ".", "打印", "网签", "合同", ":", "当天", "(", "长", "时效", "一个月", "内", ")", "凭", "告知单", ",", "买卖双方", "带", "齐", "过户", "所需", "证件", "到", "政务", "B", "区", "二", "楼", "房管局", "在", "网签", "自助", "机", "上", "打印", "网签", "。", "3", ".", "查", "档", ":", "卖方", "持", "身份证", "、", "产权证", "到", "政务", "B", "区", "二", "楼", "房管局", "21", "号", "窗口", "办理", "。", "4", ".", "核", "税", ":", "买卖双方", "持", "网签", "合同", "及", "所需", "证件", "及", "资料", "到", "政务", "B", "区", "四", "楼", "地税", "窗口", "核", "税", "并", "缴纳", "税费", "(", "只能", "刷卡", ")", ",", "下午", "三", "点", "半", "不", "核", "税", "。", "5", ".", "登记", "受理", ":", "买卖双方", "带", "齐", "过户", "所需", "证件", "及", "资料", "到", "政务", "B", "区", "二", "楼", "房管局", "27", "-", "36", "号", "窗口", "办理过户", "登记", "。", "6", ".", "登记", "受理", "后", ",", "5", "个", "工作日", "(", "受理", "当天", "不", "算", ",", "节假日除外", ")", "后", "本人", "持", "身份证", "原件", "及", "缴费通知单", "到", "政务", "B", "区", "二", "楼", "缴费", "窗口", "缴费", "(", "登记费", "必须", "交", "现金", ",", "其余", "可以", "在", "二", "楼", "刷卡", ",", "现金", "在", "三楼", "成都", "银行", "交", ")", ",", "政务", "B", "区", "二", "楼", "18", "-", "19", "号", "窗口", "领证", "。", "7", "、", "缴费", "、", "登", "簿", "、", "领证", ":", "1", "个", "工作日", "后", "(", "受理", "当天", "不", "算", ",", "节假日除外", ")", ",", "由", "受理", "时", "约定", "的", "领证", "人", "携", "身份证", "按照", "受理", "单", "上面", "的", "流程", "办理", "。"]], "paragraphs": ["过户前24 申请网签(各区域内勤)——递件、核税——缴税、取件:递件后第三个工作日(包括递件当天)——办理抵押、国土——给权证物业交割单申请线上结单", "主城区过户流程图", "过户前24 申请网签(各区域内勤) ↓ 递件、核税 ↓ 缴税、取件递件后第三个工作日(包括递件当天) ↓ 办理抵押、国土 ↓ 给权证物业交割单申请线上结单", "二手房交易税费清单:", "成都各房管局过户流程:", "二、 后子门过户流程 1、过户前24 申请网签。 2、办证大厅二楼89号窗口审查过户资料,领取网签合同。 3、递件、核税:根据交易指南在办证大厅总咨询台排号,等待递件核税,递件成功后填写领证告知单。 4、缴税、取件。 5、办理抵押、国土。", "三、龙泉驿过户流程 1、 查档:申请人持身份证、产权证到政务 一楼A区房管局6-7号窗口办理。 2、 买方持身份证、户口簿、婚姻证明到政务 一楼A区房管局6-7号窗口打印房屋登记信息表。 3、 打印网签合同:买卖双方持身份证及房产证到政务 一楼A区房管局自助网签机发布房源并打印网签合同。 4、 核税:买卖双方持网签合同及所需证件及资料到政务 一楼A区地税局20号窗口预审核税资料,16-19号窗口核税。 5、 缴纳税费:政务 二楼B区1-10号窗口缴纳税费。 6、 登记受理:买卖双方带齐过户所需证件及资料到政务 一楼A区房管局9-10号窗口办理过户登记。 7、 缴费、登簿、领证:1个工作日后(受理当天不算,节假日除外),由受理时约定的领证人携身份证按照受理单上面的流程办理。", "四、 郫县过户流程 1. 发布房源:到政务 B区二楼房管局在网签自助机上录入房源信息(包括产权人及共有人姓名、身份证号码、联系电话、产权证权字号)并取得告知单。(★办理贷款的客户,房东应在查档当天录入房源) 2. 打印网签合同:当天(长时效一个月内)凭告知单,买卖双方带齐过户所需证件到政务 B区二楼房管局在网签自助机上打印网签。 3. 查档:卖方持身份证、产权证到政务 B区二楼房管局21号窗口办理。 4. 核税:买卖双方持网签合同及所需证件及资料到政务 B区四楼地税窗口核税并缴纳税费(只能刷卡),下午三点半不核税。 5. 登记受理:买卖双方带齐过户所需证件及资料到政务 B区二楼房管局27-36号窗口办理过户登记。 6. 登记受理后,5个工作日(受理当天不算,节假日除外)后本人持身份证原件及缴费通知单到政务 B区二楼缴费窗口缴费(登记费必须交现金,其余可以在二楼刷卡,现金在三楼成都银行交),政务 B区二楼18-19号窗口领证。 7、 缴费、登簿、领证:1个工作日后(受理当天不算,节假日除外),由受理时约定的领证人携身份证按照受理单上面的流程办理。"], "bs_rank_pos": 4}], "answer_spans": [[0, 149]], "fake_answers": ["一、买卖双方交易之前协商沟通后共同同意。二、卖方提供房屋的所有合法证件,买方就可以交纳一定的购房定金,然后买卖双方根据协商的意见,签订正规的合法买卖合同,合同内必须包括对房屋坐落位置、产权状况及成交价格、房屋交付时间、房屋交付、产权办理等具体事项,合同需要一式三份。三、然后向房地产交易管理部门提交申请,然后房地产管理部门会将申请和有关资料进行审查,对符合上市条件的房屋会给予批准过户的回复。四、房产部门根据交易房屋的产权和购买对象,按交易部门设定的审批权限进行逐级的审报,得到批准之后,交易的双方可以进行办理立契的手续。"], "question": "成都二手房交易流程", "segmented_answers": [["一", "、", "买卖双方", "交易", "之", "前", "协商", "沟通", "后", "共同", "同意", "。", "二", "、", "卖方", "提供", "房屋", "的", "所有", "合法", "证件", ",", "买方", "就", "可以", "交纳", "一定", "的", "购房", "定金", ",", "然后", "买卖双方", "根据", "协商", "的", "意见", ",", "签订", "正规", "的", "合法", "买卖", "合同", ",", "合同", "内", "必须", "包括", "对", "房屋", "坐落", "位置", "、", "产权", "状况", "及", "成交价格", "、", "房屋", "交付", "时间", "、", "房屋", "交付", "、", "产权", "办理", "等", "具体事项", ",", "合同", "需要", "一式三份", "。", "三", "、", "然后", "向", "房地产", "交易", "管理", "部门", "提交", "申请", ",", "然后", "房地产管理", "部门", "会", "将", "申请", "和", "有关", "资料", "进行", "审查", ",", "对", "符合", "上市", "条件", "的", "房屋", "会", "给予", "批准", "过户", "的", "回复", "。", "四", "、", "房产", "部门", "根据", "交易", "房屋", "的", "产权", "和", "购买", "对象", ",", "按", "交易", "部门", "设定", "的", "审批权限", "进行", "逐级", "的", "审", "报", ",", "得到", "批准", "之后", ",", "交易", "的", "双方", "可以", "进行", "办理", "立契", "的", "手续", "。", "五", "、", "由", "买卖双方", "交纳", "各项", "税费", "。", "六", "、", "在", "房地产", "交易", "管理", "部门", "办理", "变更", "之后", ",", "买方", "就", "可以", "凭", "领取", "房屋所有权证", "的", "通知单", ",", "到", "发证", "部门", "领取", "新", "的", "产权证", "。", "七", "、", "如", "买方", "有", "贷款", ",", "等", "银行", "对", "房屋", "审核", "之后", ",", "再", "确定", "可以", "贷款", "的", "额度", "。", "等", "取", "领取", "了", "房屋所有权证", "之后", ",", "银行", "就会", "一次性", "发放", "贷款", "。", "八", "、", "买方", "拿到", "新", "房屋所有权证", ",", "付清", "所有", "的", "房款", ",", "卖方", "再", "将", "物业费", "结清", "之后", ",", "二手房交易", "就", "可以", "到", "此", "结束", "了", "。"]], "answers": ["一、买卖双方交易之前协商沟通后共同同意。二、卖方提供房屋的所有合法证件,买方就可以交纳一定的购房定金,然后买卖双方根据协商的意见,签订正规的合法买卖合同,合同内必须包括对房屋坐落位置、产权状况及成交价格、房屋交付时间、房屋交付、产权办理等具体事项,合同需要一式三份。三、然后向房地产交易管理部门提交申请,然后房地产管理部门会将申请和有关资料进行审查,对符合上市条件的房屋会给予批准过户的回复。四、房产部门根据交易房屋的产权和购买对象,按交易部门设定的审批权限进行逐级的审报,得到批准之后,交易的双方可以进行办理立契的手续。五、由买卖双方交纳各项税费。六、在房地产交易管理部门办理变更之后,买方就可以凭领取房屋所有权证的通知单,到发证部门领取新的产权证。七、如买方有贷款,等银行对房屋审核之后,再确定可以贷款的额度。等取领取了房屋所有权证之后,银行就会一次性发放贷款。八、买方拿到新房屋所有权证,付清所有的房款,卖方再将物业费结清之后,二手房交易就可以到此结束了。"], "answer_docs": [1], "segmented_question": ["成都", "二手房", "交易流程"], "question_type": "DESCRIPTION", "question_id": 181584, "fact_or_opinion": "FACT", "match_scores": [0.7052896725440806]} -{"documents": [{"is_selected": false, "title": "鸟屎掉衣服上吉不吉利_百度知道", "most_related_para": -1, "segmented_title": ["鸟屎", "掉", "衣服", "上", "吉", "不", "吉利", "_", "百度", "知道"], "segmented_paragraphs": [["风水学", "是", "说明", "环境", "的", ":", "这", "其中包括", "地理环境", ",", "和", "人际", "环境", "。", "你说的", "鸟屎", "掉落", ",", "属于", "有", "异动", "型", "的", "变化", ",", "所以", "这个", "需要", "用", "卦", "来", "占", "才", "可以", "的", ",", "不", "是", "固定", "的", "结果", "。"], ["这个", "你", "想", "多", "了", "吧", ",", "城市", "都", "没有", "棵", "树", "让", "鸟", "停"]], "paragraphs": ["风水学是说明环境的:这其中包括地理环境,和人际环境。你说的鸟屎掉落,属于有异动型的变化,所以这个需要用卦来占才可以的,不是固定的结果。", "这个你想多了吧,城市都没有棵树让鸟停"], "bs_rank_pos": 0}, {"is_selected": true, "title": "风水学上鸟屎掉在衣服上是什么原因_百度知道", "most_related_para": 0, "segmented_title": ["风水", "学", "上", "鸟屎", "掉", "在", "衣服", "上", "是什么", "原因", "_", "百度", "知道"], "segmented_paragraphs": [["风水学", "是", "说明", "环境", "的", ":", "这", "其中包括", "地理环境", ",", "和", "人际", "环境", "。", "你说的", "鸟屎", "掉落", ",", "属于", "有", "异动", "型", "的", "变化", ",", "所以", "这个", "需要", "用", "卦", "来", "占", "才", "可以", "的", ",", "不", "是", "固定", "的", "结果"], ["这个问题", "严格", "讲", "是", "不对", "的", ",", "鸟屎", "掉", "在", "身上", "不", "属于", "风水", "范畴", ",", "但", "我", "理解", "楼主", "的", "意思", ";", "鸟屎", "掉", "在", "衣服", "上", ",", "有", "一些", "地方", "迷信", "说法", ",", "会", "走", "霉运", ",", "甚至", "衰", "三年", ",", "而", "相反", "的", "一些", "地方", "认为", "将会", "有", "横财", "降临", ",", "所以", "不管", "是", "哪", "种", "说法", "都", "表明", "这个人", "在", "未来", "不", "久", "将", "发生", "某", "件", "或", "某些", "不在", "意料", "的", "事情", ";", "而", "从", "解梦", "角度", "讲", ",", "屎", "粪", ",", "代表", "财富", ",", "财富", "落", "在", "你", "身上", ",", "然而", "“", "梦中", "有", "客", "徵", "残", "锦", ",", "地下", "无", "炉", "铸", "横财", "”", ",", "横财", "是", "意外", "、", "非", "分", "的", "钱财", ",", "它", "将", "带来", "不安", "。"], ["为", "骗", "财", ",", "故", "辩称", "有", ":", "‘", "’", "天", "分", "﹝粪", "?", "﹞", "之", "命", "‘", "’", "!", "引", "你", "把", "钱", "扔", "。", "`", "听天由命", "'", "?", "天上", "不会", "掉", "馅饼", "。", "不", "播种", "五谷", "何以", "生", ";", "﹕", "不", "强", "国家", "难", "宁", ";", "逢山开路", ",", "遇", "水", "搭桥", "…", "…", "…", ",", "靠", "劳动", "。", "命", "由", "自己", "定", "。"], ["鸟屎", "掉", "在", "衣服", "上", "是", "不太", "好", "的", "兆头", "。", "  ", "风水学", "是", "说明", "环境", "的", ":", "这", "其中包括", "地理环境", ",", "和", "人际", "环境", "。", "你说的", "鸟屎", "掉落", ",", "属于", "有", "异动", "型", "的", "变化", ",", "所以", "这个", "需要", "用", "卦", "来", "占", "才", "可以", "的", ",", "不", "是", "固定", "的", "结果", "  ", "是", "学生", ",", "是", "文化人", ".", "鸟屎", "落", "在", "你", "身上", "是", "一", "概率", "与", "机率", "问题", ",", "没有", "别", "的", ",", "洗", "一", "下", "轻装上阵", "."], ["喜从天降", ",", "恭喜你", "了", ",", "今天", "会", "有", "好运", "的", "。"], ["落", "到", "衣服", "上", "是", "要", "吵架", "  ", "我", "今年", "6", "月份", "就", "有", "鸟粪", "落", "到", "我", "的", "衣服", "上", ",", "那", "周", "就是", "吵架", "了"], ["有", "烦恼", "临", "身", ","]], "paragraphs": ["风水学是说明环境的:这其中包括地理环境,和人际环境。你说的鸟屎掉落,属于有异动型的变化,所以这个需要用卦来占才可以的,不是固定的结果", "这个问题严格讲是不对的,鸟屎掉在身上不属于风水范畴,但我理解楼主的意思;鸟屎掉在衣服上,有一些地方迷信说法,会走霉运,甚至衰三年,而相反的一些地方认为将会有横财降临,所以不管是哪种说法都表明这个人在未来不久将发生某件或某些不在意料的事情;而从解梦角度讲,屎粪,代表财富,财富落在你身上,然而“梦中有客徵残锦,地下无炉铸横财”,横财是意外、非分的钱财,它将带来不安。", "为骗财,故辩称有:‘’天分﹝粪?﹞之命‘’!引你把钱扔。 `听天由命'?天上不会掉馅饼。不播种五谷何以生;﹕不强国家难宁;逢山开路,遇水搭桥………,靠劳动。命由自己定。", "鸟屎掉在衣服上是不太好的兆头。   风水学是说明环境的:这其中包括地理环境,和人际环境。你说的鸟屎掉落,属于有异动型的变化,所以这个需要用卦来占才可以的,不是固定的结果   是学生,是文化人.鸟屎落在你身上是一概率与机率问题,没有别的,洗一下轻装上阵.", "喜从天降,恭喜你了,今天会有好运的。", "落到衣服上是要吵架   我今年6月份就有鸟粪落到我的衣服上,那周就是吵架了", "有烦恼临身,"], "bs_rank_pos": 1}, {"is_selected": false, "title": "今天鸟屎掉在衣服上是不是预示着将会发生不好的事情?求解答!谢谢!_", "most_related_para": -1, "segmented_title": ["今天", "鸟屎", "掉", "在", "衣服", "上", "是不是", "预示", "着", "将会", "发生", "不好", "的", "事情", "?", "求", "解答", "!", "谢谢", "!", "_"], "segmented_paragraphs": [["没啥", "呀", ",", "只不过", "有点", "小小", "的", "倒霉", ",", "正好", "被", "你", "碰上", "了", ",", "你", "没", "把", "它", "当成", "预示", ",", "那", "就", "不是", ",", "如果", "你", "要", "把", "它", "当成", ",", "那", "不管", "是不是", "预示", ",", "该", "来", "的", "还是", "会", "来", ",", "从容面对"]], "paragraphs": ["没啥呀,只不过有点小小的倒霉,正好被你碰上了,你没把它当成预示,那就不是,如果你要把它当成,那不管是不是预示,该来的还是会来,从容面对"], "bs_rank_pos": 2}], "answer_spans": [], "yesno_answers": [], "fake_answers": [], "question": "鸟屎掉衣服上吉不吉利", "segmented_answers": [], "answers": [], "yesno_type": "OPINION", "answer_docs": [], "segmented_question": ["鸟屎", "掉", "衣服", "上", "吉", "不", "吉利"], "question_type": "YES_NO", "question_id": 181585, "fact_or_opinion": "OPINION", "match_scores": []} -{"documents": [{"is_selected": true, "title": "【上海哪家医院骨科好】上海那几个医院的骨科好,求赐教 - 爱问知识", "most_related_para": 0, "segmented_title": ["【", "上海", "哪家", "医院", "骨科", "好", "】", "上海", "那", "几个", "医院", "的", "骨科", "好", ",", "求", "赐教", "-", "爱问", "知识"], "segmented_paragraphs": [["下列", "几", "所", "医院", "相关", "信息", "三年前", ",", "有", "一段时间", ",", "我", "经常", "手淫", ",", "有的时候", ".", ".", ".", ".", ".", ".", "谁知道", "太原", "泽", "亿", "医院", "的", "糖尿病", "治疗效果", "怎么样", ".", ".", ".", ".", ".", ".", "5", "月", "初", "来", "了", "5", "天", ",", "5", "月", "11", "号", "又", "来", "了", "到", "26", "号", ".", ".", ".", ".", ".", ".", "成都", "岷江", "医院", "说", "现在", "用", "什么", "781", "生物", "导弹", "注", ".", ".", ".", ".", ".", ".", "输尿管", "梗阻", "喘息", "性", "支气管炎", "北京", "积水潭医院", "预约挂号", "过敏性", "唇炎", "生长激素", "缺乏症", "的", "骨科", ",", "都是", "数", "得", "上", "的", "。", "供", "你", "参考", ":", "上海", "第", "六", "人民", "医院", "骨科", "三级甲等", "上海", "长征医院", "骨科", "三级甲等", "上海", "长海医院", "骨科", "三级甲等", "上海", "第", "九", "人民", "医院", "骨科", "三级甲等", "(", "不", "比", "第", "六", "人民", "医院", "差", ")", "上海", "瑞金医院", "骨科", "三级甲等", "(", "不", "比", "第", "六", "人民", "医院", "差", ")", "上海", "新华医院", "骨科", "三级甲等"], ["上海", "第", "六", "人民", "医院", "骨科", "三级甲等", "6", "院", "举世无双", "·", "~", "~"]], "paragraphs": ["下列几所 医院 相关信息 三年前,有一段时间,我经常手淫,有的时候...... 谁知道太原泽亿医院的糖尿病治疗效果怎么样...... 5月初来了5天,5月11号又来了到26号...... 成都岷江医院说现在用什么781生物导弹注...... 输尿管梗阻 喘息性支气管炎 北京积水潭医院预约挂号 过敏性唇炎 生长激素缺乏症 的骨科,都是数得上的。供你参考: 上海第六人民医院骨科 三级甲等 上海长征医院骨科 三级甲等 上海长海医院骨科 三级甲等 上海第九人民医院骨科 三级甲等 (不比第六人民医院差) 上海瑞金医院骨科 三级甲等 (不比第六人民医院差) 上海新华医院骨科 三级甲等", "上海第六人民医院骨科 三级甲等 6院 举世无双·~~"], "bs_rank_pos": 3}, {"is_selected": false, "title": "上海那家骨科医院比较好_百度知道", "most_related_para": 0, "segmented_title": ["上海", "那", "家", "骨科医院", "比较好", "_", "百度", "知道"], "segmented_paragraphs": [["上海", "第", "六", "人民", "医院", "骨科", "比较", "出名", ",", "尤其", "是", "断指", "再造", "具有", "国际先进水平", ",", "闻名", "世界", "。"], ["上海市", "同济医院", "骨科", "是", "专业", "当然", "还有", "其他"]], "paragraphs": ["上海第六人民医院骨科比较出名,尤其是断指再造具有国际先进水平,闻名世界。", "上海市同济医院 骨科是专业 当然还有其他"], "bs_rank_pos": 6}], "answer_spans": [[103, 123]], "answer_docs": [0], "fake_answers": ["上海第六人民医院骨科三级甲等上海长征医院骨科三级甲等上海长海医院骨科三级甲等上海第九人民医院骨科"], "question": "上海哪个医院骨科比较好", "segmented_answers": [["上海", "第", "六", "人民", "医院", "骨科", "、", "上海", "长征医院", "骨科", "、", "上海", "长海医院", "骨科", "、", "上海", "第", "十", "人民", "医院", "骨科", "、", "上海", "瑞金医院", "骨科", "。"]], "answers": ["上海第六人民医院骨科、上海长征医院骨科、上海长海医院骨科、上海第十人民医院骨科 、上海瑞金医院骨科。"], "entity_answers": [["上海第六人民医院", "上海长征医院", "上海长海医院", "上海第十人民医院 ", "上海瑞金医院"]], "segmented_question": ["上海", "哪个", "医院", "骨科", "比较好"], "question_type": "ENTITY", "match_scores": [0.7234042553191489], "fact_or_opinion": "OPINION", "question_id": 181586} -{"documents": [{"is_selected": true, "title": "女人手心脚心发热是什么原因_百度拇指医生", "most_related_para": 1, "segmented_title": ["女人", "手心", "脚心", "发热", "是什么", "原因", "_", "百度", "拇指", "医生"], "segmented_paragraphs": [["?", "女人", "手心", "脚心", "发热", "是什么", "原因"], ["手心", "脚心", "发热", "是", "典型", "的", "肾阴虚", "症状", ".", "中医", "讲", "肾虚", "分为", "肾阳虚", "和", "肾", "银", "虚", ",", "其中", ":", "肾阴虚", "主要", "表现", "为", ":", "腮红", "/", "自汗", "口渴", "/", "内热", "伴有", "习惯性", "口腔溃疡", "/", "怕热", "/", "腰酸", "/", "手脚", "心", "热", "/", "尿糖", "偏高", "/", "烦躁不安", "/", "易怒", "/", "习惯性", "感冒", "等", "。", "如果", "有", "三", "条", "以上", "的", "症状", "符合", "你", "目前", "情况", ",", "就", "建议", "你", "去", "医院", "看一下", "中医内科", ",", "稍", "做", "调理", "即可", "。", "对", "这个问题", "西医", "尚未", "有", "很好", "的", "解释", ",", "所以", "有", "的", "医生", "可能", "说", "这", "不", "算", "什么", "病", ",", "但", "中医", "对此", "有", "详细", "的", "解释", "。", "手足", "心", "发热", "而", "未", "有", "其它", "症状", "相伴", "的", "是", "极少", "的", ",", "绝大多数", "手足", "心", "发热", "的", "多", "同时", "伴有", "未", "引起", "注意", "的", "或", "被", "看", "作", "是", "正常", "的", "表现", "。", "中医", "将", "手足", "心", "发热", "分为", "疳积", "脾虚", "和", "血虚", "阴", "亏", "两种", "。", "1", "、", "疳积", "脾虚", ",", "手足", "心", "发热", "其原因", "一", "是", "饮食", "不", "节", ",", "即", "有", "的", "饮食", "无", "度", ",", "食", "不", "定时", ",", "常", "吃零食", ",", "长期", "下去", "可", "损伤", "脾胃", "功能", ",", "引起", "运", "化", "失常", ",", "形成", "积滞", ",", "积滞", "日久", ",", "水谷", "精微", "无能", "吸收", ",", "形成", "疳积", "而", "发热", "。", "二", "是", "患", "其它", "疾病", "后", ",", "如", "吐泻", ",", "痢疾", "、", "寄生虫病", "等", "治疗", "不当", ",", "迁延", "日久", ",", "损伤", "气血", ",", "导致", "营养不良", "而", "形成", "疳积", "发热", "。", "这", "部分", "常见", "为", "手足", "心", "发热", ",", "面黄肌瘦", ",", "毛发", "干枯", ",", "腹部", "胀", "大", ",", "食欲", "不佳", ",", "常", "食", "异物", ",", "夜", "睡", "不宁", ",", "大便", "较", "稀", ",", "有", "不消化", "食物", ",", "小便", "黄", "浊", "如", "米泔", "。", "2", "、", "血虚", "阴", "亏", ",", "手足", "发热", "其原因", "多", "由于", "平", "素", "体质虚弱", ",", "或", "大病", "、", "热病", "后", ",", "失", "于", "调理", ",", "阴", "血", "耗", "伤", ",", "正气", "尚未", "恢复", "而", "致", "。", "这", "部分", "常", "表现", "为", "手足", "心", "发热", ",", "形体", "消瘦", ",", "精神萎靡", ",", "咳嗽", "少", "痰", ",", "目眩", "耳鸣", ",", "口干舌燥", ",", "午后", "潮热", ",", "颧红", "盗汗", ",", "小便", "频数", ",", "大便秘结", "。", "手足", "心", "发热", ",", "以", "疳积", "脾虚", "引起", "的", "多", "见", ",", "绝大多数", "是", "3", "岁", "以下", "的", "婴幼儿", "。", "在", "药物治疗", "的", "同时", ",", "还要", "注意", "补充", "一定", "数量", "的", "富有", "营养", "的", "食品", ",", "多", "晒太阳", ",", "呼吸新鲜空气", ",", "以", "促进", "体质", "的", "恢复", "。", "从", "中医", "角度看", ",", "手足心热", "是", "阴虚证", "以及", "阴虚火旺", "证", "常见", "的", "临床表现", ",", "除了", "手足心热", ",", "阴虚证", "还", "可以", "有", "潮热", "盗汗", ",", "烦躁", ",", "心烦", "不寐", ",", "舌", "红", "少", "苔", ",", "脉", "细", "数", "等", "表现", ",", "治疗", "方面", "主要", "是", "使用", "一些", "滋阴", "清热", "的", "药物", ",", "比如", "知柏地黄丸", "之类", "的", "。"], ["手心", "脚心", "特别", "的", "热", ",", "混身", "一点", "力气", "都", "没有", ",", "就", "向", "一", "摊", "泥", "是", "的", ",", "是什么", "病", "啊", "?", "应该", "吃", "点", "什么", "药", "呢", "."], ["我", "也是", "手心", "脚心", "发热", ",", "不知道", "怎么回事", ",", "特别", "是", "夏天", "的", "时候", ",", "特别", "的", "烫"], ["阴虚", "血热", ",", "吃", "知柏地黄丸", "滋阴", "降火", "有效", "。"], ["多", "为", "营", "分", "学", "分", "热", "邪", "炽盛", "。"]], "paragraphs": ["?女人手心脚心发热是什么原因", "手心脚心发热是典型的肾阴虚症状.中医讲肾虚分为肾阳虚和肾银虚,其中: 肾阴虚主要表现为:腮红/自汗口渴/内热伴有习惯性口腔溃疡/怕热/腰酸/手脚心热/ 尿糖偏高/烦躁不安/易怒/习惯性感冒等。如果有三条以上的症状符合你目前情况,就建议你去医院看一下中医内科,稍做调理即可。 对这个问题西医尚未有很好的解释,所以有的医生可能说这不算什么病,但中医对此有详细的解释。 手足心发热而未有其它症状相伴的是极少的,绝大多数手足心发热的多同时伴有未引起注意的或被看作是正常的表现。中医将手足心发热分为疳积脾虚和血虚阴亏两种。 1、疳积脾虚,手足心发热 其原因一是饮食不节,即有的饮食无度,食不定时,常吃零食,长期下去可损伤脾胃功能,引起运化失常,形成积滞,积滞日久,水谷精微无能吸收,形成疳积而发热。 二是患其它疾病后,如吐泻,痢疾、寄生虫病等治疗不当,迁延日久,损伤气血,导致营养不良而形成疳积发热。这部分常见为手足心发热,面黄肌瘦,毛发干枯,腹部胀大,食欲不佳,常食异物,夜睡不宁,大便较稀,有不消化食物,小便黄浊如米泔。 2、血虚阴亏,手足发热 其原因多由于平素体质虚弱,或大病、热病后,失于调理,阴血耗伤,正气尚未恢复而致。这部分常表现为手足心发热,形体消瘦,精神萎靡,咳嗽少痰,目眩耳鸣,口干舌燥,午后潮热,颧红盗汗,小便频数,大便秘结。 手足心发热,以疳积脾虚引起的多见,绝大多数是3岁以下的婴幼儿。 在药物治疗的同时,还要注意补充一定数量的富有营养的食品,多晒太阳,呼吸新鲜空气,以促进体质的恢复。 从中医角度看,手足心热是阴虚证以及阴虚火旺证常见的临床表现,除了手足心热,阴虚证还可以有潮热盗汗,烦躁,心烦不寐,舌红少苔,脉细数等表现,治疗方面主要是使用一些滋阴清热的药物,比如知柏地黄丸之类的。", "手心脚心特别的热,混身一点力气都没有,就向一摊泥是的,是什么病啊?应该吃点什么药呢.", "我也是手心脚心发热,不知道怎么回事,特别是夏天的时候,特别的烫", "阴虚血热,吃知柏地黄丸滋阴降火有效。", "多为营分学分热邪炽盛。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "女性手心发热是什么原因?_百度知道", "most_related_para": 0, "segmented_title": ["女性", "手心", "发热", "是什么", "原因", "?", "_", "百度", "知道"], "segmented_paragraphs": [["手心", "热", "证", "名", "。", "两", "手掌", "心", "有", "发热", "感觉", "。", "一名", "掌中热", "。", "手三阴经", "是", "动", "、", "所", "生病", "证", "之", "一", "。", "详见", "掌", "中", "热", "条", "。", "又", "为", "劳倦", "内伤", "及", "五心烦热", "的", "症状", "之", "一", "。", "《", "内外伤辨惑论", "》", "卷", "上", ":", "“", "内伤", "及", "劳役", "饮食", "不", "节", ",", "病", "手心热", ",", "手背", "不热", ";", "外伤", "风寒", "则", "手背", "热", ",", "手心", "不热", ",", "此", "辨", "至", "甚", "皎然", "。", "”", "参见", "掌中热", "、", "五心烦热", "条", "。", "应", "请", "①", "从", "饮食", "上", "注意", ",", "少", "食", "油炸", ",", "油腻", "食品", "含", "脂肪", "和", "胆固醇", "高", "的", "动物", "内脏", "和", "肥肉", "等", ",", "多", "食", "蔬菜", "、", "水果", "和", "清淡", "的", "饮食", ",", "如", "绿豆", "百合", "汤", ",", "忌", "酒", "和", "烟", "。", "②", "可用", "金银花", "、", "野菊花", "、", "芦根", "泡水", "代", "茶", "有", "清", "火", "作用", ",", "少", "吃", "可口可乐", "及", "奶制品", "冷饮", ".", "此外", ",", "梨", "、", "葡萄", "吃着", "正当时", ":", "梨", ",", "含有", "丰富", "的", "维生素", ",", "具有", "祛痰", "止咳", "、", "利咽", ",", "保护心脏", ",", "减轻", "疲劳", "和", "通便", "的", "作用", ";", "葡萄", ",", "有", "抑制", "癌变", "细胞", "扩散", "、", "抗", "动脉硬化", "、", "调节", "心", "搏", "次数", "的", "功能", "。", "但是", "对于", "老人", "孩子", ",", "食用", "的", "分量", "不宜过多", "。", "便秘", "、", "痔疮", "者", "可", "多", "食", "菠菜", "、", "芹菜", "、", "竹笋"]], "paragraphs": ["手心热证名。两手掌心有发热感觉。一名掌中热。手三阴经是动、所生病证之一。详见掌中热条。又为劳倦内伤及五心烦热的症状之一。《内外伤辨惑论》卷上:“内伤及劳役饮食不节,病手心热,手背不热;外伤风寒则手背热,手心不热,此辨至甚皎然。”参见掌中热、五心烦热条。 应请①从饮食上注意,少食油炸,油腻食品含脂肪和胆固醇高的动物内脏和肥肉等,多食蔬菜、水果和清淡的饮食,如绿豆百合汤,忌酒和烟。②可用金银花、野菊花、芦根泡水代茶有清火作用,少吃可口可乐及奶制品冷饮. 此外, 梨、葡萄吃着正当时:梨,含有丰富的维生素,具有祛痰止咳、利咽,保护心脏,减轻疲劳和通便的作用;葡萄,有抑制癌变细胞扩散、抗动脉硬化、调节心搏次数的功能。但是对于老人孩子,食用的分量不宜过多。 便秘、痔疮者可多食菠菜、芹菜、竹笋"], "bs_rank_pos": 2}, {"is_selected": true, "title": "女人手心热的原因_百度文库", "most_related_para": 0, "segmented_title": ["女人", "手心热", "的", "原因", "_", "百度", "文库"], "segmented_paragraphs": [["很多人", "常", "有", "这样", "的", "感觉", ",", "手心", "经常", "发", "烫", ",", "贴", "在", "其他", "部位", "的", "皮肤", "上", ",", "会", "有", "热", "热", "的", "感觉", ";", "有", "的", "人", "还有", "夏季", "手心", "热", ",", "冬季", "反而", "手心", "冷", "的", "特点", ";", "还有", "一些人", "手心", "、", "脚", "心", "都", "感觉", "热", ",", "甚至", "心里", "老是", "烦", "烦", "的", ",", "容易", "发脾气", "。", "在", "中医学", "中", ",", "这", "叫", "“", "五心烦热", "”", ",", "多", "见于", "阴虚", "、", "血虚", "和", "食积", "。", "前", "二者", "多发", "于", "女性", ",", "后者", "多", "为", "儿童", "。", "阴虚", "所致", "的", "手心热", "多", "见于", "肾阴", "不足", ",", "或", "肝", "肾阴虚", "。", "表现", "为", "腰膝酸软", ",", "手足", "心", "热", ",", "咽干", "口", "燥", ",", "舌", "质", "红", "少", "津", ",", "严重", "者", "可", "出现", "性机能", "虚", "性", "亢奋", "。", "这样", "的", "患者", "可", "选用", "知柏地黄丸", "、", "六味地黄丸", "这", "一类", "滋阴", "清热", "的", "药物", "。", "血虚", "导致", "的", "手心热", ",", "大", "多", "见于", "年轻女性", ",", "多", "伴有", "痛经", "。", "最", "典型", "的", "表现", "就是", "夏", "天", "手心热", "、", "冬天", "反倒", "手脚", "冰凉", "。", "这", "类", "患者", ",", "平", "日", "可", "服用", "当归", "补血", "丸", "这", "类", "补", "养", "气血", "的", "药物", ",", "或者", "用", "当归", "6", "g", "、", "黄芪", "30g", ",", "配合", "来", "熬汤", "。", "食积", "也称", "“", "停食", "”", ",", "是", "指", "小儿", "由于", "脾胃虚弱", ",", "饮食", "不", "节", ",", "引起", "小儿", "脾胃", "功能", "失常", ",", "造成", "小儿", "消化", "功能", "紊乱", "导致", "食积", "症", "。", "多", "表现", "为", "食欲不振", "、", "两", "颧", "潮红", "、", "手足", "心", "热", "、", "腹胀", "嗳气", "。", "小孩", "手足心热", ",", "既", "不能", "用", "滋阴", "的", "方法", ",", "也", "不能", "用", "养血", "的", "方法", ",", "当", "以", "健脾", "消", "积", "为", "治", "法", ",", "或", "以", "捏脊", "疗法", "缓解", "。", "的", "来", "说", ",", "手心", "热", "的", "成人", ",", "不管", "哪", "种", "症", "状", ",", "生活", "中", "一", "要", "忌", "生气", ",", "二", "要", "忌食", "辛辣", "。", "这", "是因为", "“", "气", "有余", "便是", "火", "”", ",", "火热", "损伤", "阴", "血", ",", "会", "发生", "手心热"]], "paragraphs": ["很多人常有这样的感觉,手心经常发烫,贴在其他部位的皮肤上,会有热热 的感觉;有的人还有夏季手心热,冬季反而手心冷的特点;还有一些人手心、脚 心都感觉热,甚至心里老是烦烦的,容易发脾气。在中医学中,这叫“五心烦热”, 多见于阴虚、血虚和食积。前二者多发于女性,后者多为儿童。 阴虚所致的手心热多见于肾阴不足,或肝肾阴虚。表现为腰膝酸软,手足心 热,咽干口燥,舌质红少津,严重者可出现性机能虚性亢奋。这样的患者可选用 知柏地黄丸、六味地黄丸这一类滋阴清热的药物。 血虚导致的手心热,大多见于年轻女性,多伴有痛经。最典型的表现就是夏 天手心热、冬天反倒手脚冰凉。这类患者,平日可服用当归补血丸这类补养气血 的药物,或者用当归 6g、黄芪 30g,配合来熬汤。 食积也称“停食”,是指小儿由于脾胃虚弱,饮食不节,引起小儿脾胃功能 失常,造成小儿消化功能紊乱导致食积症。多表现为食欲不振、两颧潮红、手足 心热、腹胀嗳气。小孩手足心热,既不能用滋阴的方法,也不能用养血的方法, 当以健脾消积为治法,或以捏脊疗法缓解。的来说,手心热的成人,不管哪种症 状,生活中一要忌生气,二要忌食辛辣。这是因为“气有余便是火”,火热损伤 阴血,会发生手心热"], "bs_rank_pos": 12}], "answer_spans": [[0, 7]], "fake_answers": ["手心脚心发热是典型的肾阴虚症状"], "question": "女人手心烧是什么原因", "segmented_answers": [["手心", "脚心", "发热", "是", "典型", "的", "肾阴虚", "症状", "。"], ["结缔组织", "疾病", ":", "风湿热", "、", "系统性红斑狼疮", "、", "类风湿性关节炎", "等", "可", "引起", "手心", "发热", ",", "但", "发生", "率", "不", "高", ",", "而且", "一般", "伴有", "明显", "全身", "发热", "症状", "。"], ["手心", "经常", "发", "烫", ",", "贴", "在", "其他", "部位", "的", "皮肤", "上", ",", "会", "有", "热", "热", "的", "感觉", ";", "有", "的", "人", "还有", "夏季", "手心", "热", ",", "冬季", "反而", "手心", "冷", "的", "特点", ";", "还有", "一些人", "手心", "、", "脚心", "都", "感觉", "热", ",", "甚至", "心里", "老是", "烦", "烦", "的", ",", "容易", "发脾气", "。", "在", "中医学", "中", ",", "这", "叫", "\"", "五心烦热", "\"", ",", "多", "见于", "阴虚", "、", "血虚", "和", "食积", "。", "前", "二者", "多发", "于", "女性", ",", "后者", "多", "为", "儿童", "。", "阴虚", "所致", "的", "手心热", "多", "见于", "肾阴", "不足", ",", "或", "肝", "肾阴虚", "。", "血虚", "导致", "的", "手心热", ",", "大", "多", "见于", "年轻女性", ",", "多", "伴有", "痛经", "。", "中医", "将", "手心", "发热", "是", "怎么回事", "分为", "疳积", "脾虚", "和", "血虚", "阴", "亏", "两种", "。", "1", "、", "疳积", "脾虚", ",", "手足", "心", "发热", "其原因", "一", "是", "饮食", "不", "节", ",", "即", "有", "的", "饮食", "无", "度", ",", "食", "不", "定时", ",", "常", "吃零食", ",", "长期", "下去", "可", "损伤", "脾胃", "功能", ",", "引起", "运", "化", "失常", ",", "形成", "积滞", ",", "积滞", "日久", ",", "水谷", "精微", "无能", "吸收", ",", "形成", "疳积", "而", "发热", "。", "二", "是", "患", "其它", "疾病", "后", ",", "如", "吐泻", ",", "痢疾", "、", "寄生虫病", "等", "治疗", "不当", ",", "迁延", "日久", ",", "损伤", "气血", ",", "导致", "营养不良", "而", "形成", "疳积", "发热", "。", "这", "部分", "常见", "为", "手足", "心", "发热", ",", "面黄肌瘦", ",", "毛发", "干枯", ",", "腹部", "胀", "大", ",", "食欲", "不佳", ",", "常", "食", "异物", ",", "夜", "睡", "不宁", ",", "大便", "较", "稀", ",", "有", "不消化", "食物", ",", "小便", "黄", "浊", "如", "米泔", "。", "2", "、", "血虚", "阴", "亏", ",", "手足", "发热", "其原因", "多", "由于", "平", "素", "体质虚弱", ",", "或", "大病", "、", "热病", "后", ",", "失", "于", "调理", ",", "阴", "血", "耗", "伤", ",", "正气", "尚未", "恢复", "而", "致", "。", "这", "部分", "常", "表现", "为", "手足", "心", "发热", ",", "形体", "消瘦", ",", "精神萎靡", ",", "咳嗽", "少", "痰", ",", "目眩", "耳鸣", ",", "口干舌燥", ",", "午后", "潮热", ",", "颧红", "盗汗", ",", "小便", "频数", ",", "大便秘结", "。", "手足", "心", "发热", ",", "以", "疳积", "脾虚", "引起", "的", "多", "见", ",", "绝大多数", "是", "3", "岁", "以下", "的", "婴幼儿", "。", "在", "药物治疗", "的", "同时", ",", "还要", "注意", "补充", "一定", "数量", "的", "富有", "营养", "的", "食品", ",", "多", "晒太阳", ",", "呼吸新鲜空气", ",", "以", "促进", "体质", "的", "恢复", "。"]], "answers": ["手心脚心发热是典型的肾阴虚症状。", "结缔组织疾病:风湿热、系统性红斑狼疮、类风湿性关节炎等可引起手心发热 ,但发生率不高 ,而且一般伴有明显全身发热症状。", "手心经常发烫,贴在其他部位的皮肤上,会有热热的感觉;有的人还有夏季手心热,冬季反而手心冷的特点;还有一些人手心、脚心都感觉热,甚至心里老是烦烦的,容易发脾气。在中医学中,这叫\"五心烦热\",多见于阴虚、血虚和食积。前二者多发于女性,后者多为儿童。阴虚所致的手心热多见于肾阴不足,或肝肾阴虚。血虚导致的手心热,大多见于年轻女性,多伴有痛经。中医将手心发热是怎么回事分为疳积脾虚和血虚阴亏两种。1、疳积脾虚,手足心发热其原因一是饮食不节,即有的饮食无度,食不定时,常吃零食,长期下去可损伤脾胃功能,引起运化失常,形成积滞,积滞日久,水谷精微无能吸收,形成疳积而发热。二是患其它疾病后,如吐泻,痢疾、寄生虫病等治疗不当,迁延日久,损伤气血,导致营养不良而形成疳积发热。这部分常见为手足心发热,面黄肌瘦,毛发干枯,腹部胀大,食欲不佳,常食异物,夜睡不宁,大便较稀,有不消化食物,小便黄浊如米泔。2、血虚阴亏,手足发热其原因多由于平素体质虚弱,或大病、热病后,失于调理,阴血耗伤,正气尚未恢复而致。这部分常表现为手足心发热,形体消瘦,精神萎靡,咳嗽少痰,目眩耳鸣,口干舌燥,午后潮热,颧红盗汗,小便频数,大便秘结。手足心发热,以疳积脾虚引起的多见,绝大多数是3岁以下的婴幼儿。在药物治疗的同时,还要注意补充一定数量的富有营养的食品,多晒太阳,呼吸新鲜空气,以促进体质的恢复。"], "answer_docs": [0], "segmented_question": ["女人", "手心", "烧", "是什么", "原因"], "question_type": "DESCRIPTION", "question_id": 181587, "fact_or_opinion": "OPINION", "match_scores": [0.9411764705882353]} -{"documents": [{"is_selected": true, "title": "比熊和泰迪能配种吗_百度知道", "most_related_para": 1, "segmented_title": ["比熊", "和", "泰迪", "能", "配种", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["很多", "比熊", "卖家", "为了", "让", "比熊", "体型", "更", "小", "~", "所以", "跟", "体型", "较", "小", "的", "泰迪", "配种", "。", "基本上", "什么", "品种", "的", "狗狗", "都", "可以", "相互", "配种", "。", "常见", "的", "泰迪", "配种", "有", ":", "比熊", ",", "约克夏", ",", "可卡", "…", "…", "都是", "奸商", "研究", "出来", "让", "泰迪", "品", "相", "更好", "的", "配种", "方式", ",", "当然", "配", "出", "不伦不类", "的", "几率", "也", "很大", "哦", "~", "相对来说", "和", "比熊", "配", "还算", "安全", "~", "因为", "两", "个", "犬", "种", "外观", "接近", "即使", "品", "相", "不好", "也", "不会", "有", "很大", "出入", ",", "建议", "LZ", "还是", "用", "白色", "的", "泰迪", "来", "配", ",", "基因", "相对稳定", "~", "也", "减少", "配", "出", "花色", "的", "几率"], ["-", "-", "。", "有何不可", "。", "只要", "体型", "差距", "别", "大", "的", "太过分", "。", "和", "任何", "品种", "都", "可以", "配种", "。", "问题", "是", "这样", "的", "后果", ",", "所以", "请", "不要", "做", "这种", "无聊", "的", "事情"], ["狗狗", "之间", "都", "可以", "配种", ",", "但是", "配", "出来", "的", "狗狗", "带有", "父母", "双方", "的", "样子", ",", "不会", "是", "纯", "的", "某", "一", "种", "狗狗", ",", "就是", "大家", "常", "说", "的", "串串", "。", "如果", "不介意", "的", "话", ",", "可以", "配", "哈", "~", "但", "不", "建议", "~"], ["只要", "是", "狗狗", "无论", "什么", "品种", "都", "能", "配", ",", "只是", "配", "出来", "了", "就", "不再", "是", "纯种", "的", "而已"]], "paragraphs": ["很多比熊卖家为了让比熊体型更小~所以跟体型较小的泰迪配种。 基本上什么品种的狗狗都可以相互配种。 常见的泰迪配种有:比熊,约克夏,可卡……都是奸商研究出来让泰迪品相更好的配种方式,当然配出不伦不类的几率也很大哦~ 相对来说和比熊配还算安全~因为两个犬种外观接近即使品相不好也不会有很大出入,建议LZ还是用白色的泰迪来配,基因相对稳定~也减少配出花色的几率", "- -。有何不可。只要体型差距别大的太过分。和任何品种都可以配种。 问题是这样的后果,所以请不要做这种无聊的事情", "狗狗之间都可以配种,但是配出来的狗狗带有父母双方的样子,不会是纯的某一种狗狗,就是大家常说的串串。如果不介意的话,可以配哈~但不建议~", "只要是狗狗无论什么品种都能配,只是配出来了就不再是纯种的而已"], "bs_rank_pos": 0}, {"is_selected": false, "title": "泰迪熊犬和比熊犬可以杂交嘛?_百度知道", "most_related_para": 2, "segmented_title": ["泰迪", "熊", "犬", "和", "比熊犬", "可以", "杂交", "嘛", "?", "_", "百度", "知道"], "segmented_paragraphs": [["可以", ",", "比熊", "和", "白色", "的", "泰迪", ",", "除了", "尾巴", "和", "耳朵", ",", "从", "外型", "上", "基本上", "是", "特征", "一致", "的", "两", "个", "品种", "。", "但是", ",", "泰迪", "的", "智商", "要", "比", "比熊", "高", "很多", "呢", ",", "而且", "性格", "更", "稳定", "贵宾犬", ",", "Poodle", ",", "也称", "“", "贵妇", "犬", "”", ",", "又", "称", "“", "卷毛狗", "”", ",", "泰迪", "是", "贵宾犬", "的", "美容", "造型", "之", "一", "。", "贵宾犬", "起源于", "德国", ",", "以", "水中", "捕猎", "而", "著称", ",", "属于", "非常", "聪明", "的", "且", "喜欢", "狩猎", "的", "犬", "种", ",", "多年以来", ",", "它", "一直", "被", "认为", "是", "法国", "的", "国", "犬", "。", "贵宾犬", "根据", "体型", "大小", "分为", "巨型", "犬", "、", "标准", "犬", "、", "迷你", "犬", "、", "玩具", "犬", "(", "含", "茶杯", "犬", ")", "四种", ",", "它们", "的", "主要", "区别", "是", "体型", ",", "看起来", "有种", "高贵", "的", "气质", ",", "给", "人", "一", "种", "喜悦", "的", "、", "聪明", "的", "感觉", ",", "能", "给", "人", "带来", "愉悦", "的", "心情", "。", "比熊犬", "(", "法语", ":", "Bichon", "Frisé", ",", "意", "指", "“", "白色", "卷毛", "的", "玩", "赏", "用", "小狗", "”", ")", "原", "产", "于", "地中海地区", ",", "是", "一", "种", "小型", "犬", "品种", "。", "是", "常见", "宠物", ",", "外表", "类似于", "马尔济斯", "。", "它们", "不会", "自然", "脱毛", ",", "因此", "毛发", "需要", "整理", "。", "颜色", "一般", "白色", "。", "原", "称", "巴", "比熊犬", ",", "后", "缩", "为", "比熊犬", "。", "怀疑", "是", "巴比特犬", "和"], ["可以", ",", "比熊", "和", "白色", "的", "泰迪", ",", "除了", "尾巴", "和", "耳朵", ",", "从", "外型", "上", "基本上", "是", "特征", "一致", "的", "两", "个", "品种", "。", "但是", ",", "泰迪", "的", "智商", "要", "比", "比熊", "高", "很多", "呢", ",", "而且", "性格", "更", "稳定", ",", "所以", ",", "你", "自己", "考虑", "喽", "。", "。", "。"], ["可以", ",", "比熊", "和", "白色", "的", "泰迪", ",", "除了", "尾巴", "和", "耳朵", ",", "从", "外型", "上", "基本上", "是", "特征", "一致", "的", "两", "个", "品种", "。", "但是", ",", "泰迪", "的", "智商", "要", "比", "比熊", "高", "很多", "呢", ",", "而且", "性格", "更", "稳定", "贵宾犬", ",", "Poodle", ",", "也称", "“", "贵妇", "犬", "”", ",", "又", "称", "“", "卷毛狗", "”", ",", "泰迪", "是", "贵宾犬", "的", "美容", "造型", "之", "一", "。", "贵宾犬", "起源于", "德国", ",", "以", "水中", "捕猎", "而", "著称", ",", "属于", "非常", "聪明", "的", "且", "喜欢", "狩猎", "的", "犬", "种", ",", "多年以来", ",", "它", "一直", "被", "认为", "是", "法国", "的", "国", "犬", "。", "贵宾犬", "根据", "体型", "大小", "分为", "巨型", "犬", "、", "标准", "犬", "、", "迷你", "犬", "、", "玩具", "犬", "(", "含", "茶杯", "犬", ")", "四种", ",", "它们", "的", "主要", "区别", "是", "体型", ",", "看起来", "有种", "高贵", "的", "气质", ",", "给", "人", "一", "种", "喜悦", "的", "、", "聪明", "的", "感觉", ",", "能", "给", "人", "带来", "愉悦", "的", "心情", "。", "比熊犬", "(", "法语", ":", "Bichon", "Frisé", ",", "意", "指", "“", "白色", "卷毛", "的", "玩", "赏", "用", "小狗", "”", ")", "原", "产", "于", "地中海地区", ",", "是", "一", "种", "小型", "犬", "品种", "。", "是", "常见", "宠物", ",", "外表", "类似于", "马尔济斯", "。", "它们", "不会", "自然", "脱毛", ",", "因此", "毛发", "需要", "整理", "。", "颜色", "一般", "白色", "。", "原", "称", "巴", "比熊犬", ",", "后", "缩", "为", "比熊犬", "。", "怀疑", "是", "巴比特犬", "和"], ["千万", "别", "!", "会", "后悔", "的", "!", "生", "出来", "的", "狗狗", "是", "浅", "土黄色", "的", "!", "超", "难看", "!", "不", "纯", "!"], ["这个", "得", "问", "它们", "自己", "愿", "不愿意", "了", "?", "如果", "愿意", ",", "品种", "不是", "问题", ",", "咳咳", "!"], ["可以", ",", "但是", "生", "出来", "的", "狗狗", "可能", "不会", "好看", "。"]], "paragraphs": ["可以,比熊和白色的泰迪,除了尾巴和耳朵,从外型上基本上是特征一致的两个品种。但是,泰迪的智商要比比熊高很多呢,而且性格更稳定 贵宾犬,Poodle,也称“贵妇犬”,又称“卷毛狗”,泰迪是贵宾犬的美容造型之一。贵宾犬起源于德国,以水中捕猎而著称,属于非常聪明的且喜欢狩猎的犬种,多年以来,它一直被认为是法国的国犬。贵宾犬根据体型大小分为巨型犬、标准犬、迷你犬、玩具犬(含茶杯犬)四种,它们的主要区别是体型,看起来有种高贵的气质,给人一种喜悦的、聪明的感觉,能给人带来愉悦的心情。 比熊犬(法语:Bichon Frisé,意指“白色卷毛的玩赏用小狗”)原产于地中海地区,是一种小型犬品种。是常见宠物,外表类似于马尔济斯。它们不会自然脱毛,因此毛发需要整理。颜色一般白色。原称巴比熊犬,后缩为比熊犬。怀疑是巴比特犬和", "可以,比熊和白色的泰迪,除了尾巴和耳朵,从外型上基本上是特征一致的两个品种。但是,泰迪的智商要比比熊高很多呢,而且性格更稳定,所以,你自己考虑喽。。。", "可以,比熊和白色的泰迪,除了尾巴和耳朵,从外型上基本上是特征一致的两个品种。但是,泰迪的智商要比比熊高很多呢,而且性格更稳定 贵宾犬,Poodle,也称“贵妇犬”,又称“卷毛狗”,泰迪是贵宾犬的美容造型之一。贵宾犬起源于德国,以水中捕猎而著称,属于非常聪明的且喜欢狩猎的犬种,多年以来,它一直被认为是法国的国犬。贵宾犬根据体型大小分为巨型犬、标准犬、迷你犬、玩具犬(含茶杯犬)四种,它们的主要区别是体型,看起来有种高贵的气质,给人一种喜悦的、聪明的感觉,能给人带来愉悦的心情。 比熊犬(法语:Bichon Frisé,意指“白色卷毛的玩赏用小狗”)原产于地中海地区,是一种小型犬品种。是常见宠物,外表类似于马尔济斯。它们不会自然脱毛,因此毛发需要整理。颜色一般白色。原称巴比熊犬,后缩为比熊犬。怀疑是巴比特犬和", "千万别!会后悔的!生出来的狗狗是浅土黄色的!超难看!不纯!", "这个得问它们自己愿不愿意了?如果愿意,品种不是问题,咳咳!", "可以,但是生出来的狗狗可能不会好看。"], "bs_rank_pos": 1}], "answer_spans": [[4, 18]], "yesno_answers": ["Yes"], "fake_answers": ["。只要体型差距别大的太过分。和任何品种都可以配种"], "question": "比熊跟泰迪能配吗", "segmented_answers": [["只要", "体型", "差距", "别", "大", "的", "太过分", "。", "和", "任何", "品种", "都", "可以", "配种", "。"]], "answers": ["只要体型差距别大的太过分。和任何品种都可以配种。"], "yesno_type": "OPINION", "answer_docs": [0], "segmented_question": ["比熊", "跟", "泰迪", "能", "配", "吗"], "question_type": "YES_NO", "question_id": 181588, "fact_or_opinion": "OPINION", "match_scores": [1.0]} -{"documents": [{"is_selected": true, "title": "壁虎是益虫还是害虫? - 爱问知识人", "most_related_para": 7, "segmented_title": ["壁虎", "是", "益虫", "还是", "害虫", "?", "-", "爱问知识人"], "segmented_paragraphs": [["壁虎", "是", "益虫", "还是", "害虫", "?"], ["当然", "是", "益虫", "了", "!"], ["这么说", "不太", "准确", ",", "一般", "我们", "把"], ["或者", "节肢动物", "叫做", "益虫", ",", "害虫", "。"], ["壁虎", "属于", "爬行类", ",", "叫做", "益", "兽", "比较好", "。"], ["壁虎", "没有", "什么", "伤人", "的", "特性", ",", "少数", "几", "种", "可能", "有毒", "。"], ["捕食", "昆虫", "为", "生", "。", "当然", "对", "人", "来", "说", ",", "是", "有", "好处", "的", "。"], ["壁虎", "是", "益虫", ",", "吃", "蚊子", "苍蝇", "昆虫", ",", "模样", "难看", ",", "实则", "益虫", ",", "不", "咬人"], ["壁虎", "是", "爬行类", "动物", ",", "一般", "捕食", "害虫", "~", "可以", "看看", ":", "恋", "晨", "|", "06", "-", "05", "-", "30", "0", "0", "举报"], ["生物学", "相关知识"], ["确定", "举报", "此", "问题"], ["报告", ",", "这", "不是", "个", "问题"], ["这", "不是", "个", "问题", "这个问题", "分类", "似乎", "错", "了", "这个", "不是", "我", "熟悉", "的", "地区"]], "paragraphs": ["壁虎是益虫还是 害虫?", "当然是益虫了!", "这么说不太准确,一般我们把", "或者节肢动物叫做益虫,害虫。", "壁虎属于爬行类,叫做益兽比较好。", "壁虎没有什么伤人的特性,少数几种可能有毒。", "捕食昆虫为生。当然对人来说,是有好处的。", "壁虎是益虫,吃蚊子苍蝇昆虫,模样难看,实则益虫,不咬人", "壁虎是爬行类动物,一般捕食害虫~ 可以看看: 恋晨 | 06-05-30 0 0 举报", "生物学相关知识", "确定举报此问题", "报告,这不是个问题", "这不是个问题 这个问题分类似乎错了 这个不是我熟悉的地区"], "bs_rank_pos": 0}, {"is_selected": false, "title": "壁虎是益虫还是害虫?_百度知道", "most_related_para": 1, "segmented_title": ["壁虎", "是", "益虫", "还是", "害虫", "?", "_", "百度", "知道"], "segmented_paragraphs": [["壁虎", "是", "一", "种", "爬行动物", ",", "属于", "蜥蜴", "一类", "的", ",", "有很多", "的", "药用价值", ",", "益虫", ",", "昼伏夜出", ",", "晚上", "喜", "在", "有", "灯光", "的", "地方", "捕食", "苍蝇", ",", "它", "是", "不", "伤人", "的", ",", "国家", "二级", "保护动物", "。", "不", "咬人", ",", "它", "吃", "蚊虫", "。"], ["壁虎", "是", "益虫", "它", "吃", "蚊虫", ",", "是", "有益", "的"], ["益虫", "。", "它", "吃", "小型", "有害昆虫", "。", "与", "青蛙", "相似", "的", "作用"], ["益虫", "!", "可以", "吃", "蚊子"], ["益虫", ",", "吃", "蚊虫", "的"]], "paragraphs": ["壁虎是一种爬行动物,属于蜥蜴一类的,有很多的药用价值,益虫,昼伏夜出,晚上喜在有灯光的地方捕食苍蝇,它是不伤人的,国家二级保护动物。不咬人,它吃蚊虫。", "壁虎是益虫它吃蚊虫,是有益的", "益虫。它吃小型有害昆虫。与青蛙相似的作用", "益虫!可以吃蚊子", "益虫,吃蚊虫的"], "bs_rank_pos": 1}, {"is_selected": false, "title": "壁虎到底是益虫还是害虫?_百度知道", "most_related_para": 0, "segmented_title": ["壁虎", "到底", "是", "益虫", "还是", "害虫", "?", "_", "百度", "知道"], "segmented_paragraphs": [["首次", ",", "它", "对", "人类", "是", "无害", "的", ",", "你", "不要", "看", "它", "在", "房子", "你", "就", "害怕", ",", "但是", "它", "不会", "咬人", ",", "而且", "它", "还", "专", "吃", "蚊子和虫子", ",", "所以", "总体而言", "是", "有益", "的", "。"]], "paragraphs": ["首次,它对人类是无害的,你不要看它在房子你就害怕,但是它不会咬人,而且它还专吃蚊子和虫子,所以总体而言是有益的。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "壁虎是不是益虫?_百度知道", "most_related_para": 0, "segmented_title": ["壁虎", "是不是", "益虫", "?", "_", "百度", "知道"], "segmented_paragraphs": [["是", "的", "。", "是", "益虫"]], "paragraphs": ["是的。是益虫"], "bs_rank_pos": 3}, {"is_selected": false, "title": "壁虎是害虫还是益虫?_百度知道", "most_related_para": 0, "segmented_title": ["壁虎", "是", "害虫", "还是", "益虫", "?", "_", "百度", "知道"], "segmented_paragraphs": [["壁虎", "不是", "虫", "~", "~", "是", "爬行动物", "他们", "吃", "蚊子", "苍蝇", "什么", "的", "是", "有益", "的"]], "paragraphs": ["壁虎不是虫~~是爬行动物他们吃蚊子苍蝇什么的 是有益的"], "bs_rank_pos": 4}], "answer_spans": [[0, 5]], "yesno_answers": ["Yes", "No"], "fake_answers": ["壁虎是益虫,吃蚊子"], "question": "壁虎是益虫吗", "segmented_answers": [["壁虎", "是", "益虫", ",", "它", "吃", "蚊子", "的"], ["壁虎", "不是", "虫", ",", "是", "爬行动物", "他们", "吃", "蚊子", "苍蝇", "什么", "的", ",", "是", "有益", "的"]], "answers": ["壁虎是益虫,它吃蚊子的", "壁虎不是虫,是爬行动物他们吃蚊子苍蝇什么的,是有益的"], "yesno_type": "FACT", "answer_docs": [0], "segmented_question": ["壁虎", "是", "益虫", "吗"], "question_type": "YES_NO", "question_id": 181589, "fact_or_opinion": "FACT", "match_scores": [0.8571428571428571]} -{"documents": [{"is_selected": true, "title": "开一家服装店需要准备什么流程_百度经验", "most_related_para": 4, "segmented_title": ["开", "一", "家", "服装店", "需要", "准备", "什么", "流程", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "生活", "/", "家居", ">", "生活常识"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["开", "一", "家", "服装店", "是", "一", "个", "非常", "复杂", "的", "过程", ",", "在", "开", "之前", "需要", "准备", "的", "东西", "非常", "多", ",", "不", "熟悉", "流程", "往往", "会", "走", "很多", "弯路", ",", "浪费", "时间", "和", "精力", ",", "看一看", "下面", "的", "介绍", ",", "能得到", "不", "少", "帮助", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "1", "、", "首先", "开店", "之", "前", "先", "要", "有", "店铺", "。", "网上", "找", "租赁", "信息", "或者", "自己", "亲自", "去", "街上", "找", ",", "选", "好", "一", "家", "地段", "好", "租金", "合适", "的", "店铺", "租赁", "下来", ",", "签订", "租赁", "协议", ",", "缴纳", "租金", "、", "押金", "等等", "的", "东西", "。", "这个", "过程", "需要", "的", "时间", "比较", "长", ",", "毕竟", "店铺", "的", "经营", "很大", "程度", "上", "是", "靠", "地段", "的", "优劣", "的", "。", "步骤", "阅读", "2", "2", "、", "办理", "营业执照", "。", "拿着", "租赁", "协议", "去", "gongshang", "局", "办理", "营业执照", ",", "到", "时", "需要你", "填写", "一些", "基本", "信息", ",", "一般", "没什么", "问题", "的", "话", "等", "一", "周", "左右", "营业执照", "就能", "办", "下来", "。", "有些", "地方", "管", "的", "不", "严", "的", "话", ",", "可以", "先", "把", "店铺", "开", "起来", "再", "去", "办理", ",", "毕竟", "签", "了", "租赁合同", "以后", "每一天", "都", "有", "租金", "的", "。", "步骤", "阅读", "3", "3", "、", "办理", "guo", "税", "。", "办好", "营业执照", "以后", "拿着", "营业执照", "去", "guo", "税", "办理", "税务登记证", ",", "这个时候", "要", "注意", "了", ",", "会", "让", "你", "填写", "营业额", "、", "毛利", "、", "水电", "、", "工资", "等", ",", "这些", "尽量", "要", "填", "低", "一些", ",", "太", "高", "的", "话", "会", "给", "你", "定额", "定", "的", "比较", "贵", ",", "相应", "交", "的", "税", "就", "比较", "高", "。", "步骤", "阅读", "4", "4", "、", "办理", "完", "guo", "税", ",", "再", "去", "地税", "办理", "登记证", ",", "这个", "就", "比较", "简单", "了", ",", "拿着", "营业执照", "、", "guo", "税", "登记证", "去", "办理", ",", "也是", "填写", "基本", "信息", ",", "办理", "完", "很快", "就", "可以", "拿到", "登记证", "。", "步骤", "阅读", "5", "5", "、", "进货", "。", "这个", "过程", "可以", "跟", "办", "税务登记证", "同时", "进行", ",", "只要", "营业执照", "办好", "就", "可以", "先", "开门", "做生意", "了", ",", "一边", "铺货", "一边", "卖", ",", "也", "算", "试营业", "。", "步骤", "阅读"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验 > 生活/家居 > 生活常识", "百度经验:jingyan.baidu.com", "开一家服装店是一个非常复杂的过程,在开之前需要准备的东西非常多,不熟悉流程往往会走很多弯路,浪费时间和精力,看一看下面的介绍,能得到不少帮助。", "百度经验:jingyan.baidu.com", "1 1、首先开店之前先要有店铺。网上找租赁信息或者自己亲自去街上找,选好一家地段好租金合适的店铺租赁下来,签订租赁协议,缴纳租金、押金等等的东西。这个过程需要的时间比较长,毕竟店铺的经营很大程度上是靠地段的优劣的。 步骤阅读 2 2、办理营业执照。拿着租赁协议去gongshang局办理营业执照,到时需要你填写一些基本信息,一般没什么问题的话等一周左右营业执照就能办下来。有些地方管的不严的话,可以先把店铺开起来再去办理,毕竟签了租赁合同以后每一天都有租金的。 步骤阅读 3 3、办理guo税。办好营业执照以后拿着营业执照去guo税办理税务登记证,这个时候要注意了,会让你填写营业额、毛利、水电、工资等,这些尽量要填低一些,太高的话会给你定额定的比较贵,相应交的税就比较高。 步骤阅读 4 4、办理完guo税,再去地税办理登记证,这个就比较简单了,拿着营业执照、guo税登记证去办理,也是填写基本信息,办理完很快就可以拿到登记证。 步骤阅读 5 5、进货。这个过程可以跟办税务登记证同时进行,只要营业执照办好就可以先开门做生意了,一边铺货一边卖,也算试营业。 步骤阅读", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "开服装店的流程_百度经验", "most_related_para": 3, "segmented_title": ["开", "服装店", "的", "流程", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["现代人", "越来越爱", "打扮", "了", ",", "对于", "穿衣", "那", "就", "更", "是", "讲究", "了", "。", "所以", ",", "卖", "衣服", "这个", "行业", ",", "一定", "是", "大", "有前途", "的", "。", "这", "也", "难怪", ",", "现在", "越来越多", "的", "人", ",", "选择", "开", "服装店", ",", "不管", "是", "实体店", ",", "还是", "虚拟", "的", "网店", ",", "只要", "目标明确", ",", "就会", "得到", "好", "的", "收益", "。", "那么", ",", "今天", "我们", "一起来", "看看", ",", "开", "实体", "服装店", "的", "具体", "流程", "吧", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "市场分析", "如果", "你", "想", "开", "一", "家", "服装店", "的", "话", ",", "你", "就", "先", "要", "做", "一", "下", "市场调查", "了", ",", "例如", ",", "你", "准备", "要", "做", "哪方面", "的", "衣服", ",", "是", "男装", ",", "女装", ",", "童装", ",", "休闲装", ",", "还是", "冬装", ",", "还是", "夏装", "。", "所以", ",", "这个时候", ",", "你", "就要", "先", "考察", "一", "下", ",", "或者", "是", "在", "网上", "看一下", "调查", "量", ",", "然后", "再", "做出", "决定", "。", "这个决定", "涉及", "到", ",", "你", "一年", "的", "营业额", ",", "销售", "的", "数量", "等", "。", "如果", "真", "的", "要", "做", "的", "话", ",", "就要", "做", "好", "几", "种", "主打产品", "的", "分析", "和", "对比", ",", "然后", "选择", "一", "种", "最", "适合", "你", "去", "经营", "并", "能", "取得", "营", "利", "的", "衣服", "去", "做", "。", "当然", ",", "这个时候", ",", "也", "要", "考虑", "一", "下", ",", "你", "是否", "做", "名牌", "店", ",", "还是", "普通", "的", "店", "。", "所以", "做", "前期", "的", "市场分析", "是", "非常", "明智", "的", "。", "不要小看", "了", "市场分析", ",", "最终", "得", "出来", "的", "结论", "是", "适合", "你", "经营", "而且", "是", "营", "利", "的", "。", "步骤", "阅读", "2", "商家", "调查", "上述", "的", "只是", "你", "做", "了", "理论", "上", "的", "分析", "后", "得", "出来", "的", "一", "个", "结论", ",", "这个时候", ",", "你", "就要", "再次", "去", "服装", "经营", "集中", "的", "地方", "进行", "调查", ",", "例如", "你", "想", "做", "高档", "女装", ",", "就", "去", "调查", "一", "下", ",", "这些", "高档", "女装", "卖", "得", "如何", ",", "购买", "的", "群体", "集中", "在", "什么", "年龄段", ",", "什么", "样", "的", "人", "。", "在这里", ",", "需要", "提醒", "的", "就是", ",", "你", "需要", "观察", ",", "你", "需要", "敏锐", "的", "去", "观察", "那些人", ",", "那些", "卖", "了", "好几年", "生意", "的", "人", "的", "头脑", "和", "他们", "对于", "市场", "衣服", "的", "分析", ",", "然后", "再", "和", "你", "得", "出来", "的", "分析", "结果", "做", "一", "个", "对比", "。", "你", "就能", "确定", "下来", "你", "是否", "要", "做", "这样", "的", "生意", "了", "。", "当然", ",", "那些人", "讲", "的", ",", "自然", "都是", "有", "水份", "的", ",", "你", "也", "要", "做", "好", "抛", "开水份", "的", "思想准备", "。", "步骤", "阅读"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "追求", ",", "在", "每时每刻", "。"], ["畅无线", "如何", "赚取", "畅豆", "安卓", "手机", "怎样", "使用", "畅无线", "?"]], "paragraphs": ["百度经验:jingyan.baidu.com", "现代人越来越爱打扮了,对于穿衣那就更是讲究了。所以,卖衣服这个行业,一定是大有前途的。这也难怪,现在越来越多的人,选择开服装店,不管是实体店,还是虚拟的网店,只要目标明确,就会得到好的收益。那么,今天我们一起来看看,开实体服装店的具体流程吧。", "百度经验:jingyan.baidu.com", "1 市场分析 如果你想开一家服装店的话,你就先要做一下市场调查了,例如,你准备要做哪方面的衣服,是男装,女装,童装,休闲装,还是冬装,还是夏装。所以,这个时候,你就要先考察一下,或者是在网上看一下调查量,然后再做出决定。这个决定涉及到,你一年的营业额,销售的数量等。如果真的要做的话,就要做好几种主打产品的分析和对比,然后选择一种最适合你去经营并能取得营利的衣服去做。当然,这个时候,也要考虑一下,你是否做名牌店,还是普通的店。所以做前期的市场分析是非常明智的。不要小看了市场分析,最终得出来的结论是适合你经营而且是营利的。 步骤阅读 2 商家调查 上述的只是你做了理论上的分析后得出来的一个结论,这个时候,你就要再次去服装经营集中的地方进行调查,例如你想做高档女装,就去调查一下,这些高档女装卖得如何,购买的群体集中在什么年龄段,什么样的人。在这里,需要提醒的就是,你需要观察,你需要敏锐的去观察那些人,那些卖了好几年生意的人的头脑和他们对于市场衣服的分析,然后再和你得出来的分析结果做一个对比。你就能确定下来你是否要做这样的生意了。当然,那些人讲的,自然都是有水份的,你也要做好抛开水份的思想准备。 步骤阅读", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:追求,在每时每刻。", "畅无线如何赚取畅豆 安卓手机怎样使用畅无线?"], "bs_rank_pos": 1}, {"is_selected": false, "title": "开服装店的流程及经验_百度文库", "most_related_para": 1, "segmented_title": ["开", "服装店", "的", "流程", "及", "经验", "_", "百度", "文库"], "segmented_paragraphs": [["开", "服装店", "的", "流程", "及", "经验", "_", "生产", "/", "经营管理", "_", "经管", "营销", "_", "专业", "资料", "。", "1", ",", "相关", "证件", "办理流程", ":", "首先", "是", "准备", "你", "所", "租", "店面", "的", "租赁合同", "(", "复印件", ")", "、", "房屋", "产权证", "(", "可用", "复印件", ")", "、", "身份证", "(", "复印件", ")", "、", "登记", "照片", "四张", "到", "所在地", "工商局", "填写", "相应", "表格", "办理", "《", "营业执照", "》", ",", "一般", "情况", "下", "只要"], ["1", ",", "相关", "证件", "办理流程", ":", "首先", "是", "准备", "你", "所", "租", "店面", "的", "租赁合同", "(", "复印件", ")", "、", "房屋", "产权证", "(", "可用", "复印件", ")", "、", "身份证", "(", "复印件", ")", "、", "登记", "照片", "四张", "到", "所在地", "工商局", "填写", "相应", "表格", "办理", "《", "营业执照", "》", ",", "一般", "情况", "下", "只要", "七", "个", "工作日", "左右", ",", "办好", "营业执照", "后", "再", "到", "税务局", "(", "国税", "、", "地税", ")", "去", "办理", "《", "税务登记证", "》", ",", "由", "税", "管", "员", "为你", "定", "每个月", "的", "应", "缴", "税额", "(", "一般", "是", "根据", "你", "门面", "的", "地理位置", "和", "大小", ")", ",", "由于", "地域", "不同", "具体数额", "可以", "咨", "询", "当地", "工商部门", "。", "以上", "方式", "为", "办理", "“", "个体经营", "”", "。", "2", ",", "开", "服装店", "前期", "准备", ":", "第", "一", ":", "是", "确定", "卖", "什么", "服装", "。", "第", "二", ":", "是", "考察", "你", "当地", "市场", ",", "对", "你", "打算", "卖", "的", "服装", "做", "一", "个", "深入", "的", "市场调查", "。", "包括", "市场", "饱和", "率", "、", "市场", "购买力", "、", "店铺", "的", "地理位置", "、", "进货渠道", "等等", "。", "第", "三", ":", "是", "资金", "预算", "。", "比如", "对", "店面", "的", "租金", "、", "店面", "的", "装修", "费", "、", "店面", "初次", "铺货", "计划", "资金", ";", "进货", "的", "差旅费", "用", "、", "流动资金", "、", "聘", "营业员", "费用", "、", "税收", "等", "一些", "的", "费用", "做", "一", "个", "盘", "算", ",", "然后", "再", "进行", "行动", "。", "3", ",", "开", "什么", "样", "的", "服装店", ":", "倘若", "问", "你", "到底", "想", "开", "什么", "服装店", "时", ",", "你", "能", "马上", "答", "吗", "?", "要", "是", "还", "没", "个", "谱", ",", "一会", "儿", "想", "开", "外贸", "店", ",", "一会", "儿", "又", "想", "开", "品牌", "加盟店", ",", "一会", "儿", "又", "想", "开", "个", "童装", "店", ",", "心中", "像", "有", "15", "个", "吊桶", "般", "地", "七上八下", "的", "话", ",", "以下", "的", "建议", ",", "提供", "给", "你", "做", "参考", "。", "①", "若", "你", "浑身", "充满", "创造力", ",", "内心", "热情如火", ",", "外表", "光芒万丈", ",", "可", "考虑", "经营", "时尚先锋", "店", ",", "创造", "流行趋势", ",", "做", "个", "时尚先驱", "。"]], "paragraphs": ["开服装店的流程及经验_生产/经营管理_经管营销_专业资料。1,相关证件办理流程: 首先是准备你所租店面的租赁合同 (复印件) 、 房屋产权证 (可用复印件) 、 身份证 (复印件) 、 登记照片四张到所在地工商局填写相应表格办理《营业执照》 ,一般情况下只要", "1,相关证件办理流程: 首先是准备你所租店面的租赁合同 (复印件) 、 房屋产权证 (可用复印件) 、 身份证 (复印件) 、 登记照片四张到所在地工商局填写相应表格办理《营业执照》 ,一般情况下只要七个工作日 左右,办好营业执照后再到税务局(国税、地税)去办理《税务登记证》 ,由税管员为你定 每个月的应缴税额(一般是根据你门面的地理位置和大小) ,由于地域不同具体数额可以咨 询当地工商部门。以上方式为办理“个体经营” 。 2,开服装店前期准备: 第一:是确定卖什么服装。 第二: 是考察你当地市场, 对你打算卖的服装做一个深入的市场调查。 包括市场饱和率、 市场购买力、店铺的地理位置、进货渠道等等。 第三:是资金预算。比如对店面的租金、店面的装修费、店面初次铺货计划资金;进货 的差旅费用、流动资金、聘营业员费用、税收等一些的费用做一个盘算,然后再进行行动。 3,开什么样的服装店: 倘若问你到底想开什么服装店时,你能马上答吗?要是还没个谱,一会儿想开外贸店, 一会儿又想开品牌加盟店,一会儿又想开个童装店,心中像有 15 个吊桶般地七上八下的话, 以下的建议,提供给你做参考。 ①若你浑身充满创造力,内心热情如火,外表光芒万丈,可考虑经营时尚先锋店,创造 流行趋势,做个时尚先驱。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "开服装店流程详解—给将要开店的你一个参考_百度文库", "most_related_para": 1, "segmented_title": ["开", "服装店", "流程", "详解", "—", "给", "将要", "开店", "的", "你", "一", "个", "参考", "_", "百度", "文库"], "segmented_paragraphs": [["开", "服装店", "流程", "详解", "—", "给", "将要", "开店", "的", "你", "一", "个", "参考", "_", "销售", "/", "营销", "_", "经管", "营销", "_", "专业", "资料", "。", "开", "服装店", "流程", "详解"], ["开", "服装店", "流程", "详解", "—", "给", "将要", "开店", "的", "你", "一", "个", "参考", "1", "、", "城市", "知名", "服装品牌", "通过", "调查", ",", "了解", "所选", "城市", "比较", "受欢迎", "的", "同类", "服装品牌", "情况", ",", "有利于", "名牌", "的", "塑造", "。"]], "paragraphs": ["开服装店流程详解—给将要开店的你一个参考_销售/营销_经管营销_专业资料。开服装店流程详解", "开服装店流程详解—给将要开店的你一个参考 1、城市知名服装品牌通过调查,了解所选城市比较受欢迎的同类服装品牌情况,有利于名牌的塑造。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "准备开服装店流程之前需要先做好开服装店计划书_百度文库", "most_related_para": 0, "segmented_title": ["准备", "开", "服装店", "流程", "之", "前", "需要", "先", "做", "好", "开", "服装店", "计划书", "_", "百度", "文库"], "segmented_paragraphs": [["准备", "开", "服装店", "流程", "之", "前", "需要", "先", "做", "好", "开", "服装店", "计划书", "_", "商业计划", "_", "计划", "/", "解决方案", "_", "实用", "文档", "。", "准备", "开", "服装店", "流程", "之", "前", "需要", "先", "做", "好", "开", "服装店", "计划书", "营业", "证", "照", "申请", "在", "开", "服装店", "营业", "之", "前", ",", "必需", "先", "办理", "相关", "证", "照", "申请", ",", "否则", "就是", "无照", "营业", "。", "证", "照", "的", "申请", "分为", "二", "种", ",", "一", "种", "是", "申请", "公司", "执照", ",", "由", "工商局", "核发", ";", "另", "一", "种", "是", "资本", "较", "小", "的", ",", "只"]], "paragraphs": ["准备开服装店流程之前需要先做好开服装店计划书_商业计划_计划/解决方案_实用文档。准备开服装店流程之前需要先做好开服装店计划书 营业证照申请 在开服装店营业之前,必需先办理相关证照申请,否则就是无照营业。证照的申请分为二种,一种是申请 公司执照,由工商局核发;另一种是资本较小的,只"], "bs_rank_pos": 4}], "answer_spans": [[204, 255]], "fake_answers": ["。步骤阅读44、办理完guo税,再去地税办理登记证,这个就比较简单了,拿着营业执照、guo税登记证去办理,也是填写基本信息,办理完很快就可以拿到登记证。步骤阅读55、进货。"], "question": "开服装店流程", "segmented_answers": [["1", "、", "首先", "开店", "之", "前", "先", "要", "有", "店铺", "。", "2", "、", "办理", "营业执照", "。", "3", "、", "办理", "guo", "税", "。", "4", "、", "办理", "完", "guo", "税", ",", "再", "去", "地税", "办理", "登记证", "。", "5", "、", "进货", "。", "等", "货物", "完全", "铺", "好", ",", "可以", "放鞭炮", "正式开业", "了", "。"], ["市场分析", "-", "商家", "调查", "-", "选择", "地址", "-", "装修装潢", "-", "筹备", "与", "开张", "。"]], "answers": ["1、首先开店之前先要有店铺。2、办理营业执照。3、办理guo税。4、办理完guo税,再去地税办理登记证。5、进货。等货物完全铺好,可以放鞭炮正式开业了。", "市场分析-商家调查-选择地址-装修装潢-筹备与开张。"], "answer_docs": [0], "segmented_question": ["开", "服装店", "流程"], "question_type": "DESCRIPTION", "question_id": 181590, "fact_or_opinion": "FACT", "match_scores": [0.49019607843137253]} -{"documents": [{"is_selected": true, "title": "范冰冰真实身高是多少_百度知道", "most_related_para": 0, "segmented_title": ["范冰冰", "真实", "身高", "是", "多少", "_", "百度", "知道"], "segmented_paragraphs": [["真实", "情况", "是", "160", "-", "162", "。", "她", "平时", "谎报", "的", "168", "是因为", "不", "离", "脚", "穿", "高", "水", "台", "恨天高", "(", "15", "厘米", ")", "图", "1", "她", "穿着", "高", "水", "台", "恨天高", "和", "刘亦菲", "一样", "高", ",", "(", "刘亦菲", "对外", "报", "身高", "172", ")", "范冰冰", "礼服", "下", "厚厚", "的", "高", "水", "台", "暴露", "了", "她", "的", "心机", ",", "对比一下", "两者", "的", "鞋子", "吧", "图", "2", "穿着", "高", "水", "台", "恨天高", "才", "和", "刘德华", "谢霆锋", "持", "平", ",", "如果", "她", "真", "的", "有", "168", ",", "那么", "加上", "鞋", "高", ",", "刘", "和", "谢", "都", "要", "有", "180", "?", "明显", "是", "不可能", "的", "。", "所以", "刘德华", "对外", "报", "的", "身高", "174", "减去", "10", "-", "15", "厘米", "才是", "范冰冰", "的", "真实", "身高", "图", "3", ",", "范冰冰", "有", "一", "次", "脱鞋", "上场", ",", "这个", "最", "说明", "问题", "了", ",", "看看", "她", "的", "身体", "比例", "吧", "。", "还有", "目测", "一", "下", "她", "手上", "鞋子", "的", "鞋跟", "有", "多", "高", "多", "厚", "吧", ",", "至少", "超过", "10", "厘米", "。"], ["真实", "身高", "是", "168", "cm"], ["一", "米", "六八", "。", "。"]], "paragraphs": ["真实情况是160-162。她平时谎报的168是因为不离脚穿高水台恨天高(15厘米) 图1她穿着高水台恨天高和刘亦菲一样高,(刘亦菲对外报身高172)范冰冰礼服下厚厚的高水台暴露了她的心机,对比一下两者的鞋子吧 图2 穿着高水台恨天高才和刘德华谢霆锋持平,如果她真的有168,那么加上鞋高,刘和谢都要有180?明显是不可能的。所以刘德华对外报的身高174减去10-15厘米才是范冰冰的真实身高 图3,范冰冰有一次脱鞋上场,这个最说明问题了,看看她的身体比例吧。还有目测一下她手上鞋子的鞋跟有多高多厚吧,至少超过10厘米。", "真实身高是168cm", "一米六八。 。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "看到两张图,对范冰冰和baby的身高产生了深深的迷思???_娱乐八卦_", "most_related_para": 31, "segmented_title": ["看到", "两", "张", "图", ",", "对", "范冰冰", "和", "baby", "的", "身高", "产生", "了", "深深", "的", "迷思", "?", "?", "?", "_", "娱乐八卦", "_"], "segmented_paragraphs": [["字体", ":"], ["边距", ":"], ["背景", ":"], ["还原", ":"], ["范冰冰", "和", "baby", "的", "身高", "真如", "其", "百科", "所", "写", ",", "都是", "168", "?", "好", ",", "我们", "来", "看图", "!", "!", "!"], ["旁边", "的", "熊", "黛", "琳", "感觉", "鞋跟", "差不多", ",", "baby", "和", "冰冰", "的", "鞋跟", "也", "都", "蛮", "高", ",", "私以为", "冰冰", "的", "鞋跟", "略", "高", "一些", ",", "可是", "都是", "这种", "落差", "是", "怎么回事", "?", "?", "?"], ["KITTY", "斌斌", ":", "举报", "2016", "-", "10", "-", "07", "02", ":", "58", ":", "52", "评论", "评论", "小", "马甲", "的", "想法", ":", "感觉", "你说的", "是", "对", "的"], ["然后", "我", "又", "看到", "了", "这", "张", "图", ",", "所以", "他们", "真", "的", "身高", "差不多", "?", "?", "?"], ["黑幕", "基地", ":", "举报", "2016", "-", "08", "-", "22", "19", ":", "06", ":", "15", "评论", "范冰冰", "体态", "这么", "宽", "?", "ty", "_", "127714596", ":", "举报", "2017", "-", "04", "-", "23", "17", ":", "34", ":", "25", "评论", "评论", "黑幕", "基地", "裙子", "宽"], ["然后", "想起", "他们", "都", "跟", "黄晓明", "有", "交集", ",", "就", "去", "找", "了", "他们", "各自", "的", "合影"], ["他们", "分别", "长", "成", "这样", "。", "。", "。", "。"], ["逗比", "天天", "有", ":", "举报", "2017", "-", "02", "-", "14", "15", ":", "41", ":", "02", "评论", "这个", "没法", "比", ",", "还要", "看", "教主", "鞋子", "里", "塞", "了", "啥", "丁", "希希", ":", "举报", "2017", "-", "04", "-", "24", "10", ":", "12", ":", "36", "评论", "评论", "逗比", "天天", "有", ":", "被", "你", "的", "评论", "笑", "喷"], ["好", "吧", ",", "看", "了", "这", "两", "张", "图", "我", "又", "迷思", "了", "。", "。", "冰冰", "的", "鞋跟", "比较", "高", ",", "这一点", "毋庸置疑", ",", "可是", "为什么", "他们", "都是", "比", "小明", "稍微", "矮", "一点点", "!", "!", "!", "!", "!", "为什么", "!", "!", "!", "!"], ["好像", "真", "的", "差不多", "~", "~", "~", "跑男", "里", "好像", "也", "差不多"], ["那么", ",", "让", "我们", "从头", "来看", ",", "熊", "黛", "琳", "的", "百科", "身高", "178", "厘米", ",", "黄晓明", "的", "百科", "身高", "179", "厘米", "。", "因为", "熊", "黛", "琳", "的", "鞋跟", "并", "不是", "很高", ",", "姑且", "算", "她", "实际", "增高", "5", "厘米", ",", "也", "就是", "183", "厘米", ",", "黄晓明", "的", "皮鞋", "和", "帆布鞋", "看起来", "没有", "很", "夸张", "地", "增高", ",", "就算", "他", "穿鞋", "182", "厘米", ",", "那么", "接下来", "我们", "来", "比对", "一", "下", "!", "!", "!", "!"], ["大岛", "大岛", "君", ":", "举报", "2016", "-", "02", "-", "18", "10", ":", "25", ":", "44", "评论", "黄晓明", "没有", "179", "水仙", "和", "小青", ":", "举报", "2016", "-", "10", "-", "07", "02", ":", "48", ":", "07", "评论", "评论", "馒头", "逗", "面条", ":", "黄晓明", "和", "黄海波", "身高", "对比", ",", "黄晓明", "170", "左右"], ["看起来", "冰冰", "和", "baby", "的", "身高", "如此", "相似", ",", "究竟", "是", "我们", "误", "以为", "冰冰", "比较", "高", ",", "以为", "她", "有", "168", "?", "?", "?", "还是", "冤枉", "了", "baby", ",", "其实", "她", "不止", "传说", "中", "的", "159", "呢", "?", "?", "?"], ["更正", ",", "因为", "晓明", "的", "身高", "水分", "太", "大", ",", "无", "从", "比较", ",", "所以", "我们", "从", "冰冰", "和", "baby", "与", "其他人", "的", "合影", "来", "八一八", "!", "!"], ["jishutie", "技术", "贴", "留名", "举报", "|", "12", "楼", "|", "打赏", "|", "回复", "|", "评论", "|", "赞"], ["冰冰", "都是", "穿", "恨天高", ",", "可能", "她", "只是", "骨架", "比较", "大", ",", "胳膊", "比较", "长", ",", "腿短", ",", "所以", "都", "误", "以为", "她", "很高", ",", "个人", "猜测", ",", "天涯", "扒", "了", "这么多年", ",", "都", "没", "扒", "出来", ",", "很", "没", "面子", "啊"], ["找", "了", "找", "图", ",", "迷思", "更重", "了", ",", "没", "什么", "标杆", ",", "实在", "八", "不好", ",", "算", "了", ",", "弃", "贴", "而", "逃", "。"], ["大家", "集思广益", ",", "有", "什么", "靠谱", "的", "标杆", "吗", "?", "给", "我", "一", "个", "标杆", ",", "我", "给你们", "八", "出", "真相", "!", "!", "!", "可是", "现在", "好", "丢脸", "啊", "!"], ["看到", "有人", "支持", ",", "我", "再", "努力", "一", "把", "!", "!", "!"], ["转", "着", "弯", "来", "坑", "教主", ",", ",", ",", ","], ["更正", ",", "因为", "晓明", "的", "身高", "水分", "太", "大", ",", "无", "从", "比较", ",", "所以", "我们", "从", "冰冰", "和", "baby", "与", "其他人", "的", "合影", "来", "八一八", "!", "!", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "小明", "170", "那个", "什么", "波", "嫖妓", "入狱", "服刑", "照片", "170", "有人", "拿", "上海滩", "八", "过", "了", "然后", "杜海涛", "那个", "军官", "参照", "的", "军人", "172", "有人", "也", "八", "了", "总之", "监狱", "和", "部队", "两", "个", "地方", "不能", "zuojia", "的"], ["范冰冰", ",", "ab", "都", "有", "好多", "替身", "的", "。", "有时候", "拍", "到", "的", "根本", "就", "不是", "她们", "本人", "的", "。"], ["只", "知道", "高跟鞋", "是", "看", "鞋跟", "的", "高度", ",", "而", "不是", "看", "鞋", "尖", "的", "防水台", "高度", "。"], ["其实", "两人", "差不多", ",", "都是", "160", "左右", ",", "只是", "某", "冰", "整天", "不", "离恨天高", ",", "让", "人", "觉得", "她", "好像", "个子", "高"], ["其实", "两人", "差不多", ",", "都是", "160", "左右", ",", "只是", "某", "冰", "整天", "不", "离恨天高", ",", "让", "人", "觉得", "她", "好像", "个子", "高", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "我", "觉得", "你", "说", "得", "很", "有道理"], ["humei", "201515", ":", "举报", "2016", "-", "02", "-", "17", "12", ":", "20", ":", "09", "评论", "李治廷", "长", "得", "不错", ",", "个", "矮", "可惜", "了", "了", ",", "ab", "和", "fbb", "大概", "都", "165", "cm", "iseisei", ":", "举报", "2016", "-", "09", "-", "09", "03", ":", "22", ":", "51", "评论", "单", "说", "这", "两", "张", "图", "明显", "图", "二", "的", "李治廷", "比", "图", "一", "的", "内", "增高", "要", "高", "头发", "也", "要", "高", "一些", "而且", "虽然", "视觉", "上", "二", "女", "逗比", "李治廷", "猛", "那么", "一", "丢丢", "但", "ab", "在", "李治廷", "的", "前", "位", "bb", "在", "李治廷", "的", "后", "位", "估计", "还是", "bb", "高", "一些", "吧", "ps", "图", "二", "李治廷", "的", "鞋", "里面", "是不是", "根本没有", "脚", "呀"], ["只", "知道", "高跟鞋", "是", "看", "鞋跟", "的", "高度", ",", "而", "不是", "看", "鞋", "尖", "的", "防水台", "高度", "。", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "鞋跟", "差不多", "的", ",", "防水台", "高", "的", "那个", "实际", "增高", "会", "多一点", ",", "不", "信", "的", "话", "自己", "可以", "做", "个", "实验"], ["范冰冰", "没", "那么", "高", "北鼻", "也", "没", "159", "那么", "矮", "啊", "不过", "北鼻", "应该", "比", "范冰冰", "矮", "估计", "范冰冰", "165", "北鼻", "163", "这样吧", "我", "猜"], ["呼呼", "忽忽忽", ":", "举报", "2015", "-", "12", "-", "13", "14", ":", "25", ":", "23", "评论", "AB", ",", "158", ".", "范", "160", "水仙", "和", "小青", ":", "举报", "2016", "-", "10", "-", "07", "02", ":", "51", ":", "57", "评论", "评论", "呼呼", "忽忽忽", ":", "你", "的", "这个", "差不多", "AB", "158", "-", "159", "冰冰", "161", "-", "162", "大概", "。"], ["╮", "(", "╯", "_", "╰", ")", "╭", "AB", "要是", "有", "168", "cm", "早", "跳出来", "量", "给", "你", "看", "啪啪啪", "打脸", "了"], ["我们", "都", "知道", "李治廷", "不", "高", ",", "他", "的", "百科", "身高", "175", ",", "从", "真人秀", "以及", "各种", "照片", "看", "来", "是", "没有", "的", ",", "暂算", "他", "172", ".", "按照", "雪林", "的", "说法", ",", "冰冰", "和", "baby", "的", "实际", "身高", "应当", "差不多", "是", "160", "左右"], ["冰冰", "都是", "穿", "恨天高", ",", "可能", "她", "只是", "骨架", "比较", "大", ",", "胳膊", "比较", "长", ",", "腿短", ",", "所以", "都", "误", "以为", "她", "很高", ",", "个人", "猜测", ",", "天涯", "扒", "了", "这么多年", ",", "都", "没", "扒", "出来", ",", "很", "没", "面子", "啊", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "加一", ",", "此", "人", "属于", "显", "高", ",", "实", "不", "高"], ["有", "个", "朋友", "在", "某", "机场", "贵宾室", "工作", ",", "曾经", "我们", "一起", "聊天", "时候", "问", "过", "她", "见过", "的", "女明星", "哪个", "素颜", "好看", ",", "她说", "baby", "素颜", "很", "美", ",", "我们", "异口同声", "说", "还", "不是", "整", "出来", "的", "。", "然后", "我", "就", "问", "了", "困惑", "很久", "的", "问题", ",", "baby", "到底", "多", "高", "。", "朋友说", "baby", "不", "矮", ",", "168", "左右", "的", ",", "矮", "她", "一", "头", "(", "朋友", "178", "是", "个", "高妹", ")", "。"], ["好", "吧", ",", "看", "了", "这", "两", "张", "图", "我", "又", "迷思", "了", "。", "。", "冰冰", "的", "鞋跟", "比较", "高", ",", "这一点", "毋庸置疑", ",", "可是", "为什么", "他们", "都是", "比", "小明", "稍微", "矮", "一点点", "!", "!", "!", "!", "!", "为什么", "!", "!", "!", "!", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "小明", "第", "二", "张", "内", "增", "了", "吧"], ["好", "吧", ",", "看", "了", "这", "两", "张", "图", "我", "又", "迷思", "了", "。", "。", "冰冰", "的", "鞋跟", "比较", "高", ",", "这一点", "毋庸置疑", ",", "可是", "为什么", "他们", "都是", "比", "小明", "稍微", "矮", "一点点", "!", "!", "!", "!", "!", "为什么", "!", "!", "!", "!", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "小明", "第", "二", "张", "内", "增", "了", "吧", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "貌似", "是", "的"], ["有", "个", "朋友", "在", "某", "机场", "贵宾室", "工作", ",", "曾经", "我们", "一起", "聊天", "时候", "问", "过", "她", "见过", "的", "女明星", "哪个", "素颜", "好看", ",", "她说", "baby", "素颜", "很", "美", ",", "我们", "异口同声", "说", "还", "不是", "整", "出来", "的", "。", "然后", "我", "就", "问", "了", "困惑", "很久", "的", "问题", ",", "baby", "到底", "多", "高", "。", "朋友说", "baby", "不", "矮", ",", "168", "左右", "的", ",", "矮", "她", "一", "头", "(", "朋友", "178", "是", "个", "高妹", ")", "。", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "矮", "她", "一", "头", "是", "多少", ",", "一", "头", "难道", "不是", "25", "厘米", "?", "?", "?"], ["呼呼", "忽忽忽", ":", "举报", "2015", "-", "12", "-", "13", "14", ":", "26", ":", "31", "评论", "168", ".", ".", ".", ".", ".", ".", "笑", "喷", "了", ",", "王宝强", "自称", "身高", "159", ".", "王宝强", "和", "AB", "同", "穿", "平底", ",", "王宝强", "比", "AB", "高", "了", "一点点", ",", "难道", "王宝强", "其实", "有", "170", "?", "却", "自称", "159", "水仙", "和", "小青", ":", "举报", "2016", "-", "10", "-", "07", "02", ":", "53", ":", "36", "评论", "评论", "馒头", "逗", "面条", ":", "认为", "AB", "168", "的", "感觉", "是", "智障"]], "paragraphs": ["字体:", "边距:", "背景:", "还原:", "范冰冰和baby的身高真如其百科所写,都是168? 好,我们来看图!!!", "旁边的熊黛琳感觉鞋跟差不多,baby和冰冰的鞋跟也都蛮高,私以为冰冰的鞋跟略高一些,可是都是这种落差是怎么回事???", "KITTY斌斌: 举报 2016-10-07 02:58:52 评论 评论小马甲的想法:感觉你说的是对的", "然后我又看到了这张图,所以他们真的身高差不多???", "黑幕基地: 举报 2016-08-22 19:06:15 评论 范冰冰体态这么宽? ty_127714596: 举报 2017-04-23 17:34:25 评论 评论 黑幕基地 裙子宽", "然后想起他们都跟黄晓明有交集,就去找了他们各自的合影", "他们分别长成这样。。。。", "逗比天天有: 举报 2017-02-14 15:41:02 评论 这个没法比,还要看教主鞋子里塞了啥 丁希希: 举报 2017-04-24 10:12:36 评论 评论逗比天天有:被你的评论笑喷", "好吧,看了这两张图我又迷思了。。冰冰的鞋跟比较高,这一点毋庸置疑,可是为什么他们都是比小明稍微矮一点点!!!!!为什么!!!!", "好像真的差不多~~~跑男里好像也差不多", "那么,让我们从头来看,熊黛琳的百科身高178厘米,黄晓明的百科身高179厘米。因为熊黛琳的鞋跟并不是很高,姑且算她实际增高5厘米,也就是183厘米,黄晓明的皮鞋和帆布鞋看起来没有很夸张地增高,就算他穿鞋182厘米,那么接下来我们来比对一下!!!!", "大岛大岛君: 举报 2016-02-18 10:25:44 评论 黄晓明没有179 水仙和小青: 举报 2016-10-07 02:48:07 评论 评论馒头逗面条:黄晓明和黄海波身高对比,黄晓明170左右", "看起来冰冰和baby的身高如此相似,究竟是我们误以为冰冰比较高,以为她有168???还是冤枉了baby,其实她不止传说中的159呢???", "更正,因为晓明的身高水分太大,无从比较,所以我们从冰冰和baby与其他人的合影来八一八!!", "jishutie技术贴留名 举报 | 12楼 | 打赏 | 回复 | 评论 | 赞", "冰冰都是穿恨天高,可能她只是骨架比较大,胳膊比较长,腿短,所以都误以为她很高,个人猜测,天涯扒了这么多年,都没扒出来,很没面子啊", "找了找图,迷思更重了,没什么标杆,实在八不好,算了,弃贴而逃。", "大家集思广益,有什么靠谱的标杆吗?给我一个标杆,我给你们八出真相!!!可是现在好丢脸啊!", "看到有人支持,我再努力一把!!!", "转着弯来坑教主,,,,", "更正,因为晓明的身高水分太大,无从比较,所以我们从冰冰和baby与其他人的合影来八一八!! ----------------------------- 小明170 那个什么波嫖妓入狱服刑照片170 有人拿上海滩八过了 然后杜海涛那个军官 参照的军人172 有人也八了 总之 监狱和部队两个地方不能zuojia的", "范冰冰,ab都有好多替身的。有时候拍到的根本就不是她们本人的。", "只知道高跟鞋是看鞋跟的高度,而不是看鞋尖的防水台高度。", "其实两人差不多,都是160左右,只是某冰整天不离恨天高,让人觉得她好像个子高", "其实两人差不多,都是160左右,只是某冰整天不离恨天高,让人觉得她好像个子高 ————————————————— 我觉得你说得很有道理", "humei201515: 举报 2016-02-17 12:20:09 评论 李治廷长得不错,个矮可惜了了,ab和fbb大概都165cm iseisei: 举报 2016-09-09 03:22:51 评论 单说这两张图 明显图二的李治廷比图一的内增高要高 头发也要高一些 而且虽然视觉上二女逗比李治廷猛那么一丢丢 但ab在李治廷的前位 bb在李治廷的后位 估计还是bb高一些吧 ps图二李治廷的鞋里面是不是根本没有脚呀", "只知道高跟鞋是看鞋跟的高度,而不是看鞋尖的防水台高度。 ————————————————— 鞋跟差不多的,防水台高的那个实际增高会多一点,不信的话自己可以做个实验", "范冰冰没那么高北鼻也没159那么矮啊不过北鼻应该比范冰冰矮估计范冰冰165北鼻163这样吧我猜", "呼呼忽忽忽: 举报 2015-12-13 14:25:23 评论 AB,158. 范160 水仙和小青: 举报 2016-10-07 02:51:57 评论 评论 呼呼忽忽忽 :你的这个差不多AB158-159冰冰161-162大概。", "╮(╯_╰)╭ AB要是有168cm早跳出来量给你看啪啪啪打脸了", "我们都知道李治廷不高,他的百科身高175,从真人秀以及各种照片看来是没有的,暂算他172.按照雪林的说法,冰冰和baby的实际身高 应当差不多是160左右", "冰冰都是穿恨天高,可能她只是骨架比较大,胳膊比较长,腿短,所以都误以为她很高,个人猜测,天涯扒了这么多年,都没扒出来,很没面子啊 ————————————— 加一,此人属于显高,实不高", "有个朋友在某机场贵宾室工作,曾经我们一起聊天时候问过她见过的女明星哪个素颜好看,她说baby素颜很美,我们异口同声说还不是整出来的。然后我就问了困惑很久的问题,baby到底多高。朋友说baby不矮,168左右的,矮她一头(朋友178是个高妹)。", "好吧,看了这两张图我又迷思了。。冰冰的鞋跟比较高,这一点毋庸置疑,可是为什么他们都是比小明稍微矮一点点!!!!!为什么!!!! ————————————— 小明第二张内增了吧", "好吧,看了这两张图我又迷思了。。冰冰的鞋跟比较高,这一点毋庸置疑,可是为什么他们都是比小明稍微矮一点点!!!!!为什么!!!! ————————————— 小明第二张内增了吧 ----------------------------- 貌似是的", "有个朋友在某机场贵宾室工作,曾经我们一起聊天时候问过她见过的女明星哪个素颜好看,她说baby素颜很美,我们异口同声说还不是整出来的。然后我就问了困惑很久的问题,baby到底多高。朋友说baby不矮,168左右的,矮她一头(朋友178是个高妹)。 ————————————————— 矮她一头是多少,一头难道不是25厘米???", "呼呼忽忽忽: 举报 2015-12-13 14:26:31 评论 168......笑喷了, 王宝强自称身高159. 王宝强和AB同穿平底, 王宝强比AB高了一点点, 难道王宝强其实有170? 却自称159 水仙和小青: 举报 2016-10-07 02:53:36 评论 评论馒头逗面条:认为AB168的感觉是智障"], "bs_rank_pos": 1}, {"is_selected": true, "title": "回复:范冰冰真实身高,多图对比_身高吧_百度贴吧", "most_related_para": 6, "segmented_title": ["回复", ":", "范冰冰", "真实", "身高", ",", "多", "图", "对比", "_", "身高", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["如果", "她", "真", "的", "高", ",", "干嘛", "还", "每次", "撑", "那么", "高", "的", "鞋子", "。", "都是", "女人", ",", "都", "知道", "穿", "高跟", "的", "痛苦", ",", "何况", "她", "穿", "那么", "高", ",", "而且", "几乎", "都", "穿", ",", "那", "就", "证明", "她", "内心", "清楚", "自己", "这一点"], ["范冰冰", "163", ".", "刘亦菲", "165", ".", "韩雪", "169", "~"], ["赵薇", "比", "169", "的", "谢霆锋", "还要", "矮", "一", "截", ",", "估计", "160", ",", "苏有朋", "是", "很", "诚实", "的", "人", ",", "小虎队", "都是", "170", ".", "比", "冰冰", "高一", "截", "呢", "。", "范冰冰", "161", "."], ["以", "李斯羽", "181", ".", "5", "韩雪", "169", "蒋梦婕", "159", ".", "7", "作为", "标杆", ",", "考证", "娱乐圈", "女星", "身高", "作者", ":", "杨晓旭", "181", ".", "5", "李斯羽", "[", "绝对", "标杆", "]", "181", "张梓琳", "(", "和", "李斯羽", "基本", "同", "高", ")", "178", "倪景阳", "[", "标杆", "]", "=", "蒋", "怡", "[", "标杆", "]", "=", "林嘉绮", "176", "熊黛林", "=", "马艳丽", "175", "-", "176", "李艾", "(", "自爆", "177", ".", "56", ")", "175", "艾尚真", "[", "标杆", "]", "=", "孟广美", "174", "于娜", "173", "林志玲", "[", "标杆", "]", "=", "周韦彤", "172", "王祖贤", "[", "标杆", "]", "=", "梁咏琪", "=", "瞿", "颖", "170", "关晓彤", "[", "标杆", "]", "=", "郑希怡", "=", "乐基儿", "=", "全智贤", "=", "王", "菲", "169", "韩雪", "[", "标杆", "]", "=", "韩雨芹", "[", "标杆", "]", "=", "李宇春", "168", "袁咏仪", "[", "标杆", "]", "=", "宣", "萱", "[", "标杆", "]", "=", "梅艳芳", "(", "已故", ")", "=", "陈慧琳", "=", "钟嘉欣", "=", "蔡少芬", "=", "小宋佳", "=", "吴佩慈", ".", ".", ".", ".", ".", "=", "李嘉欣", "=", "唐", "嫣", "=", "叶", "童", "167", "周海媚", "=", "吴美珩", "=", "王思懿", "166", "叶倩文", "[", "标杆", "]", "=", "容祖儿", "=", "关之琳", "=", "陈法拉", "=", "孙耀琦", "=", "徐静蕾", "=", "胡杏儿", "165", "刘亦菲", "=", "刘力扬", "=", "叶一茜", "=", "李小冉", "=", "杨恭如", "=", "郭可盈", "=", "李彩桦", "=", "张可颐", "=", "邓丽君", "(", "已故", ")", ".", ".", ".", ".", ".", "=", "胡", "静", "=", "曹", "颖", "=", "姚", "晨", "=", "巩", "俐", "=", "萧", "蔷", "=", "汤", "唯", "=", "闫", "妮", "=", "陈", "红", "(", "演员", ")", "164", "戚薇", "[", "标杆", "]", "=", "张曼玉", "=", "林青霞", "=", "谭维维", "=", "尚雯婕", "=", "莫文蔚", "=", "周慧敏", "=", "应采儿", "=", "钟丽缇", ".", ".", ".", ".", ".", "=", "蒋雯丽", "=", "张馨予", "=", "罗美薇", "=", "郭蔼明", "=", "弦", "子", "163", "刘嘉玲", "=", "陈法蓉", "=", "周秀娜", "=", "杨丽菁", "=", "曾华倩", "=", "金喜善", "=", "刘", "涛", "=", "那", "英", "=", "张", "敏", "=", "舒", "淇", ".", ".", ".", ".", ".", "=", "翁", "虹", "=", "叶", "璇", "=", "蔡", "琳", "162", "范冰冰", "=", "林心如", "=", "李冰冰", "=", "陈乔恩", "=", "李若彤", "=", "钟楚红", "=", "邱淑贞", "=", "赵雅芝", "=", "吴倩莲", "=", "李英爱", ".", ".", ".", ".", ".", "=", "陈", "好", "=", "王", "艳", "=", "秦", "岚", "=", "馨", "子", "161", "陈慧珊", "=", "陈德容", "=", "蒋勤勤", "=", "金巧巧", "=", "杨", "幂", "=", "赵", "薇", "=", "黄", "奕", "=", "梅", "婷", "=", "高", "洋", "160", "郑秀文", "=", "章子怡", "=", "徐熙媛", "(", "大S", ")", "=", "任家萱", "(", "Selina", ")", "=", "陈嘉桦", "(", "Ella", ")", "=", "郭羡妮", "=", "桂纶镁", ".", ".", ".", ".", ".", "=", "高圆圆", "=", "袁姗姗", "=", "杨紫琼", "=", "陈紫函", "=", "俞飞鸿", "=", "陈玉莲", "=", "郑", "爽", "=", "李", "湘", "159", ".", "7", "蒋梦婕", "[", "绝对", "标杆", "]", "(", "可以", "算", "作", "160", "的", "吧", ")", "159", "安以轩", "=", "霍思燕", "=", "温碧霞", "=", "张嘉倪", "=", "黎", "姿", "=", "张", "庭", "=", "厉", "娜", "158", "张柏芝", "=", "杨丞琳", "=", "萧亚轩", "=", "周笔畅", "=", "徐若瑄", "=", "林忆莲", "=", "刘诗诗", "=", "马伊琍", "=", "佘诗曼", "=", "关", "咏"], ["我", "见过", "林心如", "和", "赵薇", "本人", "绝对", "不到", "160", "(", "净高", ")", ",", "也", "就", "158", "!", "推测", "范冰冰", "也", "就", "161", "左右"], ["艾玛", "大家", "不要吵", "了", "好", "吗", "。", "一般来说", "我", "的", "平底鞋", "身高", "别人", "目测", "都是", "165", "左右", ",", "我", "不", "算", "高", "个", "的", "人", ",", "但", "绝对", "不是", "个", "矮", "的", "人", "。", "前", "天", "去", "体检", ",", "红外线", "测", "身高", ",", "光", "脚", ",", "纯", "量", "身高", ",", "其实", "我", "是", "160", "。"], ["大家", "的", "真实", "身高", "真", "没有", "你们", "说", "的", "那么", "玄乎", ",", "净高", "的", "话", "男", "的", "哪有", "那么多", "180", "啊", ",", "女", "的", "哪有", "那么多", "165", "啊", "。", "我", "排队", "体检", "观察", "的", "时候", ",", "大部分", "身高", "可以", "的", "女", "的", ",", "全", "是", "158", "左右", ",", "162", "看起来", "就是", "非常", "高挑", "。", "好", "几个", "声称", "172", "的", "高妹", ",", "一", "测", "全", "现", "原型", "了", ",", "不是", "165", "就是", "166", ".", "人", "的", "真实", "身高", "真", "没有", "你们", "想象", "得", "高", ",", "女人", "160", "以上", "真", "的", "就是", "高个", ",", "信不信由你", "。", "下面", "说说", "男", "的", "。"], ["好多", "咱们", "平常", "感觉", "起来", "172", "左右", "的", "男", "的", ",", "其实", "就是", "和", "女", "的", "一样", "165", "左右", ",", "不到", "170", "的", "男", "的", "不要太多", "好不好", "。", "红外线", "测", "身高", "以后", "我", "才", "觉得", "男", "的", "不到", "170", "其实", "不", "丢人", "。", "体检", "时候", "看见", "一", "个", "很高", "的", "男", "的", ",", "绝对", "是", "咱们", "平常", "感觉", "180", "多", "的", "人", ",", "其实", "是", "177", "。", "大家", "不要", "被", "现在", "宣传", "的", "东西", "迷惑", "了", "。", "多看", "看", "科学", "文献", ",", "中国", "女性", "评论", "身高", "158", ",", "确实", "是", "真", "的", "。", "所以", "范", ",", "还有", "众多", "女明星", ",", "160", "左右", "一点", "都", "不", "奇怪", ",", "难道", "她们", "不是", "人", "?"], ["我", "平常", "报", "身高", "是", "162", ",", "虽然", "现在", "知道", "了", "也是", "虚报", ",", "但", "最", "起码", "没", "瞎", "报", "。", "哪有", "那么多", "168", ",", "开玩笑", "。", "男", "的", "哪有", "那么多", "180", "。", "数字", "并", "不重要", ",", "气质", "好", "比例", "好", ",", "给", "人", "感觉", "挺拔", "精神", ",", "就", "显", "个", ",", "也", "好看", "。", "。", "综上所述", ",", "范冰冰", "是", "个", "会", "打扮", ",", "气质", "好", ",", "很", "挺拔", ",", "身高", "不会", "超出国", "人", "平均", "水平", "的", "女子", "。"], ["帖子", "不错", ",", "又", "长见识", "了", ",", "以前", "一直", "认为", "范冰冰", "真", "有", "168", ",", "因为", "看上去", "的", "确", "很高", ",", "不过", "现实", "终", "归", "是", "残酷", "的", "。", "我", "一直", "都", "坚持", "的", "观点", "是", ",", "真正", "长", "得", "高", "的", "人", "是", "不会", "经常", "穿", "如此", "之", "高", "的", "鞋子", "的", ",", "既然", "自己", "长", "得", "够", "高", "就", "没", "必要", "通过", "其他", "的", "方式", "承", "托", ",", "别人", "自然", "也", "就", "不会", "议论", "。"], ["不", "说", "恨天高", ",", "真", "那么", "高", "绝对不会", "穿", "恨天高", "掩饰", "自己", "身高", ",", "162", "绝对", "的"], ["感觉", "她", "胸", "其实", "也", "不大", ",", "光", "靠", "挤", ",", "挺", "虚伪", "的", "一个人", ",", "搞", "得", "自己", "像", "波霸", "似", "的"], ["感觉", "她", "胸", "其实", "也", "不大", ",", "光", "靠", "挤", ",", "挺", "虚伪", "的", "一个人", ",", "搞", "得", "自己", "像", "波霸", "似", "的"]], "paragraphs": ["如果她真的高,干嘛还每次撑那么高的鞋子。都是女人,都知道穿高跟的痛苦,何况她穿那么高,而且几乎都穿,那就证明她内心清楚自己这一点", "范冰冰163.刘亦菲165.韩雪169~", "赵薇 比169 的谢霆锋还要矮一截 ,估计 160 ,苏有朋是 很诚实的人,小虎队都是 170. 比冰冰高一截呢。 范冰冰161 .", "以李斯羽181.5 韩雪169 蒋梦婕159.7 作为标杆,考证娱乐圈女星身高作者:杨晓旭181.5 李斯羽[绝对标杆]181 张梓琳(和李斯羽基本同高)178 倪景阳[标杆] =蒋 怡[标杆] =林嘉绮176 熊黛林 =马艳丽 175-176 李艾(自爆177.56)175 艾尚真[标杆] =孟广美174 于娜173 林志玲[标杆] =周韦彤172 王祖贤[标杆] =梁咏琪 =瞿 颖170 关晓彤[标杆] =郑希怡 =乐基儿 =全智贤 =王 菲169 韩雪[标杆] =韩雨芹[标杆] =李宇春168 袁咏仪[标杆] =宣 萱[标杆] =梅艳芳(已故) =陈慧琳 =钟嘉欣 =蔡少芬 =小宋佳 =吴佩慈.....=李嘉欣 =唐 嫣 =叶 童167 周海媚 =吴美珩 =王思懿166 叶倩文[标杆] =容祖儿 =关之琳 =陈法拉 =孙耀琦 =徐静蕾 =胡杏儿165 刘亦菲 =刘力扬 =叶一茜 =李小冉 =杨恭如 =郭可盈 =李彩桦 =张可颐 =邓丽君(已故).....=胡 静 =曹 颖 =姚 晨 =巩 俐 =萧 蔷 =汤 唯 =闫 妮 =陈 红(演员)164 戚薇[标杆] =张曼玉 =林青霞 =谭维维 =尚雯婕 =莫文蔚 =周慧敏 =应采儿 =钟丽缇.....=蒋雯丽 =张馨予 =罗美薇 =郭蔼明 =弦 子163 刘嘉玲 =陈法蓉 =周秀娜 =杨丽菁 =曾华倩 =金喜善 =刘 涛 =那 英 =张 敏 =舒 淇 .....=翁 虹 =叶 璇 =蔡 琳162 范冰冰 =林心如 =李冰冰 =陈乔恩 =李若彤 =钟楚红 =邱淑贞 =赵雅芝 =吴倩莲 =李英爱.....=陈 好 =王 艳 =秦 岚 =馨 子161 陈慧珊 =陈德容 =蒋勤勤 =金巧巧 =杨 幂 =赵 薇 =黄 奕 =梅 婷 =高 洋160 郑秀文 =章子怡 =徐熙媛(大S) =任家萱(Selina) =陈嘉桦(Ella) =郭羡妮 =桂纶镁.....=高圆圆 =袁姗姗 =杨紫琼 =陈紫函 =俞飞鸿 =陈玉莲 =郑 爽 =李 湘159.7 蒋梦婕[绝对标杆](可以算作160的吧)159 安以轩 =霍思燕 =温碧霞 =张嘉倪 =黎 姿 =张 庭 =厉 娜158 张柏芝 =杨丞琳 =萧亚轩 =周笔畅 =徐若瑄 =林忆莲 =刘诗诗 =马伊琍 =佘诗曼 =关咏", "我见过林心如和赵薇本人绝对不到160(净高),也就158!推测范冰冰也就161左右", "艾玛大家不要吵了好吗。一般来说我的平底鞋身高别人目测都是165左右,我不算高个的人,但绝对不是个矮的人。前天去体检,红外线测身高,光脚,纯量身高,其实我是160。", "大家的真实身高真没有你们说的那么玄乎,净高的话男的哪有那么多180啊,女的哪有那么多165啊。我排队体检观察的时候,大部分身高可以的女的,全是158左右,162看起来就是非常高挑。好几个声称172的高妹,一测全现原型了,不是165就是166.人的真实身高真没有你们想象得高,女人160以上真的就是高个,信不信由你。下面说说男的。", "好多咱们平常感觉起来172左右的男的,其实就是和女的一样165左右,不到170的男的不要太多好不好。红外线测身高以后我才觉得男的不到170其实不丢人。体检时候看见一个很高的男的,绝对是咱们平常感觉180多的人,其实是177。大家不要被现在宣传的东西迷惑了。多看看科学文献,中国女性评论身高158,确实是真的。所以范,还有众多女明星,160左右一点都不奇怪,难道她们不是人?", "我平常报身高是162,虽然现在知道了也是虚报,但最起码没瞎报。哪有那么多168,开玩笑。男的哪有那么多180。数字并不重要,气质好比例好,给人感觉挺拔精神,就显个,也好看。。综上所述,范冰冰是个会打扮,气质好,很挺拔,身高不会超出国人平均水平的女子。", "帖子不错,又长见识了,以前一直认为范冰冰真有168,因为看上去的确很高,不过现实终归是残酷的。我一直都坚持的观点是,真正长得高的人是不会经常穿如此之高的鞋子的,既然自己长得够高就没必要通过其他的方式承托,别人自然也就不会议论。", "不说恨天高,真那么高绝对不会穿恨天高掩饰自己身高,162绝对的", "感觉她胸其实也不大,光靠挤,挺虚伪的一个人,搞得自己像波霸似的", "感觉她胸其实也不大,光靠挤,挺虚伪的一个人,搞得自己像波霸似的"], "bs_rank_pos": 2}, {"is_selected": false, "title": "范冰冰身高162cm封顶 范冰冰真实身高多图对比_男人窝", "most_related_para": 25, "segmented_title": ["范冰冰", "身高", "162", "cm", "封顶", "范冰冰", "真实", "身高", "多", "图", "对比", "_", "男人", "窝"], "segmented_paragraphs": [["编辑", ":", "小", "男", "2015", "-", "12", "-", "01", "16", ":", "32", ":", "08"], ["无论", "何种", "场合", ",", "范冰冰", "从来", "都是", "高跟鞋", "不", "离", "脚", "。", "这样", "给", "大家", "造成", "了", "一种错觉", ",", "那", "就是", "范冰冰", "身高", "很高", "。", "实际上", ",", "有", "网友", "发出", "范冰冰", "和", "其他", "明星", "站在一起", "的", "对比", "图", ",", "范冰冰", "身高", "多少", "立马", "见", "分晓", "。"], ["范冰冰", "身高", "多少", "?", "先", "看看", "个人资料"], ["范冰冰", "身高", "多少"], ["中文名", ":", "范冰冰"], ["身高", ":", "168", "cm"], ["体重", ":", "56", ".", "9kg"], ["星座", ":", "处女座"], ["出生地", ":", "山东", "青岛"], ["出生日期", ":", "1981", "年", "9", "月", "16", "日", "(", "农历", ":", "八月", "十九", ")"], ["职业", ":", "演员", "、", "歌手", "、", "影视", "工作室", "老板"], ["范冰冰", "真实", "身高", ",", "多", "图", "对比"], ["众所周知", ",", "范冰冰", "是", "不", "论", "场合", "的", "防水台", "恨天高", ",", "所以", "她", "的", "身高", "特别", "不好", "算", "。"], ["还珠", "里", "和", "赵", "、", "林", "一般", "高", ",", "比", "苏有朋", "矮", "很多", "。", "苏有朋", "的", "身高", "有没有", "170", ",", "大家", "都", "懂", "。"], ["刘若英", "一直", "报", "160", ",", "范冰冰", "多", "高", ",", "自己", "看"], ["和", "160", "的", "章子怡", "。", "范冰冰", "鞋子", "防水台", "还", "高点", "。"], ["除了", "范冰冰", ",", "清一色", "运动鞋", "。", "田亮", "168", ",", "运动员", "身高", "难", "做假", "。", "范冰冰", "防水台", "高跟鞋", "和", "田亮", "一样", "高", "。"], ["范冰冰", "真实", "身高", "162", "cm", "封顶", "有图", "有", "真相"], ["10", "月", "中旬", ",", "范冰冰", "亮相", "柳州", "捞金", ",", "一", "双", "枚", "红色", "恨天高", "可谓", "是", "亮相", "了", "前", "来", "围观", "的", "民众", "。", "继而", "导致", "#", "范冰冰", "12", "寸", "高跟鞋", "#", "一", "度", "被", "顶", "至", "最", "热", "搜索", ",", "范爷", "的", "魅力", "真可谓", "不", "一般", "呢", "。", "同时", ",", "网友", "对", "范冰冰", "的", "身高", "也", "提出", "质疑", ",", "穿", "那么", "高", "的", "恨天高", "究竟", "是", "为啥", "呢", "?"], ["范冰冰", "黄晓明"], ["两人", "一同", "宣传", "电影", ",", "黄晓明", "这次", "没有", "穿", "“", "汗血宝马", "”", "喔", ",", "范爷", "还是", "穿着", "恨天高", "。"], ["范冰冰", "黄晓明", "鞋子", "对比"], ["黄晓明", "的", "平底", "凉鞋", ",", "范冰冰", "的", "恨天高", "有", "多", "恐怖", "大家", "感受", "下", ",", "这", "鞋", "跟", "10cm", "少不了", "!", "范冰冰", "真实", "身高", "真", "的", "差不多", "就", "162", "cm", "左右", "。"], ["范冰冰", "脱鞋", "和", "郭德纲", "站", "一起"], ["早期", "跟", "相声演员", "郭德纲", "合作", "《", "三笑", "》", "的", "时候", "一同", "亮相", "发布会", ",", "范冰冰", "为了", "迁就", "郭德纲", "身高", ",", "贴心", "地", "脱下", "了", "高跟鞋", "站", "在", "郭德纲", "旁边", ",", "真实", "身高", "一下子", "就", "曝光", "了", "。"], ["范冰冰", "身高", "官方", "报", "是", "168", "cm", ",", "不", "过往", "郭德纲", "身旁", "一", "站", "显得", "这", "报", "的", "数据", "也", "虚假", "过", "头", "了", "点", "。", "根据", "网友", "反映", ",", "郭德纲", "最多", "160", "封顶", ",", "而", "发布会", "上", "的", "这", "张", "图", "来看", ",", "范冰冰", "也", "没", "比", "郭德纲", "高", "出", "许多", ",", "郭德纲", "还", "没", "完全", "站", "直", "的", "说", "。", "范冰冰", "真实", "身高", "大概", "162", "cm", "左右", "。"], ["再", "来", "感受", "下", "穿", "平底鞋", "的", "范爷"], ["范冰冰", "身高", "如果", "真", "的", "是", "162", "封顶", "的", "话", ",", "那么", "她", "给", "人", "造成", "的", "手", "长", "脚", "长", "的", "错觉", ",", "只能", "说明", "她", "身形", "好", "。", "不过", "娱乐圈", "中", ",", "很多", "女明星", "都", "给", "人", "很高", "的", "感觉", ",", "就像", "小S", "、", "蔡依林", "等人", "。", "有些", "是因为", "身材", "比例", "好", ",", "有些", "是因为", "会", "穿", "搭", "。"], ["上", "一篇", "纪凌尘", "个人资料", "海量", "放送"], ["下一篇", "黄渤", "影帝", "修成正果"], ["范冰冰", ",", "1981", "年", "9", "月", "16", "日", "生", "于", "山东", "青岛", ",", "于", "1998", "年", "参演", "《", "还珠格格", "》", "首次", "进入", "观众", "的", "视线", ",", "随后", "凭", ".", ".", ".", "详情"], ["相关", "阅读"], ["精彩专题"], ["热点推荐"]], "paragraphs": ["编辑:小男2015-12-01 16:32:08", "无论何种场合,范冰冰从来都是高跟鞋不离脚。这样给大家造成了一种错觉,那就是范冰冰身高很高。实际上,有网友发出范冰冰和其他明星站在一起的对比图,范冰冰身高多少立马见分晓。", "范冰冰身高多少?先看看个人资料", "范冰冰身高多少", "中文名:范冰冰", "身高:168cm", "体重:56.9kg", "星座:处女座", "出生地:山东青岛", "出生日期:1981年9月16日(农历:八月十九)", "职业:演员、歌手、影视工作室老板", "范冰冰真实身高,多图对比", "众所周知,范冰冰是不论场合的防水台恨天高,所以她的身高特别不好算。", "还珠里和赵、林一般高,比苏有朋矮很多。苏有朋的身高有没有170,大家都懂。", "刘若英一直报160,范冰冰多高,自己看", "和160的章子怡。范冰冰鞋子防水台还高点。", "除了范冰冰,清一色运动鞋。田亮168,运动员身高难做假。范冰冰防水台高跟鞋和田亮一样高。", "范冰冰真实身高162cm封顶 有图有真相", "10月中旬,范冰冰亮相柳州捞金,一双枚红色恨天高可谓是亮相了前来围观的民众。继而导致#范冰冰12寸高跟鞋#一度被顶至最热搜索,范爷的魅力真可谓不一般呢。同时,网友对范冰冰的身高也提出质疑,穿那么高的恨天高究竟是为啥呢?", "范冰冰黄晓明", "两人一同宣传电影,黄晓明这次没有穿“汗血宝马”喔,范爷还是穿着恨天高。", "范冰冰黄晓明鞋子对比", "黄晓明的平底凉鞋,范冰冰的恨天高有多恐怖大家感受下,这鞋跟10cm少不了!范冰冰真实身高真的差不多就162cm左右。", "范冰冰脱鞋和郭德纲站一起", "早期跟相声演员郭德纲合作《三笑》的时候一同亮相发布会,范冰冰为了迁就郭德纲身高,贴心地脱下了高跟鞋站在郭德纲旁边,真实身高一下子就曝光了。", "范冰冰身高官方报是168cm,不过往郭德纲身旁一站显得这报的数据也虚假过头了点。根据网友反映,郭德纲最多160封顶,而发布会上的这张图来看,范冰冰也没比郭德纲高出许多,郭德纲还没完全站直的说。范冰冰真实身高大概162cm左右。", "再来感受下穿平底鞋的范爷", "范冰冰身高如果真的是162封顶的话,那么她给人造成的手长脚长的错觉,只能说明她身形好。不过娱乐圈中,很多女明星都给人很高的感觉,就像小S、蔡依林等人。有些是因为身材比例好,有些是因为会穿搭。", "上一篇 纪凌尘个人资料海量放送", "下一篇 黄渤影帝修成正果", "范冰冰,1981年9月16日生于山东青岛,于1998年参演《还珠格格》首次进入观众的视线,随后凭...详情", "相关阅读", "精彩专题", "热点推荐"], "bs_rank_pos": 3}, {"is_selected": false, "title": "范冰冰真实身高,多图对比_身高吧_百度贴吧", "most_related_para": 7, "segmented_title": ["范冰冰", "真实", "身高", ",", "多", "图", "对比", "_", "身高", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["众所周知", ",", "范冰冰", "是", "不", "论", "场合", "的", "防水台", "恨天高", ",", "所以", "她", "的", "身高", "特别", "不好", "算", "。", "从", "早期", "照片", "说", "起", "。", "还珠", "里", "和", "赵", "、", "林", "一般", "高", ",", "比", "苏有朋", "矮", "很多", "。", "苏有朋", "的", "身高", "有没有", "170", ",", "大家", "都", "懂", "的", "。"], ["刘", "一直", "报", "160", ",", "范", "多", "高", ",", "自己", "看"], ["和", "160", "的", "章子怡", "。", "范冰冰", "鞋子", "防水台", "还", "高点", "。"], ["除了", "范冰冰", ",", "清一色", "运动鞋", "。", "田亮", "168", ",", "运动员", "身高", "难", "做假", "。", "范冰冰", "防水台", "高跟鞋", "也", "就", "和", "田亮", "一样", "高", "。"], ["何润东", "百科", "资料", "185", "(", "自己", "曾", "也", "亲", "口", "说过", ")", "。", "吧", "里", "讨论", "182", "*", "(", "太", "黑", "的", "不", "算", ")", ".", "取", "中间", "。", "图片", "上", "何润东", "184", "+", "平底鞋", "大约", "188", ".", "范冰冰", "如果", "是", "168", ",", "再", "+", "12cm", "(", "她", "这", "双", "高跟鞋", "有", "17CM", ",", "取", "增高", "12CM", ")", "=", "180188", "-", "180", "=", "8cm", "?", "可是", "他", "和", "何润东", "距离", "难道", "真", "是", "8", "cm", "差距", "?", "他们", "都", "仰", "着", "头", ",", "至少", "和", "何润东", "差距", "20cm", "左右", "。", "何润东", "188", "cm", "-", "范冰冰", "12cm", "(", "图片", "高跟", ")", "-", "20cm", "(", "两人", "穿", "起", "鞋", "的", "身高", "差距", ")", "=", "!", "!", "!", "范冰冰", "其实", "很", "矮", "的", "!", "(", "图", "中", "女星", "的", "高跟鞋", "都", "没有", "防水台", "!", ")"], ["早期", "没有", "恨天高", ",", "鞋子", "有目共睹"], ["和", "刘德华", ",", "老刘", "身高", "有目共睹", ",", "171", ".", "5", "是", "自己", "早期", "报", "的", "数据", "。"], ["高跟鞋", "的", "作用", "到底", "有多大", "范冰冰", "左右", "分别", "是", "袁泉", "和", "李小冉", ",", "资料", "身高", "都是", "1", ".", "68", ",", "明显", "没", "站", "直", "。", "范冰冰", "矮", "多少", "自己", "看", "。"], ["有", "了", "超", "高跟", "又", "和", "李小冉", "一样", "高", "了"], ["穿", "平底鞋", "的", "身", "板"], ["近距离", "看看", "她", "上", "图", "这", "双", "鞋", "甄子丹", "165", ",", "黎明", "174"], ["给", "她", "点", "面子", ",", "净", "身高", "160", "-", "162", ",", "绝对", "很", "正确", "的", "。", "为什么", "大家", "第", "一", "感觉", "会", "觉得", "她", "比较", "高", ",", "因为", "他", "比例", "不错", ",", "而且", "块", "很大", ",", "骨骼", "比较", "偏", "大", ",", "所以", "你", "看", "她", "的", "肩宽", ",", "臂展", ",", "都是", "165", "+", "的", "级别", "。", "我", "研究", "过", "她", "的", "身材", ",", "最后", "归", "为", "块", "比较", "大", "的", "脂肪", "性", "体", "格", ",", "但", "没", "女人", "的", "真正", "曲线", "那种", ",", "也", "就是", "胸", "、", "腰", "、", "臀", "的", "比例", "不", "突出", ",", "她", "这种", "身材", "胸部", "可能", "多大", ",", "只能", "靠", "周边", "的", "脂肪", "来", "挤压", ",", "但", "腰", "一定", "不会", "纤细", "。", "如果", "真", "的", "168", ",", "整天", "穿", "15", "以上", "的", "高跟鞋", "(", "实际", "增高", "怎么", "也", "得", "10", "厘米", ")", ",", "这", "双", "实际", "增高", "起码", "8", "厘米", "。", "谁", "敢", "和", "她", "配", "戏"], ["报", "169", "的", "韩雪", "和", "谢霆锋", "范冰冰", "超", "高跟", "和", "谢霆锋"], ["冰冰", "的", "鞋子", "是", "越来越高", "其实", "就", "160", "出", "头", "报", "了", "168", "很多人", "还", "坚信", "不", "移"]], "paragraphs": ["众所周知,范冰冰是不论场合的防水台恨天高,所以她的身高特别不好算。从早期照片说起。还珠里和赵、林一般高,比苏有朋矮很多。苏有朋的身高有没有170,大家都懂的。", "刘一直报160,范多高,自己看", "和160的章子怡。范冰冰鞋子防水台还高点。", "除了范冰冰,清一色运动鞋。田亮168,运动员身高难做假。范冰冰防水台高跟鞋也就和田亮一样高。", "何润东百科资料185(自己曾也亲口说过)。吧里讨论182*(太黑的不算).取中间。图片上何润东184+平底鞋大约188. 范冰冰如果是168,再+12cm(她这双高跟鞋有17CM,取增高12CM)=180188-180=8cm? 可是他和何润东距离难道真是8cm差距?他们都仰着头,至少和何润东差距20cm左右。何润东188cm-范冰冰12cm(图片高跟)-20cm(两人穿起鞋的身高差距)=!!!范冰冰其实很矮的!(图中女星的高跟鞋都没有防水台 !)", "早期没有恨天高,鞋子有目共睹", "和刘德华,老刘身高有目共睹,171.5是自己早期报的数据。", "高跟鞋的作用到底有多大范冰冰左右分别是袁泉和李小冉,资料身高都是1.68,明显没站直。范冰冰矮多少自己看。", "有了超高跟又和李小冉一样高了", "穿平底鞋的身板", "近距离看看她上图这双鞋甄子丹165,黎明174", "给她点面子,净身高160-162,绝对很正确的。为什么大家第一感觉会觉得她比较高,因为他比例不错,而且块很大,骨骼比较偏大,所以你看她的肩宽,臂展,都是165+的级别。我研究过她的身材,最后归为块比较大的脂肪性体格,但没女人的真正曲线那种,也就是胸、腰、臀的比例不突出,她这种身材胸部可能多大,只能靠周边的脂肪来挤压,但腰一定不会纤细。如果真的168,整天穿15以上的高跟鞋(实际增高怎么也得10厘米),这双实际增高起码8厘米。谁敢和她配戏", "报169的韩雪和谢霆锋范冰冰超高跟和谢霆锋", "冰冰的鞋子是越来越高 其实就160出头 报了168 很多人还坚信不移"], "bs_rank_pos": 4}], "answer_spans": [[0, 6]], "answer_docs": [0], "fake_answers": ["真实情况是160-162。"], "question": "范冰冰多高真实身高", "segmented_answers": [["真实", "情况", "是", "160", "-", "162", "。"], ["范冰冰", "163", "。"]], "answers": ["真实情况是160-162。", "范冰冰163。"], "entity_answers": [["160-162"], ["163"]], "segmented_question": ["范冰冰", "多", "高", "真实", "身高"], "question_type": "ENTITY", "match_scores": [1.0], "fact_or_opinion": "FACT", "question_id": 181591} -{"documents": [{"is_selected": true, "title": "游标卡尺的使用方法_百度经验", "most_related_para": 8, "segmented_title": ["游标卡尺", "的", "使用方法", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "生活", "/", "家居", ">", "生活常识"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["游标卡尺", ",", "作为", "常用", "的", "度量", "工具", ",", "以", "其", "精度", "为", "名", ",", "一般", "可以", "精确", "到", "0.01", "cm", ",", "但是", "其", "结构", "比", "起", "卷尺", "直尺", "相对", "要", "复杂", "很多", ",", "刚刚", "接触", "的", "人", ",", "很", "可能", "不能", "一下子", "摸", "到", "门", "路", "。"], ["所以", "在", "此", "介绍一下", "它", "的", "使用方法", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "测量", "外径", "如图", ",", "红", "框", "内", "部分", ",", "钳住", "物品", ",", "得出", "测量", "数据", "。", "步骤", "阅读", "2", "测量", "内径", "如图", ",", "红", "框", "内", "部分", ",", "在", "物品", "内径", "部分", ",", "两端", "张开", ",", "撑住", "物品", ",", "得出", "测量", "数据", "。", "步骤", "阅读", "3", "测量", "深度", "如图", ",", "红", "框", "内", "部分", ",", "探", "入", "后", ",", "固定", "标尺", ",", "得出", "测量", "数据", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "无论", "测量方法", "如何", ",", "数据", "都", "便", "现在", "标尺", "上", "。", "所以", "我们", "以下", "图", "测量", "内径", "的", "图示", "为", "例", ":", "步骤", "阅读", "2", "首先", ",", "看", "副", "尺", "“", "0", "”", "的", "位置", ",", "它", "决定", "了", "头", "两", "个", "数", "位", "。", "图", "中", "0", "在", "2", ".", "3", "cm", "的", "后面", "。", "即", "为", "测量", "物体", "的", "内径", "为", "2.3xx", "cm", ".", "步骤", "阅读", "3", "然后", "观察", "副", "尺", "分度", "(", "精确度", ")", ",", "就是", "有", "多少", "个", "格", "图", "中", "为", "20", "分度", ",", "即", "精确度", "为", "0", ".", "05", "mm", "。", "(", "每", "分度", "的", "单位", "=", "1", "毫米", "/", "分度", ")", "步骤", "阅读", "4", "然后", "看", "副", "尺", "和", "主", "尺", "完全", "重合", "的", "数", "位", ",", "看", "红", "框", "内", ",", "重合", "部分", "与", "二", "差", "3", "格", "。", "即", "重合", "处", "为", "17", "。", "每", "单位", "为", "0", ".", "05", "mm", ",", "得出", "最后", "的", "数", "位", ",", "0", ".", "85mm", "(", "0", ".", "085", "cm", ")", "步骤", "阅读", "5", "最后", "测量", "出", ",", "目标", "的", "内径", "为", "2", ".", "385", "cm", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["还有", "一", "种", "带", "电子显示屏", "的", "游标卡尺", ",", "请", "及时", "清零", "。", "有必要", "的", "时候", ",", "一定", "人工", "读数", "确保", "精度", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "爱好广泛", ",", "是", "个", "快乐的人"]], "paragraphs": ["百度经验 > 生活/家居 > 生活常识", "百度经验:jingyan.baidu.com", "游标卡尺,作为常用的度量工具,以其精度为名,一般可以精确到0.01cm,但是其结构比起卷尺直尺相对要复杂很多,刚刚接触的人,很可能不能一下子摸到门路。", "所以在此介绍一下它的使用方法。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 测量外径 如图,红框内部分,钳住物品,得出测量数据。 步骤阅读 2 测量内径 如图,红框内部分,在物品内径部分,两端张开,撑住物品,得出测量数据。 步骤阅读 3 测量深度 如图,红框内部分,探入后,固定标尺,得出测量数据。 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 无论测量方法如何,数据都便现在标尺上。 所以我们以下图测量内径的图示为例: 步骤阅读 2 首先,看副尺“0”的位置,它决定了头两个数位。图中0在2.3cm的后面。即为测量物体的内径为2.3xxcm. 步骤阅读 3 然后观察副尺分度(精确度),就是有多少个格图中为20分度,即精确度为0.05mm。(每分度的单位=1毫米/分度) 步骤阅读 4 然后看副尺和主尺完全重合的数位,看红框内,重合部分与二差3格。即重合处为17。每单位为0.05mm,得出最后的数位,0.85mm(0.085cm) 步骤阅读 5 最后测量出,目标的内径为2.385cm END", "百度经验:jingyan.baidu.com", "还有一种带电子显示屏的游标卡尺,请及时清零。有必要的时候,一定人工读数确保精度。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:爱好广泛,是个快乐的人"], "bs_rank_pos": 0}, {"is_selected": true, "title": "教你如何正确读出游标卡尺的数值及读数方法_百度经验", "most_related_para": 9, "segmented_title": ["教", "你", "如何", "正确", "读出", "游标卡尺", "的", "数值", "及", "读数", "方法", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "生活", "/", "家居", ">", "生活常识"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["游标卡尺", "作为", "一", "种", "高精度", "测量", "工具", ",", "被", "广泛", "的", "应用", "于", "生产", "和", "生活", "中", "。", "作为", "经常", "用", "到", "的", "一", "种", "量具", ",", "我们", "应当", "熟练掌握", "其", "读数", "方法", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "常见", "游标卡尺", "按", "其", "精度", "有", ":", "0", ".", "1", "毫米", "、", "0", ".", "05", "毫米", "和", "0", ".", "02", "毫米", "。", "应该", "根据", "自己", "的", "需要", "选择", "合适", "的", "精度", "等级", "。", "下图", "所示", "为", "一", "精度", "为", "0", ".", "02", "mm", "的", "游标卡尺", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "将", "被", "测", "物体", "置于", "测量", "爪", "之间", ",", "移动", "测量", "爪", ",", "夹紧", "物体", "。", "2", "测量", "完毕", "之后", "应", "将", "紧固", "螺钉", "拧紧", ",", "以", "防", "数值", "在", "量具", "移动", "过程", "中", "发生", "变化", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "读数", "时", "首先", "以", "游标", "零", "刻度", "线", "为准", ",", "读取", "尺", "身上", "的", "毫米", "整数", "。", "如图所示", ",", "游标", "零", "刻度", "位于", "主", "尺", "的", "14mm", "与", "15mm", "之间", ",", "所以", "读取", "其", "整数", "毫米", "为", "14mm", "步骤", "阅读", "2", "再", "读取", "游标", "所", "指示", "的", "数值", "。", "观察", "游标", "上", "第", "几", "条", "刻度", "线", "与", "尺", "身", "的", "刻度", "线", "对齐", ",", "如图所示", ",", "取", "最", "接近", "对齐", "的", "线", ",", "下图", "取", "游标", "8", "数值", "处", "刻度", "线", "与", "主", "尺", "刻度", "线", "对齐", "。", "则", "读数", "结果", "为", ":", "40", "格", "*", "0", ".", "02", "mm", "(", "精度", ")", "=", "0", ".", "8", "mm", "步骤", "阅读", "步骤", "阅读", "3", "将", "两次", "读数", "相加", "即", "为此", "次", "测量", "的", "数值", "。", "即", "最终", "读数", "为", "14mm", "+", "0", ".", "8mm", "=", "14", ".", "8mm", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["根据", "自己", "的", "需要", "选择", "合适", "的", "精度", "等级", "很重要"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验 > 生活/家居 > 生活常识", "百度经验:jingyan.baidu.com", "游标卡尺作为一种高精度测量工具,被广泛的应用于生产和生活中。作为经常用到的一种量具,我们应当熟练掌握其读数方法。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 常见游标卡尺按其精度有:0.1毫米、0.05毫米和0.02毫米。应该根据自己的需要选择合适的精度等级。下图所示为一精度为0.02mm的游标卡尺 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 将被测物体置于测量爪之间,移动测量爪,夹紧物体。 2 测量完毕之后应将紧固螺钉拧紧,以防数值在量具移动过程中发生变化。 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 读数时首先以游标零刻度线为准,读取尺身上的毫米整数。如图所示,游标零刻度位于主尺的14mm与15mm之间,所以读取其整数毫米为14mm 步骤阅读 2 再读取游标所指示的数值。观察游标上第几条刻度线与尺身的刻度线对齐,如图所示,取最接近对齐的线,下图取游标8数值处刻度线与主尺刻度线对齐。则读数结果为:40格*0.02mm(精度)=0.8mm 步骤阅读 步骤阅读 3 将两次读数相加即为此次测量的数值。即最终读数为14mm+0.8mm=14.8mm END", "百度经验:jingyan.baidu.com", "根据自己的需要选择合适的精度等级很重要", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "游标卡尺的读数方法_百度文库", "most_related_para": 2, "segmented_title": ["游标卡尺", "的", "读数", "方法", "_", "百度", "文库"], "segmented_paragraphs": [["游标卡尺", "的", "读数", "方法", "_", "理化生", "_", "高中", "教育", "_", "教育", "专区", "。", "(", "课件", ")", "游标卡尺", "的", "读数", "和", "练习"], ["游标", "尺", "的", "构造", "游", "标尺", "包括", ":", "尺", "身", "、", "主", "尺", "、", "游", "标尺", "、", "深度", "尺", "、", "内", "测量", "爪", "、", "外", "测量", "爪", "和", "紧固", "螺钉", "七", "个", "部分", "。"], ["紧固", "螺钉", "主", "尺", "0", "1", "2", "3", "4", "5", "6", "7", "8", "9", "10", "深度", "尺", "0", "1", "2", "3", "尺", "身", "4", "5", "6", "7", "8", "9", "0", "10", "分度", "游标卡尺", "0", "1", "0", "5", "10", "20", "分度", "游标卡尺", "0", "1", "2", "3", "0", "10", "20", "游标", "尺", "的", "读数", "方法", "游标", "尺", "的", "读数", "包括", "以下", "三", "个", "步骤", ":", "1", "、", "从", "主", "尺", "上", "读出", "主要", "部分", ",", "即", "游标", "尺", "的", "零", "刻度", "线", "对", "准", "的", "主", "尺", "上", "的", "刻度", "值", "A", "(", "应", "以", "mm", "为", "单位", ")", "。", "2", "、", "找出", "从", "游标", "尺", "上", "的", "第", "N", "条", "刻度", "线", "与", "主", "尺", "上", "的", "某", "条", "刻", "度", "线", "对齐", ",", "然后", "根据", "游标", "尺", "的", "种类", "确定", "每", "分度", "的", "值", "u", "(", "10", "分度", "尺", "为", "0", ".", "1", "mm", ",", "20", "分度", "尺", "为", "0", ".", "05", "mm", ",", "50", "分度", "尺", "为", "0", ".", "02", "mm", ")", ",", "算", "出游", "标尺", "上", "计", "出", "的", "值", "B", ":", "B", "=", "N", "×", "u", "(", "mm", ")", "3", "、", "求", "出", "最后", "结果", ":", "X", "=", "A", "+", "B", "(", "mm", ")", "10", "分度", "游标卡尺", "3", "4", "cm", "0", "10", "20", "分度", "游标卡尺", "6", "7", "8cm", "0", "1", "10", "2", "20", "3", "cm", "0", "1", "2", "3", "4", "5", "6", "7", "8", "9", "0", "50", "分度", "游标卡尺", "游标卡尺", "读数", "练习", "0", "1", "2", "3", "4", "5", "主", "尺", "0", "10", "20", "游标", "尺", "答案", ":", "11", ".", "50mm", "游标卡尺", "读数", "练习", "10", "11", "12", "cm", "0", "10", "20", "答案", ":", "102", ".", "35", "mm", "游标卡尺", "读数", "练习", "答案", ":", "20", ".", "30", "mm", "游标卡尺", "读数", "练习", "答案", ":", "29", ".", "35", "mm", "A", "游标卡尺", "读数", "练习", "0", "1", "2", "3", "4", "5", "6", "7", "8", "9", "10", "0", "1", "2", "3", "4", "5", "6", "7", "8", "9", "0", "1", "B", "2", "0", "1", "2", "答案", ":", "11", ".", "14mm", "游标卡尺", "读数", "练习", "答案", ":", "10", ".", "55mm", "游标卡尺", "读数", "练习", "6", "5", "0", "5", "10", "答案", ":", "54", ".", "5mm", "游标卡尺", "读数", "练习", "答案", ":", "41", ".", "20mm"], ["160", "份", "文档"], ["2014", "年", "各", "行业", "从业资格", "考试"], ["80", "份", "文档"]], "paragraphs": ["游标卡尺的读数方法_理化生_高中教育_教育专区。(课件)游标卡尺的读数和练习", "游标尺的构造 游标尺包括:尺身、主尺、游 标尺、深度尺、内测量爪 、 外测量爪和紧固螺钉七个部分。", "紧固螺钉 主尺 0 1 2 3 4 5 6 7 8 9 10 深度尺 0 1 2 3 尺身 4 5 6 7 8 9 0 10分度游标卡尺 0 1 0 5 10 20分度游标卡尺 0 1 2 3 0 10 20 游标尺的读数方法游标尺的读数包括以下三个步骤: 1、从主尺上读出主要部分,即游标尺的零刻度线对 准的主尺上的刻度值A(应以mm为单位)。 2、找出从游标尺上的第N条刻度线与主尺上的某条刻 度线对齐,然后根据游标尺的种类确定每分度的值u (10分度尺为0.1mm,20分度尺为0.05mm,50分度尺为 0.02mm),算出游标尺上计出的值B:B=N×u ( mm) 3、求出最后结果:X=A+B (mm) 10分度游标卡尺 3 4 cm 0 10 20分度游标卡尺 6 7 8cm 0 1 10 2 20 3 cm 0 1 2 3 4 5 6 7 8 9 0 50分度游标卡尺 游标卡尺读数练习 0 1 2 3 4 5主尺 0 10 20 游标尺 答案:11.50mm 游标卡尺读数练习 10 11 12 cm 0 10 20 答案:102.35 mm 游标卡尺读数练习 答案:20.30mm 游标卡尺读数练习 答案:29.35mm A 游标卡尺读数练习 0 1 2 3 4 5 6 7 8 9 10 0 1 2 3 4 5 6 7 8 9 0 1 B 2 0 1 2 答案:11.14mm 游标卡尺读数练习 答案:10.55mm 游标卡尺读数练习 6 5 0 5 10 答案:54.5mm 游标卡尺读数练习 答案:41.20mm", "160份文档", "2014年各行业从业资格考试", "80份文档"], "bs_rank_pos": 2}, {"is_selected": false, "title": "游标卡尺的读数方法_图文_百度文库", "most_related_para": 1, "segmented_title": ["游标卡尺", "的", "读数", "方法", "_", "图文", "_", "百度", "文库"], "segmented_paragraphs": [["游标卡尺", "的", "读数", "方法", "_", "机械", "/", "仪表", "_", "工程", "科技", "_", "专业", "资料", "。", "让", "你", "轻松", "学会", "游标卡尺", "的", "读数", "。"], ["游标卡尺", "的", "读数", "原理", "1", ".", "游", "标尺", "的", "刻度", "0", "0", "10", "1", "2", "cm", "游标", "尺", "的", "每", "一", "最小", "刻度", "0", ".", "9", "mm", ",", "它", "与", "主", "尺", "上", "的", "最小", "刻度", "相差", "0", ".", "1mm", "2", ".", "游标卡尺", "的", "读数", "原理", "(", "10", "个", "小", "刻度", ")", "0", "0", "10", "1", "2", "cm", "游", "标尺", "向右", "移动", "0", ".", "1", "mm", ",", "游标", "上", "的", "第", "1", "刻度", "与", "主", "尺", "上", "的", "某", "一", "刻度", "对齐", ",", "其", "读数", "为", "0", "+", "1", "×", "0", ".", "1mm", "0", "0", "1", "10", "2", "cm", "游标", "向右", "移动", "0", ".", "2", "mm", ",", "游标", "上", "的", "第", "2", "刻度", "与", "主", "尺", "上", "的", "某", "一", "刻度", "对齐", ",", "其", "读数", "为", "0", "+", "2", "×", "0", ".", "1mm", "0", "0", "1", "10", "2", "cm", "其", "读数", "=", "0", "+", "8", "×", "0", ".", "1mm", "=", "0", ".", "8mm", "=", "0", ".", "08", "cm", "0", "0", "1", "10", "2", "cm", "其", "读数", "为", "(", "2", "+", "6", "×", "0", ".", "1", ")", "mm", "=", "2", ".", "6mm", "=", "0", ".", "26", "cm", "0", "1", "0", "2", "cm", "10", "其", "读数", "为", "(", "10", "+", "7", "×", "0", ".", "1", ")", "mm", "=", "1", ".", "07", "cm", "规律", ":", "读数", "=", "主", "尺", "上", "的", "读数", "(", "mm", ")", "+", "游标", "上", "的", "读数", "(", "刻度", "数", "n", "×", "精度", "mm", ")", "3", ".", "游标卡尺", "的", "读数", "原理", "(", "20", "个", "小", "刻度", ")", "0", "0", "1", "10", "20", "2", "cm", "游标", "尺", "的", "每", "一", "最小", "刻度", "0", ".", "95mm", ",", "它", "与", "主", "尺", "上", "的", "最小", "刻度", "相差", "0", ".", "05", "mm", "0", "0", "1", "10", "2", "cm", "20", "游标", "向右", "移动", "0", ".", "05", "mm", ",", "游标", "上", "的", "第", "1", "刻度", "与", "主", "尺", "上", "的", "某", "一", "刻度", "对齐", ",", "其", "读数", "为", "0", "+", "1", "×", "0", ".", "05", "mm", "0", "1", "2", "cm", "20", "0", "10", "游标", "向右", "移动", "0", ".", "10", "mm", ",", "游标", "上", "的", "第", "2", "刻度", "与", "主", "尺", "上", "的", "某", "一", "刻度", "对齐", ",", "其", "读数", "为", "0", "+", "2", "×", "0", ".", "05", "mm", "0", "0", "1", "10", "2", "cm", "20", "读数", "为", "(", "1", "+", "15", "×", "0", ".", "05", ")", "mm", "=", "1.75", "mm", "规律", ":", "读数", "=", "主", "尺", "上", "的", "读数", "(", "mm", ")", "+", "游标", "上", "的", "读数", "4", ".", "游标卡尺", "的", "读数", "原理", "(", "50", "个", "小", "刻度", ")", "0", "1", "2", "3", "4", "5", "6", "cm", "0", "50", "游标", "尺", "的", "每", "一", "最小", "刻度", "0", ".", "98", "mm", ",", "它", "与", "主", "尺", "上", "的", "最小", "刻度", "相差", "0", ".", "02", "mm", "读数", "=", "主", "尺", "上", "的", "数", "+", "n", "×", "0", ".", "02", "(", "mm", ")", "5", ".", "对", "不同", "的", "游标卡尺", "进行", "读数", "应", "注意", "的", "地方", "。"], ["1", "/", "2", "相关文档", "推荐"], ["10", "页", "免费"], ["2", "页", "免费"], ["20", "页", "1", "下载", "券"]], "paragraphs": ["游标卡尺的读数方法_机械/仪表_工程科技_专业资料。让你轻松学会游标卡尺的读数。", "游标卡尺的读数原理 1.游标尺的刻度 0 0 10 1 2 cm 游标尺的每一最小刻度0.9mm,它与主尺上 的最小刻度相差0.1mm 2.游标卡尺的读数原理(10个小刻度) 0 0 10 1 2 cm 游标尺向右移动0.1mm,游标上的第1刻度与主 尺上的某一刻度对齐,其读数为0+1×0.1mm 0 0 1 10 2 cm 游标向右移动0.2mm,游标上的第2刻度与主 尺上的某一刻度对齐,其读数为0+2×0.1mm 0 0 1 10 2 cm 其读数=0+8×0.1mm=0.8mm=0.08cm 0 0 1 10 2 cm 其读数为(2+6×0.1)mm=2.6mm=0.26cm 0 1 0 2 cm 10 其读数为(10+7×0.1)mm=1 . 07cm 规律: 读数=主尺上的读数(mm)+游标上的读数 (刻度数n ×精度mm) 3.游标卡尺的读数原理(20个小刻度) 0 0 1 10 20 2 cm 游标尺的每一最小刻度0.95mm,它与主尺 上的最小刻度相差0.05mm 0 0 1 10 2 cm 20 游标向右移动0.05mm,游标上的第1刻度与主尺 上的某一刻度对齐,其读数为0+1×0.05mm 0 1 2 cm 20 0 10 游标向右移动0.10mm,游标上的第2刻度与 主尺上的某一刻度对齐,其读数为0+2×0.05mm 0 0 1 10 2 cm 20 读数为(1+15×0.05)mm=1.75mm 规律: 读数=主尺上的读数(mm)+游标上的读数 4.游标卡尺的读数原理(50个小刻度) 0 1 2 3 4 5 6 cm 0 50 游标尺的每一最小刻度0.98mm,它与主 尺上的最小刻度相差0.02mm 读数=主尺上的数+n×0.02(mm ) 5.对不同的游标卡尺进行读数应注意的地方。", "1/2 相关文档推荐", "10页 免费", "2页 免费", "20页 1下载券"], "bs_rank_pos": 3}, {"is_selected": false, "title": "游标卡尺的使用及读数教案_百度文库", "most_related_para": 0, "segmented_title": ["游标卡尺", "的", "使用", "及", "读数", "教案", "_", "百度", "文库"], "segmented_paragraphs": [["游标卡尺", "的", "使用", "及", "读数", "教案", "_", "其它", "课程", "_", "高中", "教育", "_", "教育", "专区", "。", "游标卡尺", "的", "使用", "及", "读数", "教案", "-", "-", "-", "-", "-", "-", "-", "-", "朱越", "峰", "一", "、", "教学目标", "1", "、", "知识", "目标", ":", "了解", "游标卡尺", "的", "构造", "及", "种类", ",", "知道", "其", "各", "部分", "的", "用途", "及", "用法", ",", "理解", "并", "掌握", "其", "测量原理", "。"], ["健康", "减肥", "10", "种", "吃", "不", "胖", "的", "食物", "吃", "哪些", "食物", "不", "发胖", "在家", "全套", "瑜伽", "练习", "教程"], ["安全", "乘机", "指南", "如何", "选择", "安全", "的", "航班", "正确", "使用", "机", "上", "氧气", "面罩"]], "paragraphs": ["游标卡尺的使用及读数教案_其它课程_高中教育_教育专区。游标卡尺的使用及读数教案 --------朱越峰 一、教学目标 1、知识目标:了解游标卡尺的构造及种类,知道其各部分的用途及用法, 理解并掌握其测量原理。", "健康减肥10种吃不胖的食物 吃哪些食物不发胖 在家全套瑜伽练习教程", "安全乘机指南 如何选择安全的航班 正确使用机上氧气面罩"], "bs_rank_pos": 4}], "answer_spans": [[1, 138]], "fake_answers": ["读数时首先以游标零刻度线为准,读取尺身上的毫米整数。如图所示,游标零刻度位于主尺的14mm与15mm之间,所以读取其整数毫米为14mm步骤阅读2再读取游标所指示的数值。观察游标上第几条刻度线与尺身的刻度线对齐,如图所示,取最接近对齐的线,下图取游标8数值处刻度线与主尺刻度线对齐。则读数结果为:40格*0.02mm(精度)=0.8mm步骤阅读步骤阅读3将两次读数相加即为此次测量的数值。即最终读数为14mm+0.8mm=14.8mm"], "question": "游标卡尺读数", "segmented_answers": [["无论", "测量方法", "如何", ",", "数据", "都", "便", "现在", "标尺", "上", "。", "所以", "我们", "以下", "图", "测量", "内径", "的", "图示", "为", "例", ":", "首先", ",", "看", "副", "尺", "“", "0", "”", "的", "位置", ",", "它", "决定", "了", "头", "两", "个", "数", "位", "。", "图", "中", "0", "在", "2", ".", "3", "cm", "的", "后面", "。", "即", "为", "测量", "物体", "的", "内径", "为", "2.3xx", "cm", ".", "然后", "观察", "副", "尺", "分度", "(", "精确度", ")", ",", "就是", "有", "多少", "个", "格", "图", "中", "为", "20", "分度", ",", "即", "精确度", "为", "0", ".", "05", "mm", "。", "(", "每", "分度", "的", "单位", "=", "1", "毫米", "/", "分度", ")", "然后", "看", "副", "尺", "和", "主", "尺", "完全", "重合", "的", "数", "位", ",", "看", "红", "框", "内", ",", "重合", "部分", "与", "二", "差", "3", "格", "。", "即", "重合", "处", "为", "17", "。", "每", "单位", "为", "0", ".", "05", "mm", ",", "得出", "最后", "的", "数", "位", ",", "0", ".", "85mm", "(", "0", ".", "085", "cm", ")", "最后", "测量", "出", ",", "目标", "的", "内径", "为", "2", ".", "385", "cm", "。"], ["读数", "时", "首先", "以", "游标", "零", "刻度", "线", "为准", ",", "读取", "尺", "身上", "的", "毫米", "整数", "。", "如图所示", ",", "游标", "零", "刻度", "位于", "主", "尺", "的", "14mm", "与", "15mm", "之间", ",", "所以", "读取", "其", "整数", "毫米", "为", "14mm", "。", "再", "读取", "游标", "所", "指示", "的", "数值", "。", "观察", "游标", "上", "第", "几", "条", "刻度", "线", "与", "尺", "身", "的", "刻度", "线", "对齐", ",", "如图所示", ",", "取", "最", "接近", "对齐", "的", "线", ",", "下图", "取", "游标", "8", "数值", "处", "刻度", "线", "与", "主", "尺", "刻度", "线", "对齐", "。", "则", "读数", "结果", "为", ":", "40", "格", "*", "0", ".", "02", "mm", "(", "精度", ")", "=", "0", ".", "8mm", "。", "将", "两次", "读数", "相加", "即", "为此", "次", "测量", "的", "数值", "。", "即", "最终", "读数", "为", "14mm", "+", "0", ".", "8mm", "=", "14", ".", "8mm", "。"]], "answers": ["无论测量方法如何,数据都便现在标尺上。所以我们以下图测量内径的图示为例:首先,看副尺“0”的位置,它决定了头两个数位。图中0在2.3cm的后面。即为测量物体的内径为2.3xxcm.然后观察副尺分度(精确度),就是有多少个格图中为20分度,即精确度为0.05mm。(每分度的单位=1毫米/分度)然后看副尺和主尺完全重合的数位,看红框内,重合部分与二差3格。即重合处为17。每单位为0.05mm,得出最后的数位,0.85mm(0.085cm)最后测量出,目标的内径为2.385cm。", "读数时首先以游标零刻度线为准,读取尺身上的毫米整数。如图所示,游标零刻度位于主尺的14mm与15mm之间,所以读取其整数毫米为14mm。再读取游标所指示的数值。观察游标上第几条刻度线与尺身的刻度线对齐,如图所示,取最接近对齐的线,下图取游标8数值处刻度线与主尺刻度线对齐。则读数结果为:40格*0.02mm(精度)=0.8mm。将两次读数相加即为此次测量的数值。即最终读数为14mm+0.8mm=14.8mm。"], "answer_docs": [1], "segmented_question": ["游标卡尺", "读数"], "question_type": "DESCRIPTION", "question_id": 181592, "fact_or_opinion": "FACT", "match_scores": [0.8814814814814814]} -{"documents": [{"is_selected": true, "title": "四月是你的谎言结局是悲剧吗_百度知道", "most_related_para": 5, "segmented_title": ["四月", "是", "你的谎言", "结局", "是", "悲剧", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["悲剧", ",", "并", "算", "不", "上", "。", "只是", ",", "会", "让", "人", "难受", "!", "最初", ",", "天才少年", "公", "生", "堕落", "凡尘", ",", "这个", "并没有", "让", "人", "感到", "意外", "。", "关系", ":", "一", "非常", "受欢迎", "的", "男朋友", "+", "一", "感情", "方面", "有点", "迟钝", "的", "和", "男主", "青梅竹马", "的", "女朋友", "。", "常规", "套路", "。", "然后", ",", "女", "主", "出现", ",", "“", "喜欢", "”", "男主", "朋友", "。", "按照", "套路", ",", "外", "加", "“", "谎言", "”", ",", "肯定", "是", "女", "主", "喜欢", "男主", "。", "毕竟", "谁", "叫", "她", "是", "女", "主", ",", "他", "是", "男主", "。", "不过", "这", "毕竟", "是", "动漫", "、", "而且", "猪脚", "才", "LV", "14", "。", "所以", ",", "根据", "套路", "来", "说", ",", "肯定", "是", "夹杂", "了", "悲伤的旋律", "。", "然后", "最后", "有", "“", "努力", "、", "前进", "”", "的", "意义", "在", "内", "。", "类似", "《", "fate", "stay", "night", "》", ",", "saber", "死", "了", ",", "但是", "不在", "后悔", "、", "得到", "了", "救赎", ",", "而且", "士郎", "虽然", "失去", "了", "喜欢", "的", "saber", ",", "但是", "曾经", "的", "过往", "未曾", "忘却", "。", "这", "是", "成长", "中", "的", "宝贵", "财富", "、", "一生", "的", "珍藏", "。", "最后", ",", "剧", "中点", "了", "好", "几", "次", "“", "在", "失去", "中", "成长", "”", ",", "所以", "已", "奠定", "“", "悲", "”", "的", "色彩", "在", "内", "。", "但是", "呢", ",", "说", "是", "悲剧", "也", "不", "尽", "然", ",", "毕竟", "这", "不是", "末世", "剧", ",", "男女", "主", "都", "死光", "光", "、", "毁", "三观"], ["以前", "我", "回答", "过", "这个问题", ",", "现在", "只是", "完善", "与", "修改", "。", "漫画", "结局", "在", "不久前", "就", "已经", "出来", "了", ",", "熏", "死", "了", ",", "还", "留给", "了", "公", "生", "一封信", ",", "具体", "结局", "参见", "漫画", "。", "评论", "里面", "我", "也有", "回复", ":", "…", "…", "看", "OP", "里面", "钢琴", "上", "信封", "的", "画面", "死", "的", "可能性", "也", "比较", "大", "了", ",", "还是", "放", "低", "期待", "比较好", "。", "”", "大部分", "人", "都", "希望", "熏", "可以", "活下来", ",", "若", "改变", "看法", "的", "话", "熏", "不在", "了", "也是", "一", "种", "好", "发展", "。", "TV", "里", "也", "出", "了", "结局", ",", "少年节哀", "吧", "。"], ["据说", "会", "在", "明年", "的", "5", "月", "左右", "完结", "结局", "虽然", "不清楚", ",", "但是", "既然", "前面", "已经", "带给", "我们", "这么多", "正能量", "最后", "肯定", "会", "让", "我们", "看到", "奇迹", "贴吧", "有", "最新", "的", "漫画", "更新", "哦"], ["这", "是", "个", "很难", "回答", "的", "问题", "。", "单纯", "从", "结局", "上", "来", "说的话", ",", "刚刚", "互相", "确认", "心意", "的", "二人", "自此", "阴阳", "两", "隔", ",", "这", "的", "确", "很", "像", "是", "悲剧", "吧", ",", "但", "却", "又", "不仅仅", "是", "那样", "。", "众人", "都", "在", "这", "场", "由", "一", "个", "四月", "到", "下一个", "四月", "的", "纷繁", "青春", "中", ",", "有", "了", "新", "的", "认知", "和", "憧憬", "。", "尽管", "迷茫", "的", "依旧", "迷茫", ",", "偏执", "的", "仍然", "偏执", ",", "但是", "就像", "不再", "低下", "头", "的", "公", "生", "一样", ",", "他们", "最终", "不再", "停留", "在", "静止", "的", "时间", "里", ",", "纷纷", "踏上", "了", "旅途", ",", "就", "连", "最终", "逝去", "的", "薰", "也", "一样", "。", "从", "这", "层", "意义", "上", "说", ",", "其实", "也", "不", "那么", "悲剧", "吧", "。"], ["怎么说呢", ",", "非", "要", "说", "悲", "喜", ",", "那", "确实", "是", "个", "悲剧", "结局", ",", "相爱的人", "并没有", "走", "到", "一起", ",", "年轻", "的", "生命", "刚刚", "绽放", "就", "凋谢", "了", "。", "女", "主", "说", "了", "一", "个", "关于爱情", "的", "谎言", ",", "来", "接近", "男主", ",", "最后", "男主", "重新", "拾起", "了", "钢琴", ",", "女", "主", "实现", "了", "愿望", ",", "总的来说", "虽然", "悲伤", "但", "并", "不", "遗憾", "。"], ["我", "个人", "认为", "楼主", "的", "观点", "是", "片", "面", "的", "。", "说", "是", "悲剧", ",", "因为", "薰", "最终", "是", "死", "了", ",", "而", "两情相悦", "的", "公", "生", "和", "薰", "并没有", "在一起", "。", "这", "是", "停留", "在", "表象", "的", "理解", "。", "深入", "其中", ",", "四月", "是", "你的谎言", "本身就是", "一", "部", "励志", "漫画", "。", "在", "最后", "的", "比赛", "上", ",", "公", "生", "也", "接受", "到", "了", "来自", "于", "薰", "的", "情感", ",", "而", "进行", "了", "改变", "。", "怎么说呢", ",", "我自己", "学", "音乐", "的", "体会", "就是", "一个人", "的", "心情", "会", "直接", "影响", "到", "你", "的", "演奏", "情感", ",", "所以说", "公", "生", "最后", "的", "演出", "是", "成功", "的", ",", "这", "对于", "公", "生", "来", "说", "也是", "一次", "成长", ",", "所以说", "也", "不能", "算", "是", "悲剧", "。", "但", "这", "只是", "停留", "在", "结局", "而言", "。", "如果", "我们", "把", "全部", "都", "联系", "起来", ",", "那么", "我们", "又", "可以", "有", "新", "的", "理解", "。", "这个", "动漫", "中", "的", "谎言", "其实", "不止", "一", "个", "。", "第", "一", "个", "谎言", ":", "薰", "为了", "接近", "公", "生", "而", "说", "自己", "喜欢", "渡", "亮", "太", ",", "结果", "被", "渡", "识破", "。", "第二个", "谎言", ":", "九", "年", "的", "等待", ",", "两年", "的", "跟踪", "生涯", "终于", "结束", ",", "薰", "想到", "终于", "能", "和", "自", "少", "最", "憧憬", "的", "人", "说话", "忍不住", "泪流满面", ",", "成功", "引起", "公", "生", "的", "注意", "。", "第三个", "谎言", ":", "强", "装", "笑容", "和", "镇定"], ["怎么说", "呢", "悲剧", "比", "喜剧", "更", "有", "震撼", "力", "就像", "罪恶", "王冠", "我", "看", "过", "很多", "喜剧", "类型", "的", "动漫", "但", "大", "多", "都", "记", "不太", "清", "了", "唯独", "罪恶", "王冠", "我记得", "特别", "清楚", "悲剧", "不", "一定", "是", "坏事", "情", "有些", "东西", "不是", "我们", "能够", "掌控", "的", "就像", "FATE", "ZERO", "中", "我", "最", "喜欢", "的", "大帝", "伊斯", "坎", "达尔", "虽然", "我", "知道", "随着", "剧情", "的", "发展", "大帝", "之", "死", "无法", "避免", "但是", "大帝", "带给", "人们", "的", "勇气", "和", "力量", "却", "是", "无与伦比", "的", "而", "一", "味", "的", "否认", "自己", "历史", "的", "亚瑟王", "连", "最", "靠近", "她", "的", "人", "的", "心", "都", "无法看清", "这", "才是", "真正", "的", "悲剧", "吧", "!"], ["并", "不是", "悲剧", ",", "女", "主", "收获", "了", "真正", "的", "爱情", ",", "也", "坚持", "追逐", "了", "自己", "的", "梦想", ",", "完事", "后", "就", "去", "领", "便", "了", "。", "男主", "也", "找回", "了", "自己", "的", "音色", ",", "开始", "了", "自己", "新的生活", "。", "女", "主", "曾经", "邀请", "男主", "一起去", "领", "便当", "的", ",", "但", "也许", "是", "不", "满意", "剧组", "的", "伙食", ",", "并没有", "打算", "和", "女", "主", "一起去", "领", "便当", "(", "详情", "在", "第", "16", "集", ")", ",", "女", "主", "对此", "也", "表示理解", ",", "虐", "了", "吗", "?", "虐", "了", "吗", "?", "悲剧", "吗", "?", "不", "悲剧", "啊", "。"], ["四月", "是", "你的谎言", "的", "漫画", "已经", "完结", "了", ",", "结果", "有些", "不", "尽", "人心", "。", "但是", "其中", "的", "那些", "熏", "与", "公", "生", "仍", "值得", "我们", "回念", ",", "不愧为", "2014", "年", "最强", "十月", "番", "啊", "!", "!", "!", "如今", "也是", "四月", ",", "就让", "我们", "重温", "那", "让", "我们", "感动", "的", "动漫", "吧", "!"], ["最后", "那段", ",", "明白", "了", "薰", "的", "谎言", "也", "可能", "是", "美好", "的", "发展", "吧", ",", "因为", "有", "了", "这个", "谎言", "才能", "让", "有", "马", "的", "成长", "多", "了", "份", "希望", ",", "伴", "它", "一起", "走下去", "!", "让每个", "人", "获得", "了", "成长", ",", "即使", "失去", ",", "也", "要", "向前看", "会", "有人", "一直", "伴", "你", "。", "也许", "这样", "的", "结局", "也是", "十分", "美好", "的", "!", "不过", "结局", "是", "挺", "悲", "的", ",", "不由自主", "就", "哭", "了", ",", "但", "十分", "值得", "我们", "去", "感受", ",", "去", "体会", "。"]], "paragraphs": ["悲剧,并算不上。只是,会让人难受! 最初,天才少年公生堕落凡尘,这个并没有让人感到意外。关系:一非常受欢迎的男朋友 + 一感情方面有点迟钝的和男主青梅竹马的女朋友。常规套路。 然后,女主出现,“喜欢”男主朋友。按照套路,外加“谎言”,肯定是女主喜欢男主。毕竟谁叫她是女主,他是男主。 不过这毕竟是动漫、而且猪脚才LV14。所以,根据套路来说,肯定是夹杂了悲伤的旋律。然后最后有“努力、前进”的意义在内。 类似《fate stay night》,saber死了,但是不在后悔、得到了救赎,而且士郎虽然失去了喜欢的saber,但是曾经的过往未曾忘却。这是成长中的宝贵财富、一生的珍藏。 最后,剧中点了好几次“在失去中成长”,所以已奠定“悲”的色彩在内。 但是呢,说是悲剧也不尽然,毕竟这不是末世剧,男女主都死光光、毁三观", "以前我回答过这个问题,现在只是完善与修改。 漫画结局在不久前就已经出来了,熏死了,还留给了公生一封信,具体结局参见漫画。 评论里面我也有回复:……看OP里面钢琴上信封的画面死的可能性也比较大了,还是放低期待比较好。”大部分人都希望熏可以活下来,若改变看法的话熏不在了也是一种好发展。 TV里也出了结局,少年节哀吧。", "据说会在明年的5月左右完结 结局虽然不清楚,但是既然前面已经带给我们这么多正能量 最后肯定会让我们看到奇迹 贴吧有最新的漫画更新哦", "这是个很难回答的问题。单纯从结局上来说的话,刚刚互相确认心意的二人自此阴阳两隔,这的确很像是悲剧吧,但却又不仅仅是那样。众人都在这场由一个四月到下一个四月的纷繁青春中,有了新的认知和憧憬。尽管迷茫的依旧迷茫,偏执的仍然偏执,但是就像不再低下头的公生一样,他们最终不再停留在静止的时间里,纷纷踏上了旅途,就连最终逝去的薰也一样。从这层意义上说,其实也不那么悲剧吧。", "怎么说呢,非要说悲喜,那确实是个悲剧结局,相爱的人并没有走到一起,年轻的生命刚刚绽放就凋谢了。女主说了一个关于爱情的谎言,来接近男主,最后男主重新拾起了钢琴,女主实现了愿望,总的来说虽然悲伤但并不遗憾。", "我个人认为楼主的观点是片面的。说是悲剧,因为薰最终是死了,而两情相悦的公生和薰并没有在一起。这是停留在表象的理解。 深入其中,四月是你的谎言本身就是一部励志漫画。在最后的比赛上,公生也接受到了来自于薰的情感,而进行了改变。怎么说呢,我自己学音乐的体会就是一个人的心情会直接影响到你的演奏情感,所以说公生最后的演出是成功的,这对于公生来说也是一次成长,所以说也不能算是悲剧。但这只是停留在结局而言。 如果我们把全部都联系起来,那么我们又可以有新的理解。这个动漫中的谎言其实不止一个。 第一个谎言:薰为了接近公生而说自己喜欢渡亮太,结果被渡识破。 第二个谎言:九年的等待,两年的跟踪生涯终于结束,薰想到终于能和自少最憧憬的人说话忍不住泪流满面,成功引起公生的注意。 第三个谎言:强装笑容和镇定", "怎么说呢 悲剧比喜剧更有震撼力 就像罪恶王冠 我看过很多喜剧类型的动漫 但大多都记不太清了 唯独罪恶王冠 我记得特别清楚 悲剧不一定是坏事情 有些东西不是我们能够掌控的 就像FATE ZERO 中我最喜欢的大帝 伊斯坎达尔 虽然我知道随着剧情的发展 大帝之死无法避免 但是 大帝带给人们的勇气和力量 却是无与伦比的 而一味的否认自己历史的亚瑟王 连最靠近她的人的心都无法看清 这才是真正的悲剧吧!", "并不是悲剧,女主收获了真正的爱情,也坚持追逐了自己的梦想,完事后就去领便了。男主也找回了自己的音色,开始了自己新的生活。女主曾经邀请男主一起去领便当的,但也许是不满意剧组的伙食,并没有打算和女主一起去领便当(详情在第16集),女主对此也表示理解,虐了吗?虐了吗?悲剧吗?不悲剧啊。", "四月是你的谎言的漫画已经完结了,结果有些不尽人心。但是其中的那些熏与公生仍值得我们回念,不愧为2014年最强十月番啊!!!如今也是四月,就让我们重温那让我们感动的动漫吧!", "最后那段,明白了薰的谎言也可能是美好的发展吧,因为有了这个谎言才能让有马的成长多了份希望,伴它一起走下去!让每个人获得了成长,即使失去,也要向前看会有人一直伴你。也许这样的结局也是十分美好的!不过结局是挺悲的,不由自主就哭了,但十分值得我们去感受,去体会。"], "bs_rank_pos": 0}], "answer_spans": [[51, 72]], "fake_answers": ["。在最后的比赛上,公生也接受到了来自于薰的情感,而进行了"], "question": "四月是你的谎言结局", "segmented_answers": [["公", "生", "在", "失去", "母亲", "之后", "又", "失去", "了", "自己", "的", "心灵", "支柱", ",", "最后", "公", "生", "对着", "小椿", "的", "告白", "露出", "了", "悲伤", "的", "微笑", "。"]], "answers": ["公生在失去母亲之后又失去了自己的心灵支柱,最后公生对着小椿的告白露出了悲伤的微笑。"], "answer_docs": [0], "segmented_question": ["四月", "是", "你的谎言", "结局"], "question_type": "DESCRIPTION", "question_id": 181593, "fact_or_opinion": "FACT", "match_scores": [0.36734693877551017]} -{"documents": [{"is_selected": true, "title": "儿童手工风铃制作方法_百度经验", "most_related_para": 4, "segmented_title": ["儿童", "手工", "风铃", "制作方法", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["教", "大家", "废物利用", "做", "一", "个", "好看", "的", "风铃", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "一", "个", "护发素", "的", "内盖", "(", "没有", "的", "话", "可以", "用", "光盘", ")", ",", "在", "上面", "钻", "上", "洞", ",", "洞", "的", "个", "数", "由", "自己", "的", "想法", "而", "定", ",", "我", "的", "是", "10", "个", "步骤", "阅读", "步骤", "阅读", "2", "在", "洞", "里", "穿过", "铁丝", ",", "方便", "以后", "的", "制作", "步骤", "阅读", "3", "穿", "一颗", "针", ",", "在", "上面", "穿", "一颗", "星星", ",", "把", "绳子", "系", "在", "盘子", "中间", "的", "铁丝", "上", "步骤", "阅读", "步骤", "阅读", "4", "在", "星星", "下面", "栓", "一", "个", "钥匙圈", "步骤", "阅读", "5", "钥匙圈", "下面", "再", "栓", "一颗", "星星", "步骤", "阅读", "6", "在", "星星", "下面", "栓", "一", "个", "小瓶子", "(", "我", "没有", "足够", "的", "瓶子", "所以", "用", "玻璃", "代替", ")", "要", "栓", "紧", "哦", "!", "步骤", "阅读", "7", "把", "彩带", "撕", "成", "小", "条", ",", "拴", "在", "下面", "(", "个人", "觉得", "这种", "凌乱", "的", "感觉", "很难", "拒绝", ",", "不喜欢", "可以", "替换", "哦", ")", "步骤", "阅读", "步骤", "阅读", "8", "在", "钥匙圈", "上", "再", "栓", "同样", "的", "一", "条", "步骤", "阅读", "9", "中间", "的", "一", "圈", ",", "先", "穿", "一", "个", "千纸鹤", "步骤", "阅读", "10", "千纸鹤", "下面", "是", "小瓶子", "(", "喜欢", "这种", "玻璃", "的", "可以", "试", "试", "哦", ")", "步骤", "阅读", "11", "穿", "一", "个", "星星", ",", "在", "星星", "下面", "栓", "彩带", "步骤", "阅读", "12", "中间", "的", "三", "条", "都", "弄好", "步骤", "阅读", "13", "相信", "大家都知道", "我", "的", "套路", "了", "吧", "~", "外圈", "我", "用", "的", "是", "两", "颗", "星星", "加一", "个", "千纸鹤", "~", "步骤", "阅读", "14", "外圈", "的", "六", "条", "步骤", "阅读", "15", "撕", "四", "条", "长", "长", "的", "彩带", "…", "…", "然后", "可以", "绑", "在", "顶上", "~", "就", "完成", "啦", "~", "步骤", "阅读", "步骤", "阅读", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "你", "是不是", "喜欢我", "呀"]], "paragraphs": ["百度经验:jingyan.baidu.com", "教大家废物利用做一个好看的风铃!", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 一个护发素的内盖(没有的话可以用光盘),在上面钻上洞,洞的个数由自己的想法而定,我的是10个 步骤阅读 步骤阅读 2 在洞里穿过铁丝,方便以后的制作 步骤阅读 3 穿一颗针,在上面穿一颗星星,把绳子系在盘子中间的铁丝上 步骤阅读 步骤阅读 4 在星星下面栓一个钥匙圈 步骤阅读 5 钥匙圈下面再栓一颗星星 步骤阅读 6 在星星下面栓一个小瓶子(我没有足够的瓶子所以用玻璃代替)要栓紧哦! 步骤阅读 7 把彩带撕成小条,拴在下面(个人觉得这种凌乱的感觉很难拒绝,不喜欢可以替换哦) 步骤阅读 步骤阅读 8 在钥匙圈上再栓同样的一条 步骤阅读 9 中间的一圈,先穿一个千纸鹤 步骤阅读 10 千纸鹤下面是小瓶子(喜欢这种玻璃的可以试试哦) 步骤阅读 11 穿一个星星,在星星下面栓彩带 步骤阅读 12 中间的三条都弄好 步骤阅读 13 相信大家都知道我的套路了吧~外圈我用的是两颗星星加一个千纸鹤~ 步骤阅读 14 外圈的六条 步骤阅读 15 撕四条长长的彩带……然后可以绑在顶上~就完成啦~ 步骤阅读 步骤阅读 END", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:你是不是喜欢我呀"], "bs_rank_pos": 1}, {"is_selected": true, "title": "小学生手工制作小风铃图解", "most_related_para": 3, "segmented_title": ["小学生", "手工制作", "小", "风铃", "图解"], "segmented_paragraphs": [["导语", ":", "相信", "很多", "朋友", "的", "窗台", "或者", "阳台", "都会", "喜欢", "挂", "上", "一", "个", "风铃", ",", "一般", "风铃", "都是", "会", "发出", "呤", "呤", "的", "声音", ",", "美丽", "的", "风铃", "就", "随着", "风儿", "这样", "飘", "呀", "飘", ",", "很", "是", "惬意", ",", "接下来", "我们", "就", "把", "这种", "惬意", "带", "到", "自己", "的", "家中", "如何", "呢", "?", "小", "风铃", "怎么", "做", "小", "编", "今天", "就", "为", "大家", "简单", "介绍", "下", "。"], ["生活", "中", "可以", "有很多", "机会", "接触", "到", "塑料", "勺", ",", "它们", "基本上", "是", "一次性", "使用", ",", "扔进垃圾筒", "未免", "有些", "可惜", ",", "现在", "就", "把", "它们", "收集", "起来", ",", "巧手", "利用", "一", "下", "。", "怎样", "用", "这些", "废弃物", "做", "小", "风铃", "呢", "?", "想", "不到", "吧", ",", "接下来", "我们", "就", "说说", "小", "风铃", "怎么", "做", "。", "下面", "是", "手工制作", "的", "纸风铃", "DIY", "图解", ",", "大家", "一起", "学习", "吧", "。"], ["小", "风铃", "怎么", "做", "材料准备", ":", "大", "瓶盖", "、", "一次性", "勺子", "、", "珠子", "、", "皮筋", "、", "羽毛", "、", "铃铛", "、", "锥子", "等", "。"], ["1", "、", "首先", "把", "瓶盖", "顶部", "用", "裁", "纸", "刀", "去掉", ",", "四周", "用", "锥子", "扎", "空", ",", "如图所示", "。", "2", "、", "在", "用", "彩色", "尼龙绳", "装饰", "勺子", "。", "3", "、", "在", "勺子", "把", "用", "尼龙线", "捆绑", "。", "4", "、", "然后", "再", "拿出", "事", "先", "准备", "好", "的", "一些", "装饰", "风铃", "的", "材料", "。"], ["5", "、", "在", "瓶盖", "上", "绑", "一", "个", "十字", "。"], ["6", "、", "把", "我们", "准备", "好", "的", "各种", "风铃", "挂坠", "捆绑", "好", "。"], ["7", "、", "看看", "效果", "吧", ",", "是不是", "觉得", "很好看", ",", "那", "就", "赶紧", "动手做", "一", "做", "。"], ["淡蓝色", "和", "紫色", "搭配", "的", "花朵", ",", "这些", "都是", "整个", "花朵", "风铃", "的", "主", "色调", "。", "在", "这个", "风铃", "制作", "上", "我们", "还", "搭配", "了", "一些", "粉色丝带", "喔", "!", "几个", "简单", "的", "步骤", ",", "我们", "就", "可以", "制作", "出", "无声", "的", "花朵", "风铃", ",", "女孩们", "都", "喜欢", "花朵", ",", "将", "这个", "放在", "姑娘们", "的", "卧室", "里", ",", "很", "是", "合适", "呢", ",", "接下来", "我们", "就", "去了解", "这", "款", "小", "风铃", "怎么", "做", "。"], ["材料准备", ":", "色带", "木材", "花形", "喷漆", "热", "胶", "枪", "绣花", "箍", "。"], ["第一步", ":", "清点", "一", "下", "事", "先", "准备", "好", "使用", "的", "材料", "(", "色带", "木材", "花形", "喷漆", "热", "胶", "枪", "绣花", "箍", ")", "。", "第二步", ":", "用", "喷漆", "将", "木材", "花形", "喷", "上", "颜色", "。", "第三步", ":", "在", "花朵", "中心", "粘贴", "一", "个", "闪闪发光", "的", "水钻", "。", "第四步", ":", "在", "绣花", "箍", "的", "内侧", ",", "粘贴", "好色", "带", "。"], ["第五步", ":", "将", "色带", "在", "绣花", "箍", "上", "围绕", "一", "圈", ",", "在", "木制", "花朵", "的", "反面", "涂上", "胶水", ",", "将", "色带", "粘贴", "在", "木制", "花朵", "胶水", "位置", "。"], ["第六步", ":", "间隔", "一", "个", "换", "另一种", "颜色", "的", "花朵", "。"], ["最后", "美丽", "的", "花朵", "风铃", "就", "制作", "完成", "了", ",", "生活", "处处", "皆", "艺术", ",", "如果", "能", "有", "父母", "的", "言传身教", ",", "变废为宝", "是", "让", "孩子", "觉得", "最", "有", "成就感", "的", "事", ",", "因为", "它", "不需要", "任何", "成本", ",", "只", "需要", "付出", "一些", "时间", "和", "精力", ",", "就能", "把", "家中", "的", "各种", "垃圾", "废物", "重新", "组合", ",", "做成", "实用", "、", "环保", "的", "工艺品", ",", "有趣", "的", "小", "制作", "或者", "美好", "的", "家居用品", "。"], ["结", "语", ":", "说", "起", "小", "风铃", ",", "既", "有", "视觉", "造型", "之", "美", ",", "又", "有", "听觉", "悦耳", "的", "享受", ",", "既是", "居家", "的", "小", "摆饰", ",", "也是", "宗教", "的", "重要", "器", "物", ",", "它", "可以", "是", "轻松", "休闲", ",", "也", "可以", "是", "庄严", "宁静", "。", "对于", "今天", "小", "编", "介绍", "的", "小", "风铃", "怎么", "做", "你", "学会", "了", "吗", "?", "学会", "了", "就", "赶紧", "分享", "给", "你", "的", "小伙伴", "们", ",", "大家一起", "做", "美丽", "的", "小", "风铃", "。"], ["更多精彩", "手工制作", "推荐", ":"], ["怎么", "折", "小星星", "最", "简单", "空心", "立体", "五角星", "的", "折", "法", "镂空", "五角星", "怎么", "折"], ["怎么", "折", "小星星", "最", "简单", "空心", "立体", "五角星", "的", "折", "法", "镂空", "五角星", "怎么", "折", "立体", "五角星", "怎么", "叠", "立体", "五角星", "的", "折", "法", "图解", "立体", "四", "角", "星", "的", "折", "法", "立体", "六角星", "的", "折", "法", "四", "角", "星", "怎么", "折"], ["简易", "的", "幼儿", "立体", "花朵", "贺卡制作", "幼儿", "纸风筝", "的", "制作方法", "幼儿", "手工", "小燕子", "的", "制作方法", "简单", "的", "幼儿", "圣诞树", "制作方法", "幼儿园", "纸袋", "猫头鹰", "手工制作", "幼儿", "树叶贴画", "长颈鹿", "的", "做法"]], "paragraphs": ["导语:相信很多朋友的窗台或者阳台都会喜欢挂上一个风铃,一般风铃都是会发出呤呤的声音,美丽的风铃就随着风儿这样飘呀飘,很是惬意,接下来我们就把这种惬意带到自己的家中如何呢?小风铃怎么做小编今天就为大家简单介绍下。", "生活中可以有很多机会接触到塑料勺,它们基本上是一次性使用,扔进垃圾筒未免有些可惜,现在就把它们收集起来,巧手利用一下。怎样用这些废弃物做小风铃呢?想不到吧,接下来我们就说说小风铃怎么做。下面是手工制作的纸风铃DIY图解,大家一起学习吧。", "小风铃怎么做材料准备:大瓶盖、一次性勺子、珠子、皮筋、羽毛、铃铛、锥子等。", "1、首先把瓶盖顶部用裁纸刀去掉,四周用锥子扎空,如图所示。 2、在用彩色尼龙绳装饰勺子。 3、在勺子把用尼龙线捆绑。 4、然后再拿出事先准备好的一些装饰风铃的材料。", "5、在瓶盖上绑一个十字。", "6、把我们准备好的各种风铃挂坠捆绑好。", "7、看看效果吧,是不是觉得很好看,那就赶紧动手做一做。", "淡蓝色和紫色搭配的花朵,这些都是整个花朵风铃的主色调。在这个风铃制作上我们还搭配了一些粉色丝带喔!几个简单的步骤,我们就可以制作出无声的花朵风铃,女孩们都喜欢花朵,将这个放在姑娘们的卧室里,很是合适呢,接下来我们就去了解这款小风铃怎么做。", "材料准备:色带 木材花形 喷漆 热胶枪 绣花箍。", "第一步:清点一下事先准备好使用的材料(色带 木材花形 喷漆 热胶枪 绣花箍 )。 第二步:用喷漆将木材花形喷上颜色。 第三步:在花朵中心粘贴一个闪闪发光的水钻。 第四步:在绣花箍的内侧,粘贴好色带。", "第五步:将色带在绣花箍上围绕一圈,在木制花朵的反面涂上胶水,将色带粘贴在木制花朵胶水位置。", "第六步:间隔一个换另一种颜色的花朵。", "最后美丽的花朵风铃就制作完成了,生活处处皆艺术,如果能有父母的言传身教,变废为宝是让孩子觉得最有成就感的事,因为它不需要任何成本,只需要付出一些时间和精力,就能把家中的各种垃圾废物重新组合,做成实用、环保的工艺品,有趣的小制作或者美好的家居用品。", "结语:说起小风铃,既有视觉造型之美,又有听觉悦耳的享受,既是居家的小摆饰,也是宗教的重要器物,它可以是轻松休闲,也可以是庄严宁静。对于今天小编介绍的小风铃怎么做你学会了吗?学会了就赶紧分享给你的小伙伴们,大家一起做美丽的小风铃。", "更多精彩手工制作推荐:", "怎么折小星星最简单 空心立体五角星的折法 镂空五角星怎么折", "怎么折小星星最简单 空心立体五角星的折法 镂空五角星怎么折 立体五角星怎么叠 立体五角星的折法图解 立体四角星的折法 立体六角星的折法 四角星怎么折", "简易的幼儿立体花朵贺卡制作 幼儿纸风筝的制作方法 幼儿手工小燕子的制作方法 简单的幼儿圣诞树制作方法 幼儿园纸袋猫头鹰手工制作 幼儿树叶贴画长颈鹿的做法"], "bs_rank_pos": 2}, {"is_selected": false, "title": "【手工制作风铃】儿童手工制作价格_diy手工风铃图片 - 阿里巴巴", "most_related_para": 12, "segmented_title": ["【", "手工制作", "风铃", "】", "儿童", "手工制作", "价格", "_", "diy", "手工", "风铃", "图片", "-", "阿里巴巴"], "segmented_paragraphs": [["一", "件", "代发", "手工", "diy", "材料", "包益智玩具", "儿童", "手工制作", "无纺布", "涂鸦", "画画"], ["儿童", "手工", "DIY", "制作", "花束", "捧花", "带", "花瓶", "彩色", "纽扣", "创意", "饰品", "玩具", "女孩", "礼物"], ["甲乙丙丁", "diy", "儿童", "串珠", "益智", "手工", "穿", "珠子", "女孩", "手链", "项链", "制作", "玩", ".", ".", "."], ["2017", "科普", "新款", "手工制作", "儿童", "DIY", "益智玩具", "批发", "玩具枪", "拼装", "创意", ".", ".", "."], ["4", "合一", "1", "百变", "积木", "拼装", "四通", "电动", "遥控", "积木", "diy", "手工制作", "儿童", "益智", "玩", ".", ".", "."], ["父亲节", "创意", "礼物", "儿童", "DIY", "手工制作", "布艺", "纽扣", "花束", "材料", "包", "幼儿", "益智", "玩", ".", ".", "."], ["工厂", "直销", "益智玩具", "幼儿园", "儿童", "创意", "手工", "DIY", "材料", "制作", "儿童", "钻石", "贴画"], ["DIY", "灯笼", "卡通", "贴纸", "儿童", "益智", "手工制作", "玩具", "贴画", "幼儿园", "手工", "灯笼", ".", ".", "."], ["儿童", "diy", "手工制作", "3d", "立体", "拼图", "拼版", "水晶", "马", "模型", "益智玩具", "创", ".", ".", "."], ["儿童剪纸书", "折纸", "大全", "3", "-", "6", "岁", "幼儿园", "宝宝", "益智", "DIY", "立体", "小", "手工制作", ".", ".", "."], ["云南", "原创", "DIY", "手工", "风铃", "批发", "中国结", "七彩", "小", "木鱼", "绣花", "荷包", "风铃", "4", "铜铃", ".", ".", "."], ["云南", "特色", "民族风", "稻草人", "风铃", "挂件", "手工", "DIY", "草编", "稻草人", "风铃", "挂饰", ".", ".", "."], ["卡通", "海贼王", "动漫", "路飞", "乔", "风铃", "时尚", "创意", "DIY", "手工", "装饰", "挂件", "学生", "礼品", "成交", "112", "件"]], "paragraphs": ["一件代发手工diy材料包益智玩具儿童手工制作无纺布涂鸦画画", "儿童手工DIY制作花束捧花带花瓶彩色纽扣创意饰品玩具女孩礼物", "甲乙丙丁diy儿童串珠 益智手工穿珠子 女孩手链 项链制作玩...", "2017科普新款手工制作儿童DIY益智玩具批发玩具枪拼装创意...", "4合一1百变积木拼装四通电动遥控积木diy手工制作儿童益智玩...", "父亲节创意礼物儿童DIY手工制作布艺纽扣花束材料包幼儿益智玩...", "工厂直销益智玩具幼儿园儿童创意手工DIY材料制作儿童钻石贴画", "DIY灯笼卡通贴纸 儿童益智手工制作玩具贴画 幼儿园手工灯笼...", "儿童diy手工制作 3d立体拼图拼版 水晶马模型 益智玩具创...", "儿童剪纸书折纸大全3-6岁幼儿园宝宝益智DIY立体小手工制作...", "云南原创DIY手工风铃批发中国结七彩小木鱼绣花荷包风铃4铜铃...", "云南特色民族风 稻草人风铃挂件手工DIY草编稻草人风铃挂饰...", "卡通海贼王动漫路飞乔风铃时尚创意DIY手工装饰挂件学生礼品 成交112件"], "bs_rank_pos": 3}, {"is_selected": false, "title": "儿童手工风铃制作方法_图文_百度文库", "most_related_para": 1, "segmented_title": ["儿童", "手工", "风铃", "制作方法", "_", "图文", "_", "百度", "文库"], "segmented_paragraphs": [["儿童", "手工", "风铃", "制作方法", "_", "电子", "/", "电路", "_", "工程", "科技", "_", "专业", "资料", "。", "儿童", "手工", "风铃", "制作方法", "教", "大家", "废物利用", "做", "一", "个", "好看", "的", "风铃", "!", "一", "个", "护发素", "的", "内盖", "(", "没有", "的", "话", "可以", "用", "光盘", ")", ",", "在", "上面", "钻", "上", "洞", ",", "洞", "的", "个", "数", "由", "自己", "的", "想法", "而", "定", ",", "我", "的", "是", "10", "个", "在", "洞", "里", "穿过", "铁丝", ",", "方便", "以后", "的", "制作", "穿"], ["儿童", "手工", "风铃", "制作方法", "教", "大家", "废物利用", "做", "一", "个", "好看", "的", "风铃", "!", "一", "个", "护发素", "的", "内盖", "(", "没有", "的", "话", "可以", "用", "光盘", ")", ",", "在", "上面", "钻", "上", "洞", ",", "洞", "的", "个", "数", "由", "自己", "的", "想法", "而", "定", ",", "我", "的", "是", "10", "个", "在", "洞", "里", "穿过", "铁丝", ",", "方便", "以后", "的", "制作", "穿", "一颗", "针", ",", "在", "上面", "穿", "一颗", "星星", ",", "把", "绳子", "系", "在", "盘子", "中间", "的", "铁丝", "上", "在", "星星", "下面", "栓", "一", "个", "钥匙圈", "钥匙圈", "下面", "再", "栓", "一颗", "星星", "在", "星星", "下面", "栓", "一", "个", "小瓶子", "(", "我", "没有", "足够", "的", "瓶子", "所以", "用", "玻璃", "代替", ")", "要", "栓", "紧", "哦", "!", "把", "彩带", "撕", "成", "小", "条", ",", "拴", "在", "下面", "(", "个人", "觉得", "这种", "凌乱", "的", "感觉", "很难", "拒绝", ",", "不喜欢", "可以", "替换", "哦", ")", "在", "钥匙圈", "上", "再", "栓", "同样", "的", "一", "条", "中间", "的", "一", "圈", ",", "先", "穿", "一", "个", "千纸鹤", "千纸鹤", "下面", "是", "小瓶子", "(", "喜欢", "这种", "玻璃", "的", "可以", "试", "试", "哦", ")", "穿", "一", "个", "星星", ",", "在", "星星", "下面", "栓", "彩带", "中间", "的", "三", "条", "都", "弄好", "相信", "大家都知道", "我", "的", "套路", "了", "吧", "~", "外圈", "我", "用", "的", "是", "两", "颗", "星星", "加一", "个", "千纸鹤", "~", "外圈", "的", "六", "条", "撕", "四", "条", "长", "长", "的", "彩带", "…", "…"]], "paragraphs": ["儿童手工风铃制作方法_电子/电路_工程科技_专业资料。儿童手工风铃制作方法教大家废物利用做一个好看的风铃! 一个护发素的内盖(没有的话可以用光盘),在上面钻上洞,洞的个数由自己的想法 而定,我的是10个 在洞里穿过铁丝,方便以后的制作 穿", "儿童手工风铃制作方法教大家废物利用做一个好看的风铃! 一个护发素的内盖(没有的话可以用光盘),在上面钻上洞,洞的个数由自己的想法 而定,我的是10个 在洞里穿过铁丝,方便以后的制作 穿一颗针,在上面穿一颗星星,把绳子系在盘子中间的铁丝上 在星星下面栓一个钥匙圈 钥匙圈下面再栓一颗星星 在星星下面栓一个小瓶子(我没有足够的瓶子所以用玻璃代替)要栓紧哦! 把彩带撕成小条,拴在下面(个人觉得这种凌乱的感觉很难拒绝,不喜欢可以替换 哦) 在钥匙圈上再栓同样的一条 中间的一圈,先穿一个千纸鹤 千纸鹤下面是小瓶子(喜欢这种玻璃的可以试试哦) 穿一个星星,在星星下面栓彩带 中间的三条都弄好 相信大家都知道我的套路了吧~ 外圈我用的是两颗星星加一个千纸鹤~ 外圈的六条 撕四条长长的彩带……"], "bs_rank_pos": 4}, {"is_selected": true, "title": "废旧物品制作风铃手工制作_图文_百度文库", "most_related_para": 1, "segmented_title": ["废旧", "物品", "制作", "风铃", "手工制作", "_", "图文", "_", "百度", "文库"], "segmented_paragraphs": [["废旧", "物品", "制作", "风铃", "手工制作", "_", "育儿", "理论", "经验", "_", "幼儿教育", "_", "教育", "专区", "。", "废旧", "物品", "制作", "风铃", "手工制作", ":", "1", ".", "你", "要", "想办法", "找到", "9", "个", "小", "药瓶", ",", "然后", "在", "里面", "装上", "各种", "颜色", "的", "水", ",", "之后", "还要", "在", "每个", "瓶", "的", "盖子", "上", "穿", "根", "线", ";", "2", ".", "用", "硬", "纸片", "剪", "个", "圆盘", ",", "中间", "穿", "上线", ",", "然后", "把", "药瓶", "的", "线", "固定", "在", "圆盘", "的", "周围", ";", "3"], ["废旧", "物品", "制作", "风铃", "手工制作", ":", "1", ".", "你", "要", "想办法", "找到", "9", "个", "小", "药瓶", ",", "然后", "在", "里面", "装上", "各种", "颜色", "的", "水", ",", "之后", "还要", "在", "每个", "瓶", "的", "盖子", "上", "穿", "根", "线", ";", "2", ".", "用", "硬", "纸片", "剪", "个", "圆盘", ",", "中间", "穿", "上线", ",", "然后", "把", "药瓶", "的", "线", "固定", "在", "圆盘", "的", "周围", ";", "3", ".", "用", "胶泥", "和", "电光", "纸", "做出", "各种", "好看", "的", "图案", "粘", "在", "瓶", "上", "就", "可以", "了", "哈", "!", "太", "好看", "了", "!", "又", "可以", "保护", "环", "境", "。"], ["材料", "很简单", ",", "剪刀", ",", "直尺", ",", "铅笔", ",", "当然", "还", "少不了", "干净", "的", "玻璃", "罐子", "和", "你", "喜欢", "的", "相片", "。", "对于", "粘", "有", "恼", "人", "的", "商品", "标签", "的", "罐子", ",", "告诉", "你", "一", "个", "简易", "的", "解决", "方法", "。", "用", "风油精", "、", "活络油", "等", "有机溶剂", "即可", "轻", "易", "的", "将", "牢牢", "粘附", "在", "物体", "表面", "的", "商品", "标签", "去除", ",", "适用于", "任何", "情况", "。"], ["用", "尺子", "大致", "量", "出", "罐子", "内壁", "可容纳", "相片", "的", "高度", ",", "如果", "罐子", "比", "相片", "略", "矮", "一些", ",", "可以", "用", "铅笔", "在", "相片", "上", "做出", "标记", "并", "用", "剪刀", "稍", "作", "裁剪", "。"], ["尽量", "为", "对应", "的", "相片", "选择", "高度", "适中", "的", "罐子", ",", "毕竟", "相片", "是", "可以", "修", "剪", "的", ",", "而", "玻璃", "罐子", "就", "…", "…"], ["当然", "也有", "一些", "例外", ",", "比如", "你", "想", "给", "相片", "中", "的", "脸部", "来", "一", "个", "特写", ",", "那", "就", "剪", "下", "脸部", "的", "那", "一", "部分", ",", "选择", "一", "个", "相对", "矮小", "的", "瓶子", ",", "能", "给", "你", "带来", "意料之外", "的", "艺术", "效果", "。"], ["废弃", "瓜子", "壳", "制作", "的", "手工", "-", "鱼", "西瓜子", "南瓜子", "葵花子", ",", "动手", "创意", "吧", "。"], ["收集", "够了", "50", "个", "牛奶", "盒", ",", "就", "赶快", "开始", "动手做", "一", "个", "吧", "。"], ["很", "结实", "的", ",", "小朋友", "可以", "真", "的", "坐", "上去", "呢", "毛线", "制作", "的", "娃娃", "-", "幼儿教师", "手工制作", "好可爱", "哦", ",", "身体", "是", "用", "铁丝", "做", "的", ",", "所以", "还", "可以", "摆", "出", "各种各样", "的", "造型", "哦", "。"], ["准备", "材料", ":", "松球", "、", "纸杯", "、", "彩色", "纸", "、", "双面胶", "、", "剪刀", "1", "把", "纸杯", "在", "大约", "二分之一", "处", "剪", "开", "。", "2", "把", "剪", "下", "的", "杯", "底部", "分包", "上", "彩色", "纸", "。", "3", "剪掉", "多余", "的", "边", "。", "4", "杯", "口", "部分", "插", "在", "杯", "底", "内", "。", "一只", "小", "花盆", "做", "好", "了", "。", "5", "用", "记号笔", "在", "花盆", "上", "画", "喜欢", "的", "花纹", "。", "红花", "盆", "是", "曹宇鹏", "画", "的", ",", "蓝", "花盆", "是", "妈妈", "画", "的", "。"], ["6", "先", "用", "废纸", "揉", "成", "纸", "团", ",", "再", "用", "彩色", "纸", "包住", "。", "7", "纸", "包", "当做", "泥土", "装", "进", "花盆", "。", "8", "挑", "一", "个", "形状", "完整", "的", "松球", "种", "在", "花盆", "中", "。", "(", "用", "双面胶", "粘贴", ")", "9", "用", "绿色", "纸", "对折", ",", "剪", "出", "铁树", "的", "叶子", "。", "10", "叶子", "要", "有", "大", "有", "小", "、", "有长有短", "。", "11", "最小", "的", "叶子", "长", "在", "中间", "。", "12", "中间", "的", "叶子", "可以", "保持", "对折", "的", "姿态", ",", "13", "越", "往下", "叶子", "越", "大", "。", "大", "叶子", "要", "舒展", "些", "。", "14", "铁树", "做", "好", "了", "。"], ["纸杯", "手工", "作品", "“", "灯笼", "”", "的", "制作过程", "1", "纸杯", "手工", "作品", "“", "灯笼", "”", "的", "制作过程", "2", "纸杯", "手工", "作品", "“", "灯笼", "”", "的", "制作过程", "3", "纸杯", "手工", "作品", "“", "灯笼", "”", "的", "制作过程", "4", "纸杯", "手工", "作品", "“", "灯笼", "”", "的", "制作过程", "5", "纸杯", "手工", "作品", "“", "灯笼", "”", "的", "制作过程", "6", "纸杯", "手工", "作品", "“", "灯笼", "”", "的", "制作过程", "7", "纸杯", "手工", "作品", "“", "灯笼", "”", "的", "制作过程", "8", "纸杯", "手工", "作品", "“", "灯笼", "”", "的", "制作过程", "9", "准备", "材料", ":", "1", "、", "鸡蛋", "或", "其他", "蛋类", "2", "、", "丙烯颜料", "3", "、", "毛笔", "步骤", ":", "1", "、", "在", "鸡蛋", "或", "其他", "蛋类", "的", "顶端", "凿开", "一", "个", "小", "洞", ",", "将", "蛋清", "和", "蛋黄", "道", "出", ",", "清洗干净", ",", "注意", "要", "手脚", "轻", "巧", "点", "哦", ",", "蛋壳", "可是", "很脆弱", "的", "哦", "。"], ["适用", "游戏", ":", "娃娃家", "游戏", "适用", "年龄段", ":", "中", "、", "大班", "制作", "材料", ":", "废旧", "纸盒", "、", "及时", "贴", "、", "废", "报纸", "制作", "要点", ":", "先", "用", "剪刀", "将", "纸盒", "剪", "开", "两", "斜角", ",", "将", "剪", "开", "的", "部分", "塞进", "纸盒", "内", "压条", "。", "用", "报纸", "搓", "成", "筒", "状", ",", "将", "彩条", "绕", "上", "。", "将", "彩", "棒", "粘贴", "到", "簸箕", "上", "即可", "。", "设计思路", ":", "在", "日常", "生活", "中", ",", "簸箕", "、", "笤帚", "是", "我们", "的", "日用品", ",", "幼儿", "对此", "都", "不会", "感到", "陌生", ",", "在家里", "经常", "会", "看见", "父母", "打扫卫生", ",", "会", "对", "打扫卫生", "的", "过程", "发生", "兴趣", "。", "在", "中", "大班", "娃娃家", "游戏", "中", ",", "经常", "会", "有许多", "幼儿", "到", "模仿", "爸爸妈妈", "一样", "打扫卫生", ",", "因此", "在", "娃娃家", "游戏", "中", "增添", "了", "簸箕", "、", "笤帚", "的", "玩具", ",", "这个", "自制", "玩具", "可以", "丰富", "幼儿", "的", "游戏", "内容", "。", "使用说明", ":", "放在", "娃娃", "家里", "当日", "用品", ",", "让", "幼儿", "通过", "模仿", "成人", "劳动", ",", "体会", "劳动", "的", "艰辛", "和", "快乐", "。", "玩具特色", ":", "利用", "废旧", "的", "包装盒", "制作", ",", "取材", "方便", ",", "废物利用", ",", "节约能源", "。", "直接", "在", "盒子", "切割", ",", "不", "需要", "复杂", "的", "工艺", ",", "制作过程", "简单", "、", "快速", ",", "可以", "节约", "教师", "的", "时间", "。"], ["适用", "游戏", ":", "娃娃家", "游戏", "适用", "年龄段", ":", "中", "、", "大班", "制作", "材料", ":", "废旧", "的", "长方体", "纸盒", "、", "彩色", "纸", "、", "黑色", "、", "红色", "、", "黄色", "的", "及时", "贴", "、", "小刀", "、", "塑封", "纸", "制作", "要点", ":", "选一个", "长方体", "的", "纸盒", ",", "把", "纸盒", "的", "上下", "、", "前后", "四", "个", "面", "用", "颜色", "比较", "鲜艳", "的", "红色", "即时贴", "贴", "住", ",", "左右两侧", "则", "选用", "黄色", "的", "及时", "贴", ",", "然后", "直接", "在", "盒子", "的", "正面", "挖", "一", "个", "微波炉", "的", "门", ",", "进行", "切割", ",", "中间", "被", "切割", "掉", "的", "地方", "用", "塑封", "纸", "贴", "住", ",", "再", "装", "上门", "的", "把手", ",", "最后", "在", "门", "的", "旁边", "贴上", "一些", "蔬菜", "、", "荤菜", "和", "使用", "按钮", "。", "设计思路", ":", "在", "日常", "生活", "中", ",", "每家每户", "都", "有", "一", "个", "微波炉", ",", "孩子", "每次", "会", "看到", "爸爸妈妈", "会", "用", "微波炉", "把", "饭菜", "加热", ",", "所以", "对于", "它", "的", "使用方法", "已经", "有", "了", "一定", "的", "经验", ",", "所以", "在", "娃娃家", "游戏", "中", "放入", "微波炉", ",", "使", "游戏", "真正", "的", "与", "现实", "生活", "联系", "起来", "了", ",", "孩子", "在", "这", "过程", "中", "也", "会", "得到", "很多", "快乐", "。", "使用说明", ":", "孩子", "在", "玩游戏", "时", "可以", "扮演", "妈妈", "的", "角色", ",", "比如", "一家人", "吃饭时", ",", "如果", "饭菜", "凉", "了", ",", "就", "可", "以", "拿到", "微波炉", "里", "进行", "加热", ",", "在", "加热", "前", "要", "看", "好", "按钮", ",", "荤菜", "和", "蔬菜", "加热", "的", "按钮", "是", "不一样", "的", ",", "还要", "注意", "加热", "的", "时间", ",", "等", "饭菜", "加热", "好", "了", "之后", ",", "打开", "微波炉", "的", "门", ",", "把", "它们", "拿出来", ",", "还要", "注意", "不要", "烫", "到", "手", "。"], ["玩具特色", ":", "利用", "废旧", "纸盒", "制作", ",", "取材", "方便", ",", "废物利用", ",", "节约能源", "。", "在", "制作", "过程", "中", "能", "直接", "在", "盒", "子", "上", "挖洞", "、", "切割", ",", "不需要", "复杂", "的", "工艺", ",", "制作过程", "简单", ",", "快速", "。", "玩具", "也", "比较", "形象", "、", "便", "操作", ",", "适", "合", "中", "、", "大班", "孩子", "在", "角色", "游戏", "中", "使用", "。"], ["作品", "照片", ":", "适用", "游戏", ":", "超市", "收银台", "适用", "年龄段", ":", "中班", "制作", "材料", ":", "长方体", "扁形", "月饼盒", "、", "九", "分", "裤", "盒子", "、", "娃哈哈", "酸奶", "瓶", "一", "个", "、", "小", "药盒", "、", "约", "15", "厘米", "长", "、", "10", "厘米", "宽", "的", "盒子", "和", "另一个", "15", "厘米", "长", "、", "5", "厘米", "宽", "的", "盒子", "各", "一", "个", "、", "即时贴", "包装纸", "、", "数字", "贴纸", "。", "制作", "要点", ":", "月饼盒", "的", "银色", "边", "比较", "漂亮", ",", "不需要", "包装", ",", "可", "直接", "利用", "。", "盒子", "的", "一", "条", "宽", "边", "抠", "出", "一", "个", "九", "分", "裤", "盒子", "大小", "的", "空间", "做", "收银台", "的", "抽屉", "。", "月饼盒", "的", "桌面", "部分", "用", "绿色", "正方形", "即时贴", "盖住", "原来", "图", "案", ",", "即时贴", "的", "上面", "贴", "上", "数字键", ",", "这样", "收银台", "的", "台面", "就", "做", "好", "了", "。", "接下来", "做", "收银台", "的", "屏幕", ",", "用", "即", "时", "贴", "将", "一", "个", "约", "15", "厘米", "长", "、", "10", "厘米", "宽", "的", "盒子", "(", "做", "屏幕", ")", "和", "另一个", "15", "厘米", "长", "、", "5", "厘米", "宽", "的", "盒", "子", "(", "做", "台面", "和", "屏幕", "之间", "的", "撑杆", ")", "包装", "起来", ",", "将", "屏幕", "、", "台面", "、", "撑杆", "三", "部分", "组合", "起来", "。", "最后", "做", "收", "银", "台", "刷", "条形码", "的", "机器", "。", "先", "将", "娃哈哈", "瓶口", "系", "一根", "绿色", "绳子", ",", "绳子", "另一头", "塞", "到", "台面", "里面", "后", "打结", "使", "其", "不", "掉", "出来", "。", "再", "用", "娃哈哈", "底部", "和", "小", "药盒", "组合", ",", "用", "绿色", "即时贴", "包装", "。", "设计思路", ":", "游戏", "之", "初", ",", "我们", "仅", "提供", "一", "个", "小", "钱盒", "作为", "超市", "收银台", ",", "收银员", "在", "超市", "里", "没有", "可", "操作", "的", "材料", ",", "经常", "因", "无所事事", "而", "脱离", "岗位", "。", "我们", "想", ":", "到", "如何", "增强", "孩子", "的", "角色", "意识", ",", "让", "孩子", "喜欢", "做", "超市", "收银员", "?", "应该", "如何", "调整", "材料", ",", "使", "收银员", "有事", "可做", "?", "在", "这样", "的", "思考", "中", ",", "以及", "与", "现实", "生活", "中", "的", "超市", "情景", "结合", ",", "我们", "就", "发明", "了", "这样", "的", "“", "超市", "收银台", "”", "。"]], "paragraphs": ["废旧物品制作风铃手工制作_育儿理论经验_幼儿教育_教育专区。废旧物品制作风铃手工制作: 1. 你要想办法找到 9 个小药瓶,然后在里面装上各种颜色的水,之后还要在每个瓶的盖子 上穿根线; 2. 用硬纸片剪个圆盘,中间穿上线,然后把药瓶的线固定在圆盘的周围; 3", "废旧物品制作风铃手工制作: 1. 你要想办法找到 9 个小药瓶,然后在里面装上各种颜色的水,之后还要在每个瓶的盖子 上穿根线; 2. 用硬纸片剪个圆盘,中间穿上线,然后把药瓶的线固定在圆盘的周围; 3. 用胶泥和电光纸做出各种好看的图案粘在瓶上就可以了 哈!太好看了!又可以保护环 境。", "材料很简单,剪刀,直尺,铅笔,当然还少不了干净的玻璃罐子和你喜欢的相片。对于粘有 恼人的商品标签的罐子,告诉你一个简易的解决方法。用风油精、活络油等有机溶剂即可轻 易的将牢牢粘附在物体表面的商品标签去除,适用于任何情况。", "用尺子大致量出罐子内壁可容纳相片的高度, 如果罐子比相片略矮一些, 可以用铅笔在相片 上做出标记并用剪刀稍作裁剪。", "尽量为对应的相片选择高度适中的罐子, 毕竟相片是可以修 剪的,而玻璃罐子就……", "当然也有一些例外,比如你想给相片中的脸部来一个特写,那就剪下脸部的那一部分,选择 一个相对矮小的瓶子,能给你带来意料之外的艺术效果。", "废弃瓜子壳制作的手工-鱼 西瓜子 南瓜子 葵花子,动手创意吧。", "收集够了 50 个牛奶盒,就赶快开始动手做一个吧。", "很结实的,小朋友可以真的坐上去呢 毛线制作的娃娃-幼儿教师手工制作 好可爱哦,身体是用铁丝做的,所以还可以摆出各种各样的造型哦。", "准备材料: 松球、纸杯、彩色纸、双面胶、剪刀 1 把纸杯在大约二分之一处剪开。 2 把剪下的杯底部分包上彩色纸。 3 剪掉多余的边。 4 杯口部分插在杯底内。一只小花盆做好了。 5 用记号笔在花盆上画喜欢的花纹。红花盆是曹宇鹏画的,蓝花盆是妈妈画的。", "6 先用废纸揉成纸团,再用彩色纸包住。 7 纸包当做泥土装进花盆。 8 挑一个形状完整的松球种在花盆中。(用双面胶粘贴) 9 用绿色纸对折,剪出铁树的叶子。 10 叶子要有大有小、有长有短。 11 最小的叶子长在中间。 12 中间的叶子可以保持对折的姿态, 13 越往下叶子越大。大叶子要舒展些。 14 铁树做好了。", "纸杯手工作品“灯笼”的制作过程 1 纸杯手工作品“灯笼”的制作过程 2 纸杯手工作品“灯笼”的制作过程 3 纸杯手工作品“灯笼”的制作过程 4 纸杯手工作品“灯笼”的制作过程 5 纸杯手工作品“灯笼”的制作过程 6 纸杯手工作品“灯笼”的制作过程 7 纸杯手工作品“灯笼”的制作过程 8 纸杯手工作品“灯笼”的制作过程 9 准备材料: 1、鸡蛋或其他蛋类 2、丙烯颜料 3、毛笔 步骤: 1、在鸡蛋或其他蛋类的顶端凿开一个小洞,将蛋清和蛋黄道出,清洗干净,注意要手脚轻 巧点哦,蛋壳可是很脆弱的哦。", "适用游戏:娃娃家游戏 适用年龄段:中、大班 制作材料:废旧纸盒、及时贴、废报纸 制作要点:先用剪刀将纸盒剪开两斜角,将剪开的部分塞进纸盒内压条。用报纸搓成筒状, 将彩条绕上。将彩棒粘贴到簸箕上即可。 设计思路:在日常生活中,簸箕、笤帚是我们的日用品,幼儿对此都不会感到陌生,在家里 经常会看见父母打扫卫生,会对打扫卫生的过程发生兴趣。在中大班娃娃家游戏中,经常会 有许多幼儿到模仿爸爸妈妈一样打扫卫生,因此在娃娃家游戏中增添了簸箕、笤帚的玩具, 这个自制玩具可以丰富幼儿的游戏内容。 使用说明:放在娃娃家里当日用品,让幼儿通过模仿成人劳动,体会劳动的艰辛和快乐。 玩具特色:利用废旧的包装盒制作,取材方便,废物利用,节约能源。直接在盒子切割,不 需要复杂的工艺,制作过程简单、快速,可以节约教师的时间。", "适用游戏:娃娃家游戏 适用年龄段:中、大班 制作材料:废旧的长方体纸盒、彩色纸、黑色、红色、黄色的及时贴、小刀、塑封纸 制作要点:选一个长方体的纸盒,把纸盒的上下、前后四个面用颜色比较鲜艳的红色即时贴 贴住, 左右两侧则选用黄色的及时贴, 然后直接在盒子的正面挖一个微波炉的门, 进行切割, 中间被切割掉的地方用塑封纸贴住,再装上门的把手,最后在门的旁边贴上一些蔬菜、荤菜 和使用按钮。 设计思路:在日常生活中,每家每户都有一个微波炉,孩子每次会看到爸爸妈妈会用微波炉 把饭菜加热, 所以对于它的使用方法已经有了一定的经验, 所以在娃娃家游戏中放入微波炉, 使游戏真正的与现实生活联系起来了,孩子在这过程中也会得到很多快乐。 使用说明:孩子在玩游戏时可以扮演妈妈的角色,比如一家人吃饭时,如果饭菜凉了,就可 以拿到微波炉里进行加热,在加热前要看好按钮,荤菜和蔬菜加热的按钮是不一样的,还要 注意加热的时间,等饭菜加热好了之后,打开微波炉的门,把它们拿出来,还要注意不要烫 到手。", "玩具特色:利用废旧纸盒制作,取材方便,废物利用,节约能源。在制作过程中能直接在盒 子上挖洞、切割,不需要复杂的工艺,制作过程简单,快速。玩具也比较形象、便操作,适 合中、大班孩子在角色游戏中使用。", "作品照片: 适用游戏:超市收银台 适用年龄段:中班 制作材料:长方体扁形月饼盒、九分裤盒子、娃哈哈酸奶瓶一个、小药盒、约 15 厘米长、 10 厘米宽的盒子和另一个 15 厘米长、5 厘米宽的盒子各一个、即时贴包装纸、数字贴纸。 制作要点:月饼盒的银色边比较漂亮,不需要包装,可直接利用。盒子的一条宽边抠出一个 九分裤盒子大小的空间做收银台的抽屉。 月饼盒的桌面部分用绿色正方形即时贴盖住原来图 案,即时贴的上面贴上数字键,这样收银台的台面就做好了。接下来做收银台的屏幕,用即 时贴将一个约 15 厘米长、10 厘米宽的盒子(做屏幕)和另一个 15 厘米长、5 厘米宽的盒 子(做台面和屏幕之间的撑杆)包装起来,将屏幕、台面、撑杆三部分组合起来。最后做收 银台刷条形码的机器。 先将娃哈哈瓶口系一根绿色绳子, 绳子另一头塞到台面里面后打结使 其不掉出来。再用娃哈哈底部和小药盒组合,用绿色即时贴包装。 设计思路:游戏之初,我们仅提供一个小钱盒作为超市收银台,收银员在超市里没有可操作 的材料,经常因无所事事而脱离岗位。我们想:到如何增强孩子的角色意识,让孩子喜欢做 超市收银员?应该如何调整材料, 使收银员有事可做?在这样的思考中, 以及与现实生活中 的超市情景结合,我们就发明了这样的“超市收银台”。"], "bs_rank_pos": 5}], "answer_spans": [[8, 80]], "fake_answers": ["你要想办法找到9个小药瓶,然后在里面装上各种颜色的水,之后还要在每个瓶的盖子上穿根线;2.用硬纸片剪个圆盘,中间穿上线,然后把药瓶的线固定在圆盘的周围;3.用胶泥和电光纸做出各种好看的图案粘在瓶上就可以了"], "question": "儿童手工风铃制作方法", "segmented_answers": [["一", "个", "护发素", "的", "内盖", "(", "没有", "的", "话", "可以", "用", "光盘", ")", ",", "在", "上面", "钻", "上", "洞", ",", "在", "洞", "里", "穿过", "铁丝", ",", "穿", "一颗", "针", ",", "在", "上面", "穿", "一颗", "星星", ",", "把", "绳子", "系", "在", "盘子", "中间", "的", "铁丝", "上", ",", "在", "星星", "下面", "栓", "一", "个", "钥匙圈", ",", "钥匙圈", "下面", "再", "栓", "一颗", "星星", ",", "在", "星星", "下面", "栓", "一", "个", "小瓶子", "(", "我", "没有", "足够", "的", "瓶子", "所以", "用", "玻璃", "代替", ")", "要", "栓", "紧", "哦", "!", "把", "彩带", "撕", "成", "小", "条", ",", "拴", "在", "下面", ",", "在", "钥匙圈", "上", "再", "栓", "同样", "的", "一", "条", ",", "中间", "的", "一", "圈", ",", "先", "穿", "一", "个", "千纸鹤", ",", "千纸鹤", "下面", "是", "小瓶子", ",", "穿", "一", "个", "星星", ",", "在", "星星", "下面", "栓", "彩带", ",", "中间", "的", "三", "条", "都", "弄好", ",", "撕", "四", "条", "长", "长", "的", "彩带", "…", "…", "然后", "可以", "绑", "在", "顶上", "~", "就", "完成", "啦", "。"], ["首先", "把", "瓶盖", "顶部", "用", "裁", "纸", "刀", "去掉", ",", "四周", "用", "锥子", "扎", "空", ",", "在", "用", "彩色", "尼龙绳", "装饰", "勺子", "。", "在", "勺子", "把", "用", "尼龙线", "捆绑", "。", "然后", "再", "拿出", "事", "先", "准备", "好", "的", "一些", "装饰", "风铃", "的", "材料", "。", "在", "瓶盖", "上", "绑", "一", "个", "十字", "。", "把", "我们", "准备", "好", "的", "各种", "风铃", "挂坠", "捆绑", "好", "。"], ["你", "要", "想办法", "找到", "9", "个", "小", "药瓶", ",", "然后", "在", "里面", "装上", "各种", "颜色", "的", "水", ",", "之后", "还要", "在", "每个", "瓶", "的", "盖子", "上", "穿", "根", "线", ";", "用", "硬", "纸片", "剪", "个", "圆盘", ",", "中间", "穿", "上线", ",", "然后", "把", "药瓶", "的", "线", "固定", "在", "圆盘", "的", "周围", ";", "用", "胶泥", "和", "电光", "纸", "做出", "各种", "好看", "的", "图案", "粘", "在", "瓶", "上", "就", "可以", "了", "。"]], "answers": ["一个护发素的内盖(没有的话可以用光盘),在上面钻上洞,在洞里穿过铁丝,穿一颗针,在上面穿一颗星星,把绳子系在盘子中间的铁丝上,在星星下面栓一个钥匙圈,钥匙圈下面再栓一颗星星,在星星下面栓一个小瓶子(我没有足够的瓶子所以用玻璃代替)要栓紧哦!把彩带撕成小条,拴在下面,在钥匙圈上再栓同样的一条,中间的一圈,先穿一个千纸鹤,千纸鹤下面是小瓶子,穿一个星星,在星星下面栓彩带,中间的三条都弄好,撕四条长长的彩带……然后可以绑在顶上~就完成啦。", "首先把瓶盖顶部用裁纸刀去掉,四周用锥子扎空,在用彩色尼龙绳装饰勺子。在勺子把用尼龙线捆绑。然后再拿出事先准备好的一些装饰风铃的材料。在瓶盖上绑一个十字。把我们准备好的各种风铃挂坠捆绑好。", "你要想办法找到9个小药瓶,然后在里面装上各种颜色的水,之后还要在每个瓶的盖子上穿根线;用硬纸片剪个圆盘,中间穿上线,然后把药瓶的线固定在圆盘的周围;用胶泥和电光纸做出各种好看的图案粘在瓶上就可以了。"], "answer_docs": [4], "segmented_question": ["儿童", "手工", "风铃", "制作方法"], "question_type": "DESCRIPTION", "question_id": 181594, "fact_or_opinion": "OPINION", "match_scores": [0.881118881118881]} -{"documents": [{"is_selected": true, "title": "儿童口腔溃疡的治疗方法_百度文库", "most_related_para": 3, "segmented_title": ["儿童", "口腔溃疡", "的", "治疗方法", "_", "百度", "文库"], "segmented_paragraphs": [["儿童", "口腔溃疡", "的", "治疗方法", "_", "育儿", "理论", "经验", "_", "幼儿教育", "_", "教育", "专区", "。", "口腔溃疡", "的", "疼痛", "度", "绝对", "不亚于", "蛀牙", ",", "虽然", "说", "这种", "小", "疾病", "看起来", "不是", "什么", "大事", ",", "但是", "一旦", "患", "上", ",", "可", "真是", "让", "人", "痛苦万分", "。", "儿童", "更容易", "患", "口腔溃疡", ",", "不过", "他们", "的", "发病原因", "有", "更多", "种", "。"], ["新稀宝", "官方", "商城", "www", ".", "shinsbo", ".", "cn", "儿童", "口腔溃疡", "的", "治疗方法", "口腔溃疡", "的", "疼痛", "度", "绝对", "不亚于", "蛀牙", ",", "虽然", "说", "这种", "小", "疾病", "看起来", "不是", "什么", "大事", ",", "但是", "一旦", "患", "上", ",", "可", "真是", "让", "人", "痛苦万分", "。"], ["儿童", "口腔溃疡", "的", "原因", ":", "1", "、", "手足口病", "—", "—", "这种病", "也有", "与", "疱疹性口炎", "相类似", "的", "症状", ",", "好", "发", "于", "5", "岁", "以下", "幼儿", ",", "具有", "流行性", "。", "患病", "后", "口腔", "损害", "遍布", "于", "唇", "、", "颊", "、", "舌", "、", "腭", "等", "处", ",", "为", "很多", "小", "水疱", ",", "极", "易", "破裂", ",", "破", "后", "形成", "多", "个", "小", "溃疡", ",", "除", "口腔", "部位", "外", ",", "在", "手掌", "、", "足底", "、", "臀部", "皮肤", "上", "亦可", "出现", "分散", "的", "小", "水疱", ",", "所以", "称", "之", "为", "手足口病", "。", "2", "、", "药物过敏", "—", "—", "特殊", "体质", "的", "宝宝", "可能", "会", "因为", "药物", "或", "感染", "等", "不明原因", ",", "而", "引起", "所谓", "的", "“", "多", "形", "性", "红斑", "疾病", "”", ",", "这时", "宝宝", "身上", "会出现", "靶", "形", "红斑", ",", "眼睛", "、", "嘴唇", "、", "口腔", "、", "生殖", "泌尿道", "均", "有", "发炎", "、", "溃烂", "的", "情况", "。", "3", "、", "口疮", "—", "—", "口疮", "比较", "常见", ",", "但是", "病因", "不", "一", "。", "有", "的", "是因为", "口腔黏膜", "有", "不", "明显", "的", "伤口", "造成", "的", ",", "有", "的", "是因为", "压力过大", "造成", "的", ",", "还有", "的", "是因为", "食物", "中", "缺少", "维生素", "B", "。", "初期", "口腔黏膜", "会", "有", "灼", "烧", "感", ",", "接着", "会", "发红", ",", "并", "形成", "许多", "小", "溃疡", ",", "相当", "疼痛", "。", "常见", "部位", "在", "舌", "侧", "黏膜", "、", "口腔", "底部", "和", "舌头", "部位", "。", "4", "、", "外伤", "—", "—", "凡是", "烫伤", "、", "刺伤", "、", "误食", "有", "腐蚀性", "的", "东西", "等", ",", "都会", "引起", "口腔黏膜", "受伤", ",", "继而", "引发", "溃疡", "。"], ["儿童", "口腔溃疡", "怎么办", "?", "1", "、", "找到", "溃疡", "部位", ":", "在", "儿童", "口腔", "有", "溃疡", "时", ",", "要", "仔细观察", "孩子", "的", "口腔", ",", "找到", "口腔溃疡", "的", "具", "体", "部位", "。", "如果", "溃疡", "在", "颊", "黏膜", "处", ",", "就要", "进一步", "找到", "造成", "溃疡", "的", "原因", ":", "比如", "看看", "患处", "附近", "的", "牙齿", "是否", "有", "尖锐", "不", "光滑", "的", "缺口", ",", "如果", "有", "这种", "缺口", ",", "就", "应当", "带", "孩子", "去", "医院", "处理", "。", "新稀宝", "官方", "商城", "www", ".", "shinsbo", ".", "cn", "2", "、", "转移", "注意力", ":", "多", "关心", "一", "下", "孩子", ",", "多", "和", "孩子", "谈心", ",", "转移", "他", "的", "注意力", ",", "给", "宝宝", "创造", "一", "个", "轻松", "、", "愉快", "的", "生活环境", "。", "3", "、", "饮食", "镇痛", ":", "不要", "给", "宝宝", "吃", "酸", "、", "辣", "或", "咸", "的", "食物", ",", "否则", "宝宝", "的", "溃疡", "处", "会", "更", "痛", "。", "应当", "给", "宝", "宝", "吃", "流食", ",", "以", "减轻", "疼痛", ",", "也有", "利于", "溃疡", "处", "的", "愈合", "。", "治疗", "儿童", "口腔溃疡", "小", "偏方", ":", "1", "、", "维生素", "C", "药片", "1", "-", "2", "片", "压碎", ",", "撒", "于", "溃疡", "面上", ",", "让", "孩子", "闭口", "片刻", ",", "每日", "2", "次", "。", "这个方法", "虽然", "很", "有效", ",", "但是", "会引起", "一定", "的", "疼痛", ",", "小宝宝", "可能会", "不太", "配合", "。", "2", "、", "用", "全脂奶粉", ",", "每次", "1", "汤", "韪", "并", "加", "少许", "白糖", ",", "用", "开水", "冲服", ",", "每天", "2", "-", "3", "次", ",", "临睡前", "冲服", "效", "果", "最佳", "。", "通常", "服用", "2", "天后", "溃疡", "即可", "消失", "。", "3", "、", "西红柿", "列", "切", "挤", "汁", ",", "然后", "把", "西红柿", "汁", "含", "在", "口", "中", ",", "每次", "含", "数", "分钟", ",", "一", "日", "多次", "。", "4", "、", "柿饼", "上", "刮", "取", "柿霜", ",", "用", "开水", "冲服", "或", "加入", "粥", "中", "服用", "。", "5", "、", "西瓜", "瓤", "挤", "取", "瓜", "汁", "后", "含", "于", "口", "中", ",", "约", "2", "-", "3", "分钟", "后", "咽下", ",", "再", "含", "服", "西瓜", "汁", ",", "反复", "数", "次", ",", "每天", "2", "-", "3", "次", "。", "6", "、", "蛋", "打入", "碗", "内", "拌", "成", "糊状", ",", "绿豆", "适量", "放", "陶罐", "内", "用", "冷水", "浸泡", "10", "多", "分钟", ",", "放", "火", "上", "煮沸", "约", "2", "分钟", "(", "不宜", "久", "煮", ")", ",", "这时", "绿豆", "未熟", ",", "取", "绿豆", "水", "冲", "鸡蛋花", "饮用", ",", "每日", "早晚", "各", "1", "次", "。", "7", "、", "采", "鲜", "芭蕉叶", "适量", ",", "将", "其", "用", "火", "烤", "热", "贴", "敷", "于", "口腔溃疡", "处", ",", "每日", "2", "-", "3", "次", "。", "如何", "预防", "儿童", "口腔溃疡", "?", "1", "、", "想", "让", "孩子", "远离", "烂", "嘴巴", "的", "苦恼", ",", "最", "重要", "的", "是", "在", "平时", "注意", "调整", "饮食", ",", "多", "给", "孩子", "吃", "一些", "富", "含", "核黄素", "的", "食物", ",", "如", "牛奶", "、", "动物肝脏", "、", "菠菜", "、", "胡萝卜", "、", "白菜", "等", ";", "还有", "一些", "富锌", "的", "新稀宝", "片", "帮", "助", "提高免疫力", "。"], ["新稀宝", ":", "专注", "营养保健品", "20", "年"]], "paragraphs": ["儿童口腔溃疡的治疗方法_育儿理论经验_幼儿教育_教育专区。口腔溃疡的疼痛度绝对不亚于蛀牙,虽然说这种小疾病看起来不是什么大事,但是一旦患上,可真是让人痛苦万分。儿童更容易患口腔溃疡,不过他们的发病原因有更多种。", "新稀宝官方商城 www.shinsbo.cn 儿童口腔溃疡的治疗方法口腔溃疡的疼痛度绝对不亚于蛀牙, 虽然说这种小疾病看起来不是什么大事, 但是一旦 患上,可真是让人痛苦万分。", "儿童口腔溃疡的原因: 1、手足口病——这种病也有与疱疹性口炎相类似的症状,好发于 5 岁以下幼儿,具有 流行性。患病后口腔损害遍布于唇、颊、舌、腭等处,为很多小水疱,极易破裂,破后形成 多个小溃疡,除口腔部位外,在手掌、足底、臀部皮肤上亦可出现分散的小水疱,所以称之 为手足口病。 2、 药物过敏——特殊体质的宝宝可能会因为药物或感染等不明原因, 而引起所谓的 “多 形性红斑疾病” ,这时宝宝身上会出现靶形红斑,眼睛、嘴唇、口腔、生殖泌尿道均有发炎、 溃烂的情况。 3、口疮——口疮比较常见,但是病因不一。有的是因为口腔黏膜有不明显的伤口造成 的,有的是因为压力过大造成的,还有的是因为食物中缺少维生素 B。初期口腔黏膜会有灼 烧感,接着会发红,并形成许多小溃疡,相当疼痛。常见部位在舌侧黏膜、口腔底部和舌头 部位。 4、外伤——凡是烫伤、刺伤、误食有腐蚀性的东西等,都会引起口腔黏膜受伤,继而 引发溃疡。", "儿童口腔溃疡怎么办? 1、找到溃疡部位:在儿童口腔有溃疡时,要仔细观察孩子的口腔,找到口腔溃疡的具 体部位。如果溃疡在颊黏膜处,就要进一步找到造成溃疡的原因:比如看看患处附近的牙齿 是否有尖锐不光滑的缺口,如果有这种缺口,就应当带孩子去医院处理。 新稀宝官方商城 www.shinsbo.cn 2、转移注意力:多关心一下孩子,多和孩子谈心,转移他的注意力,给宝宝创造一个 轻松、愉快的生活环境。 3、饮食镇痛:不要给宝宝吃酸、辣或咸的食物,否则宝宝的溃疡处会更痛。应当给宝 宝吃流食,以减轻疼痛,也有利于溃疡处的愈合。 治疗儿童口腔溃疡小偏方: 1、维生素 C 药片 1-2 片压碎,撒于溃疡面上,让孩子闭口片刻,每日 2 次。这个方法 虽然很有效,但是会引起一定的疼痛,小宝宝可能会不太配合。 2、用全脂奶粉,每次 1 汤韪并加少许白糖,用开水冲服,每天 2-3 次,临睡前冲服效 果最佳。通常服用 2 天后溃疡即可消失。 3、西红柿列切挤汁,然后把西红柿汁含在口中,每次含数分钟,一日多次。 4、柿饼上刮取柿霜,用开水冲服或加入粥中服用。 5、西瓜瓤挤取瓜汁后含于口中,约 2-3 分钟后咽下,再含服西瓜汁,反复数次,每天 2-3 次。 6、蛋打入碗内拌成糊状,绿豆适量放陶罐内用冷水浸泡 10 多分钟,放火上煮沸约 2 分钟(不宜久煮),这时绿豆未熟,取绿豆水冲鸡蛋花饮用,每日早晚各 1 次。 7、采鲜芭蕉叶适量,将其用火烤热贴敷于口腔溃疡处,每日 2-3 次。 如何预防儿童口腔溃疡? 1、想让孩子远离烂嘴巴的苦恼,最重要的是在平时注意调整饮食,多给孩子吃一些富 含核黄素的食物,如牛奶、动物肝脏、菠菜、胡萝卜、白菜等;还有一些富锌的新稀宝片帮 助提高免疫力。", "新稀宝:专注营养保健品 20 年"], "bs_rank_pos": 0}, {"is_selected": false, "title": "儿童口腔溃疡的原因和治疗方法_百度文库", "most_related_para": 2, "segmented_title": ["儿童", "口腔溃疡", "的", "原因", "和", "治疗方法", "_", "百度", "文库"], "segmented_paragraphs": [["儿童", "口腔溃疡", "的", "原因", "和", "治疗方法", "_", "育儿", "理论", "经验", "_", "幼儿教育", "_", "教育", "专区", "。", "儿童", "口腔溃疡", "的", "原因", "和", "治疗方法", "你的", "宝宝", "是不是", "三天两头", "就会", "发生", "口腔溃疡", "的", "情况", ",", "我们", "都", "知道", ",", "口腔溃疡", "是", "人们", "日常", "最", "易", "患", "的", "一", "种", "口腔黏膜", "疾病", ",", "家长", "在", "发现", "孩子", "口腔溃疡", "后", ",", "通常", "认为", "孩子", "是", "上火", "等", "问题", "导致", ","], ["儿童", "口腔溃疡", "的", "原因", "和", "治疗方法", "你的", "宝宝", "是不是", "三天两头", "就会", "发生", "口腔溃疡", "的", "情况", ",", "我们", "都", "知道", ",", "口腔溃疡", "是", "人们", "日常", "最", "易", "患", "的", "一", "种", "口腔黏膜", "疾病", ",", "家长", "在", "发现", "孩子", "口腔溃疡", "后", ",", "通常", "认为", "孩子", "是", "上火", "等", "问题", "导致", ",", "直接", "让", "孩子", "服", "下去", "火药", ",", "坐", "收", "疗效", "。"], ["但是", ",", "很少", "有", "家长", "能", "仔细", "探索", "儿童", "口腔溃疡", "的", "原因", "和", "治", "疗", "方法", ",", "孩子", "口腔溃疡", "真", "的", "没有", "您", "想象", "的", "那么简单", "。", "1", "、", "认识", "口腔溃疡", "我们", "常", "能", "见到", "的", "口腔溃疡", "到底是什么", "?", "口腔溃疡", "在", "儿童", "中", "发病率", "较", "高", ",", "多数", "为", "1", "~", "6", "岁", "婴幼儿", "。", "溃疡", "多发", "生", "于", "口", "底", "、", "舌", "部", "、", "颊", "部", "、", "前庭", "沟", "、", "软", "硬腭", "、", "上", "下唇", "内侧", "等", "处", ",", "为", "圆形", "、", "椭", "圆形", "及", "簇拥", "成", "束", "或", "不规则", "形", ",", "面积", "最大", "2", "cm", "×", "3cm", ",", "最小", "0", ".", "2", "cm", "×", "0", ".", "2", "cm", "。", "2", "、", "儿童", "口腔溃疡", "的", "原因", "有些", "孩子", "只是", "偶然", "出现", "口腔溃疡", "的", "症状", ",", "而", "有些", "孩子", "却", "经常", "发生", "口腔溃疡", ",", "究", "其", "根本", "原", "因", ",", "是", "各不相同", "的", "。", "因为", "刺伤", "、", "擦伤", "、", "细菌", "沾染", "等", "缘故", "发生", "的", "溃疡", "属于", "一次性", "的", ",", "比较", "轻易", "治愈", "。", "通常", "敷", "用", "一些", "药物", ",", "3", "、", "4", "天", "左右", "即可", "好", ",", "而且", "不会", "复发", "。", "而", "顽固性", "的", "口腔溃疡", "大", "部", "分", "是", "由于", "缺乏", "维生素", "B", "而", "引起", "。", "一些", "并非", "口腔溃疡", "那么简单", ",", "而是", "另一种", "症状", "。", "如果", "孩子", "常", "两侧", "对称性", "发生口角", "湿", "白", "糜烂", ",", "裂缝", ",", "裂缝", "由", "口角", "横", "延", "约", "1cm", "左右", ",", "上", "遮盖", "黄", "痂", ",", "很", "可", "能", "就是", "发生", "了", "口角炎", ",", "通常", "孩子们", "无", "自觉性", "疼痛", ",", "当", "过度", "启", "口", "或", "继发", "沾染", "时", "可", "发生", "疼痛", "。"], ["口腔溃疡", "的", "具体", "发病原因", "如", "细胞", "免疫功能", "降低", ";", "腹胀", "、", "腹泻", "或", "便秘", "等", "消化系统", "疾病", ";", "内分泌", "变化", ";", "精神", "紧", "张", "、", "睡眠", "状况不佳", "等", "精神", "因素", ";", "缺乏", "微量元素", "锌", "、", "铁", "、", "叶酸", "、", "维生素", "Bl", "2", "、", "遗传", "等", "其他因素", ",", "可用", "95", "%", "乙醇", ":", "用", "棉签", "沾", "上", "95", "%", "乙醇", ",", "轻", "压", "口腔溃疡", "点", ",", "并", "轻轻", "转动", "棉签", "除去", "溃疡", "面", "上", "的", "腐败", "组织", ",", "每天", "2", "~", "3", "次", "."]], "paragraphs": ["儿童口腔溃疡的原因和治疗方法_育儿理论经验_幼儿教育_教育专区。儿童口腔溃疡的原因和治疗方法你的宝宝是不是三天两头就会发生口腔溃疡的情况, 我们都知道, 口腔溃疡是人们日常 最易患的一种口腔黏膜疾病, 家长在发现孩子口腔溃疡后, 通常认为孩子是上火等问题导致,", "儿童口腔溃疡的原因和治疗方法你的宝宝是不是三天两头就会发生口腔溃疡的情况, 我们都知道, 口腔溃疡是人们日常 最易患的一种口腔黏膜疾病, 家长在发现孩子口腔溃疡后, 通常认为孩子是上火等问题导致, 直接让孩子服下去火药,坐收疗效。", "但是,很少有家长能仔细探索儿童口腔溃疡的原因和治 疗方法,孩子口腔溃疡真的没有您想象的那么简单。 1、认识口腔溃疡 我们常能见到的口腔溃疡到底是什么?口腔溃疡在儿童中发病率较高,多数为 1~6 岁 婴幼儿。溃疡多发生于口底、舌部、颊部、前庭沟、软硬腭、上下唇内侧等处,为圆形、椭 圆形及簇拥成束或不规则形,面积最大 2cm×3cm,最小 0.2cm×0.2cm。 2、儿童口腔溃疡的原因 有些孩子只是偶然出现口腔溃疡的症状, 而有些孩子却经常发生口腔溃疡, 究其根本原 因,是各不相同的。因为刺伤、擦伤、细菌沾染等缘故发生的溃疡属于一次性的,比较轻易 治愈。通常敷用一些药物,3、4 天左右即可好,而且不会复发。而顽固性的口腔溃疡大部 分是由于缺乏维生素 B 而引起。一些并非口腔溃疡那么简单,而是另一种症状。如果孩子 常两侧对称性发生口角湿白糜烂,裂缝,裂缝由口角横延约 1cm 左右,上遮盖黄痂,很可 能就是发生了口角炎,通常孩子们无自觉性疼痛,当过度启口或继发沾染时可发生疼痛。", "口腔溃疡的具体发病原因如细胞免疫功能降低;腹胀、腹泻或便秘等消化系统疾病;内分泌变化;精神紧 张、睡眠状况不佳等精神因素;缺乏微量元素锌、铁、叶酸、维生素 Bl2、遗传等其他因素,可用 95%乙醇:用棉签沾上 95%乙醇,轻压口腔溃疡点,并轻轻转动棉签除去溃疡面上的腐败组织,每天 2~3 次."], "bs_rank_pos": 1}, {"is_selected": false, "title": "小儿口腔溃疡最好最有效的治疗方法是什么_百度文库", "most_related_para": 0, "segmented_title": ["小儿", "口腔溃疡", "最好", "最有效", "的", "治疗方法", "是什么", "_", "百度", "文库"], "segmented_paragraphs": [["小儿", "口腔溃疡", "最好", "最有效", "的", "治疗方法", "是", "什么", "_", "学科竞赛", "_", "小学教育", "_", "教育", "专区", "。", "小儿", "口腔溃疡", "最好", "最有效", "的", "治疗方法", "是什么", "?", "口腔溃疡", "在", "儿童", "中", "发病率", "比较", "高", ",", "多数", "为", "1", "~", "6", "岁", "婴幼儿", "。", "如果", "孩子", "的", "口腔溃疡", "是", "擦伤", "等", "创伤", "性", "引起", "的", ",", "一般", "比较好", "治愈", ",", "三", "四", "天", "左右", "即可", "好", "。", "一般来说", ",", "缺乏", "维生素"], ["英文", "个人", "简历模板", "创意", "简历模板", "汇集", "推理", "型", "题", "分析", "与", "总结"], ["广场舞", "活动方案", "社区", "广场舞", "策划方案", "广场舞", "有益于", "身心健康"]], "paragraphs": ["小儿口腔溃疡最好最有效的治疗方法是什么_学科竞赛_小学教育_教育专区。小儿口腔溃疡最好最有效的治疗方法是什么?口腔溃疡在儿童中发病率比较高, 多数为 1~6 岁婴幼儿。 如果孩子的口腔溃疡是擦伤等创伤 性引起的,一般比较好治愈,三四天左右即可好。一般来说,缺乏维生素", "英文个人简历模板 创意简历模板汇集 推理型题分析与总结", "广场舞活动方案 社区广场舞策划方案 广场舞有益于身心健康"], "bs_rank_pos": 2}, {"is_selected": false, "title": "治疗儿童口腔溃疡的小妙招_口腔溃疡治疗_口腔科_99健康网", "most_related_para": 3, "segmented_title": ["治疗", "儿童", "口腔溃疡", "的", "小", "妙招", "_", "口腔溃疡", "治疗", "_", "口腔科", "_", "99", "健康网"], "segmented_paragraphs": [["小孩", "口腔溃疡", "令", "妈妈们", "很", "是", "担心", ",", "下面", "教", "妈妈们", "如何", "给", "宝宝", "治疗", "口腔溃疡", "。"], ["大家", "都", "不", "想", "患", "上", "一些", "口腔", "上面", "的", "疾病", ",", "因为", "它", "的", "出现", "也是", "有", "可能", "造成", "疼痛", "的", "问题", ",", "因此", "当", "儿童", "患", "上", "了", "口腔溃疡", "要", "采取", "好", "的", "办法", ",", "积极", "进行", "选择", "好", "的", "方法", "进行", "治疗", "是", "解决", "疾病", "的", "唯一", "途径", ",", "那么", ",", "治疗", "儿童", "口腔溃疡", "的", "小", "妙方", "?", "下面", "和", "专家", "来", "解答", "吧", "。"], ["1", "、", "找到", "溃疡", "部位", ":", "在", "宝宝", "口腔", "有", "溃疡", "时", ",", "要", "仔细观察", "宝宝", "的", "口腔", ",", "找到", "溃疡", "的", "具体", "部位", "。", "如果", "溃疡", "在", "颊", "黏膜", "处", ",", "就要", "进一步", "找到", "造成", "溃疡", "的", "原因", ":", "比如", "看看", "患处", "附近", "的", "牙齿", "是否", "有", "尖锐", "不", "光滑", "的", "缺口", ",", "如果", "有", "这种", "缺口", ",", "就", "应当", "带", "宝宝", "去", "医院", "处理", "。", "2", "、", "饮食", "镇痛", ":", "不要", "给", "宝宝", "吃", "酸", "、", "辣", "或", "咸", "的", "食物", ",", "否则", "宝宝", "的", "溃疡", "处", "会", "更", "痛", "。", "应当", "给", "宝宝", "吃", "流食", ",", "以", "减轻", "疼痛", ",", "也有", "利于", "溃疡", "处", "的", "愈合", "。", "3", "、", "转移", "注意力", ":", "多", "关心", "一", "下", "宝宝", ",", "多", "和", "宝宝", "谈心", ",", "转移", "他", "的", "注意力", ",", "给", "宝宝", "创造", "一", "个", "轻松", "、", "愉快", "的", "生活环境", "。", "此外", ",", "还有", "一些", "小", "偏方", "能", "促进", "宝宝", "溃疡", "愈合", ",", "爸爸", "妈妈", "不妨试试", ":", "1", "、", "维生素", "c", "药片", "1", "-", "2", "片", "压碎", ",", "撒", "于", "溃疡", "面上", ",", "让", "宝宝", "闭口", "片刻", ",", "每日", "2", "次", "。", "这个方法", "虽然", "很", "有效", ",", "但是", "会引起", "一定", "的", "疼痛", ",", "小宝宝", "可能会", "不太", "配合", "。"], ["1", "、", "维生素", "c", "药片", "1", "-", "2", "片", "压碎", ",", "撒", "于", "溃疡", "面上", ",", "让", "宝宝", "闭口", "片刻", ",", "每日", "2", "次", "。", "这个方法", "虽然", "很", "有效", ",", "但是", "会引起", "一定", "的", "疼痛", ",", "小宝宝", "可能会", "不太", "配合", "。", "2", "、", "用", "全脂奶粉", ",", "每次", "1", "汤", "韪", "并", "加", "少许", "白糖", ",", "用", "开水", "冲服", ",", "每天", "2", "-", "3", "次", ",", "临睡前", "冲服", "效果", "最佳", "。", "通常", "服用", "2", "天后", "溃疡", "即可", "消失", "。", "3", "、", "西瓜", "瓤", "挤", "取", "瓜", "汁", "后", "含", "于", "口", "中", ",", "约", "2", "-", "3", "分钟", "后", "咽下", ",", "再", "含", "服", "西瓜", "汁", ",", "反复", "数", "次", ",", "每天", "2", "-", "3", "次", "。", "4", "、", "蛋", "打入", "碗", "内", "拌", "成", "糊状", ",", "绿豆", "适量", "放", "陶罐", "内", "用", "冷水", "浸泡", "10", "多", "分钟", ",", "放", "火", "上", "煮沸", "约", "2", "分钟", "(", "不宜", "久", "煮", ")", ",", "这时", "绿豆", "未熟", ",", "取", "绿豆", "水", "冲", "鸡蛋花", "饮用", ",", "每日", "早晚", "各", "1", "次", "。"], ["5", "、", "采", "鲜", "芭蕉叶", "适量", ",", "将", "其", "用", "火", "烤", "热", "贴", "敷", "于", "口腔溃疡", "处", ",", "每日", "2", "-", "3", "次", "。"], ["6", "、", "西红柿", "列", "切", "挤", "汁", ",", "然后", "把", "西红柿", "汁", "含", "在", "口", "中", ",", "每次", "含", "数", "分钟", ",", "一", "日", "多次", "。"], ["7", "、", "柿饼", "上", "刮", "取", "柿霜", ",", "用", "开水", "冲服", "或", "加入", "粥", "中", "服用", "。"], ["tips", ":"], ["有些", "宝宝", "的", "溃疡", "症状", "会", "反复发作", ",", "对此", "情况", ",", "给", "宝宝", "适当", "补锌", "会", "有所好转", "。", "锌", "在", "肌红蛋白", "里", "含量", "最高", ",", "比如", "牛肉", "、", "猪肉", "、", "动物肝脏", ",", "还有", "硬", "坚果", ",", "但", "宝宝", "不能吃", "硬", "坚果", ",", "爸爸", "妈妈", "可以", "把", "坚果", "磨", "成", "粉", ",", "冲泡", "给", "宝宝", "喝", "。"], ["预防", "口腔溃疡"], ["预防", "永远", "比", "治疗", "更重要", ",", "想", "让", "宝宝", "远离", "烂", "嘴巴", "的", "苦恼", ",", "最", "重要", "的", "是", "在", "平时", "注意", "调整", "饮食", ",", "多", "给", "宝宝", "吃", "一些", "富含", "核黄素", "的", "食物", ",", "如", "牛奶", ",", "动物肝脏", "、", "菠菜", "、", "胡萝卜", "、", "白菜", "等", "。", "督促", "宝宝", "多喝水", ",", "注意", "口腔卫生", ",", "并", "保持", "大便", "通畅", "。"], ["(", "责任编辑", ":", "实习", "熊茶英", ")"], ["2013", "-", "06", "-", "04", "15", ":", "38", "治疗", "口腔溃疡", "的", "10", "种", "方法"], ["2012", "-", "09", "-", "26", "14", ":", "44", "口腔溃疡", "治疗方法"], ["2010", "-", "09", "-", "14", "13", ":", "31", "治疗", "口腔溃疡", "的", "14", "种", "方法"], ["孕期", "体重", "计算器"], ["亚健康", "测试", "小", "工具"], ["上火", "测试"], ["痛经", "程度", "自测"], ["手淫", "测试"], ["减肥", "自测"], ["十二", "时辰", "养生", "钟"], ["羊奶", "变", "洗发", "乳", "老人", "误", "喝", "洗发", "乳"], ["学生", "遭", "37", "人", "霸凌", "如何", "避免", "校园暴力"], ["癫痫病"], ["冬", "吃", "萝卜", "夏", "吃", "姜", "吃", "姜", "的", "5", "个", "好处"], ["扫一扫", "关注", "我", "的", "热心", "医生", "快速", "免费咨询", "医生"], ["妇科", "好评", "医院", "男科", "好评", "医院", "儿科", "好评", "医院", "眼科", "好评", "医院", "皮肤科", "好评", "医院", "肿瘤科", "好评", "医院", "肝病", "好评", "医院", "心", "血管", "好评", "医院", "整形", "好评", "医院", "性病", "科", "好评", "医院", "呼吸科", "好评", "医院", "口腔科", "好评", "医院"], ["北京", "三甲医院", "上海", "三甲医院", "广州", "三甲医院", "深圳", "三甲医院", "天津", "三甲医院", "江苏省", "三甲医院", "浙江省", "三甲医院", "福建省", "三甲医院", "山东省", "三甲医院", "湖北省", "三甲医院", "湖南省", "三甲医院", "辽宁省", "三甲医院"], ["北京医院", "排行榜", "上海", "医院", "排行榜", "广州", "医院", "排行榜", "深圳", "医院", "排行榜", "成都", "医院", "排行榜", "杭州", "医院", "排行榜", "南京医院", "排行榜", "天津", "医院", "排行榜", "武汉", "医院", "排行榜", "重庆", "医院", "排行榜", "长沙", "医院", "排行榜", "青岛", "医院", "排行榜"]], "paragraphs": ["小孩口腔溃疡令妈妈们很是担心,下面教妈妈们如何给宝宝治疗口腔溃疡。", "大家都不想患上一些口腔上面的疾病,因为它的出现也是有可能造成疼痛的问题,因此当儿童患上了口腔溃疡要采取好的办法,积极进行选择好的方法进行治疗是解决疾病的唯一途径,那么,治疗儿童口腔溃疡的小妙方?下面和专家来解答吧。", "1、找到溃疡部位: 在宝宝口腔有溃疡时,要仔细观察宝宝的口腔,找到溃疡的具体部位。如果溃疡在颊黏膜处,就要进一步找到造成溃疡的原因:比如看看患处附近的牙齿是否有尖锐不光滑的缺口,如果有这种缺口,就应当带宝宝去医院处理。 2、饮食镇痛: 不要给宝宝吃酸、辣或咸的食物,否则宝宝的溃疡处会更痛。应当给宝宝吃流食,以减轻疼痛,也有利于溃疡处的愈合。 3、转移注意力: 多关心一下宝宝,多和宝宝谈心,转移他的注意力,给宝宝创造一个轻松、愉快的生活环境。 此外,还有一些小偏方能促进宝宝溃疡愈合,爸爸妈妈不妨试试: 1、维生素c药片1-2片压碎,撒于溃疡面上,让宝宝闭口片刻,每日2次。这个方法虽然很有效,但是会引起一定的疼痛,小宝宝可能会不太配合。", "1、维生素c药片1-2片压碎,撒于溃疡面上,让宝宝闭口片刻,每日2次。这个方法虽然很有效,但是会引起一定的疼痛,小宝宝可能会不太配合。 2、用全脂奶粉,每次1汤韪并加少许白糖,用开水冲服,每天2-3次,临睡前冲服效果最佳。通常服用2天后溃疡即可消失。 3、西瓜瓤挤取瓜汁后含于口中,约2-3分钟后咽下,再含服西瓜汁,反复数次,每天2-3次。 4、蛋打入碗内拌成糊状,绿豆适量放陶罐内用冷水浸泡10多分钟,放火上煮沸约2分钟(不宜久煮),这时绿豆未熟,取绿豆水冲鸡蛋花饮用,每日早晚各1次。", "5、采鲜芭蕉叶适量,将其用火烤热贴敷于口腔溃疡处,每日2-3次。", "6、西红柿列切挤汁,然后把西红柿汁含在口中,每次含数分钟,一日多次。", "7、柿饼上刮取柿霜,用开水冲服或加入粥中服用。", "tips:", "有些宝宝的溃疡症状会反复发作,对此情况,给宝宝适当补锌会有所好转。锌在肌红蛋白里含量最高,比如牛肉、猪肉、动物肝脏,还有硬坚果,但宝宝不能吃硬坚果,爸爸妈妈可以把坚果磨成粉,冲泡给宝宝喝。", "预防口腔溃疡", "预防永远比治疗更重要,想让宝宝远离烂嘴巴的苦恼,最重要的是在平时注意调整饮食,多给宝宝吃一些富含核黄素的食物,如牛奶,动物肝脏、菠菜、胡萝卜、白菜等。督促宝宝多喝水,注意口腔卫生,并保持大便通畅。", "(责任编辑:实习熊茶英)", "2013-06-04 15:38 治疗口腔溃疡的10种方法", "2012-09-26 14:44 口腔溃疡治疗方法", "2010-09-14 13:31 治疗口腔溃疡的14种方法", "孕期体重计算器", "亚健康测试小工具", "上火测试", "痛经程度自测", "手淫测试", "减肥自测", "十二时辰养生钟", "羊奶变洗发乳 老人误喝洗发乳", "学生遭37人霸凌 如何避免校园暴力", "癫痫病", "冬吃萝卜夏吃姜 吃姜的5个好处", "扫一扫关注我的热心医生 快速免费咨询医生", "妇科好评医院 男科好评医院 儿科好评医院 眼科好评医院 皮肤科好评医院 肿瘤科好评医院 肝病好评医院 心血管好评医院 整形好评医院 性病科好评医院 呼吸科好评医院 口腔科好评医院", "北京三甲医院 上海三甲医院 广州三甲医院 深圳三甲医院 天津三甲医院 江苏省三甲医院 浙江省三甲医院 福建省三甲医院 山东省三甲医院 湖北省三甲医院 湖南省三甲医院 辽宁省三甲医院", "北京医院排行榜 上海医院排行榜 广州医院排行榜 深圳医院排行榜 成都医院排行榜 杭州医院排行榜 南京医院排行榜 天津医院排行榜 武汉医院排行榜 重庆医院排行榜 长沙医院排行榜 青岛医院排行榜"], "bs_rank_pos": 3}, {"is_selected": true, "title": "小儿口腔溃疡八种方法治疗_网易亲子", "most_related_para": 10, "segmented_title": ["小儿", "口腔溃疡", "八", "种", "方法", "治疗", "_", "网易", "亲子"], "segmented_paragraphs": [["2016", "-", "02", "-", "14", "17", ":", "20", ":", "00", "来源", ":", "亲", "贝", "网", "(", "北京", ")"], ["(", "原", "标题", ":", "小儿", "口腔溃疡", "八", "种", "方法", "治疗", ")"], ["口", "肠溃疡", "并", "不是", "大人", "的", "专属", "病症", ",", "小孩", "也", "会", "容易", "患", "上", "溃疡", ",", "我们", "称", "为", "小儿", "口腔溃疡", "。", "小儿", "口腔溃疡", "的", "原因", "有很多", "种", ",", "主要", "是", "口腔", "的", "清洁", "卫生", "做", "的", "不", "到位", "。", "那么", "小儿", "口腔溃疡", "怎么办", "呢", "?", "如何", "预防", "口腔溃疡", "呢", "?", "今天", "就", "为", "大家", "讲解", "关于", "小儿", "口腔溃疡", "的", "常识", "。"], ["很多", "妈妈", "们", "都", "在", "为", "小儿", "口腔溃疡", "怎么办", "而", "烦恼", ",", "不知所措", ",", "不知道", "该", "如何", "处理", ",", "这时", "就会", "延迟", "了", "治疗", ",", "下面", "就", "分享", "一些", "小儿", "口腔溃疡", "的", "治疗", "偏方", "。"], ["日常", "发现", "宝宝", "有", "轻度", "的", "口腔溃疡", "的", "时", "应", "定", "要", "及时", "的", "做", "好", "口腔", "的", "清洁", "卫生", ",", "如果", "是", "还", "不会", "自己", "刷牙", "的", "幼儿", "可", "绵", "纱", "缠住", "手指", "然后", "帮助", "宝宝", "做", "口腔", "清洁", ",", "如果", "宝宝", "已经", "学会", "刷牙", "的", "话", "要", "坚持", "让", "宝宝", "早晚", "刷牙", "。"], ["这", "点", "我们", "从", "小儿", "口腔溃疡", "的", "最", "主要", "原因", "中", "就", "可以看到", ",", "多数", "幼儿", "之所以", "易发", "口腔溃疡", "就是", "因为", "没有", "做", "好", "口腔", "的", "清洁", "工作", "。"], ["所以", "平常", "不仅", "要", "养成", "口腔", "的", "清洁", "还要", "做到", "饭后", "漱口", ",", "注意", "不要", "让", "宝宝", "嘴里", "含有", "着", "奶", "而", "进入", "睡眠", "。", "在", "每次", "的", "喂奶", "之后", "可以", "选择", "用", "清水", "帮", "宝宝", "漱口", "一", "下", "。"], ["其次", "就要", "选择", "药物治疗", "的", "方法", "来", "缓解", "宝宝", "口腔溃疡", "的", "难受", "感", "了", ",", "临床", "认为", "宝宝", "的", "口腔", "和", "维生素B2", "不足", ",", "文", "森", "氏", "螺旋体", "和", "梭", "状", "杆菌", "的", "混合", "感染", "有着", "很大", "的", "关系", ",", "因此", "可以", "采用", "补充", "维生素", "B", "等", "增加", "营养", "等", "方式", "进行", "治疗", "。", "建议", "治疗方法", "多", "补充", "给生素", "C", "和", "维生素", "b", "。"], ["如果", "口腔溃疡", "处", "有", "伤口", "的", "话", "还要", "用", "青霉素", "控制", "感染", ",", "避免", "宝宝", "的", "口腔溃疡", "更加", "严重", "化", "。", "如果", "有", "条件", "的", "话", "也", "可", "选择", "用", "3", "%", "的", "双氧水", "和", "2%", "的", "硼酸", "水", "进行", "清洗", "伤口", ",", "清洗", "之后", "可", "涂抹", "碘甘油", "。"], ["另外", "也", "可", "选择", "一些", "偏方", "治疗", "小儿", "口腔溃疡"], ["偏方", "一", ":", "喝", "蜜汁", "法", "经常", "给", "患儿", "喝", "10", "%", "的", "蜜蜂", "汁", "或者", "是", "漱口", ",", "因为", "很多", "口腔溃疡", "都是", "由于", "上火", "引起", "的", ",", "而", "蜜汁", "水", "就", "不仅", "具有", "消炎", ",", "同时", "还", "具有", "止痛", "的", "作用", ",", "对", "促进", "伤口", "的", "愈合", "也有", "一定", "的", "帮助", "。", "偏方", "二", ":", "木耳", "疗法", "使用", "黑白", "木耳", "两种", "混合", ",", "山楂", "各", "10", "克", ",", "然后", "加上", "三", "碗", "水", "煎", "至", "一碗", ",", "然后", "吃", "木耳", ",", "喝汤", "。", "坚持", "每天", "多", "喝", "几", "次", "就", "可以", "一定", "的", "缓解", "口腔溃疡", "症状", "。", "偏方", "三", ":", "可可", "疗法", "用", "可可粉", "和", "蜂蜜", "一起", "调", "成", "糊状", ",", "然后", "经常", "含咽", "就", "可", "。", "而且", "可可粉", "和", "蜂蜜", "的", "味道", "都是", "孩子", "最", "为", "喜欢", "的", ",", "相信", "这样", "的", "治疗方法", "对", "防治", "宝宝", "口腔溃疡", "效果", "是", "最好", "的", "。", "偏方", "四", ":", "白菜", "根", "疗法", "用", "白菜", "的", "根部", ",", "同", "芥菜", "籽", ",", "葱白", "一起", "弄", "破碎", "然后", "用", "纱布", "将", "这些", "菜", "贴", "于", "足", "心", "就", "可", "。", "偏方", "五", ":", "全脂奶粉", "法", "用", "全脂奶粉", "加", "适量", "的", "白糖", ",", "晚间", "休息", "的", "时候", "冲服", "就", "可", "了", ",", "正常", "情况", "下", "两天", "就", "可", "痊愈", "了", "。"], ["偏方", "六", ":", "维生素", "C"], ["将", "维生素", "C", "弄碎", "了", "之后", ",", "然后", "敷", "在", "伤口", "处", "就", "可", "了", ",", "当然了", "如果", "宝宝", "不小心", "吃", "了", "的", "话", "也是", "不要紧", "的", "。"], ["偏方", "七", ":", "苹果", "法"], ["将", "苹果", "去皮", "之后", "加", "冷水", "一起", "煮沸", ",", "然后", "取", "苹果", "同", "少量", "酒", "一起", "含", "在", "口", "中", "片刻", "就", "可", "。", "不过", "这个", "方法", "不是", "一般", "宝宝", "都", "可以", "接受", "的", "。"], ["偏方", "八", ":", "云南白药", "法"], ["直接", "将", "云南白药", "敷", "在", "宝宝", "溃疡", "的", "表面", "就", "可以", "了", ",", "在", "敷", "的", "时候", "注意", "不要", "让", "宝宝", "吃", "下", "了", "。"], ["以上", "这些", "偏方", "都是", "民间偏方", ",", "妈妈", "要", "用", "最好", "咨询", "下", "医生", "。", "宝宝", "口腔溃疡", "本身", "就", "很", "难受", "了", ",", "所以", "宝", "妈", "们", "就", "更", "要", "细心", "的", "护理", "了", ",", "要知道", "口腔溃疡", "可是", "有", "传染性", "的", "如果", "护理", "变成", "疱疹", "毒性", "口疮", "的", "话", ",", "那么", "护理", "起来", "就", "更", "难", "了", "。"], ["+", "加载", "更多", "新闻"], ["众泰", "请", "交", "广告", "费", "所谓", "官", "图", "都是", "\"", "PS", "造", "车", "\"", "?", "江西", "小伙", "砸", "100", "万", "自建", "农村", "别墅", "安", "幕墙", "玻璃", "豪华", "似", "宫廷", "实用", "的", "商务舱", "网易", "试驾", "东风", "风行", "CM7", "旗舰", "型"], ["日", "专家", "称", "出云号", "可", "半小时", "击沉", "辽宁", "舰", "中方", "霸气", "回应", "文化部", "关停", "12", "家", "网络", "表演", "平台", "处理", "3", "万", "多", "人", "次", "习近平", "抵达", "香港", "将", "出席", "庆", "香港回归祖国", "20", "周年", "大会"], ["网易", "商城", ",", "您", "身边", "24", "小时", "的", "联通", "电信", "移动", "营业厅", "随时随地", "为您", "提供", "手机", "话费", "充值", "服务", "。"]], "paragraphs": ["2016-02-14 17:20:00 来源: 亲贝网(北京)", "(原标题:小儿口腔溃疡八种方法治疗)", "口肠溃疡并不是大人的专属病症,小孩也会容易患上溃疡,我们称为小儿口腔溃疡。小儿口腔溃疡的原因有很多种,主要是口腔的清洁卫生做的不到位。那么小儿口腔溃疡怎么办呢?如何预防口腔溃疡呢?今天就为大家讲解关于小儿口腔溃疡的常识。", "很多妈妈们都在为小儿口腔溃疡怎么办而烦恼,不知所措,不知道该如何处理,这时就会延迟了治疗,下面就分享一些小儿口腔溃疡的治疗偏方。", "日常发现宝宝有轻度的口腔溃疡的时应定要及时的做好口腔的清洁卫生,如果是还不会自己刷牙的幼儿可绵纱缠住手指然后帮助宝宝做口腔清洁,如果宝宝已经学会刷牙的话要坚持让宝宝早晚刷牙。", "这点我们从小儿口腔溃疡的最主要原因中就可以看到,多数幼儿之所以易发口腔溃疡就是因为没有做好口腔的清洁工作。", "所以平常不仅要养成口腔的清洁还要做到饭后漱口,注意不要让宝宝嘴里含有着奶而进入睡眠。在每次的喂奶之后可以选择用清水帮宝宝漱口一下。", "其次就要选择药物治疗的方法来缓解宝宝口腔溃疡的难受感了,临床认为宝宝的口腔和维生素B2不足,文森氏螺旋体和梭状杆菌的混合感染有着很大的关系,因此可以采用补充维生素B等增加营养等方式进行治疗。建议治疗方法多补充给生素C和维生素b。", "如果口腔溃疡处有伤口的话还要用青霉素控制感染,避免宝宝的口腔溃疡更加严重化。如果有条件的话也可选择用3%的双氧水和2%的硼酸水进行清洗伤口,清洗之后可涂抹碘甘油。", "另外也可选择一些偏方治疗小儿口腔溃疡", "偏方一:喝蜜汁法 经常给患儿喝10%的蜜蜂汁或者是漱口,因为很多口腔溃疡都是由于上火引起的,而蜜汁水就不仅具有消炎,同时还具有止痛的作用,对促进伤口的愈合也有一定的帮助。 偏方二:木耳疗法 使用黑白木耳两种混合,山楂各10克,然后加上三碗水煎至一碗,然后吃木耳,喝汤。坚持每天多喝几次就可以一定的缓解口腔溃疡症状。 偏方三:可可疗法 用可可粉和蜂蜜一起调成糊状,然后经常含咽就可。而且可可粉和蜂蜜的味道都是孩子最为喜欢的,相信这样的治疗方法对防治宝宝口腔溃疡效果是最好的。 偏方四:白菜根疗法 用白菜的根部,同芥菜籽,葱白一起弄破碎然后用纱布将这些菜贴于足心就可。 偏方五:全脂奶粉法 用全脂奶粉加适量的白糖,晚间休息的时候冲服就可了,正常情况下两天就可痊愈了。", "偏方六:维生素C", "将维生素C弄碎了之后,然后敷在伤口处就可了,当然了如果宝宝不小心吃了的话也是不要紧的。", "偏方七:苹果法", "将苹果去皮之后加冷水一起煮沸,然后取苹果同少量酒一起含在口中片刻就可。不过这个方法不是一般宝宝都可以接受的。", "偏方八:云南白药法", "直接将云南白药敷在宝宝溃疡的表面就可以了,在敷的时候注意不要让宝宝吃下了。", "以上这些偏方都是民间偏方,妈妈要用最好咨询下医生。宝宝口腔溃疡本身就很难受了,所以宝妈们就更要细心的护理了,要知道口腔溃疡可是有传染性的如果护理变成疱疹毒性口疮的话,那么护理起来就更难了。", "+ 加载更多新闻", "众泰请交广告费 所谓官图都是\"PS造车\"? 江西小伙砸100万自建农村别墅 安幕墙玻璃豪华似宫廷 实用的商务舱 网易试驾东风风行CM7旗舰型", "日专家称出云号可半小时击沉辽宁舰 中方霸气回应 文化部关停12家网络表演平台 处理3万多人次 习近平抵达香港 将出席庆香港回归祖国20周年大会", "网易商城,您身边24小时的联通电信移动营业厅 随时随地为您提供手机话费充值服务。"], "bs_rank_pos": 4}], "answer_spans": [[155, 397]], "fake_answers": ["。治疗儿童口腔溃疡小偏方:1、维生素C药片1-2片压碎,撒于溃疡面上,让孩子闭口片刻,每日2次。这个方法虽然很有效,但是会引起一定的疼痛,小宝宝可能会不太配合。2、用全脂奶粉,每次1汤韪并加少许白糖,用开水冲服,每天2-3次,临睡前冲服效果最佳。通常服用2天后溃疡即可消失。3、西红柿列切挤汁,然后把西红柿汁含在口中,每次含数分钟,一日多次。4、柿饼上刮取柿霜,用开水冲服或加入粥中服用。5、西瓜瓤挤取瓜汁后含于口中,约2-3分钟后咽下,再含服西瓜汁,反复数次,每天2-3次。6、蛋打入碗内拌成糊状,绿豆适量放陶罐内用冷水浸泡10多分钟,放火上煮沸约2分钟(不宜久煮),这时绿豆未熟,取绿豆水冲鸡蛋花饮用,每日早晚各1次。7、采鲜芭蕉叶适量,将其用火烤热贴敷于口腔溃疡处,每日2-3次"], "question": "儿童口腔溃疡的治疗方法", "segmented_answers": [["治疗", "儿童", "口腔溃疡", "小", "偏方", ":", "1", "、", "维生素", "C", "药片", "1", "-", "2", "片", "压碎", ",", "撒", "于", "溃疡", "面上", ",", "让", "孩子", "闭口", "片刻", ",", "每日", "2", "次", "。", "这个方法", "虽然", "很", "有效", ",", "但是", "会引起", "一定", "的", "疼痛", ",", "小宝宝", "可能会", "不太", "配合", "。", "2", "、", "用", "全脂奶粉", ",", "每次", "1", "汤", "韪", "并", "加", "少许", "白糖", ",", "用", "开水", "冲服", ",", "每天", "2", "-", "3", "次", ",", "临睡前", "冲服", "效果", "最佳", "。", "通常", "服用", "2", "天后", "溃疡", "即可", "消失", "。", "3", "、", "西红柿", "列", "切", "挤", "汁", ",", "然后", "把", "西红柿", "汁", "含", "在", "口", "中", ",", "每次", "含", "数", "分钟", ",", "一", "日", "多次", "。", "4", "、", "柿饼", "上", "刮", "取", "柿霜", ",", "用", "开水", "冲服", "或", "加入", "粥", "中", "服用", "。", "5", "、", "西瓜", "瓤", "挤", "取", "瓜", "汁", "后", "含", "于", "口", "中", ",", "约", "2", "-", "3", "分钟", "后", "咽下", ",", "再", "含", "服", "西瓜", "汁", ",", "反复", "数", "次", ",", "每天", "2", "-", "3", "次", "。", "6", "、", "蛋", "打入", "碗", "内", "拌", "成", "糊状", ",", "绿豆", "适量", "放", "陶罐", "内", "用", "冷水", "浸泡", "10", "多", "分钟", ",", "放", "火", "上", "煮沸", "约", "2", "分钟", "(", "不宜", "久", "煮", ")", ",", "这时", "绿豆", "未熟", ",", "取", "绿豆", "水", "冲", "鸡蛋花", "饮用", ",", "每日", "早晚", "各", "1", "次", "。", "7", "、", "采", "鲜", "芭蕉叶", "适量", ",", "将", "其", "用", "火", "烤", "热", "贴", "敷", "于", "口腔溃疡", "处", ",", "每日", "2", "-", "3", "次", "。"], ["偏方", "一", ":", "喝", "蜜汁", "法", "。", "经常", "给", "患儿", "喝", "10", "%", "的", "蜜蜂", "汁", "或者", "是", "漱口", ",", "因为", "很多", "口腔溃疡", "都是", "由于", "上火", "引起", "的", ",", "而", "蜜汁", "水", "就", "不仅", "具有", "消炎", ",", "同时", "还", "具有", "止痛", "的", "作用", ",", "对", "促进", "伤口", "的", "愈合", "也有", "一定", "的", "帮助", "。", "偏方", "二", ":", "木耳", "疗法", "。", "使用", "黑白", "木耳", "两种", "混合", ",", "山楂", "各", "10", "克", ",", "然后", "加上", "三", "碗", "水", "煎", "至", "一碗", ",", "然后", "吃", "木耳", ",", "喝汤", "。", "坚持", "每天", "多", "喝", "几", "次", "就", "可以", "一定", "的", "缓解", "口腔溃疡", "症状", "。", "偏方", "三", ":", "可可", "疗法", "。", "用", "可可粉", "和", "蜂蜜", "一起", "调", "成", "糊状", ",", "然后", "经常", "含咽", "就", "可", "。", "而且", "可可粉", "和", "蜂蜜", "的", "味道", "都是", "孩子", "最", "为", "喜欢", "的", ",", "相信", "这样", "的", "治疗方法", "对", "防治", "宝宝", "口腔溃疡", "效果", "是", "最好", "的", "。", "偏方", "四", ":", "白菜", "根", "疗法", "。", "用", "白菜", "的", "根部", ",", "同", "芥菜", "籽", ",", "葱白", "一起", "弄", "破碎", "然后", "用", "纱布", "将", "这些", "菜", "贴", "于", "足", "心", "就", "可", "。", "偏方", "五", ":", "全脂奶粉", "法", "。", "用", "全脂奶粉", "加", "适量", "的", "白糖", ",", "晚间", "休息", "的", "时候", "冲服", "就", "可", "了", ",", "正常", "情况", "下", "两天", "就", "可", "痊愈", "了", "。", "偏方", "六", ":", "维生素", "C", "。", "将", "维生素", "C", "弄碎", "了", "之后", ",", "然后", "敷", "在", "伤口", "处", "就", "可", "了", ",", "当然了", "如果", "宝宝", "不小心", "吃", "了", "的", "话", "也是", "不要紧", "的", "。", "偏方", "七", ":", "苹果", "法", "。", "将", "苹果", "去皮", "之后", "加", "冷水", "一起", "煮沸", ",", "然后", "取", "苹果", "同", "少量", "酒", "一起", "含", "在", "口", "中", "片刻", "就", "可", "。", "不过", "这个", "方法", "不是", "一般", "宝宝", "都", "可以", "接受", "的", "。", "偏方", "八", ":", "云南白药", "法", "。", "直接", "将", "云南白药", "敷", "在", "宝宝", "溃疡", "的", "表面", "就", "可以", "了", ",", "在", "敷", "的", "时候", "注意", "不要", "让", "宝宝", "吃", "下", "了", "。"]], "answers": ["治疗儿童口腔溃疡小偏方: 1、维生素C药片1-2片压碎,撒于溃疡面上,让孩子闭口片刻,每日2次。这个方法虽然很有效,但是会引起一定的疼痛,小宝宝可能会不太配合。 2、用全脂奶粉,每次1汤韪并加少许白糖,用开水冲服,每天2-3次,临睡前冲服效果最佳。通常服用2天后溃疡即可消失。 3、西红柿列切挤汁,然后把西红柿汁含在口中,每次含数分钟,一日多次。 4、柿饼上刮取柿霜,用开水冲服或加入粥中服用。 5、西瓜瓤挤取瓜汁后含于口中,约2-3分钟后咽下,再含服西瓜汁,反复数次,每天2-3次。 6、蛋打入碗内拌成糊状,绿豆适量放陶罐内用冷水浸泡10多分钟,放火上煮沸约2分钟(不宜久煮),这时绿豆未熟,取绿豆水冲鸡蛋花饮用,每日早晚各1次。 7、采鲜芭蕉叶适量,将其用火烤热贴敷于口腔溃疡处,每日2-3次。", "偏方一:喝蜜汁法。经常给患儿喝10%的蜜蜂汁或者是漱口,因为很多口腔溃疡都是由于上火引起的,而蜜汁水就不仅具有消炎,同时还具有止痛的作用,对促进伤口的愈合也有一定的帮助。偏方二:木耳疗法。使用黑白木耳两种混合,山楂各10克,然后加上三碗水煎至一碗,然后吃木耳,喝汤。坚持每天多喝几次就可以一定的缓解口腔溃疡症状。偏方三:可可疗法。用可可粉和蜂蜜一起调成糊状,然后经常含咽就可。而且可可粉和蜂蜜的味道都是孩子最为喜欢的,相信这样的治疗方法对防治宝宝口腔溃疡效果是最好的。偏方四:白菜根疗法。用白菜的根部,同芥菜籽,葱白一起弄破碎然后用纱布将这些菜贴于足心就可。偏方五:全脂奶粉法。用全脂奶粉加适量的白糖,晚间休息的时候冲服就可了,正常情况下两天就可痊愈了。偏方六:维生素C。将维生素C弄碎了之后,然后敷在伤口处就可了,当然了如果宝宝不小心吃了的话也是不要紧的。偏方七:苹果法。将苹果去皮之后加冷水一起煮沸,然后取苹果同少量酒一起含在口中片刻就可。不过这个方法不是一般宝宝都可以接受的。偏方八:云南白药法。直接将云南白药敷在宝宝溃疡的表面就可以了,在敷的时候注意不要让宝宝吃下了。"], "answer_docs": [0], "segmented_question": ["儿童", "口腔溃疡", "的", "治疗方法"], "question_type": "DESCRIPTION", "question_id": 181595, "fact_or_opinion": "OPINION", "match_scores": [0.8824742268041237]} -{"documents": [{"is_selected": true, "title": "为什么网络测速很快,但实际上网很慢?_百度知道", "most_related_para": 3, "segmented_title": ["为什么", "网络", "测速", "很快", ",", "但实际", "上网", "很", "慢", "?", "_", "百度", "知道"], "segmented_paragraphs": [["网速", "慢", "原因", "1", ".", "病毒木马", "原因", "导致", "的", ",", "会导致", "导致", "网速", "慢", "。", "2", ".", "由于", "使用", "了", "p2p", "下载软件", "导致", "占用", "带宽", "资源", "很大", ",", "导致", "网速", "变", "慢", "了", "3", ".", "多", "台", "电脑", "共享", "上网", ",", "可能", "共享", "网络", "中", "的", "电脑", "有", "中", "arp", "病毒", ",", "解决办法", "就是", "找到", "攻击", "源", ",", "使用", "金山", "卫士", "对", "该", "电脑", "杀毒", "4", ".", "还有", "一", "种", "是", "就是", "你", "所", "处", "的", "宽带", "环境", ",", "有", "可能", "宽带", "线路", "老化", ",", "路由器", "坏", "了", "原因", "导致", "网速", "变", "慢", "。", "5", ".", "你", "的", "电脑", "和", "网站", "处", "在", "不同", "网络环境", ",", "例如", "网通", "用户", "与", "电信网站", "之间", "的", "访问", ",", "也", "会", "出现", "网速", "变", "慢", "。", "6", ".", "还有", "一", "种", "就是", "网站", "自身", "的", "问题", ",", "网站", "所在", "的", "服务器", "质量", "很", "差", ",", "带宽", "有限", "导致", "的", "网速", "变", "慢", "。", "网速", "慢", "的", "解决办法", "首先", "排除", "是不是", "外部", "因素", "造成", "的", "网速", "变", "慢", "了", ",", "例如", "网站", "自身", "的", "问题", ",", "宽带", "环境", "设备", "老化", "或者", "破损", "。", "如果", "排除", "外部", "因素", ",", "那", "就", "解决", "内部", "因素", "造成", "的", "。", "一", ",", "金山", "卫士", "可以", "修复", "病毒木马", "导致", "的", "ie", "组件", "被", "破坏", "的", "疑难杂症", "1", "、", "进入", "主界面", "进"], ["上网", "速度慢", "原因", ":", "宽带", "连接", "、", "网速", "不稳定", ",", "如果", "您", "是", "在", "局域网", "环境", "下", ",", "多数", "人", "在", "使用", "宽带", "资源", "如", ":", "观看", "视频", "、", "BT", "下载", "、", "打", "网游", ",", "这样", "也", "会", "出现", "打开网页", "速度慢", "情况", "。", "浏览器", "本身", "问题", ",", "如果", "多", "开", "窗口", "浏览", "会", "占", "大量", "内存", ",", "而且", "磁盘空间", "没有", "做", "过", "优化", ",", "就这样", "电脑", "资源", "不够用", ",", "也", "会", "出现", "打开网页", "速度慢", "的", "问题", "。", "浏览器", "自身", "插件", "或", "加载项", "导致", ",", "影响", "了", "浏览器", "的", "正常", "使用", "。", "局域网", "内", "可能", "有", "ARP", "攻击", ",", "让", "你", "的", "网络", "出现", "断网", "或者", "延迟", "情况", "。", "电脑", "遭到", "木马", "病毒", "入侵", "导致", "注册表", "和", "系统", "程序", "遭到", "破坏", ",", "打开网页", "速度慢", "问题", "也", "随之而来", "。", "打开网页", "速度慢", "解决方案", "金山毒霸", "的", "系统", "清理", "中", "痕迹", "清理", "功能", ",", "可以", "解决", "打开网页", "速度慢", "/", "网页", "打开", "慢", "的", "问题", "。", "一键", "清理", "将", "您", "习惯", "清理", "的", "范围", "设置", "成", "默认", ",", "一键", "搞定", "清理", "垃圾", "清理", "电脑", "垃圾", "文件", ",", "节省", "磁盘空间", "清理", "痕迹", "清除", "使用", "记录", ",", "保护", "个人隐私", "清理", "注册表", "定期"], ["首先", ",", "请", "查看", "电脑", "本身", "配置", ",", "以及", "内存大小", ",", "辨明", "是", "电脑", "本身", "运行", "速度慢", "还是", "只是", "上网", "慢", ",", "如果", "只是", "上网", "慢", ",", "可以", "考虑", "查", "下", "网速", ",", "看", "有", "没", "ARP", "攻击", "的", "情况", "。", "建议", "可以", "用", "腾讯", "电脑管家", "工具箱", "里面", "的", "流量监控", "查查", "。", "要", "是", "上传", "的", "流量", "特别", "大", "就", "有问题", "了", "。", "建议", "开启", "防火墙", "(", "打开", "腾讯", "电脑管家", "—", "—", "首页", "—", "—", "工具箱", "—", "—", "ARP", "防火墙", ")", "还有", "开启", "网速", "保护", ",", "打开", "腾讯", "电脑管家", "—", "—", "工具箱", "—", "—", "网速", "保护", "—", "—", "浏览器", "。", "然后", "清理", "下", "浏览器", "的", "垃圾", "和", "缓存", ",", "在", "资源管理器", "中", "看一下", "什么", "东西", "占用", "资源", "很多", ",", "可以", "把", "一些", "不必要", "的", "软件", "先", "停", "了", "。", "最后一个", "可能", ",", "就是", "中毒", ",", "那", "就", "杀毒", "吧", ",", "用", "杀毒软件", "彻底", "把", "电脑", "扫描", "一遍", "。"], ["网速", "慢", "原因", "1", ".", "病毒木马", "原因", "导致", "的", ",", "会导致", "导致", "网速", "慢", "。", "2", ".", "由于", "使用", "了", "p2p", "下载软件", "导致", "占用", "带宽", "资源", "很大", ",", "导致", "网速", "变", "慢", "了", "3", ".", "多", "台", "电脑", "共享", "上网", ",", "可能", "共享", "网络", "中", "的", "电脑", "有", "中", "arp", "病毒", ",", "解决办法", "就是", "找到", "攻击", "源", ",", "使用", "金山", "卫士", "对", "该", "电脑", "杀毒", "4", ".", "还有", "一", "种", "是", "就是", "你", "所", "处", "的", "宽带", "环境", ",", "有", "可能", "宽带", "线路", "老化", ",", "路由器", "坏", "了", "原因", "导致", "网速", "变", "慢", "。", "5", ".", "你", "的", "电脑", "和", "网站", "处", "在", "不同", "网络环境", ",", "例如", "网通", "用户", "与", "电信网站", "之间", "的", "访问", ",", "也", "会", "出现", "网速", "变", "慢", "。", "6", ".", "还有", "一", "种", "就是", "网站", "自身", "的", "问题", ",", "网站", "所在", "的", "服务器", "质量", "很", "差", ",", "带宽", "有限", "导致", "的", "网速", "变", "慢", "。", "网速", "慢", "的", "解决办法", "首先", "排除", "是不是", "外部", "因素", "造成", "的", "网速", "变", "慢", "了", ",", "例如", "网站", "自身", "的", "问题", ",", "宽带", "环境", "设备", "老化", "或者", "破损", "。", "如果", "排除", "外部", "因素", ",", "那", "就", "解决", "内部", "因素", "造成", "的", "。", "一", ",", "金山", "卫士", "可以", "修复", "病毒木马", "导致", "的", "ie", "组件", "被", "破坏", "的", "疑难杂症", "1", "、", "进入", "主界面", "进"]], "paragraphs": ["网速慢原因 1.病毒木马原因导致的 ,会导致导致网速慢。 2.由于使用了p2p下载软件导致占用带宽资源很大,导致网速变慢了 3.多台电脑共享上网,可能共享网络中的电脑有中arp病毒 ,解决办法就是找到攻击源,使用金山卫士对该电脑杀毒 4.还有一种是就是你所处的宽带环境,有可能宽带线路老化,路由器坏了原因导致网速变慢 。 5. 你的电脑和网站处在不同网络环境 ,例如网通用户与电信网站之间的访问,也会出现网速变慢。 6.还有一种就是网站自身的问题,网站所在的服务器质量很差,带宽有限导致的网速变慢。网速慢的解决办法首先排除是不是外部因素造成的网速变慢了,例如网站自身的问题,宽带环境设备老化或者破损。如果排除外部因素,那就解决内部因素造成的。 一,金山卫士可以修复病毒木马导致的ie组件被破坏的疑难杂症 1、进入主界面进", "上网速度慢原因: 宽带连接、网速不稳定,如果您是在局域网环境下,多数人在使用宽带资源如:观看视频、BT下载、打网游,这样也会出现打开网页速度慢情况。 浏览器本身问题,如果多开窗口浏览会占大量内存,而且磁盘空间没有做过优化,就这样电脑资源不够用,也会出现打开网页速度慢的问题。 浏览器自身插件或加载项导致,影响了浏览器的正常使用。 局域网内可能有ARP攻击,让你的网络出现断网或者延迟情况。 电脑遭到木马病毒入侵导致注册表和系统程序遭到破坏,打开网页速度慢问题也随之而来。 打开网页速度慢解决方案金山毒霸的系统清理中痕迹清理功能,可以解决打开网页速度慢/网页打开慢的问题。一键清理将您习惯清理的范围设置成默认,一键搞定清理垃圾清理电脑垃圾文件,节省磁盘空间清理痕迹清除使用记录,保护个人隐私清理注册表定期", "首先,请查看电脑本身配置,以及内存大小,辨明是电脑本身运行速度慢还是只是上网慢, 如果只是上网慢,可以考虑查下网速,看有没ARP攻击的情况。 建议可以用腾讯电脑管家工具箱里面的流量监控查查。要是上传的流量特别大就有问题了。建议开启防火墙(打开腾讯电脑管家——首页——工具箱——ARP防火墙)还有开启网速保护,打开腾讯电脑管家——工具箱——网速保护——浏览器。 然后清理下浏览器的垃圾和缓存, 在资源管理器中看一下什么东西占用资源很多,可以把一些不必要的软件先停了。 最后一个可能,就是中毒,那就杀毒吧,用杀毒软件彻底把电脑扫描一遍。", "网速慢原因 1.病毒木马原因导致的 ,会导致导致网速慢。 2.由于使用了p2p下载软件导致占用带宽资源很大,导致网速变慢了 3.多台电脑共享上网,可能共享网络中的电脑有中arp病毒 ,解决办法就是找到攻击源,使用金山卫士对该电脑杀毒 4.还有一种是就是你所处的宽带环境,有可能宽带线路老化,路由器坏了原因导致网速变慢 。 5. 你的电脑和网站处在不同网络环境 ,例如网通用户与电信网站之间的访问,也会出现网速变慢。 6.还有一种就是网站自身的问题,网站所在的服务器质量很差,带宽有限导致的网速变慢。网速慢的解决办法首先排除是不是外部因素造成的网速变慢了,例如网站自身的问题,宽带环境设备老化或者破损。如果排除外部因素,那就解决内部因素造成的。 一,金山卫士可以修复病毒木马导致的ie组件被破坏的疑难杂症 1、进入主界面进"], "bs_rank_pos": 0}, {"is_selected": true, "title": "网络测速很快,但实际上网却很慢。_百度知道", "most_related_para": 0, "segmented_title": ["网络", "测速", "很快", ",", "但实际", "上网", "却", "很", "慢", "。", "_", "百度", "知道"], "segmented_paragraphs": [["我", "估计", "的", "原因", "有", "几个", ":", "1", "、", "同时", "使用", "的", "人", "多", ",", "拉", "慢", "了", "网速", ";", "2", "、", "对方", "在", "下载", "一些", "资源", "很多", "的", "东西", ",", "占用", "了", "大部分", "网速", ";", "3", "、", "路由器", "出现", "了", "问题", ",", "导致", "WIFI", "信号", "没", "以前", "那么", "好", "了", ";", "4", "、", "对方", "使用", "类似", "路由器", "管理器", "的", "软件", "对", "你", "进行", "限速", "了", "。", "最后", "一", "点", "我", "深", "有", "体会", ",", "我", "之", "前", "破解", "链接", "了", "一", "个", "邻居", "的", "WIFI", ",", "刚", "开始", "使用", "也", "很快", ",", "后面", "估计", "被发现", "了", ",", "链接", "的", "信号", "也", "很好", ",", "但是", "速度", "却", "非常", "的", "慢", ",", "连", "一", "个", "手机", "的", "网页", "都", "打不开", ",", "估计", "就是", "使用", "了", "路由器", "管理器", "限速", "了", ",", "360", "路由器", "就", "有", "这个", "限速", "的", "功能", "。"], ["无线", "路由", "信号", "范围", "有限", "的", "。", "。", "。", "估计", "对面", "换", "路由器", "了", "吧"], ["可能", "是", "他", "家", "在", "用", "吧"]], "paragraphs": ["我估计的原因有几个:1、同时使用的人多,拉慢了网速;2、对方在下载一些资源很多的东西,占用了大部分网速;3、路由器出现了问题,导致WIFI信号没以前那么好了;4、对方使用类似路由器管理器的软件对你进行限速了。最后一点我深有体会,我之前破解链接了一个邻居的WIFI,刚开始使用也很快,后面估计被发现了,链接的信号也很好,但是速度却非常的慢,连一个手机的网页都打不开,估计就是使用了路由器管理器限速了,360路由器就有这个限速的功能。", "无线路由信号范围有限的。。。估计对面换路由器了吧", "可能是他家在用吧"], "bs_rank_pos": 1}, {"is_selected": false, "title": "100m宽带测速很快,实际下载很慢为什么_百度知道", "most_related_para": 0, "segmented_title": ["100m", "宽带", "测速", "很快", ",", "实际", "下载", "很", "慢", "为什么", "_", "百度", "知道"], "segmented_paragraphs": [["首先", "100M", "宽带", ",", "理论", "峰值", "可以", "过", "12M", "/", "S", "。", "实际", "带宽", "要", "小", "一些", ",", "主要", "的", "影响因素", "有", ":", "1", "、", "网络", "提供商", "的", "网络终端", ",", "到", "家庭", "用户", "的", "连接", "介质", "的", "区别", ",", "目前有", "电话线", "、", "5", "类", "网线", "、", "光纤", "等", "。", "2", "、", "路由", "或", "猫", "到", "电脑", "间", "的", "连接", "网线", ",", "大", "多用户", "使用", "的", "是", "5", "类", "双绞线", ",", "上限", "100M", ",", "还有", "路由", "和", "猫", "的", "自身", "数据", "吞吐量", "的", "限制", ",", "市", "面", "已经", "有", "千元", "级", "的", "路由", "设备", ",", "正是", "针对", "这种", "高速", "宽带", "的", "需求", "。", "3", "、", "电脑", "等", "上网", "终端", "使用", "的", "网卡", ",", "也有", "10M", "、", "100M", "、", "1000", "M", "的", "区别", ",", "当然", "10M", "已经", "淘汰", "了", ",", "但", "100M", "的", "实际", "速率", "很难", "到达", "峰值", "。", "再", "说说", "带宽", "和", "实际", "下载速度", "的", "关系", "。", "我们", "以", "公路", "为", "例", ",", "8", "车道", "的", "公路", ",", "同时", "可以", "过", "8", "辆", "车", "就像", "我们", "说", "的", "带宽", "。", "然而", "公路", "上", "可能", "很多时候", "只有", "1", "辆", ",", "又", "或是", "2", "辆", ",", "这个", "就像", "实际", "的", "下载速度", "一样", "。", "而", "实际", "的", "下载速度", ",", "与", "目的", "服务器", "提供", "的", "下行速度", "即", "线程", "数", "都", "有", "关系", "。", "迅雷", "之类", "的", "下载软件", "主要", "也是", "通过", "P2P", "等", "技术", "增加"], ["下载速度", "不", "光", "是", "网速", "决定", "的", ",", "还", "跟", "你", "下载", "的", "资源", "有关系", "。", "难道", "你", "下载", "的", "所有", "资源", "都是", "这么", "慢", "吗", ",", "如果是这样", "的", ",", "那你", "的", "100", "Mb", "的", "带宽", "是", "有问题", "的", ",", "不是", "独享", "的", ",", "而是", "共有", "的", "。"], ["楼主", "应该", "买", "专线", "的", ",", "同样", "的", "价格", "肯定", "比", "你", "现在", "的", "网络", "状况", "好", "。", "天朝", "的", "网络", "运营商", "对于", "非", "专线", "的", "基本", "都是", "玩", "共享", "的", ",", "也就是说", "除了", "你", "周围", "一", "大片", "的", "用户", "都", "不", "上网", "这样", "才会", "达到", "360", "的", "测试", "效果"]], "paragraphs": ["首先100M宽带,理论峰值可以过12M/S。 实际带宽要小一些,主要的影响因素有: 1、网络提供商的网络终端,到家庭用户的连接介质的区别,目前有电话线、5类网线、光纤等。 2、路由或猫到电脑间的连接网线,大多用户使用的是5类双绞线,上限100M,还有路由和猫的自身数据吞吐量的限制,市面已经有千元级的路由设备,正是针对这种高速宽带的需求。 3、电脑等上网终端使用的网卡,也有10M、100M、1000M的区别,当然10M已经淘汰了,但100M的实际速率很难到达峰值。 再说说带宽和实际下载速度的关系。 我们以公路为例,8车道的公路,同时可以过8辆车就像我们说的带宽。 然而公路上可能很多时候只有1辆,又或是2辆,这个就像实际的下载速度一样。 而实际的下载速度,与目的服务器提供的下行速度即线程数都有关系。迅雷之类的下载软件主要也是通过P2P等技术增加", "下载速度不光是网速决定的,还跟你下载的资源有关系。难道你下载的所有资源都是这么慢吗,如果是这样的,那你的100Mb的带宽是有问题的,不是独享的,而是共有的。", "楼主应该买专线的,同样的价格肯定比你现在的网络状况好。天朝的网络运营商对于非专线的基本都是玩共享的,也就是说除了你周围一大片的用户都不上网这样才会达到360的测试效果"], "bs_rank_pos": 2}], "answer_spans": [[3, 190]], "fake_answers": ["1.病毒木马原因导致的,会导致导致网速慢。2.由于使用了p2p下载软件导致占用带宽资源很大,导致网速变慢了3.多台电脑共享上网,可能共享网络中的电脑有中arp病毒,解决办法就是找到攻击源,使用金山卫士对该电脑杀毒4.还有一种是就是你所处的宽带环境,有可能宽带线路老化,路由器坏了原因导致网速变慢。5.你的电脑和网站处在不同网络环境,例如网通用户与电信网站之间的访问,也会出现网速变慢。6.还有一种就是网站自身的问题,网站所在的服务器质量很差,带宽有限导致的网速变慢。网速慢的解决办法首先排除是不是外部因素造成的网速变慢了,例如网站自身的问题,宽带环境设备老化或者破损。如果排除外部因素,那就解决内部因素造成的。"], "question": "宽带测速很快 但实际很慢", "segmented_answers": [["1", ".", "病毒木马", "原因", "导致", "的", ",", "会导致", "导致", "网速", "慢", "。", "2", ".", "由于", "使用", "了", "p2p", "下载软件", "导致", "占用", "带宽", "资源", "很大", ",", "导致", "网速", "变", "慢", "了", "。", "3", ".", "多", "台", "电脑", "共享", "上网", ",", "可能", "共享", "网络", "中", "的", "电脑", "有", "中", "arp", "病毒", ",", "解决办法", "就是", "找到", "攻击", "源", ",", "使用", "金山", "卫士", "对", "该", "电脑", "杀毒", "。", "4", ".", "还有", "一", "种", "是", "就是", "所", "处", "的", "宽带", "环境", ",", "有", "可能", "宽带", "线路", "老化", ",", "路由器", "坏", "了", "原因", "导致", "网速", "变", "慢", "。", "5", ".", "电脑", "和", "网站", "处", "在", "不同", "网络环境", ",", "例如", "网通", "用户", "与", "电信网站", "之间", "的", "访问", ",", "也", "会", "出现", "网速", "变", "慢", "。", "6", ".", "还有", "一", "种", "就是", "网站", "自身", "的", "问题", ",", "网站", "所在", "的", "服务器", "质量", "很", "差", ",", "宽带", "有限", "导致", "的", "网速", "变", "慢", "。", "网速", "慢", "的", "解决办法", "首先", "排除", "是不是", "外部", "因素", "造成", "的", "网速", "变", "慢", "了", ",", "例如", "网站", "自身", "的", "问题", ",", "宽带", "环境", "设备", "老化", "或者", "破损", "。", "如果", "排除", "外部", "因素", ",", "那", "就", "解决", "内部", "因素", "造成", "的", "。"], ["1", ".", "宽带", "连接", "、", "网速", "不稳定", ",", "如果", "在", "局域网", "环境", "下", ",", "多数", "人", "在", "使用", "宽带", "资源", "也", "会", "出现", "打开网页", "速度慢", "情况", "。", "2", ".", "浏览器", "本身", "问题", ",", "如果", "多", "开", "窗口", "浏览", "会", "占", "大量", "内存", ",", "而且", "磁盘空间", "没有", "做", "过", "优化", ",", "就这样", "电脑", "资源", "不够用", ",", "也", "会", "出现", "打开网页", "速度慢", "的", "问题", "。", "3", ".", "浏览器", "自身", "插件", "或", "加载项", "导致", ",", "影响", "了", "浏览器", "的", "正常", "使用", "。", "4", ".", "局域网", "内", "可能", "有", "ARP", "攻击", ",", "让", "网络", "出现", "断网", "或者", "延迟", "情况", "。", "5", ".", "电脑", "遭到", "木马", "病毒", "入侵", "导致", "注册表", "和", "系统", "程序", "遭到", "破坏", ",", "打开网页", "速度慢", "问题", "也", "随之而来", "。", "6", ".", "打开网页", "速度慢", "解决方案", "金山毒霸", "的", "系统", "清理", "中", "痕迹", "清理", "功能", ",", "可以", "解决", "打开网页", "速度慢", "/", "网页", "打开", "慢", "的", "问题", "。", "一键", "清理", "将", "习惯", "清理", "的", "范围", "设置", "成", "默认", ",", "一键", "搞定", "清理", "垃圾", "清理", "电脑", "垃圾", "文件", ",", "节省", "磁盘空间", "清理", "痕迹", "清除", "使用", "记录", ",", "保护", "个人隐私", "清理", "注册表", "定期", "清理", "注册表", ",", "可以", "加快", "系统", "运行速度", "。"], ["1", "、", "同时", "使用", "的", "人", "多", ",", "拉", "慢", "了", "网速", ";", "2", "、", "对方", "在", "下载", "一些", "资源", "很多", "的", "东西", ",", "占用", "了", "大部分", "网速", ";", "3", "、", "路由器", "出现", "了", "问题", ",", "导致", "WIFI", "信号", "没", "以前", "那么", "好", "了", ";", "4", "、", "对方", "使用", "类似", "路由器", "管理器", "的", "软件", "进行", "限速", "了", ",", "360", "路由器", "就", "有", "这个", "限速", "的", "功能", "。"]], "answers": ["1.病毒木马原因导致的 ,会导致导致网速慢。2.由于使用了 p2p 下载软件导致占用带宽资源很大,导致网速变慢了。3.多台电脑共享上网,可能共享网络中的电脑有中 arp 病毒 ,解决办法就是找到攻击源,使用金山卫士对该电脑杀毒。4.还有一种是就是所处的宽带环境,有可能宽带线路老化,路由器坏了原因导致网速变慢 。5.电脑和网站处在不同网络环境 ,例如网通用户与电信网站之间的访问,也会出现网速变慢。6.还有一种就是网站自身的问题,网站所在的服务器质量很差,宽带有限导致的网速变慢。网速慢的解决办法首先排除是不是外部因素造成的网速变慢了,例如网站自身的问题,宽带环境设备老化或者破损。如果排除外部因素,那就解决内部因素造成的。", "1.宽带连接、网速不稳定,如果在局域网环境下,多数人在使用宽带资源也会出现打开网页速度慢情况。2.浏览器本身问题,如果多开窗口浏览会占大量内存,而且磁盘空间没有做过优化,就这样电脑资源不够用,也会出现打开网页速度慢的问题。3.浏览器自身插件或加载项导致,影响了浏览器的正常使用。4.局域网内可能有 ARP 攻击,让网络出现断网或者延迟情况。5.电脑遭到木马病毒入侵导致注册表和系统程序遭到破坏,打开网页速度慢问题也随之而来。6.打开网页速度慢解决方案金山毒霸的系统清理中痕迹清理功能,可以解决打开网页速度慢/网页打开慢的问题。一键清理将习惯清理的范围设置成默认,一键搞定清理垃圾清理电脑垃圾文件,节省磁盘空间清理痕迹清除使用记录,保护个人隐私清理注册表定期清理注册表,可以加快系统运行速度。", "1、同时使用的人多,拉慢了网速;2、对方在下载一些资源很多的东西,占用了大部分网速;3、路由器出现了问题,导致 WIFI 信号没以前那么好了;4、对方使用类似路由器管理器的软件进行限速了,360路由器就有这个限速的功能。"], "answer_docs": [0], "segmented_question": ["宽带", "测速", "很快", "但", "实际", "很", "慢"], "question_type": "DESCRIPTION", "question_id": 181596, "fact_or_opinion": "FACT", "match_scores": [0.9066666666666666]} -{"documents": [{"is_selected": true, "title": "小米6防水吗?小米6的防水级别是多少?_有问必答_安卓中文网", "most_related_para": 0, "segmented_title": ["小米", "6", "防水", "吗", "?", "小米", "6", "的", "防水", "级别", "是", "多少", "?", "_", "有问必答", "_", "安卓", "中文网"], "segmented_paragraphs": [["防水", "作为", "目前", "高端", "手机", "的", "标配", ",", "特别", "是", "苹果", "也", "支持", "防水", "之后", ",", "国产", "大多数", "高端", "旗舰", "手机", "都", "已经", "支持", "防水", "。", "虽然", "我们", "真", "的", "不会", "故意", "把", "手机", "放入", "水中", ",", "但是", "有", "了", "防水", "之后", ",", "用户", "心里", "会", "多", "一", "重", "安全感", "。", "那么", "近日", "最", "为", "火热", "的", "小米", "6", "防水", "吗", "?", "小米", "6", "的", "防水", "级别", "又", "是", "多少", "呢", "?", "小", "编", "查询", "了", "很多", "资料", "发现", ",", "小米", "6", "确实", "是", "防水", "的", ",", "但是", "为了", "保持低调", ",", "同时", "为了", "不", "被", "别人", "说", "防水等级", "不够", ",", "很多", "资料", "都", "没有", "标注", "小米", "是否", "防水", "。", "根据", "评测", "资料", "显示", ",", "小米", "6", "是", "支持", "IP68", "级", "的", "防水", ",", "是", "绝对", "能够", "满足", "日常", "生活", "中", "的", "防水", "需求", "的", "。"], ["下面", "我们", "一起来", "看看", ",", "小米", "6", "的", "IP68", "级别", "防水", ",", "能", "达到", "什么", "样", "的", "效果", "和", "功能", "。", "我们", "查询", "资料", "得知", ",", "IPXX", ",", "其中", "XX", "为", "两", "个", "阿拉伯", "数字", ",", "第", "一", "标记", "数字", "表示", "接触", "保护", "和", "外来", "物", "保护", "等级", ",", "第", "二", "标记", "数字", "表示", "防水", "保护", "等级", ",", "数字", "越", "大", "表示", "其", "防护", "等级", "越好", "。", "第一个", "X", "表示", "防尘", "等级", ",", "不同", "数字", "代表", "不同", "的", "防尘", "级别", ",", "具体如下", "。", "0", ":", "没有", "保护", "1", ":", "防止", "大", "的", "固体", "侵入", "2", ":", "防止", "中等", "大小", "的", "固体", "侵入", "3", ":", "防止", "小", "固体", "进入", "侵入", "4", ":", "防止", "物体", "大于", "1mm", "的", "固体", "进入", "5", ":", "防止", "有害", "的", "粉尘", "堆积", "6", ":", "完全", "防止", "粉尘", "进入", "第二个", "X", "表示", "防水等级", "(", "数值", "越", "高", ",", "防水", "表现", "越好", ")", "0", ":", "没有", "保护", "1", ":", "水滴", "滴", "入", "到", "外壳", "无", "影响", "2", ":", "当", "外壳", "倾斜", "到", "15", "度", "时", ",", "水滴", "滴", "入", "到", "外壳", "无", "影响", "3", ":", "水", "或", "雨水", "从", "60", "度", "角落", "到", "外壳", "上", "无", "影响", "4", ":", "液体", "由", "任何", "方向", "泼", "到", "外壳", "没有", "伤害", "影响", "5", ":", "用", "水", "冲洗", "无任何", "伤害", "6", ":", "可", "用于", "船舱", "内", "的", "环境", "7", ":", "可", "于", "短时间内", "耐", "浸水", "(", "1m", ")", "8", ":", "于", "一定", "压力", "下", "长时间", "浸水", "如果说", "小米", "的", "防水等级", "是", "IP68", ",", "那么", "表示", "小米", "6", "能够", "在", "一定", "的", "水深", "环境", "下", ",", "长时间", "浸水", "。", "因此", "还在", "顾虑", "小米", "6", "无法", "防水", "的", "朋友", ",", "不需要", "过", "多", "的", "担心", "。", "只要你", "不是", "刻意", "把", "手机", "放入", "水中", ",", "日常生活", "的", "防水", "是", "完全", "没有", "问题", "的", "。"], ["提示", ":", "支持", "键盘", "“", "←", "→", "”", "键", "翻页", "阅读全文"]], "paragraphs": ["防水作为目前高端手机的标配,特别是苹果也支持防水之后,国产大多数高端旗舰手机都已经支持防水。虽然我们真的不会故意把手机放入水中,但是有了防水之后,用户心里会多一重安全感。那么近日最为火热的小米6防水吗?小米6的防水级别又是多少呢? 小编查询了很多资料发现,小米6确实是防水的,但是为了保持低调,同时为了不被别人说防水等级不够,很多资料都没有标注小米是否防水。根据评测资料显示,小米6是支持IP68级的防水,是绝对能够满足日常生活中的防水需求的。", "下面我们一起来看看,小米6的IP68级别防水,能达到什么样的效果和功能。我们查询资料得知,IPXX,其中XX为两个阿拉伯数字,第一标记数字表示接触保护和外来物保护等级,第二标记数字表示防水保护等级,数字越大表示其防护等级越好。 第一个X表示防尘等级,不同数字代表不同的防尘级别,具体如下。 0:没有保护 1:防止大的固体侵入 2:防止中等大小的固体侵入 3:防止小固体进入侵入 4:防止物体大于1mm的固体进入 5:防止有害的粉尘堆积 6:完全防止粉尘进入 第二个X表示防水等级(数值越高,防水表现越好) 0:没有保护 1:水滴滴入到外壳无影响 2:当外壳倾斜到15度时,水滴滴入到外壳无影响 3:水或雨水从60度角落到外壳上无影响 4:液体由任何方向泼到外壳没有伤害影响 5:用水冲洗无任何伤害 6:可用于船舱内的环境 7:可于短时间内耐浸水(1m) 8:于一定压力下长时间浸水 如果说小米的防水等级是IP68,那么表示小米6能够在一定的水深环境下,长时间浸水。因此还在顾虑小米6无法防水的朋友,不需要过多的担心。只要你不是刻意把手机放入水中,日常生活的防水是完全没有问题的。", "提示:支持键盘“←→”键翻页 阅读全文"], "bs_rank_pos": 0}, {"is_selected": true, "title": "小米6的防水级别是多少?【小米m6吧】_百度贴吧", "most_related_para": 1, "segmented_title": ["小米", "6", "的", "防水", "级别", "是", "多少", "?", "【", "小米", "m6", "吧", "】", "_", "百度贴吧"], "segmented_paragraphs": [["数据线", "接口", "没有", "防水", "处理", ",", "所以", "最好", "别", "手", "贱"], ["水", "冲", "没问题", ",", "下水", "五分钟", "左右", "也", "就", "那样", "了", "。"], ["登录", "百度", "帐号"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "paragraphs": ["数据线接口没有防水处理,所以最好别手贱", "水冲没问题,下水五分钟左右也就那样了。", "登录百度帐号", "下载贴吧APP看高清直播、视频!", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "bs_rank_pos": 1}, {"is_selected": false, "title": "小米6防水等级多少能浸泡吗_百度知道", "most_related_para": 0, "segmented_title": ["小米", "6", "防水等级", "多少", "能", "浸泡", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["注意", "这个", "是", "防泼溅", ",", "不是", "较", "高", "等级", "的", "防水", "的", ",", "仅限于", "意外", "被", "泼洒", "了", "少量", "的", "水", ",", "并且", "也", "不能", "再", "开", "孔", "的", "地方", "进水", "。"], ["该", "机", "的", "方式", "仅限于", "泼溅", ",", "也就是说", "有", "少量", "的", "水", "泼洒", "在", "手机", "上", ",", "不能", "进行", "浸泡", "的", "。"]], "paragraphs": ["注意这个是防泼溅,不是较高等级的防水的,仅限于意外被泼洒了少量的水,并且也不能再开孔的地方进水。", "该机的方式仅限于泼溅,也就是说有少量的水泼洒在手机上,不能进行浸泡的。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "小米6的防水级别是多少_百度知道", "most_related_para": 0, "segmented_title": ["小米", "6", "的", "防水", "级别", "是", "多少", "_", "百度", "知道"], "segmented_paragraphs": [["很", "低", "及", "的", "防泼溅", ",", "也就是说", "有", "少量", "的", "水", "泼洒", "在", "手机", "上", ",", "不能", "进行", "浸泡", "的", ",", "开", "孔", "处", "也", "不能", "浸水", ",", "不", "然", "就", "坏", "了"]], "paragraphs": ["很低及的防泼溅,也就是说有少量的水泼洒在手机上,不能进行浸泡的,开孔处也不能浸水,不然就坏了"], "bs_rank_pos": 3}, {"is_selected": false, "title": "小米6防水等级多少能浸泡吗 - 小米社区官方论坛", "most_related_para": 1, "segmented_title": ["小米", "6", "防水等级", "多少", "能", "浸泡", "吗", "-", "小米", "社区", "官方", "论坛"], "segmented_paragraphs": [["扫描", "二维码", ",", "手机", "查看", "本", "帖"], ["总", "评分", ":", "经验", "+", "1"]], "paragraphs": ["扫描二维码,手机查看本帖", "总评分: 经验 +1"], "bs_rank_pos": 4}], "answer_spans": [[114, 121]], "answer_docs": [0], "fake_answers": ["小米6是支持IP68级的防水"], "question": "小米6防水等级", "segmented_answers": [["小米", "6", "是", "支持", "IP68", "级", "的", "防水", "。"], ["IP56", "吧", "。"]], "answers": ["小米6是支持IP68级的防水。", "IP56吧。"], "entity_answers": [["IP68级"], ["IP56"]], "segmented_question": ["小米", "6", "防水等级"], "question_type": "ENTITY", "match_scores": [0.9411764705882353], "fact_or_opinion": "OPINION", "question_id": 181597} -{"documents": [{"is_selected": true, "title": "平安银行贷款拔打10100000可以贷款吗?都要什么程序,谢_百度知道", "most_related_para": 1, "segmented_title": ["平安银行", "贷款", "拔", "打", "10100000", "可以", "贷款", "吗", "?", "都", "要", "什么", "程序", ",", "谢", "_", "百度", "知道"], "segmented_paragraphs": [["(", "1", ")", "10100000", "是", "平安", "直通", "贷款", "服务", "的", "咨询电话", ",", "(", "2", ")", "可以", "向", "客服专员", "说明", "贷款", "意向", ",", "客服", "会", "协助", "完成", "贷款", "申请", "流程", "办理", "平安银行", "的", "个人", "信用", "贷款", "流程", ":", " ", "第一步", ",", "申请人", "向", "平安", "提交", "申请", "资料", "、", "贷款", "申请表", "及", "授权书", "。", "  ", "1", "、", "主", "贷", "人", "及", "配偶", "的", "身份证复印件", ";", "  ", "2", "、", "主", "贷", "人", "及", "配偶", "户口本", "复印件", "(", "第", "1", "、", "2", "、", "3", "联", "必须", "要", "有", ")", ";", "  ", "3", "、", "结婚证", "复印件", ",", "单身", "证明", "原件", ",", "离婚证", "及", "离婚协议", "书", "或", "法院", "判决书", "复印件", ";", "  ", "4", "、", "主", "贷", "人", "及", "配偶", "个人", "收入证明", "原件", "(", "单位", "盖公章", "有效", ")", ";", "  ", "5", "、", "房产", "产权", "证明", "文本", "复印件", "(", "房产证", "、", "购房合同", "及", "发票", "、", "预售合同", "及", "发票", ")", ";", "  ", "6", "、", "近期", "水电", "煤", "帐单", "原件", "(", "三种", "缴费", "单据", "可", "任选其一", ")", ";", "  ", "7", "、", "主", "贷", "人", "驾照", "复印件", "(", "本人", "或", "直系亲属", "驾照", "均", "被", "银行", "认可", ")", ";", "  ", "8", "、", "资产", "证明", ":", "  ", "(", "1", ")", "与", "收入证明", "相", "对应", "的", "工资", "明细", "(", "最近", "3", "个", "月", "的", "银行卡", "明细", "或", "税单", ")", ";", "  ", "(", "2", ")", "主", "贷", "人", "或", "配偶", "的", "存款", "明细", "、", "股票基金", "保"], ["(", "1", ")", "10100000", "是", "平安", "直通", "贷款", "服务", "的", "咨询电话", ",", "(", "2", ")", "可以", "向", "客服专员", "说明", "贷款", "意向", ",", "客服", "会", "协助", "完成", "贷款", "申请", "流程", "办理", "平安银行", "的", "个人", "信用", "贷款", "流程", ":", " ", "第一步", ",", "申请人", "向", "平安", "提交", "申请", "资料", "、", "贷款", "申请表", "及", "授权书", "。", "  ", "1", "、", "主", "贷", "人", "及", "配偶", "的", "身份证复印件", ";", "  ", "2", "、", "主", "贷", "人", "及", "配偶", "户口本", "复印件", "(", "第", "1", "、", "2", "、", "3", "联", "必须", "要", "有", ")", ";", "  ", "3", "、", "结婚证", "复印件", ",", "单身", "证明", "原件", ",", "离婚证", "及", "离婚协议", "书", "或", "法院", "判决书", "复印件", ";", "  ", "4", "、", "主", "贷", "人", "及", "配偶", "个人", "收入证明", "原件", "(", "单位", "盖公章", "有效", ")", ";", "  ", "5", "、", "房产", "产权", "证明", "文本", "复印件", "(", "房产证", "、", "购房合同", "及", "发票", "、", "预售合同", "及", "发票", ")", ";", "  ", "6", "、", "近期", "水电", "煤", "帐单", "原件", "(", "三种", "缴费", "单据", "可", "任选其一", ")", ";", "  ", "7", "、", "主", "贷", "人", "驾照", "复印件", "(", "本人", "或", "直系亲属", "驾照", "均", "被", "银行", "认可", ")", ";", "  ", "8", "、", "资产", "证明", ":", "  ", "(", "1", ")", "与", "收入证明", "相", "对应", "的", "工资", "明细", "(", "最近", "3", "个", "月", "的", "银行卡", "明细", "或", "税单", ")", ";", "  ", "(", "2", ")", "主", "贷", "人", "或", "配偶", "的", "存款", "明细", "、", "股票基金", "保"], ["这个", "是", "平安", "直通", "贷款", "服务", "的", "咨询电话", ",", "可以", "向", "客服专员", "说明", "你", "的", "贷款", "意向", ",", "她", "会", "协助", "你", "完成", "贷款", "申请流程", "的"], ["额度", "低", "的", "话", "要", "银行", "半年", "的", "流水", "。", "有", "的", "还", "需要", "购房合同", ",", "收入证明", "。", "视", "额度", "来", "定", "。", "望", "采纳", "!"], ["不能", "没", "证件", "都", "不能"]], "paragraphs": ["(1)10100000是平安直通贷款服务的咨询电话, (2)可以向客服专员说明贷款意向,客服会协助完成贷款申请流程 办理平安银行的个人信用贷款流程:  第一步,申请人向平安提交申请资料、贷款申请表及授权书。  1、主贷人及配偶的身份证复印件;  2、主贷人及配偶户口本复印件(第1、2、3联必须要有);  3、结婚证复印件,单身证明原件,离婚证及离婚协议书或法院判决书复印件;  4、主贷人及配偶个人收入证明原件(单位盖公章有效);  5、房产产权证明文本复印件(房产证、购房合同及发票、预售合同及发票);  6、近期水电煤帐单原件(三种缴费单据可任选其一);  7、主贷人驾照复印件(本人或直系亲属驾照均被银行认可);  8、资产证明:  (1)与收入证明相对应的工资明细(最近3个月的银行卡明细或税单);  (2)主贷人或配偶的存款明细、股票基金保", "(1)10100000是平安直通贷款服务的咨询电话, (2)可以向客服专员说明贷款意向,客服会协助完成贷款申请流程 办理平安银行的个人信用贷款流程:  第一步,申请人向平安提交申请资料、贷款申请表及授权书。  1、主贷人及配偶的身份证复印件;  2、主贷人及配偶户口本复印件(第1、2、3联必须要有);  3、结婚证复印件,单身证明原件,离婚证及离婚协议书或法院判决书复印件;  4、主贷人及配偶个人收入证明原件(单位盖公章有效);  5、房产产权证明文本复印件(房产证、购房合同及发票、预售合同及发票);  6、近期水电煤帐单原件(三种缴费单据可任选其一);  7、主贷人驾照复印件(本人或直系亲属驾照均被银行认可);  8、资产证明:  (1)与收入证明相对应的工资明细(最近3个月的银行卡明细或税单);  (2)主贷人或配偶的存款明细、股票基金保", "这个是平安直通贷款服务的咨询电话,可以向客服专员说明你的贷款意向,她会协助你完成贷款申请流程的", "额度低的话要银行半年的流水。有的还需要购房合同,收入证明。视额度来定。望采纳!", "不能 没证件都不能"], "bs_rank_pos": 0}, {"is_selected": false, "title": "10100000贷款可靠么?_百度知道", "most_related_para": 0, "segmented_title": ["10100000", "贷款", "可靠", "么", "?", "_", "百度", "知道"], "segmented_paragraphs": [["可靠", "!", "这", "是", "平安银行", "的", "贷款", "热线电话", "。", "电话预约", ",", "网点", "签合同", "。"], ["正规", "的", "上市公司", "吧", "毕竟", "涉及", "到", "钱", "的", "层次"]], "paragraphs": ["可靠!这是平安银行的贷款热线电话。电话预约,网点签合同。", "正规的上市公司 吧 毕竟涉及到钱的层次"], "bs_rank_pos": 1}, {"is_selected": false, "title": "10100000这个电话说是平安普惠贷款的可靠么_百度知道", "most_related_para": 1, "segmented_title": ["10100000", "这个", "电话", "说", "是", "平安", "普惠", "贷款", "的", "可靠", "么", "_", "百度", "知道"], "segmented_paragraphs": [["小额", "贷款", "可以", "找", "我"], ["扯淡", ",", "千万", "别", "上", "当"]], "paragraphs": ["小额贷款可以找我", "扯淡,千万别上当"], "bs_rank_pos": 2}, {"is_selected": false, "title": "10100000平安易贷款是真的吗?_百度知道", "most_related_para": 0, "segmented_title": ["10100000", "平安", "易", "贷款", "是", "真的", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["还是", "有点", "风险", "的", ",", "很多人", "会", "冒充", "平安", ",", "还是", "当心", "为", "妙", "。", "最好", "是", "平安", "门店", "安全", "点"]], "paragraphs": ["还是有点风险的,很多人会冒充平安,还是当心为妙。最好是平安门店安全点"], "bs_rank_pos": 3}], "answer_spans": [[30, 34]], "yesno_answers": ["Yes", "No"], "fake_answers": ["平安银行的个人信用贷款"], "question": "10100000贷款可靠么", "segmented_answers": [["可靠", "!", "这", "是", "平安银行", "的", "贷款", "热线电话", "。", "电话预约", ",", "网点", "签合同", "。"], ["扯淡", ",", "千万", "别", "上", "当"]], "answers": ["可靠!这是平安银行的贷款热线电话。电话预约,网点签合同。", "扯淡,千万别上当"], "yesno_type": "OPINION", "answer_docs": [0], "segmented_question": ["10100000", "贷款", "可靠", "么"], "question_type": "YES_NO", "question_id": 181598, "fact_or_opinion": "OPINION", "match_scores": [0.3157894736842105]} -{"documents": [{"is_selected": true, "title": "一个男人假如认定你了,会有哪些表现?_百度知道", "most_related_para": 2, "segmented_title": ["一个男人", "假如", "认定", "你", "了", ",", "会", "有", "哪些", "表现", "?", "_", "百度", "知道"], "segmented_paragraphs": [["会", "主动", "讨", "取", "你", "的", "欢心", ",", "会", "答应你", ",", "他", "可以", "做到", "的", "要求", ",", "回去", "花", "大量", "的", "时间", "和", "精力", "和你在一起", ",", "会", "对", "你", "说", "他", "的", "心里话", "。"], ["在", "你", "没", "答应", "他", "之", "前", ",", "我想他", "可能", "是", "不会", "那么", "快", "认定", "你", "的", ",", "你们", "只要真心", "坦诚", "相处", ",", "就能", "感觉", "对方", "是不是", "真心", "的", ",", "还有", "如果", "你", "也", "感觉不错", ",", "就", "不要", "考验", "太", "长时间", ",", "过分", "考验", "也", "可能", "会", "错过", "缘分", "~"], ["有", "的", "男人", "会", "直接", "表白", ",", "这种人", "属于", "比较", "大胆", "。", "有", "的", "男人", "爱一个人", "是", "不会", "说", "的", ",", "因为", "他", "不知道", "你", "是不是", "也", "喜欢", "他", ",", "等", "确定", "之后", "就会", "大胆", "地", "去", "爱", "。"], ["那", "会", "相当", "的", "明显", "哦", ",", "男孩", "不一样", ",", "但", ",", "很容易", "区别", "的", "噢"], ["主动", "找", "你", "聊天", ",", "会", "时不时", "的", "问候你", "。", "关心", "你", "在乎你"], ["会", "为你", "付出"], ["就是", "认定", "了"]], "paragraphs": ["会主动讨取你的欢心,会答应你,他可以做到的要求,回去花大量的时间和精力和你在一起,会对你说他的心里话。", "在你没答应他之前,我想他可能是不会那么快认定你的,你们只要真心坦诚相处,就能感觉对方是不是真心的,还有如果你也感觉不错,就不要考验太长时间,过分考验也可能会错过缘分~", "有的男人会直接表白,这种人属于比较大胆。有的男人爱一个人是不会说的,因为他不知道你是不是也喜欢他,等确定之后就会大胆地去爱。", "那会相当的明显哦,男孩不一样,但,很容易区别的噢", "主动找你聊天,会时不时的问候你。关心你在乎你", "会为你付出", "就是认定了"], "bs_rank_pos": 0}, {"is_selected": false, "title": "男生认定你的表现_百度知道", "most_related_para": 0, "segmented_title": ["男生", "认定", "你", "的", "表现", "_", "百度", "知道"], "segmented_paragraphs": [["会", "主动", "讨", "取", "你", "的", "欢心", ",", "会", "答应你", ",", "他", "可以", "做到", "的", "要求", ",", "回去", "花", "大量", "的", "时间", "和", "精力", "和你在一起", ",", "会", "对", "你", "说", "他", "的", "心里话", "。"], ["1", ".", "吵架", "时", ",", "不会", "永远", "只有", "一方", "低头", ",", "这", "点", "很重要", ",", "就是", "感情", "里", "的", "沟通", "关系", "是", "双向", "的", "。", "如果", "一", "个", "男生", "总是", "对", "你", "低头", ",", "不管", "谁", "错", "都", "让", "着", "你", ",", "未必", "是", "件", "好事", ",", "压抑", "在心里", "的", "负面", "情绪", "久", "了", ",", "到", "了", "顶点", "通常", "会", "翻脸", "不认人", ",", "说走就走", "。", "如果", "你", "总是", "主动", "道歉", "的", "一方", ",", "就要", "小心", ",", "他", "可能会", "同时", "接受", "你", "那", "女友", "+", "妻子", "+", "妈妈", "般", "温柔的爱", ",", "然后", "转身", "去", "征服", "另一个", "猎物", "。", "2", ".", "性生活", "美满", ",", "保持稳定", "的", "频率", "性爱", "难以", "分离", "是", "事实", ",", "除了", "个性", "与", "相处", ",", "两个人", "能否", "长久", "走下去", ",", "性爱", "吻合", "度", "也是", "必须", "要", "考", "量", "的", "一", "点", "。", "如果", "他", "在床上", "总", "能", "敞开", "心胸", "与", "你", "沟通", ",", "前戏", "到", "后", "戏", "懂得体贴", "你", "的", "感受", "、", "乐", "于", "尝试", "新鲜", "的", "花", "招", ",", "并", "保持", "一定", "的", "甜蜜", "性爱", "频率", ",", "把", "彼此", "喂", "饱", ",", "其", "馀", "的", "担心", "就能", "少", "一", "点", "。", "3", "、", "他", "有", "明确", "的", "理财规划", ",", "而且", "对", "你", "不吝啬", "吝啬", "是", "一", "种", "感觉", ",", "每", "段", "感情", "都", "有", "不一样", "的", "标", "淮", ",", "但", "如果", "他", "抠", "到", "连", "一碗", "豆花", "都", "要", "跟", "你", "各", "付", "各", "的"], ["取卵", "过后", "需要", "哪些", "食补"]], "paragraphs": ["会主动讨取你的欢心,会答应你,他可以做到的要求,回去花大量的时间和精力和你在一起,会对你说他的心里话。", "1.吵架时,不会永远只有一方低头,这点很重要,就是感情里的沟通关系是双向的。 如果一个男生总是对你低头,不管谁错都让着你,未必是件好事,压抑在心里的负面情绪久了,到了顶点通常会翻脸不认人,说走就走。如果你总是主动道歉的一方,就要小心,他可能会同时接受你那女友+妻子+妈妈般温柔的爱,然后转身去征服另一个猎物。 2.性生活美满,保持稳定的频率 性爱难以分离是事实,除了个性与相处,两个人能否长久走下去,性爱吻合度也是必须要考量的一点。如果他在床上总能敞开心胸与你沟通,前戏到后戏懂得体贴你的感受、乐于尝试新鲜的花招,并保持一定的甜蜜性爱频率,把彼此喂饱,其馀的担心就能少一点。 3、他有明确的理财规划,而且对你不吝啬 吝啬是一种感觉,每段感情都有不一样的标淮,但如果他抠到连一碗豆花都要跟你各付各的", "取卵过后需要哪些食补"], "bs_rank_pos": 1}], "answer_spans": [[0, 38]], "fake_answers": ["有的男人会直接表白,这种人属于比较大胆。有的男人爱一个人是不会说的,因为他不知道你是不是也喜欢他,等确定之后就会大胆地去爱。"], "question": "男人认定你的表现", "segmented_answers": [["会", "主动", "讨", "取", "你", "的", "欢心", ",", "会", "答应你", ",", "他", "可以", "做到", "的", "要求", ",", "回去", "花", "大量", "的", "时间", "和", "精力", "和你在一起", ",", "会", "对", "你", "说", "他", "的", "心里话", "。"], ["在", "你", "没", "答应", "他", "之", "前", ",", "我想他", "可能", "是", "不会", "那么", "快", "认定", "你", "的", ",", "你们", "只要真心", "坦诚", "相处", ",", "就能", "感觉", "对方", "是不是", "真心", "的", ",", "还有", "如果", "你", "也", "感觉不错", ",", "就", "不要", "考验", "太", "长时间", ",", "过分", "考验", "也", "可能", "会", "错过", "缘分", "。"], ["有", "的", "男人", "会", "直接", "表白", ",", "这种人", "属于", "比较", "大胆", "。", "有", "的", "男人", "爱一个人", "是", "不会", "说", "的", ",", "因为", "他", "不知道", "你", "是不是", "也", "喜欢", "他", ",", "等", "确定", "之后", "就会", "大胆", "地", "去", "爱", "。"]], "answers": ["会主动讨取你的欢心,会答应你,他可以做到的要求,回去花大量的时间和精力和你在一起,会对你说他的心里话。", "在你没答应他之前,我想他可能是不会那么快认定你的,你们只要真心坦诚相处,就能感觉对方是不是真心的,还有如果你也感觉不错,就不要考验太长时间,过分考验也可能会错过缘分。", "有的男人会直接表白,这种人属于比较大胆。有的男人爱一个人是不会说的,因为他不知道你是不是也喜欢他,等确定之后就会大胆地去爱。"], "answer_docs": [0], "segmented_question": ["男人", "认定", "你", "的", "表现"], "question_type": "DESCRIPTION", "question_id": 181599, "fact_or_opinion": "OPINION", "match_scores": [0.9230769230769231]} -{"documents": [{"is_selected": false, "title": "UUID会重复吗解决方法", "most_related_para": 2, "segmented_title": ["UUID", "会", "重复", "吗", "解决方法"], "segmented_paragraphs": [["当前位置", ":", "分享", "查询", "网", ">", "Java", ">", "Java", "SE", ">", "UUID", "会", "重复", "吗", "解决方法"], ["本", "篇", "文章", "主要", "介绍", "了", "\"", "UUID", "会", "重复", "吗", "解决方法", "\"", ",", "主要", "涉及", "到", "UUID", "会", "重复", "吗", "解决方法", "方面", "的", "内容", ",", "对于", "UUID", "会", "重复", "吗", "解决方法", "感兴趣", "的", "同学", "可以", "参考", "一", "下", "。"], ["UUID", "会", "重复", "吗", "解决方法", "UUID", "会", "重复", "吗", "Java", "code", "public", "static", "void", "main", "(", "String", "[", "]", "args", ")", "{", "String", "s", "=", "UUID", ".", "randomUUID", "(", ")", ".", "to", "String", "(", ")", ";", "System", ".", "out", ".", "println", "(", "s", ")", ";", "}", "啥", "也", "不", "做", ",", "就这样", "运行", "你", "放心", "吧", ",", "用", "到", "了", "MAC", "、", "时间戳", "、", "随机数", "等", "因素", "生成", "UUID", "是", "指", "在", "一", "台", "机器", "上", "生成", "的", "数字", ",", "它", "保证", "对", "在", "同", "一", "时空", "中", "的", "所有", "机器", "都是", "唯一", "的", "。"], ["上", "一篇", ":", "关于", "JAVA", "核心技术", "卷", "II", "中", "一", "个", "例子", "的", "有关", "问题", ",", "大家", "一起", "看", "下", "(", "2", ")", "下一篇", ":", "java", "中", "如何", "做出", "像", "word", "那样", "支持", "字体", "预览", "的", "字体", "下拉", "选择", "框", "?"], ["相关文章"], ["本站", "评论功能", "暂时", "取消", ",", "后续", "此", "功能", "例行", "通知", "。"], ["一", "、", "不得", "利用", "本站", "危害国家安全", "、", "泄露国家秘密", ",", "不得侵犯", "国家", "社会", "集体", "的", "和", "公民", "的", "合法权益", ",", "不得", "利用", "本站", "制作", "、", "复制", "和", "传播", "不", "法", "有害", "信息", "!", "二", "、", "互相尊重", ",", "对", "自己", "的", "言论", "和", "行为", "负责", "。"]], "paragraphs": ["当前位置:分享查询网 > Java > Java SE >UUID会重复吗解决方法", "本篇文章主要介绍了\"UUID会重复吗解决方法\",主要涉及到UUID会重复吗解决方法方面的内容,对于UUID会重复吗解决方法感兴趣的同学可以参考一下。", "UUID会重复吗解决方法UUID会重复吗Java code public static void main(String[] args) { String s = UUID.randomUUID().toString(); System.out.println(s); } 啥也不做,就这样运行你放心吧, 用到了 MAC、时间戳、随机数等因素生成 UUID 是指在一台机器上生成的数字,它保证对在同一时空中的所有机器都是唯一的。", "上一篇:关于JAVA核心技术卷II中一个例子的有关问题,大家一起看下(2) 下一篇:java中如何做出像word 那样支持字体预览的字体下拉选择框?", "相关文章", "本站评论功能暂时取消,后续此功能例行通知。", "一、不得利用本站危害国家安全、泄露国家秘密,不得侵犯国家社会集体的和公民的合法权益,不得利用本站制作、复制和传播不法有害信息! 二、互相尊重,对自己的言论和行为负责。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "UUID会重复吗-CSDN论坛-CSDN.NET-中国最大的IT技术社区", "most_related_para": 5, "segmented_title": ["UUID", "会", "重复", "吗", "-", "CSDN", "论坛", "-", "CSDN", ".", "NET", "-", "中国", "最大", "的", "IT", "技术", "社区"], "segmented_paragraphs": [["关注", "cgz", "chf", "cgz", "chf", "本", "版", "等级", ":", "本", "版", "专家", "分", ":", "17", "结", "帖", "率", ":", "100", "%"], ["public", "static", "void", "main", "(", "String", "[", "]", "args", ")", "{", "String", "s", "=", "UUID", ".", "randomUUID", "(", ")", ".", "to", "String", "(", ")", ";", "System", ".", "out", ".", "println", "(", "s", ")", ";", "}"], ["关注", "kijio", "y", "kijio", "y", "本", "版", "等级", ":", "本", "版", "专家", "分", ":", "361", "结", "帖", "率", ":", "0", "%"], ["你", "放心", "吧", ",", "用", "到", "了", "MAC", "、", "时间戳", "、", "随机数", "等", "因素", "生成"], ["关注", "mp", "19901204", "mp", "19901204", "本", "版", "等级", ":", "本", "版", "专家", "分", ":", "69", "结", "帖", "率", ":", "94", ".", "74", "%"], ["不会", "重复", ",", "我们", "公司", "有时候", "数据库", "的", "主键", "就是", "这么", "用", "的", ",", "嘿嘿", "!"], ["关注", "lrby", "antai", "lrby", "antai", "本", "版", "等级", ":", "本", "版", "专家", "分", ":", "7812", "结", "帖", "率", ":", "100", "%"], ["为什么", "会", "有", "这种", "担心", "呢"]], "paragraphs": ["关注 cgzchf cgzchf 本版等级: 本版专家分:17 结帖率:100%", "public static void main(String[] args) { String s = UUID.randomUUID().toString(); System.out.println(s); }", "关注 kijioy kijioy 本版等级: 本版专家分:361 结帖率:0%", "你放心吧, 用到了 MAC、时间戳、随机数等因素生成", "关注 mp19901204 mp19901204 本版等级: 本版专家分:69 结帖率:94.74%", "不会重复,我们公司有时候数据库的主键就是这么用的,嘿嘿!", "关注 lrbyantai lrbyantai 本版等级: 本版专家分:7812 结帖率:100%", "为什么会有这种担心呢"], "bs_rank_pos": 1}, {"is_selected": false, "title": "java 生成UUID重复_百度知道", "most_related_para": 0, "segmented_title": ["java", "生成", "UUID", "重复", "_", "百度", "知道"], "segmented_paragraphs": [["java", "是", "可以", "做到", "的", "。", "先", "导入", "uuid", "包", ":", "import", "java", ".", "util", ".", "UUID", ";", "然后", ":", "String", "uuid", "=", "UUID", ".", "randomUUID", "(", ")", ".", "to", "String", "(", ")", ".", "replace", "All", "(", "\"", "-", "\"", ",", "\"", "\"", ")", ";"]], "paragraphs": ["java是可以做到的。先导入uuid包:importjava.util.UUID;然后:Stringuuid=UUID.randomUUID().toString().replaceAll(\"-\",\"\");"], "bs_rank_pos": 2}, {"is_selected": false, "title": "java中的uuid是干什么的,如何执行一个方法每次都返回一个不重复的", "most_related_para": 2, "segmented_title": ["java", "中", "的", "uuid", "是", "干什么", "的", ",", "如何", "执行", "一", "个", "方法", "每次", "都", "返回", "一", "个", "不", "重复", "的"], "segmented_paragraphs": [["String", "id", "=", "UUID", ".", "randomUUID", "(", ")", ".", "to", "String", "(", ")", ".", "replace", "(", "\"", "-", "\"", ",", "\"", "\"", ")", ";", "128", "位", "长", "的", "数字", ",", "一般", "用", "16", "进制", "表示", "生成", "32", "位", "字符串", ",", "一般", "用", "作", "table", "的", "主键", "UUID", ".", "randomUUID", "(", ")", ".", "to", "String", "(", ")", ";", "生成", "的", "格式", "为", "550", "E8400", "-", "E29", "B", "-", "11", "D4", "-", "A7", "16", "-", "446655440000"], ["String", "id", "=", "UUID", ".", "randomUUID", "(", ")", ".", "to", "String", "(", ")", ".", "replace", "(", "\"", "-", "\"", ",", "\"", "\"", ")", ";", "128", "位", "长", "的", "数字", ",", "一般", "用", "16", "进制", "表示", "生成", "32", "位", "字符串", ",", "一般", "用", "作", "table", "的", "主键", "UUID", ".", "randomUUID", "(", ")", ".", "to", "String", "(", ")", ";", "生成", "的", "格式", "为", "550", "E8400", "-", "E29", "B", "-", "11", "D4", "-", "A7", "16", "-", "446655440000"], ["随即", "生成", "字符串", "UUID", ".", "randomUUID", "(", ")", ".", "to", "String", "(", ")", ".", "replace", "(", "\"", "-", "\"", ",", "\"", "\"", ")", ";", "随即", "生成", "0", "~", "n", "之间", "的", "数字", ":", "Math", ".", "random", "(", ")", "*", "n", ";", "生成", "的", "都是", "不", "重复", "的", "字符串", "或者", "数字", ",", "一般", "UUID", ".", "randomUUID", "(", ")", ".", "to", "String", "(", ")", "用", "作", "表", "的", "主键", "。"]], "paragraphs": ["Stringid=UUID.randomUUID().toString().replace(\"-\",\"\");128位长的数字,一般用16进制表示生成32位字符串,一般用作table的主键UUID.randomUUID().toString();生成的格式为550E8400-E29B-11D4-A716-446655440000", "String id = UUID.randomUUID().toString().replace(\"-\", \"\"); 128位长的数字,一般用16进制表示 生成32位字符串,一般用作table的主键 UUID.randomUUID().toString();生成的格式为 550E8400-E29B-11D4-A716-446655440000", "随即生成字符串UUID.randomUUID().toString().replace(\"-\", \"\"); 随即生成0~n之间的数字:Math.random()*n; 生成的都是不重复的字符串或者数字,一般UUID.randomUUID().toString()用作表的主键。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "使用UUID解决重复提交问题 - 博客频道 - CSDN.NET", "most_related_para": 0, "segmented_title": ["使用", "UUID", "解决", "重复", "提交", "问题", "-", "博客", "频道", "-", "CSDN", ".", "NET"], "segmented_paragraphs": [["2015", "一月", "21", "原", "使用", "UUID", "解决", "重复", "提交", "问题", "分类", ":", "jee", "(", "1257", ")", "(", "0", ")", "1", "UUID", "UUID", "是", "1.5", "中", "新增", "的", "一", "个", "类", ",", "在", "java", ".", "util", "下", ",", "用", "它", "可以", "产生", "一", "个", "号称", "全球", "唯一", "的", "ID", "。", "UUID", "(", "Universally", "Unique", "Identifier", ")", "全局", "唯一", "标识", "符", ",", "是", "指", "在", "一", "台", "机器", "上", "生成", "的", "数字", ",", "它", "保证", "对", "在", "同", "一", "时空", "中", "的", "所有", "机器", "都是", "唯一", "的", "。", "按照", "开放", "软件", "基金会", "(", "OSF", ")", "制定", "的", "标准", "计算", ",", "用", "到", "了", "以太网卡", "地址", "、", "纳秒", "级", "时间", "、", "芯片", "ID", "码", "和", "许多", "可能", "的", "数字", "。", "由", "以下", "几", "部分", "的", "组合", ":", "当前", "日期", "和", "时间", "(", "UUID", "的", "第一个", "部分", "与", "时间", "有关", ",", "如果", "你", "在", "生成", "一", "个", "UUID", "之后", ",", "过", "几", "秒", "又", "生成", "一", "个", "UUID", ",", "则", "第一个", "部分", "不同", ",", "其余", "相同", ")", ",", "时钟", "序列", ",", "全局", "唯一", "的", "IEEE", "机器", "识别", "号", "(", "如果", "有", "网卡", ",", "从", "网卡", "获得", ",", "没有", "网卡", "以", "其他", "方式", "获得", ")", ",", "UUID", "的", "唯一", "缺陷", "在于", "生成", "的", "结果", "串", "会", "比较", "长", "。", "<", "pre", "name", "=", "\"", "code", "\"", "class", "=", "\"", "java", "\"", ">", "import", "java", ".", "util", ".", "UUID", ";", "public", "class", "UUID", "Test", "{", "public", "static", "void", "main", "(", "String", "[", "]", "args", ")", "{", "for", "(", "int", "i", "=", "0", ";", "i", "<", "10", ";", "i++", ")", "{", "UUID", "uuid", "=", "UUID", ".", "randomUUID", "(", ")", ";", "System", ".", "out", ".", "println", "(", "uuid", ")", ";", "}", "}", "}", "<", "img", "src", "=", "\"", "http", ":", "/", "/", "img", ".", "blog", ".", "csdn", ".", "net", "/", "20150121170335859", "?", "water", "mark", "/", "2", "/", "text", "/", "aHR", "0", "c", "Do", "vL", "2", "Jsb2", "cuY", "3", "Nk", "bi5u", "ZX", "Qvd", "TAx", "MDg", "xOT", "Qx", "Ng", "=", "=", "/", "font", "/", "5", "a6L", "5L", "2", "T", "/", "font", "size", "/", "400", "/", "fill", "/", "I", "0", "JBQ", "kFC", "MA", "=", "=", "/", "dissolve", "/", "70", "/", "gravity", "/", "Center", "\"", "alt", "=", "\"", "\"", "/", ">", "2", "使用", "UUID", "解决", "提交", "两次", "问题", "(", "通过", "“", "返回", "上", "一", "页", "”", ",", "把", "缓存", "中", "的", "数据", "重复", "提交", ")", "1", ")", "在", "进入", "“", "提交", "”", "页面", "的", "控制", "层", "中", ",", "生成", "一", "个", "UUID", "放", "进", "session", "中", "2", ")", "在", "“", "提交", "”", "页面", "中", ",", "把", "session", "中", "的", "UUID", "传到", "保存", "数据", "控制", "层", "3", ")", "在", "保存", "数据", "的", "控制", "层", ",", "判断", "session", "中", "的", "UUID", "和", "传", "过来", "的", "UUID", ",", "如果", "相等", ",", "保存", "并", "删除", "session", "中", "的", "UUID", ";", "如果", "不", "相等", ",", "不保存", "。"], ["文章分类", "《", "轻量级", "Java", "EE", "企业应用", "实战", "》", "(", "33", ")", "spring", "实战", "笔记", "(", "33", ")", "《", "JavaScript", "权威", "指南", "》", "(", "51", ")", "信息安全", "(", "1", ")", "jse", "(", "19", ")", "jee", "(", "26", ")", "eclipse", "(", "3", ")", "maven", "(", "12", ")", "《", "maven", "实战", "》", "(", "10", ")", "spring", "(", "2", ")", "html", "+", "css", "(", "2", ")", "工具", "(", "1", ")", "《", "Apache", "CXF", "构建", "SOA", "》", "(", "5", ")", "apache", "cxf", "(", "4", ")", "Spring", "_", "Security", "(", "8", ")", "《", "Spring", "Security", "3", "》", "(", "1", ")", "apache", "shiro", "(", "1", ")", "mybatis", "(", "5", ")", "ActiveMQ", "(", "4", ")", "《", "Java", "并发", "编程", "实战", "》", "(", "8", ")", "架构", "(", "9", ")", "《", "大型", "网站", "技术", "架构", "》", "(", "9", ")", "好书收藏", "(", "1", ")", "《", "HTML", "5", "权威", "指南", "》", "(", "2", ")", "linux", "(", "46", ")", "mysql", "(", "1", ")", "《", "Java", "网络编程", "第四版", "》", "(", "13", ")", "《", "Java", "RESTful", "Web", "Service", "实战", "》", "(", "3", ")", "《", "Java", "设计", "模式", "》", "(", "8", ")", "js", "(", "9", ")", "Nginx", "/", "LVS", "/", "HAProxy", "(", "1", ")", "redis", "(", "0", ")", "netty", "(", "0", ")", "《", "Java", "8", "in", "Action", "》", "(", "14", ")", "《", "Netty", "in", "Action", "》", "(", "8", ")", "《", "Netty", "权威", "指南", "》", "(", "16", ")", "《", "Spring", "Boot", "实战", "》", "(", "15", ")", "MongoDB", "(", "1", ")", "《", "Git", "版本控制", "管理", "》", "第", "2", "版", "(", "3", ")", "idea", "(", "2", ")", "《", "DOCKER", "技术", "入门", "与", "实战", "》", "(", "2", ")", "《", "Vue", ".", "js", "权威", "指南", "》", "(", "9", ")"]], "paragraphs": ["2015一月 21 原使用UUID解决重复提交问题分类:jee (1257) (0) 1 UUID UUID是1.5中新增的一个类,在java.util下,用它可以产生一个号称全球唯一的ID。UUID(Universally Unique Identifier)全局唯一标识符,是指在一台机器上生成的数字,它保证对在同一时空中的所有机器都是唯一的。按照开放软件基金会(OSF)制定的标准计算,用到了以太网卡地址、纳秒级时间、芯片ID码和许多可能的数字。由以下几部分的组合:当前日期和时间(UUID的第一个部分与时间有关,如果你在生成一个UUID之后,过几秒又生成一个UUID,则第一个部分不同,其余相同),时钟序列,全局唯一的IEEE机器识别号(如果有网卡,从网卡获得,没有网卡以其他方式获得),UUID的唯一缺陷在于生成的结果串会比较长。
import java.util.UUID; public class UUIDTest { public static void main(String[] args) { for(int i = 0 ; i < 10; i++){ UUID uuid = UUID.randomUUID(); System.out.println(uuid); } } }  \"\"  2 使用UUID解决提交两次问题(通过“返回上一页”,把缓存中的数据重复提交) 1)在进入“提交”页面的控制层中,生成一个UUID放进session中 2)在“提交”页面中,把session中的UUID传到保存数据控制层 3)在保存数据的控制层,判断session中的UUID和传过来的UUID,如果相等,保存并删除session中的UUID;如果不相等,不保存。", "文章分类 《轻量级JavaEE企业应用实战》(33) spring实战笔记(33) 《JavaScript权威指南》(51) 信息安全(1) jse(19) jee(26) eclipse(3) maven(12) 《maven实战》(10) spring(2) html+css(2) 工具(1) 《Apache CXF构建SOA》(5) apache cxf(4) Spring_Security(8) 《Spring Security 3》(1) apache shiro(1) mybatis(5) ActiveMQ(4) 《Java并发编程实战》(8) 架构(9) 《大型网站技术架构》(9) 好书收藏(1) 《HTML5权威指南》(2) linux(46) mysql(1) 《Java 网络编程 第四版》(13) 《Java RESTful Web Service实战》(3) 《Java设计模式》(8) js(9) Nginx/LVS/HAProxy(1) redis(0) netty(0) 《Java 8 in Action》(14) 《Netty in Action》(8) 《Netty权威指南》(16) 《Spring Boot实战》(15) MongoDB(1) 《Git版本控制管理》第2版(3) idea(2) 《DOCKER技术入门与实战》(2) 《Vue.js权威指南》(9)"], "bs_rank_pos": 4}], "answer_spans": [[0, 12]], "yesno_answers": ["No"], "fake_answers": ["不会重复,我们公司有时候数据库的主键就是这么用的"], "question": "uuid.randomuuid 会重复吗", "segmented_answers": [["不会", "重复", ",", "我们", "公司", "有时候", "数据库", "的", "主键", "就是", "这么", "用", "的"]], "answers": ["不会重复,我们公司有时候数据库的主键就是这么用的"], "yesno_type": "FACT", "answer_docs": [1], "segmented_question": ["uuid", ".", "randomuuid", "会", "重复", "吗"], "question_type": "YES_NO", "question_id": 181600, "fact_or_opinion": "FACT", "match_scores": [0.9230769230769231]}
-{"documents": [{"is_selected": false, "title": "业主心声:入驻装修房子后真实感受 - 南京装修公司_南京装潢公司_", "most_related_para": 0, "segmented_title": ["业主", "心声", ":", "入驻", "装修房子", "后", "真实", "感受", "-", "南京", "装修公司", "_", "南京", "装潢公司", "_"], "segmented_paragraphs": [["因为", "施工", "过程", "参与", "得", "很少", ",", "所有", "对于", "房子", "的", "感受", "主要", "来自", "于", "入住", "以后", "。", "首先", "是", "空间", "的", "规划", "比较", "合理", ",", "使用", "比较", "方便", ",", "尤其", "是", "玄关", "处", "的", "嵌入式", "鞋柜", ",", "占用", "少量", "外部空间", ",", "使得", "顶部", "可以", "摆放"]], "paragraphs": ["因为施工过程参与得很少,所有对于房子的感受主要来自于入住以后。首先是空间的规划比较合理,使用比较方便,尤其是玄关处的嵌入式鞋柜,占用少量外部空间,使得顶部可以摆放"], "bs_rank_pos": 1}, {"is_selected": true, "title": "冠全装饰 - 南京装修公司_南京装潢公司_南京装饰公司-南京冠全装饰", "most_related_para": 0, "segmented_title": ["冠", "全", "装饰", "-", "南京", "装修公司", "_", "南京", "装潢公司", "_", "南京", "装饰公司", "-", "南京", "冠", "全", "装饰"], "segmented_paragraphs": [["专业", "的", "设计", "人才", "、", "娴熟", "的", "施工", "队伍", ";", "卓越", "的", "创意", "思维", "、", "丰富", "的", "装修", "经验", ";", "为您", "创造", "更", "智能", "、", "更", "时尚", "、", "更", "完美", "的", "家居生活", "!", "南京", "冠", "全", "装饰", "工程", "有限公司", ",", "是", "集", "专业化", "设计", "与", "精湛", "施工", "、", "完善", "售后服务", "为", "一体", "的", "企业", "。", "下", "设", "室内", "外", "装饰", "设计", "与", "施工", "、", "园林", "景观", "设计", "与", "施工", "两", "大", "业务", "版块", "。", "其中", "家居", "空间", "凭借", "多", "年", "的", "行业", "经验", ",", "近年来", "在", "上海", "、", "广州", "、", "南通", "、", "南京", "等", "地", "一直", "享有", "很好", "的", "口碑", "。", "从", "咨询", "、", "洽谈", "、", "设计", "到", "选材", "、", "施工", "、", "环保", "可", "为", "客户", "提供", "全方位", "的", "一站式服务", "。"], ["400", "-", "0793", "-", "168", "131", "-", "8281", "-", "8311", "025", "-", "86889209"]], "paragraphs": ["专业的设计人才、娴熟的施工队伍; 卓越的创意思维、丰富的装修经验; 为您创造更智能、更时尚、更完美的家居生活! 南京冠全装饰工程有限公司,是集专业化设计与精湛施工、完善售后服务为一体的企业。下设室内外装饰设计与施工、园林景观设计与施工两大业务版块。其中家居空间凭借多年的行业经验,近年来在上海、广州、南通、南京等地一直享有很好的口碑。从咨询、洽谈、设计到选材、施工、环保可为客户提供全方位的一站式服务。", "400-0793-168  131-8281-8311  025-86889209"], "bs_rank_pos": 2}, {"is_selected": true, "title": "南京装饰协会_第1页_南京家居论坛_西祠胡同", "most_related_para": 0, "segmented_title": ["南京", "装饰协会", "_", "第", "1", "页", "_", "南京", "家居", "论坛", "_", "西祠胡同"], "segmented_paragraphs": [["本", "版", "群", "号", ":", "8000564", "欢迎", "各位", "常来", "聊聊", "!", "欢迎", "房产", "业主", "、", "装修", "业主", "、", "房产", "经济人", "、", "装饰", "设计师", "、", "装饰公司", "进来看看", "!", "本", "版", "免费", "帮", "客户咨询", "房产", "装修", "上", "的", "疑问", "!", "至于", "需要", "装修", "的", "客户", ",", "可", "帮助", "推荐", "装饰公司", ",", "有", "什么", "情况", "可以", "给", "斑竹", "留言", "!"], ["帖子", "分类", ":", "全部", "帖子", "(", "斑竹", "未", "设置", "分类", ")"]], "paragraphs": ["本版群号:8000564 欢迎各位常来聊聊!欢迎房产业主、装修业主、房产经济人、装饰设计师、装饰公司进来看看!本版免费帮客户咨询房产装修上的疑问!至于需要装修的客户,可帮助推荐装饰公司,有什么情况可以给斑竹留言!", "帖子分类:全部帖子 (斑竹未设置分类)"], "bs_rank_pos": 3}, {"is_selected": false, "title": "南京哪家好新娘跟妆-化妆培训-彩妆学校-半永久培训-纹绣培训班-新娘", "most_related_para": 12, "segmented_title": ["南京", "哪家", "好", "新娘跟妆", "-", "化妆", "培训", "-", "彩妆", "学校", "-", "半", "永久", "培训", "-", "纹绣", "培训班", "-", "新娘"], "segmented_paragraphs": [["您", "当前", "所在", "位置", ":", "首页", ">", "企业资讯", ">", "南京", "哪家", "好", "新娘跟妆"], ["文章", "导读", ":", "本", "文", "将", "为您", "详细", "的", "介绍", "南京", "哪家", "好", "新娘跟妆", "及其", "njg", "79", "hz", "的", "相关", "信息", ",", "南京", "浦口区", "纹绣", "培训", "学费", "分期", ",", "南京", "新娘跟妆", "南京", "丹阳", "纹绣", "学习", "包", "教", "包", "会", ",", "南京", "镇江", "半", "永久", "培训班", "包", "就业", ",", "无锡", "美甲培训", "包", "考证", ",", "美甲培训", ",", "零", "基础", "包", "教会", ",", "低", "门槛", ",", "教学质量", "高", ",", "外地", "学员", "提供住宿", "。", "通过", "浏览", "本", "文", "您", "可以", "更好", "的", "了解", "南京", "哪家", "好", "新娘跟妆", "和", "其", "相关", "的", "资讯", "。"], ["对", "很多", "爱美", "爱", "事业", "的", "女孩子", "来", "说", ",", "开", "美甲店", "赚钱", "是", "一", "个", "非常不错", "的", "选择", ",", "并且", "多数", "女孩子", "都是", "选择", "了", "自行", "学习", ",", "而", "并非", "直接", "加盟", "美甲", "品牌", "开店", ",", "那么", ",", "问题", "来", "了", "。", "学", "美甲", "美甲培训", "需要", "多少", "钱", "呢", "?"], ["应该", "如何", "选择", "美甲", "学校", "?"], ["在", "美甲", "机构", "的", "选择", "上", ",", "建议", "各位", "女同学", "注意", "以下几点", "。"], ["美甲", "不同于", "化妆美发", ",", "是", "个", "很", "精细", "的", "工作", ",", "所以", "选择", "美甲", "学校", ",", "一定要", "选择", "专业", "的", "美甲", "学校", "(", "学校", "只", "教", "美甲", "。", ")", "南京", "格林", "彩妆", "学校", "李", "萨", "老师", "曾", "今", "在", "一", "个", "综合", "学校", "学", "过", "美甲", ",", "别", "提", "有", "多", "后悔", "了", ",", "屋", "里面", "教", "美甲", ",", "屋", "外面", "一", "股", "头发", "的", "味道", "(", "美发", "班", "同学", "在", "练习", ")", ",", "简直", "快", "晕", "了", ",", "所以", "一定要", "选择", "专业", "的", "美甲", "学校", ",", "而", "非", "美甲", ",", "化妆", "美发", "等", "综合", "学校", "。"], ["专业", "的", "美甲", "学校", "一般", "是", "有", "资质", "的", ",", "比如", "格林", "彩妆", "美甲", "学校", ",", "在", "南京", "专业", "教学", "四", "年", ",", "这样", "的", "专业", "学校", "是", "肯定", "有", "美甲", "教学", "资质", "的", ",", "而", "综合", "学校", "一般", "是", "拿着", "化妆", ",", "美发", "的", "资质", "在", "美甲", ",", "从", "侧面", "说", ",", "这些", "学校", "根本", "不", "正", "归", "。"], ["看", "师资力量", "与", "环境", ",", "有很多", "学校", "都", "刚刚起步", ",", "学校", "环境", "不好", ",", "在", "地下室", "里", ",", "而", "美甲", "的", "老师", "也", "只有", "一", "个", ",", "你", "觉", "的", "在", "这样", "的", "学校", "能", "学", "好", "吗", "?"], ["学", "美甲", "要", "多少", "钱", "?"], ["在", "南京", "有很多", "美甲", "机构", ",", "当然", "从", "教学质量", "来", "分", ",", "学费", "也是", "不同", "的", "。", "有", "的", "人", "学", "美甲", "可能", "只", "花", "了", "一", "千", ",", "而", "有", "的", "人", "却", "花", "了", "一万", ",", "这", "里面", "有", "什么", "区别", "?", "当然", "有", "区别", "!"], ["美甲", "的", "重点", "在", "所用", "的", "工具", "与", "材料", ",", "一", "千", "学费", "的", ",", "一般", "配", "的", "材料", "都是", "很", "差", "的", "产品", ",", "而且", "有时候", "还有", "假货", "。", "前段时间", "央视", "才", "刚刚", "暴光", "因为", "假货", "弄", "的", "截肢", "的", "新闻", ",", "在", "普通", "的", "美甲", "学校", "一般", "学完", "美甲", "差不多", "需要", "1800", "-", "3000", "左右", ",", "如果", "太", "低", "了", ",", "各位", "就要", "小心", "了", "。"], ["学", "美甲", "去哪里", "?"], ["学", "美甲", "去", "哪个", "学校", "最好", "?", "南京", "格林", "彩妆", "学校", ",", "建", "校", "十", "余", "年", ",", "期间", "培训", "了", "数", "万", "多", "名", "优秀", "美甲", "人才", ",", "做为", "国内", "的", "美甲", "学校", ",", "南京", "格林", "彩妆", "美甲", "学校", "从未", "停止", "过", "前进", "的", "脚步", ",", "南京", "格林", "彩妆", "美甲", "学校", "希望", "携手", "所有", "向往", "健康", "美丽", "的", "朋友", ",", "时尚", "美甲", "的", "朋友", ",", "实现", "创业", "梦想", "。", "南京", "格林", "彩妆", "美甲", "学校", "与", "你", "共同", "向", "世界", "展示", "美甲", "的", "美丽", "和", "精髓", "!", "南京", "格林", "彩妆", "美甲", "学校", "与", "您", "一同", "走向", "美甲", "世界", "的", "最高峰", "!"], ["上海", "艾艾", "贴", "总", "代", "苏州", "光芒", "售后", "电话", "溧阳", "针扎", "化纤", "地毯", "公司", "溧阳", "纯毛", "地毯", "价格"], ["溧阳", "塑料地毯", "哪家", "好", "天河", "哪里", "有", "生煎包", "制作", "昆山", "5083", "铝", "批发", "生", "广州", "天河", "好", "的", "杭州", "小笼"]], "paragraphs": ["您当前所在位置:首页>企业资讯>南京哪家好新娘跟妆", "文章导读:本文将为您详细的介绍南京哪家好新娘跟妆及其njg79hz的相关信息,南京浦口区纹绣培训学费分期,南京新娘跟妆南京丹阳纹绣学习包教包会,南京镇江半永久培训班包就业,无锡美甲培训包考证,美甲培训,零基础包教会,低门槛,教学质量高,外地学员提供住宿。通过浏览本文您可以更好的了解南京哪家好新娘跟妆和其相关的资讯。", "对很多爱美爱事业的女孩子来说,开美甲店赚钱是一个非常不错的选择,并且多数女孩子都是选择了自行学习,而并非直接加盟美甲品牌开店,那么,问题来了。学美甲美甲培训需要多少钱呢?", "应该如何选择美甲学校?", "在美甲机构的选择上,建议各位女同学注意以下几点。", "美甲不同于化妆美发,是个很精细的工作,所以选择美甲学校,一定要选择专业的美甲学校(学校只教美甲。)南京格林彩妆学校李萨老师曾今在一个综合学校学过美甲,别提有多后悔了,屋里面教美甲,屋外面一股头发的味道(美发班同学在练习),简直快晕了,所以一定要选择专业的美甲学校,而非美甲,化妆美发等综合学校。", "专业的美甲学校一般是有资质的,比如格林彩妆美甲学校,在南京专业教学四年,这样的专业学校是肯定有美甲教学资质的,而综合学校一般是拿着化妆,美发的资质在美甲,从侧面说,这些学校根本不正归。", "看师资力量与环境,有很多学校都刚刚起步,学校环境不好,在地下室里,而美甲的老师也只有一个,你觉的在这样的学校能学好吗?", "学美甲要多少钱?", "在南京有很多美甲机构,当然从教学质量来分,学费也是不同的。有的人学美甲可能只花了一千,而有的人却花了一万,这里面有什么区别?当然有区别!", "美甲的重点在所用的工具与材料,一千学费的,一般配的材料都是很差的产品,而且有时候还有假货。前段时间央视才刚刚暴光因为假货弄的截肢的新闻,在普通的美甲学校一般学完美甲差不多需要1800-3000左右,如果太低了,各位就要小心了。", "学美甲去哪里?", "学美甲去哪个学校最好?南京格林彩妆学校,建校十余年,期间培训了数万多名优秀美甲人才,做为国内的美甲学校,南京格林彩妆美甲学校从未停止过前进的脚步,南京格林彩妆美甲学校希望携手所有向往健康美丽的朋友,时尚美甲的朋友,实现创业梦想。南京格林彩妆美甲学校与你共同向世界展示美甲的美丽和精髓!南京格林彩妆美甲学校与您一同走向美甲世界的最高峰!", "上海艾艾贴总代 苏州光芒售后电话 溧阳针扎化纤地毯公司 溧阳纯毛地毯价格", "溧阳塑料地毯哪家好 天河哪里有生煎包制作 昆山5083铝批发生 广州天河好的杭州小笼"], "bs_rank_pos": 5}, {"is_selected": false, "title": "南京格远建材_njgyjc【今日推荐网-认证】电话手机联系方式_可信度、", "most_related_para": 11, "segmented_title": ["南京", "格", "远", "建材", "_", "njg", "yjc", "【", "今日推荐", "网", "-", "认证", "】", "电话", "手机", "联系方式", "_", "可信度", "、"], "segmented_paragraphs": [["评论", "(", "300", "字符", "以内", ")"], ["珠海", "阳光", "医院", "www", ".", "zh", "yg", "yy", ".", "com", "珠海", "男科", "医院", "www", ".", "zh", "yg", "yy", ".", "com", "珠海", "男科", "www", ".", "zh", "yg", "yy", ".", "com", "性", "治疗", "师", "www", ".", "xjkg", "lzx", ".", "com", "童嵩珍", "www", ".", "xjkg", "lzx", ".", "com", "性", "治疗", "师", "郑", "青", "www", ".", "xjkg", "lzx", ".", "com", "性", "治疗", "师", "xzl", ".", "3339999", ".", "com", "珠海", "阳光", "医院", "www", ".", "3339999", ".", "com", "珠海", "男科", "医院", "www", ".", "3339999", ".", "com", "珠海", "男科", "www", ".", "3339999", ".", "com", "珠海", "男科", "医院", "zh", "nk", "yy", ".", "b2b", "168", ".", "com"], ["zhy", "g3", "发表", "于", "2016", "-", "10", "-", "01", "16", ":", "45", ":", "14", "ip", ":", "125", ".", "88", ".", "36", ".", "218", "[", "删除", "]"], ["一个人", "的", "忍耐", "是", "有限", "的", ",", "悲伤", "请", "适可而止", "。"], ["春风杨柳轻扬飘", ",", "白", "絮", "飞", "花", "清风", "傲", "。", "月亮", "悠闲", "挂", "柳梢", ",", "柳眉", "淡", "抹", "佳人", "俏", "。", "穿", "天", "杨树", "迎", "云", "笑", ",", "金丝", "柳", "搭", "金丝桥", "。", "垂柳", "摆弄", "风姿", "腰", ",", "春雨", "润", "柳", "和风", "谣", "。", "春天", "是", "美丽", "的", ",", "人", "的", "心情", "也是", "清澈", "的", ",", "这", "就是", "春天", ",", "我愿", "美好", "永远陪伴你", "!"], ["朋友", "是", "人生", "的", "一", "份", "荣华", ",", "是", "生命", "的", "丛林", ",", "是", "心灵", "歇脚", "的", "驿站", ",", "是", "收藏", "心事", "的", "寓", "所", ",", "是", "储蓄", "感情", "的", "行囊", "。", "不管", "人生", "路上", "有", "几", "多", "风雨", ",", "朋友", "如", "伞", ",", "伴", "你", "一", "路", "晴空", "!", "祝", "好友", "天天", "拥有", "好心情", "!"], ["有", "一", "种", "酒", "一点点", "就能", "醉人", ",", "有", "一", "种", "爱", "一点点", "就能", "温馨", ",", "有", "一", "个", "你", "一", "相识", "就", "难以忘怀", ",", "有", "一", "种", "心", "就算", "不", "常见面", "也", "会", "彼此", "挂念", ",", "直到永远", "。"], ["没有", "口水", "与", "汗水", ",", "就", "没有", "成功", "的", "泪水", "。"], ["有", "一", "种", "山", "崩", "于", "前", "而", "面不改色", "的", "品质", "叫", "坚强", ";", "有", "一", "种", "被", "众人", "误解", "却", "据理力争", "的", "勇气", "叫", "坚强", ";", "有", "一", "种", "家徒四壁", "但", "悠然自得", "的", "闲情", "叫", "坚强", "。"], ["今天", "我", "发现", ":", "为什么", "我们", "总是", "觉得", "痛苦", "大于", "快乐", ";", "忧伤", "大于", "欢喜", ";", "悲哀", "大于", "幸福", "。", "原来", "是因为", "我们", "总是", "把", "不", "属于", "痛苦", "的", "东西", "当作", "痛苦", ";", "把", "不", "属于", "忧伤", "的", "东西", "当作", "忧伤", ";", "把", "不", "属于", "悲哀", "的", "东西", "当作", "悲哀", ";", "而", "把", "原本", "该", "属于", "快乐", "欢喜", "幸福", "的", "东西", "看", "得", "很平淡", ",", "没有", "把", "他们", "当作", "真正", "的", "快乐", "欢喜", "和", "幸福", "。"], ["脑筋急转弯", ":", "什么", "袋", "每个", "人", "都", "有", ",", "却", "很少", "有人", "借给", "别人", "?", "答案", ":", "脑袋"], ["我", "不应", "把", "我", "的", "作品", "全", "归功于", "自己", "的", "智慧", ",", "还", "应", "归功于", "我", "以", "外向", "我", "提供", "素材", "的", "成千成万", "的", "事情", "和", "人物", "。", "—", "—", "歌德"]], "paragraphs": ["评论(300字符以内)", "珠海阳光医院www.zhygyy.com珠海男科医院www.zhygyy.com珠海男科www.zhygyy.com性治疗师www.xjkglzx.com童嵩珍www.xjkglzx.com性治疗师郑青www.xjkglzx.com性治疗师xzl.3339999.com珠海阳光医院www.3339999.com珠海男科医院www.3339999.com珠海男科www.3339999.com珠海男科医院zhnkyy.b2b168.com", "zhyg3 发表于 2016-10-01 16:45:14 ip:125.88.36.218 [删除]", "一个人的忍耐是有限的,悲伤请适可而止。", "春风杨柳轻扬飘,白絮飞花清风傲。月亮悠闲挂柳梢,柳眉淡抹佳人俏。穿天杨树迎云笑,金丝柳搭金丝桥。垂柳摆弄风姿腰,春雨润柳和风谣。春天是美丽的,人的心情也是清澈的,这就是春天,我愿美好永远陪伴你!", "朋友是人生的一份荣华,是生命的丛林,是心灵歇脚的驿站,是收藏心事的寓所,是储蓄感情的行囊。不管人生路上有几多风雨,朋友如伞,伴你一路晴空!祝好友天天拥有好心情!", "有一种酒一点点就能醉人,有一种爱一点点就能温馨,有一个你一相识就难以忘怀,有一种心就算不常见面也会彼此挂念,直到永远。", "没有口水与汗水,就没有成功的泪水。", "有一种山崩于前而面不改色的品质叫坚强;有一种被众人误解却据理力争的勇气叫坚强;有一种家徒四壁但悠然自得的闲情叫坚强。", "今天我发现:为什么我们总是觉得痛苦大于快乐;忧伤大于欢喜;悲哀大于幸福。原来是因为我们总是把不属于痛苦的东西当作痛苦;把不属于忧伤的东西当作忧伤;把不属于悲哀的东西当作悲哀;而把原本该属于快乐欢喜幸福的东西看得很平淡,没有把他们当作真正的快乐欢喜和幸福。", "脑筋急转弯:什么袋每个人都有,却很少有人借给别人? 答案:脑袋", "我不应把我的作品全归功于自己的智慧,还应归功于我以外向我提供素材的成千成万的事情和人物。—— 歌德"], "bs_rank_pos": 6}], "answer_spans": [[33, 38]], "fake_answers": ["南京冠全装饰工程有限公司"], "question": "南京装修公司哪家靠谱njgzjz", "segmented_answers": [["南京", "冠", "全", "装饰", "工程", "有限公司", "。"], ["南京", "装饰协会", "。"]], "answers": ["南京冠全装饰工程有限公司。", "南京装饰协会。"], "answer_docs": [1], "segmented_question": ["南京", "装修公司", "哪家", "靠谱", "njg", "zjz"], "question_type": "DESCRIPTION", "question_id": 181601, "fact_or_opinion": "OPINION", "match_scores": [0.923076923076923]}
-{"documents": [{"is_selected": true, "title": "大便常规检查能查出什么?_百度拇指医生", "most_related_para": 1, "segmented_title": ["大便", "常规", "检查", "能", "查出", "什么", "?", "_", "百度", "拇指", "医生"], "segmented_paragraphs": [["?", "大便", "常规", "检查", "能", "查出", "什么", "?"], ["病情", "分析", ":", "大便", "化验", "常规", "包括", "7", "项", "内容", ",", "各种", "结果", "代表", "的", "临床意义", "各不相同", "。", "1", "、", "粪便", "颜色", "正常", "颜色", ":", "成人", "呈", "黄褐色", ",", "婴儿", "为", "黄色", "或", "金黄色", "。", "临床意义", ":", "柏油", "色", ",", "见于", "上消化道出血", "等", "。", "红色", ",", "见于", "痢疾", "、", "结肠癌", "、", "痔", "出血", "等", "。", "陶土色", ",", "见", "了", "各种", "原因", "所致", "阻塞性", "黄疽", "等", "。", "绿色", ",", "见于", "婴儿", "消化不良", "等", "。", "黄绿色", ",", "见于", "伪", "膜", "性", "肠炎", "等", "。", "2", "、", "粪便", "形态", "正常", "形态", ":", "成形", "软便", "。", "临床意义", ":", "粥样", "或", "水样", "稀", "便", ",", "见于", "急性胃肠炎", "、", "食物中毒", "、", "伪", "膜", "性", "肠炎", "等", "。", "粘液", "性", "或", "脓血", "性", "便", ",", "见于", "痢疾", "、", "溃疡性结肠炎", "、", "大", "肠炎", "、", "小", "肠炎", "、", "结肠癌", "、", "直肠癌", "等", "。", "凝乳", "块", "便", ",", "见于", "婴儿", "乳汁", "消化不良", "等", "。", "细", "条状", "便", ",", "见于", "结肠癌", "等", "所致", "直肠", "狭窄", "。", "米汤", "样", "便", ",", "见于", "霍乱", "、", "副", "霍乱", "等", "。", "3", "、", "粪便", "细胞", "正常", "参考", "值", ":", "红细胞", ":", "0", "/", "HP", "。", "白细胞", ":", "偶见", "/", "HP", "。", "临床意义", ":", "红细胞", "出现", "和", "增多", ",", "见于", "痢疾", "、", "肠炎", "、", "结肠癌", "、", "痔疮", "出血", "等", "白细胞", "增多", ",", "见于", "肠炎", "、", "细菌性痢疾", "。", "4", "、", "粪便", "潜血", "正常", "参考", "值", ":", "阴性", "。", "临床意义", ":", "阳性", ",", "见于", "胃肠道", "恶性肿瘤", "、", "伤寒", "、", "溃疡病", "、", "肝硬化", "等", "所", "引起", "的", "消化道出血", "。", "5", "、", "粪", "胆", "素", "正常", "参考", "值", ":", "阴性", "。", "临床意义", ":", "阳性", ",", "见于", "溶血性黄疽", "和", "肝", "性", "黄疽", "等", "。", "6", "、", "粪便", "胆红素", "正常", "参考", "值", ":", "阴性", "。", "临床意义", ":", "阳性", ",", "见于", "溶血性黄疽", "、", "阻塞性", "黄疽", "等", "。", "7", "、", "粪便", "细菌", "培养", "加", "药敏", "正常", "参考", "值", ":", "阴性", "(", "无", "致病菌", ")", "。", "临床意义", ":", "阳性", ",", "见于", "细菌性痢疾", "、", "伤寒", "、", "肠结核", "、", "急慢性", "肠炎", "等", "。", "同时", "可", "根据", "药物", "敏感", ",", "选择", "有效", "的", "抗菌素", "。", "意见建议", ":"]], "paragraphs": ["?大便常规检查能查出什么?", "病情分析:大便化验常规包括7项内容,各种结果代表的临床意义各不相同。 1、粪便颜色 正常颜色:成人呈黄褐色,婴儿为黄色或金黄色。 临床意义:柏油色,见于上消化道出血等。红色,见于痢疾、结肠癌、痔出血等。陶土色,见了各种原因所致阻塞性黄疽等。绿色,见于婴儿消化不良等。黄绿色,见于伪膜性肠炎等。 2、粪便形态 正常形态:成形软便。 临床意义:粥样或水样稀便,见于急性胃肠炎、食物中毒、伪膜性肠炎等。粘液性或脓血性便,见于痢疾、溃疡性结肠炎、大肠炎、小肠炎、结肠癌、直肠癌等。凝乳块便,见于婴儿乳汁消化不良等。细条状便,见于结肠癌等所致直肠狭窄。米汤样便,见于霍乱、副霍乱等。 3、粪便细胞 正常参考值:红细胞:0/HP。白细胞:偶见/HP。 临床意义:红细胞出现和增多,见于痢疾、肠炎、结肠癌、痔疮出血等白细胞增多,见于肠炎、细菌性痢疾。 4、粪便潜血 正常参考值:阴性。 临床意义:阳性,见于胃肠道恶性肿瘤、伤寒、溃疡病、肝硬化等所引起的消化道出血。5、粪胆素 正常参考值:阴性。 临床意义:阳性,见于溶血性黄疽和肝性黄疽等。 6、粪便胆红素 正常参考值:阴性。 临床意义:阳性,见于溶血性黄疽、阻塞性黄疽等。 7、粪便细菌培养加药敏 正常参考值:阴性(无致病菌)。 临床意义:阳性,见于细菌性痢疾、伤寒、肠结核、急慢性肠炎等。同时可根据药物敏感,选择有效的抗菌素。意见建议:"], "bs_rank_pos": 0}, {"is_selected": false, "title": "便常规能查出哪些病_新浪健康_新浪网", "most_related_para": 2, "segmented_title": ["便", "常规", "能", "查出", "哪些", "病", "_", "新浪", "健康", "_", "新浪网"], "segmented_paragraphs": [["您", "体检", "时", "留", "大便", "了", "吗", "?", "可", "别", "小瞧", "这个", "臭烘烘", "的", "东西", ",", "大便", "的", "颜色", "、", "性状", "、", "潜血", "、", "细胞", "等", "与", "疾病", "密切相关", "。", "便", "常规", "检查", "作用", "大", ",", "被", "称为", "消化道", "疾病", "的", "“", "警报器", "”", "。", "所以", ",", "如果", "关注", "自身", "健康", ",", "千万不要", "怕麻烦", ",", "每次", "体检", "一定要", "留下", "宝贵", "的", "“", "便便", "”", "。"], ["便", "常规", "也", "包括", "物理学", "检查", "(", "性状", "、", "颜色", "、", "不消化", "物", "等", ")", "、", "化学", "检查", "(", "隐血", ")", "以及", "显微镜", "检查", "(", "血细胞", "、", "寄生虫", "、", "寄生虫", "虫卵", "、", "结晶", "和", "细菌", "等", ")", "如", "解毒", "便", "常规", "的", "化验", "报告", ",", "可", "参考", "如", "下", "程序", "和", "办法", "。"], ["(", "一", ")", "观", "“", "色", "”", "又", "察", "“", "形", "”", "大便", "的", "颜色", "是", "平时", "就", "可", "经常", "观察", "额", ",", "到", "了", "一定", "的", "年龄", ",", "就要", "养成", "便", "后", "观察", "看看", "自己", "大便", "的", "颜色", "和", "性状", ",", "既不", "麻烦", ",", "有时", "还能", "帮大忙", "。", "大便", "颜色", ":", "正常", "的", "大便", "呈", "黄色", "或", "棕", "黄色", "(", "大便", "中", "含有", "胆道", "排", "下来", "的", "胆黄素", ",", "所以", "才", "呈现", "这种", "颜色", ")", "。", "绿色", "多", "事", "因为", "混杂", "色素", "的", "缘故", ",", "无", "大", "碍", "。", "至于", "棕色", "、", "黑色", "和", "红色", ",", "就要", "注意", "胃肠道", "疾病", "的", "信号灯", "(", "如", "大便", "呈现", "红色", "但", "镜显", "下午", "红细胞", ",", "这", "是", "正常", "的", ",", "可能", "是", "吃", "了", "含有", "色素", "的", "食品", ";", "如果", "镜", "显", "下", "有", "红细胞", ",", "就是", "消化道", "可能", "真", "的", "出现", "了", "问题", ")", "。", "白", "陶土", "样", "便", ":", "一般", "提示", "有", "胆道", "梗阻", ",", "如", "结石", "、", "肿瘤", "或", "蛔虫", "等", "引起", "的", "(", "大便", "里", "没有", "胆黄素", ")", "柏油", "样", "便", ":", "一般", "提示", "上消化道出血", ",", "可能", "是", "良性", "疾病", ",", "也", "可能", "是", "恶性", "疾病", "所致", "。", "一", "单", "发现", ",", "一定要", "及时", "到", "医院", "就诊", "小贴士", ":", "不仅", "要", "观察", "大便", "里", "是否", "有", "血", ",", "还要", "观察", "血", "和", "大便", "的", "关系", ",", "无论", "是", "上消化道", "(", "柏油", "样", "便", ")", "还是", "下", "消化道", "出", "(", "血便", ")", "都", "有", "一", "个", "特点", ",", "那", "就是", "血", "和", "大便", "是", "混", "在", "一起", "的", "(", "便", "里", "有", "血", ",", "血", "里", "有", "便", ")", "如果", "发现", "血", "只是", "附着", "在", "大便", "表面", ",", "或是", "便", "后", "才", "有", "滴血", ",", "多", "半", "是", "患", "了", "痔疮", "。", "大便", "性状", ":", "通过观察", "大便", "的", "性", "(", "性质", ")", "与", "状", "(", "形状", ")", "也", "能", "了解", "一些", "疾病", "信息", ",", "一般", "“", "软", "、", "成形", "”", "为", "正常", ",", "便秘", "者", "为", "“", "硬", "”", "便", ",", "习惯性便秘", "为", "“", "羊粪", "样", "”", "是否", "呈", "液", "状", ",", "则", "可", "用来", "判断", "肠道", "疾病", "的", "轻重", "柏油", "样", "便", ":", "见于", "上消化道出血", "。", "黏液", "稀", "便", ":", "见于", "肠", "壁", "受", "刺激", "或者", "发炎", "时", ",", "如", "肠炎", "、", "痢疾", "和", "急性", "血吸虫病", "等", "。", "黏液", "脓", "性", "血便", ":", "多", "见于", "细菌", "痢疾", "。", "酱色", "黏液", "便", ":", "多", "见于", "阿米巴痢疾", "。", "水样", "、", "蛋", "花样", "便", ":", "多", "见于", "急性肠胃炎", ",", "大量", "见于", "假膜性", "肠炎", "。", "糊状", "便", ":", "多", "见于", "小肠", "疾患", "。", "油", "花", "便", ":", "粪便", "中", "浮", "有", "“", "油", "花", "”", ",", "多", "由于", "脂肪", "类", "进食", "过", "多", ",", "不消化", "所致", "。", "大便", "变", "细", ":", "这时", "要", "小心", "关注", "是否", "患", "有", "消化道", "肿瘤", "。", "(", "二", ")", "“", "隐血", "试验", "”", "是", "重点", "要", "关注", "“", "便", "隐血", "试验", "”", ",", "这", "是", "小", "异常", "预示", "大", "问题", "的", "典型", "代表", ",", "它", "对", "消化道出血", "诊断", "有", "重要", "价值", ",", "现", "常", "作为", "消化道", "恶性肿瘤", "早期诊断", "的", "一", "个", "筛选", "指标", ",", "一般", "要求", "40", "岁", "以上", "的", "健康", "人", "每年", "做", "一次", "隐血", "试验", ",", "作为", "健康", "筛查", "。", "便", "隐形", "式样", "间断", "性", "阳性", "提示", "消化道", "溃疡性", "出血", ",", "持续", "性", "阳性", "提示", "消化道", "恶性肿瘤", ",", "应", "进一步", "做", "消化内镜", "检查", "。", "小贴士", ":", "在", "检测", "隐血", "试验", "是", ",", "检查", "前", "三日", "起", "必须", "禁食", "肉类", "和", "含", "血", "的", "食物", "、", "铁剂", "、", "叶绿素", "(", "如", "菠菜", ")", "等", "食物", ",", "以", "避免", "“", "假", "阳性", "”", "和", "“", "假", "阴性", "”", "假", "阳性", ":", "服用", "阿司匹林", "、", "皮质", "类固醇", "、", "非", "类固醇", "抗炎", "药", "。", "假", "阴性", ":", "摄入", "大量", "的", "维生素", "C", "。", "(", "三", ")", "镜", "下", "观察", "仔细看", "显微镜", "下", "查出", "红细胞", ",", "提示", "多", "半", "患", "了", "结肠炎", "、", "肿瘤", "、", "息肉", "、", "肠结核", "和", "痔疮", "出血", "等", ";", "如", "红细胞", "多余", "白细胞", ",", "多", "为", "阿米巴痢疾", ";", "如", "白细胞", "多于", "红细胞", ",", "多", "为", "细菌性痢疾", ";", "显微镜", "下", "见到", "多", "个", "白细胞", "而", "无", "红细胞", ",", "提示", "患", "有", "肠炎", ";", "显微镜", "下", "见到", "虫卵", "及", "成虫", ",", "证明", "有", "寄生虫", "感染", "。", "(", "四", ")", "推荐", "反复", "检查", "一", "次", "便", "常规", "异常", "不一定", "就", "说明", "了", "消化系统", "有问题", ",", "必要时", "应当", "反复", "化验", "协助", "诊断", ",", "出现", "一次", "不可怕", ",", "可怕", "的", "是", ",", "它", "经常出现", "而", "被", "忽视", "。", "如果", ",", "大便", "习惯", "在", "一定", "时间", "内", "发生", "明显", "的", "变化", ",", "比如", "反复", "出现", "腹泻", "或", "便秘", ",", "或", "便秘", "和", "腹泻", "交替", "出现", ",", "一定要去", "关注", "。", "希望", "朋友们", "在", "体检", "中", "来", "辨识", "“", "便便", "”", "的", "真面目", ",", "不", "正常", "的", "现象", "背后", ",", "一定", "有", "不", "正常", "的", "健康", "因素", ",", "望", "大家", "都", "能够", "拥有", "五星级", "大便", ",", "永远", "健康", ",", "年轻", ",", "貌", "美", "!", "文章", "关键词", ":", "大便", "疾病", "性福", "课堂", "NO", "54", ":", "男人", "越", "吃", "辣", "性能力", "越", "强", "吗", "2014", "-", "12", "-", "23", "17", ":", "19", "水中分娩", "并非", "人人", "皆宜", "2014", "-", "12", "-", "23", "10", ":", "57", "石榴", "有", "伟哥", "功效", "吗", "2014", "-", "12", "-", "23", "10", ":", "27", "老", "吃", "太饱", "撑", "出", "10", "种", "病", "2014", "-", "12", "-", "22", "15", ":", "06", "办公室", "久坐", "易", "引", "6", "病", "如何", "防", "2014", "-", "12", "-", "22", "10", ":", "49"]], "paragraphs": ["您体检时留大便了吗?可别小瞧这个臭烘烘的东西,大便的颜色、性状、潜血、细胞等与疾病密切相关。便常规检查作用大,被称为消化道疾病的“警报器”。所以,如果关注自身健康,千万不要怕麻烦,每次体检一定要留下宝贵的“便便”。", "便常规也包括物理学检查(性状、颜色、不消化物等)、化学检查(隐血)以及显微镜检查(血细胞、寄生虫、寄生虫虫卵、结晶和细菌等)如解毒便常规的化验报告,可参考如下程序和办法。", "(一) 观“色”又察“形” 大便的颜色是平时就可经常观察额,到了一定的年龄,就要养成便后观察看看自己大便的颜色和性状,既不麻烦,有时还能帮大忙。 大便颜色:正常的大便呈黄色或棕黄色(大便中含有胆道排下来的胆黄素,所以才呈现这种颜色)。绿色多事因为混杂色素的缘故,无大碍。至于棕色、黑色和红色,就要注意胃肠道疾病的信号灯(如大便呈现红色但镜显下午红细胞,这是正常的,可能是吃了含有色素的食品;如果镜显下有红细胞,就是消化道可能真的出现了问题)。 白陶土样便:一般提示有胆道梗阻,如结石、肿瘤或蛔虫等引起的(大便里没有胆黄素) 柏油样便:一般提示上消化道出血,可能是良性疾病,也可能是恶性疾病所致。一单发现,一定要及时到医院就诊 小贴士:不仅要观察大便里是否有血,还要观察血和大便的关系,无论是上消化道(柏油样便)还是下消化道出(血便)都有一个特点,那就是血和大便是混在一起的(便里有血,血里有便)如果发现血只是附着在大便表面,或是便后才有滴血,多半是患了痔疮。 大便性状:通过观察大便的性(性质)与状(形状)也能了解一些疾病信息,一般“软、成形”为正常,便秘者为“硬”便,习惯性便秘为“羊粪样”是否呈液状,则可用来判断肠道疾病的轻重 柏油样便:见于上消化道出血。 黏液稀便:见于肠壁受刺激或者发炎时,如肠炎、痢疾和急性血吸虫病等。 黏液脓性血便:多见于细菌痢疾。 酱色黏液便:多见于阿米巴痢疾。 水样、蛋花样便:多见于急性肠胃炎,大量见于假膜性肠炎。 糊状便:多见于小肠疾患。 油花便:粪便中浮有“油花”,多由于脂肪类进食过多,不消化所致。 大便变细:这时要小心关注是否患有消化道肿瘤。 (二)“隐血试验”是重点 要关注“便隐血试验”,这是小异常预示大问题的典型代表,它对消化道出血诊断有重要价值,现常作为消化道恶性肿瘤早期诊断的一个筛选指标,一般要求40岁以上的健康人每年做一次隐血试验,作为健康筛查。便隐形式样间断性阳性提示消化道溃疡性出血,持续性阳性提示消化道恶性肿瘤,应进一步做消化内镜检查。 小贴士:在检测隐血试验是,检查前三日起必须禁食肉类和含血的食物、铁剂、叶绿素(如菠菜)等食物,以避免“假阳性”和“假阴性” 假阳性:服用阿司匹林、皮质类固醇、非类固醇抗炎药。 假阴性:摄入大量的维生素C。 (三)镜下观察仔细看 显微镜下查出红细胞,提示多半患了结肠炎、肿瘤、息肉、肠结核和痔疮出血等;如红细胞多余白细胞,多为阿米巴痢疾;如白细胞多于红细胞,多为细菌性痢疾;显微镜下见到多个白细胞而无红细胞,提示患有肠炎;显微镜下见到虫卵及成虫,证明有寄生虫感染。 (四)推荐反复检查 一次便常规异常不一定就说明了消化系统有问题,必要时应当反复化验协助诊断,出现一次不可怕,可怕的是,它经常出现而被忽视。如果,大便习惯在一定时间内发生明显的变化,比如反复出现腹泻或便秘,或便秘和腹泻交替出现,一定要去关注。 希望朋友们在体检中来辨识“便便”的真面目,不正常的现象背后,一定有不正常的健康因素,望大家都能够拥有五星级大便,永远健康,年轻,貌美!文章关键词: 大便疾病性福课堂NO54:男人越吃辣性能力越强吗2014-12-23 17:19 水中分娩并非人人皆宜2014-12-23 10:57 石榴有伟哥功效吗2014-12-23 10:27 老吃太饱撑出10种病2014-12-22 15:06 办公室久坐易引6病如何防2014-12-22 10:49"], "bs_rank_pos": 1}, {"is_selected": true, "title": "大便常规能检查出什么_百度拇指医生", "most_related_para": 1, "segmented_title": ["大便", "常规", "能", "检查", "出", "什么", "_", "百度", "拇指", "医生"], "segmented_paragraphs": [["?", "大便", "常规", "能", "检查", "出", "什么"], ["正常", "粪便", "由", "已", "消化", "和", "消化", "未尽", "的", "食物残渣", "、", "消化道", "分泌物", ",", "大量", "细菌", "和", "水分", "组成", ",", "通过", "全", "肠道", ",", "特别", "是", "结肠", "直肠", "而", "逐渐形成", ",", "它", "不", "但", "能", "反映", "消化道", "的", "功能", "状态", "及", "病理", "情况", ",", "也有", "助", "于", "某些", "全身", "疾病", "的", "诊断", "。", "大便", "常规", "检查", "属于", "三大", "常规", "之", "列", "。", "1", ".", "偶发", "或", "长期", "腹泻", "的", "患者", "。", "2", ".", "较", "长时间", "便秘", "的", "患者", ",", "包括", "用药", "后", "便秘", "。", "3", ".", "如果", "您", "有", "脐", "周围", "原因不明", "的", "腹痛", "、", "腹胀", "、", "消化不良", ",", "大便", "常规", "检查", "是", "必不可少", "的", "一", "步", "。", "4", ".", "发现", "大便", "颜色", "出现异常", ",", "呈", "黑色", "、", "陶土色", "、", "绿色", "、", "酱", "红色", "等", ",", "大便", "性状", "改变", ",", "稀", "水", "、", "黏液", "便", "、", "脓血", "便", "等", "。", "5", ".", "大便", "中", "明显", "可见", "未", "消化", "的", "食物", "、", "菜", "叶", "、", "油", "花", "等", "。", "6", ".", "不明原因", "的", "发热", "。", "7", ".", "临床", "上", "疑", "有", "胃癌", "、", "结肠癌", "、", "胰腺癌", "等", "。", "8", ".", "有", "便", "虫", "史", "者", ",", "可以", "确定", "肠道", "寄生虫", "种类", "。", "9", ".", "各种", "原因", "的", "黄疸", "患者", "应", "查", "大便", "常规", ",", "可", "助", "临床诊断", "。", "1", ".", "了解", "消化道", "及", "通", "向", "消化道", "的", "胆管", "有无", "炎症", "、", "感染", "存在", ",", "包括", "寄生虫", "感染", "。", "如", "肠炎", "时", "镜", "检", "可", "查出", "脓细胞", ",", "溃疡性结肠炎", "时", "有", "较多", "红细胞", ",", "胆道", "中", "蛔虫", "症", "及", "肠道", "蛔虫", "症", "可", "查出", "蛔虫", "卵", "。", "2", ".", "了解", "消化道", "及", "通", "向", "消化道", "的", "胆管", "有无", "病变", "引起", "的", "出血", ",", "以便", "进一步", "细", "查", "。", "如", "肝硬化", "食管", "静脉曲张", "、", "溃疡病", "、", "胆管", "出血", ",", "出血量", "较", "大", "时", ",", "肉眼", "可见", "明显", "血便", "或", "黑便", ";", "而", "结肠", "肿瘤", ",", "溃疡性结肠炎", ",", "血便", "更", "是", "主要症状", "。", "3", ".", "粪便", "隐血", "试验", "(", "化学", "法", "或", "免疫", "法", ")", "可以", "查", "肉眼", "不能", "辨明", "的", "出血", "。", "隐血", "阳性", "除", "提示", "消化道", "有", "出血", "应", "细", "查", "原因", "外", ",", "由于", "消化道", "良", "、", "恶性肿瘤", "常", "发生", "小", "量", "出血", ",", "肉眼", "不能", "辨明", ",", "故", "隐血", "试验", "亦可", "作为", "消化道", "肿瘤", "普查", "的", "初筛", "手段", "。", "4", ".", "通过", "细菌", "培养", "或", "镜", "检", ",", "可以", "检查", "肠道", "有无", "致病菌", "(", "如", "伤寒", "杆菌", "、", "沙", "门", "杆菌", "、", "痢疾杆菌", ")", "以", "防治", "肠道传染病", "。", "5", ".", "协助", "诊断", "某些", "肝胆", "疾病", ",", "如", "阻塞性黄疸", "时", "大便", "呈", "陶土色", "、", "胆石症", "时", "粪", "中", "可", "检出", "小", "结石", "。", "6", ".", "了解", "食物", "在", "胃肠道", "内", "消化", "情况", "的", "参考", "。", "粪便", "见", "油", "珠", "说明", "脂肪", "消化", "吸收", "不良", ";", "见", "肉食纤维", "说明", "蛋白质", "消化不良", "等", "。", "三", "、", "送检", "粪便", "标本", "注意事项", ":", "1", ".", "粪便", "中", "不能", "混", "有", "尿液", ",", "因为", "有些", "被", "检", "成分", "会", "被", "尿液", "的", "成分", "破坏", ",", "出现", "假", "阴", ",", "陛", "。", "2", ".", "最好", "按", "医嘱", "停服", "某些", "药物", "与", "食物", ",", "否则", "可", "出现", "某些", "假", "阳性", "结果", "(", "如", "服用", "中药", "或", "食用", "蔬菜", "、", "羊血", "等", "会导致", "粪便", "隐血", "阳性", ")", "。", "3", ".", "挑", "送", "您", "认为", "不", "正常", "的", "成分", ",", "如", "脓", "、", "血", "、", "像", "鼻涕", "样", "的", "黏液", ",", "不要", "挑", "送", "外观", "正常", "便", "送检", "。", "4", ".", "留", "取", "蚕豆", "大小", "一", "块", "就", "够用", "了", "。", "5", ".", "要", "用", "不", "吸水", "的", "蜡", "纸袋", "或", "塑料", "纸袋", "送检", ",", "最好", "事", "先", "在", "化验室", "取", "容器", "。", "6", ".", "不要忘记", "贴上", "您", "的", "名字", "、", "日期", "。", "7", ".", "大便", "要", "新鲜", ",", "最好", "是", "立", "解", "立", "送", "(", "尤其", "是", "冬天", ")", ",", "至少", "也", "要", "是", "当天", "早上", "的", "。"]], "paragraphs": ["?大便常规能检查出什么", "正常粪便由已消化和消化未尽的食物残渣、消化道分泌物,大量细菌和水分组成,通过全肠道,特别是结肠直肠而逐渐形成,它不但能反映消化道的功能状态及病理情况,也有助于某些全身疾病的诊断。大便常规检查属于三大常规之列。1.偶发或长期腹泻的患者。2.较长时间便秘的患者,包括用药后便秘。3.如果您有脐周围原因不明的腹痛、腹胀、消化不良,大便常规检查是必不可少的一步。4.发现大便颜色出现异常,呈黑色、陶土色、绿色、酱红色等,大便性状改变,稀水、黏液便、脓血便等。5.大便中明显可见未消化的食物、菜叶、油花等。6.不明原因的发热。7.临床上疑有胃癌、结肠癌、胰腺癌等。8.有便虫史者,可以确定肠道寄生虫种类。9.各种原因的黄疸患者应查大便常规,可助临床诊断。1.了解消化道及通向消化道的胆管有无炎症、感染存在,包括寄生虫感染。如肠炎时镜检可查出脓细胞,溃疡性结肠炎时有较多红细胞,胆道中蛔虫症及肠道蛔虫症可查出蛔虫卵。2.了解消化道及通向消化道的胆管有无病变引起的出血,以便进一步细查。如肝硬化食管静脉曲张、溃疡病、胆管出血,出血量较大时,肉眼可见明显血便或黑便;而结肠肿瘤,溃疡性结肠炎,血便更是主要症状。3.粪便隐血试验(化学法或免疫法)可以查肉眼不能辨明的出血。隐血阳性除提示消化道有出血应细查原因外,由于消化道良、恶性肿瘤常发生小量出血,肉眼不能辨明,故隐血试验亦可作为消化道肿瘤普查的初筛手段。4.通过细菌培养或镜检,可以检查肠道有无致病菌(如伤寒杆菌、沙门杆菌、痢疾杆菌)以防治肠道传染病。5.协助诊断某些肝胆疾病,如阻塞性黄疸时大便呈陶土色、胆石症时粪中可检出小结石。6.了解食物在胃肠道内消化情况的参考。粪便见油珠说明脂肪消化吸收不良;见肉食纤维说明蛋白质消化不良等。三、送检粪便标本注意事项:1.粪便中不能混有尿液,因为有些被检成分会被尿液的成分破坏,出现假阴,陛。2.最好按医嘱停服某些药物与食物,否则可出现某些假阳性结果(如服用中药或食用蔬菜、羊血等会导致粪便隐血阳性)。3.挑送您认为不正常的成分,如脓、血、像鼻涕样的黏液,不要挑送外观正常便送检。4.留取蚕豆大小一块就够用了。5.要用不吸水的蜡纸袋或塑料纸袋送检,最好事先在化验室取容器。6.不要忘记贴上您的名字、日期。7.大便要新鲜,最好是立解立送(尤其是冬天),至少也要是当天早上的。"], "bs_rank_pos": 2}, {"is_selected": true, "title": "大便常规能检查出肠癌吗_39健康问答_39健康网", "most_related_para": 3, "segmented_title": ["大便", "常规", "能", "检查", "出", "肠癌", "吗", "_", "39", "健康", "问答", "_", "39", "健康网"], "segmented_paragraphs": [["大便", "常规", "能", "检查", "出", "肠癌", "吗"], ["大便", "常规", "能", "检查", "出", "肠癌", "吗"], ["精选", "回答", "(", "4", ")"], ["大便", "常规", "主要", "检测", "是否", "潜血", "或者", "有", "白细胞", ",", "以", "判断", "内出血", "和", "炎症", ",", "大肠癌", "能够", "在", "大便", "中", "找到", "癌细胞", "。"], ["2014", "-", "01", "-", "15", "16", ":", "25", "投诉"], ["大便", "隐血", "试验", "简便易行", "费用", "低廉", ",", "可", "作为", "大肠癌", "大规模", "普查", "的", "初筛", "方法", "。", "明确", "诊断", "可以", "做", "肠镜", "检查", "。"], ["2014", "-", "01", "-", "15", "16", ":", "29", "投诉"], ["擅长", ":", "肿瘤", "科", "常见", "的", "恶性肿瘤", ",", "对", "呼吸系统", "、", "消化系统", ",", "泌尿系统", "以及", "妇科", "恶性肿瘤", "的", "诊断", "以及", "治疗", "均", "有", "较为", "丰富", "的", "经验", "。"], ["大便", "常规", "不能", "检查", "出", "肠癌", ",", "也", "不能", "作为", "肠癌", "的", "确诊", "依据", ",", "需要", "进行", "肠镜", "检查", "等", ",", "取", "病变", "部位", "的", "组织", "进行", "病理", "检查", ",", "才能", "确诊", "的", "。"], ["2016", "-", "10", "-", "10", "17", ":", "33", "投诉"], ["你好", ",", "大便", "常规", "不能", "检查", "出", "肠癌", ",", "也", "不能", "作为", "肠癌", "的", "确诊", "依据", ",", "需要", "进行", "肠镜", "检查", "等", ",", "取", "病变", "部位", "的", "组织", "进行", "病理", "检查", ",", "才能", "确诊", ",", "建议", "描述", "清楚", "你现在", "有", "哪些", "不适", "的", "症状", ",", "尽快", "的", "给", "于", "早发现", ",", "早", "诊断", ",", "早", "治疗", ",", "早", "手术", ",", "祝你幸福", "健康", "。"], ["2017", "-", "04", "-", "19", "09", ":", "59", "投诉"], ["大肠癌", "能", "活", "多久"], ["大肠癌", "在", "我", "国", "的", "发病率", "已经", "占", "至", "肠道", "肿瘤", "的", "第一位", ",", "也是", "一", "种", "恶性肿瘤", ",", "对", "患者", "的", "危害", "很大", ",", "很多", "患病", "的", "人", "都", "想", "知道", "自己", "还能", "活", "多久", "。", "下"], ["直肠癌", "的", "早期", "症状", "图片", "直肠癌", "能", "活", "多久", "直肠癌", "的", "早期症状", "及", "表现", "是", "什么", "大肠癌", "筛查", "阳性", "什么", "意思"], ["大肠癌", "是", "指", "大肠", "粘膜", "上", "皮", "在", "环境", "或", "遗传", "等", "多", "种", "致癌", "因素", "作用", "下", "发生", "的", "恶性病变", ",", "预后", "不良", ",", "死亡率", "较", "高", ",", "是", "我", "国", "常见", "的", "恶性肿瘤", "之", "一", "。", "其中", "由", "粘膜", "上", "皮", "发生", "的", "恶性肿瘤", "统称", "为", "大肠癌", ",", "为", "胃肠道", "最", "常见", "的", "恶性肿瘤", "。", "起源于", "间", "叶", "组织者", "称为", "肉瘤", ",", "约", "占", "大肠", "恶性", "病变", "的", "1", "%", "。", "手术", "切除", "后", "的", "5", "年", "生存率", "平均", "可达", "40", "%", "~", "60", "%", ",", "早期发现", "、", "早期诊断", "、", "早期", "治疗", "以及", "开展", "规范化", "的", "手术治疗", "仍", "是", "提高", "大肠癌", "疗效", "的", "关键", "。"], ["全国", "三甲医院", ",", "主任", "级", "名医", "在线", "坐诊", "已有", "124", "家", "三甲医院", ",", "828", "位", "主任医师", "在线答疑"]], "paragraphs": ["大便常规能检查出肠癌吗", "大便常规能检查出肠癌吗", "精选回答(4)", "大便常规主要检测是否潜血或者有白细胞,以判断内出血和炎症,大肠癌能够在大便中找到癌细胞。", "2014-01-15 16:25 投诉", "大便隐血试验简便易行费用低廉,可作为大肠癌大规模普查的初筛方法。明确诊断可以做肠镜检查。", "2014-01-15 16:29 投诉", "擅长:肿瘤科常见的恶性肿瘤,对呼吸系统、消化系统,泌尿系统以及妇科恶性肿瘤的诊断以及治疗均有较为丰富的经验。", "大便常规不能检查出肠癌,也不能作为肠癌的确诊依据,需要进行肠镜检查等,取病变部位的组织进行病理检查,才能确诊的。", "2016-10-10 17:33 投诉", "你好,大便常规不能检查出肠癌,也不能作为肠癌的确诊依据,需要进行肠镜检查等,取病变部位的组织进行病理检查,才能确诊,建议描述清楚你现在有哪些不适的症状,尽快的给于早发现,早诊断,早治疗,早手术,祝你幸福健康。", "2017-04-19 09:59 投诉", "大肠癌能活多久", "大肠癌在我国的发病率已经占至肠道肿瘤的第一位,也是一种恶性肿瘤,对患者的危害很大,很多患病的人都想知道自己还能活多久。下", "直肠癌的早期症状图片 直肠癌能活多久 直肠癌的早期症状及表现是什么 大肠癌筛查阳性什么意思", "大肠癌是指大肠粘膜上皮在环境或遗传等多种致癌因素作用下发生的恶性病变,预后不良,死亡率较高,是我国常见的恶性肿瘤之一。其中由粘膜上皮发生的恶性肿瘤统称为大肠癌,为胃肠道最常见的恶性肿瘤。起源于间叶组织者称为肉瘤,约占大肠恶性病变的1%。手术切除后的5年生存率平均可达40%~60%,早期发现、早期诊断、早期治疗以及开展规范化的手术治疗仍是提高大肠癌疗效的关键。", "全国三甲医院,主任级名医在线坐诊已有124家三甲医院,828位主任医师在线答疑"], "bs_rank_pos": 3}, {"is_selected": false, "title": "检查大便能检查出什么_百度拇指医生", "most_related_para": 1, "segmented_title": ["检查", "大便", "能", "检查", "出", "什么", "_", "百度", "拇指", "医生"], "segmented_paragraphs": [["?", "检查", "大便", "能", "检查", "出", "什么"], ["大便", "常规", "分享", "一", "、", "一般", "性状", ":", "正常", "为", "黄色", "软便", "。", "颜色", "异常", "有", "以下", "几种情况", ":", "1", ".", "黑色", "或", "柏油", "样", ":", "见于", "上消化道出血", ",", "如", "溃疡病", "出血", "、", "食道", "静脉曲张", "破裂", "、", "消化道", "肿瘤", "等", "。", "如", "服", "铁剂", "、", "铋剂", "或", "进食", "动物", "血", "及", "肝脏", "后", "粪便", "也", "可", "呈", "黑色", "。", "2", ".", "白陶土", "色", ":", "见于", "胆道", "完全", "梗阻", "时", "或", "服", "钡餐", "造影", "后", "。", "3", ".", "果酱", "色", ":", "见于", "阿米巴痢疾", "或", "肠套叠", "时", "。", "4", ".", "红色", ":", "见于", "下", "消化道出血", ",", "如", "痔疮", "、", "肛裂", "、", "肠息肉", "、", "结肠癌", "、", "放射性", "结肠炎", "等", ",", "或", "服用", "番茄", "、", "红辣椒", "、", "扑蛲灵", "、", "酚酞", "、", "保泰松", "、", "利福平", "、", "阿司匹林", "后", "。", "5", ".", "绿色", ":", "因", "肠管", "蠕动", "过", "快", ",", "胆绿素", "在", "肠", "内", "尚未", "转变", "为", "粪胆素", "所致", ",", "多", "见于", "婴幼儿", "急性腹泻", "及", "空肠", "弯曲", "菌", "肠炎", "。", "6", "米泔", "样", "便", ":", "常见", "于", "重症", "霍乱", "、", "副", "霍乱", "患者", "。", "7", "细", "条", "样", "便", ":", "常见", "于", "直肠癌", "。", "性状", "异常", "有", "以下", "几种情况", ":", "1", ".", "稀", "粥样", "便", ":", "见于", "服用", "缓泻剂", "后", "。", "2", ".", "水样", "便", ":", "见于", "急性肠炎", "、", "食物中毒", "等", "。", "婴幼儿", "腹泻", "常见", "蛋", "花", "汤", "样", "便", ";", "霍乱", "、", "副", "霍乱", "可见", "米泔", "水样", "便", ";", "出血", "性", "小", "肠炎", "可见", "赤豆", "汤", "样", "便", "。", "3", ".", "黏液", "便", ":", "见于", "结肠", "过敏症", "或", "慢性结肠炎", "。", "4", ".", "黏液", "脓血", "便", ":", "见于", "急", "、", "慢性", "痢疾", "。", "5", ".", "凝乳", "块", ":", "多", "见于", "婴儿", "粪便", "中", ",", "呈", "白色", "块", "样", "物", ",", "为", "脂肪", "或", "酪蛋白", "消化不良", "或", "饮食", "过", "多", "所致", "。", "二", "、", "显微镜", "检查", "正常", "为", "阴性", "(", "-", ")", "异常", "情况", "有", "以下", "几", "种", ":", "1", ".", "发现", "红细胞", "(", "RBC", ")", ":", "见于", "下", "消化道出血", "、", "肠道", "炎症", "、", "肠结核", "、", "结肠", "肿瘤", "等", "。", "2", ".", "发现", "白细胞", "(", "WBC", ")", "或", "脓细胞", ":", "见于", "肠道", "炎症", ",", "其", "数量", "多少", "一般", "可", "反映", "肠道", "炎症", "的", "程度", "。", "3", ".", "发现", "寄生虫", "卵", ":", "见于", "肠道", "寄生虫", "病", "。", "三", "、", "隐血", "试验", ":", "如果", "上消化道", "出血量", "少于", "100", "毫升", "时", ",", "肉眼", "及", "镜", "检", "不能", "发现", "粪便", "内", "的", "血液", ",", "此时", "应", "借助", "隐血", "试验", "以", "助", "诊断", "。", "健康", "人", "在", "忌食", "动物", "血", "和", "绿叶菜", "时", ",", "隐血", "试验", "为", "阴性", "(", "-", ")", ",", "若", "忌食", "上述", "食物", "仍", "持续", "阳性", "(", "+", ")", ",", "提示", "消化道", "慢性", "出血", "。"]], "paragraphs": ["?检查大便能检查出什么", "大便常规分享一、一般性状:正常为黄色软便。 颜色异常有以下几种情况: 1.黑色或柏油样:见于上消化道出血,如溃疡病出血、食道静脉曲张破裂、消化道肿瘤等。如服铁剂、铋剂或进食动物血及肝脏后粪便也可呈黑色。 2.白陶土色:见于胆道完全梗阻时或服钡餐造影后。 3.果酱色:见于阿米巴痢疾或肠套叠时。 4.红色:见于下消化道出血,如痔疮、肛裂、肠息肉、结肠癌、放射性结肠炎等,或服用番茄、红辣椒、扑蛲灵、酚酞、保泰松、利福平、阿司匹林后。 5.绿色:因肠管蠕动过快,胆绿素在肠内尚未转变为粪胆素所致,多见于婴幼儿急性腹泻及空肠弯曲菌肠炎。 6米泔样便:常见于重症霍乱、副霍乱患者。 7细条样便:常见于直肠癌。 性状异常有以下几种情况: 1.稀粥样便:见于服用缓泻剂后。 2.水样便:见于急性肠炎、食物中毒等。婴幼儿腹泻常见蛋花汤样便;霍乱、副霍乱可见米泔水样便;出血性小肠炎可见赤豆汤样便。 3.黏液便:见于结肠过敏症或慢性结肠炎。 4.黏液脓血便:见于急、慢性痢疾。 5.凝乳块:多见于婴儿粪便中,呈白色块样物,为脂肪或酪蛋白消化不良或饮食过多所致。二、显微镜检查正常为阴性(-) 异常情况有以下几种: 1.发现红细胞(RBC):见于下消化道出血、肠道炎症、肠结核、结肠肿瘤等。 2.发现白细胞(WBC)或脓细胞:见于肠道炎症,其数量多少一般可反映肠道炎症的程度。 3.发现寄生虫卵:见于肠道寄生虫病。 三、隐血试验:如果上消化道出血量少于100毫升时,肉眼及镜检不能发现粪便内的血液,此时应借助隐血试验以助诊断。健康人在忌食动物血和绿叶菜时,隐血试验为阴性(-),若忌食上述食物仍持续阳性(+),提示消化道慢性出血。"], "bs_rank_pos": 4}], "answer_spans": [[0, 23]], "fake_answers": ["大便常规主要检测是否潜血或者有白细胞,以判断内出血和炎症,大肠癌能够在大便中找到癌细胞。"], "question": "大便检查能查出什么", "segmented_answers": [["1", "、", "粪便", "颜色", ":", "柏油", "色", ",", "见于", "上消化道出血", "等", "。", "红色", ",", "见于", "痢疾", "、", "结肠癌", "、", "痔", "出血", "等", "。", "陶土色", ",", "见", "了", "各种", "原因", "所致", "阻塞性", "黄疽", "等", "。", "绿色", ",", "见于", "婴儿", "消化不良", "等", "。", "黄绿色", ",", "见于", "伪", "膜", "性", "肠炎", "等", "。", "2", "、", "粪便", "形态", ":", "粥样", "或", "水样", "稀", "便", ",", "见于", "急性胃肠炎", "、", "食物中毒", "、", "伪", "膜", "性", "肠炎", "等", "。", "粘液", "性", "或", "脓血", "性", "便", ",", "见于", "痢疾", "、", "溃疡性结肠炎", "、", "大", "肠炎", "、", "小", "肠炎", "、", "结肠癌", "、", "直肠癌", "等", "。", "凝乳", "块", "便", ",", "见于", "婴儿", "乳汁", "消化不良", "等", "。", "细", "条状", "便", ",", "见于", "结肠癌", "等", "所致", "直肠", "狭窄", "。", "米汤", "样", "便", ",", "见于", "霍乱", "、", "副", "霍乱", "等", "。", "3", "、", "粪便", "细胞", ":", "红细胞", "出现", "和", "增多", ",", "见于", "痢疾", "、", "肠炎", "、", "结肠癌", "、", "痔疮", "出血", "等", "白细胞", "增多", ",", "见于", "肠炎", "、", "细菌性痢疾", "。", "4", "、", "粪便", "潜血", ":", "阳性", ",", "见于", "胃肠道", "恶性肿瘤", "、", "伤寒", "、", "溃疡病", "、", "肝硬化", "等", "所", "引起", "的", "消化道出血", "。", "5", "、", "粪胆素", ":", "阳性", ",", "见于", "溶血性黄疽", "和", "肝", "性", "黄疽", "等", "。", "6", "、", "粪便", "胆红素", ":", "阳性", ",", "见于", "溶血性黄疽", "、", "阻塞性", "黄疽", "等", "。", "7", "、", "粪便", "细菌", "培养", "加", "药敏", ":", "阳性", ",", "见于", "细菌性痢疾", "、", "伤寒", "、", "肠结核", "、", "急慢性", "肠炎", "等", "。"], ["1", ".", "发现", "大便", "颜色", "出现异常", ",", "呈", "黑色", "、", "陶土色", "、", "绿色", "、", "酱", "红色", "等", ",", "大便", "性状", "改变", ",", "稀", "水", "、", "黏液", "便", "、", "脓血", "便", "等", "。", "2", ".", "了解", "消化道", "及", "通", "向", "消化道", "的", "胆管", "有无", "病变", "引起", "的", "出血", ",", "以便", "进一步", "细", "查", "。", "如", "肝硬化", "食管", "静脉曲张", "、", "溃疡病", "、", "胆管", "出血", ",", "出血量", "较", "大", "时", ",", "肉眼", "可见", "明显", "血便", "或", "黑便", ";", "而", "结肠", "肿瘤", ",", "溃疡性结肠炎", ",", "血便", "更", "是", "主要症状", "。", "3", ".", "协助", "诊断", "某些", "肝胆", "疾病", ",", "如", "阻塞性黄疸", "时", "大便", "呈", "陶土色", "、", "胆石症", "时", "粪", "中", "可", "检出", "小", "结石", "。"], ["大便", "常规", "主要", "检测", "是否", "潜血", "或者", "有", "白细胞", ",", "以", "判断", "内出血", "和", "炎症", ",", "大肠癌", "能够", "在", "大便", "中", "找到", "癌细胞", "。"]], "answers": ["1、粪便颜色:柏油色,见于上消化道出血等。红色,见于痢疾、结肠癌、痔出血等。陶土色,见了各种原因所致阻塞性黄疽等。绿色,见于婴儿消化不良等。黄绿色,见于伪膜性肠炎等。 2、粪便形态:粥样或水样稀便,见于急性胃肠炎、食物中毒、伪膜性肠炎等。粘液性或脓血性便,见于痢疾、溃疡性结肠炎、大肠炎、小肠炎、结肠癌、直肠癌等。凝乳块便,见于婴儿乳汁消化不良等。细条状便,见于结肠癌等所致直肠狭窄。米汤样便,见于霍乱、副霍乱等。 3、粪便细胞:红细胞出现和增多,见于痢疾、肠炎、结肠癌、痔疮出血等白细胞增多,见于肠炎、细菌性痢疾。 4、粪便潜血:阳性,见于胃肠道恶性肿瘤、伤寒、溃疡病、肝硬化等所引起的消化道出血。5、粪胆素:阳性,见于溶血性黄疽和肝性黄疽等。 6、粪便胆红素:阳性,见于溶血性黄疽、阻塞性黄疽等。 7、粪便细菌培养加药敏:阳性,见于细菌性痢疾、伤寒、肠结核、急慢性肠炎等。", "1.发现大便颜色出现异常,呈黑色、陶土色、绿色、酱红色等,大便性状改变,稀水、黏液便、脓血便等。2.了解消化道及通向消化道的胆管有无病变引起的出血,以便进一步细查。如肝硬化食管静脉曲张、溃疡病、胆管出血,出血量较大时,肉眼可见明显血便或黑便;而结肠肿瘤,溃疡性结肠炎,血便更是主要症状。3.协助诊断某些肝胆疾病,如阻塞性黄疸时大便呈陶土色、胆石症时粪中可检出小结石。", "大便常规主要检测是否潜血或者有白细胞,以判断内出血和炎症,大肠癌能够在大便中找到癌细胞。"], "answer_docs": [3], "segmented_question": ["大便", "检查", "能", "查出", "什么"], "question_type": "DESCRIPTION", "question_id": 181602, "fact_or_opinion": "FACT", "match_scores": [0.9166666666666666]}
-{"documents": [{"is_selected": false, "title": "天津塘沽区哪有正规的男科医院?_有问必答_快速问医生", "most_related_para": 6, "segmented_title": ["天津", "塘沽", "区", "哪有", "正规", "的", "男科", "医院", "?", "_", "有问必答", "_", "快速", "问", "医生"], "segmented_paragraphs": [["健康", "咨询", "描述", ":", "我", "想", "检查", ",", "夫妻生活", "时间", "过", "短"], ["早泄", "是", "指", "有", "规律", "的", "性生活", "后", ",", "在", "阴茎", "未", "进入", "或是", "进入", "不到", "5", "分钟", "就", "射精", "的", "情况", "。", "性生活", "过", "频", "是", "会导致", "性", "疲劳", ",", "性生活", "的", "时间", "变", "短", "的", ",", "长时间", "的", "没有", "性生活", "是", "会导致", "兴奋", "过度", ",", "一会", "出现", "这种情况", "的", ",", "不要", "有", "太", "大", "的", "心理", "压力", ",", "平时", "要", "注意", "休息", ",", "性生活", "要", "有", "节制", ",", "性生活", "的", "时间", "可以通过", "前戏", "和", "性生活", "中", "变换", "姿势", "来", "延长", "时间", "。", "龟头", "的", "敏感性", "高", "也是", "会出现", "早泄", "的", "情况", "的", ",", "你可以", "经常", "对", "龟头", "刺激", ",", "可以", "用", "手", ",", "可以", "用", "其他", "方法", "刺激", ",", "当", "特别敏感", "快", "要", "射", "时", ",", "就", "停止", "刺激", ",", "回复", "后", "再", "刺激", ",", "反复", "几", "次", "经常", "练习", ",", "也", "可以", "降低", "龟头", "的", "敏感", "度", ",", "基", "原理", "就是", "适应", "能力", "的", "逐步提高", "。", "最后", "一", "种", "就是", ",", "如果", "太敏感", "就", "在", "性生活", "中", "减少", "对", "龟头", "的", "刺激", ",", "比如", "多", "带", "几", "层", "避孕套", ",", "这样", "就会", "减少", "龟头", "与", "阴道", "肌肉", "的", "摩擦", ",", "从而", "降低", "龟头", "的", "敏感", "度", ",", "有效", "的", "防止", "早泄", "的", "发生", ",", "这", "也是", "可行", "的", ",", "每次", "洗澡时", ",", "反复", "的", "用", "冷热水", ",", "对", "阴茎", "交替", "刺激", ",", "这样做", "可行", "的", "。"], ["参茸丸", "参考价格", ":", "750", "查看", "说明书"], ["锁阳固精丸", "参考价格", ":", "27", "查看", "说明书"], ["壮", "元", "补", "身", "酒", "参考价格", ":", "171", "查看", "说明书"], ["金刚", "片", "温", "阳", "补肾", ",", "益精", "填", "髓", ",", "强", "筋", "壮骨", "。", "用于", "腰膝酸软", ",", "阳痿", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "98"], ["前列", "回春", "胶囊", "1", ".", "益肾", "回春", ",", "活血", "通", "淋", ",", "清热解毒", "。", "2", ".", "本", "品", "用", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "26"], ["专家", "在线", "免费咨询"], ["看病", "男科", "妇科", "癫痫", "性病", "养生", "新闻", "白癫风", "牛皮癣"], ["就医", "疾病", "信息", "健康", "经验", "症状", "信息", "手术", "项目", "检查", "项目", "健康", "百科", "求医问药"], ["用药", "药品", "库", "疾病", "用药", "药品", "心得", "用药", "安全", "药品", "资讯", "用药", "方案", "品牌", "药企", "明星", "药品"], ["整形", "整形", "项目", "整形", "案例", "整形", "资讯", "整形医院", "减肥", "塑形", "眼部", "整形", "鼻部", "整形", "面部", "整形"], ["有问必答", "内科", "外科", "儿科", "药品", "遗传", "美容", "检查", "减肥", "中医科", "五官科", "传染科", "体检", "科", "妇产科", "肿瘤科", "康复科", "子女教育", "心理健康", "整形美容", "家居", "环境", "皮肤性病", "营养保健", "其他", "科室", "保健养生"], ["下载", "APP", ",", "免费", "快速", "问", "医生"]], "paragraphs": ["健康咨询描述: 我想检查,夫妻生活时间过短", "早泄是指有规律的性生活后,在阴茎未进入或是进入不到5分钟就射精的情况。性生活过频是会导致性疲劳,性生活的时间变短的,长时间的没有性生活是会导致兴奋过度,一会出现这种情况的,不要有太大的心理压力,平时要注意休息,性生活要有节制,性生活的时间可以通过前戏和性生活中变换姿势来延长时间。龟头的敏感性高也是会出现早泄的情况的,你可以经常对龟头刺激,可以用手,可以用其他方法刺激,当特别敏感快要射时,就停止刺激,回复后再刺激,反复几次经常练习,也可以降低龟头的敏感度,基原理就是适应能力的逐步提高。最后一种就是,如果太敏感就在性生活中减少对龟头的刺激,比如多带几层避孕套,这样就会减少龟头与阴道肌肉的摩擦,从而降低龟头的敏感度,有效的防止早泄的发生,这也是可行的,每次洗澡时,反复的用冷热水,对阴茎交替刺激,这样做可行的。", "参茸丸  参考价格:750 查看说明书", "锁阳固精丸  参考价格:27 查看说明书", "壮元补身酒  参考价格:171 查看说明书", "金刚片 温阳补肾,益精填髓,强筋壮骨。用于腰膝酸软,阳痿...[说明书] 参考价格:¥98", "前列回春胶囊 1.益肾回春,活血通淋,清热解毒。 2.本品用...[说明书] 参考价格:¥26", "专家在线免费咨询", "看病 男科 妇科 癫痫 性病 养生 新闻 白癫风 牛皮癣", "就医 疾病信息 健康经验 症状信息 手术项目 检查项目 健康百科 求医问药", "用药 药品库 疾病用药 药品心得 用药安全 药品资讯 用药方案 品牌药企 明星药品", "整形 整形项目 整形案例 整形资讯 整形医院 减肥塑形 眼部整形 鼻部整形 面部整形", "有问必答 内科 外科 儿科 药品 遗传 美容 检查 减肥 中医科 五官科 传染科 体检科 妇产科 肿瘤科 康复科 子女教育 心理健康 整形美容 家居环境 皮肤性病 营养保健 其他科室 保健养生", "下载APP,免费快速问医生"], "bs_rank_pos": 0}, {"is_selected": false, "title": "塘沽区男科医院在哪_塘沽医院吧_百度贴吧", "most_related_para": 0, "segmented_title": ["塘沽区", "男科", "医院", "在", "哪", "_", "塘沽", "医院", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["塘沽区", "男科", "医院", "在", "哪", ",", "可以", "去", "塘沽", "第二大街", "的", "&", "天", "&", "津", "&", "圣", "&", "爱", "&", "医", "&", "院", "&", "(", "一", ")", "往事如风", "二", "十", "五", "年", "前", ",", "那", "是", "一", "个", "平常", "的", "夜晚", ",", "在", "瑟瑟", "西风", "中", ",", "我", "降临", "到", "这个", "世上", ",", "那", "一声", "啼哭", "划破", "了", "长空", ",", "在", "清冷", "的", "季节", "久久", "回荡", "。", "没有任何", "理由", ",", "没有任何", "选择", ",", "我", "便", "开始", "了", "所谓", "的", "人生", "。", "当", "我", "记事", "起", ",", "便", "已经", "光", "着", "屁股", "满街", "跑", "了", ",", "身后", "跟着", "迈", "着", "小脚", "的", "奶奶", ";", "后来", "别人", "说", ",", "爷爷", "那时", "整天", "背着", "我", ",", "但", "我", "总", "记", "不", "清", "他", "的", "样子", ",", "或许", "他", "走", "得", "太早", "了", "。"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"], ["内容", ":"]], "paragraphs": ["塘沽区男科医院在哪 ,可以去塘沽第二大街的&天&津&圣&爱&医&院&(一)往事如风二十五年前,那是一个平常的夜晚,在瑟瑟西风中,我降临到这个世上,那一声啼哭划破了长空,在清冷的季节久久回荡。没有任何理由,没有任何选择,我便开始了所谓的人生。当我记事起,便已经光着屁股满街跑了,身后跟着迈着小脚的奶奶;后来别人说,爷爷那时整天背着我,但我总记不清他的样子,或许他走得太早了。", "下载贴吧APP看高清直播、视频!", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示", "内容:"], "bs_rank_pos": 1}, {"is_selected": true, "title": "塘沽区男科医院_塘沽区男科医院排名_医院大全 ", "most_related_para": 4, "segmented_title": ["塘沽区", "男科", "医院", "_", "塘沽区", "男科", "医院", "排名", "_", "医院", "大全"], "segmented_paragraphs": [["医院", "大全", "yyk", ".", "99", ".", "com", ".", "cn", "共", "收录", "医院", "43963", "家", "[", "手机", "版", "]"], ["如果", "您", "在", "本站", "未找到", "您", "的", "医院", "信息", "您", "可以", "点击", "右侧", "“", "提交", "医院", "信息", "”", "按钮", "进行", "提交", ",", "我们", "工作", "人员", "会", "在", "三", "个", "工作日", "内", "进行", "审核", "。"], ["城市", "查询", ":", "和平区", "河东区", "河西区", "南开区", "河北区", "红桥区", "塘沽区", "汉沽区", "大港区", "东丽区", "西青区", "津南区", "北辰区", "武清", "宝坻", "蓟县", "宁河", "静海"], ["疾病", "查询", ":", "早泄", "包皮", "包茎", "前列腺炎", "阳痿"], ["天津", "市", "第", "五", "中心", "医院", "电话", ":", "022", "-", "65665020", "三乙", "天津市", "塘沽", "医院", "始建于", "1949", "年", "。", "目前", "为", "二级甲等", "医院", "、", "国际", "网络", "急救中心", "医院", "、", "全国", "爱婴医院", "、", "国家级", "性病", "监测", "中心", "、", "塘沽", "医保", "局", "定点医院", "、", "开发区", "医保", "局", "定点医院", ",", "天津", "医科大", ".", ".", ".", "[", "详细", "]"], ["天津市塘沽区", "妇幼保健院", "电话", ":", "022", "-", "66300138", "二甲", "[", "详细", "]"], ["天津", "泰达医院", "电话", ":", "022", "-", "65202000", "不详", "泰达医院", "始建于", "1990", "年", ",", "根据", "滨海新区", "开发", "开放", "和", "开发区", "医疗卫生", "发展", "的", "实际", "需要", ",", "经", "天津", "市政府", "批准", ",", "于", "2005", "年", "开始", "异地", "扩建", "。", "新", "院", "位于", "泰达", "国际", "心血管", "医院", "以", "东", ",", "北海路", ".", ".", ".", "[", "详细", "]"]], "paragraphs": ["医院大全 yyk.99.com.cn 共收录医院43963家[手机版]", "如果您在本站未找到您的医院信息您可以点击右侧“提交医院信息”按钮进行提交,我们工作人员会在三个工作日内进行审核。", "城市查询: 和平区 河东区 河西区 南开区 河北区 红桥区 塘沽区 汉沽区 大港区 东丽区 西青区 津南区 北辰区 武清 宝坻 蓟县 宁河 静海", "疾病查询: 早泄 包皮包茎 前列腺炎 阳痿", "天津市第五中心医院 电话:022-65665020三乙 天津市塘沽医院始建于1949年。目前为二级甲等医院、国际网络急救中心医院、全国爱婴医院、国家级性病监测中心、塘沽医保局定点医院、开发区医保局定点医院,天津医科大...[详细]", "天津市塘沽区妇幼保健院 电话:022-66300138二甲 [详细]", "天津泰达医院 电话:022-65202000不详 泰达医院始建于1990年,根据滨海新区开发开放和开发区医疗卫生发展的实际需要,经天津市政府批准,于2005年开始异地扩建。新院位于泰达国际心血管医院以东,北海路...[详细]"], "bs_rank_pos": 2}, {"is_selected": false, "title": "天津市塘沽区有没有男科_百度知道", "most_related_para": 0, "segmented_title": ["天津市塘沽区", "有没有", "男科", "_", "百度", "知道"], "segmented_paragraphs": [["看", "诊", "男科", "疾病", "建议", "到", "正规", "男科", "医院", ",", "不要", "去", "个人", "门诊", "和", "医院", ",", "避免上当受骗", "。", "可以", "到", "正规", "医院", ",", "直接", "去", "泌尿科", "看", "诊", "。", "泌尿科", "主要", "就是", "看", "诊", "男性", "疾病", "的", "。", "你", "可以", "到", "医院", "的", "官网", "上", "查", "一", "下", ",", "一般", "正规", "医院", "都会", "有", "该", "院", "重点", "科室", "的", "技术", ",", "医生", "什么", "时间", "出诊", "一般", "官网", "上", "都会", "有", "的", "。"]], "paragraphs": ["看诊男科疾病建议到正规男科医院,不要去个人门诊和医院,避免上当受骗。 可以到正规医院,直接去泌尿科看诊。泌尿科主要就是看诊男性疾病的。 你可以到医院的官网上查一下,一般正规医院都会有该院重点科室的技术,医生什么时间出诊一般官网上都会有的。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "塘沽男科医院_塘沽男科医院哪家好_塘沽男科最好的医院/排行_中华康", "most_related_para": 1, "segmented_title": ["塘沽", "男科", "医院", "_", "塘沽", "男科", "医院", "哪家", "好", "_", "塘沽", "男科", "最好", "的", "医院", "/", "排行", "_", "中华", "康"], "segmented_paragraphs": [["塘沽", "男科", "医院"], ["医院", "科室", "地区", "医生", "数", "科室", "治疗", "的", "疾病"]], "paragraphs": ["塘沽男科医院", "医院 科室 地区 医生数 科室治疗的疾病"], "bs_rank_pos": 4}], "answer_spans": [[0, 5]], "answer_docs": [2], "fake_answers": ["天津市第五中心医院"], "question": "塘沽区什么地方有男科医院", "segmented_answers": [["天津", "市", "第", "五", "中心", "医院", "、", "天津", "泰达医院", "。"]], "answers": ["天津市第五中心医院、天津泰达医院。"], "entity_answers": [["天津市第五中心医院", "天津泰达医院"]], "segmented_question": ["塘沽区", "什么", "地方", "有", "男科", "医院"], "question_type": "ENTITY", "match_scores": [0.7499999999999999], "fact_or_opinion": "OPINION", "question_id": 181603}
-{"documents": [{"is_selected": false, "title": "系统实现文档怎么写_百度知道", "most_related_para": 0, "segmented_title": ["系统", "实现", "文档", "怎么写", "_", "百度", "知道"], "segmented_paragraphs": [["实现", "文档", "是什么", "意思", "楼主", "想要", "实现", "怎么样", "的", "效果", "?", "是", "批处理", "编写", "吗", "?", "请", "把", "问题", "讲", "清楚", "些", "谢谢"], ["现实", "文档", "是什么", "意思", "?", "能", "详细", "点", "么", "?"]], "paragraphs": ["实现文档是什么意思 楼主想要实现怎么样的效果? 是批处理编写吗? 请把问题讲清楚些 谢谢", "现实文档是什么意思?能详细点么?"], "bs_rank_pos": 0}, {"is_selected": true, "title": "关于系统的总体设计谁教我一下怎么写?_百度知道", "most_related_para": 0, "segmented_title": ["关于", "系统", "的", "总体", "设计", "谁", "教", "我", "一", "下", "怎么写", "?", "_", "百度", "知道"], "segmented_paragraphs": [["学生公寓", "管理系统", "设计", "与", "实现", "该", "学生公寓", "管理系统", "主要", "实现", "了", "后勤", "部门", "对", "学校", "宿舍", "的", "管理", "功能", "。", "系统", "分为", "管理员", "模块", "和", "学生", "模块", "两", "个", "部分", "。", "管理员", "模块", "实现", "的", "功能", "有", ":", "1", ")", "学生", "信息管理", "功能", ":", "主要", "是", "添加", "系", ",", "专业", ",", "班级", "和", "学生", "的", "具体", "信息", ",", "来", "创建", "以", "班级", ",", "专业", ",", "系", "等", "为", "单位", "的", "学生", "信息", "。", "包括", "添加", ",", "删除", "和", "修改", "功能", ",", "还有", "学生", "的", "总体", "查看", "和", "个别", "查询", "功能", "。", "2", ")", "宿舍楼", "信息管理", "功能", ":", "分为", "宿舍楼", "信息", "的", "添加", "删除", "和", "修改", "功能", ":", "添加", "修改", "功能", "具体", "实现", "为", "每", "栋", "楼", "的", "楼", "名", ",", "层", ",", "房间", ",", "床位", "的", "添加", "和", "修改", ";", "删除", "功能", "执行", "一", "次", "删除", "整栋", "楼", "。", "更多", "的", "资料", "详情", ":", "http", ":", "/", "/", "www", ".", "lw", "5173", ".", "com", "/", "article", "/", "html", "/", "2289", ".", "html", "、", "他们", "网站", "资料", "很多", "的", ",", "应该", "可以", "帮", "上", "你", "的", "忙", "~", "去", "看看", "对", "你", "的", "帮助", "很大"]], "paragraphs": ["学生公寓管理系统设计与实现该学生公寓管理系统主要实现了后勤部门对学校宿舍的管理功能。系统分为管理员模块和学生模块两个部分。管理员模块实现的功能有:1) 学生信息管理功能:主要是添加系,专业,班级和学生的具体信息,来创建以班级,专业,系等为单位的学生信息。包括添加,删除和修改功能,还有学生的总体查看和个别查询功能。2) 宿舍楼信息管理功能:分为宿舍楼信息的添加删除和修改功能:添加修改功能具体实现为每栋楼的楼名,层,房间,床位的添加和修改;删除功能执行一次删除整栋楼。更多的资料详情: http://www.lw5173.com/article/html/2289.html、他们网站资料很多的,应该可以帮上你的忙~去看看对你的帮助很大"], "bs_rank_pos": 1}, {"is_selected": false, "title": "基于c/s系统实现关键技术怎么写_百度知道", "most_related_para": 0, "segmented_title": ["基于", "c", "/", "s", "系统", "实现", "关键技术", "怎么写", "_", "百度", "知道"], "segmented_paragraphs": [["如果", "想", "html", "写", "出来", ",", "那", "这个", "回帖", "必须", "支持", "html", ",", "如果", "不支持", ",", "发", "出来", "的", "就是", "代码", "源码", "了", "。", "如果", "是", "dz", "性质", "的", "论坛", "且", "支持", "html", "语言", ",", "点", "高级模式", ",", "然后", "点", "纯文本", ",", "将", "html", "源码", "贴", "上", "来", ",", "提交", "即可", "。"]], "paragraphs": ["如果想html写出来,那这个回帖必须支持html,如果不支持,发出来的就是代码源码了。 如果是dz性质的论坛且支持html语言,点高级模式,然后点纯文本,将html源码贴上来,提交即可。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "软件系统实现怎么写?-百科大全-就爱阅读网", "most_related_para": 48, "segmented_title": ["软件", "系统", "实现", "怎么写", "?", "-", "百科", "大全", "-", "就爱阅读", "网"], "segmented_paragraphs": [["Criterion", "是", "美国", "教育", "考试", "服务中心", "(", "ETS", ")", "的", "研发人员", "经过", "十", "多", "年", "的", "科学", "研究", "和", "实验", "开发", "出", "的", "一", "个", "基于", "互联网", "支持", "的", "在线", "英文", "写作", "与", "评估", "系统", "。", "很", "强大", "的", "。"], ["二", "、", "软件", "测试报告", "的", "正文", "的", "格式"], ["列出", "本", "文档", "的", ":"], ["a", ".", "已", "批准", "的", "标识", "号", ";"], ["c", ".", "缩略语", ";"], ["d", ".", "本", "文档", "适用", "的", "系统", "计算机", "软件", "配置", "项", "(", "CSCI", ")", "。", "此外", ",", "还", "应", "包括", "在", "本", "报告", "中", "记录", "的", "每个", "正式", "合格", "性", "测试", "的", "名称", "和", "编号", "。"], ["1", ".", "2", "系统", "概述"], ["概述", "本", "报告", "所", "适用", "的", "系统", "和", "CSCI", "的", "用途", "。"], ["1", ".", "3", "文档", "概述"], ["概述", "本", "报告", "的", "用途", "和", "内容", "。"], ["按", "文档", "号", "和", "标题", "列出", "本", "文档", "引用", "的", "所有", "文档", "。"], ["分节", "描述", "本", "报告", "所", "覆盖", "的", "每", "项", "正式", "合格", "性", "测试", "的", "结果", "。"], ["3.1", "(", "正式", "合格", "性", "测试", "名称", "及", "项目", "的", "唯一", "标识", "号", ")"], ["按", "名称", "和", "编号", "来", "说明", "正式", "合格", "性", "测试", ",", "并", "分", "小节", "概述", "测试结果", "。"], ["3.1", ".", "1", "(", "正式", "合格", "性", "测试", "名称", ")", "小结", "总结", "正式", "合格", "性", "测试", "的", "结果", "。", "若", "失败", ",", "则", "要", "说明", "产生错误", "结果", "的", "测试", "步骤", "和", "问题", "报告", "。", "这些", "内容", "可", "参考", "表", "1", "的", "测试结果", "一览表", "进行", "概括", "。", "3", ".", "1", ".", "2", "(", "正式", "合格", "性", "测试", "名称", ")", "测试", "记录", "按", "时间", "顺序", "记录", "所有", "测试", "前", "、", "进行", "测试", "、", "分析", "、", "说明", "以及", "正式", "合格", "性", "测试", "结果", "等", "有关", "事件", "。", "同时", ",", "还", "庆", "提供", "测试", "日志", ",", "按", "时间", "顺序", "记录", "正式", "合格", "性", "测试", "中", "的", "工作", ",", "包括", ":"], ["a", ".", "测试", "时间", "、", "地点", "、", "软硬件", "的", "配置", "。", "需要", "时", ",", "测试", "配置", "项", "的", "描述", "还要", "记录", "软件", "版本号", "、", "研制", "单位", "、", "升级", "号", "、", "批准日期", "及", "所有", "硬件", "型号", "和", "软件", "部件", "使用", "的", "名", "b", ".", "每一个", "测试", "相关", "活动", "的", "日期", "和", "时间", "、", "测试", "操作", "人员", "和", "参加", "人员", ";", "c", ".", "测试", "过程", "中", "对", "所", "出现", "和", "产生", "的", "问题", "所", "采取", "的", "测试", "步骤", ",", "包括", "对", "问题", "的", "改", "进", "的", "次数", "和", "每一次", "结果", ";", "d", ".", "恢复", "重新", "测试", "的", "备份", "点", "或", "测试", "步骤", "。", "分节", "详述", "每个", "正式", "合格", "性", "测试", "的", "细节", "。", "4", ".", "X", "(", "正式", "合格", "性", "测试", "的", "名称", "和", "项目", "的", "唯一", "标识", "号", ")", "测试", "结果"], ["从", "4.1", "节", "开始", "编号", "。", "按", "名称", "和", "项目", "唯一", "标识", "号", "标识", "正式", "合格", "性", "测试", ",", "并", "分", "小节", "详细", "描述", "每", "一", "正式", "合格", "性", "测试", "用例", "的", "结果", "。"], ["表", "1", "测试", "结果", "一览表", "示例"], ["1", ")", "如果", "测试", "过程", "出现", "一", "个", "故障", "或", "错误", ",", "则", "记录", "发生故障", "或", "错误", "的", "各", "个", "步骤", "。", "2", ")", "PR", "=", "问题", "报告", "。"], ["4", ".", "X", ".", "Y", "(", "测试", "用例", "名称", "和", "项目", "的", "唯一", "标识", "号", ")"], ["从", "4.1", ".", "1", "节", "开始", "编号", ",", "按", "名称", "和", "项目", "的", "唯一", "标识", "号", "标识", "每", "一", "测试", "用例", ",", "并", "分", "小节", "详细", "说明", "测试", "用例", "的", "结果", "。"], ["4", ".", "X", ".", "Y", ".", "1", "(", "测试", "用例", "名称", ")", "测试", "结果"], ["说明", "测试", "用例", "的", "测试结果", "。", "对", "测试", "过程", "的", "每一步", "都", "要", "记录", "测试结果", "和", "在", "测试"], ["过程", "中", "出现", "的", "各种", "异常", "和", "矛盾", "情况", "。", "记录", "或", "引用", "有助于", "杜绝", "和", "纠正", "矛盾", "情况", "的", "信息", "(", "如", "存储器", "转储", "、", "寄存器", "记录", "、", "显示", "流程图", ")", ",", "并", "分析", "导致", "矛盾", "的", "原因", "和", "改进", "的", "方法", "。"], ["4", ".", "X", ".", "Y", ".", "2", "(", "测试", "用例", "名称", ")", "测试", "过程", "中", "的", "差异", "情况"], ["详细", "说明", "相应", "的", "软件测试", "说明", "中", "描述", "的", "测试", "过程", "中", "的", "差异", "情况", "(", "例如", ",", "所需", "设备", "的", "替换", ",", "支持", "软件", "的", "改变", ",", "测试计划", "的", "偏差", ")", "。", "对", "每", "一", "种", "差异", "情况", ",", "必须", "说明", "导致", "差异", "的", "原因", "和", "它", "对", "测试", "有效性", "的", "影响", "。"], ["5", "CSCI", "评估", "和", "建议"], ["5", ".", "1", "CSCI", "评估"], ["全面", "分析", "测试结果", ",", "对", "CSCI", "的", "能力", "作出", "评估", "。", "通过", "分析", "标", "出", "存在", "的", "缺陷", "、", "局限性", "和", "CSCI", "的", "约束", "等", ",", "并", "写入", "软件", "问题", "/", "更改", "报告", "。", "对", "每", "一", "种", "偏差", ",", "局限性", "和", "约束", "应", "包括", ":"], ["a", ".", "说明", "它", "对于", "CSCI", "及", "系统", "运行", "的", "影响", ";", "b", ".", "说明", "它", "对于", "CSCI", "及", "为", "纠正", "偏差", "的", "系统", "设计", "的", "影响", ";", "c", ".", "提供", "改", "必", "的", "方法", "和", "建议", "。"], ["5", ".", "2", "改进", "建议"], ["对", "系统", "设计", "、", "操作", "和", "CSCI", "测试", "提出", "改进", "建议", ",", "并", "分析", "每", "一", "建议", "对", "CSCI", "的", "影响", "。", "若", "无", "建议", ",", "则", "写", "“", "无", "”", "。", ".", ".", ".", "余下", "全文", ">", ">"], ["先", "谢", "需求", "分析", ",", "提出", "概要设计", ",", "在", "进行", "详细设计", "、", "单元测试", "、", "系统", "测试", "检验", "、", "设计", "验证", "、", "综合测试", "和", "确认", "即可"], ["请", "采纳", ",", "谢谢"], ["应该", "不是", "一", "种", "语言", "编写", "的", "吧", ",", "单", "论", "安全性", "C", "没", "C++", "、", "java", "高", "。"], ["跟", "你", "的", "导师", "联系", ",", "他", "会", "指导", "你", "!"], ["如果", "你", "已经", "开发", "完", "了", "软件", "系统", ",", "就", "更好", "写", "了", "。", "硕士", "论文", "的", "套路", "基本", "一样", "的", ",", "不同", "学校", "间", "模版", "会", "有", "差别", "。"], ["国内外", "研究", "现状"], ["以上", "是", "一", "级", "标题", ",", "其他", "的", "自己", "列"], ["写", "清楚", "项目", "目的", "、", "业务流程", "、", "组织机构", "、", "功能", "要求", "、", "非", "功能", "要求", "(", "支持", "的", "用户数", "、", "响应时间", "等", ")", "就", "可以", "了", "。", "可以", "用", "UML", "图", ",", "但是", "做", "不好", "还", "不如", "不用", ",", "关键", "恭", "描述", "准确", "。"], ["你好", ",", "这", "属于", "软件类", "的", "可行性研究报告", "哦", "。"], ["建议", "您", "找", "有", "资质", "的", "专业", "咨询公司", "进行", "编制", "。", "您", "可以", "将", "相关", "的", "材料", "发给", "他们", "的", "工程师", ",", "由", "他们", "给", "您", "提出", "合理性", "的", "建议", "后", ",", "您", "在", "做", "采纳", "。"], ["因为", "专注", ",", "所以", "专业", "。", "(", "点", "我", "名字", ")"], ["软件", "系统", "(", "Software", "Systems", ")", "是", "指", "由", "系统软件", "、", "支撑", "软件", "和", "应用软件", "组成", "的", "计算机", "软件", "系统", ",", "它", "是", "计算机", "系统", "中", "由", "软件", "组成", "的", "部分", "。", "它", "包括", "操作系统", "、", "语言", "处理", "系统", "、", "数据库", "系统", "、", "分布式", "软件", "系统", "和", "人机交互", "系统", "等", "。"], ["软件", "系统", "作用"], ["操作系统", "用于", "管理", "计算机", "的", "资源", "和", "控制", "程序", "的", "运行", "。", "语言", "处理", "系统", "是", "用于", "处理", "软件", "语言", "等", "的", "软件", ",", "如", "编"], ["译", "程序", "等", "。", "数据库", "系统", "是", "用于", "支持", "数据管理", "和", "存取", "的", "软件", ",", "它", "包括", "数据库", "、", "数据库", "管理系统", "等", "。", "数据库", "是", "常驻", "在", "计算机", "系统", "内", "的", "一", "组", "数据", ",", "它们", "之间", "的", "关系", "用", "数据", "模式", "来", "定义", ",", "并", "用", "数据", "定义", "语言", "来", "描述", ";", "数据库", "管理系统", "是", "使用", "户", "可以", "把", "数据", "作为", "轴", "象", "项", "进行", "存取", "、", "使用", "和", "修改", "的", "软件", "。", "分布式", "软件", "系统", "包括", "分布式操作系统", "、", "分布式", "程序设计", "系统", "、", "分布式", "文件系统", "、", "分布式数据库", "系统", "等", "。", "人机交互", "系统", "是", "提供", "用户", "与", "计算机", "系统", "之间", "按照", "一定", "的", "约定", "进行", "信息", "交互", "的", "软件", "系统", ",", "可", "为", "用户", "提供", "一", "个", "友善", "的", "人机界面", "。", "操作系统", "的", "功能", "包括", "处理器", "管理", "、", "存储管理", "、", "文件管理", "、", "设备管理", "和", "作业", "管理", "。", "其", "主要", "研究", "内容", "包括", ":", "操作系统", "的", "结构", "、", "进程", "(", "任务", ")", "调度", "、", "同步", "机制", "、", "死锁", "防止", "、", "内存", "分配", "、", "设备", "分配", "、", "并行", "机制", "、", "容错", "和", "恢复", "机制", "等", "。"], ["编辑", "本", "段", "软件", "系统", "功能"], ["语言", "处理", "系统", "的", "功能", "是", "各种", "软件", "语言", "的", "处理", "程序", ",", "它", "把", "用户", "用", "软件", "语言", "书写", "的", "各种", "源程序", "转换", "成为", "可", "为", "计算机", "识别", "和", "运行", "的", "目标", "程序", ",", "从而", "获得", "预期", "结果", "。", "其", "主要", "研究", "内容", "包括", ":", "语言", "的", "翻译", "技术", "和", "翻译", "程序", "的", "构造方法", "与", "工具", ",", "此外", ",", "它", "还", "涉及", "正文", "编辑", "技术", "、", "连接", "编辑", "技术", "和", "装入", "技术", "等", "。", "数据库", "系统", "的", "主要功能", "包括", "数据库", "的", "定义", "和", "操纵", "、", "共享", "数据", "的", "并发", "控制", "、", "数据", "的", "安全", "和", "保密", "等", "。", "按", "数据", "定义", "模块", "划分", ",", "数据库", "系统", "可", "分为", "关系", "数据库", "、", "层次", "数据库", "和", "网状", "数据库", "。", "按", "控制", "方式", "划分", ",", "可", "分为", "集中式", "数据库", "系统", "、", "分布式数据库", "系统", "和", "并行", "数据库", "系统", "。", "数据库", "系统", "研究", "的", "主要内容", "包括", ":", "数据库设计", "、", "数据", "模式", "、", "数据", "定义", "和", "操作", "语言", "、", "关系数据库", "理论", "、", "数据", "完整性", "和", "相容性", "、", "数据库", "恢复", "与", "容错", "、", "死锁", "控制", "和", "防止", "、", "数据", "安全性", "等", "。", "分布式", "软件", "系统", "的", "功能", "是", "管理", "分布式", "计算机", "系统", "资源", "和", "控制", "分布式", "程序", "的", "运行", ",", "提供", "分布式", "程序设计", "语言", "和", "工具", ",", "提供", "分布式", "文件系统", "管理", "和", "分布式数据库", "管理", "关系", "等", "。", "分布式", "软件", "系统", "的", "主要", "研究", "内容", "包括", "分布式操作系统", "和", "网络操作系统", "、", "分布式", "程序设计", "、", "分布式", "文件系统", "和", "分布式数据库", "系统", "。", "人机交互", "系统", "的", "主要功能", "是", "在", "人和", "计算机", "之间", "提供", "一", "个", "友善", "的", "人机", "接口", "。"], ["编辑", "本", "段", "分布式", "软件", "系统"]], "paragraphs": ["Criterion® 是美国教育考试服务中心(ETS)的研发人员经过十多年的科学研究和实验开发出的一个基于互联网支持的在线英文写作与评估系统。很强大的。", "二、软件测试报告的正文的格式", "列出本文档的:", "a. 已批准的标识号;", "c. 缩略语;", "d. 本文档适用的系统计算机软件配置项(CSCI)。此外,还应包括在本报告中记录的每个正式合格性测试的名称和编号。", "1.2 系统概述", "概述本报告所适用的系统和CSCI 的用途。", "1.3 文档概述", "概述本报告的用途和内容。", "按文档号和标题列出本文档引用的所有文档。", "分节描述本报告所覆盖的每项正式合格性测试的结果。", "3.1 (正式合格性测试名称及项目的唯一标识号)", "按名称和编号来说明正式合格性测试,并分小节概述测试结果。", "3.1.1 (正式合格性测试名称)小结 总结正式合格性测试的结果。若失败,则要说明产生错误结果的测试步骤和问题报告。这些内容可参考表1 的测试结果一览表进行概括。 3.1.2 (正式合格性测试名称)测试记录 按时间顺序记录所有测试前、进行测试、分析、说明以及正式合格性测试结果等有关事件。同时,还庆提供测试日志,按时间顺序记录正式合格性测试中的工作,包括:", "a.测试时间、地点、软硬件的配置。需要时,测试配置项的描述还要记录软件版本号、研制单位、升级号、批准日期及所有硬件型号和软件部件使用的名 b.每一个测试相关活动的日期和时间、测试操作人员和参加人员; c.测试过程中对所出现和产生的问题所采取的测试步骤,包括对问题的改 进的次数和每一次结果; d.恢复重新测试的备份点或测试步骤。 分节详述每个正式合格性测试的细节。 4.X (正式合格性测试的名称和项目的唯一标识号)测试结果", "从4.1 节开始编号。按名称和项目唯一标识号标识正式合格性测试,并分小节详细描述每一正式合格性测试用例的结果。", "表1 测试结果一览表示例", "1) 如果测试过程出现一个故障或错误,则记录发生故障或错误的各个步骤。 2) PR=问题报告。", "4.X.Y (测试用例名称和项目的唯一标识号)", "从4.1.1 节开始编号,按名称和项目的唯一标识号标识每一测试用例,并分小节详细说明测试用例的结果。", "4.X.Y.1 (测试用例名称)测试结果", "说明测试用例的测试结果。对测试过程的每一步都要记录测试结果和在测试", "过程中出现的各种异常和矛盾情况。记录或引用有助于杜绝和纠正矛盾情况的信息(如存储器转储、寄存器记录、显示流程图),并分析导致矛盾的原因和改进的方法。", "4.X.Y.2 (测试用例名称)测试过程中的差异情况", "详细说明相应的软件测试说明中描述的测试过程中的差异情况(例如,所需设备的替换,支持软件的改变,测试计划的偏差)。对每一种差异情况,必须说明导致差异的原因和它对测试有效性的影响。", "5 CSCI 评估和建议", "5.1 CSCI 评估", "全面分析测试结果,对CSCI 的能力作出评估。通过分析标出存在的缺陷、局限性和CSCI 的约束等,并写入软件问题/更改报告。对每一种偏差,局限性和约束应包括:", "a. 说明它对于CSCI 及系统运行的影响; b. 说明它对于CSCI 及为纠正偏差的系统设计的影响; c. 提供改必的方法和建议。", "5.2 改进建议", "对系统设计、操作和CSCI 测试提出改进建议,并分析每一建议对CSCI 的影响。若无建议,则写“无”。...余下全文>>", "先谢需求分析,提出概要设计,在进行详细设计、单元测试、系统测试检验、设计验证、综合测试和确认即可", "请采纳,谢谢", "应该不是一种语言编写的吧,单论安全性C没C++、java高。", "跟你的导师联系,他会指导你!", "如果你已经开发完了软件系统,就更好写了。硕士论文的套路基本一样的,不同学校间模版会有差别。", "国内外研究现状", "以上是一级标题,其他的自己列", "写清楚项目目的、业务流程、组织机构、功能要求、非功能要求(支持的用户数、响应时间等)就可以了。可以用UML图,但是做不好还不如不用,关键恭描述准确。", "你好,这属于软件类的可行性研究报告哦。", "建议您找有资质的专业咨询公司进行编制。您可以将相关的材料发给他们的工程师,由他们给您提出合理性的建议后,您在做采纳。", "因为专注,所以专业。(点我名字)", "软件系统(Software Systems)是指由系统软件、支撑软件和应用软件组成的计算机软件系统,它是计算机系统中由软件组成的部分。它包括操作系统、语言处理系统、数据库系统、分布式软件系统和人机交互系统等。", "软件系统作用", "操作系统用于管理计算机的资源和控制程序的运行。语言处理系统是用于处理软件语言等的软件,如编", "译程序等。数据库系统是用于支持数据管理和存取的软件,它包括数据库、数据库管理系统等。数据库是常驻在计算机系统内的一组数据,它们之间的关系用数据模式来定义,并用数据定义语言来描述;数据库管理系统是使用户可以把数据作为轴象项进行存取、使用和修改的软件。分布式软件系统包括分布式操作系统、分布式程序设计系统、分布式文件系统、分布式数据库系统等。人机交互系统是提供用户与计算机系统之间按照一定的约定进行信息交互的软件系统,可为用户提供一个友善的人机界面。操作系统的功能包括处理器管理、存储管理、文件管理、设备管理和作业管理。其主要研究内容包括:操作系统的结构、进程(任务)调度、同步机制、死锁防止、内存分配、设备分配、并行机制、容错和恢复机制等。", "编辑本段软件系统功能", "语言处理系统的功能是各种软件语言的处理程序,它把用户用软件语言书写的各种源程序转换成为可为计算机识别和运行的目标程序,从而获得预期结果。其主要研究内容包括:语言的翻译技术和翻译程序的构造方法与工具,此外,它还涉及正文编辑技术、连接编辑技术和装入技术等。 数据库系统的主要功能包括数据库的定义和操纵、共享数据的并发控制、数据的安全和保密等。按数据定义模块划分,数据库系统可分为关系数据库、层次数据库和网状数据库。按控制方式划分,可分为集中式数据库系统、分布式数据库系统和并行数据库系统。数据库系统研究的主要内容包括:数据库设计、数据模式、数据定义和操作语言、关系数据库理论、数据完整性和相容性、数据库恢复与容错、死锁控制和防止、数据安全性等。 分布式软件系统的功能是管理分布式计算机系统资源和控制分布式程序的运行,提供分布式程序设计语言和工具,提供分布式文件系统管理和分布式数据库管理关系等。分布式软件系统的主要研究内容包括分布式操作系统和网络操作系统、分布式程序设计、分布式文件系统和分布式数据库系统。 人机交互系统的主要功能是在人和计算机之间提供一个友善的人机接口。", "编辑本段分布式软件系统"], "bs_rank_pos": 3}, {"is_selected": false, "title": "论文系统实现_论文系统实现怎么写", "most_related_para": 2, "segmented_title": ["论文", "系统", "实现", "_", "论文", "系统", "实现", "怎么写"], "segmented_paragraphs": [["趣味", "科学", "技术", "网", "文章", "98463324", "浏览", "8338728", "本站", "已", "运行", "8", "年", "9", "月", "6", "日"], ["论文", "系统", "实现", "文章总数", ":", "1048907", "篇", "关于", "系统", "设计", "与", "实现", "论文", "的", "参考文献", ":", "13487", "次", "优秀文章", ":", "64027", "篇", "经典", "论文", "93687", "篇"], ["视频", "时", "长", ":", "01", ":", "38", "VB", "学生", "信息管理系统", "毕业设计", "及", "实现", "论文", "_", "答辩", "稿", "视频", "时", "长", ":", "00", ":", "38", "VB", "学生", "成绩", "管理系统", "毕业设计", "及", "实现", "论文", "_", "答辩", "稿", "视频", "时", "长", ":", "01", ":", "39", "VB", "图书管理系统", "毕业设计", "及", "实现", "论文", "_", "答辩", "稿", "视频", "时", "长", ":", "00", ":", "44", "JSP", "图书管理系统", "毕业设计", "及", "实现", "论文", "_", "答辩", "稿", "视频", "时", "长", ":", "01", ":", "02", "JSP", "网上", "购物系统", "毕业设计", "及", "实现", "论文", "_", "答辩", "稿", "视频", "时", "长", ":", "01", ":", "12", "JAVA", "语言考试", "系统", "的", "设计", "与", "实现", "(", "毕业设计", "论文", "范文", ")", "视频", "时", "长", ":", "01", ":", "33", "VB", "电脑公司", "进销存", "管理系统", "毕业设计", "及", "实现", "论文", "_", "答辩", "稿", "视频", "时", "长", ":", "01", ":", "37", "C", "语言", "教学", "网站", "及", "网上", "考试系统", "的", "设计", "与", "实现", "论文", "(", "毕业设计", "范文", ")", "视频", "时", "长", ":", "00", ":", "37", "JSP", "超市", "进销存管理系统", "毕业设计", "及", "实现", "论文", "_", "答辩", "稿", "视频", "时", "长", ":", "00", ":", "26", "JSP", "公司", "员工", "信息管理系统", "毕业设计", "及", "实现", "论文", "_", "答辩", "稿", "视频", "时", "长", ":", "01", ":", "08", "JSP", "网上", "人才", "招聘", "系统", "毕业设计", "及", "实现", "论文", "_", "答辩", "稿", "视频", "时", "长", ":", "00", ":", "44", "VB", "计算机等级考试", "管理系统", "毕业设计", "及", "实现", "论文", "_", "答辩", "稿", "视频", "时", "长", ":", "01", ":", "17", "VB", "人事管理系统", "毕业设计", "及", "实现", "论文", "_", "答辩", "稿", "视频", "时", "长", ":", "01", ":", "43", "ASP", ".", "NET", "电子相册", "系统", "设计", "与", "实现", "毕业论文", "_", "答辩", "稿", "视频", "时", "长", ":", "01", ":", "32", "VB", "员工", "请假", "管理系统", "毕业设计", "及", "实现", "论文", "_", "答辩", "稿", "视频", "时", "长", ":", "03", ":", "01", "毕业生", "论文", "管理系统", "的", "设计", "与", "实现", "sql", "server", "演示", "录像", "www", ".", "doc", "18", ".", "net", "视频", "时", "长", ":", "01", ":", "13", "JSP", "人力资源", "管理系统", "毕业设计", "及", "实现", "论文", "_", "答辩", "稿", "视频", "时", "长", ":", "01", ":", "26", "JSP", "小型", "课程", "信息管理系统", "毕业设计", "及", "实现", "论文", "_", "答辩", "稿"]], "paragraphs": ["趣味科学技术网 文章98463324浏览8338728本站已运行8年9月6日", "论文系统实现文章总数:1048907篇 关于系统设计与实现 论文的参考文献: 13487次 优秀文章:64027篇 经典论文93687篇", "视频时长:01:38 VB学生信息管理系统毕业设计及实现论文_答辩稿  视频时长:00:38 VB学生成绩管理系统毕业设计及实现论文_答辩稿  视频时长:01:39 VB图书管理系统毕业设计及实现论文_答辩稿  视频时长:00:44 JSP图书管理系统毕业设计及实现论文_答辩稿  视频时长:01:02 JSP网上购物系统毕业设计及实现论文_答辩稿  视频时长:01:12 JAVA语言考试系统的设计与实现(毕业设计论文范文)  视频时长:01:33 VB电脑公司进销存管理系统毕业设计及实现论文_答辩稿  视频时长:01:37 C语言教学网站及网上考试系统的设计与实现论文(毕业设计范文)  视频时长:00:37 JSP超市进销存管理系统毕业设计及实现论文_答辩稿  视频时长:00:26 JSP公司员工信息管理系统毕业设计及实现论文_答辩稿  视频时长:01:08 JSP网上人才招聘系统毕业设计及实现论文_答辩稿  视频时长:00:44 VB计算机等级考试管理系统毕业设计及实现论文_答辩稿  视频时长:01:17 VB人事管理系统毕业设计及实现论文_答辩稿  视频时长:01:43 ASP.NET电子相册系统设计与实现毕业论文_答辩稿  视频时长:01:32 VB员工请假管理系统毕业设计及实现论文_答辩稿  视频时长:03:01 毕业生论文管理系统的设计与实现sqlserver演示录像www.doc18.net  视频时长:01:13 JSP人力资源管理系统毕业设计及实现论文_答辩稿  视频时长:01:26 JSP小型课程信息管理系统毕业设计及实现论文_答辩稿"], "bs_rank_pos": 4}], "answer_spans": [[0, 138]], "fake_answers": ["学生公寓管理系统设计与实现该学生公寓管理系统主要实现了后勤部门对学校宿舍的管理功能。系统分为管理员模块和学生模块两个部分。管理员模块实现的功能有:1)学生信息管理功能:主要是添加系,专业,班级和学生的具体信息,来创建以班级,专业,系等为单位的学生信息。包括添加,删除和修改功能,还有学生的总体查看和个别查询功能。2)宿舍楼信息管理功能:分为宿舍楼信息的添加删除和修改功能:添加修改功能具体实现为每栋楼的楼名,层,房间,床位的添加和修改;删除功能执行一次删除整栋楼。"], "question": "系统实现怎么写", "segmented_answers": [["学生公寓", "管理系统", "设计", "与", "实现", "该", "学生公寓", "管理系统", "主要", "实现", "了", "后勤", "部门", "对", "学校", "宿舍", "的", "管理", "功能", "。", "系统", "分为", "管理员", "模块", "和", "学生", "模块", "两", "个", "部分", "。", "管理员", "模块", "实现", "的", "功能", "有", ":", "1", ")", "学生", "信息管理", "功能", ":", "主要", "是", "添加", "系", ",", "专业", ",", "班级", "和", "学生", "的", "具体", "信息", ",", "来", "创建", "以", "班级", ",", "专业", ",", "系", "等", "为", "单位", "的", "学生", "信息", "。", "包括", "添加", ",", "删除", "和", "修改", "功能", ",", "还有", "学生", "的", "总体", "查看", "和", "个别", "查询", "功能", "。", "2", ")", "宿舍楼", "信息管理", "功能", ":", "分为", "宿舍楼", "信息", "的", "添加", "删除", "和", "修改", "功能", ":", "添加", "修改", "功能", "具体", "实现", "为", "每", "栋", "楼", "的", "楼", "名", ",", "层", ",", "房间", ",", "床位", "的", "添加", "和", "修改", ";", "删除", "功能", "执行", "一", "次", "删除", "整栋", "楼", "。"]], "answers": ["学生公寓管理系统设计与实现该学生公寓管理系统主要实现了后勤部门对学校宿舍的管理功能。系统分为管理员模块和学生模块两个部分。管理员模块实现的功能有:1)    学生信息管理功能:主要是添加系,专业,班级和学生的具体信息,来创建以班级,专业,系等为单位的学生信息。包括添加,删除和修改功能,还有学生的总体查看和个别查询功能。2)    宿舍楼信息管理功能:分为宿舍楼信息的添加删除和修改功能:添加修改功能具体实现为每栋楼的楼名,层,房间,床位的添加和修改;删除功能执行一次删除整栋楼。"], "answer_docs": [1], "segmented_question": ["系统", "实现", "怎么写"], "question_type": "DESCRIPTION", "question_id": 181604, "fact_or_opinion": "OPINION", "match_scores": [0.8920863309352518]}
-{"documents": [{"is_selected": false, "title": "为什么借贷宝倒闭不了_百度知道", "most_related_para": 0, "segmented_title": ["为什么", "借贷", "宝", "倒闭", "不", "了", "_", "百度", "知道"], "segmented_paragraphs": [["存在", "即", "合理", ",", "存在", "自有", "其", "背后", "的", "商业", "道理", ",", "想要", "了解", "可以", "自己去", "体验", "体验", "。"]], "paragraphs": ["存在即合理,存在自有其背后的商业道理,想要了解可以自己去体验体验。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "借贷宝是不是倒闭了_百度知道", "most_related_para": 0, "segmented_title": ["借贷", "宝", "是不是", "倒闭", "了", "_", "百度", "知道"], "segmented_paragraphs": [["没有", "啊", ",", "一直", "都", "正常", "运营", "的", "啊", "。", "可以", "他们", "系统维护", "导致", "你", "暂时", "登录", "不", "了", "。"], ["没有", "呀", ".", ".", ".", "公司", "怎么", "会", "倒闭", "呢"]], "paragraphs": ["没有啊,一直都正常运营的啊。 可以他们系统维护导致你暂时登录不了。", "没有呀...公司怎么会倒闭呢"], "bs_rank_pos": 1}, {"is_selected": true, "title": "为什么借贷宝倒闭不了? 借贷宝一线员工泄密!!_博客(dcblog)股吧_", "most_related_para": 18, "segmented_title": ["为什么", "借贷", "宝", "倒闭", "不", "了", "?", "借贷", "宝", "一线", "员工", "泄密", "!", "!", "_", "博客", "(", "dc", "blog", ")", "股吧", "_"], "segmented_paragraphs": [["为什么", "借贷", "宝", "倒闭", "不", "了", "?", "借贷", "宝", "一线", "员工", "泄密", "!", "!"], ["为什么", "借贷", "宝", "倒闭", "不", "了", "?", "借贷", "宝", "一线", "员工", "泄密", "!", "!"], ["不知道", "从什么时候开始", ",", "有", "不少", "网友", "开始", "质疑", ":", "为什么", "借贷", "宝", "倒闭", "不", "了", "?", "据悉", ",", "“", "为什么", "借贷", "宝", "倒闭", "不", "了", "”", "这个词", "已经", "进入", "了", "百度", "的", "相关搜索", "好", "长", "一段时间", "了", ",", "要知道", "进入", "这里", "的", "相关搜索", "并不容易", ",", "那么", ",", "问题", "来", "了", ",", "为什么", "借贷", "宝", "倒闭", "不", "了", "呢", "?", "本", "文", "并", "不", "想", "做", "盖棺定论", ",", "只是", "想", "把", "正反", "两", "方面", "的", "观点亮", "出来", ",", "抛砖引玉", ",", "请", "各位看官", "自行", "判断", "。"], ["为什么", "借贷", "宝", "倒闭", "不", "了"], ["《", "借贷", "宝", "的", "最大", "后台", "被曝光", ",", "怪不得", "屡", "陷", "危机", "安然无恙", "》"], ["自", "借贷", "宝", "创立", "以来", ",", "先后", "多次", "被", "抹黑", "为", "传销", "、", "裸照", "等", ",", "甚至", "被", "某", "权威媒体", "批评", ",", "像", "这样", "被", "反复", "打击", "却", "依然", "屹立", "不倒", "的", "P2P", "平台", ",", "在", "国内", "恐怕", "只有", "借贷", "宝", "一", "家", "了", "。", "那么", ",", "借贷", "宝", "背后", "的", "靠山", "是什么", "人", "?", "借贷", "宝", "最大", "的", "后台", "是", "谁", "?", "这", "令", "我们", "非常", "感兴趣", "。"], ["全球", "互", "金", "视角", "下", "的", "借贷", "宝", ":", "盛世", "繁荣", "还是", "危机四伏", "?"], ["全球", "互", "金", "视角", "下", "的", "借贷", "宝", ":", "盛世", "繁荣", "还是", "危机四伏", "?"], ["什么", "?", "借贷", "宝", "的", "后台", "是", "王璐", "?", "别开玩笑", "了", "!"], ["根据", "公开", "资料", "显示", ",", "王璐", "出生于", "1988", "年", ",", "是", "北京大学", "金融", "数学系", "本科", ",", "北京大学", "经济学", "硕士", "学历", "。", "据说", "王璐", "是", "被", "保送", "到", "北大", "的", ",", "当初", "因为喜欢", "数学", ",", "他", "和", "北大", "招生办", "的", "人员", "约定", ":", "如果", "高考数学", "满分", ",", "就让", "他", "进", "数学系", ",", "结果", "他", "的", "高考数学", "真", "的", "满分", "。", "要知道", "北大", "的", "数学", "可是", "国内", "最", "厉害", "的", "地方", "了", ",", "高考数学", "满分", ",", "全国", "又", "有", "几个", "?", "所以", "他", "的", "智商", "绝对", "不", "低", "。"], ["又", "有", "资料", "显示", ":", "王璐", "是", "2012", "年", "加入", "九鼎", "的", ",", "期间", "参与", "负责", "过", "多", "个", "金融投资", "、", "并购", "、", "大型", "战略合作项目", ",", "在", "大", "数据", "分析", "、", "战略合作", "研究", "方面", "有", "丰富", "的", "项目", "经验", "。", "虽然", "王璐", "的", "履历", "非常", "辉煌", ",", "但", "如果", "说", "他", "就是", "拯救", "屡", "陷", "舆论", "危机", "的", "借贷", "宝", "的", "后台", ",", "可能", "不能", "令人信服", ",", "因为", "没有", "哪", "一", "家", "P2P", "平台", "可以", "经受住", "如此", "多", "的", "攻击", ",", "那么", ",", "我", "想", "这个", "后台", "一定", "非常", "强大", "。", "王璐", "毕竟", "是", "一", "家", "公司", "的", "掌门人", ",", "与", "我们", "想象", "的", "躲", "在", "幕后", "操盘", "的", "靠山", "不太", "相符", "。", "那么", ",", "借贷", "宝", "幕后", "真正", "的", "靠山", "究竟", "是", "谁", "呢", "?"], ["什么", ",", "借贷", "宝", "的", "最大", "后台", "是", "吴刚", "?", "虽然", "他", "是", "新三板", "首富", ",", "然", "并", "卵"], ["提起", "吴刚", "这个人", ",", "绝对", "不", "简单", ",", "吴刚", "是", "中国", "P2P", "行业", "中", "的", "一", "个", "传奇人物", "。", "公开", "资料", "显示", ":", "吴刚", "最初", "只有", "中专学历", "、", "负债", "百万", "起步", "、", "从", "地下室", "的", "2", "个人", "开始", "干", "起", ",", "到", "身家", "180", "亿", ",", "成为", "新三板", "首富", "。", "在", "2015", "年", "胡润", "研究院", "发布", "《", "2015", "胡润", "百富榜", "》", "的", "上榜", "名单", "中", ",", "有", "14", "位", "是", "来自", "新三板", "挂牌", "公司", "。", "其中", "财富", "涨幅", "最", "快", "的", "就是", "九鼎", "投资", "董事长", "吴刚", ",", "在", "过去", "一年", "中", "财富", "增长", "8", "倍", ",", "以", "180", "亿", "身家", "位", "列", "百富榜", "第", "120", "位", ",", "同时", "也是", "新三板", "首富", "。", "据悉", ",", "九鼎", "投资", "被", "誉为", "新", "三", "版", "老大", ",", "2014", "年", "4", "月", "上市", ",", "市值", "超过", "1000", "亿", "。"], ["但", "即便", "聪敏如吴刚", ",", "也", "只是", "一", "个", "企业家", ",", "最多", "是", "企业家", "领袖", ",", "想", "那", "借贷", "宝", "的", "负面", "事件", "闹", "得", "满城风雨", ",", "显然", "不是", "一", "个", "企业家", "能够", "平息", "下来", "的", "。", "那么", ",", "借贷", "宝", "背后", "更大", "的", "后台", "到底是谁", "?", "很显然", ",", "他", "应该", "是", "从未", "被曝光", "的", "人物", ",", "这", "令", "小", "编", "更加", "急切", "的", "想知道", "真相", "。"], ["在", "透露", "借贷", "宝", "的", "最大", "后台", "之", "前", ",", "我们", "先", "回顾", "一", "下", "借贷", "宝", "备受", "攻讦", "的", "几", "次", "事件", ",", "透过", "这些", "事件", ",", "有助于", "我们", "发觉", "借贷", "宝", "神秘", "靠山", "的", "“", "蛛丝马迹", "”", "。"], ["事件", "回顾", "之", "—", "—", "借贷", "宝", "被", "抹黑", "为", "传销"], ["2015", "年", "8", "月", ",", "借贷", "宝", "发起", "了", "一", "场", "轰动全国", "的", "拉", "好友", "有奖励", "营销", "活动", ",", "拉", "一", "个", "好友", "注册", "借贷", "宝", ",", "双方", "均", "可", "获得", "20", "元", "奖励", ",", "如果", "你", "拉", "的", "好友", "再", "拉", "了", "另一个", "好友", ",", "那么", ",", "你", "还", "可以", "从", "中", "赚取", "10", "元", "。", "正是", "这个", "设计", ",", "让", "借贷", "宝", "瞬间", "被", "扣", "上", "传销", "的", "帽子", "。", "众所周知", ",", "传销", "企业", "犹如", "过街老鼠", ",", "是", "人人喊打", "的", ",", "但", "我们", "冷静", "分析", "一", "下", "才", "知道", ",", "借贷", "宝", "似乎", "并", "未", "让", "我们", "交钱", ",", "也", "未", "让", "我们", "买", "产品", ",", "所谓", "的", "传销", "从何而来", "?", "俗", "谚", "曰", ":", "谣言", "止", "于", "智者", ",", "这", "场", "关于", "借贷", "宝", "“", "传销", "”", "的", "弥天大谎", ",", "仅仅", "存在", "了", "几天", "便", "偃旗息鼓", "了", "。", "如此", "规模", "的", "谣言", ",", "如此", "短时间内", "悄无声息", "的", "平息", "下来", ",", "如果", "我", "说", "借贷", "宝", "背后", "没有", "大人物", "做", "靠山", ",", "你", "会", "相信", "吗", "?"], ["事件", "回顾", "之", "—", "—", "借贷", "宝", "被", "裹挟", "上", "裸条"], ["众所周知", ",", "借贷", "宝", "是", "一", "个", "熟人", "借贷", "的", "平台", ",", "他", "采用", "的", "是", "单向", "匿名", "模式", ",", "平台", "上", "也", "没有", "上传图片", ",", "何来", "裸条", "?", "仔细", "分析", "一", "下", ",", "原来", "是", "有", "极", "个别", "的", "用户", ",", "不", "遵守", "借贷", "宝", "的", "规定", ",", "在线", "下", "进行", "交易", ",", "并", "用", "裸照", "作为", "按时", "还款", "证据", "。", "事件", "被", "某些", "媒体", "扩大", "之后", ",", "一些", "不明", "真相", "的", "吃", "瓜", "群众", "将", "裸条", "与", "借贷", "宝", "挂", "上钩", "。", "但是", "这", "与", "借贷", "宝", "有", "何", "干", "系", "呢", "?", "我", "举", "个", "例子", ":", "你", "可以", "在", "淘宝", "上", "进行", "买卖", "交易", ",", "如果", "遵守", "淘宝", "的", "约定", ",", "用", "支付宝", "交易", ",", "那么", ",", "淘宝", "就会", "保护你", "的", "财产安全", ";", "但", "如果", "你", "违背", "淘宝", "的", "规定", ",", "与", "卖家", "线", "下", "交易", "并", "直接", "打", "款", "给", "卖家", ",", "你", "看看", "淘宝", "会不会", "保护", "你", "的", "财产", "?", "所以", ",", "我", "感觉", "这样", "的", "事情", ",", "问题", "在于", "那些", "极其", "个别", "的", "不", "遵守", "规则", "的", "人", ",", "而", "不在", "于", "平台", "本身", "。", "后来", ",", "听说", "借贷", "宝", "设立", "了", "专门", "的", "小组", "来", "协助", "当事人", "处理", "相关事宜", ",", "但是", "幕后黑手", "似乎", "依然", "想", "给", "借贷", "宝", "裹挟", "上", "裸照", ",", "企图", "让", "借贷", "宝", "声", "名", "扫地", "。"], ["这个", "裸条", "事件", ",", "放在", "国内", "任何", "一", "家", "民营企业", "身上", ",", "可能", "都会", "让", "它", "万劫不复", ",", "但", "奇怪", "的", "是", "借贷", "宝", "不仅", "没有", "受到", "多大", "影响", ",", "反而", "在", "不久之后", "便", "宣布", "撮合", "交易额", "已", "突破", "800", "亿", ",", "如果", "我", "说", "借贷", "宝", "背后", "没有", "真正", "的", "大人物", "撑腰", ",", "你", "会", "相信", "吗", "?", "反正", "我", "是", "不", "信", "。"], ["事件", "回顾", "之", "—", "—", "某", "权威媒体", "点名", "批评"], ["树大招风", ",", "借贷", "宝", "仅仅", "用", "了", "一年多", "就", "将", "交易额", "做到", "了", "1000", "多", "亿", ",", "这", "在", "P2P", "行业", "可谓", "一骑绝尘", "。", "恰逢", "相关", "监管部门", "正在", "整顿", "P2P", "行业", ",", "在", "整顿", "期间", "内", "(", "12", "个", "月", ")", ",", "还没有", "听到", "哪个", "P2P", "平台", "已经", "整改", "完毕", ",", "在", "这个", "节骨眼", "上", ",", "幕后黑手", "又", "开始", "抹黑", "借贷", "宝", "了", "!", "而且", "这次", "连", "权威媒体", "都", "被", "蒙蔽", "了", ",", "这", "让", "借贷", "宝", "多少", "有些", "措手不及", ",", "但是", ",", "借贷", "宝", "当晚", "好像", "就", "回", "过", "神", "来", "了", ",", "据说", "当晚", "就", "发出", "相关", "整改", "回应", ",", "例如", "取消", "赚", "利差", "、", "限额", "20", "万", "、", "银行", "托管", "等等", ",", "动作", "非常", "迅疾", ",", "虽然", "整改", "后", "的", "借贷", "宝", "是", "P2P", "行业", "首家", "完全", "合规", "的", "平台", ",", "但是", ",", "这", "起", "事件", "中", ",", "借贷", "宝", "被", "抹黑", "却", "又", "是", "不争", "的", "事实", "。"], ["相关", "人士", "表示", ":", "凡是", "被", "该", "媒体", "平台", "报道", "过", "的", "P2P", "企业", ",", "还没有", "哪家", "能", "挺", "过", "一", "周", "的", ",", "但", "借贷", "宝", "简直", "是", "个", "奇葩", ",", "它", "不仅", "挺", "过", "了", "一", "周", ",", "更进一步", ",", "它", "反而", "变成", "了", "P2P", "行业", "首家", "合规", "的", "平台", "!", "看到", "没有", ",", "是", "首家", "合规", "!", "!", "这", "将", "借贷", "宝", "从", "一", "个", "被", "抹黑", "为", "典型", "的", "负面", "形象", ",", "直接", "反转", "为", "行业", "首家", "合规", "!", "!", "!", "是", "的", ",", "你", "没", "看", "错", ",", "它", "现在", "已经", "是", "整个", "中国", "的", "P", "2", "P", "行业", "首家", "合规", "的", "平台", ",", "是", "样板", ",", "是", "榜样", "!", "!", "如果说", "借贷", "宝", "背后", "没", "人", ",", "或者说", "背后", "没有", "绝对", "实力", "的", "靠山", ",", "你", "会", "相信", "吗", "?", "(", "假如", "智商", "正常", "的", "话", ")"], ["事件", "回顾", "之", "—", "—", "再次", "被曝", "裸照事件"], ["就", "在", "借贷", "宝", "被", "贴上", "行业", "首家", "合规", "的", "P2P", "平台", "的", "时候", ",", "一", "场", "支付宝", "被", "喊", "为", "支付", "鸨", "的", "事件", "传播", "开来", "。", "然而", ",", "这", "不是", "重点", ",", "重点", "是", "第二天", "的", "头条", "竟然", "不是", "支付宝", "!", "第二天", "的", "头条", "是", "借贷", "宝", "!", "是", "借贷", "宝", "!", "是", "借贷", "宝", "!", "(", "重要", "的", "事情", "说", "三", "遍", ")", "这", "令", "小", "编", "一", "时", "惊", "掉", "了", "下巴", "!", "莫非", "借贷", "宝", "的", "炒作", "水平", "竟然", "超过", "了", "支付宝", "?"], ["赶紧", "查查", "看", ",", "一看", "才", "知道", ",", "原来", "是", "回锅饭", ",", "图片", "还是", "上次", "裸条", "时候", "的", "图片", ",", "只是", "又", "被", "打包", "炒", "了", "一次", ",", "看到这里", ",", "小", "编", "感觉", "这次", "借贷", "宝", "又", "被黑了", ",", "而且", "这次", "被", "黑", "有点", "连环计", "的", "味道", ",", "借", "着", "某", "媒体", "批评", "借贷", "宝", "之后", ",", "马上", "来", "黑", "借贷", "宝", ",", "应该", "是", "有人", "在", "幕后", "故意策划", "的", ",", "否则", "它", "的", "热度", "不可能", "一夜之间", "超过", "支付宝", ",", "要知道", "支付宝", "成名", "已", "久", "了", "啊", "。", "借贷", "宝", "纵使", "是", "非常", "强悍", "的", "独角兽", ",", "但", "目前", "也", "不能", "与", "支付宝", "匹敌", "啊", "。"], ["接着", ",", "就是", "大量", "的", "媒体", "曝光", "说", "借贷", "宝", "已经", "报警", "了", ",", "我", "搜索", "了", "一", "下", ",", "发现", "竟然", "有", "926", "个", "媒体报道", "过", "借贷", "宝", "澄清", "裸条", "的", "事件", ",", "然后", ",", "事件", "出乎意料", "的", "平息", "下来", ",", "大家", "都", "当成", "了", "一", "场", "闹剧", "。"]], "paragraphs": ["为什么借贷宝倒闭不了? 借贷宝一线员工泄密!!", "为什么借贷宝倒闭不了?借贷宝一线员工泄密!!", "不知道从什么时候开始,有不少网友开始质疑:为什么借贷宝倒闭不了?据悉,“为什么借贷宝倒闭不了”这个词已经进入了百度的相关搜索好长一段时间了,要知道进入这里的相关搜索并不容易,那么,问题来了,为什么借贷宝倒闭不了呢?本文并不想做盖棺定论,只是想把正反两方面的观点亮出来,抛砖引玉,请各位看官自行判断。", "为什么借贷宝倒闭不了", "《借贷宝的最大后台被曝光,怪不得屡陷危机安然无恙》", "自借贷宝创立以来,先后多次被抹黑为传销、裸照等,甚至被某权威媒体批评,像这样被反复打击却依然屹立不倒的P2P平台,在国内恐怕只有借贷宝一家了。那么,借贷宝背后的靠山是什么人?借贷宝最大的后台是谁?这令我们非常感兴趣。", "全球互金视角下的借贷宝:盛世繁荣还是危机四伏?", "全球互金视角下的借贷宝:盛世繁荣还是危机四伏?", "什么?借贷宝的后台是王璐?别开玩笑了!", "根据公开资料显示,王璐出生于1988年,是北京大学金融数学系本科,北京大学经济学硕士学历。据说王璐是被保送到北大的,当初因为喜欢数学,他和北大招生办的人员约定:如果高考数学满分,就让他进数学系,结果他的高考数学真的满分。要知道北大的数学可是国内最厉害的地方了,高考数学满分,全国又有几个?所以他的智商绝对不低。", "又有资料显示:王璐是2012年加入九鼎的,期间参与负责过多个金融投资、并购、大型战略合作项目,在大数据分析、战略合作研究方面有丰富的项目经验。虽然王璐的履历非常辉煌,但如果说他就是拯救屡陷舆论危机的借贷宝的后台,可能不能令人信服,因为没有哪一家P2P平台可以经受住如此多的攻击,那么,我想这个后台一定非常强大。王璐毕竟是一家公司的掌门人,与我们想象的躲在幕后操盘的靠山不太相符。那么,借贷宝幕后真正的靠山究竟是谁呢?", "什么,借贷宝的最大后台是吴刚?虽然他是新三板首富,然并卵", "提起吴刚这个人,绝对不简单,吴刚是中国P2P行业中的一个传奇人物。公开资料显示:吴刚最初只有中专学历、负债百万起步、从地下室的2个人开始干起,到身家180亿,成为新三板首富。在2015年胡润研究院发布《2015胡润百富榜》的上榜名单中,有14位是来自新三板挂牌公司。其中财富涨幅最快的就是九鼎投资董事长吴刚,在过去一年中财富增长8倍,以180亿身家位列百富榜第120位,同时也是新三板首富。据悉,九鼎投资被誉为新三版老大,2014年4月上市,市值超过1000亿。", "但即便聪敏如吴刚,也只是一个企业家,最多是企业家领袖,想那借贷宝的负面事件闹得满城风雨,显然不是一个企业家能够平息下来的。那么,借贷宝背后更大的后台到底是谁?很显然,他应该是从未被曝光的人物,这令小编更加急切的想知道真相。", "在透露借贷宝的最大后台之前,我们先回顾一下借贷宝备受攻讦的几次事件,透过这些事件,有助于我们发觉借贷宝神秘靠山的“蛛丝马迹”。", "事件回顾之——借贷宝被抹黑为传销", "2015年8月,借贷宝发起了一场轰动全国的拉好友有奖励营销活动,拉一个好友注册借贷宝,双方均可获得20元奖励,如果你拉的好友再拉了另一个好友,那么,你还可以从中赚取10元。正是这个设计,让借贷宝瞬间被扣上传销的帽子。众所周知,传销企业犹如过街老鼠,是人人喊打的,但我们冷静分析一下才知道,借贷宝似乎并未让我们交钱,也未让我们买产品,所谓的传销从何而来?俗谚曰:谣言止于智者,这场关于借贷宝“传销”的弥天大谎,仅仅存在了几天便偃旗息鼓了。如此规模的谣言,如此短时间内悄无声息的平息下来,如果我说借贷宝背后没有大人物做靠山,你会相信吗?", "事件回顾之——借贷宝被裹挟上裸条", "众所周知,借贷宝是一个熟人借贷的平台,他采用的是单向匿名模式,平台上也没有上传图片,何来裸条?仔细分析一下,原来是有极个别的用户,不遵守借贷宝的规定,在线下进行交易,并用裸照作为按时还款证据。事件被某些媒体扩大之后,一些不明真相的吃瓜群众将裸条与借贷宝挂上钩。但是这与借贷宝有何干系呢?我举个例子:你可以在淘宝上进行买卖交易,如果遵守淘宝的约定,用支付宝交易,那么,淘宝就会保护你的财产安全;但如果你违背淘宝的规定,与卖家线下交易并直接打款给卖家,你看看淘宝会不会保护你的财产?所以,我感觉这样的事情,问题在于那些极其个别的不遵守规则的人,而不在于平台本身。后来,听说借贷宝设立了专门的小组来协助当事人处理相关事宜,但是幕后黑手似乎依然想给借贷宝裹挟上裸照,企图让借贷宝声名扫地。", "这个裸条事件,放在国内任何一家民营企业身上,可能都会让它万劫不复,但奇怪的是借贷宝不仅没有受到多大影响,反而在不久之后便宣布撮合交易额已突破800亿,如果我说借贷宝背后没有真正的大人物撑腰,你会相信吗?反正我是不信。", "事件回顾之——某权威媒体点名批评", "树大招风,借贷宝仅仅用了一年多就将交易额做到了1000多亿,这在P2P行业可谓一骑绝尘。恰逢相关监管部门正在整顿P2P行业,在整顿期间内(12个月),还没有听到哪个P2P平台已经整改完毕,在这个节骨眼上,幕后黑手又开始抹黑借贷宝了! 而且这次连权威媒体都被蒙蔽了,这让借贷宝多少有些措手不及,但是,借贷宝当晚好像就回过神来了,据说当晚就发出相关整改回应,例如取消赚利差、限额20万、银行托管等等,动作非常迅疾,虽然整改后的借贷宝是P2P行业首家完全合规的平台,但是,这起事件中,借贷宝被抹黑却又是不争的事实。", "相关人士表示:凡是被该媒体平台报道过的P2P企业,还没有哪家能挺过一周的,但借贷宝简直是个奇葩,它不仅挺过了一周,更进一步,它反而变成了P2P行业首家合规的平台! 看到没有,是首家合规!! 这将借贷宝从一个被抹黑为典型的负面形象,直接反转为行业首家合规!!!是的,你没看错,它现在已经是整个中国的P2P行业首家合规的平台,是样板,是榜样!!如果说借贷宝背后没人,或者说背后没有绝对实力的靠山,你会相信吗?(假如智商正常的话)", "事件回顾之——再次被曝裸照事件", "就在借贷宝被贴上行业首家合规的P2P平台的时候,一场支付宝被喊为支付鸨的事件传播开来。然而,这不是重点,重点是第二天的头条竟然不是支付宝!第二天的头条是借贷宝!是借贷宝!是借贷宝!(重要的事情说三遍)这令小编一时惊掉了下巴!莫非借贷宝的炒作水平竟然超过了支付宝?", "赶紧查查看,一看才知道,原来是回锅饭,图片还是上次裸条时候的图片,只是又被打包炒了一次,看到这里,小编感觉这次借贷宝又被黑了,而且这次被黑有点连环计的味道,借着某媒体批评借贷宝之后,马上来黑借贷宝,应该是有人在幕后故意策划的,否则它的热度不可能一夜之间超过支付宝,要知道支付宝成名已久了啊。借贷宝纵使是非常强悍的独角兽,但目前也不能与支付宝匹敌啊。", "接着,就是大量的媒体曝光说借贷宝已经报警了,我搜索了一下,发现竟然有926个媒体报道过借贷宝澄清裸条的事件,然后,事件出乎意料的平息下来,大家都当成了一场闹剧。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "为什么借贷宝倒闭不了的最新相关信息_百度知道", "most_related_para": 0, "segmented_title": ["为什么", "借贷", "宝", "倒闭", "不", "了", "的", "最新", "相关", "信息", "_", "百度", "知道"], "segmented_paragraphs": [["只要", "民间借贷", "的", "利率", "居高不下", ",", "就", "不会", "倒闭", "的", "。"], ["炒", "得", "这么", "火", ",", "能", "倒闭", "吗"]], "paragraphs": ["只要民间借贷的利率居高不下,就不会倒闭的。", "炒得这么火,能倒闭吗"], "bs_rank_pos": 3}, {"is_selected": false, "title": "2016借贷宝逾期不还案例怎么办 借贷宝爆发大面积逾期不还_尚之潮", "most_related_para": 10, "segmented_title": ["2016", "借贷", "宝", "逾期", "不", "还", "案例", "怎么办", "借贷", "宝", "爆发", "大面积", "逾期", "不", "还", "_", "尚之潮"], "segmented_paragraphs": [["首页", ">", "理财", ">", "资讯", ">", "2016", "借贷", "宝", "逾期", "不", "还", "案例", "怎么办"], ["2016", "借贷", "宝", "逾期", "不", "还", "案例", "怎么办", "?", "近日", ",", "有", "媒体", "曝光", "借贷", "宝", "爆发", "大面积", "逾期", "不", "还", "。", "近日", ",", "一批", "自称", "“", "借贷", "宝", "受害者", "”", "的", "投资", "人", "陆续", "赶", "至", "北京", ",", "聚集", "在一起", "维权", "。", "有", "投资", "人", "透露", ",", "预计", "规模", "将", "超", "1000", "人", "。", "他们", "相互", "之间", "称为", "“", "宝", "友", "”", ",", "多", "位", "“", "宝", "友", "”", "表示", ",", "从", "今年", "5", "月份", "开始", ",", "借贷", "宝", "爆发", "大面积", "逾期", ",", "他们", "借出", "的", "贷款", "全部", "逾期", ",", "每天", "只能", "看着", "管理费", "不断增加", ",", "无法", "收回", "。"], ["\"", "裸条", "\"", "风波", "刚", "过", ",", "\"", "赚", "利差", "\"", "业务", "又", "被", "爆", "出", "风险", ",", "借贷", "宝", "可谓", "一波", "刚", "平", "一波又起", "。", "多", "位", "希望", "通过", "\"", "赚", "利差", "\"", "赚钱", "的", "借贷", "宝", "用户", ",", "10", "月", "20", "日", ",", "对", "新京报", "记者", "表示", ",", "由于", "借", "出去", "的", "钱", "不能", "按时", "收回", ",", "导致", "其", "在", "借贷", "宝", "平台", "逾期", ",", "除了", "丧失", "本金", "外", ",", "还要", "向", "借贷", "宝", "支付", "高", "额", "的", "逾期", "管理费", "。"], ["律师", "认为", ",", "借贷", "宝", "收取", "逾期", "管理费", "是", "没有", "法律依据", "的", ",", "并", "认为", "这", "涉嫌", "变相", "违背", "国家", "关于", "民间借贷", "的", "最高", "利息", "的", "限制", ",", "也", "违背", "合同法", "的", "公平", "原则", "。"], ["但", "借贷", "宝", "方面", "告诉", "新京报", "记者", ",", "\"", "从", "法律关系", "上", "说", ",", "赚", "利差", "者", "与", "上", "游", "借款人", "与", "下", "游", "出借人", "之间", "均", "构成", "独立", "的", "借贷", "关系", ",", "法律关系", "清晰", "。", "\""], ["据了解", ",", "20", "日", ",", "多", "位", "借贷", "宝", "用户", "在", "北京", "东城区", "某", "小区", "的", "招待所", "门", "前", "挂", "出", "条幅", ",", "横幅", "上", "写道", ":", "“", "九鼎", "借贷", "宝", "虚假宣传", "坑害", "万人", "家破人亡", "”", "、", "“", "借贷", "宝", "还", "我们", "血汗钱", "”", "等", "。"], ["据", "网易财经", ",", "在", "北京", "东城区", "某", "小区", "的", "招待所", "内", ",", "来自", "山东", "、", "江西", "、", "重庆", "等", "地", "的", "借贷", "宝", "用户", "聚集", "在", "这里", ",", "这个", "地下室", "中", "的", "招待所", ",", "成", "了", "他们", "在", "京", "的", "汇", "合", "点", ",", "几天之内", ",", "有人", "离开", ",", "也有", "人", "陆续", "到", "来", "。"], ["据", "金融", "舆情", "了解", ",", "在", "借贷", "宝", "的", "平台", "上", ",", "有", "很多人", "是", "做", "“", "中介", "”", ",", "希望", "通过", "“", "低", "进", "高", "出", "”", "的", "方式", "挣", "利差", "。", "有", "多", "位", "“", "宝", "友", "”", "表示", ",", "自己", "是", "通过", "地", "推", "的", "推荐", "下", ",", "注册", "了", "借贷", "宝", "。", "地", "推", "人员", "称", ",", "扫", "二维码", ",", "下载软件", "注册", "后", ",", "就能", "有", "20", "元", "的", "返利", "。", "或者", "可以", "用", "牛奶", "等等价物", "作为奖励", "。"], ["公开", "资料", "显示", ",", "借贷", "宝", "由", "人人", "行", "科技", "股份", "有限公司", "运营", ",", "注册资本", "55000", "万", "元", ",", "股东", "是", "思运科", "(", "上海", ")", "科技", "股份", "有限公司", "和", "思运科", "(", "北京", ")", "科技", "有限公司", ",", "后者", "由", "前者", "投资", ",", "而", "前者", "的", "股东", "之", "一", "是", "同创", "九鼎", "投资", "控股", "有限公司", "(", "简称", "九鼎", "投资", ")", "。", "此外", ",", "在", "2015", "年", "5", "月", "25", "日", "变更", "前", ",", "人人", "行", "公司", "的", "唯一", "股东", "是", "九鼎", "投资", ",", "之后", "投资", "人", "又", "经过", "了", "几", "次", "变更", ",", "直到", "2015", "年", "11", "月", "27", "日", ",", "投资", "人", "变更", "为", "唯一", "股东", "思运科", "(", "上海", ")", "科技", "股份", "有限公司", ",", "不再", "出现", "九鼎", "系", "。"], ["也有", "学生", "表示", ",", "自己", "也", "曾", "是", "借贷", "宝", "的", "用户", "。", "为了", "“", "20", "块", "钱", "的", "返利", ",", "按照要求", "绑定", "了", "银行卡", ",", "提现", "了", "之后", "就", "没有", "再", "用", "了", "。", "”", "该", "学生", "还", "表示", ",", "在", "借贷", "宝", "每", "邀请", "一", "个", "好友", "成功", "注册", "使用", "借贷", "宝", "并", "进行", "认证", ",", "自己", "就", "可以获得", "20", "元", "的", "返利", ",", "还在", "学校", "流行", "一", "时", "。", "该", "学生", "表示", ",", "自己", "的", "一", "个", "同学", "通过", "邀请", "自己", "班级", "的", "同学", "赚", "到", "大约", "300", "元", "。"], ["事实上", ",", "借贷", "宝", "自", "上线", "以来", ",", "质疑", "的", "声音", "便", "一直", "不断", "。", "早", "在", "2015", "年", "8", "与", "8", "日", ",", "人人", "行", "公司", "就", "发布", "过", "声明", ",", "表示", "借贷", "宝", "‘", "拉", "好友", "抢", "现金", "’", "的", "营销", "活动", "与", "传销", "完全", "不", "是", "一", "个", "概念", ",", "并且", "称", "“", "借贷", "宝", "诈骗", "、", "套取", "用户", "钱财", "”", "是", "凭空捏造", "的", "谣言", "。", "同", "年", "8", "月", "12", "日", ",", "借贷", "宝", "宣布", "完成", "20", "亿元", "的", "首轮", "融资", ",", "刷新", "了", "当时", "互联网", "金融", "首轮", "融资", "额", "的", "新纪录", "。"], ["《", "西游", "伏", "妖", "篇", "》", "总", "票房", "过", "20", "亿", "才"], ["争议", "虽", "大", "《", "大", "闹", "天竺", "》", "票房", "预测"], ["过年", "的", "时候", "香蕉", "都", "有", "哪些", "好", "的", "吃"], ["白羊", "男", "彻底", "分手", "的", "表现", "有", "哪些", "白羊座", "男人", "思想活跃", ",", "热情似火", ",", "周", "身", "洋溢", "着", "不竭", "的", "创造力", "。", "白羊", "男", "喜欢", "一个", "女人", "的", "时候", "会", "想", "尽", "一切", "办法", "的", "去", "呵护", "帮助", "喜欢", "的", "女人", ",", ".", ".", ".", "更多", "2017", "-", "01", "-", "28", "18", ":", "00", ":", "03"], ["小品", "真情", "永驻", "结尾", "歌曲", "大揭秘", "春晚", "小品", "《", "真情永驻", "》", "最后", "响起", "的", "歌曲", "是", "什么", "?", "2017", "年", "的", "央视", "春晚", "迎来", "许多", "熟悉", "面孔", ",", "其中", ",", "孙涛", "、", "闫学晶", "、", "刘仪伟", "表演", "的", "小品", "《", "真", ".", ".", ".", "更多", "2017", "-", "01", "-", "27", "22", ":", "40", ":", "11"], ["《", "西游", "伏", "妖", "篇", "》", "总", "票房", "过", "20", "亿", "才能", "回", "本", "?", "电影", "《", "西游", "伏", "妖", "篇", "》", "的", "预售", "票房", "是", "多少", ",", "累计", "总", "票房", "预测", "多少", "亿能", "保底", "俨然", "成为", "了", "新春佳节", "大家", "热议", "的", "话题", "的", "质疑", ",", "接下来", "快", "跟", "尚", "之", ".", ".", ".", "更多", "2017", "-", "01", "-", "27", "22", ":", "55", ":", "56"], ["争议", "虽", "大", "《", "大", "闹", "天竺", "》", "票房", "预测", "15", "亿", "封顶", "电影", "《", "大", "闹", "天竺", "》", "片", "方", "预测", "能", "有", "多少", "让", "大家", "十分", "关心", ",", "早", "前", "有", "网友", "根据", "王宝强", "离婚案", "事件", "分析", ",", "《", "大", "闹", "天竺", "》", "票房", "预测", "能达", "30", "亿", ",", "但", ".", ".", ".", "更多", "2017", "-", "01", "-", "27", "19", ":", "39", ":", "18"], ["除夕", "的", "14", "大", "习俗", "和", "禁忌", "一定", "有", "你", "不知道", "的", "!", "今天", "是", "除夕", ",", "对于", "还", "奋战", "在", "编辑", "第", "一线", "的", "小", "编", "来", "说", "是", "一", "个", "忙碌", "而", "充实", "的", "除夕", ",", "坐等", "春晚", "的", "空隙", "还", "研究", "了", "下", "除夕", "的", "习俗", ",", "发现", "各个地方", ".", ".", ".", "更多", "2017", "-", "01", "-", "27", "19", ":", "38", ":", "59"], ["2017", "央视", "春晚", "靳东", "为何", "缺席", "靳东", "为何", "缺席", "2017", "年", "央视", "春晚", "?", "2015", "年", "一", "部", "《", "伪装者", "》", "让", "靳东", "、", "胡歌", "、", "王", "凯", "组成", "的", "“", "明", "家", "三兄弟", "”", "形象", "深入人心", ",", "近日", ",", "2017", "年", "央视", ".", ".", ".", "更多", "2017", "-", "01", "-", "27", "13", ":", "58", ":", "19"], ["《", "大", "闹", "天竺", "》", "竟是", "一", "个", "当代", "版", "西游记", "故事", "王宝强", "执导", "的", "电影", "《", "大", "闹", "天竺", "》", "即将", "在", "大", "年", "初一", "上映", ",", "备受", "网友", "们", "的", "期待", "。", "但是", "令", "网友", "好奇", "的", "是", "电影", "《", "大", "闹", "天竺", "》", "讲", "了", "什么", "故事", ",", "背", ".", ".", ".", "更多", "2017", "-", "01", "-", "26", "19", ":", "06", ":", "06"], ["《", "西游", "伏", "妖", "篇", "》", "台词", "周星驰", "式", "无厘头", "风格", "明显", "电影", "《", "西游", "伏", "妖", "篇", "》", "将", "于", "大", "年", "初一", "上映", ",", "单", "是", "周星驰", "和", "徐克", "这个", "黄金组合", "就", "万众瞩目", "了", ",", "而", "高", "颜值", "的", "小鲜肉", "演员阵容", "更", "是", "令", "影", "迷", "们", "期", ".", ".", ".", "更多", "2017", "-", "01", "-", "26", "17", ":", "04", ":", "26"], ["《", "西游", "伏", "妖", "篇", "》", "的", "物理", "特效", "可", "不仅", "值", "6", "毛", "《", "西游", "伏", "妖", "篇", "》", "的", "特效", "在", "电影", "上映", "前", "就", "备受", "网友", "关注", ",", "那么", "《", "西游", "伏", "妖", "篇", "》", "真", "的", "没有", "特效", "吗", ",", "物理", "特效", "又", "是", "什么", "鬼", "呢", "?", "有", "网友", "吐槽", "《", ".", ".", ".", "更多", "2017", "-", "01", "-", "26", "17", ":", "09", ":", "51"], ["《", "大", "闹", "天竺", "》", "票房", "大热", "马蓉", "究竟", "能不能", "分", "到", "钱", "电影", "《", "大", "闹", "天竺", "》", "将", "映", ",", "王宝强", "前期", "马蓉", "是否", "能", "分", "到", "票房", "钱", "让", "网友", "们", "关心", "不", "已", ",", "那么", "王宝强", "离婚", "判决", "结果", "如何", "了", ",", "最新消息", "是", "怎么", "宣", ".", ".", ".", "更多", "2017", "-", "01", "-", "26", "16", ":", "08", ":", "37"], ["《", "功夫", "瑜伽", "》", "迪拜", "王子", "竟", "出借", "世界", "最贵", "超跑", "成龙", "喜剧电影", "《", "功夫", "瑜伽", "》", "即将上映", ",", "据悉", "该片", "主", "打", "异域风情", ",", "前往", "多", "个", "国家", "取景", "拍摄", ",", "展现", "了", "各具特色", "的", "风景", "和", "风情", "。", "令", "网友", "好奇", ".", ".", ".", "更多", "2017", "-", "01", "-", "26", "15", ":", "36", ":", "28"], ["适合", "农村", "低", "投资", "的", "项目", "有", "哪些", "?", "2017", "养殖", "什么", "最", "能", "赚钱", "如何", "才能", "让", "欠", "了", "钱", "的", "人", "乖乖", "还钱", "呢", "做什么", "生意", "有", "前景", "2017", "月薪", "过", "万", "十大", "冷门", "职业", "你造吗", "99", "版", "100", "元", "人民币", "暴涨", "真假", "千元", "手机", "排行榜", "2016", "前十名", "性价比", "高", "十年后", "最", "便宜", "的", "东西", "是", "房子", "?", "如果", "中国", "房价", "暴跌", "会", "有", "那些", "后果", "在家", "开", "什么", "加工厂", "不愁", "销路"], ["2017", "年", "支付宝", "敬业", "福", "不求人", "的", "秘诀", "在这里"], ["《", "鬼吹灯", "》", "胡八一", "身世", "来历", "父亲", "是", "谁", "介绍"], ["王昱", "珩", "能", "再", "创", "不败", "奇迹", "碾压", "人工智能", "吗"], ["这", "款", "跑车", "不仅", "便宜", "竟然", "还有", "剪刀门", "?"], ["老公", "日记", "惊现", "他", "与", "初恋情人", "的", "偷情", "丑事"]], "paragraphs": ["首页 > 理财 > 资讯 > 2016借贷宝逾期不还案例怎么办", "2016借贷宝逾期不还案例怎么办?近日,有媒体曝光借贷宝爆发大面积逾期不还。近日,一批自称“借贷宝受害者”的投资人陆续赶至北京,聚集在一起维权。有投资人透露,预计规模将超1000人。他们相互之间称为“宝友”,多位“宝友”表示,从今年5月份开始,借贷宝爆发大面积逾期,他们借出的贷款全部逾期,每天只能看着管理费不断增加,无法收回。", "\"裸条\"风波刚过,\"赚利差\"业务又被爆出风险,借贷宝可谓一波刚平一波又起。多位希望通过\"赚利差\"赚钱的借贷宝用户,10月20日,对新京报记者表示,由于借出去的钱不能按时收回,导致其在借贷宝平台逾期,除了丧失本金外,还要向借贷宝支付高额的逾期管理费。", "律师认为,借贷宝收取逾期管理费是没有法律依据的,并认为这涉嫌变相违背国家关于民间借贷的最高利息的限制,也违背合同法的公平原则。", "但借贷宝方面告诉新京报记者,\"从法律关系上说,赚利差者与上游借款人与下游出借人之间均构成独立的借贷关系,法律关系清晰。\"", "据了解,20日,多位借贷宝用户在北京东城区某小区的招待所门前挂出条幅,横幅上写道:“九鼎借贷宝虚假宣传坑害万人家破人亡”、“借贷宝还我们血汗钱”等。", "据网易财经,在北京东城区某小区的招待所内,来自山东、江西、重庆等地的借贷宝用户聚集在这里,这个地下室中的招待所,成了他们在京的汇合点,几天之内,有人离开,也有人陆续到来。", "据金融舆情了解,在借贷宝的平台上,有很多人是做“中介”,希望通过“低进高出”的方式挣利差。有多位“宝友”表示,自己是通过地推的推荐下,注册了借贷宝。地推人员称,扫二维码,下载软件注册后,就能有20元的返利。或者可以用牛奶等等价物作为奖励。", "公开资料显示,借贷宝由人人行科技股份有限公司运营,注册资本55000万元,股东是思运科(上海)科技股份有限公司和思运科(北京)科技有限公司,后者由前者投资,而前者的股东之一是同创九鼎投资控股有限公司(简称九鼎投资)。此外,在2015年5月25日变更前,人人行公司的唯一股东是九鼎投资,之后投资人又经过了几次变更,直到2015年11月27日,投资人变更为唯一股东思运科(上海)科技股份有限公司,不再出现九鼎系。", "也有学生表示,自己也曾是借贷宝的用户。为了“20块钱的返利,按照要求绑定了银行卡,提现了之后就没有再用了。”该学生还表示,在借贷宝每邀请一个好友成功注册使用借贷宝并进行认证,自己就可以获得20元的返利,还在学校流行一时。该学生表示,自己的一个同学通过邀请自己班级的同学赚到大约300元。", "事实上,借贷宝自上线以来,质疑的声音便一直不断。早在2015年8与8日,人人行公司就发布过声明,表示借贷宝‘拉好友抢现金’的营销活动与传销完全不是一个概念,并且称“借贷宝诈骗、套取用户钱财”是凭空捏造的谣言。同年8月12日,借贷宝宣布完成20亿元的首轮融资,刷新了当时互联网金融首轮融资额的新纪录。", "《西游伏妖篇》总票房过20亿才", "争议虽大《大闹天竺》票房预测", "过年的时候香蕉都有哪些好的吃", "白羊男彻底分手的表现有哪些 白羊座男人思想活跃,热情似火,周身洋溢着不竭的创造力。白羊男喜欢一个女人的时候会想尽一切办法的去呵护帮助喜欢的女人,...更多 2017-01-28 18:00:03", "小品真情永驻结尾歌曲大揭秘 春晚小品《真情永驻》最后响起的歌曲是什么?2017年的央视春晚迎来许多熟悉面孔,其中,孙涛、闫学晶、刘仪伟表演的小品《真...更多 2017-01-27 22:40:11", "《西游伏妖篇》总票房过20亿才能回本? 电影《西游伏妖篇》的预售票房是多少,累计总票房预测多少亿能保底俨然成为了新春佳节大家热议的话题的质疑,接下来快跟尚之...更多 2017-01-27 22:55:56", "争议虽大《大闹天竺》票房预测15亿封顶 电影《大闹天竺》片方预测能有多少让大家十分关心,早前有网友根据王宝强离婚案事件分析,《大闹天竺》票房预测能达30亿,但...更多 2017-01-27 19:39:18", "除夕的14大习俗和禁忌一定有你不知道的! 今天是除夕,对于还奋战在编辑第一线的小编来说是一个忙碌而充实的除夕,坐等春晚的空隙还研究了下除夕的习俗,发现各个地方...更多 2017-01-27 19:38:59", "2017央视春晚靳东为何缺席 靳东为何缺席2017年央视春晚?2015年一部《伪装者》让靳东、胡歌、王凯组成的“明家三兄弟”形象深入人心,近日,2017年央视...更多 2017-01-27 13:58:19", "《大闹天竺》竟是一个当代版西游记故事 王宝强执导的电影《大闹天竺》即将在大年初一上映,备受网友们的期待。但是令网友好奇的是电影《大闹天竺》讲了什么故事,背...更多 2017-01-26 19:06:06", "《西游伏妖篇》台词周星驰式无厘头风格明显 电影《西游伏妖篇》将于大年初一上映,单是周星驰和徐克这个黄金组合就万众瞩目了,而高颜值的小鲜肉演员阵容更是令影迷们期...更多 2017-01-26 17:04:26", "《西游伏妖篇》的物理特效可不仅值6毛 《西游伏妖篇》的特效在电影上映前就备受网友关注,那么《西游伏妖篇》真的没有特效吗,物理特效又是什么鬼呢?有网友吐槽《...更多 2017-01-26 17:09:51", "《大闹天竺》票房大热马蓉究竟能不能分到钱 电影《大闹天竺》将映,王宝强前期马蓉是否能分到票房钱让网友们关心不已,那么王宝强离婚判决结果如何了,最新消息是怎么宣...更多 2017-01-26 16:08:37", "《功夫瑜伽》迪拜王子竟出借世界最贵超跑 成龙喜剧电影《功夫瑜伽》即将上映,据悉该片主打异域风情,前往多个国家取景拍摄,展现了各具特色的风景和风情。令网友好奇...更多 2017-01-26 15:36:28", "适合农村低投资的项目有哪些? 2017养殖什么最能赚钱 如何才能让欠了钱的人乖乖还钱呢 做什么生意有前景2017 月薪过万十大冷门职业你造吗 99版100元人民币暴涨真假 千元手机排行榜2016前十名性价比高 十年后最便宜的东西是房子? 如果中国房价暴跌会有那些后果 在家开什么加工厂不愁销路", "2017年支付宝敬业福不求人的秘诀在这里", "《鬼吹灯》胡八一身世来历父亲是谁介绍", "王昱珩能再创不败奇迹碾压人工智能吗", "这款跑车不仅便宜竟然还有剪刀门?", "老公日记惊现他与初恋情人的偷情丑事"], "bs_rank_pos": 4}], "answer_spans": [[124, 217]], "fake_answers": ["的财产安全;但如果你违背淘宝的规定,与卖家线下交易并直接打款给卖家,你看看淘宝会不会保护你的财产?所以,我感觉这样的事情,问题在于那些极其个别的不遵守规则的人,而不在于平台本身。后来,听说借贷宝设立了专门的小组来协助当事人处理相关事宜,但是幕后黑手似乎依然想给借贷宝裹挟上裸照,企图让借贷宝声名扫地。"], "question": "为什么借贷宝倒闭不了", "segmented_answers": [["一", "、", "国内外", "P2P", "平台", "林立", ",", "但", "国内", "缺乏", "真正", "意义", "上", "的", "P2P", "平台", "。", "二", "、", "监管", "的", "加强", "肃清", "了", "行业", "的", "风气", ",", "带来", "了", "新", "的", "发展", "契机", "。", "三", "、", "大", "数据", "之", "声", "的", "喧嚣", ",", "推动", "着", "新", "的", "征信", "平台", "的", "诞生", "。", "四", "、", "中国", "民间借贷", "规模", "庞大", "但", "缺乏", "法律", "保障", "、", "回款", "困难", "。", "五", "、", "中国", "5600", "万", "小微", "企业", "存在", "的", "融资难", "、", "融资", "贵", "等", "问题", "。"]], "answers": ["一、国内外 P2P 平台林立,但国内缺乏真正意义上的 P2P 平台。二、监管的加强肃清了行业的风气,带来了新的发展契机。三、大数据之声的喧嚣,推动着新的征信平台的诞生。四、中国民间借贷规模庞大但缺乏法律保障、回款困难。五、中国5600万小微企业存在的融资难、融资贵等问题。"], "answer_docs": [2], "segmented_question": ["为什么", "借贷", "宝", "倒闭", "不", "了"], "question_type": "DESCRIPTION", "question_id": 181605, "fact_or_opinion": "OPINION", "match_scores": [0.16949152542372883]}
-{"documents": [{"is_selected": true, "title": "3岁孩子日常补钙,迪巧和美邦钙宝吃哪个好?长期吃行吗?_百度宝宝知道", "most_related_para": 0, "segmented_title": ["3", "岁", "孩子", "日常", "补钙", ",", "迪巧", "和", "美邦", "钙", "宝", "吃", "哪个", "好", "?", "长期", "吃", "行", "吗", "?", "_", "百度", "宝宝", "知道"], "segmented_paragraphs": [["一般", "给予", "迪巧", "钙", "的", "比较", "多"], ["cn", "#", "aLpLaLVakp", "2016", "-", "07", "-", "17", "13", ":", "07"], ["宝宝", "知道", "提示", "您", ":", "回答", "为", "网友", "贡献", ",", "仅供参考", "。"]], "paragraphs": ["一般给予迪巧钙的比较多", "cn#aLpLaLVakp 2016-07-17 13:07", "宝宝知道提示您:回答为网友贡献,仅供参考。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "补钙是美邦钙宝好还是迪巧好?_咨询实录_快速问医生_有问必答网", "most_related_para": 3, "segmented_title": ["补钙", "是", "美邦", "钙", "宝", "好", "还是", "迪巧", "好", "?", "_", "咨询实录", "_", "快速", "问", "医生", "_", "有问必答", "网"], "segmented_paragraphs": [["、", "美邦", "钙", "宝", "好", "还是", "迪巧", "好", "啊", "?"], ["罗", "华", "妇产科", "-", "妇产科", "综合", "从", "医", "多", "年", ",", "妇产科", "常见病", ",", "多发病", "的", "诊治", ",", "也", "经常", "参与", "到", "医院", "内科", ",", "儿科", "等", "科室", "的", "疾病", "讨论", ",", "抢救", "治疗"], ["病情", "分析", ":", "您好", "!", "孩子", "在", "添加辅食", "后", "出现", "腹泻", "等", "胃肠道", "不适", "现象", ",", "建议", "您", "应", "停止", "喂", "服", ",", "如果", "米粉", "中", "添加", "有", "蔬菜", "类", ",", "宝宝", "的", "大便", "颜色", "可以", "发生", "改变"], ["患者", "、", "美邦", "钙", "宝", "好", "还是", "迪巧", "好", "啊", "?", "罗", "华", "医生", "您好", "!", "孩子", "在", "添加辅食", "后", "出现", "腹泻", "等", "胃肠道", "不适", "现象", ",", "建议", "您", "应", "停止", "喂", "服", ",", "如果", "米粉", "中", "添加", "有", "蔬菜", "类", ",", "宝宝", "的", "大便", "颜色", "可以", "发生", "改变", "患者", "你好", "、", "美邦", "钙", "宝", "好", "还是", "迪巧", "好", "啊", "?", "补钙", "罗", "华", "医生", "上述", "补钙", "产品", "都", "可", "用于", "婴幼儿", "补钙", ",", "每个", "孩子", "吸收", "药物", "的", "个体差异", "不同", ",", "可以", "服用", "其中", "一", "个", "患者", "哦", "好", "、", "谢谢", "罗", "华", "医生", "谢谢您", "的", "咨询", "!", "请", "您", "继续", "关注", "咨询", "的", "右下角", "!"], ["当归", "腹痛", "宁", "滴丸", "功能主治", ":", "解痉", "止痛", "。", "用于", "妇女", "痛经", ",", "产后", "宫缩", "痛", ",", ".", ".", ".", "[", "查看", "说明书", "]", "2", "条", "评价", "参考价格", ":", "¥", "19"], ["小儿", "百部", "止咳糖浆", "功能主治", ":", "清肺", "、", "止咳", "、", "化痰", "。", "用于", "小儿", "肺热", "咳嗽", ",", ".", ".", ".", "[", "查看", "说明书", "]", "2", "条", "评价", "参考价格", ":", "¥", "16"], ["专家", "在线", "免费咨询"]], "paragraphs": ["、美邦钙宝好还是迪巧好啊?", "罗华 妇产科-妇产科综合  从医多年,妇产科常见病,多发病的诊治,也经常参与到医院内科,儿科等科室的疾病讨论,抢救治疗", "病情分析:您好!孩子在添加辅食后出现腹泻等胃肠道不适现象,建议您应停止喂服,如果米粉中添加有蔬菜类,宝宝的大便颜色可以发生改变", "患者 、美邦钙宝好还是迪巧好啊?  罗华医生 您好!孩子在添加辅食后出现腹泻等胃肠道不适现象,建议您应停止喂服,如果米粉中添加有蔬菜类,宝宝的大便颜色可以发生改变  患者 你好、美邦钙宝好还是迪巧好啊?补钙 罗华医生 上述补钙产品都可用于婴幼儿补钙,每个孩子吸收药物的个体差异不同,可以服用其中一个  患者 哦好、谢谢 罗华医生 谢谢您的咨询!请您继续关注咨询的右下角!", "当归腹痛宁滴丸 功能主治:解痉止痛。用于妇女痛经,产后宫缩痛,...[查看说明书] 2条评价参考价格:¥19", "小儿百部止咳糖浆 功能主治:清肺、止咳、化痰。用于小儿肺热咳嗽,...[查看说明书] 2条评价参考价格:¥16", "专家在线免费咨询"], "bs_rank_pos": 1}, {"is_selected": false, "title": "补钙是美邦钙宝好还是迪巧好?_咨询实录_快速问医生", "most_related_para": 3, "segmented_title": ["补钙", "是", "美邦", "钙", "宝", "好", "还是", "迪巧", "好", "?", "_", "咨询实录", "_", "快速", "问", "医生"], "segmented_paragraphs": [["、", "美邦", "钙", "宝", "好", "还是", "迪巧", "好", "啊", "?"], ["罗", "华", "医生"], ["您好", "!", "孩子", "在", "添加辅食", "后", "出现", "腹泻", "等", "胃肠道", "不适", "现象", ",", "建议", "您", "应", "停止", "喂", "服", ",", "如果", "米粉", "中", "添加", "有", "蔬菜", "类", ",", "宝宝", "的", "大便", "颜色", "可以", "发生", "改变"], ["咨询", "记录", "患者", "、", "美邦", "钙", "宝", "好", "还是", "迪巧", "好", "啊", "?", "罗", "华", "医生", "您好", "!", "孩子", "在", "添加辅食", "后", "出现", "腹泻", "等", "胃肠道", "不适", "现象", ",", "建议", "您", "应", "停止", "喂", "服", ",", "如果", "米粉", "中", "添加", "有", "蔬菜", "类", ",", "宝宝", "的", "大便", "颜色", "可以", "发生", "改变", "患者", "你好", "、", "美邦", "钙", "宝", "好", "还是", "迪巧", "好", "啊", "?", "补钙", "罗", "华", "医生", "上述", "补钙", "产品", "都", "可", "用于", "婴幼儿", "补钙", ",", "每个", "孩子", "吸收", "药物", "的", "个体差异", "不同", ",", "可以", "服用", "其中", "一", "个", "患者", "哦", "好", "、", "谢谢", "罗", "华", "医生", "谢谢您", "的", "咨询", "!", "请", "您", "继续", "关注", "咨询", "的", "右下角", "!"]], "paragraphs": ["、美邦钙宝好还是迪巧好啊?", "罗华 医生", "您好!孩子在添加辅食后出现腹泻等胃肠道不适现象,建议您应停止喂服,如果米粉中添加有蔬菜类,宝宝的大便颜色可以发生改变", "咨询记录 患者 、美邦钙宝好还是迪巧好啊?  罗华医生 您好!孩子在添加辅食后出现腹泻等胃肠道不适现象,建议您应停止喂服,如果米粉中添加有蔬菜类,宝宝的大便颜色可以发生改变 患者 你好、美邦钙宝好还是迪巧好啊?补钙 罗华医生 上述补钙产品都可用于婴幼儿补钙,每个孩子吸收药物的个体差异不同,可以服用其中一个 患者 哦好、谢谢 罗华医生 谢谢您的咨询!请您继续关注咨询的右下角!"], "bs_rank_pos": 2}, {"is_selected": false, "title": "大卡医生给开了美邦钙宝软胶囊补钙,以前用迪巧。这个胶囊补钙怎么样", "most_related_para": 0, "segmented_title": ["大卡", "医生", "给", "开", "了", "美邦", "钙", "宝", "软胶囊", "补钙", ",", "以前", "用", "迪巧", "。", "这个", "胶囊", "补钙", "怎么样"], "segmented_paragraphs": [["美邦", "钙", "宝", "软胶囊", "怎么样", "?", "怀", "二胎", ",", "一", "胎", "小时候", "有", "佝偻", ",", "二胎", "医生", "就", "给", "开", "了", "这个", ",", "价格", "好", "贵", ",", "还是", "保健食品", ",", "没有", "国药准字", "。", "我", "问", "没有", "迪巧", "开", "吗", "?", "医生", "都", "不", "理", "我", "。", "以前", "一直", "吃", "迪巧", ",", "这个", "美邦", "好", "吗", "?", "我", "要不要", "换", "回去", "啊", "?", "?"], ["本", "文", "由", "妈妈", "帮", "用户", "发布", "。", "未经许可", ",", "禁止转载", "。"], ["想", "第一时间", "看到", "最新", "的", "孕育", "文章", ",", "与", "妈妈们", "交流", "育儿", "经验"], ["请", "关注", "妈妈", "帮", "微信", "服务", "号", ":", "mama", "bang", "2017"], ["只有", "注册用户", "才能", "发表回复", "。", "请", "登录", "或者", "立即注册"], ["我", "想", "问", "下", "迪巧", "钙", "在", "哪里买"], ["你", "看", ",", "花儿", "多", "美丽", "2", "楼", "2016", "-", "11", "-", "06", "12", ":", "11"], ["去年", "在", "哪里买", "的", "?"], ["你", "看", ",", "花儿", "多", "美丽", "3", "楼", "2016", "-", "11", "-", "06", "12", ":", "11"], ["不是", "不要", "换", "回去吧"], ["如果", "用", "过", "那个", "牌子", "好", ",", "还", "去", "用", "那个", "呗", "。", "这", "是", "我的习惯", "。"], ["你", "看", ",", "花儿", "多", "美丽", "5", "楼", "2016", "-", "11", "-", "06", "12", ":", "12"], ["要不", "就", "别", "换", "回去", "了", "呗"], ["任滢", "一叶知秋", "7", "楼", "2016", "-", "11", "-", "06", "12", ":", "12"], ["医院", "还是", "值得信赖", "的", "吧"], ["医生", "给", "开", "的", "肯定", "没事"], ["使用", "妈妈", "帮", "APP", "或", "微信", "号"], ["免费", "领取", "妈妈", "礼包"], ["妈妈", "帮", "微信", "号"], ["领取", "粉丝", "专享", "福利"], ["妈妈", "帮", "百科", "热门", "内容"], ["什么", "情况", "下", "选择", "剖宫产", "?"], ["来", "了", "月经", ",", "就要", "断奶", "?"]], "paragraphs": ["美邦钙宝软胶囊怎么样?怀二胎,一胎小时候有佝偻,二胎医生就给开了这个,价格好贵,还是保健食品,没有国药准字。我问没有迪巧开吗?医生都不理我。以前一直吃迪巧,这个美邦好吗?我要不要换回去啊??", "本文由妈妈帮用户发布。未经许可,禁止转载。", "想第一时间看到最新的孕育文章,与妈妈们交流育儿经验", "请关注妈妈帮微信服务号:mamabang2017", "只有注册用户才能发表回复。请 登录 或者立即注册", "我想问下迪巧钙在哪里买", "你看,花儿多美丽 2楼2016-11-06 12:11", "去年在哪里买的?", "你看,花儿多美丽 3楼2016-11-06 12:11", "不是不要换回去吧", "如果用过那个牌子好,还去用那个呗。这是我的习惯。", "你看,花儿多美丽 5楼2016-11-06 12:12", "要不就别换回去了呗", "任滢一叶知秋 7楼2016-11-06 12:12", "医院还是值得信赖的吧", "医生给开的肯定没事", "使用妈妈帮APP或微信号", "免费领取妈妈礼包", "妈妈帮微信号", "领取粉丝专享福利", "妈妈帮百科热门内容", "什么情况下选择剖宫产?", "来了月经,就要断奶?"], "bs_rank_pos": 3}, {"is_selected": false, "title": "宝宝吃什么钙片好? 我是给宝宝买的美邦钙宝_百度宝宝知道", "most_related_para": 5, "segmented_title": ["宝宝", "吃什么", "钙片", "好", "?", "我", "是", "给", "宝宝", "买", "的", "美邦", "钙", "宝", "_", "百度", "宝宝", "知道"], "segmented_paragraphs": [["以前", "去", "医院", "都会", "开", "葡萄糖酸锌", "钙", "。", "不过", "迪巧", "好像", "还不错", ",", "淡", "奶", "味", "的", ",", "冲", "调", "的", "水", "可以", "只用", "一", "小杯", ",", "适合", "难", "喂", "的", "宝宝", "。", "之", "前", "我", "的", "宝宝", "吃", "过", "。", "不过", "现在", "我", "家", "该", "吃", "龙牡壮骨颗粒", ",", "补钙", "还", "健脾", "胃", "。"], ["疯", "澀", "2013", "-", "05", "-", "21", "17", ":", "29"], ["宝宝", "知道", "提示", "您", ":", "回答", "为", "网友", "贡献", ",", "仅供参考", "。"], ["您好", ",", "谈", "不", "上", "好坏", "与否", ",", "本身", "每个", "孩子", "对", "药物", "等", "的", "接受", "度", "是", "不同", "的", ",", "另外", "对于", "正常", "吃奶", "和", "补充", "维生素", "D", "的", "孩子", "来", "说", ",", "一般", "不", "考虑", "微量元素", "缺乏", "的", "问题", ",", "不", "适当", "的", "补钙", "反而", "对", "孩子", "不好", ",", "孩子", "是否", "需要", "补钙", ",", "要", "具体", "看", "如何", "确认", "的", "以及", "到底", "是否", "缺钙", ",", "再", "考虑", "否", "需要", "和", "用", "什么", "补充", ",", "一般", "正常", "补充", "维生素", "D", "就", "可以", "了", ",", "不需要", "额外", "补钙", ",", "如果", "已经", "确认", "缺钙", ",", "需要", "补充", "的", "话", ",", "首先", "也", "要", "与", "维生素", "D", "同时", "补充", ",", "钙", "剂", "的", "种类", "没有", "严格要求", ",", "看", "孩子", "接受", "程度", ",", "最好", "采取", "液体", "、", "滴剂", "等", "剂型", "钙", "剂", ",", "正规厂家", "生产", "的", "都", "没有问题"], ["张晓蕊", "2016", "-", "09", "-", "09", "16", ":", "08"], ["你好", "宝", "妈", ",", "我", "感觉", "宝宝", "吃", "迪巧", "的", "钙", "不错", "的", "哦", ",", "我", "家", "宝宝", "吃", "的", "是", "迪巧", "的", "小儿", "钙", ",", "去", "医院", "体检", "不", "缺钙", "哦", "。"], ["单", "昊", "一", "2013", "-", "05", "-", "21", "17", ":", "37"], ["乳酸钙", "有利于", "宝宝", "吸收", ",", "我", "家", "宝宝", "小时候", "就", "喝", "伊威", "的", "和", "儿研所", "的", "复合", "钙", ",", "橘子", "味", "的", "。"], ["大", "琪小淼", "2013", "-", "05", "-", "21", "17", ":", "32"]], "paragraphs": ["以前去医院都会开葡萄糖酸锌钙。不过迪巧好像还不错,淡奶味的,冲调的水可以只用一小杯,适合难喂的宝宝。之前我的宝宝吃过。不过现在我家该吃龙牡壮骨颗粒, 补钙 还健脾胃。", "疯澀 2013-05-21 17:29", "宝宝知道提示您:回答为网友贡献,仅供参考。", "您好,谈不上好坏与否,本身每个孩子对药物等的接受度是不同的,另外对于正常吃奶和补充维生素D的孩子来说,一般不考虑微量元素缺乏的问题,不适当的补钙反而对孩子不好,孩子是否需要补钙,要具体看如何确认的以及到底是否缺钙,再考虑否需要和用什么补充,一般正常补充维生素D就可以了,不需要额外补钙,如果已经确认缺钙,需要补充的话,首先也要与维生素D同时补充,钙剂的种类没有严格要求,看孩子接受程度,最好采取液体、滴剂等剂型钙剂,正规厂家生产的都没有问题", "张晓蕊 2016-09-09 16:08", "你好宝妈,我感觉宝宝吃迪巧的钙不错的哦,我家宝宝吃的是迪巧的小儿钙,去医院体检不缺钙哦。", "单昊一 2013-05-21 17:37", "乳酸钙有利于宝宝吸收,我家宝宝小时候就喝伊威的和儿研所的复合钙,橘子味的。", "大琪小淼 2013-05-21 17:32"], "bs_rank_pos": 4}], "answer_spans": [[0, 6]], "fake_answers": ["一般给予迪巧钙的比较多"], "question": "美邦钙宝跟迪巧哪个好", "segmented_answers": [["一般", "给予", "迪巧", "钙", "的", "比较", "多", "。"], ["上述", "补钙", "产品", "都", "可", "用于", "婴幼儿", "补钙", ",", "每个", "孩子", "吸收", "药物", "的", "个体差异", "不同", ",", "可以", "服用", "其中", "一", "个", "。"]], "answers": ["一般给予迪巧钙的比较多。", "上述补钙产品都可用于婴幼儿补钙,每个孩子吸收药物的个体差异不同,可以服用其中一个。"], "answer_docs": [0], "segmented_question": ["美邦", "钙", "宝", "跟", "迪巧", "哪个", "好"], "question_type": "DESCRIPTION", "question_id": 181606, "fact_or_opinion": "OPINION", "match_scores": [0.9333333333333333]}
-{"documents": [{"is_selected": true, "title": "尘虱怎么产生的_百度知道", "most_related_para": 0, "segmented_title": ["尘虱", "怎么", "产生", "的", "_", "百度", "知道"], "segmented_paragraphs": [["一般", "从", "宠物", "身上"]], "paragraphs": ["一般从宠物身上"], "bs_rank_pos": 0}, {"is_selected": false, "title": "尘虱是怎么来的_百度知道", "most_related_para": 0, "segmented_title": ["尘虱", "是", "怎么", "来", "的", "_", "百度", "知道"], "segmented_paragraphs": [["是什么", "宠物", "身上", "的", "?", "大型", "的", "话", "在", "给", "它", "洗澡", "的", "时候", "把", "它", "放在", "水中", "的", "时间", "稍微", "放", "长", "。", "-", "-", "紫霞", "游戏", "平台", "为您", "解答"]], "paragraphs": ["是什么宠物身上的?大型的话在给它洗澡的时候把它放在水中的时间稍微放长。 -- 紫霞游戏平台为您解答"], "bs_rank_pos": 1}, {"is_selected": true, "title": "新装修的房子尘虱是怎么来的_百度知道", "most_related_para": 0, "segmented_title": ["新装修", "的", "房子", "尘虱", "是", "怎么", "来", "的", "_", "百度", "知道"], "segmented_paragraphs": [["两种", "可能", ":", "一", ":", "房子", "里", "原先", "就", "存在", ",", "装修", "前", "没", "进行", "房屋", "全面", "消毒", "二", ":", "被", "人", "从", "外部", "携带", "进来", ",", "尘虱", "很容易", "依附", "在", "衣服", "或者", "其他", "之类", "的", "媒介", "上", "传播"]], "paragraphs": ["两种可能: 一:房子里原先就存在,装修前没进行房屋全面消毒 二:被人从外部携带进来,尘虱很容易依附在衣服或者其他之类的媒介上传播"], "bs_rank_pos": 2}, {"is_selected": false, "title": "最近家里出现尘虱。好多。。而且我怀孕了。。已经八个多月了。。", "most_related_para": 2, "segmented_title": ["最近", "家里", "出现", "尘虱", "。", "好多", "。", "。", "而且", "我", "怀孕", "了", "。", "。", "已经", "八", "个", "多", "月", "了", "。", "。"], "segmented_paragraphs": [["怀孕期间", "尘虱", "出现", "并", "不", "影响", "胎儿发育", "的", ",", "平时", "注意休息", ",", "定期", "产检", "就", "可以", "了"], ["cn", "#", "BVV", "kLpuGGL", "2015", "-", "11", "-", "11", "06", ":", "33"], ["宝宝", "知道", "提示", "您", ":", "回答", "为", "网友", "贡献", ",", "仅供参考", "。"]], "paragraphs": ["怀孕期间尘虱出现并不影响胎儿发育的,平时注意休息,定期产检就可以了", "cn#BVVkLpuGGL 2015-11-11 06:33", "宝宝知道提示您:回答为网友贡献,仅供参考。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "最近家里出现尘虱。好多。。而且我怀孕了。。已经八个多月了。。", "most_related_para": 2, "segmented_title": ["最近", "家里", "出现", "尘虱", "。", "好多", "。", "。", "而且", "我", "怀孕", "了", "。", "。", "已经", "八", "个", "多", "月", "了", "。", "。"], "segmented_paragraphs": [["最近", "家里", "出现", "尘虱", "。", "好多", "。", "。", "而且", "我", "怀孕", "了", "。", "。", "已经", "八", "个", "多", "月", "了", "。", "。", "请问", "会", "对", "我", "有", "什么", "影响", "吗", "?", "?"], ["怀孕期间", "尘虱", "出现", "并", "不", "影响", "胎儿发育", "的", ",", "平时", "注意休息", ",", "定期", "产检", "就", "可以", "了"], ["有些人", "会", "有", "过敏", ",", "您", "现在", "有", "什么", "不适", "么", "?", "要是", "不适", "及时", "就诊", "治疗", "。", "影响", "肯定", "有", "。"]], "paragraphs": ["最近家里出现尘虱。好多。。而且我怀孕了。。已经八个多月了。。请问会对我有什么影响吗??", "怀孕期间尘虱出现并不影响胎儿发育的,平时注意休息,定期产检就可以了", "有些人会有过敏,您现在有什么不适么?要是不适及时就诊治疗。影响肯定有。"], "bs_rank_pos": 4}], "answer_spans": [[0, 3]], "fake_answers": ["一般从宠物身上"], "question": "尘虱是怎么样产生的", "segmented_answers": [["一般", "从", "宠物", "身上", "。"], ["一", ":", "房子", "里", "原先", "就", "存在", ",", "装修", "前", "没", "进行", "房屋", "全面", "消毒", ",", "二", ":", "被", "人", "从", "外部", "携带", "进来", ",", "尘虱", "很容易", "依附", "在", "衣服", "或者", "其他", "之类", "的", "媒介", "上", "传播", "。"]], "answers": ["一般从宠物身上。", "一:房子里原先就存在,装修前没进行房屋全面消毒,二:被人从外部携带进来,尘虱很容易依附在衣服或者其他之类的媒介上传播。"], "answer_docs": [0], "segmented_question": ["尘虱", "是", "怎么样", "产生", "的"], "question_type": "DESCRIPTION", "question_id": 181607, "fact_or_opinion": "FACT", "match_scores": [0.888888888888889]}
-{"documents": [{"is_selected": true, "title": "怀孕后最快多久才有反应?_有问必答_快速问医生", "most_related_para": 3, "segmented_title": ["怀孕", "后", "最", "快", "多久", "才", "有", "反应", "?", "_", "有问必答", "_", "快速", "问", "医生"], "segmented_paragraphs": [["健康", "咨询", "描述", ":", "我", "大概", "是", "每月", "13", ",", "14", "号", "来", "月经", ",", "昨天", "和", "大前天", "和", "男朋友", "ML", ",", "但", "昨天下午", "做", "的", "时候", "由于", "避孕套", "没", "戴", "好", ",", "在", "他", "拔出来", "的", "时候", "发现", "套套", "破", "了", ",", "我", "就", "站起来", ",", "精液", "流", "出来", ",", "可", "我想知道", ",", "我", "会", "怀孕", "吗", ",", "假如", "怀", "了", ",", "最早", "最早", "什么时候", "知道", "啊", "?", "谢谢", "专家", "."], ["想得到", "怎样", "的", "帮助", ":", "得到", "专家", "的", "在线", "答案"], ["病情", "分析", ":", "你好", ",", "你", "的", "情况", "我", "已知", "晓", ",", "你", "是", "13", "号", "来", "的", "月经", ",", "排卵期", "大概", "在", "30", "号", "左右", ",", "所以", "你", "房事", "不在", "排卵期", "。", "指导意见", ":", "这", "只是", "个", "大概", ",", "排卵期", "会", "因人而异", ",", "所以", "现在", "还", "不能", "完全", "排除", "你", "是否", "会", "怀孕", "?", "怀孕", "最早", "的", "标志", "就是", "停经", ",", "检查", "一般", "在", "月经", "推迟", "10", "天", "左右", "即可", "测", "的", "出", ",", "你", "可以", "自测", "也", "可以", "到", "医院", "检查", ",", "好", "吧", "?"], ["这位朋友", "你好", ",", "女性", "出现", "妊娠反应", "一般", "是", "从", "6", "-", "12", "周", "左右", ",", "也", "就是", "女性", "怀孕", "1", "个", "多", "月", "就会", "开始", "出现", "反应", ",", "第", "3", "个", "月", "的", "时候", ",", "妊", "辰", "反应", "基本结束", "。", "而", "大部分", "女性", "怀孕", "初期", "都会", "出现", "恶心", "、", "呕吐", "的", "感觉", ",", "这些", "症状", "都是", "因人而异", "的", ",", "除非", "恶心", "、", "呕吐", "的", "非常", "厉害", ",", "才", "需要", "就医", ",", "否则", "这些", "都是", "刚", "怀孕", "的", "的", "正常", "症状", "。", "1", "-", "3", "个", "月", "的", "时候", "可以", "观察", "一", "下", "自己", "的", "皮肤", ",", "一般", "女性", "怀孕", "初期", "可能", "会", "产生", "皮肤", "色素", "沉淀", "或是", "腹", "壁", "产生", "妊娠纹", ",", "特别", "是", "在", "怀孕", "的", "后期", "更加", "明显", "。", "还有很多", "女性", "怀孕", "初期", "会出现", "疲倦", "、", "嗜睡", "的", "情况", "。", "怀孕", "三个月", "的", "时候", ",", "膀胱", "会", "受到", "日益", "胀", "大", "的", "子宫", "的", "压迫", ",", "容量", "会", "变", "小", ",", "所以", "怀孕期间", "也", "会", "有", "尿频", "的", "现象", "出现", "。", "月经", "停止", "也是", "刚", "怀孕", "最容易", "出现", "的", "症状", ",", "只要", "是", "平时", "月经", "正常", "的", "女性", ",", "在", "性行为", "后", "超过", "正常", "经期", "两", "周", ",", "就", "有", "可能", "是", "怀孕", "了", "。", "如果", "你", "想", "判断", "自己", "是否", "怀孕", ",", "可以", "看看", "自己", "有没有", "这些", "反应", "。", "当然", "这", "也", "只是", "多数", "人", "的", "怀孕", "表现", ",", "也有", "部分", "女性", "怀孕", "表现", "并", "不", "完全", "是", "这样", ",", "如果", "你", "无法确定", "自己", "是否", "怀孕", ",", "最好", "去", "医院", "检查", "一", "下", "。"], ["您好", ",", "一般", "停经", "6", "周", "左右", ",", "就会", "出现", "畏寒", "、", "流涎", "、", "恶心", "、", "食欲不振", "、", "厌恶", "油腻", "、", "头晕", "、", "乏力", "、", "嗜睡", "、", "喜", "食", "酸", "物", "、", "晨", "起", "呕吐", "等", "早孕", "反应", "。", "孕", "12", "周", "会", "自行", "消失", ",", "当然", "早孕", "反应", "是", "因人而异", "的", ",", "时间", "可能", "有", "所", "差别", "。", "一般来说", "月经周期", "正常", "的", "女性", ",", "月经", "推迟", "一", "周", "可以", "用", "试纸", "检查", "怀孕", "。", "如果", "月经", "一直", "很", "规律", ",", "一旦", "到期", "不", "来", ",", "超过", "一", "周", "以上", ",", "就", "应该", "考虑", "是", "怀孕", "了", "。", "这", "是", "怀孕", "的", "最早", "信号", ",", "过期时间", "越", "长", ",", "妊娠", "的", "可能性", "就", "越", "大", "。", "白带", "也", "会", "有", "增多", "现象", ",", "其", "颜色", "、", "气味", "、", "粘稠", "度", "无", "变化", "。", "停经", "以后", "孕妇", "还会", "逐渐", "感到", "一些", "异常现象", ",", "最早", "出现", "的", "反应", "是", "怕冷", ",", "以后", "逐渐", "感到", "疲乏", "、", "嗜睡", "、", "头晕", "、", "食欲不振", "、", "挑食", "、", "怕", "闻", "油腻", "味", "、", "早起", "恶心", "、", "甚至", "呕吐", ",", "安全", "时", "还有", "头晕", ",", "疲乏", ",", "倦怠", "等", "症状", "。", "因此", ",", "受孕", "后", "出现", "早孕", "反应", "时", ",", "应", "保持", "身心", "的", "愉快", "与", "充分", "休息", ",", "早晨", "起床", "前", "可", "吃", "固体", "食物", ",", "半小时", "内", "不要", "喝水", ",", "少量", "多", "餐", ",", "以", "清淡", "饮食", "为", "主", ",", "少", "吃", "产", "气", "的", "食物", ",", "养成", "每天", "排便", "的", "习惯", ",", "适当地", "运动", "。", "一般", "是", "孕", "12", "周", "左右", ",", "早孕", "反应", "会", "消失", "。", "值得", "注意", "的", "是", ",", "如果", "孕妇", "妊娠", "期间", ",", "反应", "太", "过", "激烈", "的", "话", ",", "则", "应该", "就医", "。", "在", "专业", "医生", "的", "指导", "下", "缓解", "症状", ",", "避免", "对", "胎儿", "造成", "影响", "。", "早孕", "反应", "症状", "因人而异", ",", "快", "则", "怀孕", "5", "周", "会出现", ",", "完全", "没有", "早孕", "反应", "的", "大有人在", "。", "多数", "人", "会", "持续", "3", "个", "月", ",", "通常", "3", "个", "月", "后", ",", "早孕", "反应", "即", "自动停止", "。", "除非", "是", "恶心", ",", "呕吐", "的", "非常", "厉害", ",", "才", "需要", "就医", ",", "否则", "这些", "都是", "怀孕", "初期", "的", "正常", "现象", "。", "以上", "是", "对", "“", "怀孕后", "最", "快", "多久", "才", "有", "反应", "?", "”", "这个问题", "的", "建议", ",", "希望", "对", "您", "有", "帮助", ",", "祝您健康", "!"], ["你好", ",", "一般", "在", "怀孕", "最初", "的", "3", "个", "月", ",", "身体", "变化", "还", "不会", "太", "明显", ",", "此时", "完全", "不必", "把", "自己", "当作", "一", "个", "特殊", "的", "人", "来", "看待", ",", "平时", "想", "吃", "什么", "就", "吃什么", ",", "做", "些", "开心", "的", "事情", ",", "忘掉", "身体", "的", "不舒服", "。", "身体", "不适", "时", ",", "就", "躺下", "休息", ";", "尽量", "保持", "原来", "的", "生活", "节奏", "。", "而", "怀孕", "最初", "的", "3", "个", "月", "是", "最容易", "失去", "宝宝", "的", "3", "个", "月", ",", "为了", "留住", "宝宝", ",", "孕妇", "的", "一举一动", "一定要", "格外", "当心", "。", "妊娠反应", "的", "发生", "时间", "早晚", "也是", "与", "孕妇", "的", "个人", "体质", "有关", "的", ",", "但", "一般", "都会", "在", "停经", "40", "天", "左右", "会出现", "妊娠反应", "。", "妊娠反应", "与", "体", "内", "激素", "水平", "有关", ",", "部分", "孕妇", "可能", "不会出现", "症状", "。", "常见", "的", "妊娠反应", "有", "恶心", "、", "呕吐", "、", "嗜睡", "、", "疲倦", "等", "。", "所以", "不管", "有没有", "妊娠反应", ",", "如果没有", "做", "避孕", "措施", ",", "月经", "延期", "超过", "了", "10", "天后", ",", "就要", "及时", "的", "去", "做", "一", "下", "妊娠", "检测", "。", "此外", ",", "还", "可以", "用", "验孕", "试纸", "检测", "是否", "怀孕", ",", "这种", "检测", "的", "准确率", "很高", ",", "但", "不能", "作为", "确诊", "妊娠", "的", "最终", "手段", "。", "因此", ",", "确定", "是否", "怀孕", "还是", "要", "到", "医院", "接受", "正规", "检查", ",", "医院", "里", "的", "早孕", "确诊", "检查", "主要", "有", "尿检", "和", "B超", "检查", ",", "只有", "全面", "检查", "才", "更", "放心", "。"], ["病情", "分析", ":", "你好", ",", "根据", "描述", "的", "情况", "来看", ",", "是", "出现", "避孕", "失败", "的", "情况", ",", "一般", "出现", "这种情况", "就", "有", "怀孕", "的", "可能性", "存在", "。", "指导意见", ":", "不过", "在", "月经", "来临之前", "的", "三天之内", ",", "属于", "绝对", "安全期", ",", "这个", "时间", "段", "还是", "不会", "怀孕", "的", ",", "若", "出现", "怀孕", "的", "话", ",", "一般", "在", "怀孕", "的", "第", "六", "周", "左右", ",", "可能会", "出现", "早孕", "反应", "。"], ["病情", "分析", ":", "您好", ",", "根据", "您", "描述", "的", "情况", ",", "您", "是", "在于", "男朋友", "做爱时", ",", "避孕套", "破裂", "了", ",", "担心", "会", "因此", "怀", "上", "孩子", "的", "事宜", "。", "指导意见", ":", "只要", "是", "在", "排卵期", ",", "即使", "有", "很少", "的", "精子", "进入", "阴道", "都", "有", "可能导致", "怀孕", "的", ",", "怀孕", "一般", "最早", "月经", "推迟", "一", "周", "到", "两", "周", "就会", "出现", "的", "。", "仅供参考", "祝", "您", "如意", "!"], ["病情", "分析", ":", "你好", ",", "这样", "的", "情况", "下", "如果", "月经周期", "正常", "的", "情况", "下", "当然", "你", "性生活", "考虑", "是", "在", "排卵期", "指导意见", ":", "内", "的", "一", "个", "情况", "的", "。", "所以", "应该", "是", "不至于", "怀孕", "不需要", "那么", "紧张", "的", "。", "以后", "避孕", "建议", "用", "好", "避孕套", "建议", "事", "前", "要", "检查", "下", "避孕套", "是否", "破损", "。", "等待", "月经", "来", "即可", "别", "自己", "过于", "紧张", "以上", "是", "对", "“", "怀孕后", "最", "快", "多久", "才", "有", "反应", "?", "”", "这个问题", "的", "建议", ",", "希望", "对", "您", "有", "帮助", ",", "祝您健康", "!"], ["您好", ":", "从", "月经", "来", "的", "那天", "算", "超", "第", "11", "-", "25", "天", "都", "属于", "排卵期", ",", "所以", "您", "的", "时间", "正好", "在", "排卵期", ",", "怀孕", "的", "可能性", "比较", "大", "。", "同房", "时间", "没有", "超过", "72", "小时", "还", "可以", "服用", "紧急避孕药", ",", "但", "这个", "药", "不能", "拿来", "当", "成", "常规", "避孕", "措施", "。", "祝您健康", "!", "D"], ["病情", "分析", ":", "怀孕", "的", "初期", "反应", ":", "1", "、", "停经", ";", "2", "、", "早孕", "反应", ":", "约", "半", "数", "妇女", "在", "停经", "6", "周", "前后", "出现", "头晕", "、", "乏力", "、", "嗜睡", "、", "流涎", "、", "食欲不振", "或", "恶心", "、", "晨", "起", "呕吐", "等", "现象", ";", "3", "、", "尿频", "。", "指导意见", ":", "建议", "你", "在", "月经", "推迟", "1", "周", "后", ",", "使用", "早孕", "试纸", "或", "到", "医院", "进行", "B超", "、", "血", "HCG", "检查", ",", "明确", "是否", "怀孕", "。"], ["病情", "分析", ":", "你好", ",", "如果", "平时", "月经", "规律", "的", "话", ",", "排卵期", "在", "下次", "月经", "前", "十四天", "左右", ",", "如果", "你", "的", "月经周期", "是", "三", "十", "天", "左右", "的", "话", ",", "你", "的", "排卵期", "在", "四月", "一号", "左右", "。", "你", "怀孕", "的", "机会", "比较", "小", "。", "指导意见", ":", "你好", ",", "如果", "不放心", "的", "话", ",", "可以", "服用", "紧急避孕药", ",", "另外", ",", "怀孕后", "7", "天", "就", "可以", "有", "人", "绒毛", "膜", "促性腺激素", "的", "升高", ",", "十天", "左右", "可以", "从", "血", "中", "测出", ",", "早孕", "试纸", "一般", "是", "半月", "左右", "才能", "测出", ",", "祝你好运"], ["病情", "分析", ":", "以", "排卵日", "(", "一般", "是", "月经", "前", "14", "天", ")", "为", "基数", ",", "其", "前", "4", "天", "和", "后", "五", "天", "都是", "危险期", "。", "以", "你", "的", "推算", ",", "25", "到", "5", "号", "都", "不", "安全", ",", "都", "有", "怀孕", "的", "可能", "。", "指导意见", ":", "建议", "你", "还是", "赶快", "吃", "紧急", "事后", "避孕药", ",", "否则", "怀孕", "的", "可能性", "比较", "大", "。"], ["病情", "分析", ":", "你好", "。", "你", "的", "排卵期", "是", "在", "你", "月经", "来", "潮", "的", "前", "14", "天", "。", "没有", "做", "好", "避孕", "措施", "是", "很容易", "怀孕", "的", "指导意见", ":", "避孕套", "破", "了", "的", "话", ",", "精液", "就会", "进入", "阴道", "。", "就会", "有", "怀孕", "的", "可能", "。", "最", "快", "你", "可以", "在", "时候", "的", "10", "天", "买", "验孕", "纸", "来", "测试", "!", "祝你健康", "!"], ["病情", "分析", ":", "您好", "!", "排卵日", "一般", "在", "下次", "月经", "前", "14", "天", ",", "排卵日", "的", "前", "2", "天", "到", "后", "1", "天", "为", "排卵期", ",", "根据", "您", "介绍", "的", "情况", ",", "排卵期", "大概", "在", "27", "-", "-", "30", "号", "左右", "指导意见", ":", "这几天", "正在", "排卵期", "附近", ",", "虽然", "精子", "有", "流出", ",", "但", "不能", "保证", "没有", "残留", ",", "还是", "有", "可能", "怀孕", "的", ",", "在", "性生活", "后", "7", "天", "左右", ",", "若是", "怀孕", "差不多", "就", "可以", "查", "出来", "了", ",", "血", "HCG", "肯定", "能", "查", "出来", ",", "早孕", "试纸", "可能", "能", "查", "出来"]], "paragraphs": ["健康咨询描述: 我大概是每月13,14号来月经,昨天和大前天和男朋友ML,但昨天下午做的时候由于避孕套没戴好,在他拔出来的时候发现套套破了,我就站起来,精液流出来,可我想知道,我会怀孕吗,假如怀了,最早最早什么时候知道啊? 谢谢专家.", "想得到怎样的帮助:得到专家的在线答案", "病情分析: 你好,你的情况我已知晓,你是13号来的月经,排卵期大概在30号左右,所以你房事不在排卵期。 指导意见: 这只是个大概,排卵期会因人而异,所以现在还不能完全排除你是否会怀孕?怀孕最早的标志就是停经,检查一般在月经推迟10天左右即可测的出,你可以自测也可以到医院检查,好吧?", "这位朋友你好,女性出现妊娠反应一般是从6-12周左右,也就是女性怀孕1个多月就会开始出现反应,第3个月的时候,妊辰反应基本结束。 而大部分女性怀孕初期都会出现恶心、呕吐的感觉,这些症状都是因人而异的,除非恶心、呕吐的非常厉害,才需要就医,否则这些都是刚怀孕的的正常症状。1-3个月的时候可以观察一下自己的皮肤,一般女性怀孕初期可能会产生皮肤色素沉淀或是腹壁产生妊娠纹,特别是在怀孕的后期更加明显。 还有很多女性怀孕初期会出现疲倦、嗜睡的情况。怀孕三个月的时候,膀胱会受到日益胀大的子宫的压迫,容量会变小,所以怀孕期间也会有尿频的现象出现。月经停止也是刚怀孕最容易出现的症状,只要是平时月经正常的女性,在性行为后超过正常经期两周,就有可能是怀孕了。 如果你想判断自己是否怀孕,可以看看自己有没有这些反应。当然这也只是多数人的怀孕表现,也有部分女性怀孕表现并不完全是这样,如果你无法确定自己是否怀孕,最好去医院检查一下。", "您好,一般停经6周左右,就会出现畏寒、流涎、恶心、食欲不振、厌恶油腻、头晕、乏力、嗜睡、喜食酸物、晨起呕吐等早孕反应。孕12周会自行消失,当然早孕反应是因人而异的,时间可能有所差别。一般来说月经周期正常的女性,月经推迟一周可以用试纸检查怀孕。 如果月经一直很规律,一旦到期不来,超过一周以上,就应该考虑是怀孕了。这是怀孕的最早信号,过期时间越长,妊娠的可能性就越大。白带也会有增多现象,其颜色、气味、粘稠度无变化。停经以后孕妇还会逐渐感到一些异常现象,最早出现的反应是怕冷,以后逐渐感到疲乏、嗜睡、头晕、食欲不振、挑食、怕闻油腻味、早起恶心、甚至呕吐,安全时还有头晕,疲乏,倦怠等症状。 因此,受孕后出现早孕反应时,应保持身心的愉快与充分休息,早晨起床前可吃固体食物,半小时内不要喝水,少量多餐,以清淡饮食为主,少吃产气的食物,养成每天排便的习惯,适当地运动。一般是孕12周左右,早孕反应会消失。值得注意的是,如果孕妇妊娠期间,反应太过激烈的话,则应该就医。在专业医生的指导下缓解症状,避免对胎儿造成影响。 早孕反应症状因人而异,快则怀孕5周会出现,完全没有早孕反应的大有人在。多数人会持续3个月,通常3个月后,早孕反应即自动停止。除非是恶心,呕吐的非常厉害,才需要就医,否则这些都是怀孕初期的正常现象。 以上是对“怀孕后最快多久才有反应?”这个问题的建议,希望对您有帮助,祝您健康!", "你好,一般在怀孕最初的3个月,身体变化还不会太明显,此时完全不必把自己当作一个特殊的人来看待,平时想吃什么就吃什么,做些开心的事情,忘掉身体的不舒服。身体不适时,就躺下休息;尽量保持原来的生活节奏。 而怀孕最初的3个月是最容易失去宝宝的3个月,为了留住宝宝,孕妇的一举一动一定要格外当心。妊娠反应的发生时间早晚也是与孕妇的个人体质有关的,但一般都会在停经40天左右会出现妊娠反应。妊娠反应与体内激素水平有关,部分孕妇可能不会出现症状。常见的妊娠反应有恶心、呕吐、嗜睡、疲倦等。所以不管有没有妊娠反应,如果没有做避孕措施,月经延期超过了10天后,就要及时的去做一下妊娠检测。 此外,还可以用验孕试纸检测是否怀孕,这种检测的准确率很高,但不能作为确诊妊娠的最终手段。因此,确定是否怀孕还是要到医院接受正规检查,医院里的早孕确诊检查主要有尿检和B超检查,只有全面检查才更放心。", "病情分析: 你好,根据描述的情况来看,是出现避孕失败的情况,一般出现这种情况就有怀孕的可能性存在。 指导意见: 不过在月经来临之前的三天之内,属于绝对安全期,这个时间段还是不会怀孕的,若出现怀孕的话,一般在怀孕的第六周左右,可能会出现早孕反应。", "病情分析: 您好,根据您描述的情况,您是在于男朋友做爱时,避孕套破裂了,担心会因此怀上孩子的事宜。 指导意见: 只要是在排卵期,即使有很少的精子进入阴道都有可能导致怀孕的,怀孕一般最早月经推迟一周到两周就会出现的。仅供参考祝您如意!", "病情分析: 你好,这样的情况下如果月经周期正常的情况下当然你性生活考虑是在排卵期 指导意见: 内的一个情况的。所以应该是不至于怀孕不需要那么紧张的。以后避孕建议用好避孕套建议事前要检查下避孕套是否破损。等待月经来即可别自己过于紧张 以上是对“怀孕后最快多久才有反应?”这个问题的建议,希望对您有帮助,祝您健康!", "您好: 从月经来的那天算超第11-25天都属于排卵期,所以您的时间正好在排卵期,怀孕的可能性比较大。同房时间没有超过72小时还可以服用紧急避孕药,但这个药不能拿来当成常规避孕措施。祝您健康!D", "病情分析: 怀孕的初期反应:1、停经;2、早孕反应:约半数妇女在停经6周前后出现头晕、乏力、嗜睡、流涎、食欲不振或恶心、晨起呕吐等现象;3、尿频。 指导意见: 建议你在月经推迟1周后,使用早孕试纸或到医院进行B超、血HCG检查,明确是否怀孕。", "病情分析: 你好,如果平时月经规律的话,排卵期在下次月经前十四天左右,如果你的月经周期是三十天左右的话,你的排卵期在四月一号左右。你怀孕的机会比较小。 指导意见: 你好,如果不放心的话,可以服用紧急避孕药,另外,怀孕后7天就可以有人绒毛膜促性腺激素的升高,十天左右可以从血中测出,早孕试纸一般是半月左右才能测出,祝你好运", "病情分析: 以排卵日(一般是月经前14天)为基数,其前4天和后五天都是危险期。以你的推算,25到5号都不安全,都有怀孕的可能。 指导意见: 建议你还是赶快吃紧急事后避孕药,否则怀孕的可能性比较大。", "病情分析: 你好。你的排卵期是在你月经来潮的前14天。没有做好避孕措施是很容易怀孕的 指导意见: 避孕套破了的话,精液就会进入阴道。就会有怀孕的可能。最快你可以在时候的10天买验孕纸来测试!祝你健康!", "病情分析: 您好!排卵日一般在下次月经前14天,排卵日的前2天到后1天为排卵期,根据您介绍的情况,排卵期大概在27--30号左右 指导意见: 这几天正在排卵期附近,虽然精子有流出,但不能保证没有残留,还是有可能怀孕的,在性生活后7天左右,若是怀孕差不多就可以查出来了,血HCG肯定能查出来,早孕试纸可能能查出来"], "bs_rank_pos": 0}, {"is_selected": false, "title": "【怀孕多久会有反应】怀孕多长时间有反应_怀孕反应_亲子百科_太平洋", "most_related_para": 15, "segmented_title": ["【", "怀孕", "多久", "会", "有", "反应", "】", "怀孕", "多长时间", "有", "反应", "_", "怀孕", "反应", "_", "亲子", "百科", "_", "太平洋"], "segmented_paragraphs": [["孕期", "百科", "/", "怀孕", "多久", "会", "有", "反应"], ["怀孕", "多久", "会", "有", "反应", "收藏"], ["怀孕", "多久", "能", "用", "试纸", "测", "出来"], ["使用", "早孕", "试纸", "怀孕", "自测", "的", "工作原理", "是", "检测", "HCG", "值", ",", "即", "人体", "绒毛", "膜", "促性腺激素", "的", "值", "。", "这种", "激素", "是", "由", "胎盘", "制造", "的", ",", "在", "受孕", "后", "10", "-", "14", "天后", "人体", "开始", "分泌", "绒毛", "膜", "促性腺激素", "。", "分泌", "后", "先", "会出现", "在", "血液", "中", ",", "然后", "随着", "循环系统", "出现", "在", "尿液", "里", ",", "但", "由于", "量", "少", ",", "开始", "不易", "测验", "出来", ",", "直到", "妊娠", "1", "-", "2", "周", "后", "才", "日益", "明显", "。", "时间", "太早", "和", "太", "晚", "效果", "都", "不好", "。"], ["1", "、", "晨尿", "检测", "对于", "刚刚", "怀孕", "的", "女性", ",", "结果", "更准确", "。", "但", "对于", "已", "怀孕", "一段时间", "的", "女性", ",", "一天", "中", "的", "任何", "时刻", "的", "尿液", "均", "可", "用于", "检测", "。", "2", "、", "受精卵", "着床", "一般", "需要", "7", "天", "左右", "的", "时间", ",", "也就是说", ",", "怀孕", "当天", "(", "相当于", "同房", "后", "7", "天", ")", "即可", "检测", "是否", "怀孕", "。", "3", "、", "月经周期", "推迟", "7", "天", "以后", "或", "同房", "10", "天", "至", "14", "天", "或", "最早", "可", "在", "停经", "后", "的", "33", "天", "左右", "使用", ",", "如果", "早早孕", "测试", "不", "出", "是否", "怀孕", "的", "话", "可以", "在", "停经", "后", "37", "天", "左右", "再做一次", "测试", "。"], ["关注", "宝宝", "辅食", "跟我学", "(", "baobao", "food", ")", ",", "提前", "学习", "宝宝", "喂养", "知识", ",", "轻松", "做", "厨神", "妈妈", "!"], ["孕妇", "能", "吃", "鹌鹑蛋", "吗", "孕妇", "能", "吃", "辛辣", "食物", "吗", "孕妇", "能", "吃", "狗肉煲", "吗", "孕妇", "可以", "吃", "山楂", "糕", "吗", "孕妇", "可以", "吃", "味精", "吗", "孕妇", "可以", "吃", "香菜", "吗"], ["怀孕", "多久", "有", "反应"], ["女性", "在", "怀孕", "六", "周", "左右", "会出现", "怀孕", "症状", ",", "如", "月经", "推迟", "、", "基础体温", "持续上升", "、", "恶心呕吐", "、", "尿频", "、", "乳房", "和", "皮肤", "变化", "等", ",", "这些", "早孕", "症状", "通常", "会", "持续", "到", "怀孕", "3", "个", "月", "。", "但", "并", "不是", "每个", "人", "在", "怀孕", "初期", "都会", "有", "反应", "。", "女性", "若", "怀疑", "自己", "怀孕", "了", ",", "可以", "用", "验孕棒", "、", "验孕", "试纸", "等", "工具", "自我", "检测", "一", "下", ",", "最好", "到", "医院", "进行检查", ",", "结果", "更准确", "。"], ["小", "编", "汇总", "了", "1200", "个", "孕", "妈", "的", "真实", "经验", ",", "教", "你", "分辨", "孕早期", "身体", "症状", ",", "准确率", "高达", "90", "%", "!", "还有", "权威", "的", "专家", "视频", ",", "轻松", "应对", "怀孕", "后", "的", "不适", "!"], ["需要", "明确", "的", "是", ",", "不同人群", "的", "怀孕", "反应", "差异", "非常", "大", ",", "仅仅", "通过", "怀孕", "初期", "出现", "的", "症状", "来", "确定", "自己", "是否", "怀孕", "是", "很", "不", "科学", "的", "。", "女性", "出现", "以上", "身体", "变化", "很", "可能", "是", "由于", "疾病", "、", "身体", "内环境", "变化", "等", "因素", "引起", ",", "并", "不一定", "是", "怀孕", "了", "。", "女性", "一定要", "到", "医院", "进行", "HCG", "尿检", "或者", "HCG", "血", "检", "、", "B超", "等", "检查", ",", "这样", "才能", "准确地", "判定", "自己", "是否", "怀孕", ",", "从而", "做出", "正确", "的", "处理"], ["如何", "测出", "怀孕", "10", "大", "怀孕", "初期", "症状", "早孕", "反应", "大全"], ["【", "图", "】", "早孕", "测试", "常识", "大", "科普", "【", "图", "】", "怀孕", "多久", "能", "测", "出来", "?", "【", "图", "】", "早孕", "试纸", "怎么", "用", "【", "图", "】", "读懂", "验孕棒", "怎么", "用", "怀孕", "以后", "大脑", "发生", "的", "惊人", "变化", "怀孕后", "乳房", "不可", "避免", "的", "3", "个", "变化"], ["怀孕", "多久", "会", "呕吐"], ["许多", "女性", "在", "怀孕", "的", "时候", ",", "有着", "不同程度", "的", "早孕", "反应", "症状", ",", "如", "呕吐", "、", "乳房", "胀痛", "、", "体温", "变化", "等等", ",", "其中", "呕吐", "最为", "常见", "。", "那么", "怀孕", "多久", "会", "呕吐", "呢", "?"], ["每个", "人", "的", "妊娠反应", "不一样", ",", "呕吐", "的", "时间", "也", "不一样", ",", "有些", "孕妇", "在", "整个", "孕期", "都", "不会", "有", "呕吐", "的", "症状", "。", "约", "50", "%", "的", "女性", "在", "在", "停经", "6", "周", "前后", "就会", "有", "恶心", "呕吐", "、", "头晕", "、", "乏力", "、", "食欲不振", "、", "偏食", "等", "症状", "出现", ",", "到", "妊娠", "12", "周", "左右", "症状", "会", "自行", "消失", "。", "但", "不排除", "有", "个别", "情况", ",", "有", "的", "人", "反应", "厉害", ",", "可能", "从", "怀孕", "初期", "至", "分娩", "前", "一直", "吃什么", "吐", "什么", ",", "有", "的", "人", "则", "反应", "较", "轻", ",", "基本", "没有", "怎么", "呕吐", "。"], ["需要", "注意", "的", "是", ",", "怀孕后", "是否", "有", "孕吐", "因人而异", "。", "如果", "女性", "在", "停经", "六", "周", "左右", "出现", "恶心", "呕吐", "的", "症状", ",", "需要", "考虑到", "是否", "怀孕", "。", "为了", "缓解", "妊娠呕吐", "带来", "的", "不是", ",", "女性", "可以", "选择", "一些", "新鲜", "易于", "消化", "的", "的", "食物", "进食", ",", "可以", "多", "吃", "一些", "水果蔬菜", ",", "避免", "进食", "过于", "油腻", "和", "刺激性", "的", "食物", "。"], ["女人", "必知", "怀孕", "初期", "症状", "有", "哪些", "孕", "5", "周", ":", "什么时候", "有", "早孕", "现象", "?", "7", "大", "身体", "特征", "预示", "着", "你", "怀孕", "了", "!", "孕", "6", "周", ":", "孕妈咪", "呕吐", "好坏", "面面观", "幸福", "的", "煎熬", "孕期", "反应", "经历", "多少", "怀孕", "40", "天", "就会", "发生", "早孕", "反应", "吗"], ["怀孕", "多久", "胸部", "会", "胀痛"], ["乳房", "是", "宝宝", "出生", "之后", "的", "粮仓", "。", "因此", ",", "在", "整个", "孕期", "里", ",", "乳房", "的", "发育", "都是", "随着", "胎儿", "的", "发育", "一起", "变化", "的", ",", "其", "目的", "是", "为了", "适应", "分娩", "后", "哺乳", "的", "需要", "。", "一般来说", ",", "女性", "怀孕后", "的", "第", "4", "-", "6", "周", "胸部", "胀痛", "的", "情况", "会", "比较", "严重", "。"], ["怀孕后", "胸部", "胀痛", "是", "由于", "激素", "水平", "改变", "所", "引起", "的", "。", "从", "受精卵", "着", "壁", "的", "那一刻", "起", ",", "女性", "体", "内", "的", "内分泌系统", "就", "开始", "发生变化", "。", "其中", ",", "最", "明显", "的", "征兆", "之", "一", "就是", "乳房", "敏感", "、", "胀痛", "。", "这", "是", "由于", "孕妇", "体", "内", "的", "激素", "水平", "提高", "所", "引起", "的", "。", "这种", "胀痛", "感", "与", "女性", "在", "经期", "前", "的", "感觉", "很相似", ",", "只是", "更", "强烈", "一些", "。"], ["胸部", "胀痛", "的", "情况", "会", "在", "孕妇", "怀孕", "3", "个", "月", "后", "有", "明显好转", ",", "因为", "孕", "中期", "开始", ",", "孕妇", "的", "身体", "就", "已经", "适应", "孕期", "荷尔蒙", "的", "改变", "了", "。"], ["对于", "怀孕后", "乳房", "出现", "的", "胀痛", "症状", ",", "孕妇", "可以", "采用", "热敷", "、", "按摩", "等", "乳房", "护理", "方式", "来", "缓解", "。", "千万", "要", "注意", "的", "是", ",", "这", "一", "时期", "乳房", "是", "非常", "脆弱", "的", ",", "孕妇", "在", "护理", "过程", "中", "应该", "动作", "轻柔", ",", "避免", "损伤", "乳头", "。"], ["孕妇", "可以", "吃", "青", "芒果", "吗", "孕妇", "可以", "吃", "猕猴桃", "吗", "孕妇", "可以", "吃", "山楂", "卷", "吗", "孕妇", "能", "吃", "孜然", "羊肉", "吗", "孕妇", "能", "吃", "橄榄", "吗", "孕妇", "能", "吃", "黄油", "吗"], ["怀孕", "多久", "有", "胎动"], ["一般", "孕妇", ",", "在", "孕", "5", "个", "月", "左右", "能", "感觉", "到", "比较", "明显", "的", "胎动", ",", "但", "具体", "时间", "因人而异", ",", "有", "的", "人", "可能", "稍", "早", "在", "16", "周", "或", "17", "周", "的", "时候", "就能", "感觉", "到", "第一次", "胎动", ",", "有", "的", "人", "可能", "稍", "晚", "一些", ",", "在", "20", "周", "左右", "感觉", "到", "第一次", "胎动", ",", "这", "都", "很", "正常", "。"], ["胎动", ",", "是", "指", "胎儿", "在", "母体", "子宫", "内", "的", "主动性", "运动", ",", "比如", "呼吸", "、", "张嘴", "运动", "、", "翻滚", "运动", "等", "。", "如果", "是", "受到", "妈妈", "咳嗽", "、", "呼吸", "等", "动作", "影响", "所", "产生", "的", "被动", "性", "运动", ",", "就", "不", "算", "胎动", "。", "胎动", "是", "胎儿", "生命", "的", "最", "客观", "的", "征兆", "之", "一", ",", "它", "不仅", "能", "与", "准妈妈", "建立", "起", "紧密", "的", "亲情", "联系", ",", "而且", "能", "表达", "胎儿", "在", "子宫", "内", "的", "成长", "发育", "状况", ",", "是", "胎儿", "给母亲", "发出", "的", "信号", ",", "胎动", "次数", "多少", "、", "快慢", "、", "强弱", "等", ",", "常", "预示", "着", "胎儿", "的", "安", "危", "。"], ["怀孕早期", ",", "胚胎", "还", "很", "小", ",", "孕妇", "是", "无法", "感觉", "到", "胎动", "的", ",", "只有", "通过", "B超", "才能", "见到", "胎儿", "的", "细微", "活动", ",", "准妈妈", "要", "到", "孕", "中期", "才能", "察觉", "到", "第一次", "胎动", "。", "最初", "的", "胎动", "也是", "很", "轻微", "的", ",", "可能", "不易察觉", ",", "不过", "胎动", "会", "越来越", "强烈", ",", "但", "到", "临产", "前", "几", "周", ",", "由于", "胎儿发育", "得", "很大", ",", "宫", "腔", "内", "空间", "相对", "狭小", ",", "孕晚期", "胎动", "反而", "会", "减少", "。"], ["怀孕", "几个月", "会出现", "胎动", "?"], ["孕妇", "可以", "吃", "红提", "吗", "孕妇", "可以", "吃", "鲜枣", "吗", "孕妇", "可以", "吃", "血橙", "吗", "孕妇", "能", "吃", "生鸡蛋", "吗", "孕妇", "能", "吃", "金枪鱼", "寿司", "吗", "孕妇", "能", "吃", "酸", "木瓜", "吗"], ["怀孕", "多久", "有", "胎心"], ["一般来说", ",", "胎儿", "的", "胎心", "最早", "在", "孕", "10", "周", "就", "可以", "通过", "仪器", "测", "出来", ",", "目前", ",", "比较", "普遍", "运用", "到", "的", "多普勒", "的", "高灵敏度", "仪器", ",", "可以", "在", "胎儿", "10", "周", "或者", "12", "周", "的", "时候", ",", "便", "可以", "听到", "像", "马蹄声", "一样", "的", "心跳", "。", "不过", ",", "也", "有些", "医院", "可能", "采用", "一般", "的", "听诊器", ",", "这样的话", ",", "就要", "到", "17", "-", "18", "周", "才能", "追踪", "到", "胎儿", "的", "心跳", "声", "。"], ["还有", "一", "种", "情况", "是", ",", "妊娠", "初期", ",", "由于", "胎儿", "的", "位置", "关系", ",", "或者", "其他", "种", "种", "干扰", "因素", ",", "比如", "母体", "的", "脂肪", "过", "厚", "等", "原因", ",", "即", "使用", "极", "精密", "的", "仪器", "也", "无法", "听到", "胎心音", "。"], ["相关", "专家解答"], ["您好", ",", "一般", "在", "房事", "后", "的", "7", "-", "10", "天", "就", "可以", "检测", ",", "当然", "时间", "越", "长", "就", "越", "准确", "。", "早孕", "试纸", "工作原理", "是", "检测", "HCG", "(", "人体", "绒毛", "膜", "促性腺激素", ")", "的", "值", ",", "这种", "激素", "是", "由", "胎盘", "制造", "的", ",", "一般", "在", "怀孕", "几天后", "就会", "出现", "在", "尿液", "里", ",", "但是", "由于", "量", "比较", "少", ",", "开始", "不易", "检测", "出来", ",", "直到", "10", "-", "14", "天才", "日益", "明显", ",", "(", "通过", "验血", "也", "可以", "测", "得", "HCG", "值", ",", "而且", "要", "准确", "得", "多", ")", "。", "虽然", "许多", "种", "早孕", "试纸", "都", "表明", "女性", "在", "正常", "经期", "推迟", "1", "天", "之后", "便", "可做", "怀孕", "自测", ",", "但是", "实际上", ",", "不是", "所有", "怀孕", "的", "女性", "排放", "HCG", "激素", "的", "速度", "和", "数量", "都", "相同", ",", "这", "是", "因人而异", ",", "过早", "地", "做", "尿液", "测试", ",", "所", "呈现", "的", "阴性", "反应", "有", "可能", "是", "错误", "的", ",", "所以", ",", "最好", "在", "月经期", "迟", "来", "两", "周", "后", "再", "做", "怀孕", "自测", ",", "这样", "结果", "会", "更", "可信", "些", "。"], ["缪缙", "暨南大学", "附属", "第", "一", "医院", "产科", "副主任医师"], ["您好", ",", "一般", "情况", "下", ",", "用", "早孕", "试纸", "在", "同房", "后", "10", "天", "左右", "就", "可以", "测", "出来", ",", "但是", "时间", "越", "久", "就", "越", "准确", ",", "最好", "是", "到", "医院", "做", "血", "检", "检查", ",", "能", "更准确", "。", "根据", "您", "的", "描述", ",", "来", "了", "例假", "的", "话", "是", "没有", "怀孕", "的", ",", "应该", "等", "下次", "的", "排卵期", "再", "同房", ",", "在", "排卵期", "同房", ",", "怀孕", "的", "几率", "会", "大一点"], ["宋鹤兰", "广州", "伊丽莎白", "妇产", "医院", "产科", "主任医师"]], "paragraphs": ["孕期百科 / 怀孕多久会有反应", "怀孕多久会有反应 收藏", "怀孕多久能用试纸测出来", "使用早孕试纸怀孕自测的工作原理是检测HCG值,即人体绒毛膜促性腺激素的值。这种激素是由胎盘制造的,在受孕后10-14天后人体开始分泌绒毛膜促性腺激素。分泌后先会出现在血液中,然后随着循环系统出现在尿液里,但由于量少,开始不易测验出来,直到妊娠1-2周后才日益明显。时间太早和太晚效果都不好。", "1、晨尿检测对于刚刚怀孕的女性,结果更准确。但对于已怀孕一段时间的女性,一天中的任何时刻的尿液均可用于检测。 2、受精卵着床一般需要7天左右的时间,也就是说,怀孕当天(相当于同房后7天)即可检测是否怀孕。 3、月经周期推迟7天以后或同房10天至14天或最早可在停经后的33天左右使用,如果早早孕测试不出是否怀孕的话可以在停经后37天左右再做一次测试。", "关注宝宝辅食跟我学(baobaofood),提前学习宝宝喂养知识,轻松做厨神妈妈!", "孕妇能吃鹌鹑蛋吗 孕妇能吃辛辣食物吗 孕妇能吃狗肉煲吗 孕妇可以吃山楂糕吗 孕妇可以吃味精吗 孕妇可以吃香菜吗", "怀孕多久有反应", "女性在怀孕六周左右会出现怀孕症状,如月经推迟、基础体温持续上升、恶心呕吐、尿频、乳房和皮肤变化等,这些早孕症状通常会持续到怀孕3个月。但并不是每个人在怀孕初期都会有反应。女性若怀疑自己怀孕了,可以用验孕棒、验孕试纸等工具自我检测一下,最好到医院进行检查,结果更准确。", "小编汇总了1200个孕妈的真实经验,教你分辨孕早期身体症状,准确率高达90%!还有权威的专家视频,轻松应对怀孕后的不适!", "需要明确的是,不同人群的怀孕反应差异非常大,仅仅通过怀孕初期出现的症状来确定自己是否怀孕是很不科学的。女性出现以上身体变化很可能是由于疾病、身体内环境变化等因素引起,并不一定是怀孕了。女性一定要到医院进行HCG尿检或者HCG血检、B超等检查,这样才能准确地判定自己是否怀孕,从而做出正确的处理", "如何测出怀孕  10大怀孕初期症状  早孕反应大全", "【图】早孕测试常识大科普 【图】怀孕多久能测出来? 【图】早孕试纸怎么用 【图】读懂验孕棒怎么用 怀孕以后 大脑发生的惊人变化 怀孕后 乳房不可避免的3个变化", "怀孕多久会呕吐", "许多女性在怀孕的时候,有着不同程度的早孕反应症状,如呕吐、乳房胀痛、体温变化等等,其中呕吐最为常见。那么怀孕多久会呕吐呢?", "每个人的妊娠反应不一样,呕吐的时间也不一样,有些孕妇在整个孕期都不会有呕吐的症状。约50%的女性在在停经6周前后就会有恶心呕吐、头晕、乏力、食欲不振、偏食等症状出现,到妊娠12周左右症状会自行消失。但不排除有个别情况,有的人反应厉害,可能从怀孕初期至分娩前一直吃什么吐什么,有的人则反应较轻,基本没有怎么呕吐。", "需要注意的是,怀孕后是否有孕吐因人而异。如果女性在停经六周左右出现恶心呕吐的症状,需要考虑到是否怀孕。为了缓解妊娠呕吐带来的不是,女性可以选择一些新鲜易于消化的的食物进食,可以多吃一些水果蔬菜,避免进食过于油腻和刺激性的食物。", "女人必知 怀孕初期症状有哪些 孕5周:什么时候有早孕现象? 7大身体特征预示着你怀孕了! 孕6周:孕妈咪呕吐好坏面面观 幸福的煎熬 孕期反应经历多少 怀孕40天就会发生早孕反应吗", "怀孕多久胸部会胀痛", "乳房是宝宝出生之后的粮仓。因此,在整个孕期里,乳房的发育都是随着胎儿的发育一起变化的,其目的是为了适应分娩后哺乳的需要。一般来说,女性怀孕后的第4-6周胸部胀痛的情况会比较严重。", "怀孕后胸部胀痛是由于激素水平改变所引起的。从受精卵着壁的那一刻起,女性体内的内分泌系统就开始发生变化。其中,最明显的征兆之一就是乳房敏感、胀痛。这是由于孕妇体内的激素水平提高所引起的。这种胀痛感与女性在经期前的感觉很相似,只是更强烈一些。", "胸部胀痛的情况会在孕妇怀孕3个月后有明显好转,因为孕中期开始,孕妇的身体就已经适应孕期荷尔蒙的改变了。", "对于怀孕后乳房出现的胀痛症状,孕妇可以采用热敷、按摩等乳房护理方式来缓解。千万要注意的是,这一时期乳房是非常脆弱的,孕妇在护理过程中应该动作轻柔,避免损伤乳头。", "孕妇可以吃青芒果吗 孕妇可以吃猕猴桃吗 孕妇可以吃山楂卷吗 孕妇能吃孜然羊肉吗 孕妇能吃橄榄吗 孕妇能吃黄油吗", "怀孕多久有胎动", "一般孕妇,在孕5个月左右能感觉到比较明显的胎动,但具体时间因人而异,有的人可能稍早在16周或17周的时候就能感觉到第一次胎动,有的人可能稍晚一些,在20周左右感觉到第一次胎动,这都很正常。", "胎动,是指胎儿在母体子宫内的主动性运动,比如呼吸、张嘴运动、翻滚运动等。如果是受到妈妈咳嗽、呼吸等动作影响所产生的被动性运动,就不算胎动。胎动是胎儿生命的最客观的征兆之一,它不仅能与准妈妈建立起紧密的亲情联系,而且能表达胎儿在子宫内的成长发育状况,是胎儿给母亲发出的信号,胎动次数多少、快慢、强弱等,常预示着胎儿的安危。", "怀孕早期,胚胎还很小,孕妇是无法感觉到胎动的,只有通过B超才能见到胎儿的细微活动,准妈妈要到孕中期才能察觉到第一次胎动。最初的胎动也是很轻微的,可能不易察觉,不过胎动会越来越强烈,但到临产前几周,由于胎儿发育得很大,宫腔内空间相对狭小,孕晚期胎动反而会减少。", "怀孕几个月会出现胎动?", "孕妇可以吃红提吗 孕妇可以吃鲜枣吗 孕妇可以吃血橙吗 孕妇能吃生鸡蛋吗 孕妇能吃金枪鱼寿司吗 孕妇能吃酸木瓜吗", "怀孕多久有胎心", "一般来说,胎儿的胎心最早在孕10周就可以通过仪器测出来,目前,比较普遍运用到的多普勒的高灵敏度仪器,可以在胎儿10周或者12周的时候,便可以听到像马蹄声一样的心跳。不过,也有些医院可能采用一般的听诊器,这样的话,就要到17-18周才能追踪到胎儿的心跳声。", "还有一种情况是,妊娠初期,由于胎儿的位置关系,或者其他种种干扰因素,比如母体的脂肪过厚等原因,即使用极精密的仪器也无法听到胎心音。", "相关专家解答", "您好,一般在房事后的7-10天就可以检测,当然时间越长就越准确。早孕试纸工作原理是检测HCG(人体绒毛膜促性腺激素)的值,这种激素是由胎盘制造的,一般在怀孕几天后就会出现在尿液里,但是由于量比较少,开始不易检测出来,直到10-14天才日益明显,(通过验血也可以测得HCG值,而且要准确得多)。虽然许多种早孕试纸都表明女性在正常经期推迟1天之后便可做怀孕自测,但是实际上,不是所有怀孕的女性排放HCG激素的速度和数量都相同,这是因人而异,过早地做尿液测试,所呈现的阴性反应有可能是错误的,所以,最好在月经期迟来两周后再做怀孕自测,这样结果会更可信些。", "缪缙 暨南大学附属第一医院 产科 副主任医师", "您好,一般情况下,用早孕试纸在同房后10天左右就可以测出来,但是时间越久就越准确,最好是到医院做血检检查,能更准确。根据您的描述,来了例假的话是没有怀孕的,应该等下次的排卵期再同房,在排卵期同房,怀孕的几率会大一点", "宋鹤兰 广州伊丽莎白妇产医院 产科 主任医师"], "bs_rank_pos": 1}, {"is_selected": false, "title": "一般怀孕多久会有反映_39健康问答_39健康网", "most_related_para": 22, "segmented_title": ["一般", "怀孕", "多久", "会", "有", "反映", "_", "39", "健康", "问答", "_", "39", "健康网"], "segmented_paragraphs": [["一般", "怀孕", "多久", "会", "有", "反映"], ["一般", "怀孕", "多久", "会", "有", "反映"], ["精选", "回答", "(", "4", ")"], ["你好", "注意观察", "月经", ",", "如果", "是", "该", "来", "月经", "的", "时候", "没有", "来", ",", "超过", "7", "-", "10", "天", "没有", "来", "就要", "考虑", "怀孕", ".", "建议", "做", "早", "试纸", "检查", ".", "而", "不是", "以", "同房", "时间", "计算", "的", ",", "临床", "上", "一般", "是", "从", "末", "次", "月经", "开始", "计算", ".", "检查", "如果", "是", "2", "根", "红线", "表示", "阳性", ",", "表示", "怀孕", "的", "可能", ".", "但是", "同房", "后", "7", "天后", "也", "可以", "到", "医院", "做", "血", "hcg", "检查", ".", "如果", "检查", "阴性", "或", "不", "明显", ",", "还", "需要", "7", "天", "以后", "再次", "复查", "早孕", "实验", "啊", ".", "晨尿", "检查", "最好", "."], ["2010", "-", "04", "-", "10", "21", ":", "21", "投诉"], ["怀孕后", "一般", "需要", "停经", "6", "-", "8", "周", "才会", "出现", "妊娠反应", ",", "恶心", "呕吐", "嗜睡", "乏力", "等", "。"], ["2010", "-", "04", "-", "10", "21", ":", "21", "投诉"], ["你好", ":", "一般", "情况", "下", ",", "怀孕", "40", "天", "左右", ",", "可", "出现", "早孕", "反应", ",", "如", "晨", "起", "恶心呕吐", ",", "食欲不振", ",", "困乏", ",", "尿频", "等", "临床表现", "。", "早孕", "反应", "因", "人", "而", "宜", ",", "有", "的", "反应", "轻", ",", "有", "的", "反应", "重", "。", "一般", "在", "怀孕", "3", "个", "后", "症状", "会", "减轻", "或", "消失", "。", "怀孕", "3", "个", "月", "后", "腹部", "可", "略", "见", "增大", ";", "18", "—", "20", "周", "左右", "可", "出现", "胎动", "。", "分娩", "时", "是", "有", "疼痛", "感", "的", ",", "但", "大多数", "女性", "都", "可", "忍受", "。"], ["2010", "-", "04", "-", "10", "21", ":", "22", "投诉"], ["你好", ",", "怀孕", "初期", "的", "症状", "一般", "在", "40", "天", "左右", "出现", "有", ":", "月经", "停止", ";", "乳房发育", ",", "乳头", "增大", ",", "乳房", "皮下", "的", "静脉", "明显", ",", "还", "可能", "乳房", "有", "刺痛", "、", "膨胀", "和", "瘙痒", "感", ",", "而", "乳头", ",", "乳晕", "颜色", "加深", ";", "以后", "逐渐", "感到", "疲乏", ",", "嗜睡", ",", "头晕", ",", "恶心", ",", "反胃", ",", "食欲不振", ",", "挑食", ",", "喜欢", "吃", "酸", "食", ",", "怕", "闻", "油腻", "味", ",", "唾液", "的", "分泌", "量", "也", "会", "增加", ";", "常", "有", "恶心", ",", "呕吐", "的", "感觉", "。", "在", "性生活", "10", "天", "以后", "可", "到", "医院", "进行", "血", "HCG", "检查", ",", "这", "是", "检查", "怀孕", "最准确", "的", "方法"], ["2010", "-", "04", "-", "10", "21", ":", "22", "投诉"], ["医生", "回答", "(", "11", ")"], ["你好", ",", "据了解", ",", "女性", "出现", "妊", "辰", "反应", "的", "一般", "是", "从", "第", "6", "周", "开始", "到", "12", "周", "左右", ",", "也就是说", ",", "女性", "怀孕", "1", "个", "多", "月", "就会", "开始", "出现", "反应", ",", "第", "三个月", "的", "时候", ",", "妊", "辰", "反应", "基本结束", ",", "当然了", ",", "也", "不", "排除", "个别", "反应", "期", "较", "长", "的", "案例", "。"], ["2015", "-", "01", "-", "21", "15", ":", "20", "投诉"], ["受孕", "后", "出现", "早孕", "反应", "时", ",", "应", "保持", "身心", "愉快", "与", "充分", "休息", ",", "早晨", "起床", "前", "可", "吃", "固体", "食物", "如", "苏打饼干", ",", "半小时", "内", "暂", "不", "喝水", ",", "少量", "多", "餐", ",", "以", "清淡", "饮食", "为", "主", ",", "少", "吃", "产", "气", "的", "食物", "如", "豆类", ",", "洋葱", "等", ",", "养成", "每天", "排便", "的", "习惯", ",", "适当地", "运动", "。", "一般", "是", "孕", "12", "周", "左右", ",", "早孕", "反应", "会", "消失", "。", "值得", "注意", "的", "是", ",", "如果", "孕妇", "妊娠", "期间", ",", "反应", "太", "过", "激烈", "的", "话", ",", "则", "应该", "就医", "。", "在", "专业", "医生", "的", "指导", "下", "缓解", "症状", ",", "避免", "对", "胎儿", "造成", "影响", "。", "停经", "以后", "孕妇", "会", "逐渐", "感到", "一些", "异常现象", ",", "这", "是", "由于", "呕吐", "中枢", "对", "增多", "的", "雌激素", "暂时", "不能", "适应", ",", "或", "与", "精神", "因素", "有关", ",", "做", "早孕", "反应", "。", "最早", "出现", "的", "反应", "是", "怕冷", ",", "以后", "逐渐", "感到", "疲乏", ",", "嗜睡", ",", "头晕", ",", "恶心", ",", "反胃", ",", "食欲不振", ",", "挑食", ",", "喜欢", "吃", "酸", "食", ",", "怕", "闻", "油腻", "味", ",", "唾液", "的", "分泌", "量", "也", "会", "增加", "。", "早起", "甚至", "呕吐", ",", "严重时", "还有", "头晕", ",", "疲乏", "无力", ",", "倦怠", "等", "症状", "。", "早孕", "反应", "症状", "因人而异", ",", "快", "则", "怀孕", "5", "周", "会出现", ",", "完全", "没有", "早孕", "反应", "的", "大有人在", "。", "多数", "人", "会", "持续", "3", "个", "月", ",", "通常", "3", "个", "月", "后", ",", "早孕", "反应", "即", "自动停止", "。", "除非", "是", "恶心", ",", "呕吐", "的", "非常", "厉害", ",", "才", "需要", "就医", ",", "否则", "这些", "都是", "怀孕", "初期", "的", "正常", "现象", "。", "早孕", "期间", "食欲", "和", "饮食习惯", "常", "有", "改变", ",", "例如", "对", "烟", ",", "酒", ",", "茶", "和", "油炸", "食物", "兴趣", "减退", ",", "而", "喜", "食", "咸", ",", "酸", ",", "冰", "食物", "和", "水果", ",", "甚至", "偏食", "。"], ["2015", "-", "01", "-", "22", "09", ":", "31", "投诉"], ["擅长", ":", "从事", "计划生育", "临床", "工作", "20", "余", "年", ",", "临床", "经验丰富", ",", "对", "终止", "妊娠", ",", "放", "取", "宫内节育器", "及", "避孕节育", "指导", "方面", "有", "独特", "见解", "。", "擅长", "运用", "薇薇", "保", "宫", "无痛", "技术", "针对", "大", "月份", "引产", "、", "早早孕", "、", "未", "生育", "年轻女性", "、", "宫颈", "狭小", "患者", "进行", "终止", "妊娠"], ["孕妇", "大部份", "在", "前", "三个月", "都", "难免", "有", "不同程度", "的", "恶心", "、", "呕吐", "经验", ",", "常", "发生", "在", "早上", "。", "具体", "反应", "的", "时间", "和", "程度", "因人而异", "。", "性生活", "后", "最早", "七天", "一般", "十四天", "左右", "少数", "二", "十", "多", "天", "能", "查", "出来", "怀孕", ",", "可", "自用", "试纸", "或者", "医院", "HCG", "检查", "确诊", "。"], ["2015", "-", "12", "-", "30", "14", ":", "05", "投诉"], ["擅长", ":", "妇产科", "常见病", "、", "多发病", "、", "无痛人流", "、", "私密", "整形", "手术", "等", "。"], ["每个", "人", "的", "体质", "不同", ",", "所以", "出现", "孕期", "反应", "的", "时间", "也", "会", "不同", ",", "有些", "体质", "的", "人", "在", "怀孕", "一", "周", "内", "就会", "出现", "一些", "孕期", "反应", ",", "比如", "恶心", "、", "呕吐", "、", "嗜睡", "等等", ",", "而", "还", "有些", "体质", "的", "人", "在", "整个", "孕期", "可能", "都", "不会", "出现", "妊娠反应", "。"], ["2015", "-", "12", "-", "31", "17", ":", "22", "投诉"], ["你好", ",", "一般", "怀孕", "多久", "会", "有", "反映", "呢", "?", "通常", "临床", "上", "计算", "怀孕", "的", "时间", "是", "从", "末", "次", "月经", "的", "第一", "天", "算", "起", "的", ",", "停经", "6", "周", "左右", ",", "出现", "畏寒", "、", "流涎", "、", "恶心", "、", "食欲不振", "、", "厌恶", "油腻", "、", "头晕", "、", "乏力", "、", "嗜睡", "、", "喜", "食", "酸", "物", "、", "晨", "起", "呕吐", "等", "早孕", "反应", ",", "乳房", "有", "刺痛", "、", "膨胀", "和", "瘙痒", "感", ";", "容易", "疲倦", ",", "嗜睡", ";", "频", "尿", "等", "。", "孕", "12", "周", "自行", "消失", ",", "当然", "早孕", "反应", "是", "因人而异", "的", ",", "时间", "可能", "有", "所", "差别", "。", "一般来说", "月经周期", "正常", "的", "女性", ",", "月经", "推迟", "一", "周", "可以", "用", "试纸", "检查", "怀孕", ",", "或者", "是", "同房", "10", "天", "到", "医院", "做", "血", "hcg", "检查", "确诊", "怀孕", "。"], ["2015", "-", "05", "-", "29", "22", ":", "29", "投诉"], ["1", "、", "感觉", "反胃", "吗", "?", "你", "可能", "会", "觉得", "想吐", "或", "反胃", ",", "虽然", "害喜", "也", "叫", "“", "晨吐", "”", ",", "但", "你", "可能", "整天", "都", "觉得", "反胃", "想吐", "。", "你", "的", "嗅觉", "会", "变得", "灵敏", ",", "以前", "喜欢", "的", "味道", "现在", "可能", "引起", "呕吐", "。", "2", "、", "乳房", "胀痛", "吗", "?", "如果", "你", "的", "乳房", "感到", "刺痛", "、", "柔软", "又", "肿胀", ",", "你", "可能", "怀孕", "了", "。", "在", "你", "的", "身体", "适应", "大量", "的", "荷尔蒙", "之后", ",", "这种", "疼痛", "会", "消退", ",", "你", "的", "乳房", "就", "不会", "再", "感到", "不舒服", "了", "。", "3", "、", "感觉", "困倦", "吗", "?", "原本", "精力充沛", "的", "你", ",", "突然", "感到", "困倦", "乏力", ",", "黄体", "素", "的", "大量", "分泌", ",", "会", "让", "你", "觉得", "筋疲力尽", "。", "你", "可以", "再", "观察", "其他", "的", "症状", ",", "以", "确定", "你", "的", "判断", "。"], ["2015", "-", "05", "-", "30", "09", ":", "00", "投诉"], ["准", "妈", "一般", "会", "在", "停经", "40", "天", "左右", "会出现", "妊娠反应", "。", "所以", "不管", "有没有", "妊娠反应", ",", "如果没有", "做", "避孕", "措施", ",", "月经", "延期", "超过", "了", "10", "天后", ",", "就", "建议", "去", "做", "一", "下", "妊娠", "检测", "。", "妊娠反应", "的", "发生", "时间", "早晚", "与", "孕妇", "的", "个人", "体质", "有关", ",", "但", "一般", "都会", "在", "停经", "40", "天", "左右", "会出现", "妊娠反应", "。", "妊娠反应", "与", "体", "内", "激素", "水平", "有关", ",", "部分", "孕妇", "可能", "不会出现", "症状", ",", "而", "常见", "的", "妊娠反应", "有", ":", "恶心", "、", "呕吐", "、", "嗜睡", "、", "疲倦", "等", "。", "所以", "不管", "有没有", "妊娠反应", ",", "如果没有", "做", "避孕", "措施", ",", "月经", "延期", "超过", "了", "10", "天后", ",", "就", "建议", "去", "做", "一", "下", "妊娠", "检测", "。"], ["2015", "-", "05", "-", "30", "12", ":", "57", "投诉"], ["你好", ",", "妊娠反应", "一般", "在", "孕", "42", "天", "以后", "才会", "出现", "。", "你", "需要", "对比一下", "这次", "例假", "跟", "以前", "有没有", "不同", "。", "根据", "你", "的", "情况", ",", "如果", "这次", "是", "例假", "跟", "以前", "没有", "不同", ",", "例假", "刚", "过去", "一", "周", ",", "是", "不可能", "会出现", "早孕", "反应", "的", "。", "胃", "难受", "的", "话", ",", "需要", "看", "下", "是否", "是", "胃里", "边", "的", "本身", "的", "病", ",", "需要", "进一步", "检查", "。"], ["2015", "-", "05", "-", "30", "14", ":", "52", "投诉"], ["在", "受孕", "的", "第", "一", "个", "月", ",", "孕妈咪", "一般", "感觉不到", "新生命", "的", "开始", "。", "但是", ",", "有", "一些", "重要", "的", "征兆", ",", "会", "提醒", "育龄", "女性", ",", "恭喜你", ",", "你", "可能", "怀孕", "了", "!", "看懂", "怀孕", "信号", "对于", "月经", "规则", "的", "妇女", ",", "怀孕", "比较", "容易", "判断", "。", "怀孕", "信号", "1", "―", "―", "停经", "停经", "是", "怀孕", "的", "第", "1", "信号", "。", "所有", "的", "有", "性生活", "的", "女性", "都", "应该", "记住", "自己", "的", "月经", "日期", ",", "可用", "日历", "做", "记号", "。", "一般来说", ",", "如果", "月经", "过", "了", "一个星期", ",", "就", "应该", "怀疑", "是否", "怀孕", ",", "到", "医院", "做", "尿", "HCG", "检查", "以", "确定", "是否", "怀孕", "。", "如果", "过期", "1", "个", "月", ",", "医生", "大致", "能", "查出", "怀孕", "征象", ",", "怀孕", "就", "比较", "容易", "肯定", "了", "。", "有", "极少数", "女性", ",", "虽然", "已经", "怀", "了", "孕", ",", "但是", "在", "该", "来", "月经", "的", "时候", ",", "仍然", "行", "经", "一", "两次", ",", "不过", ",", "来", "的", "经血", "比", "平常", "要", "少", ",", "日期", "也", "短", "些", ",", "这", "在", "中医", "上", "称为", "“", "漏", "经", "”", ",", "真正原因", "尚", "不", "十分", "清楚", "。"], ["2015", "-", "05", "-", "30", "17", ":", "32", "投诉"], ["怀孕", "初期", "的", "症状", "一般", "在", "40", "天", "左右", "出现", "有", ":", "月经", "停止", ";", "乳房发育", ",", "乳头", "增大", ",", "乳房", "皮下", "的", "静脉", "明显", ",", "还", "可能", "乳房", "有", "刺痛", "、", "膨胀", "和", "瘙痒", "感", ",", "而", "乳头", ",", "乳晕", "颜色", "加深", ";", "以后", "逐渐", "感到", "疲乏", ",", "嗜睡", ",", "头晕", ",", "恶心", ",", "反胃", ",", "食欲不振", ",", "挑食", ",", "喜欢", "吃", "酸", "食", ",", "怕", "闻", "油腻", "味", ",", "唾液", "的", "分泌", "量", "也", "会", "增加", ";", "常", "有", "恶心", ",", "呕吐", "的", "感觉", "。"], ["2016", "-", "01", "-", "19", "15", ":", "01", "投诉"]], "paragraphs": ["一般怀孕多久会有反映", "一般怀孕多久会有反映", "精选回答(4)", "你好注意观察月经,如果是该来月经的时候没有来,超过7-10天没有来就要考虑怀孕.建议做早试纸检查.而不是以同房时间计算的,临床上一般是从末次月经开始计算.检查如果是2根红线表示阳性,表示怀孕的可能.但是同房后7天后也可以到医院做血hcg检查.如果检查阴性或不明显,还需要7天以后再次复查早孕实验啊.晨尿检查最好.", "2010-04-10 21:21 投诉", "怀孕后一般需要停经6-8周才会出现妊娠反应,恶心 呕吐 嗜睡 乏力等。", "2010-04-10 21:21 投诉", "你好: 一般情况下,怀孕40天左右,可出现早孕反应,如晨起恶心呕吐,食欲不振,困乏,尿频等临床表现。早孕反应因人而宜,有的反应轻,有的反应重。一般在怀孕3个后症状会减轻或消失。怀孕3个月后腹部可略见增大;18—20周左右可出现胎动。分娩时是有疼痛感的,但大多数女性都可忍受。", "2010-04-10 21:22 投诉", "你好,怀孕初期的症状一般在40天左右出现有:月经停止;乳房发育,乳头增大,乳房皮下的静脉明显,还可能乳房有刺痛、膨胀和瘙痒感,而乳头,乳晕颜色加深;以后逐渐感到疲乏,嗜睡,头晕,恶心,反胃,食欲不振,挑食,喜欢吃酸食,怕闻油腻味,唾液的分泌量也会增加;常有恶心,呕吐的感觉。在性生活10天以后可到医院进行血HCG检查,这是检查怀孕最准确的方法", "2010-04-10 21:22 投诉", "医生回答(11)", "你好,据了解,女性出现妊辰反应的一般是从第6周开始到12周左右,也就是说,女性怀孕1个多月就会开始出现反应,第三个月的时候,妊辰反应基本结束,当然了,也不排除个别反应期较长的案例。", "2015-01-21 15:20 投诉", "受孕后出现早孕反应时,应保持身心愉快与充分休息,早晨起床前可吃固体食物如苏打饼干,半小时内暂不喝水,少量多餐,以清淡饮食为主,少吃产气的食物 如豆类,洋葱等,养成每天排便的习惯,适当地运动。一般是孕12周左右,早孕反应会消失。值得注意的是,如果孕妇妊娠期间,反应太过激烈的话,则应该就医。在专业医生的指导下缓解症状,避免对胎儿造成影响。停经以后孕妇会逐渐感到一些异常现象,这是由于呕吐中枢对增多的雌激素暂时不能适应,或与精神因素有关,做早孕反应。最早出现的反应是怕冷,以后逐渐感到疲乏,嗜睡,头晕,恶心,反胃,食欲不振,挑食,喜欢吃酸食,怕闻油腻味,唾液的分泌量也会增加。早起甚至呕吐,严重时还有头晕,疲乏无力,倦怠等症状。早孕反应症状因人而异,快则怀孕5周会出现,完全没有早孕反应的大有人在。多数人会持续3个月,通常3个月后,早孕反应即自动停止。除非是恶心,呕吐的非常厉害,才需要就医,否则这些都是怀孕初期的正常现象。早孕期间食欲和饮食习惯常有改变,例如对烟,酒,茶和油炸食物兴趣减退,而喜食咸,酸,冰食物和水果,甚至偏食。", "2015-01-22 09:31 投诉", "擅长:从事计划生育临床工作20余年,临床经验丰富,对终止妊娠,放取宫内节育器及避孕节育指导方面有独特见解。擅长运用薇薇保 宫无痛技术针对大月份引产、早早孕、未生育年轻女性、宫颈狭小患者进行终止妊娠", "孕妇大部份在前三个月都难免有不同程度的恶心、呕吐经验,常发生在早上。具体反应的时间和程度因人而异。性生活后最早七天一般十四天左右少数二十多天能查出来怀孕,可自用试纸或者医院HCG检查确诊。", "2015-12-30 14:05 投诉", "擅长:妇产科常见病、多发病、无痛人流、私密整形手术等。", "每个人的体质不同,所以出现孕期反应的时间也会不同,有些体质的人在怀孕一周内就会出现一些孕期反应,比如恶心、呕吐、嗜睡等等,而还有些体质的人在整个孕期可能都不会出现妊娠反应。", "2015-12-31 17:22 投诉", "你好,一般怀孕多久会有反映呢?通常临床上计算怀孕的时间是从末次月经的第一天算起的,停经6周左右,出现畏寒、流涎、恶心、食欲不振、厌恶油腻、头晕、乏力、嗜睡、喜食酸物、晨起呕吐等早孕反应,乳房有刺痛、膨胀和瘙痒感;容易疲倦,嗜睡;频尿等。孕12周自行消失,当然早孕反应是因人而异的,时间可能有所差别。一般来说月经周期正常的女性,月经推迟一周可以用试纸检查怀孕,或者是同房10天到医院做血hcg检查确诊怀孕。", "2015-05-29 22:29 投诉", "1、感觉反胃吗? 你可能会觉得想吐或反胃,虽然害喜也叫“晨吐”,但你可能整天都觉得反胃想吐。你的嗅觉会变得灵敏,以前喜欢的味道现在可能引起呕吐。 2、乳房胀痛吗? 如果你的乳房感到刺痛、柔软又肿胀,你可能怀孕了。在你的身体适应大量的荷尔蒙之后,这种疼痛会消退,你的乳房就不会再感到不舒服了。 3、感觉困倦吗? 原本精力充沛的你,突然感到困倦乏力,黄体素的大量分泌,会让你觉得筋疲力尽。你可以再观察其他的症状,以确定你的判断。", "2015-05-30 09:00 投诉", "准妈一般会在停经40天左右会出现妊娠反应。所以不管有没有妊娠反应,如果没有做避孕措施,月经延期超过了10天后,就建议去做一下妊娠检测。 妊娠反应的发生时间早晚与孕妇的个人体质有关,但一般都会在停经40天左右会出现妊娠反应。妊娠反应与体内激素水平有关,部分孕妇可能不会出现症状,而常见的妊娠反应有:恶心、呕吐、嗜睡、疲倦等。所以不管有没有妊娠反应,如果没有做避孕措施,月经延期超过了10天后,就建议去做一下妊娠检测。", "2015-05-30 12:57 投诉", "你好,妊娠反应一般在孕42天以后才会出现。你需要对比一下这次例假跟以前有没有不同。 根据你的情况,如果这次是例假跟以前没有不同,例假刚过去一周,是不可能会出现早孕反应的。胃难受的话,需要看下是否是胃里边的本身的病,需要进一步检查。", "2015-05-30 14:52 投诉", "在受孕的第一个月,孕妈咪一般感觉不到新生命的开始。但是,有一些重要的征兆,会提醒育龄女性,恭喜你,你可能怀孕了! 看懂怀孕信号 对于月经规则的妇女,怀孕比较容易判断。 怀孕信号1――停经 停经是怀孕的第1信号。所有的有性生活的女性都应该记住自己的月经日期,可用日历做记号。 一般来说,如果月经过了一个星期,就应该怀疑是否怀孕,到医院做尿HCG检查以确定是否怀孕。如果过期1个月,医生大致能查出怀孕征象,怀孕就比较容易肯定了。 有极少数女性,虽然已经怀了孕,但是在该来月经的时候,仍然行经一两次,不过,来的经血比平常要少,日期也短些,这在中医上称为“漏经”,真正原因尚不十分清楚。", "2015-05-30 17:32 投诉", "怀孕初期的症状一般在40天左右出现有:月经停止;乳房发育,乳头增大,乳房皮下的静脉明显,还可能乳房有刺痛、膨胀和瘙痒感,而乳头,乳晕颜色加深;以后逐渐感到疲乏,嗜睡,头晕,恶心,反胃,食欲不振,挑食,喜欢吃酸食,怕闻油腻味,唾液的分泌量也会增加;常有恶心,呕吐的感觉。", "2016-01-19 15:01 投诉"], "bs_rank_pos": 2}, {"is_selected": false, "title": "一般怀孕多久会有反应_百度宝宝知道", "most_related_para": 0, "segmented_title": ["一般", "怀孕", "多久", "会", "有", "反应", "_", "百度", "宝宝", "知道"], "segmented_paragraphs": [["怀孕", "症状", "及", "表现", "1", ".", "月经", "停止", "这", "是", "一般人", "最", "常", "注意到", "的", "怀孕", "徵兆", ",", "只要", "是", "一般", "正", "值", "生育", "年龄", "的", "妇女", ",", "月经", "正常", ",", "在", "性行为", "后", "超过", "正常", "经期", "两", "周", ",", "就", "有", "可能", "是", "怀孕", "了", ",", "这", "是", "怀孕", "的", "最早", "信号", ",", "过期时间", "越", "长", ",", "妊娠", "的", "可能性", "就", "越", "大", "。", "不过", ",", "月经", "没有", "来", "的", "原因", "有很多", ",", "可能", "因为", "卵巢", "机", "能", "不佳", ",", "可能", "因为", "荷尔蒙分泌", "不", "正常", ",", "工作", "忙碌", "等等", "。", "所以", "最", ".", ".", ".", "好", "还是", "要", "经过", "医师", "的", "诊断", ",", "才是", "最安全", "的", "。", "过", "正常", "夫妻生活", "的", "女性", ",", "一旦", "月经", "迟到", ",", "首先", "就要", "考虑", "自己", "是否", "怀孕", ",", "不过", "除了", "月经", "没", "来", "之外", ",", "观察", "自身", "生理", "的", "变化", "也", "很重要", "。", "尤其", "是", "在", "已经", "怀孕", "而", "不", "自知", "的", "情况", "下", ",", "误", "将", "出血", "当作", "月经", "来", "潮", "。", "在", "怀孕", "初期", ",", "有时", "会出现", "类似", "月经", ",", "但", "并非", "月经", "的", "经", "样", "出血", "症状", ",", "还", "有些", "女性", "会", "因", "受精卵", "着床", "而", "下体", "出血", "。", "经", "样", "出血", "虽", "是", "量", "少", "色", "淡", "的", "出血", ",", "但", "有时", "是", "流产", "的", "先兆", ",", "最好", "赶紧", "找", "医生诊断", "。", "2", ".", "恶心呕吐", "孕妇", "大部份", "在", "前", "三个月", "都", "难免", "有", "不同程度", "的", "恶心", "、", "呕吐", "经验", ",", "老人家", "说", "这", "就是", "“", "害喜", "”", ",", "常", "发生", "在", "早上", "。", "治疗", "方式", "可以", "食物", "疗法", ",", "即", "避免", "油腻", "及", "油炸", "的", "食物", "。", "如", "早晨", "下床", "前", "先", "吃", "几", "片", "苏打饼干", ",", "另外", "喝果汁", "也", "可以", "改善", "症状", "。", "如果", "还是", "很", "严重", ",", "则", "可以", "服用", "“", "止吐药", "”", "及", "“", "维生素B6", "”", "来", "改善", ";", "严重", "到", "引起", "低血糖", "、", "脱水", "及", "肝功能", "异常", ",", "则", "需要", "住院", "治疗", "。", "3", ".", "频", "尿", "及", "便意", "感", "怀孕后", "由于", "子宫", "渐渐", "的", "变", "大", ",", "往前", "压迫", "到", "膀胱", ",", "膀胱", "的", "内容", "量", "愈", "来", "愈", "小", ",", "所以", "当", "尿液", "积", "到", "某", "一", "程度", "时", ",", "便", "有", "尿", "意", "感", "以致", "于", "勤", "跑", "洗手间", ",", "可是", "却", "仅", "涓涓", "细", "流", ",", "不", "像", "以前", "澎湃", "。"], ["体质", "不同", ",", "时间", "也", "不一样", ",", "因人而异", "百度", "知道", "用户", "2013", "-", "08", "-", "24", "13", ":", "50"], ["我", "个人", "认为", "怀孕后", "一般", "是", "二", "个", "星期", "以后", "慢慢", "就会", "有", "反应", "了", ",", "只不过", "刚", "开始", "轻微", "些", ",", "不容易", "查", "觉"], ["百度", "知道", "用户", "2013", "-", "08", "-", "24", "13", ":", "53"]], "paragraphs": ["怀孕症状及表现 1.月经停止 这是一般人最常注意到的怀孕徵兆,只要是一般正值生育年龄的妇女,月经正常,在性行为后超过正常经期两周,就有可能是怀孕了,这是怀孕的最早信号,过期时间越长,妊娠的可能性就越大。不过,月经没有来的原因有很多,可能因为卵巢机能不佳,可能因为荷尔蒙分泌不正常,工作忙碌等等。所以最...好还是要经过医师的诊断,才是最安全的。 过正常夫妻生活的女性,一旦月经迟到,首先就要考虑自己是否怀孕,不过除了月经没来之外,观察自身生理的变化也很重要。尤其是在已经怀孕而不自知的情况下,误将出血当作月经来潮。在怀孕初期,有时会出现类似月经,但并非月经的经样出血症状,还有些女性会因受精卵着床而下体出血。经样出血虽是量少色淡的出血,但有时是流产的先兆,最好赶紧找医生诊断。 2.恶心呕吐 孕妇大部份在前三个月都难免有不同程度的恶心、呕吐经验,老人家说这就是“害喜”,常发生在早上。治疗方式可以食物疗法,即避免油腻及油炸的食物。如早晨下床前先吃几片苏打饼干,另外喝果汁也可以改善症状。如果还是很严重,则可以服用“止吐药”及“维生素B6”来改善;严重到引起低血糖、脱水及肝功能异常,则需要住院治疗。 3.频尿及便意感 怀孕后由于子宫渐渐的变大,往前压迫到膀胱,膀胱的内容量愈来愈小,所以当尿液积到某一程度时,便有尿意感以致于勤跑洗手间,可是却仅涓涓细流,不像以前澎湃。", "体质不同,时间也不一样,因人而异 百度知道用户 2013-08-24 13:50", "我个人认为怀孕后一般是二个星期以后慢慢就会有反应了,只不过刚开始轻微些,不容易查觉", "百度知道用户 2013-08-24 13:53"], "bs_rank_pos": 4}, {"is_selected": false, "title": "怀孕后多久才会有反应 6种征兆告诉你怀孕了_网易亲子", "most_related_para": 8, "segmented_title": ["怀孕", "后", "多久", "才会", "有", "反应", "6", "种", "征兆", "告诉", "你", "怀孕", "了", "_", "网易", "亲子"], "segmented_paragraphs": [["2015", "-", "04", "-", "27", "10", ":", "31", ":", "00", "来源", ":", "亲", "贝", "网", "(", "北京", ")"], ["怀孕", "多久", "会", "有", "反应", "呢", "?", "今天", "小", "编", "就", "来", "为你", "介绍", "怀孕", "多久", "会", "有", "反应", "和", "出现", "怀孕", "反应", "后", "需要", "做", "哪些", "检查", "。"], ["怀孕", "多久", "会", "有", "反应"], ["早孕", "反应", "什么时候", "开始", "呢", "?", "有些", "女性", "在", "自己", "该", "来", "月经", "的", "时候", "没有", "来", ",", "就", "非常", "担心", "自己", "是不是", "怀孕", "了", ",", "不知道", "早孕", "反应", "什么", "时候开始", ",", "要是", "知道", "早孕", "反应", "的", "时间", ",", "女性", "就", "不必", "焦虑", "了", ",", "那么", "究竟", "早孕", "反应", "什么时候", "开始", "呢", "?", "由于", "每个", "女性", "朋友", "的", "体制", "不一样", ",", "早孕", "反应", "的", "时间", "也", "会", "有所", "不同", "。"], ["因为", "孕妇", "体", "内", "的", "绒毛", "膜", "促性腺激素", ",", "HC", "剂", ",", "随着", "它", "的", "增多", ",", "孕妇", "会出现", "头晕", "、", "乏力", "、", "恶心", "、", "呕吐", "、", "食欲不振", "、", "厌油", "这", "一", "系列", "的", "症状", ",", "我们", "称", "之", "为", "早孕", "反应", "。"], ["早孕", "反应", "出现", "的", "时间", "、", "停止", "的", "时间", ",", "都", "和", "体", "内", "的", "一", "种", "激素", "有", "很大", "的", "关系", ",", "这个", "激素", "就", "叫", "绒毛", "膜", "促性腺激素", ",", "它", "从", "六", "周", "左右", "开始", "出现", "。"], ["HCG", "出现", "比", "这个", "更早", "一", "点", ",", "一般", "四", "五", "周", "就", "开始", "出现", "了", "。"], ["有", "的", "人", "早孕", "反应", "是", "从", "四", "五", "周", "开始", "出现", ",", "大部分", "人", "是", "从", "六", "周", "左右", "开始", "表现", "得", "比较", "强烈", "一", "点", "。", "到", "十", "周", "左右", "达到", "高峰", ",", "一般", "要", "到", "三个月", "左右", ",", "也", "就是", "十二", "周", "左右", ",", "HC", "剂", "才会", "下降", "。"], ["所以", "一般", "的", "早孕", "反应", "出现", "的", "时间", "可以", "从", "四周", "或者", "五", "周", "就", "开始", "出现", ",", "但是", "大部分", "人", "从", "六", "周", "左右", "开始", "出现", ",", "高峰", "的", "在", "十", "周", "左右", ",", "一般", "要", "持续", "到", "十二", "周", "左右", "。"], ["出现", "怀孕", "反应", "后", "要", "做", "哪些", "检查", "呢", "?"], ["根据", "病史", "、", "临床表现", "及", "妇科检查", "进行", "诊断", ",", "hCG", "测定", ",", "可", "明确", "早孕", "诊断", "。", "症状", "严重", ",", "化验", "尿", "中", "有", "酮体", ",", "则", "可", "诊断", "为", "妊娠剧吐", "。", "注意", "与", "妊娠合并", "消化系统", "疾病", "鉴别", "。", "根据", "病史", "、", "临床表现", "及", "妇科检查", "进行", "诊断", ",", "hCG", "测定", ",", "可", "明确", "早孕", "诊断", "。", "症状", "严重", ",", "化验", "尿", "中", "有", "酮体", ",", "则", "可", "诊断", "为", "妊娠剧吐", "。", "注意", "与", "妊娠合并", "消化系统", "疾病", "鉴别", "。"], ["+", "加载", "更多", "新闻"], ["最", "时尚", "的", "越野车", "丰田", "将", "推", "小号", "\"", "酷路泽", "\"", "入住", "日本", "公寓", "傻瓜", "指南", "细节", "多", "到", "让", "外国人", "不知所措", "80", "后", "姑娘", "受雇", "设计", "装修", "山", "居", "房主", "看完后", "交给", "她", "整", "座", "山"], ["\"", "广场舞", "抢", "地盘", "\"", "大妈", "遭", "留学", "女儿", "痛斥", ":", "你们", "干", "的", "啥", "事", "陕西", "宝鸡", "\"", "最长", "名称", "公司", "\"", "火", "了", ":", "名字", "长", "达", "39", "个", "字", "\"", "五毒", "局长", "\"", "笔记", ":", "葡萄美酒夜光杯", "金钱", "美女", "一大", "堆"], ["网易", "商城", ",", "您", "身边", "24", "小时", "的", "联通", "电信", "移动", "营业厅", "随时随地", "为您", "提供", "手机", "话费", "充值", "服务", "。"]], "paragraphs": ["2015-04-27 10:31:00 来源: 亲贝网(北京)", "怀孕多久会有反应呢?今天小编就来为你介绍怀孕多久会有反应和出现怀孕反应后需要做哪些检查。", "怀孕多久会有反应", "早孕反应什么时候开始呢?有些女性在自己该来月经的时候没有来,就非常担心自己是不是怀孕了,不知道早孕反应什么时候开始,要是知道早孕反应的时间,女性就不必焦虑了,那么究竟早孕反应什么时候开始呢?由于每个女性朋友的体制不一样,早孕反应的时间也会有所不同。", "因为孕妇体内的绒毛膜促性腺激素,HC剂,随着它的增多,孕妇会出现头晕、乏力、恶心、呕吐、食欲不振、厌油这一系列的症状,我们称之为早孕反应。", "早孕反应出现的时间、停止的时间,都和体内的一种激素有很大的关系,这个激素就叫绒毛膜促性腺激素,它从六周左右开始出现。", "HCG出现比这个更早一点,一般四五周就开始出现了。", "有的人早孕反应是从四五周开始出现,大部分人是从六周左右开始表现得比较强烈一点。到十周左右达到高峰,一般要到三个月左右,也就是十二周左右,HC剂才会下降。", "所以一般的早孕反应出现的时间可以从四周或者五周就开始出现,但是大部分人从六周左右开始出现,高峰的在十周左右,一般要持续到十二周左右。", "出现怀孕反应后要做哪些检查呢?", "根据病史、临床表现及妇科检查进行诊断,hCG测定,可明确早孕诊断。症状严重,化验尿中有酮体,则可诊断为妊娠剧吐。注意与妊娠合并消化系统疾病鉴别。根据病史、临床表现及妇科检查进行诊断,hCG测定,可明确早孕诊断。症状严重,化验尿中有酮体,则可诊断为妊娠剧吐。注意与妊娠合并消化系统疾病鉴别。", "+ 加载更多新闻", "最时尚的越野车 丰田将推小号\"酷路泽\" 入住日本公寓傻瓜指南 细节多到让外国人不知所措 80后姑娘受雇设计装修山居 房主看完后交给她整座山", "\"广场舞抢地盘\"大妈遭留学女儿痛斥:你们干的啥事 陕西宝鸡\"最长名称公司\"火了:名字长达39个字 \"五毒局长\"笔记:葡萄美酒夜光杯 金钱美女一大堆", "网易商城,您身边24小时的联通电信移动营业厅 随时随地为您提供手机话费充值服务。"], "bs_rank_pos": 5}], "answer_spans": [[3, 13]], "answer_docs": [0], "fake_answers": ["女性出现妊娠反应一般是从6-12周左右"], "question": "怀孕多久会有反应", "segmented_answers": [["女性", "出现", "妊娠反应", "一般", "是", "从", "在", "6", "-", "12", "周", "左右", "。"]], "answers": ["女性出现妊娠反应一般是从在6-12周左右。"], "entity_answers": [["6-12周左右"]], "segmented_question": ["怀孕", "多久", "会", "有", "反应"], "question_type": "ENTITY", "match_scores": [0.9166666666666666], "fact_or_opinion": "OPINION", "question_id": 181608}
-{"documents": [{"is_selected": false, "title": "白色汽车划痕怎么处理 9个小妙招教你轻松应对_尚之潮", "most_related_para": 3, "segmented_title": ["白色", "汽车", "划痕", "怎么", "处理", "9", "个", "小", "妙招", "教", "你", "轻松", "应对", "_", "尚之潮"], "segmented_paragraphs": [["首页", ">", "汽车", ">", "用车", ">", "白色", "的", "汽车", "出现", "划痕", "怎么", "处理"], ["日常", "使用", "汽车", "的", "时候", ",", "由于", "自己", "的", "粗心大意", ",", "很多", "车辆", "出现", "了", "划痕", ",", "今天", "小", "编", "给", "大家说说", "白色", "汽车", "划痕", "怎么", "处理", "?", "怎么", "样", "可以", "让", "车", "恢复", "原貌", ",", "下面", "就", "赶紧", "的", "看看", ",", "希望", "这些", "小", "妙招", "对", "你", "有用", "。"], ["白色", "汽车", "划痕", "怎么", "处理"], ["1", "、", "补漆笔", "可", "处理", "小", "划痕", "如果", "锈蚀", "不", "很", "严重", ",", "可", "先", "用", "极", "细", "的", "水", "砂纸", "蘸水", "轻轻", "磨", "去", "锈斑", ",", "但", "切忌", "无", "方向", "地", "乱", "磨", ",", "要", "同", "向", "直线", "打磨", "。", "等", "完全", "擦", "净", "后", ",", "涂上一层", "底漆", "。", "若是", "新", "的", "刮", "伤", ",", "可", "擦", "净", "后", "直接", "涂", "上", "底漆", "。", "之后", ",", "如果", "车辆", "配", "有", "小罐", "原", "厂", "漆", ",", "就", "可以", "等", "底漆", "干", "了", "后", ",", "再", "用", "水", "砂纸", "将", "其", "磨平", ",", "在", "底漆", "之", "上", "把", "原", "厂", "漆", "涂上", "。", "如果没有", "原", "厂", "漆", ",", "可以", "购买", "一支", "补漆笔", ",", "用", "补漆笔", "进行", "上色", "处理", "。", "这样", "的", "处理", "虽然", "没有", "去", "美容店", "处理", "效果好", ",", "但", "如果", "是", "小", "的", "或者", "不", "醒目", "处", "的", "伤痕", ",", "也", "可以", "起", "到", "防止", "锈迹", "扩大", "、", "加重", "的", "作用", "。", "2", "、", "涂", "牙膏", "可", "临时", "防锈", "还有", "就是", "用", "普通", "的", "牙膏", "来", "处理", "。", "发现", "汽车", "车身", "有", "新", "的", "小", "伤痕", "时", ",", "把", "牙膏", "轻轻", "抹", "圆圈", "涂", "在", "划痕", "处", "。", "下雨", "或", "洗车", "后", ",", "别", "忘", "了", "再", "涂", "一", "下", "。", "这样做", "一般", "可", "减轻", "划痕", "印记", ",", "也", "可以", "简单", "地", "起", "到", "隔绝", "作用", ",", "防止", "生锈", ",", "短期内", "没问题", "。", "特别", "是", "白色", "车漆", ",", "效果", "最", "为", "明显", "。", "做", "好", "汽车", "轻微", "划痕", "小", "处理", "后", ",", "等", "下次", "进行", "汽车", "全面", "保养", "的", "时候", "在", "彻底", "的", "补", "好", "划痕", "。", "九", "个", "自己动手", "处理", "划痕", "的", "小", "绝招", "1", "、", "不", "论", "什么", "样", "的", "汽车", "都会", "有", "或", "大", "或", "小", "的", "伤痕", "。", "伤痕", "对", "表", "漆", "造成", "多大", "的", "损伤", "?", "怎样", "才能", "修补", "?", "都", "必须", "考虑", "正确", "的", "处置", "方法", "。", "如果", "是", "不太", "醒目", "的", "伤痕", ",", "聪明", "的", "方法", "是", "不要", "去", "管", "它", "。"], ["1", "、", "不", "论", "什么", "样", "的", "汽车", "都会", "有", "或", "大", "或", "小", "的", "伤痕", "。", "伤痕", "对", "表", "漆", "造成", "多大", "的", "损伤", "?", "怎样", "才能", "修补", "?", "都", "必须", "考虑", "正确", "的", "处置", "方法", "。", "如果", "是", "不太", "醒目", "的", "伤痕", ",", "聪明", "的", "方法", "是", "不要", "去", "管", "它", "。", "2", "、", "车", "有", "擦伤", ",", "最好", "的", "修补", "方法", "是", "伤痕", "部分", "填上", "与", "车身", "相同", "的", "镀膜", "剂", "。", "镀膜", "剂", "可", "涂", "一次", "、", "二", "次", "、", "三", "次", ",", "次数", "越", "多", ",", "会", "涂", "得", "越", "干净", "。", "但", "整个", "车身", "的", "均匀", "处理", "也", "很重要", "。"], ["《", "欢乐颂", "2", "》", "可", "一", "点", "也", "不", "欢乐", "!", "安"], ["《", "欢乐颂", "2", "》", "曲", "筱", "绡", "赵", "医生", "第", "二"], ["刷牙", "流血", "千万", "别", "轻视", "可能", "是", "大"], ["白色", "车", "轮毂", "喷", "哪", "种", "颜色", "最", "好看", "很多", "年轻人", "在", "买", "了", "新车", "以后", "都", "喜欢", "给", "自己", "的", "爱车", "打扮", "一", "番", ",", "那么", "白色", "车", "轮毂", "喷", "什么", "颜色", "好看", "?", "怎么样", "搭配", "才是", ".", ".", ".", "更多", "2017", "-", "02", "-", "21", "10", ":", "38", ":", "04"], ["白色", "车", "贴", "什么", "颜色", "膜", "最", "好看", "买", "了", "车", "之后", "很多人", "都会", "为", "自己", "的", "爱车", "进行", "贴膜", ",", "那么", "白色", "车", "贴", "什么", "颜色", "膜", "好看", "呢", "?", "你", "在", "选择", "贴膜", "的", "时候", "是", "根据", ".", ".", ".", "更多", "2017", "-", "02", "-", "21", "10", ":", "19", ":", "46"], ["白色", "的", "汽车", "时间长", "了", "为什么", "变", "黄", "很多", "白色", "的", "汽车", "使用", "时间长", "了", "会", "变", "黄色", ",", "那么", "白色", "汽车", "为什么", "会", "变", "黄", "?", "白色", "车漆", "的", "保养", "有", "哪些", "妙招", "?", "今天", "小", "编", ".", ".", ".", "更多", "2017", "-", "02", "-", "20", "11", ":", "38", ":", "23"], ["新车", "是", "白色", "的", "车漆", "该", "如何", "保养", "很多人", "都", "知道", "白色", "的", "车", "特别", "的", "容易", "变", "黄", ",", "那么", "新车", "白色", "车漆", "如何", "保养", "最好", "呢", "?", "做", "什么", "样", "的", "处理", "会", "减慢", "这种情况", ".", ".", ".", "更多", "2017", "-", "02", "-", "20", "11", ":", "17", ":", "23"], ["这", "5", "个", "保养", "误区", "越", "养", "越", "丑", ",", "可", "许多", "女人", "却", "仍", "在", "犯", "!", "懂得", "保养", "的", "女人", "通常", "是", "精致", "的", "女人", ",", "会", "保养", "的", "女人", "会", "比", "同龄人", "年轻", "20", "岁", ",", "快", "看看", "你", "保养", "对了吗", "?", "会", "保", "着", "的", "女人", ".", ".", ".", "更多", "2017", "-", "05", "-", "17", "16", ":", "25", ":", "13"], ["取悦", "男人", "的", "办法", "很多", ",", "但", "女人", "只", "擅长", "一", "种", ":", "作", "践", "自己", ",", "换", "他", "怜爱", "…", "…", "女人", ",", "一定要", "好", "好", "打扮", ",", "一定", "要", "靠", "自己", "的", "双手", "好", "好", "挣钱", "。", "当你", "身材", "好", ",", "气质", "好", ",", "又", "不差钱", "的", "时候", ",", "你", "就会", "恍然", ".", ".", ".", "更多", "2017", "-", "05", "-", "17", "13", ":", "55", ":", "45"], ["今年", "春夏", "最流行", "的", "7", "条", "裙子", ",", "穿", "对", "真", "的", "美", "爆", "了", "!", "每个", "女人", "对", "裙子", "天生", "就", "没有", "抵抗力", ",", "不管", "寒冷", "还是", "酷暑", "都会", "将", "裙子", "穿", "在", "身上", "。", "而", "在", "繁花似锦", "的", "季节", ",", "当然", "也", "要", ".", ".", ".", "更多", "2017", "-", "05", "-", "17", "09", ":", "44", ":", "01"], ["和", "老公", "离婚", "没", "离家", ",", "老公", "很快", "找", "了", "新欢", "我", "快", "哭", "死", "了", ",", "没想到", "几天后", "他", "却", "提出", "复婚", "…", "…", "和", "老公", "离婚", "但", "没", "离家", ",", "老公", "带", "着", "新欢", "回家", "过夜", ",", "我", "快", "哭", "死", "了", ",", "没想到", "几天后", "老公", "竟然", "要", "跟", "我", "复婚", "!", "当初", "和", "老公", ".", ".", ".", "更多", "2017", "-", "05", "-", "16", "19", ":", "21", ":", "35"], ["花", "少", "3", "收视率", "从", "1", "跌", "到", "0", ".", "3", ",", "不", "撕", "没", "人", "看", ",", "撕", "了", "被", "吐槽", ",", "也是", "难", "做", "《", "花儿与少年", "》", "第", "三", "季", "已经", "播出", "了", "四", "期", "节目", "了", ",", "在", "这", "四", "期", "的", "节目", "中", ",", "收视率", "却", "是", "越来越", "低", ",", "刚刚", "开播", "的", "时候", "还", ".", ".", ".", "更多", "2017", "-", "05", "-", "16", "16", ":", "33", ":", "11"], ["12", "生肖", "最", "风情", "的", "是", "这", "4", "个", "生肖", "女", ",", "周", "身", "散发", "神秘", "魅力", ",", "深受", "男人", "追捧", "!", "十二生肖", "女", "最", "风流", "的", "是", "谁", "?", "这", "4", "个", "生肖", "女", "风流成性", "胜过", "男人", "!", "生肖", "鼠", "女", "一旦", "进入", "那", "美妙", "的", "世界", ",", "无论", "多", "怪异", "的", "姿", ".", ".", ".", "更多", "2017", "-", "05", "-", "15", "22", ":", "15", ":", "18"], ["猪哥亮", "生", "前", "最后", "照片曝光", ",", "被", "病魔", "折磨", "成", "纸片人", "但", "笑容依旧", "猪哥亮", "近日", "病逝", ",", "很多人", "悲痛", ",", "但", "也有", "很多", "的", "人", "迷茫", ",", "因为", "不", "认识", "猪哥亮", "到底是谁", ",", "其实", "猪哥亮", "已经", "是", "一", "个", "台", ".", ".", ".", "更多", "2017", "-", "05", "-", "15", "13", ":", "38", ":", "53"], ["小", "胸", "妹纸", "这样", "选", "泳衣", ",", "飞机场", "照", "样", "秒", "变", "大", "胸", "辣妹", "!", "夏天", "去", "泳池", "游泳", ",", "可是", "胸", "小", "穿泳衣", "不好看", "怎么办", "?", "那", "是", "你", "没", "选", "对", "泳衣", ",", "只要", "选", "对", "泳衣", "平胸", "照", "样", "变", "波霸", "!", "荷叶边", ".", ".", ".", "更多", "2017", "-", "05", "-", "14", "21", ":", "46", ":", "45"], ["这", "4", "种", "常见", "发型", "最", "伤身", ",", "连", "理发师", "都", "不知道", ",", "你", "还在", "留", "吗", "?", "4", "种", "发型", "留", "不对", "可能", "伤身", ",", "这", "几", "种", "常见", "发型", "最", "伤身", "你", "还在", "留", "吗", "?", "高", "马尾", "、", "丸子头", "等", ",", "是", "一", "种", "青春", "洋溢", "又", "清爽", "利落", ".", ".", ".", "更多", "2017", "-", "05", "-", "14", "20", ":", "59", ":", "12"], ["小个子", "女生", "演绎", "百变", "风格", "穿", "搭", ",", "娇小", "女生", "必看", "!", "今年夏天", "虽然", "出", "了", "很多", "新款", "的", "衣服", ",", "但是", "对于", "矮个子", "女生", "和", "胖", "女生", "来", "说", "如何", "通过", "穿衣", "搭配", "改变自己", "的", "风格", "是", "个", ".", ".", ".", "更多", "2017", "-", "05", "-", "14", "10", ":", "16", ":", "55"], ["奔跑吧", "第五期", "收视率", "回到", "解放前", ",", "鹿晗", "热", "巴", "零", "互动", "是", "根源", "?", "《", "奔跑吧", "兄弟", "》", "第五季", "第五期", "的", "节目", "收视率", "已经", "新鲜出炉", "了", ",", "只不过", "本期", "节目", "的", "收视率", "却", "并", "不", "理想", ",", "在", "上期", "节", ".", ".", ".", "更多", "2017", "-", "05", "-", "13", "12", ":", "03", ":", "22"], ["倒车", "入库", "怎么", "找", "最准确", "的", "点", "新手", "开车", "去", "车管所", "验车", "一定要", "拍照", "简单", "分析", "suv", "和", "旅行车", "的", "优缺点", "2017", "年", "最高", "逼格", "的", "汽车", "坐垫", "你造吗", ",", "亲", "们", "?", "铁", "轮毂", "与", "合金轮毂", "的", "优缺点", "分析", "揭秘", "上坡", "起步", "要", "想", "做到", "绝不会", "熄火", "诀窍", "10", "万", "元", "的", "汽车", "车险", "第一年", "多少", "钱", "教", "你", "如何", "判断", "节气门", "是否", "脏", "了", "传祺", "gs", "4", "自动挡", "挡", "位", "是", "什么", "意思", "车门", "凹陷", "修复", "吸盘", "工具", "怎么", "用"], ["女人", "只", "需", "这样做", ",", "让", "男人", "着迷", "上瘾", "一辈子", ",", "超", "准", "的", "!"], ["脾气", "像", "母老虎", ",", "却", "能", "让", "男人", "一辈子", "上瘾", "的", "4", "个", "生肖", "女", ",", "风情万种", "惹", "人", "爱", "!"], ["这", "生肖", "从今天起", "到", "8", "月", "运势", "最佳", ",", "但是", "有钱", "未必", "能", "存", "住"], ["超", "准", "!", "女人", "的", "嘴唇", "可以看出", "她", "的", "性格", ",", "这种", "唇形", "的", "女人", "桃花运", "特别", "旺", "!"], ["男人", "嘴唇", "可以看出", "他", "的", "性格", ",", "长", "这样", "的", "薄情", "又", "冷血", ",", "女人", "千万", "别", "嫁", "!"]], "paragraphs": ["首页 > 汽车 > 用车 > 白色的汽车出现划痕怎么处理", "日常使用汽车的时候,由于自己的粗心大意,很多车辆出现了划痕,今天小编给大家说说白色汽车划痕怎么处理?怎么样可以让车恢复原貌,下面就赶紧的看看,希望这些小妙招对你有用。", "白色汽车划痕怎么处理", "1、补漆笔可处理小划痕 如果锈蚀不很严重,可先用极细的水砂纸蘸水轻轻磨去锈斑,但切忌无方向地乱磨,要同向直线打磨。等完全擦净后,涂上一层底漆。 若是新的刮伤,可擦净后直接涂上底漆。之后,如果车辆配有小罐原厂漆,就可以等底漆干了后,再用水砂纸将其磨平,在底漆之上把原厂漆涂上。 如果没有原厂漆,可以购买一支补漆笔,用补漆笔进行上色处理。这样的处理虽然没有去美容店处理效果好,但如果是小的或者不醒目处的伤痕,也可以起到防止锈迹扩大、加重的作用。 2、涂牙膏可临时防锈 还有就是用普通的牙膏来处理。发现汽车车身有新的小伤痕时,把牙膏轻轻抹圆圈涂在划痕处。下雨或洗车后,别忘了再涂一下。 这样做一般可减轻划痕印记,也可以简单地起到隔绝作用,防止生锈,短期内没问题。特别是白色车漆,效果最为明显。做好汽车轻微划痕小处理后,等下次进行汽车全面保养的时候在彻底的补好划痕。 九个自己动手处理划痕的小绝招 1、不论什么样的汽车都会有或大或小的伤痕。伤痕对表漆造成多大的损伤?怎样才能修补?都必须考虑正确的处置方法。如果是不太醒目的伤痕,聪明的方法是不要去管它。", "1、不论什么样的汽车都会有或大或小的伤痕。伤痕对表漆造成多大的损伤?怎样才能修补?都必须考虑正确的处置方法。如果是不太醒目的伤痕,聪明的方法是不要去管它。 2、车有擦伤,最好的修补方法是伤痕部分填上与车身相同的镀膜剂。镀膜剂可涂一次、二次、三次,次数越多,会涂得越干净。但整个车身的均匀处理也很重要。", "《欢乐颂2》可一点也不欢乐!安", "《欢乐颂2》曲筱绡赵医生第二", "刷牙流血千万别轻视 可能是大", "白色车轮毂喷哪种颜色最好看  很多年轻人在买了新车以后都喜欢给自己的爱车打扮一番,那么白色车轮毂喷什么颜色好看?怎么样搭配才是...更多 2017-02-21 10:38:04", "白色车贴什么颜色膜最好看  买了车之后很多人都会为自己的爱车进行贴膜,那么白色车贴什么颜色膜好看呢?你在选择贴膜的时候是根据...更多 2017-02-21 10:19:46", "白色的汽车时间长了为什么变黄  很多白色的汽车使用时间长了会变黄色,那么白色汽车为什么会变黄?白色车漆的保养有哪些妙招?今天小编...更多 2017-02-20 11:38:23", "新车是白色的车漆该如何保养  很多人都知道白色的车特别的容易变黄,那么新车白色车漆如何保养最好呢?做什么样的处理会减慢这种情况...更多 2017-02-20 11:17:23", "这5个保养误区越养越丑,可许多女人却仍在犯! 懂得保养的女人通常是精致的女人,会保养的女人会比同龄人年轻20岁,快看看你保养对了吗?会保着的女人...更多 2017-05-17 16:25:13", "取悦男人的办法很多,但女人只擅长一种:作践自己,换他怜爱…… 女人,一定要好好打扮,一定要靠自己的双手好好挣钱。当你身材好,气质好,又不差钱的时候,你就会恍然...更多 2017-05-17 13:55:45", "今年春夏最流行的7条裙子,穿对真的美爆了! 每个女人对裙子天生就没有抵抗力,不管寒冷还是酷暑都会将裙子穿在身上。而在繁花似锦的季节,当然也要...更多 2017-05-17 09:44:01", "和老公离婚没离家,老公很快找了新欢我快哭死了,没想到几天后他却提出复婚…… 和老公离婚但没离家,老公带着新欢回家过夜,我快哭死了,没想到几天后老公竟然要跟我复婚!当初和老公...更多 2017-05-16 19:21:35", "花少3收视率从1跌到0.3,不撕没人看,撕了被吐槽,也是难做  《花儿与少年》第三季已经播出了四期节目了,在这四期的节目中,收视率却是越来越低,刚刚开播的时候还...更多 2017-05-16 16:33:11", "12生肖最风情的是这4个生肖女,周身散发神秘魅力,深受男人追捧! 十二生肖女最风流的是谁?这4个生肖女风流成性胜过男人!生肖鼠女一旦进入那美妙的世界,无论多怪异的姿...更多 2017-05-15 22:15:18", "猪哥亮生前最后照片曝光,被病魔折磨成纸片人但笑容依旧  猪哥亮近日病逝,很多人悲痛,但也有很多的人迷茫,因为不认识猪哥亮到底是谁,其实猪哥亮已经是一个台...更多 2017-05-15 13:38:53", "小胸妹纸这样选泳衣,飞机场照样秒变大胸辣妹! 夏天去泳池游泳,可是胸小穿泳衣不好看怎么办?那是你没选对泳衣,只要选对泳衣平胸照样变波霸!荷叶边...更多 2017-05-14 21:46:45", "这4种常见发型最伤身,连理发师都不知道,你还在留吗? 4种发型留不对可能伤身,这几种常见发型最伤身你还在留吗?高马尾、丸子头等,是一种青春洋溢又清爽利落...更多 2017-05-14 20:59:12", "小个子女生演绎百变风格穿搭,娇小女生必看! 今年夏天虽然出了很多新款的衣服,但是对于矮个子女生和胖女生来说如何通过穿衣搭配改变自己的风格是个...更多 2017-05-14 10:16:55", "奔跑吧第五期收视率回到解放前,鹿晗热巴零互动是根源? 《奔跑吧兄弟》第五季第五期的节目收视率已经新鲜出炉了,只不过本期节目的收视率却并不理想,在上期节...更多 2017-05-13 12:03:22", "倒车入库怎么找最准确的点 新手开车去车管所验车一定要拍照 简单分析suv和旅行车的优缺点 2017年最高逼格的汽车坐垫你造吗,亲们? 铁轮毂与合金轮毂的优缺点分析 揭秘上坡起步要想做到绝不会熄火诀窍 10万元的汽车车险第一年多少钱 教你如何判断节气门是否脏了 传祺gs4自动挡挡位是什么意思 车门凹陷修复吸盘工具怎么用", "女人只需这样做,让男人着迷上瘾一辈子,超准的!", "脾气像母老虎,却能让男人一辈子上瘾的4个生肖女,风情万种惹人爱!", "这生肖从今天起到8月运势最佳,但是有钱未必能存住", "超准!女人的嘴唇可以看出她的性格,这种唇形的女人桃花运特别旺!", "男人嘴唇可以看出他的性格,长这样的薄情又冷血,女人千万别嫁!"], "bs_rank_pos": 0}, {"is_selected": true, "title": "白色汽车划痕怎么修补_百度经验", "most_related_para": 3, "segmented_title": ["白色", "汽车", "划痕", "怎么", "修补", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["很多", "车主", "视", "汽车", "如", "生命", ",", "爱车", "要是", "有", "个", "小", "刮", "小", "蹭", ",", "心疼", "的", "要", "命", ";", "可是", "生活", "中", "总是", "不", "缺少", "“", "小", "插曲", "”", ",", "让", "我们", "的", "爱车", "受伤", ",", "比如", ":", "好", "好", "的", "车", "被", "划", "了", ",", "那", "我们", "该怎么办", "呢", "?", "今天", "我", "就", "来", "分享", "下", ":", "白色", "汽车", "划痕", "怎么", "修补"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "白色", "汽车", "身上", "有", "了", "新", "的", "划痕", ",", "先", "要", "用", "鹿皮", "布", "仔细", "将", "划痕", "及其", "周围", "车漆", "擦拭", "干净", ",", "然后", "将", "日常", "用", "的", "牙膏", "涂抹", "在", "划痕", "“", "伤口", "”", "处", "!", "一定要", "涂抹", "均匀", ",", "并且", "在", "下雨", "或者", "是", "洗车", "之后", "也", "要", "涂抹", "一遍", "。", "步骤", "阅读", "2", "但是", "需要", "注意", "的", "是", ",", "涂抹", "了", "牙膏", "的", "划痕", "伤", "患处", ",", "只是", "能", "起", "到", "临时", "保护", "的", "作用", ",", "并且", "能", "防止", "划痕", "处", "生锈", ",", "只是", "暂时", "的", "权宜之计", ",", "不", "想", "自己动手", "的", "话", ",", "可以", "等到", "爱车", "下次", "进行", "保养", "的", "时候", ",", "让", "4S店", "进行", "彻底", "得", "修补", "。", "步骤", "阅读", "3", "想", "自己", "动手", "操作", "的", "话", ",", "我们", "可以", "先", "用", "颗粒", "极", "细", "的", "水", "砂纸", "先", "进行", "打磨", ",", "沿着", "直线", "进行", "打磨", ",", "打磨", "掉", "锈斑", "以及", "牙膏", "之后", ",", "然后", "均匀", "得", "涂上", "薄", "薄", "的", "一", "层", "底漆", "。", "等", "到底", "漆", "干", "了", "之后", ",", "还要", "进行", "砂纸", "打", "平", "。", "步骤", "阅读", "4", "然后", "就是", "要", "沿着", "划痕", "的", "两侧", "仔细", "贴", "两层", "美", "纹", "纸", ",", "让", "美", "纹", "纸", "正好", "露出", "划痕", "。", "美", "纹", "纸", "最", "好多", "贴", "几", "层", "。", "贴", "的", "时候", "要", "更加", "仔细", "才", "行", ",", "一定要", "把", "划痕", "完全", "框", "住", ",", "保证", "后期", "的", "补漆", "效果", "。", "步骤", "阅读", "5", "如果", "买车", "的", "时候", "带有", "小罐", "的", "原", "厂", "漆", ",", "就", "可以", "把", "原", "厂", "漆", "均匀", "涂", "在", "底漆", "上面", ",", "涂", "得", "时候", "要", "仔细", "一", "点", "。", "那", "如果没有", "原", "厂", "漆", "的", "话", ",", "可以", "买", "补漆笔", ",", "用", "补漆笔", "进行", "车漆", "的", "处理", "。", "步骤", "阅读", "6", "用", "补漆笔", "之", "前", "一定要", "仔细", "摇匀", ",", "补漆", "的", "时候", "要", "多次", "反复", "得", "刷", ",", "让", "凹槽", "慢慢", "凭证", ",", "每", "两次", "刷", "漆", "之间", "要", "间隔", "5", "-", "10", "分钟", "。", "等", "完全", "干", "了", "之后", ",", "用", "砂纸", "仔细", "打磨", "平整", "即可", "。", "步骤", "阅读", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "很多车主视汽车如生命,爱车要是有个小刮小蹭,心疼的要命;可是生活中总是不缺少“小插曲”,让我们的爱车受伤,比如:好好的车被划了,那我们该怎么办呢?今天我就来分享下:白色汽车划痕怎么修补", "百度经验:jingyan.baidu.com", "1 白色汽车身上有了新的划痕,先要用鹿皮布仔细将划痕及其周围车漆擦拭干净,然后将日常用的牙膏涂抹在划痕“伤口”处!一定要涂抹均匀,并且在下雨或者是洗车之后也要涂抹一遍。 步骤阅读 2 但是需要注意的是,涂抹了牙膏的划痕伤患处,只是能起到临时保护的作用,并且能防止划痕处生锈,只是暂时的权宜之计,不想自己动手的话,可以等到爱车下次进行保养的时候,让4S店进行彻底得修补。 步骤阅读 3 想自己动手操作的话,我们可以先用颗粒极细的水砂纸先进行打磨,沿着直线进行打磨,打磨掉锈斑以及牙膏之后,然后均匀得涂上薄薄的一层底漆。等到底漆干了之后,还要进行砂纸打平。 步骤阅读 4 然后就是要沿着划痕的两侧仔细贴两层美纹纸,让美纹纸正好露出划痕。美纹纸最好多贴几层。贴的时候要更加仔细才行,一定要把划痕完全框住,保证后期的补漆效果。 步骤阅读 5 如果买车的时候带有小罐的原厂漆,就可以把原厂漆均匀涂在底漆上面,涂得时候要仔细一点。那如果没有原厂漆的话,可以买补漆笔,用补漆笔进行车漆的处理。 步骤阅读 6 用补漆笔之前一定要仔细摇匀,补漆的时候要多次反复得刷,让凹槽慢慢凭证,每两次刷漆之间要间隔5-10分钟。等完全干了之后,用砂纸仔细打磨平整即可。 步骤阅读 END", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "白色汽车划痕处理妙招 白色车小划痕怎么处理?-百科大全-就爱阅读网", "most_related_para": 6, "segmented_title": ["白色", "汽车", "划痕", "处理", "妙招", "白色", "车", "小", "划痕", "怎么", "处理", "?", "-", "百科", "大全", "-", "就爱阅读", "网"], "segmented_paragraphs": [["看", "痕", "深", "不", "深", "罗", ",", "如果", "不", "深", "打", "打蜡", "就", "可", "修复", "。", "如果", "深", "了", ",", "还", "没", "露底", ",", "你", "又", "可", "忍", "得", "住", ",", "就", "还是", "打", "上蜡", ",", "防锈", "。", "。", "。", "。", "不行", "就", "走", "保险", "修车", "。"], ["轻微", "刮花", "的", "漆面", "损伤", "部位", "是", "在", "面漆", "的", "表层", ",", "可以通过", "打蜡", "完全", "修复", "。"], ["不", "明显", "的", "话", "就", "去", "4S店", "叫", "他们", "给", "你", "描", "点", "漆", "得", "了", ",", "这样", "不管", "漏", "没", "漏", "铁皮", "也", "不", "至于", "生锈", "。"], ["深", "纹", "腻子粉", "打磨", "调漆", "喷", "!", "细纹", "鹿皮", "绒布", "擦", "!", "在", "简单", "点", "贴", "一", "帖", "小屁孩", "图片", "!", "!"], ["先", "抛光", ",", "处理", "不", "了", "就", "喷", "油漆"], ["有", "一", "种", "真皮", "修复", "的", "东西", ",", "抹", "上", "之后", "待", "一会", "儿", "就能", "好", "了", "!"], ["牛奶", "喝", "剩", "的", "牛奶", "不要", "倒掉", ",", "它", "可是", "皮鞋", "的", "防皱液", ",", "用", "它", "能", "滋润", "皮鞋", "的", "皮质", ",", "防止", "干裂", "。", "醋", "挤出", "鞋油", "先", "别", "急", "着", "擦鞋", ",", "在", "里面", "加", "几", "滴", "食用", "醋", "试", "试", ",", "它", "能", "使", "鞋子", "光亮", "还", "不容易", "沾", "灰", "。", "还有", ",", "如果", "白色", "皮鞋", "脏", "了", ",", "先", "用", "食", "醋", "擦", "一", "擦", ",", "用", "干", "布", "擦", "净", ",", "再", "上", "白", "鞋油", ",", "去污", "效果", "特别", "好", "。", "丝袜", "不小心", "钩", "了", "丝", "的", "丝袜", ",", "套", "在", "鞋", "刷", "上", ",", "擦", "出", "的", "皮鞋", "光泽度", "很高", "。", "蜡笔", "皮鞋", "上", "的", "轻微", "划痕", ",", "可以", "用", "孩子", "的", "蜡笔", "来", "消除", ",", "找", "一支", "和", "皮鞋", "同", "色", "的", "蜡笔", ",", "涂", "在", "划痕", "处", ",", "然后", "轻轻", "擦拭", ",", "划痕", "就", "几乎", "看", "不", "出来", "了", "。", "报纸", "被", "雨", "淋湿", "的", "皮鞋", "最", "让", "人", "心疼", "了", ",", "让", "报纸", "来", "帮", "你", "吧", "。", "先", "用", "干", "布", "擦拭", "皮鞋", ",", "趁", "半干", "的", "时候", ",", "涂上", "鞋油", ",", "然后", "把", "报纸", "塞入鞋中", "。", "这样", "既", "可", "吸收", "水分", ",", "也有", "校正", "鞋", "形", "的", "作用", ",", "最后", "阴干", "就", "行", "了", "。", "橡皮", "翻毛", "皮鞋", "弄脏", "后", "最", "难办", "了", ",", "这时", "橡皮", "就该", "出场", "了", "。", "用", "普通", "的", "白", "橡皮", "在", "鞋面", "上", "轻轻", "擦拭", ",", "然后", "再", "用", "干净", "软", "刷", "刷", "掉", "橡皮", "屑", ",", "看看", ",", "不用", "费", "多大", "力气", ",", "再", "难", "去", "的", "污渍", "也", "能", "除去", "。", "涂改液", "白", "皮鞋", "一不小心", ",", "鞋", "尖", "和", "后跟", "就会", "被", "磕", "破", "皮", "面", ",", "变得", "很", "难看", "。", "把", "涂改液", "涂", "在", "磕", "破", "的", "地方", ",", "抹平", "后", "晾干", ",", "基本", "就能", "恢复", "原样", "了", "。", "牛皮", "或", "羊", "皮鞋", ":", "用", "优质", "鞋", "膏", "和", "鞋", "布", "把", "污垢", "去除", ",", "用", "鞋", "布", "稍微", "用力", "在", "鞋面", "上", "来", "回", "擦拭", "令", "鞋面", "光亮", "。", "翻毛", "反绒", "或", "马毛", "鞋", ":", "先", "用", "胶", "擦", "或", "铜丝", "刷把", "鞋面", "上", "的", "毛", "顺着", "一", "个", "方向", "梳理", "好", ",", "用", "翻毛", "鞋", "翻新", "剂", "距离", "鞋", "20cm", "处", "垂直", "喷向", "鞋面", ",", "再", "用", "胶", "刷", "朝", "一", "个", "方向", "梳理", ",", "反复", "多次", "梳理", "后", "自然", "阴干", "就会", "翻", "旧", "如新", "。"], ["牙膏", "清理", "或者", "高乐氏", "SOS", "万能", "去污", "刷", ",", "我", "觉得", "这个", "洗", "的", "效果", "特别", "好", "。", "因为", "刷子", "里面", "是", "内含", "可降解", "洗涤剂", "的", ",", "一", "擦", "就像", "洗", "过", "一样", "。", "因为", "是", "由", "软", "性", "纤维", "构成", ",", "比", "头发", "丝", "还要", "细", "1", "/", "3", "。", "所以", "不会", "对", "表面", "留下", "划痕", "。"], ["用", "白色", "修正液", "涂上", "就", "行", "了", ",", "近", "看", "可能", "有点", "区别", ",", "但是", "在", "人", "眼", "所", "及", "高度", "是", "看", "不", "出", "的"], ["找", "细", "砂纸", "打", "打", "再", "刷", "点", "清漆"], ["百度搜索", "“", "就", "爱", "阅读", "”", ",", "专业", "资料", ",", "生活", "学习", ",", "尽", "在", "就", "爱", "阅读", "网", "92to", ".", "com", ",", "您", "的", "在线", "图书馆"]], "paragraphs": ["看痕深不深罗,如果不深打打蜡就可修复。如果深了,还没露底,你又可忍得住,就还是打上蜡,防锈。。。。不行就走保险修车。", "轻微刮花的漆面损伤部位是在面漆的表层,可以通过打蜡完全修复。", "不明显的话就去4S店叫他们给你描点漆得了,这样不管漏没漏铁皮也不至于生锈。", "深纹腻子粉打磨调漆喷!细纹鹿皮绒布擦!在简单点贴一帖小屁孩图片!!", "先抛光,处理不了就喷油漆", "有一种真皮修复的东西,抹上之后待一会儿就能好了!", "牛奶喝剩的牛奶不要倒掉,它可是皮鞋的防皱液,用它能滋润皮鞋的皮质,防止干裂。醋挤出鞋油先别急着擦鞋,在里面加几滴食用醋试试,它能使鞋子光亮还不容易沾灰。还有,如果白色皮鞋脏了,先用食醋擦一擦,用干布擦净,再上白鞋油,去污效果特别好。 丝袜不小心钩了丝的丝袜,套在鞋刷上,擦出的皮鞋光泽度很高。蜡笔皮鞋上的轻微划痕,可以用孩子的蜡笔来消除,找一支和皮鞋同色的蜡笔,涂在划痕处,然后轻轻擦拭,划痕就几乎看不出来了。 报纸被雨淋湿的皮鞋最让人心疼了,让报纸来帮你吧。先用干布擦拭皮鞋,趁半干的时候,涂上鞋油,然后把报纸 塞入鞋中。这样既可吸收水分,也有校正鞋形的作用,最后阴干就行了。 橡皮翻毛皮鞋弄脏后最难办了,这时橡皮就该出场了。用普通的白橡皮在鞋面上轻轻擦拭,然后再用干净软刷刷掉 橡皮屑,看看,不用费多大力气,再难去的污渍也能除去。 涂改液白皮鞋一不小心,鞋尖和后跟就会被磕破皮面,变得很难看。把涂改液涂在磕破的地方,抹平后晾干,基本 就能恢复原样了。 牛皮或羊皮鞋:用优质鞋膏和鞋布把污垢去除,用鞋布稍微用力在鞋面上来回擦拭令鞋面光亮。 翻毛反绒或马毛鞋:先用胶擦或铜丝刷把鞋面上的毛顺着一个方向梳理好,用翻毛鞋翻新剂距离鞋20cm处垂直喷向鞋面,再用胶刷朝一个方向梳理,反复多次梳理后自然阴干就会翻旧如新。", "牙膏清理或者高乐氏SOS万能去污刷,我觉得这个洗的效果特别好。因为刷子里面是内含可降解洗涤剂的,一擦就像洗过一样。因为是由软性纤维构成,比头发丝还要细1/3。所以不会对表面留下划痕。", "用白色修正液涂上就行了,近看可能有点区别,但是在人眼所及高度是看不出的", "找细砂纸打打 再刷点清漆", "百度搜索“就爱阅读”,专业资料,生活学习,尽在就爱阅读网92to.com,您的在线图书馆"], "bs_rank_pos": 2}, {"is_selected": false, "title": "请教,白色汽车轻微划痕怎么处理_百度知道", "most_related_para": 0, "segmented_title": ["请教", ",", "白色", "汽车", "轻微", "划痕", "怎么", "处理", "_", "百度", "知道"], "segmented_paragraphs": [["轻度", "损伤", ",", "可以", "先", "在家", "进行", "预防", "处理", ",", "具体如下", ":", "  ", "1", "、", "轻微", "损伤", ":", "建议", "不", "去", "管", "它", "  ", "日常", "使用", "肯定", "不能", "避免", "被", "一些", "硬", "物体", "划过", "车漆", "留下", "痕迹", ",", "比如", "路人", "背包", "上", "的", "拉链", "或", "行驶", "时", "迸溅", "的", "小", "石子", "都会", "给", "车漆", "留下", "轻微", "的", "痕迹", "。", "往往", "这种", "轻微", "的", "划痕", "在", "车身", "上", "是", "最多", "的", ",", "但", "他们", "并", "不", "影响", "车身", "的", "美观", ",", "对于", "这种", "情况", "来", "说", "我", "一般", "不", "去", "管", "它", "。", "  ", "另外一个", "不花钱", "的", "小窍门", "就是", "用", "牙膏", "涂抹", "在", "这些", "轻微", "划痕", "上面", ",", "然后", "慢慢", "擦拭", "也", "可以", "去掉", "划痕", ",", "因为", "牙膏", "里面", "有", "很", "细小", "的", "微粒", ",", "慢慢", "的", "擦拭", "相当于", "把", "明显", "的", "划痕", "研磨", "没", "。", "  ", "对于", "这种", "轻微", "损伤", "除了", "被动", "接受", "外", "还", "可以", "主动出击", "进行", "预防", ",", "1", "-", "2", "个", "月", "打", "一", "次", "蜡", "或者", "在", "经常", "容易", "受到", "磨损", "的", "地方", "贴上", "防", "磨损", "贴片", "可", "在", "一定", "程度", "上", "的", "避免", "轻微", "划痕", "的", "产生", "。", "  ", "2", "、", "轻度", "损伤", ":", "可以", "使用", "补漆笔", "  ", "这种情况", "的", "损伤", "多数", "情况", "是", "已经", "能", "非常", "清楚", "的", "看到", "漆面", "上", "的", "划"]], "paragraphs": ["轻度损伤,可以先在家进行预防处理,具体如下:   1、轻微损伤:建议不去管它   日常使用肯定不能避免被一些硬物体划过车漆留下痕迹,比如路人背包上的拉链或行驶时迸溅的小石子都会给车漆留下轻微的痕迹。往往这种轻微的划痕在车身上是最多的,但他们并不影响车身的美观,对于这种情况来说我一般不去管它。   另外一个不花钱的小窍门就是用牙膏涂抹在这些轻微划痕上面,然后慢慢擦拭也可以去掉划痕,因为牙膏里面有很细小的微粒,慢慢的擦拭相当于把明显的划痕研磨没。   对于这种轻微损伤除了被动接受外还可以主动出击进行预防,1-2个月打一次蜡或者在经常容易受到磨损的地方贴上防磨损贴片可在一定程度上的避免轻微划痕的产生。   2、轻度损伤:可以使用补漆笔   这种情况的损伤多数情况是已经能非常清楚的看到漆面上的划"], "bs_rank_pos": 3}, {"is_selected": false, "title": "白色汽车划痕怎么处理_百度知道", "most_related_para": 0, "segmented_title": ["白色", "汽车", "划痕", "怎么", "处理", "_", "百度", "知道"], "segmented_paragraphs": [["汽车", "划痕", "程度", "判断", "处理", "划痕", "首先", "要", "看", "这些", "划痕", "的", "深浅", "程度", ",", "有", "微度", "划痕", "、", "中度", "划痕", "和", "深度", "划痕", "。", "金属漆", "从", "外", "到", "里", "分别", "为", "清漆", "层", "、", "色", "漆", "层", "和", "底漆", "层", "。", "微度", "划痕", "指", "表面", "漆", "被", "轻微", "刮", "伤", ",", "划痕", "穿过", "清漆", "层", "并", "已经", "伤", "及", "色", "漆", "层", ",", "但", "色", "漆", "层", "还", "未", "被", "刮", "透", "。"]], "paragraphs": ["汽车划痕程度判断 处理划痕首先要看这些划痕的深浅程度,有微度划痕、中度划痕和深度划痕。金属漆从外到里分别为清漆层、色漆层和底漆层。 微度划痕指表面漆被轻微刮伤,划痕穿过清漆层并已经伤及色漆层,但色漆层还未被刮透。"], "bs_rank_pos": 4}], "answer_spans": [[1, 229]], "fake_answers": ["白色汽车身上有了新的划痕,先要用鹿皮布仔细将划痕及其周围车漆擦拭干净,然后将日常用的牙膏涂抹在划痕“伤口”处!一定要涂抹均匀,并且在下雨或者是洗车之后也要涂抹一遍。步骤阅读2但是需要注意的是,涂抹了牙膏的划痕伤患处,只是能起到临时保护的作用,并且能防止划痕处生锈,只是暂时的权宜之计,不想自己动手的话,可以等到爱车下次进行保养的时候,让4S店进行彻底得修补。步骤阅读3想自己动手操作的话,我们可以先用颗粒极细的水砂纸先进行打磨,沿着直线进行打磨,打磨掉锈斑以及牙膏之后,然后均匀得涂上薄薄的一层底漆。等到底漆干了之后,还要进行砂纸打平。步骤阅读4然后就是要沿着划痕的两侧仔细贴两层美纹纸,让美纹纸正好露出划痕。美纹纸最好多贴几层。贴的时候要更加仔细才行,一定要把划痕完全框住,保证后期的补漆效果。"], "question": "白色汽车划痕怎么处理", "segmented_answers": [["白色", "汽车", "身上", "有", "了", "新", "的", "划痕", ",", "先", "要", "用", "鹿皮", "布", "仔细", "将", "划痕", "及其", "周围", "车漆", "擦拭", "干净", ",", "然后", "将", "日常", "用", "的", "牙膏", "涂抹", "在", "划痕", "“", "伤口", "”", "处", "!", "一定要", "涂抹", "均匀", ",", "并且", "在", "下雨", "或者", "是", "洗车", "之后", "也", "要", "涂抹", "一遍", "。", "但是", "需要", "注意", "的", "是", ",", "涂抹", "了", "牙膏", "的", "划痕", "伤", "患处", ",", "只是", "能", "起", "到", "临时", "保护", "的", "作用", ",", "并且", "能", "防止", "划痕", "处", "生锈", ",", "只是", "暂时", "的", "权宜之计", ",", "不", "想", "自己动手", "的", "话", ",", "可以", "等到", "爱车", "下次", "进行", "保养", "的", "时候", ",", "让", "4S店", "进行", "彻底", "得", "修补", "。", "想", "自己", "动手", "操作", "的", "话", ",", "我们", "可以", "先", "用", "颗粒", "极", "细", "的", "水", "砂纸", "先", "进行", "打磨", ",", "沿着", "直线", "进行", "打磨", ",", "打磨", "掉", "锈斑", "以及", "牙膏", "之后", ",", "然后", "均匀", "得", "涂上", "薄", "薄", "的", "一", "层", "底漆", "。", "等", "到底", "漆", "干", "了", "之后", ",", "还要", "进行", "砂纸", "打", "平", "。", "然后", "就是", "要", "沿着", "划痕", "的", "两侧", "仔细", "贴", "两层", "美", "纹", "纸", ",", "让", "美", "纹", "纸", "正好", "露出", "划痕", "。", "美", "纹", "纸", "最", "好多", "贴", "几", "层", "。", "贴", "的", "时候", "要", "更加", "仔细", "才", "行", ",", "一定要", "把", "划痕", "完全", "框", "住", ",", "保证", "后期", "的", "补漆", "效果", "。"]], "answers": ["白色汽车身上有了新的划痕,先要用鹿皮布仔细将划痕及其周围车漆擦拭干净,然后将日常用的牙膏涂抹在划痕“伤口”处!一定要涂抹均匀,并且在下雨或者是洗车之后也要涂抹一遍。但是需要注意的是,涂抹了牙膏的划痕伤患处,只是能起到临时保护的作用,并且能防止划痕处生锈,只是暂时的权宜之计,不想自己动手的话,可以等到爱车下次进行保养的时候,让4S店进行彻底得修补。想自己动手操作的话,我们可以先用颗粒极细的水砂纸先进行打磨,沿着直线进行打磨,打磨掉锈斑以及牙膏之后,然后均匀得涂上薄薄的一层底漆。等到底漆干了之后,还要进行砂纸打平。然后就是要沿着划痕的两侧仔细贴两层美纹纸,让美纹纸正好露出划痕。美纹纸最好多贴几层。贴的时候要更加仔细才行,一定要把划痕完全框住,保证后期的补漆效果。"], "answer_docs": [1], "segmented_question": ["白色", "汽车", "划痕", "怎么", "处理"], "question_type": "DESCRIPTION", "question_id": 181609, "fact_or_opinion": "OPINION", "match_scores": [0.8953229398663698]}
-{"documents": [{"is_selected": false, "title": "二维码的基础原理是什么? | 草料二维码技术博客", "most_related_para": 4, "segmented_title": ["二维码", "的", "基础", "原理", "是", "什么", "?", "|", "草料", "二维码", "技术", "博客"], "segmented_paragraphs": [["二维条码", "是", "指", "在", "一维", "条码", "的", "基础", "上", "扩展", "出", "另", "一维", "具有", "可读性", "的", "条码", ",", "使用", "黑白", "矩形", "图案", "表示", "二进制", "数据", ",", "被", "设备", "扫描", "后", "可", "获取", "其中", "所", "包含", "的", "信息", "。", "一维", "条码", "的", "宽度", "记载", "着", "数据", ",", "而", "其", "长度", "没有", "记载", "数据", "。", "二维条码", "的", "长度", "、", "宽度", "均", "记载", "着", "数据", "。", "二维条码", "有", "一维", "条码", "没有", "的", "“", "定位", "点", "”", "和", "“", "容错", "机制", "”", "。", "容错", "机制", "在", "即使", "没有", "辨识", "到", "全部", "的", "条码", "、", "或是", "说", "条码", "有", "污损", "时", ",", "也", "可以", "正确地", "还原", "条码", "上", "的", "信息", "。", "二维条码", "的", "种类", "很多", ",", "不同", "的", "机构", "开发", "出", "的", "二维条码", "具有", "不同", "的", "结构", "以及", "编写", "、", "读取", "方法", "。"], ["堆叠", "式", "/", "行", "排", "式", "二维条码", ",", "如", ",", "Code", "16K", "、", "Code", "49", "、", "PDF", "417", "(", "如", "右图", ")", "等", "。"], ["矩阵", "式", "二维码", ",", "最流行", "莫过于", "QR", "CODE", ",", "二维码", "的", "名称", "是", "相对", "与", "一维码", "来", "说", "的", ",", "比如", "以前", "的", "条形码", "就是", "一", "个", "“", "一维码", "”", "。", "它", "的", "优点", "有", ":", "二维码", "存储", "的", "数据", "量", "更大", ";", "可以", "包含", "数字", "、", "字符", ",", "及", "中文", "文本", "等", "混合", "内容", ";", "有", "一定", "的", "容错", "性", "(", "在", "部分", "损坏", "以后", "可以", "正常", "读取", ")", ";", "空间", "利用率", "高等", "。"], ["二维码", "编码", "过程"], ["1", "、", "数据分析", ":", "确定", "编码", "的", "字符", "类型", ",", "按", "相应", "的", "字符集", "转换", "成", "符号", "字符", ";", "选择", "纠错", "等级", ",", "在", "规格", "一定", "的", "条件", "下", ",", "纠错", "等级", "越", "高", "其", "真实", "数据", "的", "容量", "越", "小", "。", "2", "、", "数据", "编码", ":", "将", "数据", "字符", "转换", "为", "位", "流", ",", "每", "8", "位", "一", "个", "码字", ",", "整体", "构成", "一", "个", "数据", "的", "码字", "序列", "。", "其实", "知道", "这个", "数据", "码字", "序列", "就", "知道", "了", "二维码", "的", "数据", "内容", "。", "下面", "小草", "就", "用", "一", "个", "案例", "带", "你", "了解", "二维码", "的", "编码", "过程", ",", "以", "对", "数据", "01234567", "编码", "为", "例", "1", ")", "分组", ":", "012", "345", "672", ")", "转", "成", "二进制", ":", "012", "→", "0000001100", "345", "→", "0101011001", "67", "→", "10000113", ")", "转", "成", "序列", ":", "0000001100", "0101011001", "10000114", ")", "字符", "数", "转", "成", "二进制", ":", "8", "→", "00000010005", ")", "加入", "模式", "指示", "符", "(", "上", "图", "数字", ")", "0001", ":", "0001", "0000001000", "0000001100", "0101011001", "1000011", "对于", "字母", "、", "中文", "、", "日文", "等", "只是", "分组", "的", "方式", "、", "模式", "等", "内容", "有", "所", "区别", ",", "基本", "方法", "是", "一致", "的", "。", "二维码", "虽然", "比", "起", "一维", "条码", "具有", "更强大", "的", "信息", "记载", "能力", ",", "但", "也是", "有", "容量", "限制", ",", "通过", "下面", "这个", "表格", "小草", "带", "你", "了解", "二维码", "的", "容量", "到底", "有多大", "。", "3", "、", "纠错", "编码", ":", "按", "需要", "将", "上面", "的", "码字", "序列", "分", "块", ",", "并", "根据", "纠错", "等级", "和", "分", "块", "的", "码字", ",", "产生", "纠错", "码字", ",", "并", "把", "纠错", "码字", "加入", "到", "数据", "码字", "序列", "后面", ",", "成为", "一", "个", "新", "的", "序列", "。", "在", "二维码", "规格", "和", "纠错", "等级", "确定", "的", "情况", "下", ",", "其实", "它", "所能", "容纳", "的", "码字", "总数", "和", "纠错", "码", "字数", "也", "就", "确定", "了", ",", "比如", ":", "版本", "10", ",", "纠错", "等级", "时", "H", "时", ",", "总共", "能容纳", "346", "个", "码字", ",", "其中", "224", "个", "纠错", "码字", "。", "就是说", "二维码", "区域", "中", "大约", "1", "/", "3", "的", "码字", "时", "冗余", "的", "。", "对于", "这", "224", "个", "纠错", "码字", ",", "它", "能够", "纠正", "112", "个", "替代", "错误", "(", "如", "黑白", "颠倒", ")", "或者", "224", "个", "据", "读", "错误", "(", "无法", "读", "到", "或者", "无法", "译码", ")", ",", "这样", "纠错", "容量", "为", ":", "112", "/", "346", "=", "32", ".", "4", "%", "4", "、", "构造", "最终", "数据", "信息", ":", "在", "规格", "确定", "的", "条件", "下", ",", "将", "上面", "产生", "的", "序列", "按", "次序", "放", "如", "分", "块", "中", "按", "规定", "把", "数据", "分", "块", ",", "然后", "对", "每", "一", "块", "进行", "计算", ",", "得出", "相应", "的", "纠错", "码字", "区块", ",", "把", "纠错", "码字", "区块", "按", "顺序", "构成", "一", "个", "序列", ",", "添加", "到", "原先", "的", "数据", "码字", "序列", "后面", "。", "如", ":", "D1", ",", "D12", ",", "D23", ",", "D", "35", ",", "D2", ",", "D", "13", ",", "D24", ",", "D36", ",", "…", "D11", ",", "D22", ",", "D33", ",", "D45", ",", "D", "34", ",", "D", "46", ",", "E1", ",", "E23", ",", "E45", ",", "E67", ",", "E2", ",", "E24", ",", "E46", ",", "E68", ",", "…", "5", "、", "构造", "矩阵", ":", "在", "构造", "矩阵", "之前", ",", "我们", "先", "来", "了解", "一", "个", "普通", "二维码", "的", "基本", "结构", "。"], ["位置", "探测", "图形", "、", "位置", "探测", "图形", "分隔符", "、", "定位", "图形", ":", "用于", "对", "二维码", "的", "定位", ",", "对", "每个", "QR", "码", "来", "说", ",", "位置", "都是", "固定", "存在", "的", ",", "只是", "大小", "规格", "会", "有所", "差异", ";", "校正", "图形", ":", "规格", "确定", ",", "校正", "图形", "的", "数量", "和", "位置", "也", "就", "确定", "了", ";", "格式", "信息", ":", "表示", "改", "二维码", "的", "纠错", "级别", ",", "分为", "L", "、", "M", "、", "Q", "、", "H", ";", "版本", "信息", ":", "即", "二维码", "的", "规格", ",", "QR", "码", "符号", "共有", "40", "种", "规格", "的", "矩阵", "(", "一般", "为", "黑白色", ")", ",", "从", "21", "×", "21", "(", "版本", "1", ")", ",", "到", "177", "×", "177", "(", "版本", "40", ")", ",", "每", "一", "版本", "符号", "比", "前", "一", "版本", "每", "边", "增加", "4", "个", "模块", "。", "数据", "和", "纠错", "码字", ":", "实际", "保存", "的", "二维码", "信息", ",", "和", "纠错", "码字", "(", "用于", "修正", "二维码", "损坏", "带来", "的", "错误", ")", "。"], ["了解", "了", "二维码", "的", "基本", "结构", "后", ",", "将", "探测", "图形", "、", "分隔符", "、", "定位", "图形", "、", "校正", "图形", "和", "码字", "模块", "放入", "矩阵", "中", ",", "并", "把", "上面", "的", "完整", "序列", "填充", "到", "相应", "规格", "的", "二维码", "矩阵", "的", "区域", "中", "。"], ["6", "、", "掩膜", ":", "将", "掩", "摸", "图形", "用于", "符号", "的", "编码", "区域", ",", "使得", "二维码", "图形", "中", "的", "深色", "和", "浅色", "(", "黑色", "和", "白色", ")", "区域", "能够", "比率", "最优", "的", "分布", "。"], ["7", "、", "格式", "和", "版本", "信息", ":", "生成", "格式", "和", "版本", "信息", "放入", "相应", "区域", "内", "。", "版本", "7", "-", "40", "都", "包含", "了", "版本", "信息", ",", "没有", "版本", "信息", "的", "全", "为", "0", "。", "二维码", "上", "两", "个", "位置", "包含", "了", "版本", "信息", ",", "它们", "是", "冗余", "的", "。", "版本", "信息", "共", "18", "位", ",", "6", "X", "3", "的", "矩阵", ",", "其中", "6", "位", "时", "数据", "为", ",", "如", "版本号", "8", ",", "数据", "位", "的", "信息", "时", "001000", ",", "后面", "的", "12", "位", "是", "纠", "错位", "。"], ["线上", "咨询", "客服", "QQ", ":", "点击", "咨询"], ["客服热线", "400", "-", "002", "-", "0232"]], "paragraphs": ["二维条码是指在一维条码的基础上扩展出另一维具有可读性的条码,使用黑白矩形图案表示二进制数据,被设备扫描后可获取其中所包含的信息。一维条码的宽度记载着数据,而其长度没有记载数据。二维条码的长度、宽度均记载着数据。二维条码有一维条码没有的“定位点”和“容错机制”。容错机制在即使没有辨识到全部的条码、或是说条码有污损时,也可以正确地还原条码上的信息。二维条码的种类很多,不同的机构开发出的二维条码具有不同的结构以及编写、读取方法。", "堆叠式/行排式二维条码,如,Code 16K、Code 49、PDF417(如右图)等。", "矩阵式二维码,最流行莫过于QR CODE,二维码的名称是相对与一维码来说的,比如以前的条形码就是一个“一维码”。它的优点有:二维码存储的数据量更大;可以包含数字、字符,及中文文本等混合内容;有一定的容错性(在部分损坏以后可以正常读取);空间利用率高等。", "二维码编码过程", "1、数据分析:确定编码的字符类型,按相应的字符集转换成符号字符; 选择纠错等级,在规格一定的条件下,纠错等级越高其真实数据的容量越小。2、数据编码:将数据字符转换为位流,每8位一个码字,整体构成一个数据的码字序列。其实知道这个数据码字序列就知道了二维码的数据内容。下面小草就用一个案例带你了解二维码的编码过程,以对数据01234567编码为例 1)分组:012 345 672)转成二进制:012→0000001100 345→0101011001 67 →10000113)转成序列:0000001100 0101011001 10000114)字符数 转成二进制:8→00000010005)加入模式指示符(上图数字)0001:0001 0000001000 0000001100 0101011001 1000011对于字母、中文、日文等只是分组的方式、模式等内容有所区别,基本方法是一致的。二维码虽然比起一维条码具有更强大的信息记载能力,但也是有容量限制,通过下面这个表格小草带你了解二维码的容量到底有多大。3、纠错编码:按需要将上面的码字序列分块,并根据纠错等级和分块的码字,产生纠错码字,并把纠错码字加入到数据码字序列后面,成为一个新的序列。在二维码规格和纠错等级确定的情况下,其实它所能容纳的码字总数和纠错码字数也就确定了,比如:版本10,纠错等级时H时,总共能容纳346个码字,其中224个纠错码字。就是说二维码区域中大约1/3的码字时冗余的。对于这224个纠错码字,它能够纠正112个替代错误(如黑白颠倒)或者224个据读错误(无法读到或者无法译码),这样纠错容量为:112/346=32.4% 4、构造最终数据信息:在规格确定的条件下,将上面产生的序列按次序放如分块中按规定把数据分块,然后对每一块进行计算,得出相应的纠错码字区块,把纠错码字区块 按顺序构成一个序列,添加到原先的数据码字序列后面。如:D1, D12, D23, D35, D2, D13, D24, D36, … D11, D22, D33, D45, D34, D46, E1, E23,E45, E67, E2, E24, E46, E68,…5 、构造矩阵:在构造矩阵之前,我们先来了解一个普通二维码的基本结构。", "位置探测图形、位置探测图形分隔符、定位图形:用于对二维码的定位,对每个QR码来说,位置都是固定存在的,只是大小规格会有所差异; 校正图形:规格确定,校正图形的数量和位置也就确定了; 格式信息:表示改二维码的纠错级别,分为L、M、Q、H; 版本信息:即二维码的规格,QR码符号共有40种规格的矩阵(一般为黑白色),从21×21(版本1),到177×177(版本40),每一版本符号比前一版本 每边增加4个模块。 数据和纠错码字:实际保存的二维码信息,和纠错码字(用于修正二维码损坏带来的错误)。", "了解了二维码的基本结构后,将探测图形、分隔符、定位图形、校正图形和码字模块放入矩阵中,并把上面的完整序列填充到相应规格的二维码矩阵的区域中。", "6、掩膜:将掩摸图形用于符号的编码区域,使得二维码图形中的深色和浅色(黑色和白色)区域能够比率最优的分布。", "7、格式和版本信息:生成格式和版本信息放入相应区域内。版本7-40都包含了版本信息,没有版本信息的全为0。二维码上两个位置包含了版本信息,它们是冗余的。版本信息共18位,6X3的矩阵,其中6位时数据为,如版本号8,数据位的信息时 001000,后面的12位是纠错位。", "线上咨询客服QQ:点击咨询", "客服热线400-002-0232"], "bs_rank_pos": 1}, {"is_selected": false, "title": "二维码原理介绍_百度经验", "most_related_para": 4, "segmented_title": ["二维码", "原理", "介绍", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["二维码", "(", "2", "-", "dimensional", "bar", "code", ")", ",", "是", "用", "某种", "特定", "的", "几何图形", "按", "一定", "规律", "在", "平面", "(", "二维", "方向", "上", ")", "分布", "的", "黑白", "相间", "的", "图形", "记录", "数据", "符号", "信息", "的", "。", "二维码", "的", "优点", ":", "二维码", "存储", "的", "数据", "量", "更大", ";", "可以", "包含", "数字", "、", "字符", ",", "及", "中文", "文本", "等", "混合", "内容", ";", "有", "一定", "的", "容错", "性", "(", "在", "部分", "损坏", "以后", "可以", "正常", "读取", ")", ";", "空间", "利用率", "高", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "二维码", "为什么", "是", "黑白", "相间", "的", "?", "黑色", "表示", "二进制", "的", "“", "1", "”", ",", "白色", "表示", "二进制", "的", "“", "0", "”", "“", "我们", "之所以", "对", "二维码", "进行", "扫描", "能", "读出", "那么多", "信息", ",", "就是", "因为", "这些", "信息", "被", "编", "入", "了", "二维码", "之", "中", "。", "”", "黄海", "平", "说", ",", "“", "制作", "二维码", "输入", "的", "信息", "可以", "分成", "三类", ",", "文本", "信息", ",", "比如", "名片", "信息", ";", "字符", "信息", ",", "比如", "网址", "、", "电话号码", ";", "还有", "图片", "信息", ",", "甚至", "还", "可以", "包括", "简短", "的", "视频", "。", "”", "数据", "信息", "是", "怎么", "被", "编", "入", "的", "呢", "?", "信息", "输入", "后", ",", "首先", "要", "选择", "一", "种", "信息", "编码", "的", "码", "制", "。", "现在", "常见", "的", "二维码", "都是", "以", "QR", "码", "作为", "编码", "的", "码", "制", "。", "QR", "码", "是", "矩阵", "式", "二维码", ",", "它", "是", "在", "一", "个", "矩形", "空间", "内", ",", "通过", "黑", "、", "白", "像素", "在", "矩阵", "中", "的", "不同", "分布", ",", "来", "进行", "编码", "的", "。", "我们", "知道", "电脑", "使用", "二进制", "(", "0", "和", "1", ")", "数", "来", "贮存", "和", "处理", "数据", ",", "而", "在", "二维码", "中", ",", "用", "黑白", "矩形", "表示", "二进制", "数据", "我们", "肉眼", "能看到", "的", "黑色", "表示", "的", "是", "二进制", "“", "1", "”", ",", "白色", "表示", "二进制", "的", "“", "0", "”", ",", "黑白", "的", "排列组合", "确定", "了", "矩阵", "式", "二维条码", "的", "内容", ",", "以便", "于", "计算机", "对", "二维码", "符号", "进行", "编码", "和", "分析", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "二维码 (2-dimensional bar code),是用某种特定的几何图形按一定规律在平面(二维方向上)分布的黑白相间的图形记录数据符号信息的。二维码的优点:二维码存储的数据量更大;可以包含数字、字符,及中文文本等混合内容;有一定的容错性(在部分损坏以后可以正常读取);空间利用率高。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 二维码为什么是黑白相间的?黑色表示二进制的“1”,白色表示二进制的“0” “我们之所以对二维码进行扫描能读出那么多信息,就是因为这些信息被编入了二维码之中。”黄海平说,“制作二维码输入的信息可以分成三类,文本信息,比如名片信息;字符信息,比如网址、电话号码;还有图片信息,甚至还可以包括简短的视频。”数据信息是怎么被编入的呢?信息输入后,首先要选择一种信息编码的码制。现在常见的二维码都是以QR码作为编码的码制。QR码是矩阵式二维码,它是在一个矩形空间内,通过黑、白像素在矩阵中的不同分布,来进行编码的。我们知道电脑使用二进制(0和1)数来贮存和处理数据,而在二维码中,用黑白矩形表示二进制数据我们肉眼能看到的黑色表示的是二进制“1”,白色表示二进制的“0”,黑白的排列组合确定了矩阵式二维条码的内容,以便于计算机对二维码符号进行编码和分析。", "百度经验:jingyan.baidu.com", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "二维码的生成细节和原理 - 51CTO.COM", "most_related_para": 0, "segmented_title": ["二维码", "的", "生成", "细节", "和", "原理", "-", "51", "CTO", ".", "COM"], "segmented_paragraphs": [["二维码", "又", "称", "QR", "Code", ",", "QR", "全称", "Quick", "Response", ",", "是", "一", "个", "近几年来", "移动", "设备", "上", "超", "流行", "的", "一", "种", "编码方式", ",", "它", "比", "传统", "的", "Bar", "Code", "条形码", "能", "存", "更多", "的", "信息", ",", "也", "能", "表示", "更多", "的", "数据类型"], ["微信", "二维码", "登录", "原理", "二维码", "的", "生成", "细节", "和", "原理"], ["编程", "领域", "在", "这", "几", "年", "里", "迎来", "了", "翻天覆地", "的", "变化", ",", "如果说", "C", "、", "C++", "、", "Java", "在", "[", "详细", "]"], ["提交评论"], ["Node", ".", "js", "真", "的", "无所不能", "?", "那些", "不适用", "的", "应用", "领", "开发者", "如何", "快速", "开启", "Python", "之", "门", "前端", "不为人知", "的", "一", "面", ":", "前端", "冷知识", "集锦", "JavaScript", "正在", "席卷", "整个", "网络", "程序员", "如何", "驾", "Node", ".", "js", "+", "Web", "Socket", "打造", "即时", "聊天", "程序", "嗨"], ["基于", "Spring", "设计", "并", "实现", "RESTful", "Web", "Services", "搭建", "mysql", "负载均衡", "及", "高", "可用", "环境", "什么", "是", "Event", "Loop", "?", "前端", "MV", "*", "框架", "的", "意义", "Node", ".", "js", "开发", "指南", ":", "利用", "Socket", ".", "IO", "与", "doT", "提升"]], "paragraphs": ["二维码又称QR Code,QR全称Quick Response,是一个近几年来移动设备上超流行的一种编码方式,它比传统的Bar Code条形码能存更多的信息,也能表示更多的数据类型", "微信二维码登录原理 二维码的生成细节和原理", "编程领域在这几年里迎来了翻天覆地的变化,如果说C、C++、Java在[详细]", "提交评论", "Node.js真的无所不能?那些不适用的应用领 开发者如何快速开启 Python之门 前端不为人知的一面:前端冷知识集锦 JavaScript正在席卷整个网络 程序员如何驾 Node.js + Web Socket 打造即时聊天程序嗨", "基于Spring设计并实现RESTful Web Services 搭建mysql负载均衡及高可用环境 什么是 Event Loop? 前端MV*框架的意义 Node.js开发指南:利用Socket.IO与doT提升"], "bs_rank_pos": 3}, {"is_selected": true, "title": "二维码是什么东西,是什么原理?_百度知道", "most_related_para": 0, "segmented_title": ["二维码", "是什么", "东西", ",", "是什么", "原理", "?", "_", "百度", "知道"], "segmented_paragraphs": [["二维条码", "/", "二维码", "(", "2", "-", "dimensional", "bar", "code", ")", "是", "用", "某种", "特定", "的", "几何图形", "按", "一定", "规律", "在", "平面", "(", "二维", "方向", "上", ")", "分布", "的", "黑白", "相间", "的", "图形", "记录", "数据", "符号", "信息", "的", ";", "在", "代码", "编制", "上", "巧妙", "地", "利用", "构成", "计算机", "内部", "逻辑", "基础", "的", "“", "0", "”", "、", "“", "1", "”", "比特流", "的", "概念", ",", "使用", "若干", "个", "与", "二进制", "相", "对应", "的", "几何", "形体", "来", "表示", "文字", "数值", "信息", ",", "通过", "图象", "输入设备", "或", "光电", "扫描", "设备", "自动", "识", "读", "以", "实现", "信息", "自动", "处理", ":", "它", "具有", "条码技术", "的", "一些", "共性", ":", "每", "种", "码", "制", "有", "其", "特定", "的", "字符集", ";", "每个", "字符", "占有", "一定", "的", "宽度", ";", "具有", "一定", "的", "校验", "功能", "等", "。", "同时", "还", "具有", "对", "不", "同行", "的", "信息", "自动识别", "功能", "、", "及", "处理", "图形", "旋转", "变化", "点", "。", "  ", "在", "代码", "编制", "上", "巧妙", "地", "利用", "构成", "计算机", "内部", "逻辑", "基础", "的", "“", "0", "”", "、", "“", "1", "”", "比特流", "的", "概念", ",", "使用", "若干", "个", "与", "二进制", "相", "对应", "的", "几何", "形体", "来", "表示", "文字", "数值", "信息", ",", "通过", "图象", "输入设备", "或", "光电", "扫描", "设备", "自动", "识", "读", "以", "实现", "信息", "自动", "处理", "。", "在", "许多", "种类", "的", "二维条码", "中"], ["一维码", "是", "单条码", ",", "用", "不同", "粗细", "的", "条纹", "来", "表示", "信息", "。", "而", "二维码", "是", "平面", "码", ",", "在", "一", "个", "平面", "上", "用", "不同", "形状", "的", "符号", "(", "方", "、", "圆", "等", ")", "来", "表示", "信息", "。", "显然", "二维码", "的", "信息", "承载", "量", "要", "远远", "大于", "一维码", ",", "所以", "有", "更好", "的", "不可", "仿", "性", "和", "保密性", "。", "三维", "码", "是", "立体", "码", ",", "目前", "在", "工业", "还", "很少", "使用"], ["二维", "吗", "就是", "火车", "的", "方形", "格子", ",", "有很多", "点", "。", "现在", "的", "智能手机", "也", "可以", "装", "这种", "软件", ",", "他", "是", "通过", "摄像头", "拍摄", "二维码", "记忆", "在", "手机", "中", ",", "可以", "当做", "密码", "来", "使用", "。", "二维码", "识别", "软", "就是", "专门", "的", "可以", "进行", "类似", "功能", "的", "软件", ",", "有", "电脑", "版", "软件", "和", "手机", "版", "的", "!"]], "paragraphs": ["二维条码/二维码(2-dimensional bar code)是用某种特定的几何图形按一定规律在平面(二维方向上)分布的黑白相间的图形记录数据符号信息的;在代码编制上巧妙地利用构成计算机内部逻辑基础的“0”、“1”比特流的概念,使用若干个与二进制相对应的几何形体来表示文字数值信息,通过图象输入设备或光电扫描设备自动识读以实现信息自动处理:它具有条码技术的一些共性:每种码制有其特定的字符集;每个字符占有一定的宽度;具有一定的校验功能等。同时还具有对不同行的信息自动识别功能、及处理图形旋转变化点。   在代码编制上巧妙地利用构成计算机内部逻辑基础的“0”、“1”比特流的概念,使用若干个与二进制相对应的几何形体来表示文字数值信息,通过图象输入设备或光电扫描设备自动识读以实现信息自动处理。在许多种类的二维条码中", "一维码是单条码,用不同粗细的条纹来表示信息。而二维码是平面码,在一个平面上用不同形状的符号(方、圆等)来表示信息。显然二维码的信息承载量要远远大于一维码,所以有更好的不可仿性和保密性。三维码是立体码,目前在工业还很少使用", "二维吗就是火车的方形格子,有很多点。现在的智能手机也可以装这种软件,他是通过摄像头拍摄二维码记忆在手机中,可以当做密码来使用。 二维码识别软就是专门的可以进行类似功能的软件,有电脑版软件和手机版的!"], "bs_rank_pos": 4}, {"is_selected": false, "title": "科普:二维码是什么原理-原创-高清视频-爱奇艺", "most_related_para": 3, "segmented_title": ["科普", ":", "二维码", "是什么", "原理", "-", "原创", "-", "高清", "视频", "-", "爱奇艺"], "segmented_paragraphs": [["播放", "量", "数据", ":"], ["移动", "占", "比"], ["PC", "占", "比"], ["注", ":", "数据", "来自", "爱奇艺", "(", "每日", "凌晨", "扣除", "前", "日", "非", "正常", "流量", ")"], ["精彩评论", ",", "马上", "呈现", ".", ".", "."], ["正在", "加载", ".", ".", "."]], "paragraphs": ["播放量数据:", "移动占比", "PC占比", "注:数据来自爱奇艺(每日凌晨扣除前日非正常流量)", "精彩评论,马上呈现...", "正在加载..."], "bs_rank_pos": 5}], "answer_spans": [[0, 142]], "fake_answers": ["二维条码/二维码(2-dimensionalbarcode)是用某种特定的几何图形按一定规律在平面(二维方向上)分布的黑白相间的图形记录数据符号信息的;在代码编制上巧妙地利用构成计算机内部逻辑基础的“0”、“1”比特流的概念,使用若干个与二进制相对应的几何形体来表示文字数值信息,通过图象输入设备或光电扫描设备自动识读以实现信息自动处理:它具有条码技术的一些共性:每种码制有其特定的字符集;每个字符占有一定的宽度;具有一定的校验功能等。同时还具有对不同行的信息自动识别功能、及处理图形旋转变化点。"], "question": "二维码的原理", "segmented_answers": [["二维条码", "/", "二维码", "(", "2", "-", "dimensional", "bar", "code", ")", "是", "用", "某种", "特定", "的", "几何图形", "按", "一定", "规律", "在", "平面", "(", "二维", "方向", "上", ")", "分布", "的", "黑白", "相间", "的", "图形", "记录", "数据", "符号", "信息", "的", ";", "在", "代码", "编制", "上", "巧妙", "地", "利用", "构成", "计算机", "内部", "逻辑", "基础", "的", "“", "0", "”", "、", "“", "1", "”", "比特流", "的", "概念", ",", "使用", "若干", "个", "与", "二进制", "相", "对应", "的", "几何", "形体", "来", "表示", "文字", "数值", "信息", ",", "通过", "图象", "输入设备", "或", "光电", "扫描", "设备", "自动", "识", "读", "以", "实现", "信息", "自动", "处理", ":", "它", "具有", "条码技术", "的", "一些", "共性", ":", "每", "种", "码", "制", "有", "其", "特定", "的", "字符集", ";", "每个", "字符", "占有", "一定", "的", "宽度", ";", "具有", "一定", "的", "校验", "功能", "等", "。", "同时", "还", "具有", "对", "不", "同行", "的", "信息", "自动识别", "功能", "、", "及", "处理", "图形", "旋转", "变化", "点", "。"]], "answers": ["二维条码/二维码(2-dimensional bar code)是用某种特定的几何图形按一定规律在平面(二维方向上)分布的黑白相间的图形记录数据符号信息的;在代码编制上巧妙地利用构成计算机内部逻辑基础的“0”、“1”比特流的概念,使用若干个与二进制相对应的几何形体来表示文字数值信息,通过图象输入设备或光电扫描设备自动识读以实现信息自动处理:它具有条码技术的一些共性:每种码制有其特定的字符集;每个字符占有一定的宽度;具有一定的校验功能等。同时还具有对不同行的信息自动识别功能、及处理图形旋转变化点。"], "answer_docs": [3], "segmented_question": ["二维码", "的", "原理"], "question_type": "DESCRIPTION", "question_id": 181610, "fact_or_opinion": "FACT", "match_scores": [0.951048951048951]}
-{"documents": [{"is_selected": true, "title": "干海参怎么发_百度经验", "most_related_para": 4, "segmented_title": ["干", "海参", "怎么", "发", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "美食", "/", "营养"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["“", "海参", ",", "有人", "称", "之", "为", "“", "海", "人参", "”", ",", "因", "补益", "作用", "类似", "人参", "而", "得", "名", "。", "全世界", "海参", "共有", "数", "十种", "之", "多", ",", "我", "国", "有", "20", "多", "种", ",", "其中", "以", "梅花参", "和", "刺参", "为", "世界上", "最", "名", "贵", "的", "品种", "。", "用于", "补益", "者", "多", "用", "刺参", "和", "光", "参", "。", "但", "您", "知道", "海参", "怎么", "发", "吗", "?", "海参", "不", "像", "其他", "食材", "清洗", "后", "就", "可以", "烹饪", ",", "它", "必须", "要", "经过", "正确", "的", "方法", "处理", "后", ",", "才能", "用于", "菜肴", "的", "烹制", "。", "否则", "烹制", "出", "的", "海参", "必然", "有", "涩味", ",", "而且", "味道", "也", "不", "鲜", "美", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "家庭", "食用", "少量", "海参", "可", "先", "用", "冷水", "把", "干", "海参", "浸泡", "1", "天", ",", "用", "刀", "剖开", "肚子", ",", "取出", "内脏", "洗净", "步骤", "阅读", "2", "然后", "放入", "暖水瓶", "中", ",", "倒入", "开水", ",", "盖", "紧", "瓶盖", ",", "发", "10", "小时", "左右", "。", "在", "这", "中间", "可", "倒", "出", "检查", "一次", ",", "挑出", "部分", "发", "透", "的", "嫩", "小", "海参", "。", "发", "好", "的", "海参", ",", "泡", "在", "冷水", "中", "备用", "。", "泡", "发", "海参", "切勿", "用", "含", "盐", "的", "水", ",", "也", "不能", "同", "油", "接触", ",", "发", "好", "后", "最好", "马上", "食用", ",", "以", "防", "变质", "步骤", "阅读", "3", "取", "适量", "海参", "用", "清水", "泡", "12", "小时", "(", "夏天", "放在", "冰箱", "保鲜", "层", ")", ",", "然后", "破", "肚", "去", "筋", "去", "沙嘴", "洗净", ",", "放在", "无", "沾", "油", "锅", "煮", "开", "后", "再", "用", "文", "火", "著", "20", "-", "30", "分钟", ",", "熄火", "后", "将", "其", "自然", "凉", "透", "倒掉", "水", ",", "加入", "适量", "纯净水", "放", "于", "冰箱", "保鲜", "48", "小时", "(", "满", "24", "小时", "后", "再", "换", "一次", "纯净水", ")", "后", "即可", "食用", ",", "一次", "食用", "不完", "可", "放", "冰箱", "冷冻", "存放", "。", "注", ":", "煮", "、", "泡", "海参", "的", "锅", "或", "盆", "切记", "油", "腥", "步骤", "阅读", "4", "先", "将", "干", "制", "的", "海参", "放入", "清水", "锅", "中", "略", "泡", ",", "接着", "将", "锅", "上火", ",", "烧", "沸", "后", "离", "火", ",", "将", "海参", "用", "热水", "浸泡", "约", "12", "小时", "(", "锅", "要", "加盖", ")", ",", "然后", "再", "换", "清水", "步骤", "阅读", "5", "一些", "外皮", "坚硬", "、", "肉质", "较", "厚", "的", "海参", "(", "如", "岩", "参", "、", "大", "乌参", "等", "无", "刺参", ")", ",", "在", "涨", "发", "前", "还", "须", "先", "放在", "火", "上将", "外表", "粗", "皮", "烧焦", ",", "再", "用", "小刀", "刮", "去", "烧焦", "部分", ",", "然后", "再", "进行", "涨", "发", ",", "否则", "不", "易发", "透", "。", "总之", ",", "涨", "发", "海参", "应", "采用", "少", "煮", "多", "泡", "的", "方法", ",", "每次", "煮", "的", "时间", "仅", "为", "几分钟", ",", "接着", "才是", "长时间", "的", "浸泡", "。", "如果", "煮", "的", "时间", "过", "长", ",", "海参", "的", "表面", "可能", "已经", "煮", "烂", ",", "但", "内部", "肉质", "却", "仍然", "没有", "发", "透", "。", "步骤", "阅读"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验 > 美食/营养", "百度经验:jingyan.baidu.com", "“海参,有人称之为“海人参”,因补益作用类似人参而得名。全世界海参共有数十种之多,我国有20多种,其中以梅花参和刺参为世界上最名贵的品种。用于补益者多用刺参和光参。但您知道海参怎么发吗?海参不像其他食材清洗后就可以烹饪,它必须要经过正确的方法处理后,才能用于菜肴的烹制。否则烹制出的海参必然有涩味,而且味道也不鲜美。", "百度经验:jingyan.baidu.com", "1 家庭食用少量海参可先用冷水把干海参浸泡1天,用刀剖开肚子,取出内脏洗净 步骤阅读 2 然后放入暖水瓶中,倒入开水,盖紧瓶盖,发10小时左右。在这中间可倒出检查一次,挑出部分发透的嫩小海参。发好的海参,泡在冷水中备用。泡发海参切勿用含盐的水,也不能同油接触,发好后最好马上食用,以防变质 步骤阅读 3 取适量海参用清水泡12小时(夏天放在冰箱保鲜层),然后破肚去筋去沙嘴洗净,放在无沾油锅煮开后再用文火著20-30分钟,熄火后将其自然凉透倒掉水,加入适量纯净水放于冰箱保鲜48小时(满24小时后再换一次纯净水)后即可食用,一次食用不完可放冰箱冷冻存放。注:煮、泡海参的锅或盆切记油腥 步骤阅读 4 先将干制的海参放入清水锅中略泡,接着将锅上火,烧沸后离火,将海参用热水浸泡约12小时(锅要加盖),然后再换清水 步骤阅读 5 一些外皮坚硬、肉质较厚的海参(如岩参、大乌参等无刺参),在涨发前还须先放在火上将外表粗皮烧焦,再用小刀刮去烧焦部分,然后再进行涨发,否则不易发透。总之,涨发海参应采用少煮多泡的方法,每次煮的时间仅为几分钟,接着才是长时间的浸泡。如果煮的时间过长,海参的表面可能已经煮烂,但内部肉质却仍然没有发透。 步骤阅读", "百度经验:jingyan.baidu.com", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "怎么发海参最好_百度经验", "most_related_para": 5, "segmented_title": ["怎么", "发", "海参", "最好", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "生活", "/", "家居", ">", "生活常识"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["其实", "海参", "的", "发泡", "方法", "很简单", ",", "主要", "分为", "三", "步", ",", "即", "泡", "—", "煮", "—", "泡", "。", "(", "01004", ")"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "(", "浸泡", "两天", ")", ":", "将", "海参", "表面", "浮尘", "清洗干净", ",", "放入", "干净", "的", "容器", "内", ",", "加入", "纯净水", "或者", "矿泉水", ",", "海参", "要", "完全", "浸没", "水中", "(", "水", "是", "海参", "的", "五", "倍", ")", ",", "在", "冰箱", "保鲜", "层", "浸泡", "48", "小时", ",", "中间", "换", "水", "二", "次", "。", "要点", ":", "冰箱", "保鲜", "层", "浸泡", "、", "泡", "的", "过程", "勤", "换", "水", "。", "步骤", "阅读", "2", "浸泡", "48", "小时", "后", ",", "把", "水", "倒掉", ",", "这个时候", "海参", "的", "个", "头", "明显", "有", "所", "长大", "噢", ",", "下一步", "就是", "海参", "的", "清洗", "了", "。", "步骤", "阅读", "3", "海参", "腹部", "有", "个", "开口", ",", "是", "海参", "加工", "前", "去", "内脏", "开", "的", "口", ",", "沿", "这个", "口", "剪", "到", "海参", "头部", ",", "往后", "剪", "到", "离", "尾部", "1", "/", "3", "的", "地方", "。", "步骤", "阅读", "4", "剪", "到", "海参", "头部", ",", "就会", "看到", "菜花", "状", "的", "沙嘴", "和", "白色", "的", "海参", "牙齿", ",", "把", "沙嘴", "和", "牙", "清理干净", "。", "要点", ":", "剪", "沙嘴", "。", "5", "从", "中间", "剪断", "海参", "筋", ",", "有助于", "海参", "吸水", "涨", "个", ",", "下面", "就", "开始", "煮", "制", "喽", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "将", "清洗干净", "的", "海参", "放入", "清洗干净", "的", "电饭锅", "内", "加入", "纯净水", "盖上", "锅盖", ",", "开锅", "计时", "30", "分钟", "。", "时间到了", "后", ",", "待", "自然", "凉", "透", "。", "用", "手", "逐个", "检查", "能", "掐透", "的", "感觉", "(", "软", "而", "有", "弹性", ")", ",", "掐", "不透", "的", "放入", "锅", "内", "再", "煮", "15", "分钟", "要点", ":", "煮", "到", "能", "掐", "透", "为止", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "把", "煮", "好", "的", "海参", "放入", "纯净水", "(", "水", "是", "海参", "的", "五", "倍", ")", ",", "放", "冰箱", "保鲜", ",", "在", "0", "-", "4", "℃", "条件", "下", "浸泡", "48", "小时", "(", "每", "24", "小时", "换", "一", "次", "水", ")", ",", "即可", "享", "用", "。", "要点", ":", "冰箱", "保鲜", "层", "浸泡", "、", "泡", "的", "过程", "勤", "换", "水", "。", "步骤", "阅读", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验 > 生活/家居 > 生活常识", "百度经验:jingyan.baidu.com", "其实海参的发泡方法很简单,主要分为三步,即泡—煮—泡。(01004)", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 (浸泡两天):将海参表面浮尘清洗干净,放入干净的容器内,加入纯净水或者矿泉水,海参要完全浸没水中(水是海参的五倍),在冰箱保鲜层浸泡48小时,中间换水二次。 要点:冰箱保鲜层浸泡、泡的过程勤换水。 步骤阅读 2 浸泡48小时后,把水倒掉,这个时候海参的个头明显有所长大噢,下一步就是海参的清洗了。 步骤阅读 3 海参腹部有个开口,是海参加工前去内脏开的口,沿这个口剪到海参头部,往后剪到离尾部1/3的地方。 步骤阅读 4 剪到海参头部,就会看到菜花状的沙嘴和白色的海参牙齿,把沙嘴和牙清理干净。 要点:剪沙嘴。 5 从中间剪断海参筋,有助于海参吸水涨个,下面就开始煮制喽。 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 将清洗干净的海参放入清洗干净的电饭锅内加入纯净水盖上锅盖,开锅计时30分钟。时间到了后,待自然凉透。用手逐个检查能掐透的感觉(软而有弹性),掐不透的放入锅内再煮15分钟 要点:煮到能掐透为止。 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 把煮好的海参放入纯净水(水是海参的五倍),放冰箱保鲜,在0-4℃条件下浸泡48小时(每24小时换一次水),即可享用。 要点:冰箱保鲜层浸泡、泡的过程勤换水。 步骤阅读 步骤阅读 END", "百度经验:jingyan.baidu.com", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 1}, {"is_selected": true, "title": "怎样发干海参_百度知道", "most_related_para": 3, "segmented_title": ["怎样", "发", "干", "海参", "_", "百度", "知道"], "segmented_paragraphs": [["1", "、", "将", "干", "海参", "用", "自来水", "直接", "冲洗", "1", "分钟", ",", "洗掉", "表面", "少许", "微尘", "。", "2", "、", "置于", "1", "-", "10", "度", "凉", "纯净水", "中", "24", "小时", "左右", ",", "中间", "换", "水", "2", "次", "直至", "将", "海参", "泡软", "。", "3", "、", "将", "泡软", "的", "海参", "从", "腹部", "纵向", "剖开", ",", "去掉", "海参", "前端", "牙", "状", "物", "和", "体", "内", "白", "筋", "。", "4", "、", "添", "纯净水", "上", "无油", "锅", "加盖", "煮沸", ",", "用", "中", "火", "煮", "15", "-", "25", "分钟", "。", "5", "、", "换", "新", "的", "凉", "纯净水", ",", "泡", "24", "小时", "左右", ",", "中间", "换", "水", "2", "次", "直至", "发泡", "到", "2", "倍", "左右", "长度", "。", "6", "、", "泡", "好", "后", ",", "即可", "食用", "。", "可", "把", "多余", "的", "单独", "零度", "以下", "冷冻", ",", "建议", "2", "周", "内", "用完", "。", "7", "、", "如", "有", "个别", "海参", "没有", "发", "大", ",", "属于正常", "现象", ",", "可", "重复", "4", "、", "5", "步骤", "。"], ["干", "海参", "涨", "发", "即食", "海参", "操作方法", ":", "1", ".", "先", "将", "干", "海参", "用", "清水", "浸泡", "20", "-", "30", "小时", ",", "漂洗", "除", "盐", ",", "清理", "内脏", "。", "2", ".", "沸", "水煮", "两边", ",", "每次", "煮", "15", "-", "20", "分钟", ",", "每次", "煮", "完", "捞", "出", "放入", "凉水", "降温", "透彻", "。", "3", ".", "将", "海立", "美化", "开", "(", "糯", "脆", "型", "的", "用", "温水", ",", "爽脆", "型", "的", "用", "凉水", ")", ",", "加入", "冰水", "中", ",", "然后", "放入", "煮", "好", "的", "海参", ",", "再", "按", "冰", "与", "水", "的", "比例", "2", ":", "1", "加入", "冰块", ",", "(", "也", "可", "不", "加", "冰块", ",", "直接", "放入", "冰箱", "冷藏", ")", "浸泡", "2", "-", "3", "天", ",", "将", "发", "好", "的", "海参", "检出", ",", "没", "发", "好", "的", "海参", "继续", "涨", "发", ",", "发", "好", "为止", "。"], ["干", "海参", "发", "制", "方法", ":", "1", "、", "干", "海参", "用", "自来水", "直接", "冲洗干净", ";", "2", "、", "凉", "纯净", "水泡", "24", "小时", "左右", ",", "中间", "换", "水", "2", "次", ";", "3", "、", "将", "泡", "好", "的", "海参", "从", "腹部", "纵向", "剖开", ",", "去掉", "海参", "前端", "牙", "状", "物", "也", "就是", "沙嘴", ";", "4", "、", "添", "纯净水", "上", "无油", "锅", "加盖", "煮沸", ",", "改", "用", "中", "火", "35", "-", "50", "分钟", ",", "关", "火", "后", "加盖", "焖", "至", "自然", "凉", "透", ";", "5", "、", "换", "新", "的", "凉", "纯净水", ",", "泡", "48", "小时", "左右", ",", "中间", "换", "水", "2", "-", "3", "次", ",", "发", "好", "后", "即可", "食用", "。", "一斤", "好", "的", "干", "海参", "可以", "发", "制", "出", "好", "几", "倍", "的", "水", "发", "海参", ",", "譬如", "国内", "的", "知名", "品", "&", "#", "14", "牌", "福临门", "海参", ",", "其", "涨", "发", "往往", "可以", "达到", "8", "倍", "以上", "。"], ["【", "必读", "】", "干", "海参", "发泡", "方法", "指导", ":", "1", "、", "将", "干", "海参", "用", "自来水", "直接", "冲洗", "1", "分钟", ",", "洗掉", "表面", "少许", "微尘", "。", "2", "、", "置于", "1", "-", "10", "度", "凉", "纯净水", "中", "24", "小时", "左右", ",", "中间", "换", "水", "2", "次", "直至", "将", "海参", "泡软", "。", "3", "、", "将", "泡软", "的", "海参", "从", "腹部", "纵向", "剖开", ",", "去掉", "海参", "前端", "牙", "状", "物", "和", "体", "内", "白", "筋", "。", "4", "、", "添", "纯净水", "上", "无油", "锅", "加盖", "煮沸", ",", "用", "中", "火", "煮", "15", "-", "25", "分钟", "。", "5", "、", "换", "新", "的", "凉", "纯净水", ",", "泡", "24", "小时", "左右", ",", "中间", "换", "水", "2", "次", "直至", "发泡", "到", "2", "倍", "左右", "长度", "。", "6", "、", "泡", "好", "后", ",", "即可", "食用", "。", "可", "把", "多余", "的", "单独", "零度", "以下", "冷冻", ",", "建议", "2", "周", "内", "用完", "。", "7", "、", "如", "有", "个别", "海参", "没有", "发", "大", ",", "属于正常", "现象", ",", "可", "重复", "4", "、", "5", "步骤", "。", "友情提示", ":", "海参", "的", "大小", "不是", "统一", "的", ",", "会出现", "厚薄", "不", "一", "的", "情况", ",", "所以", "在", "海参", "发", "制", "时", "时间", "的", "长短", "也", "应该", "不同", "。", "小", "而", "薄", "的", "海参", "发", "制", "时间", "可", "短", "些", ",", "固", "而", "厚", "的", "海参", "发", "制", "时间", "应", "长", "些", "。", "有", "的", "同样", "大小", "、", "同样", "厚薄", "、", "同样", "品种", ",", "涨", "发", "时", "也有", "先", "发", "透", "的", "和", "后", "发", "透", "的", "。", "先", "发", "透", "的", "应", "先", "拣", "出来", ",", "没", "发", "透", "的", "继续", "发"], ["第一步", ";", "回", "软", "将", "干", "海参", "用", "凉水", "泡", "24", "小时", "直至", "海参", "变", "软", "。", "第二步", "清洁", "剪掉", "海参", "的", "沙嘴", ",", "切断筋", ",", "清洗干净", "。", "第三步", ";", "将", "海参", "放入", "无油", "的", ",", "装入", "凉水", "的", "干净", "锅", "内", ",", "大火", "煮", "开", "改", "用", "小", "火", "煮", "50", "至", "60", "分钟", "左右", ",", "将", "海参", "捞", "出", ",", "用", "海参", "掐", "海参", "侧", "壁", "肉", ",", "能", "掐透", "或者", "稍", "变", "软", "即可", ",", "如", "没有", "则", "继续", "煮", "。", "第四步", ";", "水", "发", ",", "将", "煮", "好", "的", "海参", "捞", "出来", ",", "自然", "凉", "透", "之后", ",", "用", "凉水", "泡制", "【", "最好", "用", "纯净水", "】", "2", ",", "3", "天", ",", "并", "将", "水中", "放入", "冰块", ",", "保持", "每天", "换", "一次", "水", ",", "加", "冰块", "。", "第五步", ";", "保存", "将", "发", "好", "的", "海参", "捞", "出来", ",", "用", "干净", "的", "保鲜", "袋", "逐个", "装", "好", ",", "每", "支", "装", "一", "个", "袋", ",", "放入", "冰块", "中", "冷冻", "。", "纯", "干", "海参", "的", "涨", "发", "及", "保存", "方法"], ["第一步", ";", "回", "软", "将", "干", "海参", "用", "凉水", "泡", "24", "小时", "直至", "海参", "变", "软", "。", "第二步", "清洁", "剪掉", "海参", "的", "沙嘴", ",", "切断筋", ",", "清洗干净", "。", "第三步", ";", "将", "海参", "放入", "无油", "的", ",", "装入", "凉水", "的", "干净", "锅", "内", ",", "大火", "煮", "开", "改", "用", "小", "火", "煮", "50", "至", "60", "分钟", "左右", ",", "将", "海参", "捞", "出", ",", "用", "海参", "掐", "海参", "侧", "壁", "肉", ",", "能", "掐透", "或者", "稍", "变", "软", "即可", ",", "如", "没有", "则", "继续", "煮", "。", "第四步", ";", "水", "发", ",", "将", "煮", "好", "的", "海参", "捞", "出来", ",", "自然", "凉", "透", "之后"]], "paragraphs": ["1、将干海参用自来水直接冲洗1分钟,洗掉表面少许微尘。 2、置于1-10度凉纯净水中24小时左右,中间换水2次直至将海参泡软。 3、将泡软的海参从腹部纵向剖开,去掉海参前端牙状物和体内白筋。 4、添纯净水上无油锅加盖煮沸,用中火煮15-25分钟。 5、换新的凉纯净水,泡24小时左右,中间换水2次直至发泡到2倍左右长度。 6、泡好后,即可食用。可把多余的单独零度以下冷冻,建议2周内用完。 7、如有个别海参没有发大,属于正常现象,可重复4、5步骤。", "干海参涨发即食海参操作方法:1.先将干海参用清水浸泡20-30小时,漂洗除盐,清理内脏。2.沸水煮两边,每次煮15-20分钟,每次煮完捞出放入凉水降温透彻。3.将海立美化开(糯脆型的用温水,爽脆型的用凉水),加入冰水中,然后放入煮好的海参,再按冰与水的比例2:1加入冰块,(也可不加冰块,直接放入冰箱冷藏)浸泡2-3天,将发好的海参检出,没发好的海参继续涨发,发好为止。", "干海参发制方法:1、干海参用自来水直接冲洗干净;2、凉纯净水泡24小时左右,中间换水2次;3、将泡好的海参从腹部纵向剖开,去掉海参前端牙状物也就是沙嘴;4、添纯净水上无油锅加盖煮沸,改用中火35-50分钟,关火后加盖焖至自然凉透;5、换新的凉纯净水,泡48小时左右,中间换水2-3次,发好后即可食用。一斤好的干海参可以发制出好几倍的水发海参,譬如国内的知名品牌福临门海参,其涨发往往可以达到8倍以上。", "【必读】干海参发泡方法指导: 1、将干海参用自来水直接冲洗1分钟,洗掉表面少许微尘。 2、置于1-10度凉纯净水中24小时左右,中间换水2次直至将海参泡软。 3、将泡软的海参从腹部纵向剖开,去掉海参前端牙状物和体内白筋。 4、添纯净水上无油锅加盖煮沸,用中火煮15-25分钟。 5、换新的凉纯净水,泡24小时左右,中间换水2次直至发泡到2倍左右长度。 6、泡好后,即可食用。可把多余的单独零度以下冷冻,建议2周内用完。 7、如有个别海参没有发大,属于正常现象,可重复4、5步骤。 友情提示: 海参的大小不是统一的,会出现厚薄不一的情况,所以在海参发制时时间的长短也应该不同。小而薄的海参发制时间可短些,固而厚的海参发制时间应长些。有的同样大小、同样厚薄、同样品种,涨发时也有先发透的和后发透的。先发透的应先拣出来,没发透的继续发", "第一步;回软将干海参用凉水泡24小时直至海参变软。第二步清洁剪掉海参的沙嘴,切断筋,清洗干净。第三步;将海参放入无油的,装入凉水的干净锅内,大火煮开改用小火煮50至60分钟左右,将海参捞出,用海参掐海参侧壁肉,能掐透或者稍变软即可,如没有则继续煮。第四步;水发,将煮好的海参捞出来,自然凉透之后,用凉水泡制【最好用纯净水】2,3天,并将水中放入冰块,保持每天换一次水,加冰块。第五步;保存将发好的海参捞出来,用干净的保鲜袋逐个装好,每支装一个袋,放入冰块中冷冻。纯干海参的涨发及保存方法", "第一步;回软将干海参用凉水泡24小时直至海参变软。第二步清洁剪掉海参的沙嘴,切断筋,清洗干净。第三步;将海参放入无油的,装入凉水的干净锅内,大火煮开改用小火煮50至60分钟左右,将海参捞出,用海参掐海参侧壁肉,能掐透或者稍变软即可,如没有则继续煮。第四步;水发,将煮好的海参捞出来,自然凉透之后"], "bs_rank_pos": 2}, {"is_selected": false, "title": "如何发海参快又好_百度知道", "most_related_para": 0, "segmented_title": ["如何", "发", "海参", "快", "又", "好", "_", "百度", "知道"], "segmented_paragraphs": [["如何", "发", "海参", "快", "又", "好", "两种方法", ":", "一", "、", "热", "泡", "法", "先", "用", "热水", "将", "海参", "泡", "24", "小时", "(", "可", "直接", "随", "冷水", "装入", "锅", "内", "煮", "开", ",", "再", "加盖", "焖", "泡", "4", "-", "5", "小时", ")", ",", "再", "从", "腹", "下", "开口", "取出", "内脏", ",", "然后", "换上", "新", "水", ",", "上火", "煮", "50", "分钟", "左右", ",", "用", "原", "汤", "泡", "起来", ",", "过", "24", "小时", "后", "即可", "。", "  ", "二", "、", "冷水发", "泡", "法", ",", "将", "海参", "浸入", "清水", "内", ",", "约", "3", "天", "即", "泡", "发", ";", "取出", "剖腹", "去", "肠", "杂", "、", "腹膜", ",", "然后", "再", "换", "清水", "浸泡", ",", "待", "泡软", "后", "即可", "加工", "食用", "。", "此", "法", "在", "热天", "要", "多", "换", "几", "次", "水", ",", "并", "经常", "注意", "是否", "已", "变", "软", "。", "  ", "泡", "发", "海参", "时", ",", "切莫", "沾染", "油脂", "、", "碱", "、", "盐", ",", "否则", "会", "妨碍", "海参", "吸水", "膨胀", ",", "降低", "出品率", ",", "甚至", "会", "使", "海参", "溶化", ",", "腐烂变质", "。", "发", "好", "的", "海参", "不能", "再", "冷冻", ",", "否则", "会", "影响", "海参", "的", "质量", ",", "故", "一次", "不宜", "发", "得", "太多", "。", "海参", "是", "一", "种", "营养价值", "较", "高", "的", "海鲜", "产品", ",", "在", "国内", "海参", "产品市场", ",", "海参", "养殖", "、", "加工", "企业", "鱼目混珠", ",", "各类产品", "良莠不齐", ",", "行业", "缺乏", "统一标准", ",", "难", "辨", "优劣", "。", "消费者", "如果", "不", "懂得", "如何", "鉴别", "海参"], ["现在", "的", "自然环境", "大部分", "破坏", ",", "生态", "环境", "极其", "恶劣", ",", "造成", "了", "人们", "的", "发病率", "比", "以往", "增高", "很多", ",", "人们", "为了", "健康", "选择", "养生", ",", "好多人", "选择", "海参", "滋补", "身体", ",", "但", "好多人", "对", "淡", "干", "海参", "的", "发", "制", "方法", "还", "不是", "那么", "了解", ",", "那么", "淡", "干", "海参", "怎么", "发", "制", "呢", "?", "下面", "给", "您", "介绍一下", "宫", "品", "海参", "推荐", "干", "海参", "的", "发", "制", "方法", "。", "海参", "的", "发", "制", "方法", "一", "、", "回", "软", ":", "将", "淡", "干", "海参", "全部", "用", "清水", "洗净", "表面", "浮尘", ",", "将", "洗净", "海参", "放入", "无油", "器皿", "中", ",", "加入", "凉", "的", "纯净水", ",", "水", "一定要", "淹没", "过", "淡", "干", "海参", ",", "将", "装", "有", "海参", "的", "器皿", "放入", "0", "-", "5", "度", "冰箱", "冷藏", "室内", "24", "-", "36", "小时", "(", "每天", "换", "一", "次", "纯净水", ")", ",", "能", "将", "海参", "掐", "透", "为止", "。", "海参", "的", "发", "制", "方法", "二", "、", "清洗", ":", "先", "将", "手", "和", "剪刀", "洗干净", ",", "将", "回", "软", "好", "的", "海参", "用", "剪刀", "在", "腹部", "开口", "处", "剪掉", "海参", "前端", "白", "状", "物", "(", "海参", "沙嘴", ")", ",", "在", "用", "剪刀", "将", "海参", "筋", "剪断", "(", "不是", "剪掉", ")", ",", "将", "剪", "好", "的", "海参", "清洗干净", "。", "海参", "的", "发", "制", "方法", "三", "、", "水煮", ":", "将", "清洗干净", "的", "海参", "倒入", "无油", "的", "锅", "中", ",", "加入", "凉", "的", "纯净水"]], "paragraphs": ["如何发海参快又好 两种方法: 一、热泡法先用热水将海参泡24小时(可直接随冷水装入锅内煮开,再加盖焖泡4-5小时),再从腹下开口取出内脏,然后换上新水,上火煮50分钟左右,用原汤泡起来,过24小时后即可。   二、冷水发泡法,将海参浸入清水内,约3天即泡发;取出剖腹去肠杂、腹膜,然后再换清水浸泡,待泡软后即可加工食用。此法在热天要多换几次水,并经常注意是否已变软。   泡发海参时,切莫沾染油脂、碱、盐,否则会妨碍海参吸水膨胀,降低出品率,甚至会使海参溶化,腐烂变质。发好的海参不能再冷冻,否则会影响海参的质量,故一次不宜发得太多。 海参是一种营养价值较高的海鲜产品,在国内海参产品市场,海参养殖、加工企业鱼目混珠,各类产品良莠不齐,行业缺乏统一标准,难辨优劣。消费者如果不懂得如何鉴别海参", "现在的自然环境大部分破坏,生态环境极其恶劣,造成了人们的发病率比以往增高很多,人们为了健康选择养生,好多人选择海参滋补身体,但好多人对淡干海参的发制方法还不是那么了解,那么淡干海参怎么发制呢?下面给您介绍一下宫品海参推荐干海参的发制方法。 海参的发制方法一、回软:将淡干海参全部用清水洗净表面浮尘,将洗净海参放入无油器皿中,加入凉的纯净水,水一定要淹没过淡干海参,将装有海参的器皿放入0-5度冰箱冷藏室内24-36小时(每天换一次纯净水),能将海参掐透为止。 海参的发制方法二、清洗:先将手和剪刀洗干净,将回软好的海参用剪刀在腹部开口处剪掉海参前端白状物(海参沙嘴),在用剪刀将海参筋剪断(不是剪掉),将剪好的海参清洗干净。 海参的发制方法三、水煮:将清洗干净的海参倒入无油的锅中,加入凉的纯净水"], "bs_rank_pos": 3}], "answer_spans": [[9, 160]], "fake_answers": ["1、将干海参用自来水直接冲洗1分钟,洗掉表面少许微尘。2、置于1-10度凉纯净水中24小时左右,中间换水2次直至将海参泡软。3、将泡软的海参从腹部纵向剖开,去掉海参前端牙状物和体内白筋。4、添纯净水上无油锅加盖煮沸,用中火煮15-25分钟。5、换新的凉纯净水,泡24小时左右,中间换水2次直至发泡到2倍左右长度。6、泡好后,即可食用。可把多余的单独零度以下冷冻,建议2周内用完。7、如有个别海参没有发大,属于正常现象,可重复4、5步骤"], "question": "如何发海参", "segmented_answers": [["1", "、", "家庭", "食用", "少量", "海参", "可", "先", "用", "冷水", "把", "干", "海参", "浸泡", "一天", ",", "用", "刀", "剖开", "肚子", ",", "取出", "内脏", "洗净", ";", "2", "、", "然后", "放入", "暖水瓶", "中", ",", "倒入", "开水", ",", "盖", "紧", "瓶盖", ",", "发", "10", "小时", "左右", ";", "3", "、", "取", "适量", "海参", "用", "清水", "泡", "12", "小时", "(", "夏天", "放在", "冰箱", "保鲜", "层", ")", ",", "然后", "破", "肚", "去", "筋", "去", "沙嘴", "洗净", ",", "放在", "无", "沾", "油", "锅", "煮", "开", "后", "再", "用", "文", "火", "煮", "20", "-", "30", "分钟", ",", "熄火", "后", "将", "其", "自然", "凉", "透", "倒掉", "水", ",", "加入", "适量", "纯净水", "放", "于", "冰箱", "保鲜", "48", "小时", "(", "满", "24", "小时", "后", "再", "换", "一次", "纯净水", ")", "后", "即可", "食用", "。"], ["1", "、", "将", "干", "海参", "用", "自来水", "直接", "冲洗", "1", "分钟", ",", "洗掉", "表面", "少许", "微尘", ";", "2", "、", "置于", "1", "-", "10", "度", "凉", "纯净水", "中", "24", "小时", "左右", ",", "中间", "换", "水", "2", "次", "直至", "将", "海参", "泡软", ";", "3", "、", "将", "泡软", "的", "海参", "从", "腹部", "纵向", "剖开", ",", "去掉", "海参", "前端", "牙", "状", "物", "和", "体", "内", "白", "筋", ";", "4", "、", "添", "纯净水", "上", "无油", "锅", "加盖", "煮沸", ",", "用", "中", "火", "煮", "15", "-", "25", "分钟", ";", "5", "、", "换", "新", "的", "凉", "纯净水", ",", "泡", "24", "小时", "左右", ",", "中间", "换", "水", "2", "次", "直至", "发泡", "到", "2", "倍", "左右", "长度", ";", "6", "、", "泡", "好", "后", ",", "即可", "食用", "。", "可", "把", "多余", "的", "单独", "零度", "以下", "冷冻", ",", "建议", "2", "周", "内", "用完", ";", "7", "、", "如", "有", "个别", "海参", "没有", "发", "大", ",", "属于正常", "现象", ",", "可", "重复", "4", "、", "5", "步骤", "。"]], "answers": ["1、家庭食用少量海参可先用冷水把干海参浸泡一天,用刀剖开肚子,取出内脏洗净;2、然后放入暖水瓶中,倒入开水,盖紧瓶盖,发10小时左右;3、取适量海参用清水泡12小时(夏天放在冰箱保鲜层),然后破肚去筋去沙嘴洗净,放在无沾油锅煮开后再用文火煮20-30分钟,熄火后将其自然凉透倒掉水,加入适量纯净水放于冰箱保鲜48小时(满24小时后再换一次纯净水)后即可食用。", "1、将干海参用自来水直接冲洗1分钟,洗掉表面少许微尘;2、置于1-10度凉纯净水中24小时左右,中间换水2次直至将海参泡软;3、将泡软的海参从腹部纵向剖开,去掉海参前端牙状物和体内白筋;4、添纯净水上无油锅加盖煮沸,用中火煮15-25分钟;5、换新的凉纯净水,泡24小时左右,中间换水2次直至发泡到2倍左右长度;6、泡好后,即可食用。可把多余的单独零度以下冷冻,建议2周内用完;7、如有个别海参没有发大,属于正常现象,可重复4、5步骤。"], "answer_docs": [2], "segmented_question": ["如何", "发", "海参"], "question_type": "DESCRIPTION", "question_id": 181611, "fact_or_opinion": "OPINION", "match_scores": [0.898360655737705]}
-{"documents": [{"is_selected": true, "title": "人民币 港币 (CNY HKD)换算器 - Investing.com", "most_related_para": 2, "segmented_title": ["人民币", "港币", "(", "CNY", "HKD", ")", "换算", "器", "-", "Investing", ".", "com"], "segmented_paragraphs": [["Please", "select", "a", "profession", "that", "best", "describes", "you", ":"], ["SPDR", "标", "普", "500", "安硕", "MSCI", "新兴市场", "指数", "SPDR", "黄金", "信托基金"], ["互动", "外汇", "图表", "互动", "期货", "图表", "互动", "指数", "图表", "互动", "股票", "图表", "多", "屏", "外汇", "图表", "多", "个", "指数", "图表"]], "paragraphs": ["Please select a profession that best describes you:", "SPDR标普500 安硕MSCI新兴市场指数 SPDR黄金信托基金", "互动外汇图表 互动期货图表 互动指数图表 互动股票图表 多屏外汇图表 多个指数图表"], "bs_rank_pos": 0}, {"is_selected": true, "title": "港币对人民币汇率,今日港币汇率查询,人民币兑换港元(手机版) ", "most_related_para": 5, "segmented_title": ["港币", "对", "人民币", "汇率", ",", "今日", "港币", "汇率", "查询", ",", "人民币", "兑换", "港元", "(", "手机", "版", ")"], "segmented_paragraphs": [["今日", "港币", "汇率"], ["汇率", ":", "1", ".", "1464"], ["买入价", ":", "1", ".", "1464"], ["卖出价", ":", "1", ".", "1474"], ["其他", "主要货币", "汇率"], ["港元", "或", "称", "港币", "(", "简称", "为", "HKD", ")", "是", "香港", "的", "法定", "流通货币", "。", "按照", "香港", "基本法", "和", "中英", "联合声明", ",", "香港", "的", "自治权", "包括", "自行", "发行", "货币", "的", "权力", "。", "香港", "建立", "了", "港元", "发行", "与", "美元", "挂钩", "的", "联系", "汇率制度", "。", "外汇", "基金", "所", "持", "的", "美圆", "就", "为", "港元", "纸币", "的", "稳定", "提供", "了", "支持", "。"]], "paragraphs": ["今日港币汇率", "汇率:1.1464", "买入价:1.1464", "卖出价:1.1474", "其他主要货币汇率", "港元或称港币(简称为HKD)是香港的法定流通货币。按照香港基本法和中英联合声明,香港的自治权包括自行发行货币的权力。香港建立了港元发行与美元挂钩的联系汇率制度。外汇基金所持的美圆就为港元纸币的稳定提供了支持。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "今日港币汇率_港币对人民币汇率_人民币对港币汇率_港币兑换人民币-", "most_related_para": 2, "segmented_title": ["今日", "港币", "汇率", "_", "港币", "对", "人民币", "汇率", "_", "人民币", "对", "港币", "汇率", "_", "港币", "兑换", "人民币", "-"], "segmented_paragraphs": [["7x", "24", "小时", "客服热线", "电话", "400", "-", "664", "-", "4881"], ["今日", "港币", "汇率", "最新", "查询", "(", "2017", "年", "5", "月", "19", "日", ")", "今日", "港币", "汇率", "最新", "查询", "(", "2017", "年", "5", "月", "18", "日", ")", "今日", "港币", "汇率", "最新", "查询", "(", "2017", "年", "5", "月", "17", "日", ")", "今日", "港币", "汇率", "最新", "查询", "(", "2017", "年", "5", "月", "16", "日", ")", "今日", "港币", "汇率", "最新", "查询", "(", "2017", "年", "5", "月", "15", "日", ")", "今日", "港币", "汇率", "最新", "查询", "(", "2017", "年", "5", "月", "12", "日", ")", "今日", "港币", "汇率", "最新", "查询", "(", "2017", "年", "5", "月", "11", "日", ")", "今日", "港币", "汇率", "最新", "查询", "(", "2017", "年", "5", "月", "10", "日", ")", "今日", "港币", "汇率", "最新", "查询", "(", "2017", "年", "5", "月", "9", "日", ")", "今日", "港币", "汇率", "最新", "查询", "(", "2017", "年", "5", "月", "8", "日", ")"], ["今日", "人民币", "对", "港币", "汇率", "走势", "利好", "(", "2017", "年", "6", "月", "1", "日", ")", "今日", "港币", "汇率", "最新", "查询", "(", "2017", "年", "6", "月", "1", "日", ")", "今日", "港币", "对", "人民币", "汇率", "持续", "波动", "(", "2017", "年", "5", "月", "31", "日", ")", "今日", "港币", "汇率", "最新", "查询", "(", "2017", "年", "5", "月", "31", "日", ")", "今日", "港币", "汇率", "最新", "查询", "(", "2017", "年", "5", "月", "27", "日", ")", "穆迪", "降级", "影响", "发酵", "!", "港币", "创", "15", "个", "月", "新", "低", "今日", "人民币", "对", "港币", "汇率", "持续", "震荡", "(", "2017", "年", "5", "月", "26", "日", ")", "今日", "港币", "汇率", "最新", "查询", "(", "2017", "年", "5", "月", "26", "日", ")", "今日", "港币", "对", "人民币", "汇率", "走势", "震荡", "(", "2017", "年", "5", "月", "25", "日", ")", "今日", "港币", "汇率", "最新", "查询", "(", "2017", "年", "5", "月", "25", "日", ")", "今日", "人民币", "对", "港币", "汇率", "持续", "震荡", "(", "2017", "年", "5", "月", "24", "日", ")", "今日", "港币", "汇率", "最新", "查询", "(", "2017", "年", "5", "月", "24", "日", ")", "今日", "港币", "对", "人民币", "汇率", "走势", "震荡", "(", "2017", "年", "5", "月", "23", "日", ")", "今日", "港币", "汇率", "最新", "查询", "(", "2017", "年", "5", "月", "23", "日", ")"], ["名称", "最新", "价", "涨跌", "值", "涨跌幅", "开盘价"], ["欧元", "美元", "6", ".", "3741", "1.22", "1.22", "↓", "6", ".", "3741"], ["英镑", "美元", "6", ".", "3741", "1.22", "1.22", "↓", "6", ".", "3741"], ["美元", "加元", "6", ".", "3741", "1.22", "1.22", "↓", "6", ".", "3741"], ["美元", "日元", "6", ".", "3741", "1.22", "1.22", "↓", "6", ".", "3741"], ["美元", "港币", "6", ".", "3741", "1.22", "1.22", "↓", "6", ".", "3741"], ["澳元", "美元", "6", ".", "3741", "1.22", "1.22", "↓", "6", ".", "3741"], ["瑞郎", "美元", "6", ".", "3741", "1.22", "1.22", "↓", "6", ".", "3741"], ["[", "外汇", "基本面", "]", "外汇", "基本面", "中", "的", "浮动汇率制", "是什么", "?", "[", "外汇", "基本面", "]", "外汇", "基本面", "中", "的", "货币供给", "是什么", "意思", "?", "[", "外汇", "基本面", "]", "外汇", "基本面", "中", "的", "货币", "扩张", "是什么", "?", "[", "外汇", "实战策略", "]", "如何", "设置", "外汇", "交易", "头寸", "?", "[", "外汇", "实战策略", "]", "外汇", "套利交易", "该怎样", "开始", "?", "[", "外汇", "实战策略", "]", "如何", "确定", "你", "适合", "日内", "交易", "还是", "波段", "交易", "?", "[", "外汇", "实战策略", "]", "如何", "在", "外汇市场", "低", "波动", "期", "进行", "交易", "?", "[", "外汇", "实战策略", "]", "炒外汇", "如何", "进行", "短线操作", "?"], ["继", "\"", "沪港通", "\"", "\"", "深港", "通", "\"", "之后", ",", "我", "国", "的", "金融市场", "进一步", "对外开放", "。", "6", "月", "7", "日", ",", "中国", "外汇", "交易中心", "与", "港交所", "宣布", ",", "在", "香港", "成", ".", ".", ".", "[", "查看详情", "]"], ["“", "债券", "通", "”", "推出", "的", "进程", "“", "债券", "通", "”", "管理办法", "“", "债券", "通", "”", "需要", "应对", "什么", "风险", "?", "“", "债券", "通", "”", "的", "交易", "机制", "为何", "先", "开展", "“", "北", "向", "通", "”", "交易", "?", "“", "债券", "通", "”", "推出", "有", "什么", "影响", "?", "“", "债券", "通", "”", "推出", "有何意义", "?", "“", "债券", "通", "”", "推出", "背景", "是", "什么", "?", "“", "债券", "通", "”", "是什么", "?", "外汇", "货币", "对", "之间", "的", "关系"], ["炒外汇", "如何", "判断", "真假", "突破", "?", "炒外汇", "如何", "正确", "使用", "江恩", "角度", "线", "?", "炒外汇", "如何", "做", "“", "短线", "”", "?", "炒外汇", "时", "怎样", "判断", "阻力位", "与", "支撑位", "?", "炒外汇", "时", "如何", "使用", "布林线", "?", "外汇", "交易", "新手", "如何", "正确", "做", "单", "?", "炒外汇", "如何", "把握", "波段", "反弹", "?", "炒外汇", "时", "如何", "把握", "正确", "的", "入场", "时机", "?", "外汇行情", "反复", "时", "如何", "应对", "?", "炒外汇", "时", "如何", "设置", "均线", "系统", "?", "炒外汇", "时", "怎样", "判断", "顶", "和", "底", "?", "如何", "利用", "利差", "炒外汇", "?", "炒外汇", "时", "如何", "判断", "卖", "还是", "买", "?", "如何", "把握", "外汇", "平仓", "的", "时机", "?", "炒外汇", "是", "做", "长", "线", "好", "还是", "短线", "好", "?", "短线", "炒外汇", "的", "技巧", "有", "哪些", "?", "外汇", "短线操作", "有", "什么", "好处", "?", "如何", "通过", "短线", "外汇", "交易", "来", "获利", "?", "怎样", "在", "炒外汇", "时", "使用", "均线", "?", "炒外汇", "套", "单", "之后", "怎么办", "?"], ["外汇", "交易", "中", "需要", "遵循", "哪些", "规则", "?", "外汇", "交易", "禁忌", "多", "新手", "可", "要", "“", "长", "点心", "”", "哦", "!", "外汇", "交易平台", "乱象", "纷呈", "如何", "分辨", "是否", "正规", "?", "从", "欧洲杯", "想到", "外汇", "交易", "解析", "外汇", "交易", "长", "短线", "操作技巧", "外汇", "交易", "时", "如何", "使用", "仓位", "动态", "平衡法", "?", "如何", "学会", "看", "日K线", "进行", "外汇", "交易", "?", "外汇", "交易", "时", "如何", "技术性", "解套", "?", "外汇", "交易", "高手", "如何", "补仓", "?", "外汇", "交易", "中", "为什么", "会", "亏损", "?", "外汇", "交易", "新手", "如何面对", "营销", "诱惑", "?", "外汇", "交易", "新手", "如何", "正确", "做", "单", "?", "如何", "摆脱", "外汇", "交易", "的", "困境", "?", "外汇市场", "的", "交易", "品种", "如何", "操作", "?", "炒外汇", "时", "如何", "设置", "均线", "系统", "?", "外汇", "交易", "如何", "把握", "抢反弹", "时机", "?", "外汇", "短线交易", "的", "类型", "有", "哪些", "?", "炒外汇", "时", "如何", "判断", "卖", "还是", "买", "?", "如何", "有效", "判断", "外汇市场", "的", "趋势", "?", "外汇", "投资者", "如何", "看盘", "?"], ["外汇", "交易", "新手", "如何面对", "营销", "诱惑", "?", "炒外汇", "如何", "把握", "波段", "反弹", "?", "怎样", "制定", "外汇投资", "计划", "?", "外汇", "投资者", "如何", "看盘", "?", "外汇投资", "失败", "的", "原因", "有", "哪些", "?", "外汇", "投资策略", "如何", "拟定", "?", "MT4", "中", "挂单", "交易", "的", "方法", "有", "哪些", "?", "怎样", "拥有", "良好", "的", "外汇", "交易", "习惯", "?", "外汇投资", "失败", "的", "主要原因", "有", "哪些", "?", "外汇投资", "与", "期货投资", "的", "区别", "有", "哪些", "?", "外汇", "投资者", "如何", "利用", "波段", "反弹", "?", "外汇", "投资者", "如何面对", "滑点", "?", "外汇投资", "加仓", "的", "原则", "有", "哪些", "?", "外汇投资", "中", "如何", "操作", "不", "被套", "?", "新手", "炒外汇", "如何", "确定", "进场", "点", "?", "外汇", "投资者", "如何", "养成", "好习惯", "?", "外汇", "投资者", "会", "进入", "哪些", "误区", "?", "外汇投资", "如何", "快速入门", "?", "炒外汇", "如何", "掌握", "良好", "的", "投资", "技巧", "?", "外汇投资", "的", "技巧", "策略", "有", "哪些", "?"], ["外汇", "交易", "中", "需要", "遵循", "哪些", "规则", "?", "学习", "外汇", "知识", "的", "渠道", "有", "哪些", "?", "外汇", "交易", "禁忌", "多", "新手", "可", "要", "“", "长", "点心", "”", "哦", "!", "从", "欧洲杯", "想到", "外汇", "交易", "端午", "假期", "外汇市场", "是否", "放假", "?", "端午节", "外汇市场", "休市", "安排", "炒外汇", "如何", "判断", "真假", "突破", "?", "如何", "学会", "看", "日K线", "进行", "外汇", "交易", "?", "炒外汇", "时", "怎样", "判断", "阻力位", "与", "支撑位", "?", "外汇市场", "的", "交易", "品种", "如何", "操作", "?", "如何", "速成", "为", "外汇", "技术分析", "的", "高手", "?", "炒外汇", "时", "怎样", "判断", "顶", "和", "底", "?", "外汇市场", "中", "如何", "画", "趋势线", "?", "如何", "把握", "外汇", "平仓", "的", "时机", "?", "如何", "有效", "判断", "外汇市场", "的", "趋势", "?", "影响", "美元", "的", "经济数据", "有", "哪些", "?", "非农", "数据", "对", "外汇市场", "的", "重要性", "炒外汇", "如何", "把握", "最佳", "平仓", "机会", "?", "各", "主要", "外汇市场", "的", "特点", "有", "哪些", "?", "外汇", "交易", "高手", "是", "怎样", "磨练", "成", "的", "?"], ["外汇储备", "的", "经营", "原则", "是", "什么", "?", "外汇储备", "增长", "的", "好处", "有", "哪些", "?", "外汇储备", "增长", "有", "什么", "好处", "?", "人民币", "加入", "SDR", "有", "什么", "实质", "意义", "?", "中国", "的", "外汇储备", "该", "如何", "使用", "?", "外汇储备", "过高", "会", "怎么样", "?", "外汇储备", "有", "什么", "用途", "?", "下降", "外汇储备", "有啥", "影响", "?", "中国", "的", "外汇储备", "是", "多少", "现在", "?", "中国", "的", "外汇储备", "包括", "哪些", "?", "外汇储备", "过", "多", "的", "弊端", "是什么", "?", "外汇储备", "怎么", "稳定", "汇率", "?", "外汇储备", "为什么", "会", "影响", "汇率", "?", "外汇储备", "怎么", "影响", "汇率", "?", "日本", "外汇储备", "多少", "万亿", "?", "外汇储备", "中", "欧元", "的", "数量", "外汇储备", "都", "包括", "哪些", "内容", "?", "外汇储备", "与", "汇率", "的", "关系", "中国", "的", "外汇储备", "有", "百分", "之", "多少", "?", "外汇储备", "下降", "影响"], ["外汇", "专题", "“", "债券", "通", "”", "真", "的", "来", "了", "!", "外汇", "中", "常见", "的", "货币", "对", "卡塔尔", "外交", "危机", "什么", "是", "外汇", "报价", "外汇", "暴涨", "专题", "澳元", "暴涨", "韩元", "暴涨", "台币", "暴涨", "港币", "暴涨", "外汇", "暴跌", "专题", "澳元", "暴跌", "韩元", "暴跌", "台币", "暴跌", "加元", "暴跌", "外汇买卖", "专题", "如何", "买卖", "外汇", "比特币", "怎么", "买", "什么", "是", "外汇", "买卖", "外汇买卖", "如何", "赚钱"], ["3", "最低", "入", "金", "250", "美金", "AETOS", "艾拓思"]], "paragraphs": ["7x24小时客服热线 电话 400-664-4881", "今日港币汇率最新查询(2017年5月19日) 今日港币汇率最新查询(2017年5月18日) 今日港币汇率最新查询(2017年5月17日) 今日港币汇率最新查询(2017年5月16日) 今日港币汇率最新查询(2017年5月15日) 今日港币汇率最新查询(2017年5月12日) 今日港币汇率最新查询(2017年5月11日) 今日港币汇率最新查询(2017年5月10日) 今日港币汇率最新查询(2017年5月9日) 今日港币汇率最新查询(2017年5月8日)", "今日人民币对港币汇率走势利好(2017年6月1日) 今日港币汇率最新查询(2017年6月1日) 今日港币对人民币汇率持续波动(2017年5月31日) 今日港币汇率最新查询(2017年5月31日) 今日港币汇率最新查询(2017年5月27日) 穆迪降级影响发酵!港币创15个月新低 今日人民币对港币汇率持续震荡(2017年5月26日) 今日港币汇率最新查询(2017年5月26日) 今日港币对人民币汇率走势震荡(2017年5月25日) 今日港币汇率最新查询(2017年5月25日) 今日人民币对港币汇率持续震荡(2017年5月24日) 今日港币汇率最新查询(2017年5月24日) 今日港币对人民币汇率走势震荡(2017年5月23日) 今日港币汇率最新查询(2017年5月23日)", "名称 最新价 涨跌值 涨跌幅 开盘价", "欧元美元 6.3741 1.22 1.22↓ 6.3741", "英镑美元 6.3741 1.22 1.22↓ 6.3741", "美元加元 6.3741 1.22 1.22↓ 6.3741", "美元日元 6.3741 1.22 1.22↓ 6.3741", "美元港币 6.3741 1.22 1.22↓ 6.3741", "澳元美元 6.3741 1.22 1.22↓ 6.3741", "瑞郎美元 6.3741 1.22 1.22↓ 6.3741", "[外汇基本面]外汇基本面中的浮动汇率制是什么? [外汇基本面]外汇基本面中的货币供给是什么意思? [外汇基本面]外汇基本面中的货币扩张是什么? [外汇实战策略]如何设置外汇交易头寸? [外汇实战策略]外汇套利交易该怎样开始? [外汇实战策略]如何确定你适合日内交易还是波段交易? [外汇实战策略]如何在外汇市场低波动期进行交易? [外汇实战策略]炒外汇如何进行短线操作?", "继\"沪港通\"\"深港通\"之后,我国的金融市场进一步对外开放。6月7日,中国外汇交易中心与港交所宣布,在香港成...[查看详情]", "“债券通”推出的进程 “债券通”管理办法 “债券通”需要应对什么风险? “债券通”的交易机制 为何先开展“北向通”交易? “债券通”推出有什么影响? “债券通”推出有何意义? “债券通”推出背景是什么? “债券通”是什么? 外汇货币对之间的关系", "炒外汇如何判断真假突破? 炒外汇如何正确使用江恩角度线? 炒外汇如何做“短线”? 炒外汇时怎样判断阻力位与支撑位? 炒外汇时如何使用布林线? 外汇交易新手如何正确做单? 炒外汇如何把握波段反弹? 炒外汇时如何把握正确的入场时机? 外汇行情反复时如何应对? 炒外汇时如何设置均线系统? 炒外汇时怎样判断顶和底? 如何利用利差炒外汇? 炒外汇时如何判断卖还是买? 如何把握外汇平仓的时机? 炒外汇是做长线好还是短线好? 短线炒外汇的技巧有哪些? 外汇短线操作有什么好处? 如何通过短线外汇交易来获利? 怎样在炒外汇时使用均线? 炒外汇套单之后怎么办?", "外汇交易中需要遵循哪些规则? 外汇交易禁忌多 新手可要“长点心”哦! 外汇交易平台乱象纷呈 如何分辨是否正规? 从欧洲杯想到外汇交易 解析外汇交易长短线操作技巧 外汇交易时如何使用仓位动态平衡法? 如何学会看日K线进行外汇交易? 外汇交易时如何技术性解套? 外汇交易高手如何补仓? 外汇交易中为什么会亏损? 外汇交易新手如何面对营销诱惑? 外汇交易新手如何正确做单? 如何摆脱外汇交易的困境? 外汇市场的交易品种如何操作? 炒外汇时如何设置均线系统? 外汇交易如何把握抢反弹时机? 外汇短线交易的类型有哪些? 炒外汇时如何判断卖还是买? 如何有效判断外汇市场的趋势? 外汇投资者如何看盘?", "外汇交易新手如何面对营销诱惑? 炒外汇如何把握波段反弹? 怎样制定外汇投资计划? 外汇投资者如何看盘? 外汇投资失败的原因有哪些? 外汇投资策略如何拟定? MT4中挂单交易的方法有哪些? 怎样拥有良好的外汇交易习惯? 外汇投资失败的主要原因有哪些? 外汇投资与期货投资的区别有哪些? 外汇投资者如何利用波段反弹? 外汇投资者如何面对滑点? 外汇投资加仓的原则有哪些? 外汇投资中如何操作不被套? 新手炒外汇如何确定进场点? 外汇投资者如何养成好习惯? 外汇投资者会进入哪些误区? 外汇投资如何快速入门? 炒外汇如何掌握良好的投资技巧? 外汇投资的技巧策略有哪些?", "外汇交易中需要遵循哪些规则? 学习外汇知识的渠道有哪些? 外汇交易禁忌多 新手可要“长点心”哦! 从欧洲杯想到外汇交易 端午假期外汇市场是否放假? 端午节外汇市场休市安排 炒外汇如何判断真假突破? 如何学会看日K线进行外汇交易? 炒外汇时怎样判断阻力位与支撑位? 外汇市场的交易品种如何操作? 如何速成为外汇技术分析的高手? 炒外汇时怎样判断顶和底? 外汇市场中如何画趋势线? 如何把握外汇平仓的时机? 如何有效判断外汇市场的趋势? 影响美元的经济数据有哪些? 非农数据对外汇市场的重要性 炒外汇如何把握最佳平仓机会? 各主要外汇市场的特点有哪些? 外汇交易高手是怎样磨练成的?", "外汇储备的经营原则是什么? 外汇储备增长的好处有哪些? 外汇储备增长有什么好处? 人民币加入SDR有什么实质意义? 中国的外汇储备该如何使用? 外汇储备过高会怎么样? 外汇储备有什么用途? 下降外汇储备有啥影响? 中国的外汇储备是多少现在? 中国的外汇储备包括哪些? 外汇储备过多的弊端是什么? 外汇储备怎么稳定汇率? 外汇储备为什么会影响汇率? 外汇储备怎么影响汇率? 日本外汇储备多少万亿? 外汇储备中欧元的数量 外汇储备都包括哪些内容? 外汇储备与汇率的关系 中国的外汇储备有百分之多少? 外汇储备下降影响", "外汇专题 “债券通”真的来了! 外汇中常见的货币对 卡塔尔外交危机 什么是外汇报价 外汇暴涨专题 澳元暴涨 韩元暴涨 台币暴涨 港币暴涨 外汇暴跌专题 澳元暴跌 韩元暴跌 台币暴跌 加元暴跌 外汇买卖专题 如何买卖外汇 比特币怎么买 什么是外汇买卖 外汇买卖如何赚钱", "3最低入金250美金AETOS艾拓思"], "bs_rank_pos": 2}, {"is_selected": false, "title": "港元人民币(HKDCNY)_外汇_新浪财经_新浪网", "most_related_para": 2, "segmented_title": ["港元", "人民币", "(", "HKD", "CNY", ")", "_", "外汇", "_", "新浪财经", "_", "新浪网"], "segmented_paragraphs": [["分时", "日", "k", "周", "k", "月", "k", "5", "分", "15", "分", "30", "分", "60", "分", "4", "h"], ["MACD", "KDJ", "RSI", "BOLL", "CCI", "PSY"], ["昨天", "今天", "明天", "这", "周"]], "paragraphs": ["分时 日k 周k 月k 5分 15分 30分 60分 4h", "MACD KDJ RSI BOLL CCI PSY", "昨天 今天 明天 这周"], "bs_rank_pos": 3}, {"is_selected": true, "title": "港币对人民币汇率_汇率查询_911查询", "most_related_para": 7, "segmented_title": ["港币", "对", "人民币", "汇率", "_", "汇率", "查询", "_", "911", "查询"], "segmented_paragraphs": [["港币", "对", "人民币", "汇率"], ["今日", "最新", "价", ":", "0", ".", "8848"], ["今日", "开盘价", ":", "0", ".", "8841"], ["昨日", "收盘价", ":", "0", ".", "884"], ["今日", "最高价", ":", "0", ".", "8848"], ["今日", "最低价", ":", "0", ".", "8833"], ["100", "港币", "可兑换", "88", ".", "48", "人民币"], ["100", "HKD", "=", "88", ".", "48", "CNY"], ["汇率", "最近更新", ":", "2017", "年", "5", "月", "22", "日", "10", ":", "26"], ["人民币", "对", "港币", "汇率"], ["港币", "对", "人民币", "汇率", "走势图"], ["港币", "对", "人民币", "汇率", "走势图", "(", "一年", ")"], ["常见", "人民币汇率"], ["常见", "外币", "对", "人民币", "汇率"], ["日常生活", "类", "查询"], ["查看全部", "查询"]], "paragraphs": ["港币对人民币汇率", "今日最新价:0.8848", "今日开盘价:0.8841", "昨日收盘价:0.884", "今日最高价:0.8848", "今日最低价:0.8833", "100港币 可兑换 88.48人民币", "100HKD = 88.48CNY", "汇率最近更新:2017年5月22日 10:26", "人民币对港币汇率", "港币对人民币汇率走势图", "港币对人民币汇率走势图(一年)", "常见人民币汇率", "常见外币对人民币汇率", "日常生活类查询", "查看全部查询"], "bs_rank_pos": 4}], "answer_spans": [[0, 6]], "answer_docs": [4], "fake_answers": ["100HKD=88.48CNY"], "question": "人民币转港币汇率", "segmented_answers": [["1", "CNY", "=", "1", ".", "1543", "HKD", "。"], ["1", "人民币", "CNY", "=", "1", ".", "1536", "港元", "HKD", "。"], ["100", "HKD", "=", "88", ".", "48", "CNY", "。"]], "answers": ["1CNY=1.1543HKD。", "1人民币CNY=1.1536港元HKD。", "100HKD=88.48CNY。"], "entity_answers": [["1.1543"], [], ["100HKD=88.48CNY"]], "segmented_question": ["人民币", "转", "港币", "汇率"], "question_type": "ENTITY", "match_scores": [0.9333333333333333], "fact_or_opinion": "FACT", "question_id": 181612}
-{"documents": [{"is_selected": true, "title": "注册谷歌账户时最后一步验证账户输入手机号说此电话号码无法用于", "most_related_para": 30, "segmented_title": ["注册", "谷歌", "账户", "时", "最后", "一", "步", "验证", "账户", "输入", "手机号", "说", "此", "电话号码", "无法", "用于"], "segmented_paragraphs": [["多谢", "各位", "的", "关心", "和", "帮助", ",", "问题", "已经", "解决", "了", ",", "只要", "登录", "香港", "版", "的", "谷歌", "就", "可以", "注册", "了", ",", "至于", "网址", "就", "不", "方便", "写", "出来", "了", ",", "请", "自行", "百度", "。"], ["说", "一", "个", "既不", "用", "翻墙", "又", "不要", "切换", "地区", "的", "注册方法", "吧", ",", "下载", "一", "个", "网易", "邮箱", "大师", ",", "然后", "添加", "账号", ",", "先", "随便", "敲", "一", "个", "@", "gmail", "的", "地址", ",", "在", "跳转", "的", "页面", "里", "直接", "注册账号", "就", "行", "了", "。"], ["更新", "一", "下", "哈", ",", "这个方法", "直接", "在", "手机", "端", "下载", "App", "按照", "步骤", "来", "做", "就", "行", "了", "(", "我", "用", "的", "是", "iPhone", "版", "的", ",", "Android", "版", "的", "没", "试", "过", ")", "。"], ["尝试", "N", "种", "方法", ",", "换", "N", "个", "地方", "的", "VPN", ",", "最后", "发现", ",", "打开", "QQ邮箱", ",", "选择", "“", "添加", "账户", "”", "-", "》", "gmail", "-", "》", "然后", "正常", "注册", "就", "可以", "使用", "中国", "电话", "收", "短信", "。", "毫无障碍", "可", "言", ",", "不用", "vpn", ",", "快", "的", "一", "B", "。", "第一次", "觉得", "企鹅", "也", "不是", "只", "看", "人民币", "玩家", "。", "。", "。", "。"], ["苹果", "手机", "(", "挂", "VPN", ")", "-", "-", "设置", "-", "-", "邮件", "、", "同学录", "、", "日历", "-", "-", "-", "添加", "账户", "-", "-", "-", "选", "“", "google", "”", "-", "-", "-", "进", "到", "google", "登录界面", "选", "“", "其他", "选项", "”", "-", "-", "-", "填写", "姓名", "-", "-", "-", "到", "填写", "电话", "那里", "了", "!", "!", "高潮", "来", "了", "!", "!", "!", "往下", "看", "!", "!"], ["不管", "你", "挂", "哪里", "的", "VPN", "!", "!", "啥", "都", "不用", "改", "!", "!", "!"], ["直接", "在", "后边", "写", "+", "86", "你", "的", "手机号码", "!", "!"], ["直接", "在", "后边", "写", "+", "86", "你", "的", "手机号码", "!", "!"], ["直接", "在", "后边", "写", "+", "86", "你", "的", "手机号码", "!", "!"], ["直接", "在", "后边", "写", "+", "86", "你", "的", "手机号码", "!", "!"], ["直接", "在", "后边", "写", "+", "86", "你", "的", "手机号码", "!", "!"], ["直接", "在", "后边", "写", "+", "86", "你", "的", "手机号码", "!", "!"], ["别", "改", "前边", "儿", "的", "自动", "选", "区号", "!", "!", "!", "自己", "在", "后边", "儿", "加", "“", "+", "86", "手机号", "”", "!", "!", "!"], ["别", "改", "前边", "儿", "的", "自动", "选", "区号", "!", "!", "!", "自己", "在", "后边", "儿", "加", "“", "+", "86", "手机号", "”", "!", "!", "!"], ["别", "改", "前边", "儿", "的", "自动", "选", "区号", "!", "!", "!", "自己", "在", "后边", "儿", "加", "“", "+", "86", "手机号", "”", "!", "!", "!"], ["后边", "儿", "就", "正常", "填", "了", ",", "能", "受到", "验证码", "就", "一马平川", "了", "!"], ["一", "次", "成功", "!", "!", "!", "亲", "试", "有用", "!", "!", "!", "苹果", "手机", "可以通过", "以下", "步骤", "解决", "注册", "谷歌", "账号", "时", "手机号码", "无法", "通过", "验证", "的", "方法", ":", "1", "、", "成功", "连接", "vpn", ";", "2", "、", "设置", "邮件", "添加", "账号", "Google", "更多", "选项", "创建", "新", "账号", ";", "3", "、", "填完", "资料", "填完", "手机号", "即可", "收取", "验证码", "注册成功", "!", "!", "!", "本人", "之前", "网页", "注册", "一直", "显示", "手机号码", "无法", "通过", "验证", ",", "用", "了", "此", "方法", ",", "一次", "注册成功", "!", "!", "!"], ["一", "个", "偏方", ",", "先", "谷歌", "“", "gmail", "香港", "”", ",", "然后", "点击进入", "“", "登入", "-", "Google", "帳戶", "”", "(", "应该", "是", "搜索", "结果", "页面", "的", "第二个", ")", ",", "然后", "从这里开始", "注册", ",", "流程", "和", "页面", "和", "直接", "用", "谷歌", "注册", "一样", ",", "但是", "字体", "自动", "变成", "了", "繁体", "。", "这个办法", "也", "不是", "100", "%", "成功", ",", "大家", "可以", "尝试", "一", "下", "。"], ["换", "一", "个", "别人", "的", "手机号", "试试看", "…", "这一步", "只是", "起", "到", "类似", "验证码", "的", "作用", ",", "不会", "把", "号码", "绑定", "到", "你", "账号", "上", "的", "。"], ["都", "想", "玩", "pokemon", "吧", "。", "。"], ["并", "不知道", "題", "主", "为何", "会", "发生", "这种情况", ",", "但是", "纠正", "轮子", "哥", ",", "中国大陆", "手机", "是", "可以", "用", "的", ",", "我一直在", "用", ".", ".", "."], ["我", "来", "说", "一", "个", "非常", "简单", "的", "方法", ",", "你", "在", "电脑", "上", "用", "chromium", "注册", ",", "手机", "验证", "可以", "跳过", "。", "chromium", "下载地址", "https", ":", "/", "/", "download", "-", "chromium", ".", "app", "spot", ".", "com", "/", "下载", "后", "无需安装", ",", "解压", "运行", "chrome", "."], ["2016", ".", "2", ".", "28", "补充说明", ":", "我", "是", "使用", "客户端", "注册", "的", ",", "至于", "网页", "行", "不行", "没", "试", "过", ",", "如果", "有人", "成功", "请", "回复", "。"], ["我", "按照", "以上", "朋友", "的", "回答", ",", "全部", "没", "起作用", "。", "我", "说说", "我自己", "的", "方法", "。"], ["首先", ",", "我", "也是", "手机号", "没法", "验证", ",", "所以", "我", "就", "不管", "google", "去", "用", "facebook", "了", "。"], ["然后", ",", "我", "在", "用", "facebook", "客户端", "的", "时候", ",", "打开", "youtube", ",", "在", "那里", "登陆", ",", "登陆", "时", "注册", "一", "个", "新", "的", "账户", "。", "虽然", "是", "全", "英文", "不过", "应该", "没", "多大", "影响", "≧", "≦", "在", "那里", "注册", "的", "大陆", "手机号", "可以", "收到", "短信", "。"], ["注意", ":", "请", "在", "facebook", "客户端", "内", "打开", "注册", "页面", ",", "不知为何", ",", "我", "用", "uc", "浏览器", "打开", "该", "链接", "时", "依然", "无法", "注册", "。"], ["希望", "有效", "或", "无效", "的", "盆", "友", "都", "在", "此", "回答", "下", "评论", "~", "\\", "(", "≧", "▽", "≦", ")", "/", "~"], ["注册", ",", "手机号", "选", "中国", ",", "所在地", "选", "香港", ",", "然后", "用", "电话", "验证", ",", "在", "手机号", "那", "里面", "输入", "+", "86", "xxxxxx"], ["被虐", "了", "两天", ",", "网上", "说", "的", "方法", "全", "试", "了", "一遍", "都", "不行", "。", "最终", "自己", "摸索", "出", "一", "个", "没有", "人", "用", "过", "的", "方法", ",", "用", "chrome", "浏览器", ",", "在", "设置", "那里", ",", "先", "把", "高级", "选项", "里", "的", "语言", "设置", "成", "英文", "(", "其他", "语言", "不知道", ")", "然后", "应用", ",", "关掉", "浏览器", "再打开", "接下来", "的", "步骤", "就是", "之", "前", "有人", "说过", "的", ",", "在", "“", "设置", "”", "那里", "选择", "sign", "in", "-", "-", "create", "new", "account", "-", "-", "-", "接下来", "的", "事情", "就", "很简单", "了", ",", "到", "了", "验证", "电话", "那", "一", "步", "多", "了", "一", "个", "选项", "“", "skip", "\"", ",", "尼玛", ",", "等", "的", "就是", "这个", ",", "还有什么", "难度", "?"], ["上午", "挂", "VPN", "进", "谷歌", "网站", "直接", "注册", ",", "每次", "到", "了", "手机号", "那", "一", "步", "都", "失败", "。", "试", "了", "好多", "网上", "说", "的", "方法", "都", "没用", ",", "最后", "受到", "某", "个", "知友", "(", "忘记", "了", "名字", ",", "抱歉", "啊", ")", "的", "启发", ",", "我决定", "用", "YouTube", "注册", "(", "因为", "实在", "是", "懒得", "再", "进", "网站", "了", ",", "刚好", "手机", "上", "有", "个", "谷歌", "旗下", "的", "油管", ")", ",", "先", "挂", "上", "VPN", "走", "日本", "线路", ",", "油管", "登录", "的", "时候", "选择", "注册", "新", "账号", ",", "到", "了", "手机号", "这一步", ",", "我", "没", "看到", "能", "跳过", "的", "选项", ",", "选择", "CN", "(", "中国", ")", ",", "然后", "填", "了", "自己", "的", "手机号", ",", "果然", "不行", ",", "提示", "无法", "验证", "之类", "的", "。", "然后", "改", "成", "HK", "(", "香港", ")", ",", "还是不行", ",", "不过", "提示", "变", "了", "一", "个", ",", "不是", "无法", "验证", "了", "。", "我", "灵机一动", "输入", "我", "妈", "的", "手机号", ",", "提示", "正在", "发送", "验证码", ",", "但是", "等", "了", "好久", "都", "没有收到", ",", "在", "短信", "拦截", "里面", "也", "没", "找到", "。", "然后", "我", "返回", "VPN", "走", "香港", "线路", ",", "再", "回到", "油管", "选", "HK", "填", "自己", "的", "手机号", ",", "不行", "!", "填", "我", "妈", "的", "手机号", ",", "验证码", "还是", "发", "不", "过来", "!"], ["啊啊啊", ",", "想起来", "了", ",", "忘记", "在", "手机号", "前", "加", "86", "…", "…", "…", "…", "…", "…", "…", "…"], ["一秒钟", "收到", "短信", ",", "我", "快", "被", "自己", "感动", "哭", "了"], ["当", "我", "跟", "我", "妈", "要", "验证码", "的", "时候", ",", "她", "是", "不愿意", "的", ",", "都", "怪", "现在", "的", "骗子", ",", "害", "我", "妈", "连", "亲", "闺女", "都", "不相信", "了", ",", "直到", "我", "再三", "说明", "不干", "坏事", ",", "才", "肯", "上交", "验证码", "。"], ["啊", ",", "对", "了", ",", "我", "妈", "的", "手机号", "是", "130", "开头", "。"], ["苹果", "手机", "1", "开", "vpn", "2", "设置", "_", "邮件", "_", "添加", "账号", "_", "谷歌", "_", "更多", "选项", "_", "创建", "新", "账号", ",", "3", "填", "资料", "就", "可以", "注册成功", ",", "填写", "手机号", "秒", "收", "验证码", ",", "亲", "测", "有效", ",", "已经", "注册", "两", "个", "!"], ["_", "(", ":", "з", "」", "∠", ")", "_", "ios", "系统", "一枚", "。"], ["PS", "实在", "注册", "不", "成功", "的", "。", "。", "可以", "私信", "我", "帮", "你", "。", "但是", "不", "保证", "百分百", "成功", "。", "私信", "吧", "要", "用", "的", "信息", "都", "写", "上"], ["-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "接", "到", "很多", "私信", "都是", "二", "半夜", "啊", "啊", "!", "你们", "都是", "时差党", "吗", "!", "答", "主", "目前", "产假", "在家", "要", "当", "奶牛", "还要", "去", "学车", "考驾照", "建议", "大家", "先", "换", "我", "说", "的", "whale", "威", "屁", "恩", "(", "怕", "查", "水表", "实在", "不行", "答", "主", "会", "帮", "注册", "谁", "叫", "答", "主", "我", "又", "善良", "又", "瘦", "呢", "(", "微笑", "but", "注册", "有", "一点", "就是", "我们", "要", "同时在线", "!", "so", "这个", "真", "要", "猿粪", "!", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "20160712", "-", "-", "-", "-", "-", "-", "-", "-", "/", "/"], ["-", "-", "-", "-", "-", "以下", "是", "原文", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "亲", "们", "赶紧", "用", "youtube", "啊啊啊", "啊啊", "啊", "啊", "我", "把", "以上", "所有", "方法", "都", "试", "了", "只有", "这个", "可以", "用", "!"], ["首先", "app", "store", "里", "搜", "YouTube", "下载"], ["然后", "打开", "YouTube", "有", "个", "登录", "第一", "次", "进去", "很好", "找", "的", "我", "这", "是", "退出", "了", "必须", "点", "省略号", "才", "行"], ["然后", "点", "用", "google", "账户", "登录", "会", "看到", "创建", "新", "账户", "就这样", "一直", "点", "下一步", "就", "可以", "了", "刚刚", "又", "注册", "了", "个", "小伙伴", "们", "快", "去", "吧", "!", "ps", "全程", "要", "翻墙", "。", "-", "/", "/", "/", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "/", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "—", "我", "去", "知乎", "又", "抽", "了", "我", "的", "图", "应该", "是", "在", "第一个", "然后", "后面", "都", "给", "我", "放", "前面", "了", "不过", "就这样", "吧", "!", "懒癌", "晚期", "表示", "不", "想", "改", "了", "~"], ["-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "20160710", "有", "小伙伴", "反映", "手机号", "还是", "无法", "验证", "解决办法", "就是"], ["~", "申请", "此", "电话号码", "无法", "用于", "进行", "验证码", "11", "/", "8", "留", "~", "~", "~", "真", "NMB", "累", "~"]], "paragraphs": ["多谢各位的关心和帮助,问题已经解决了,只要登录香港版的谷歌就可以注册了,至于网址就不方便写出来了,请自行百度。", "说一个既不用翻墙又不要切换地区的注册方法吧,下载一个网易邮箱大师,然后添加账号,先随便敲一个@gmail的地址,在跳转的页面里直接注册账号就行了。", "更新一下哈,这个方法直接在手机端下载App按照步骤来做就行了(我用的是iPhone版的,Android 版的没试过)。", "尝试N种方法,换N个地方的VPN,最后发现,打开QQ邮箱,选择“添加账户”-》gmail-》然后正常注册就可以使用中国电话收短信。毫无障碍可言,不用vpn,快的一B。第一次觉得企鹅也不是只看人民币玩家。。。。", "苹果手机(挂VPN)--设置--邮件、同学录、日历---添加账户---选“google”--- 进到google登录界面选“其他选项”---填写姓名---到填写电话那里了!!高潮来了!!! 往下看!!", "不管你挂哪里的VPN!!啥都不用改!!!", "直接在后边写 +86你的手机号码!!", "直接在后边写 +86你的手机号码!!", "直接在后边写 +86你的手机号码!!", "直接在后边写 +86你的手机号码!!", "直接在后边写 +86你的手机号码!!", "直接在后边写 +86你的手机号码!!", "别改前边儿的自动选区号!!!自己在后边儿加 “+86手机号”!!!", "别改前边儿的自动选区号!!!自己在后边儿加 “+86手机号”!!!", "别改前边儿的自动选区号!!!自己在后边儿加 “+86手机号”!!!", "后边儿就正常填了,能受到验证码就一马平川了!", "一次成功!!!亲试有用!!!苹果手机可以通过以下步骤解决注册谷歌账号时手机号码无法通过验证的方法:1、成功连接vpn;2、设置➡️邮件➡️添加账号➡️Google➡️更多选项➡️创建新账号;3、填完资料➡️填完手机号即可收取验证码➡️注册成功!!! 本人之前网页注册一直显示手机号码无法通过验证,用了此方法,一次注册成功!!!", "一个偏方,先谷歌“gmail香港”,然后点击进入 “登入- Google 帳戶” (应该是搜索结果页面的第二个),然后从这里开始注册,流程和页面和直接用谷歌注册一样,但是字体自动变成了繁体。这个办法也不是100%成功,大家可以尝试一下。", "换一个别人的手机号试试看…这一步只是起到类似验证码的作用,不会把号码绑定到你账号上的。", "都想玩pokemon吧。。", "并不知道題主为何会发生这种情况,但是纠正轮子哥,中国大陆手机是可以用的,我一直在用...", "我来说一个非常简单的方法,你在电脑上用chromium注册,手机验证可以跳过。chromium下载地址 https://download-chromium.appspot.com/ 下载后无需安装,解压运行 chrome.", "2016.2.28补充说明:我是使用客户端注册的,至于网页行不行没试过,如果有人成功请回复。", "我按照以上朋友的回答,全部没起作用。我说说我自己的方法。", "首先,我也是手机号没法验证,所以我就不管google去用facebook了。", "然后,我在用facebook客户端的时候,打开youtube,在那里登陆,登陆时注册一个新的账户。虽然是全英文不过应该没多大影响≧∇≦在那里注册的大陆手机号可以收到短信。", "注意:请在facebook客户端内打开注册页面,不知为何,我用uc浏览器打开该链接时依然无法注册。", "希望有效或无效的盆友都在此回答下评论~\\(≧▽≦)/~", "注册,手机号选中国,所在地选香港,然后用电话验证,在手机号那里面 输入+86 xxxxxx", "被虐了两天,网上说的方法全试了一遍都不行。最终自己摸索出一个没有人用过的方法,用chrome浏览器,在设置那里,先把高级选项里的语言设置成英文(其他语言不知道)然后应用,关掉浏览器再打开接下来的步骤就是之前有人说过的,在“设置”那里选择sign in--create new account---接下来的事情就很简单了,到了验证电话那一步多了一个选项“skip\",尼玛,等的就是这个,还有什么难度?", "上午挂VPN进谷歌网站直接注册,每次到了手机号那一步都失败。试了好多网上说的方法都没用,最后受到某个知友(忘记了名字,抱歉啊)的启发,我决定用YouTube注册(因为实在是懒得再进网站了,刚好手机上有个谷歌旗下的油管),先挂上VPN走日本线路,油管登录的时候选择注册新账号,到了手机号这一步,我没看到能跳过的选项,选择CN(中国),然后填了自己的手机号,果然不行,提示无法验证之类的。然后改成HK(香港),还是不行,不过提示变了一个,不是无法验证了。我灵机一动输入我妈的手机号,提示正在发送验证码,但是等了好久都没有收到,在短信拦截里面也没找到。然后我返回VPN走香港线路,再回到油管选HK填自己的手机号,不行!填我妈的手机号,验证码还是发不过来!", "啊啊啊,想起来了,忘记在手机号前加86……………………", "一秒钟收到短信,我快被自己感动哭了", "当我跟我妈要验证码的时候,她是不愿意的,都怪现在的骗子,害我妈连亲闺女都不相信了,直到我再三说明不干坏事,才肯上交验证码。", "啊,对了,我妈的手机号是130开头。", "苹果手机 1⃣️开vpn 2⃣️设置_邮件_添加账号_谷歌_更多选项_创建新账号,3⃣️填资料就可以注册成功,填写手机号秒收验证码,亲测有效,已经注册两个!", "_(:з」∠)_ ios系统一枚。", "PS 实在注册不成功的。。可以私信我帮你。但是不保证百分百成功。私信吧要用的信息都写上", "---------------------接到很多私信 都是二半夜啊啊!你们都是时差党吗!答主目前产假在家 要当奶牛 还要去学车考驾照 建议大家先换我说的 whale 威屁恩 (怕查水表 实在不行答主会帮注册 谁叫答主我又善良又瘦呢(微笑 but 注册有一点就是我们要同时在线!so 这个真要 猿粪!--------------20160712--------//", "-----以下是原文——————————————亲们赶紧用youtube啊啊啊啊啊啊啊 我把以上所有方法都试了 只有这个可以用!", "首先appstore里搜YouTube 下载", "然后 打开YouTube 有个登录第一次进去很好找的 我这是退出了必须点省略号才行", "然后 点用google账户登录 会看到创建新账户 就这样一直点下一步就可以了 刚刚又注册了个 小伙伴们快去吧! ps 全程要翻墙。 -///-------------------------/--------------———————————我去 知乎又抽了 我的图应该是在第一个然后后面 都给我放前面了 不过就这样吧!懒癌晚期表示不想改了~", "--------------------------20160710有小伙伴反映手机号还是无法验证 解决办法就是", "~申请此电话号码无法用于进行验证码 11/8留~~~ 真NMB累~"], "bs_rank_pos": 0}, {"is_selected": true, "title": "google账号注册显示此手机无法用于验证_百度经验", "most_related_para": 4, "segmented_title": ["google", "账号", "注册", "显示", "此", "手机", "无法", "用于", "验证", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["大家", "注册", "google", "账号", "的", "都会", "遇到", "“", "此", "手机", "无法", "用于", "验证", "”", "的", "难题", "。", "小", "编", "像", "大家", "一样", "试", "了", "网上", "的", "很多", "办法", "都", "无效", "。", "最终", ",", "历", "经", "千辛万苦", ",", "找到", "了", "一", "个", "非常", "简便", "的", "方法", "。", "当然", "好", "方法", "我们", "就", "应该", "拿来", "共享", ",", "所以", "特", "地", "分享", "给", "大家", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "进入", "app", "后", ",", "随便", "填写", "一", "个", "以", "@", "gmail", "结尾", "的", "邮箱", "账号", "步骤", "阅读", "2", "下一步", "就", "到", "了", "google", "账号", "登录界面", ",", "在这里", "点击", "选择", "账号", "输入框", "下", "的", "“", "创建", "账户", "”", "链接", "。", "步骤", "阅读", "3", "在", "创建", "账户", "页面", ",", "填写", "相应", "信息", "。", "(", "在这里", ",", "要", "注意", "手机号码", "要", "选择", "中国", "+", "86", "的", "。", ")", "然后", "点击", "继续", ",", "不用", "输入", "什么", "验证码", ",", "就", "可以", "成功", "创建", "google", "账号", "了", "。", "步骤", "阅读", "步骤", "阅读", "4", "Google", "账号", "创建", "成功", "之后", ",", "Google", "的", "gmail", "小组", "会", "给", "你", "发", "一封", "邮件", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["请", "一定", "选择", "手机号码", "为", "中国", "+", "86", "的", "!", "如果", "帮", "到", "你", ",", "请投我一票", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "大家注册google账号的都会遇到“此手机无法用于验证”的难题。小编像大家一样试了网上的很多办法都无效。最终,历经千辛万苦,找到了一个非常简便的方法。当然好方法我们就应该拿来共享,所以特地分享给大家。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 进入app后,随便填写一个以@gmail结尾的邮箱账号 步骤阅读 2 下一步就到了google账号登录界面,在这里点击选择账号输入框下的“创建账户”链接。 步骤阅读 3 在创建账户页面,填写相应信息。(在这里,要注意手机号码要选择中国+86的。)然后点击继续,不用输入什么验证码,就可以成功创建google账号了。 步骤阅读 步骤阅读 4 Google账号创建成功之后,Google的gmail小组会给你发一封邮件。 步骤阅读 END", "百度经验:jingyan.baidu.com", "请一定选择手机号码为中国+86的! 如果帮到你,请投我一票。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "google账号申请最后一步手机验证怎么办!? - 知乎", "most_related_para": 29, "segmented_title": ["google", "账号", "申请", "最后", "一", "步", "手机", "验证", "怎么办", "!", "?", "-", "知乎"], "segmented_paragraphs": [["如", "题", ".", ".", ".", "中国", "手机号", "就是", "不", "让", "验证", "!"], ["刚", "注册", "成功", ",", "分享", "一", "下", "。", "下一个", "谷歌", "安装", "器", "app", ",", "这个", "APP", "会", "自动", "将", "谷歌", "全家桶", "都", "下", "好", "。", "点击", "play", "商店", "注册", ",", "就", "不", "需要", "手机号", "了", ",", "只", "需要", "按照", "步骤", "注册", "一", "个", "谷歌", "的", "邮箱", "就", "OK", "。", "更新", "play", "商店", ",", "然后", "大功告成", "。"], ["下一个", "hosts", "解析", "器", ",", "连接", "成功", "后", ",", "登录", "gmail", ",", "然后", "按", "正常", "程序", "注册", "申请", ",", "不用", "验证码", "就", "申请", "成功", "了", ",", "但是", "登录", "小精灵", "的", "时候", "就会", "要", "你", "验证", ",", "几秒钟", "就能", "收到", "验证", "短信", ",", "很快", ",", "亲", "测", "有效", "!", "!", "!"], ["可以", "啊", ",", "头", "个", "月", "我", "还", "绑定", "手机号", "来着", "。", "要", "不", "换", "个", "路线", "。"], ["Google", "的", "帐号", "和", "密码", "其实", "就是", "Gmail", "的", "帐号", "和", "密码", "你", "可以", "去", "这个网站", "注册"], ["我", "是", "这样", "的", "1", ".", "开始", "填完", "姓名", "2", ".", "用户名", "那里", "开始", "点击", "我", "想", "使用", "我", "目前", "的", "电子邮件地址", "3", ".", "密码", "性别", "生日", "(", "最好", "大于", "18", "岁", ")", "填完后", "4", ".", "手机", "那里", "选中", "国", "5", ".", "位置", "那里", "选", "美国", "6", ".", "最后", "开始", "验证", "号码", ",", "选", "中国", ",", "输入", "号码", "验证", ".", "打开", "邮件", "继续", "完成", ".", "但是", "好像", "是", "个", "辅助", "账号", ",", "不过", "油管", "也", "算", "是", "上去", "了"], ["几年前", "注册", "的", "Google", "账号", "弄", "丢了", ",", "然后", "今天", "申请", "了", "一上午", "没", "搞定", "。", "下午", "七上八下", "各种", "尝试", ",", "终于", "注册成功", "。", "总结一下", ":"], ["1", ".", "开", "一", "个", "vpn", "2", ".", "手机", "中", "Google", "浏览器", "申请", "账号", "3", ".", "注册", "的", "时候", "不要", "选", "Gmail", "的", "邮箱", "选", "自己", "已有", "的", "邮箱注册", "4", ".", "国家", "统一", "选中", "国", "号码", "不用", "加", "任何", "东西", "提示", "你", "输", "什么", "就", "输", "什么"], ["然后", "就", "可以", "发送", "验证码", "到", "手机", "并且", "可以", "收到", "注册成功"], ["这个时候", "注册", "的", "是", "没有", "Gmail", "邮箱", "账号", "的", "如果", "要", "Gmail", "邮箱", "账号", "还要", "填", "手机号", "发", "验证码", "再", "申请", ",", "到", "现在", "也", "没有", "发送", "成功", "验证码", "。", "。", "。", "。", "话说", "这个", "可能", "就是", "Gmail", "的", "原因", "导致", "之前", "申请", "不", "了", "。", "。", "。"], ["好", "了", "希望", "这个方法", "对", "大家", "有用"], ["注册", "的", "时候", ",", "电话", "都", "要", "填", "中国", "的", ",", "就是", "那个", "+", "86", "的", "(", "下滑", "找", "了", "我", "半天", ")"], ["上", "淘宝", "买", "一", "个"], ["刚刚", "成功", "太", "激动", "来", "给", "大家", "分享", "一", "下", "!"], ["在", "chrome", "搜索", "“", "google", "香港", "”"], ["点击", "“", "登入", "-", "google", "賬戶", "”", "页面", "注册", "就", "行"], ["我", "挂", "的", "香港", "vpn", ",", "第一个", "页面", "号码", "和", "地区", "都是", "中国", ",", "我自己", "邮箱", "没有", "填", ","], ["刚", "成功", "线路", "换", "成", "日本", "的", "秒", "发", "我自己", "都", "不敢相信", "就", "酱"], ["用手机", "下载", "谷歌", "浏览器", ",", "然后", "登录", "谷歌", "香港", ",", "都", "填", "好", "了", "之后", ",", "最后", "所在地", "选择", "香港", ",", "可以", "收到", "验证码", "。", "自己", "刚", "注册", "了"], ["在", "网页", "上", "注册", "成功", "了", ",", "方法如下", ":"], ["1", "、", "VPN", "选择", "节点", "为", "香港", "(", "关键", ")", "2", "、", "位置", "选择", "为", "香港", "(", "第二个", "红", "框", ")", ",", "电话号码", "就", "直接", "填写", "国内", "的", ",", "形式", "如", "+", "86", "13", "x", "xxxx", "xxxx", ",", "然后", "进行", "下一步", "3", "、", "填写", "待", "验证", "的", "手机号码", ",", "此时", "的", "号码", "的", "形式", "为", "13", "x", "xxxx", "xxxx", "(", "注意", "没有", "+", "86", ")", "4", "、", "然后", "点", "继续", "就能", "收到", "短信", "了"], ["这个", "必须", "来", "回答", "下", ",", "昨晚", "注册", "Google", "账号", ",", "前面", "都是", "好", "好", "的", ",", "最后", "一", "步", "验证", "手机号", "的", "时候", ",", "死活", "无法", "验证", ",", "换", "了", "手机号", ",", "换", "了", "VPN", "地点", "都", "无果", ",", "折腾", "了", "10", "来", "次", ",", "真", "的", "想", "放弃", "了", ",", "但是", "又", "必须", "要", "注册", ",", "才能", "使用", "Google", "Analysis", ",", "所以", "最后", "只能", "沉下", "心", "来", ",", "每个", "选项", "不断", "验证", "。", "最后", ",", "奇迹", "发生", "了", "!", "!", "!", "!", "我", "来", "总结", "几点", "吧", "(", "或许", "还有", "更好", "的", "方法", ")", ":"], ["将", "chrome", "浏览器", "改为", "IE", "浏览器", "前面", "手机号", "写", "+", "86", "的", "位置", "随便", "选", ",", "千万不要", "选", "“", "中国", "”", "验证", "短信", "的", "时候", "不需要", "+", "86", ",", "直接", "填", "手机号", "就好", "了", "验证", "完成", "就", "大功告成", "啦", "!", "!", "!", "Google", "小组", "还会", "给", "你", "的", "备用", "邮箱", "发送", "一封", "邮件", "O", "(", "∩", "_", "∩", ")", "O"], ["通过", "以上", "方法", ",", "我", "同事", "也", "顺利", "注册", "完成", "了", "~", "~", "~", "希望", "对", "正在", "被", "Google", "注册账号", "折磨", "的", "童鞋", "们", "也有", "帮助", "~", "~", "~"], ["我", "在", "电脑", "上", "用", "所有", "的", "浏览器", "试", "了", "一", "个", "遍", "都", "没", "弄好", ",", "不管", "是", "用", "哪里", "的", "VPN", "还是", "什么", "。", "然后", "用手机", "下载", "一", "个", "谷歌", "浏览器", "的", "APP", ",", "搜", "Google", "官网", "创建", "账号", ",", "填", "了", "手机号", "但", "没用", "上", ",", "验证", "的", "信息", "直接", "发", "到", "了", "邮箱", "里", "然后", "就", "可以", "了", "!", "!", "真心", "累", "人", "啊", "。"], ["手机", "下载", "谷歌", "安装", "器", ",", "一", "个", "应用", ",", "可以", "帮助", "装", "好", "框架", "什么", "的", "。"], ["之后", "这个", "app", "里", "可以申请", "谷歌", "账号", ",", "我", "就", "这么", "莫名其妙", "收到", "了", "短信"], ["原", "申请", "了", "一天", ",", "最后", "采用", "题", "内", "@", "卜", "之", "的", "方法", ",", "也", "莫名", "的", "收到", "验证码", ",", "搞定", "之"], ["都", "忘", "了", "当时", "是", "怎么", "申请", "成功", "的", ",", "就", "记得", "验证码", "是", "浙江", "的", "一", "个", "号码", "发", "过来", "的", ".", ".", ".", ".", "笑", "CRY", ".", ".", ".", "."], ["说", "一", "个", "我", "成功", "申请", "谷歌", "账号", "的", "经历", ",", "但", "不确定", "是否", "对", "其他人", "有用", "。", "我", "是", "在", "(", "香港", ")", "谷歌", "YouTube", "网站", "申请成功", "的", "。", "1", ".", "电脑", "连", "上", "vpn", ",", "打开", "浏览器", ",", "先", "打开", "香港", "谷歌", "网站", ",", "在", "没有", "账号", "的", "情况", "下", "打开", "YouTube", ",", "并", "随意", "选", "一", "内容", "订阅", ",", "便", "会出现", "申请", "谷歌", "账号", "的", "页面", ";", "2", ".", "依次", "填写", ",", "另外", "邮箱", "需", "写", "明确", ";", "手机号", ",", "地区", "均", "选", "中国", "大陆", ";", "3", ".", "填写", "完成", "后", ",", "点击", ",", "而后", "并", "不需要", "手机", "接收", "验证码", ",", "因为", "此时", "谷歌", "便", "会", "发", "一", "账号", "注册", "激活", "链接", "于", "自己", "所", "填写", "的", "邮箱", "中", ";", "4", ".", "在", "电脑", "端", "打开", "邮箱", ",", "点击", "链接", ",", "便", "可", "成功", "注册", "谷歌", "账号", "。"], ["手机", "挂", "vpn", "就", "可以", "了"], ["我", "是", "在", "电脑", "端", "安装", "lantrn", "翻墙", "的", "。", "虽然", "说", "流量", "用完", "了", ",", "但是", "还能", "翻墙", ",", "所以", "就", "没", "升级", "。", "(", "问题", "1", ":", "升级", "跟", "不", "升级", "有", "什么", "影响", "?", ")"]], "paragraphs": ["如题...中国手机号就是不让验证!", "刚注册成功,分享一下。下一个谷歌安装器app,这个APP会自动将谷歌全家桶都下好。点击play商店注册,就不需要手机号了,只需要按照步骤注册一个谷歌的邮箱就OK。更新play商店,然后大功告成。", "下一个hosts解析器,连接成功后,登录gmail,然后按正常程序注册申请,不用验证码就申请成功了,但是登录小精灵的时候就会要你验证,几秒钟就能收到验证短信,很快,亲测有效!!!", "可以啊,头个月我还绑定手机号来着。要不换个路线。", "Google的帐号和密码其实就是Gmail的帐号和密码 你可以去这个网站注册", "我是这样的1.开始填完姓名2.用户名那里开始点击我想使用我目前的电子邮件地址3.密码性别生日(最好大于18岁)填完后4.手机那里选中国5.位置那里选美国6.最后开始验证号码,选中国,输入号码验证.打开邮件继续完成.但是好像是个辅助账号,不过油管也算是上去了", "几年前注册的Google账号弄丢了,然后今天申请了一上午没搞定。下午七上八下各种尝试,终于注册成功。总结一下:", "1.开一个vpn 2.手机中Google浏览器申请账号 3.注册的时候不要选Gmail的邮箱 选自己已有的邮箱注册 4.国家统一选中国 号码不用加任何东西 提示你输什么就输什么", "然后就可以发送验证码到手机 并且可以收到 注册成功", "这个时候注册的是没有Gmail邮箱账号的 如果要Gmail邮箱账号 还要填手机号发验证码再申请,到现在也没有发送成功验证码。。。。话说这个可能就是Gmail的原因 导致之前申请不了 。。。", "好了希望这个方法对大家有用", "注册的时候,电话都要填中国的,就是那个+86的(下滑找了我半天)", "上淘宝买一个", "刚刚成功太激动来给大家分享一下!", "在chrome搜索 “google香港”", "点击“登入-google賬戶”页面注册就行", "我挂的香港vpn,第一个页面号码和地区都是中国,我自己邮箱没有填,", "刚成功线路换成日本的秒发我自己都不敢相信就酱", "用手机下载谷歌浏览器,然后登录谷歌香港,都填好了之后,最后所在地选择香港,可以收到验证码。自己刚注册了", "在网页上注册成功了,方法如下:", "1、VPN选择节点为香港(关键) 2、位置选择为香港(第二个红框),电话号码就直接填写国内的,形式如+86 13x xxxx xxxx,然后进行下一步 3、填写待验证的手机号码,此时的号码的形式为 13x xxxx xxxx(注意没有+86) 4、然后点继续就能收到短信了", "这个必须来回答下,昨晚注册Google账号,前面都是好好的,最后一步验证手机号的时候,死活无法验证,换了手机号,换了VPN地点都无果,折腾了10来次,真的想放弃了,但是又必须要注册,才能使用Google Analysis,所以最后只能沉下心来,每个选项不断验证。最后, 奇迹发生了!!!!我来总结几点吧(或许还有更好的方法):", "将chrome浏览器改为IE浏览器 前面手机号写+86的 位置随便选,千万不要选“中国” 验证短信的时候不需要+86,直接填手机号就好了 验证完成就大功告成啦!!! Google小组还会给你的备用邮箱发送一封邮件O(∩_∩)O", "通过以上方法,我同事也顺利注册完成了~~~希望对正在被Google注册账号折磨的童鞋们也有帮助~~~", "我在电脑上用所有的浏览器试了一个遍都没弄好,不管是用哪里的VPN还是什么。然后用手机下载一个谷歌浏览器的APP,搜Google官网创建账号,填了手机号但没用上,验证的信息直接发到了邮箱里然后就可以了!!真心累人啊。", "手机下载谷歌安装器,一个应用,可以帮助装好框架什么的。", "之后这个app里可以申请谷歌账号,我就这么莫名其妙收到了短信", "原申请了一天,最后采用题内@卜之的方法,也莫名的收到验证码,搞定之", "都忘了当时是怎么申请成功的,就记得验证码是浙江的一个号码发过来的....笑CRY....", "说一个我成功申请谷歌账号的经历,但不确定是否对其他人有用。我是在(香港)谷歌YouTube网站申请成功的。1.电脑连上vpn,打开浏览器,先打开香港谷歌网站,在没有账号的情况下打开YouTube,并随意选一内容订阅,便会出现申请谷歌账号的页面;2.依次填写,另外邮箱需写明确;手机号,地区均选中国大陆;3.填写完成后,点击,而后并不需要手机接收验证码,因为此时谷歌便会发一账号注册激活链接于自己所填写的邮箱中;4.在电脑端打开邮箱,点击链接,便可成功注册谷歌账号。", "手机挂vpn 就可以了", "我是在电脑端安装lantrn翻墙的。虽然说流量用完了,但是还能翻墙,所以就没升级。(问题1:升级跟不升级有什么影响?)"], "bs_rank_pos": 2}, {"is_selected": false, "title": "google谷歌账号注册显示此手机无法用于验证怎么办?_浏览下载_软件", "most_related_para": 5, "segmented_title": ["google", "谷歌", "账号", "注册", "显示", "此", "手机", "无法", "用于", "验证", "怎么办", "?", "_", "浏览", "下载", "_", "软件"], "segmented_paragraphs": [["大家", "注册", "google", "账号", "的", "都会", "遇到", "“", "此", "手机", "无法", "用于", "验证", "”", "的", "难题", "。", "小", "编", "像", "大家", "一样", "试", "了", "网上", "的", "很多", "办法", "都", "无效", "。", "最终", ",", "历", "经", "千辛万苦", ",", "找到", "了", "一", "个", "非常", "简便", "的", "方法", "。", "当然", "好", "方法", "我们", "就", "应该", "拿来", "共享", ",", "所以", "特", "地", "分享", "给", "大家", "。"], ["google", "谷歌", "账号", "注册", "显示", "此", "手机", "无法", "用于", "验证", "怎么办", "?"], ["在", "电脑", "官网", "上", "注册账号", "验证", "手机号码", "时", "显示", "是", "这样", "的", ",", "“", "此", "电话号码", "无法", "用于", "进行", "验证", "”", "。"], ["首先", "点击", "进入", "手机", "版", "邮件", "app", ",", "点击", "添加", "Gmail", "账号", "。", "(", "不同", "手机", "型号", "界面", "会", "有所", "不同", ")", "进入", "app", "后", ",", "随便", "填写", "一", "个", "以", "@", "gmail", "结尾", "的", "邮箱", "账号"], ["下一步", "就", "到", "了", "google", "谷歌", "账号", "登录界面", ",", "在这里", "点击", "选择", "账号", "输入框", "下", "的", "“", "创建", "账户", "”", "链接", "。"], ["在", "创建", "账户", "页面", ",", "填写", "相应", "信息", "。", "(", "在这里", ",", "要", "注意", "手机号码", "要", "选择", "中国", "+", "86", "的", "。", ")", "然后", "点击", "继续", ",", "不用", "输入", "什么", "验证码", ",", "就", "可以", "成功", "创建", "google", "谷歌", "账号", "了", "。"], ["Google", "谷歌", "账号", "创建", "成功", "之后", ",", "Google", "谷歌", "的", "gmail", "小组", "会", "给", "你", "发", "一封", "邮件", "。"], ["请", "一定", "选择", "手机号码", "为", "中国", "+", "86", "的", "!"]], "paragraphs": ["大家注册google账号的都会遇到“此手机无法用于验证”的难题。小编像大家一样试了网上的很多办法都无效。最终,历经千辛万苦,找到了一个非常简便的方法。当然好方法我们就应该拿来共享,所以特地分享给大家。", "google谷歌账号注册显示此手机无法用于验证怎么办?", "在电脑官网上注册账号验证手机号码时显示是这样的,“此电话号码无法用于进行验证”。", "首先点击进入手机版邮件app,点击添加Gmail账号。(不同手机型号界面会有所不同)进入app后,随便填写一个以@gmail结尾的邮箱账号", "下一步就到了google谷歌账号登录界面,在这里点击选择账号输入框下的“创建账户”链接。", "在创建账户页面,填写相应信息。(在这里,要注意手机号码要选择中国+86的。)然后点击继续,不用输入什么验证码,就可以成功创建google谷歌账号了。", "Google谷歌账号创建成功之后,Google谷歌的gmail小组会给你发一封邮件。", "请一定选择手机号码为中国+86的!"], "bs_rank_pos": 3}, {"is_selected": true, "title": "注册Gmail,验证手机号码的时候提示“此号码不能用于验证”,怎么解决", "most_related_para": 3, "segmented_title": ["注册", "Gmail", ",", "验证", "手机号码", "的", "时候", "提示", "“", "此", "号码", "不能", "用于", "验证", "”", ",", "怎么", "解决"], "segmented_paragraphs": [["听", "着", ",", "列", "位", "跟", "vpn", "都", "没关系", ",", "我", "一直", "挂", "着", "美国", "vpn", "但是", "请", "从", "chrome", "换", "成", "IE", "。", "。", "。", "就好", "了", "!", "!", "一", "脸", "惊恐", "。", "。", "。", "。", "。", "。"], ["这个问题", "我们", "也是", "试", "了", "很久", "才", "解决", "的", "。"], ["一开始", ",", "无论", "填", "什么", "号码", "都", "不行", ",", "换", "了", "好多", "手机号码", ",", "固定电话", "号码", ",", "都", "不行", "。"], ["后来", "终于", "找到", "了", "窍门", ":", "关键", "在于", "你", "注册", "的", "第一步", ",", "选", "国家", "的", "时候", "一定要", "根据", "你", "的", "VPN", "的", "国家", "来", "选", ",", "不是", "选中", "国", "的", "。", "到", "了", "第二步", ",", "用", "中国", "的", "手机号", "就能", "注册", "了", "。"], ["我", "刚刚", "遇到", "同样", "的", "问题", ",", "VPN", "选用", "的", "是", "美国", "服务器", ",", "无论", "试", "多少次", "都是", "提示", "此", "号码", "无法", "验证", ",", "切换", "到", "日本", "服务器", "后", "一", "次", "就好", "了"], ["用", "网易", "邮箱", "大师", "或者", "QQ邮箱", "客户端", "添加", "gmail", "邮箱", ",", "然后", "跳转", "到", "一", "个", "登录", "的", "网页", ",", "就", "可以", "注册", "了", ",", "最后", "手机", "验证", "可以通过", "。", "(", "有", "一定", "成功率", ",", "看", "人品", "的", "时候", "到", "了", ")"], ["1", ".", "打开", "谷歌", "浏览器", "(", "得", "是", "最新版本", "的", ")", ",", "点击", "设置", "后", ",", "再", "点", "登录", "Chrome", "2", ".", "点击", "更多", "选项", ",", "创建", "新", "账号", "。"], ["之后", "就", "水到渠成", "了", "。"], ["刚刚", "注册", "成功", "。", "折腾", "了", "好久", ",", "最后", "换", "了", "Chrome", "浏览器", "就", "成功", "了", "。", "手机号", "在", "注册", "的", "第一个", "界面", "时", "就", "填", "+", "86", "xxxx", "xxxx", ",", "第二个", "界面", "会", "自动", "显示", "出", "你", "在", "第一页", "填", "的", "号码", ",", "然后", "选", "语音", "验证", ",", "立马", "加拿大", "的", "电话", "打", "过来", ",", "中文", "男声", ",", "先", "一句", "开场白", ",", "然后", "就是", "六", "位", "数字", "验证码", ",", "输入", "后", "验证", "成功", "!", "十分", "快捷", ",", "赞", "一", "个", "。"], ["花", "了", "七", "个", "点", "注册", "Gmail", ",", "最后", "终于", "成功", "了", "。", "手机", "下载", "chrome", "app", ",", "连接", "美国", "vpn", ",", "打开", "app", "进入", "Gmail", "网页", "版", ",", "然后", "注册", ",", "我", "是", "手机号", "和", "地区", "都", "没", "改", "也", "没", "填写", ",", "然后", "直接", "注册", "成功", "了", ",", "之后", "在", "电脑", "上", "打开", "chrome", "浏览器", "自带", "的", "登录", ",", "进去", "之后", "输入", "Gmail", "地址", ",", "然后", "会", "让", "验证", "手机号", ",", "前边", "的", "地区", "不改", ",", "手机号码", "+", "86", "xxx", "xxxx", "xxxx", "格式", "写", ",", "然后", "就会", "发送", "验证", "短信", ",", "马上", "就", "过来", "了", ",", "最后", "终于", "成功", "了", ",", "花", "了", "七", "个", "小时", "。", "。", "。"], ["刚刚", "亲", "测", "有效", "。", "首先", "需要", "挂", "上", "vpn", "。", "然后", "打开", "谷歌", "官网", "注册", "。", "所在地区", "选择", "VPN", "所用", "的", "服务器", "的", "地区", "。", "在", "注册", "的", "这个", "表格", "里", "手机号码", "是", "不", "必须", "的", "哈哈哈", "。", "然后", "就", "可以", "提交", "了", "。", "提交", "之后", "他", "会", "告诉", "你", "需要", "验证", "。", "你", "再", "输", "手机号", "就好", "了", "。", "好像", "手机号码", "的", "地区", "不重要", "。", "我", "就", "没有", "改", "。", "还是", "美国国旗", "。", "但是", "我", "的", "手机号码", "格式", "为", "+", "86", "xxx", "xxxx", "xxxx", ".", "就是要", "有", "空格", "!", "!", "!", "!", "一共", "三", "个", "空格", "哦", "!", "开心", "!", "折腾", "了", "一晚", "终于", "注册", "好", "了", "!", "注册成功", "的", "记得", "要", "回来", "点赞", "啊", "哈哈哈", "!"], ["我", "用", "的", "VPN", "是", "美国", "服务器", "。", "所以", "最", "下面", "位置", "一栏", "我", "选", "了", "美国", "。", "提交", "表格", "时", "手机", "不是", "必须", "的", ",", "我", "就", "先", "空", "下来", "了", "。"], ["谷歌", "验证", "太", "恶心", "了", ",", "简直", "是", "崩溃", "了", ",", "用", "注册", "时", "的", "手机号码", "无论如何", "都", "验证", "不", "了", ",", "垃圾", ",", "浪费", "我", "大", "把", "的", "时间"], ["把", "上面", "方法", "都", "试", "了", "还是不行", ",", "然后", "用", "chrome", "浏览器", "成功", "了", "。", "到", "chrome", "浏览器", "的", "设置", "里面", "找到", "一", "个", "绑定", "谷歌", "账号", "的", "选项", ",", "然后", "从", "那里", "注册", ",", "验证", "手机", "的", "时候", "用", "默认", "的", "地区", ",", "手机号", "前面", "加", "“", "+", "86", "”", ",", "然后", "就", "验证", "成功", "了", "。"], ["B", "了", "狗", "了", ",", "用", "Chrome", "试", "了", "十", "多次", "都", "不行", ",", "用", "microsoft", "edge", "一", "次", "成功", "!", "谷歌", "和", "微软", "之间", "肯定", "有", "什么", "肮脏", "的", "PY", "交易", "!"], ["有毒", "的", "Google", "啊", "换", "了", "好", "几个", "浏览器", "google", "不行", "换", "edge", "最后", "换", "了", "ie", "轻松搞定"], ["具体", "原因", "我", "也", "不太", "清楚", ",", "不过", "题", "主", "可以", "试", "试", "换", "一", "个", "VPN", "服务器", "或", "换", "一", "台", "设备", "注册", "试", "试", ",", "应该", "是", "没问题", "的", ",", "即使", "你", "还是", "使用", "这个", "手机号码", "注册", "。", "(", "格式", "没有", "错", ",", "直接", "输", "手机号码", "就", "可以", "了", ",", "既不", "用", "加", "+", "86", ",", "也", "不用", "按照", "xxx", "-", "xxxx", "-", "xxxx", "这样", "的", "格式", "来", ";", "如果", "是", "次数", "超过", "验证", ",", "会", "直接", "提示", "。", ")"], ["激活", "时候", "国家", "选择", "VPN", "所在地", "国家", ",", "在", "你", "的", "电话", "号码", "前", "加", "+", "86", "然后", "短信", "验证"], ["我", "按照", "你们", "说", "的", ",", "都", "试", "过", "了", ",", ",", "还是", "不可以", "验证", ",", "手机号码", "无法", "验证"], ["用", "谷歌", "浏览器", "没", "成功", ",", "换", "了", "ie", "没", "翻墙", "就", "收到", "验证码", "了"], ["按照", "前面", "给", "的"], ["地区", "选择", "vpn", "的", "地区", ","], ["电话号码", "按照", "+", "86", "XXX", "XXXX", "XXXX", "格式", "填", "了", ","], ["试", "了", "搜狗", "浏览器", "、", "Chrome", "、", "Firefox", "、", "IE"], ["均", "以", "失败", "告", "终", ","], ["看到", "有人", "说", "是", "vpn", "的", "事", ","], ["后来", "又", "测试", "了", "各种", "组合", ",", "结果如下", ":"], ["vpn", "浏览器", "成功", "/", "失败"], ["美国", "IE", "失败"], ["美国", "搜狗", "失败"], ["美国", "Chrome", "失败"], ["日本", "Chrome", "失败"], ["日本", "搜狗", "失败"], ["日本", "IE", "成功"], ["虽然", "可能", "每个", "人", "遇到", "的", "情况", "会", "略", "有", "差异", ",", "但是", "结合", "前面", "的", "答案", ",", "给", "出", "以下", "几点建议", ":"], ["Life", "is", "short", ",", "don", "'", "t", "waste", "yout", "time", "!"], ["直接", "用", "IE", ",", "准", "没错", "!"], ["貌似", "美国", "的", "不好", "用", ",", "日本", "的", "好", "用", ",", "多", "换", "几个", "不同", "的", "vpn", ",", "说不定", "就好", "了"], ["但是", ",", "值得", "指出", "的", "是", ",", "当", "我", "在", "验证", "手机", "的", "地方", "去掉", "+", "86", "时", "(", "采用", "上面", "最后", "一", "种", "组合", ")", ",", "同样", "成功", "了", ",", "像", "下面", "这样", ":"], ["所以", "可能", "+", "86", "不是", "必须", "的", ",", "但是", "加上", "是", "肯定", "没有问题", "的", ",", "所以", "还是", "加上", "好", "了"], ["基本上", "按照", "这", "几点", "来", "排查", ",", "就", "没有问题", "了", ",", "看到", "下面", "这个", "页面", ",", "恭喜你", "!", "你", "成功", "了", "!"], ["用", "chrome", "浏览器", "注册", "邮箱", "不需要", "验证", "手机", "也", "能", "成功", "注册", "亲", "测", "有效"]], "paragraphs": ["听着,列位跟vpn都没关系,我一直挂着美国vpn但是请从chrome换成IE。。。就好了!!一脸惊恐。。。。。。", "这个问题我们也是试了很久才解决的。", "一开始,无论填什么号码都不行,换了好多手机号码,固定电话号码,都不行。", "后来终于找到了窍门:关键在于你注册的第一步,选国家的时候一定要根据你的VPN的国家来选,不是选中国的。到了第二步,用中国的手机号就能注册了。", "我刚刚遇到同样的问题,VPN选用的是美国服务器,无论试多少次都是提示此号码无法验证,切换到日本服务器后一次就好了", "用网易邮箱大师或者QQ邮箱客户端添加gmail邮箱,然后跳转到一个登录的网页,就可以注册了,最后手机验证可以通过。(有一定成功率,看人品的时候到了 )", "1.打开谷歌浏览器(得是最新版本的),点击设置后,再点登录Chrome 2.点击更多选项,创建新账号。", "之后就水到渠成了。", "刚刚注册成功。折腾了好久,最后换了Chrome浏览器就成功了。手机号在注册的第一个界面时就填+86 xxxxxxxx,第二个界面会自动显示出你在第一页填的号码,然后选语音验证,立马加拿大的电话打过来,中文男声,先一句开场白,然后就是六位数字验证码,输入后验证成功!十分快捷,赞一个。", "花了七个点注册Gmail,最后终于成功了。手机下载chrome app,连接美国vpn,打开app进入Gmail网页版,然后注册,我是手机号和地区都没改也没填写,然后直接注册成功了,之后在电脑上打开chrome浏览器自带的登录,进去之后输入Gmail地址,然后会让验证手机号,前边的地区不改,手机号码+86 xxx xxxx xxxx格式写,然后就会发送验证短信,马上就过来了,最后终于成功了,花了七个小时。。。", "刚刚亲测有效。首先需要挂上vpn。然后打开谷歌官网注册。所在地区选择VPN所用的服务器的地区。在注册的这个表格里手机号码是不必须的哈哈哈 。然后就可以提交了。提交之后他会告诉你需要验证。你再输手机号就好了。好像手机号码的地区不重要。我就没有改。还是美国国旗。但是我的手机号码格式为+86 xxx xxxx xxxx. 就是要有空格!!!!一共三个空格哦! 开心!折腾了一晚终于注册好了!注册成功的记得要回来点赞啊哈哈哈!", "我用的VPN是美国服务器。所以最下面位置一栏我选了美国。提交表格时手机不是必须的,我就先空下来了。", "谷歌验证太恶心了,简直是崩溃了,用注册时的手机号码无论如何都验证不了,垃圾,浪费我大把的时间", "把上面方法都试了还是不行,然后用chrome浏览器成功了。到chrome浏览器的设置里面找到一个绑定谷歌账号的选项,然后从那里注册,验证手机的时候用默认的地区,手机号前面加“+86”,然后就验证成功了。", "B了狗了,用Chrome试了十多次都不行,用microsoft edge一次成功!谷歌和微软之间肯定有什么肮脏的PY交易!", "有毒的Google啊 换了好几个浏览器 google不行 换edge 最后换了ie 轻松搞定", "具体原因我也不太清楚,不过题主可以试试换一个 VPN 服务器或换一台设备注册试试,应该是没问题的,即使你还是使用这个手机号码注册。(格式没有错,直接输手机号码就可以了,既不用加 +86,也不用按照 xxx-xxxx-xxxx 这样的格式来;如果是次数超过验证,会直接提示。)", "激活时候国家选择VPN所在地国家,在你的电话号码前加+86然后短信验证", "我按照你们说的,都试过了,,还是不可以验证,手机号码无法验证", "用谷歌浏览器没成功,换了ie没翻墙就收到验证码了", "按照前面给的", "地区选择vpn的地区,", "电话号码按照 +86 XXX XXXX XXXX格式填了,", "试了搜狗浏览器、Chrome、Firefox、IE", "均以失败告终,", "看到有人说是vpn的事,", "后来又测试了各种组合,结果如下:", "vpn 浏览器 成功/失败", "美国IE 失败", "美国 搜狗 失败", "美国Chrome 失败", "日本Chrome 失败", "日本 搜狗 失败", "日本IE 成功", "虽然可能每个人遇到的情况会略有差异,但是结合前面的答案,给出以下几点建议:", "Life is short,don't waste yout time!", "直接用IE,准没错!", "貌似美国的不好用,日本的好用,多换几个不同的vpn,说不定就好了", "但是,值得指出的是,当我在验证手机的地方去掉 +86 时(采用上面最后一种组合),同样成功了,像下面这样:", "所以可能+86不是必须的,但是加上是肯定没有问题的,所以还是加上好了", "基本上按照这几点来排查,就没有问题了,看到下面这个页面,恭喜你!你成功了!", "用chrome浏览器注册邮箱 不需要验证手机 也能成功注册 亲测有效"], "bs_rank_pos": 4}], "answer_spans": [[6, 43]], "fake_answers": ["关键在于你注册的第一步,选国家的时候一定要根据你的VPN的国家来选,不是选中国的。到了第二步,用中国的手机号就能注册了。"], "question": "谷歌账号注册手机无法验证", "segmented_answers": [["进入", "http", ":", "/", "/", "google", ".", "com", ".", "hk", "首页", "后", "把", "下面", "的", "中文简体", "换", "成", "繁体", ",", "大陆", "手机号", "就能", "验证", "成功", "了", "。"], ["进入", "app", "后", ",", "随便", "填写", "一", "个", "以", "@", "gmail", "结尾", "的", "邮箱", "账号", ",", "下一步", "就", "到", "了", "google", "账号", "登录界面", ",", "在这里", "点击", "选择", "账号", "输入框", "下", "的", "“", "创建", "账户", "”", "链接", "。", "在", "创建", "账户", "页面", ",", "填写", "相应", "信息", "。", "(", "在这里", ",", "要", "注意", "手机号码", "要", "选择", "中国", "+", "86", "的", "。", ")", "然后", "点击", "继续", ",", "不用", "输入", "什么", "验证码", ",", "就", "可以", "成功", "创建", "google", "账号", "了", "。"], ["关键", "在于", "你", "注册", "的", "第一步", ",", "选", "国家", "的", "时候", "一定要", "根据", "你", "的", "VPN", "的", "国家", "来", "选", ",", "不是", "选中", "国", "的", "。", "到", "了", "第二步", ",", "用", "中国", "的", "手机号", "就能", "注册", "了", "。"]], "answers": ["进入http://google.com.hk首页后把下面的中文简体换成繁体,大陆手机号就能验证成功了。", "进入app后,随便填写一个以@gmail结尾的邮箱账号,下一步就到了google账号登录界面,在这里点击选择账号输入框下的“创建账户”链接。在创建账户页面,填写相应信息。(在这里,要注意手机号码要选择中国+86的。)然后点击继续,不用输入什么验证码,就可以成功创建google账号了。", "关键在于你注册的第一步,选国家的时候一定要根据你的VPN的国家来选,不是选中国的。到了第二步,用中国的手机号就能注册了。"], "answer_docs": [4], "segmented_question": ["谷歌", "账号", "注册", "手机", "无法", "验证"], "question_type": "DESCRIPTION", "question_id": 181613, "fact_or_opinion": "FACT", "match_scores": [0.9210526315789473]}
-{"documents": [{"is_selected": true, "title": "大结局我想不通啊_机械迷城吧_百度贴吧", "most_related_para": 0, "segmented_title": ["大", "结局", "我", "想不通", "啊", "_", "机械迷城", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["男主", "为什么", "要", "带", "着", "女", "主", "逃跑", "啊", ",", "不能", "住", "城里吗", "?", "他们", "好像", "之", "前", "和", "塔顶", "的", "老爷爷", "就", "有关系", "吧", ",", "为什么", "一定要", "跑", "呢"], ["离开", "这个城市", ",", "而且", "好像", "那个", "电脑", "是", "清醒", "的", "吧", ",", "所以", "是", "男", "主动", "提出", "经过", "他", "同意", "才", "走", "的"], ["然后", "出", "事故", "又", "被", "抓", "起来", "了", ",", "啊", "哈哈", "哈哈"], ["经历", "那么多", "肯定", "要", "出去", "散", "散心", "啦"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "paragraphs": ["男主为什么要带着女主逃跑啊,不能住城里吗?他们好像之前和塔顶的老爷爷就有关系吧,为什么一定要跑呢", "离开这个城市,而且好像那个电脑是清醒的吧,所以是男主动提出经过他同意才走的", "然后出事故又被抓起来了,啊哈哈哈哈", "经历那么多肯定要出去散散心啦", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "bs_rank_pos": 0}, {"is_selected": false, "title": "大发现,可能对隐藏结局有帮助。_机械迷城吧_百度贴吧", "most_related_para": 16, "segmented_title": ["大", "发现", ",", "可能", "对", "隐藏", "结局", "有", "帮助", "。", "_", "机械迷城", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["我", "玩游戏", "时", "有事", "出去", "了", "一", "下", ",", "回来", "后", "发现", "屏幕", "上", "在", "放", "小剧场", ",", "于是", "截", "了", "下来", "。", "因为", "第一次", "比较", "匆忙", ",", "截", "得", "不好", ",", "想", "等等", "看", "会不会", "再", "出现", ",", "结果", "果然", "又", "出现", "了", ",", "而且", "还是", "不一样", "的", "小剧场", "。", "同志们", "看看", "对", "隐藏", "结局", "有没有", "帮助", "。", "这", "是", "三", "个", "不同", "剧场", "的", "动画", "截图", ",", "目前", "发现", "的", "就", "只有", "这", "几", "张", ",", "如", "有", "新发现", "后续", "会", "继续", "发", "图", "。"], ["关于", "前", "人", "说过", "的", "我", "就", "不", "说", "了", ",", "主要", "是", "我", "的", "一些", "观点", "。", "这", "是", "第", "二", "幅", "动画", "中", "的", "截图", ",", "大家注意", "到", "没有", ",", "自从", "这个", "长官", "进", "到城里", "去", "了", "以后", ",", "就", "再", "也", "没有", "看到", "过", "他", "出现", ",", "这", "说明", "什么", ",", "一定", "有猫腻", "!", "我们", "看", "游戏", "中", "有", "个", "动画", "是", "关于", "楼顶", "飞船", "出现", "的", ",", "可是", ",", "从", "飞船", "里", "出来", "的", "人", "呢", "?", "同样", "也是", "警官", "他", "又", "跑到", "哪", "去", "了", "?", "还有", "飞船", "里", "的", "小", "萝莉", "。", "我", "记得", "我们", "上", "飞船", "的", "时候", "飞船", "楼梯", "是", "关", "着", "的", ",", "是", "谁", "关", "的", ",", "为什么", "要", "关", "。", "还有", ",", "在", "游戏", "开始", "时", "叼", "走", "主人翁", "一只", "手臂", "的", "老鼠", "和", "囚牢", "里", "叼", "走", "扫把", "组成", "的", "工具", "的", "老鼠", "是不是", "同", "一只", "。", "此外", ",", "在", "温室幻灯片", "中", "的", "生物", "(", "上", "图", ")", "是", "在", "我们", "从", "乐队", "到", "广场", "中间", "的", "道路", "上", "能看到", "的", ",", "这", "意味着", "什么", "。", "有人", "说", ",", "当", "我们", "用", "雨伞", "过", "了", "贵妇", "那里", ",", "就", "不能", "回去", ",", "我", "想", "了", ",", "这", "水", "是", "从", "哪", "来", "的", ",", "难道", "没有", "什么", "阀门", ",", "同志们", "可以", "搜搜", "看", "。", "我记得", "扳手", "那", "一", "关", "有", "个", "钩子", ",", "如果", "先", "放下", "音响", ",", "再", "用", "大嘴", "扳手", "放水", ",", "尽管", "此后", "可以", "在", "“", "恐龙", "”", "那里", "得到", "第三个", "扳手", ",", "那", "钩子", "呢", "?", "BUG", "?", "不是", "吧", "。", "有", "什么", "想法", ",", "请", "同志们", "在", "后面", "留言", "。"], ["我们", "看", "游戏", "中", "有", "个", "动画", "是", "关于", "楼顶", "飞船", "出现", "的", ",", "可是", ",", "从", "飞船", "里", "出来", "的", "人", "呢", "?", "同样", "也是", "警官", "他", "又", "跑到", "哪", "去", "了", "?", "还有", "飞船", "里", "的", "小", "萝莉", "。", "不好意思", ",", "这个", "找到", "了", ",", "他们", "看", "守", "着", "电梯", "的", "入口", "。"], ["又", "有", "发现", "新", ",", "在", "守卫", "那里", "滑", "下来", "后", "其实", "是", "可以", "原", "路", "返回", "再", "爬上去", "的", "!"], ["在", "广场", "的", "中", "那里", "贴", "着", "月亮", "的", ",", "摇", "出来", "是", "一", "个", "阿拉伯人", ",", "很奇怪", "是", "吧", "。", "按", "纸条", "上", "说", "的", ",", "如果", "钟", "走", "的", "话", "他", "一天", "出来", "三", "次", ",", "再", "看", "老妇人", "的", "纸条", ",", "加一", "块", "的", "话", ",", "只有", "那个", "像", "太阳", "的", "图像", "没有", "出现", "过", ",", "等", "老妇人", "进入", "钟楼", "后", "看到", "的", "纸条", ",", "关于", "太阳", "的", "被", "划", "掉", "了", "!", "为什么", "?", "有点", "诡异", "哦", "!"], ["我记得", "那", "两", "个", "坏蛋", "在", "装", "炸弹", "的", "时候", "是", "直接", "从", "外", "壁", "上", "爬上去", ",", "可是", "是", "从", "哪儿", "爬", "的", "呢", ",", "分析", "一", "下", ",", "如果", "从", "电梯", "入口", "那里", "沿着", "外", "壁", "往上爬", ",", "但是", "胖", "警官", "可是", "在", "那里", ",", "他", "俩", "吃", "了", "胸袭", "豹子胆", "了", "?", "!", "如果说", "他们", "不怕", "胖", "警官", "的", "话", ",", "开始", "也", "就", "没", "必要", "卷", "起", "女主角", "跑", "了", "。", "难道", "还有", "路", "?", "大胆", "假", "想", "一", "下", ",", "假如", "还有", "路", ",", "会不会", "是", "广场", "那个", "弄", "不", "开", "的", "门", ",", "到底", "缺", "什么", "呢", ",", "踌躇", "…", "…"], ["说", "一", "个", "小", "细节", ",", "同志们", "有没有", "注意", ",", "机器人", "不需要", "食物", ",", "只", "需要", "油", ",", "而", "所有", "与", "油", "相关", "的", "东西", "上面", "都", "有", "一", "个", "黑色", "小", "水滴", "一样", "的", "标志", ",", "就", "如", "我", "发", "的", "第", "一", "张", "图片", "。", "甚至", "包括", "所谓", "的", "酒吧", ",", "按", "我", "说", "就", "不该", "叫", "酒吧", ",", "而是", "该", "叫", "油", "吧", ",", "没看见", "各式各样", "的", "油壶", "摆", "在", "架子", "上", "吗", "!", "真是", "搞笑", "。"], ["这", "是", "在", "吧", "里", "找", "的", "一", "张", "图片", "下面", "三", "幅", "小", "图", "中", "的", "第", "二", "幅", ",", "是", "从", "门", "里", "出来", ",", "可是", "问题", "是", "没必要", "啊", ",", "从", "电梯", "里", "是", "能", "下来", "可是", "下来", "干", "啥", "?", "一定", "有猫腻", "!", "!"], ["再来", "看看", "这儿", ",", "也有", "个", "门", ",", "打", "不", "开会", "连", "到哪儿", "呢", "?", "和", "广场", "的", "门", "同样", "打不开", "。", "我", "装", "过", "补丁", "了", ",", "也就是说", "这", "不是", "BUG", ",", "何", "解", "?"], ["同样", "是", "上面", "的", "场景", ",", "左边", "有", "个", "拉杆", ",", "拉", "了", "之后", "会", "换", "一辆", "有", "煤", "的", "车", ",", "煤", "可以", "点", ",", "却", "没有", "用处", ",", "为什么", ",", "如果", "没用", ",", "那", "设计", "的", "时候", "好", "要", "他", "干", "啥", ",", "完全", "没必要", "嘛", ",", "反常", "必", "有", "妖", ",", "古怪", "。"], ["还记得", "这个", "筒", "状", "物", "吗", "?", "他", "也是", "可", "激发", "的", "。"], ["终于知道", "了", ",", "那", "俩人", "是", "从", "大棚", "上面", "爬", "的", "。", "想到", "大棚", "我", "又", "会", "联想", "到", "大棚", "左边", "的", "像", "卷闸门", "发动机", "似", "的", "东西", "。"], ["从", "监狱", "出来", "后", ",", "再", "点", "水管", "居然", "能", "激发", "。", "总", "感觉", "火", "房", "和", "牢房", "之间", "似乎", "还有", "个", "房间", "。"], ["哦", ",", "对", "了", ",", "LZ", "那些", "截图", ",", "貌似", "是", "你", "在", "不做", "任何", "操作", "的", "时候", ",", "主角", "的", "幻想", ".", ".", ".", "没", "什么", "隐藏", "结局", "吧", "。"], ["再来", "看看", "这儿", ",", "也有", "个", "门", ",", "打", "不", "开会", "连", "到哪儿", "呢", "?", "和", "广场", "的", "门", "同样", "打不开", "。", "我", "装", "过", "补丁", "了", ",", "也就是说", "这", "不是", "BUG", ",", "何", "解", "?", "[", "图片", "]"], ["这个", "门", "是", "第", "二", "关", "进来", "的", "那个", "当然", "不能", "进", "了"], ["哇", ",", "LZ", "厉害", "。", "。", "小剧场", "我", "也", "看", "过", "的", ",", "很", "有", "爱"], ["还没有", "百度", "帐号", "?", "立即注册"], ["贴吧", "垃圾", "信息", "处理", "公示", "贴吧", "打击", "收费", "删贴", "警示"], ["吧", "友", "热", "玩游戏", "排行"]], "paragraphs": ["我玩游戏时有事出去了一下,回来后发现屏幕上在放小剧场,于是截了下来。因为第一次比较匆忙,截得不好,想等等看会不会再出现,结果果然又出现了,而且还是不一样的小剧场。同志们看看对隐藏结局有没有帮助。这是三个不同剧场的动画截图,目前发现的就只有这几张,如有新发现后续会继续发图。", "关于前人说过的我就不说了,主要是我的一些观点。这是第二幅动画中的截图,大家注意到没有,自从这个长官进到城里去了以后,就再也没有看到过他出现,这说明什么,一定有猫腻!我们看游戏中有个动画是关于楼顶飞船出现的,可是,从飞船里出来的人呢?同样也是警官他又跑到哪去了?还有飞船里的小萝莉。我记得我们上飞船的时候飞船楼梯是关着的,是谁关的,为什么要关。还有,在游戏开始时叼走主人翁一只手臂的老鼠和囚牢里叼走扫把组成的工具的老鼠是不是同一只。此外,在温室幻灯片中的生物(上图)是在我们从乐队到广场中间的道路上能看到的,这意味着什么。有人说,当我们用雨伞过了贵妇那里,就不能回去,我想了,这水是从哪来的,难道没有什么阀门,同志们可以搜搜看。我记得扳手那一关有个钩子,如果先放下音响,再用大嘴扳手放水,尽管此后可以在“恐龙”那里得到第三个扳手,那钩子呢?BUG?不是吧。有什么想法,请同志们在后面留言。", "我们看游戏中有个动画是关于楼顶飞船出现的,可是,从飞船里出来的人呢?同样也是警官他又跑到哪去了?还有飞船里的小萝莉。不好意思,这个找到了,他们看守着电梯的入口。", "又有发现新,在守卫那里滑下来后其实是可以原路返回再爬上去的!", "在广场的中那里贴着月亮的,摇出来是一个阿拉伯人,很奇怪是吧。按纸条上说的,如果钟走的话他一天出来三次,再看老妇人的纸条,加一块的话,只有那个像太阳的图像没有出现过,等老妇人进入钟楼后看到的纸条,关于太阳的被划掉了!为什么?有点诡异哦!", "我记得那两个坏蛋在装炸弹的时候是直接从外壁上爬上去,可是是从哪儿爬的呢,分析一下,如果从电梯入口那里沿着外壁往上爬,但是胖警官可是在那里,他俩吃了胸袭豹子胆了?!如果说他们不怕胖警官的话,开始也就没必要卷起女主角跑了。难道还有路?大胆假想一下,假如还有路,会不会是广场那个弄不开的门,到底缺什么呢,踌躇……", "说一个小细节,同志们有没有注意,机器人不需要食物,只需要油,而所有与油相关的东西上面都有一个黑色小水滴一样的标志,就如我发的第一张图片。甚至包括所谓的酒吧,按我说就不该叫酒吧,而是该叫油吧,没看见各式各样的油壶摆在架子上吗!真是搞笑。", "这是在吧里找的一张图片下面三幅小图中的第二幅,是从门里出来,可是问题是没必要啊,从电梯里是能下来可是下来干啥?一定有猫腻!!", "再来看看这儿,也有个门,打不开会连到哪儿呢?和广场的门同样打不开。我装过补丁了,也就是说这不是BUG,何解?", "同样是上面的场景,左边有个拉杆,拉了之后会换一辆有煤的车,煤可以点,却没有用处,为什么,如果没用,那设计的时候好要他干啥,完全没必要嘛,反常必有妖,古怪。", "还记得这个筒状物吗?他也是可激发的。", "终于知道了,那俩人是从大棚上面爬的。想到大棚我又会联想到大棚左边的像卷闸门发动机似的东西。", "从监狱出来后,再点水管居然能激发。总感觉火房和牢房之间似乎还有个房间。", "哦,对了,LZ那些截图,貌似是你在不做任何操作的时候,主角的幻想...没什么隐藏结局吧。", "再来看看这儿,也有个门,打不开会连到哪儿呢?和广场的门同样打不开。 我装过补丁了,也就是说这不是BUG,何解? [图片]", "这个门是第二关进来的那个 当然不能进了", "哇,LZ厉害。。小剧场我也看过的,很有爱", "还没有百度帐号?立即注册", "贴吧垃圾信息处理公示 贴吧打击收费删贴警示", "吧友热玩游戏排行"], "bs_rank_pos": 1}, {"is_selected": true, "title": "终于“the end”了,但结局也……_机械迷城吧_百度贴吧", "most_related_para": 0, "segmented_title": ["终于", "“", "the", "end", "”", "了", ",", "但", "结局", "也", "…", "…", "_", "机械迷城", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "paragraphs": ["贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "bs_rank_pos": 2}, {"is_selected": false, "title": "机械迷城这个游戏讲述了怎样一个故事? - 知乎", "most_related_para": 23, "segmented_title": ["机械迷城", "这个游戏", "讲述", "了", "怎样", "一", "个", "故事", "?", "-", "知乎"], "segmented_paragraphs": [["这", "是", "一", "个", "细思", "极", "恐", "的", "游戏", ",", "让", "我", "慢慢", "道", "来", "。"], ["机械迷城", "是", "我", "小学", "的", "时候", "就", "玩", "过", "的", "一", "款", "游戏", ",", "我", "在", "今年", "的", "steam", "夏", "促", "中", "购买", "了", "它", ",", "就", "当", "是", "补票", "了", "。"], ["小时候", "只", "把", "它", "当作", "一款", "平常", "向", "的", "解谜", "游戏", ",", "昨天", "跟", "今天", "再次", "通关", "之后", ",", "我", "却", "发现", ",", "这", "款", "游戏", "的", "内涵", "无比", "之", "深", ",", "甚至", "令人", "感到", "害怕", "。"], ["由于", "没有", "图", ",", "我决定", "再次", "通关", "以", "获取", "必要", "素材", ",", "请稍候", "。"], ["—", "—", "—", "—", "—", "—", "以下", "内容", "为", "正文", "—", "—", "—", "—", "—", "—"], ["首先", "我们", "看一下", "故事", "的", "发生", "地", ",", "我", "就", "简单", "的", "叫", "它", "主城", "。", "这", "是", "一", "个", "由", "机械", "与", "植物", "构成", "的", "复杂系统", ",", "各种", "建筑", "缠", "缠", "绕", "绕", ",", "城市", "结构", "错综复杂", "。", "不过", ",", "大体上", "看", ",", "它", "是", "由", "基本", "的", "垂直", "结构", "组成", ",", "也就是说", ",", "城市", "的", "上下", "层次分明", ",", "水平", "结构", "简单", "。"], ["附", "主城", "外观", "图", "(", "转", "自", "网络", ")", ":"], ["之后", "我们", "的", "主角", "出现", "了", "。"], ["主角", "的", "样子", "平平无奇", ",", "这", "是", "我们", "的", "第一印象", "。", "不过", ",", "当你", "在", "进城", "之后", ",", "才会", "发现", ",", "主角", "的", "样子", "是", "最", "最", "特殊", "的", "。"], ["第", "一", ",", "他", "没有任何", "额外", "的", "颜色", "修饰", ",", "全身", "灰色", "铁皮", "。", "第", "二", ",", "他", "拥有", "独一无二", "的", "伸缩", "功能", "。", "第", "三", ",", "他", "拥有", "强大", "的", "DIY", "能力", "。", "第", "三", "点", "我们", "撇开", "不", "提", ",", "单", "单", "是", "前", "两点", "就", "足以", "体现", "他", "的", "主角", "光环", "。", "那么", "主角", "的", "出场", "呢", "?", "被", "垃圾车", "扔", "在", "离", "主城", "遥远", "无比", "的", "显然", "是", "垃圾场", "的", "地方", ",", "身体", "支离破碎", "。", "这", "让", "我", "觉得", ",", "主角", "一定", "是", "做", "了", "什么", "不该", "做", "的", "事", ",", "或者", "根本", "不", "属于", "那个", "宏伟", "的", "城市", ",", "所以", "被", "丢了", "下来", "。", "这", "仅仅", "是", "我", "的", "第", "一", "感觉", ",", "于是", "我们", "继续", "这", "段", "旅程", "。"], ["下一个", "场景", ",", "断崖", "闸口", "。", "主角", "被", "警察", "踢开", ",", "警察", "拉", "铃", "入", "内", ",", "主角", "模仿", "警察", "的", "装扮", ",", "并", "蒙混过关", "。", "这", "是", "我", "要", "讲", "的", "第", "一", "点", "。", "仔细观察", "大家", "会发现", ",", "很多", "机器人", "并没有", "正常", "的", "视觉", "。"], ["可以", "明显", "地", "看出", ",", "部分", "机器人", "完全", "按照", "流程图", "行", "事", ",", "以上", "图", "看守", "为", "例", ",", "首先", "判断", "是否", "为", "高个", "机器人", ",", "之后", "判断", "是否", "戴", "蓝色", "帽子", ",", "之后", "判断", "帽子", "上", "有没有", "灯", ",", "若", "三者", "都", "通过", ",", "则", "落下", "闸门", "。"], ["然而", "这", "会导致", "城市", "防御体系", "的", "破坏", ",", "人们", "可以使用", "类似", "主角", "的", "方法", "以", "瞒天过海", ",", "让", "任何", "人物", "都", "可以", "进入", "城市", ",", "进", "而", "引发", "安全", "危机", "与", "身份", "混乱", "。", "我们", "走过", "了", "闸门", ",", "不", "想", "有", "一", "摊", "油", "挡", "在", "面前", ",", "主角", "变", "高", "之后", "无法", "自如", "行走", ",", "所以", "掉", "了", "下去", "。"], ["此处", "略", "过", "一", "个", "场景", ",", "进入", "下一个", "场景", ":"], ["这", "三个人", "分别", "体现", "了", "社会", "中", "的", "不同", "阶层", ",", "他们", "三", "个", "聚集", "在一起", "打牌", ",", "还", "图谋", "炸掉", "高塔", "又", "说明", "了", "什么", "呢", "?", "说明", "这个城市", "中", ",", "已经", "没有", "真正", "的", "守护", "力量", "了", ",", "人人", "为", "自己", ",", "只要", "智商", "足够", "(", "说实话", ",", "主角", ",", "女", "主", ",", "三反派", "是", "全城", "最", "聪明", "的", "五个人", "了", ",", "这", "点", "一会", "儿", "再", "提", "。", ")", "就", "可以", "为所欲为", "。"], ["我们", "看一下", "他们", "最大", "的", "的", "阴谋", ":", "炸", "地标", "高塔", "。"], ["可以", "明显", "看出", ",", "这个", "塔", "贯穿", "全局", ",", "是", "最", "最", "重要", "的", "东西", "。", "这", "也", "在", "一", "个", "角度", "加强", "了", "我", "关于", "机械迷城", "垂直", "结构", "的", "说法", "。"], ["那么", "有人", "可能", "要", "问", ",", "这", "塔", "有", "什么", "用", "吗", "?", "不能", "因为", "它", "是", "地标", "就", "这么", "重视", "它", "吧", "。", "请", "你", "想一想", ",", "在", "我们", "生活", "的", "正常", "城市", ",", "一", "个", "地标", "型", "建筑", "是", "怎样", "的", "存在", "(", "以下", "图片", "转", "自", "网络", ",", "转", "侵删", ")", ":"], ["玩游戏", "的", "过程", "中", "你", "会", "发现", ",", "这个", "塔", "由", "两", "部分", "组成", "。", "第一部分", "是", "地下室", ",", "我们", "不管它", ";"], ["重点", "来", "了", ":", "这个", "大头", "机器", "是什么", "?"], ["我们", "先", "观察", "一", "下", "周围环境", ":", "控制台", ",", "监控器", "*", "n", ",", "其他", "的", "机器", "可", "享受", "不", "了", "这个", "待遇", "。"], ["再", "看", "它", "所", "处", "的", "位置", ":", "高塔", "顶端", "正中", ",", "全城", "围绕", "它", "成", "众星拱月", "之", "势", "。"], ["懂了", "吧", ",", "这", "是", "城", "主", "。", "亦", "或者说", ",", "中央", "控制台", "。"], ["但是", "这个", "城", "主", "过", "的", "显然", "不是", "很舒服", "。", "主角", "进来", "时", ",", "他", "正在", "咬", "着", "什么", "哭泣", "。", "点", "一", "下", "他", ",", "主角", "玩", "了", "一", "段", "回忆", "杀", "。", "不", "放", "这", "段", "回忆", "杀", "还好", ",", "我们", "会", "一直以为", "主角", "是", "偷渡", "的", "难民", ",", "这", "一", "放", "可", "不得了", ",", "原来", "主角", "和", "女", "主", "就", "住在", "这", "座", "塔", "上", ",", "每天", "跟", "城", "主", "同志", "相处", "融洽", "。", "那么", "主角", "的", "身份", "就", "十分", "明显", "了", ",", "城", "主", "助理", ",", "或是", "实际", "的", "城市", "监管", "者", "(", "更", "有力", "的", "证明", "在", "文章", "底部", ")", "。"], ["之后", "我们", "知道", "了", ",", "一切", "都是", "三", "反派", "搞", "的", "鬼", "。", "这", "就", "引发", "了", "第", "三", "个", "问题", "。", "在", "动画", "中", ",", "我们", "可以", "注意", "到", "一", "个", "细节", ":", "报警", "叫", "来", "真正", "管用", "的", "警察", "之后", ",", "本来", "警察", "想", "把", "反派", "警察", "用", "垃圾", "飞艇", "吸走", ",", "却", "因为", "反派", "太", "大", "吸", "不动", ",", "反而", "弄", "走", "了", "主角", ",", "这", "也是", "故事", "的", "开端", "。"], ["问题", "来", "了", ":", "1", ".", "为什么", "警察", "会", "带", "着", "小孩", "来", "执法", ";", "2", ".", "为什么", "垃圾", "处理", "飞艇", "会", "带不走", "反派", ";", "3", ".", "为什么", "反派", "有胆量", "挑战", "城", "主", "的", "威严", ",", "难道", "城", "主", "没有", "防御", "手段", "/", "制裁", "方法", "吗", "?"], ["再", "看看这些", "居民", "吧", ":"], ["作者", "用心良苦", ",", "这", "岂不", "就是", "目前", "社会", "阴暗面", "的", "突出", "放大", "吗", "?"], ["这", "是", "废土", ",", "这", "是", "末日", "后", "的", "世界", "啊", "!"], ["不管怎样", ",", "这个游戏", "的", "目的", "达到", "了", ":", "让", "我们", "游玩", ",", "并且", "让", "人", "思考", "。"], ["—", "—", "—", "—", "7", "/", "14", "更新", "—", "—", "—", "—"], ["下载", "知乎", "客户端", "与", "世界", "分享", "知识", "、", "经验", "和", "见解"]], "paragraphs": ["这是一个细思极恐的游戏,让我慢慢道来。", "机械迷城是我小学的时候就玩过的一款游戏,我在今年的steam夏促中购买了它,就当是补票了。", "小时候只把它当作一款平常向的解谜游戏,昨天跟今天再次通关之后,我却发现,这款游戏的内涵无比之深,甚至令人感到害怕。", "由于没有图,我决定再次通关以获取必要素材,请稍候。", "——————以下内容为正文——————", "首先我们看一下故事的发生地,我就简单的叫它主城。这是一个由机械与植物构成的复杂系统,各种建筑缠缠绕绕,城市结构错综复杂。不过,大体上看,它是由基本的垂直结构组成,也就是说,城市的上下层次分明,水平结构简单。", "附主城外观图(转自网络):", "之后我们的主角出现了。", "主角的样子平平无奇,这是我们的第一印象。不过,当你在进城之后,才会发现,主角的样子是最最特殊的。", "第一,他没有任何额外的颜色修饰,全身灰色铁皮。第二,他拥有独一无二的伸缩功能。第三,他拥有强大的DIY能力。第三点我们撇开不提,单单是前两点就足以体现他的主角光环。那么主角的出场呢?被垃圾车扔在离主城遥远无比的显然是垃圾场的地方,身体支离破碎。这让我觉得,主角一定是做了什么不该做的事,或者根本不属于那个宏伟的城市,所以被丢了下来。这仅仅是我的第一感觉,于是我们继续这段旅程。", "下一个场景,断崖闸口。主角被警察踢开,警察拉铃入内,主角模仿警察的装扮,并蒙混过关。这是我要讲的第一点。仔细观察大家会发现,很多机器人并没有正常的视觉。", "可以明显地看出,部分机器人完全按照流程图行事,以上图看守为例,首先判断是否为高个机器人,之后判断是否戴蓝色帽子,之后判断帽子上有没有灯,若三者都通过,则落下闸门。", "然而这会导致城市防御体系的破坏,人们可以使用类似主角的方法以瞒天过海,让任何人物都可以进入城市,进而引发安全危机与身份混乱。我们走过了闸门,不想有一摊油挡在面前,主角变高之后无法自如行走,所以掉了下去。", "此处略过一个场景,进入下一个场景:", "这三个人分别体现了社会中的不同阶层,他们三个聚集在一起打牌,还图谋炸掉高塔又说明了什么呢?说明这个城市中,已经没有真正的守护力量了,人人为自己,只要智商足够(说实话,主角,女主,三反派是全城最聪明的五个人了,这点一会儿再提。)就可以为所欲为。", "我们看一下他们最大的的阴谋:炸地标高塔。", "可以明显看出,这个塔贯穿全局,是最最重要的东西。这也在一个角度加强了我关于机械迷城垂直结构的说法。", "那么有人可能要问,这塔有什么用吗?不能因为它是地标就这么重视它吧。请你想一想,在我们生活的正常城市,一个地标型建筑是怎样的存在(以下图片转自网络,转侵删):", "玩游戏的过程中你会发现,这个塔由两部分组成。第一部分是地下室,我们不管它;", "重点来了:这个大头机器是什么?", "我们先观察一下周围环境:控制台,监控器*n,其他的机器可享受不了这个待遇。", "再看它所处的位置:高塔顶端正中,全城围绕它成众星拱月之势。", "懂了吧,这是城主。亦或者说,中央控制台。", "但是这个城主过的显然不是很舒服。主角进来时,他正在咬着什么哭泣。点一下他,主角玩了一段回忆杀。不放这段回忆杀还好,我们会一直以为主角是偷渡的难民,这一放可不得了,原来主角和女主就住在这座塔上,每天跟城主同志相处融洽。那么主角的身份就十分明显了,城主助理,或是实际的城市监管者(更有力的证明在文章底部)。", "之后我们知道了,一切都是三反派搞的鬼。这就引发了第三个问题。在动画中,我们可以注意到一个细节:报警叫来真正管用的警察之后,本来警察想把反派警察用垃圾飞艇吸走,却因为反派太大吸不动,反而弄走了主角,这也是故事的开端。", "问题来了:1.为什么警察会带着小孩来执法;2.为什么垃圾处理飞艇会带不走反派;3.为什么反派有胆量挑战城主的威严,难道城主没有防御手段/制裁方法吗?", "再看看这些居民吧:", "作者用心良苦,这岂不就是目前社会阴暗面的突出放大吗?", "这是废土,这是末日后的世界啊!", "不管怎样,这个游戏的目的达到了:让我们游玩,并且让人思考。", "————7/14更新————", "下载知乎客户端 与世界分享知识、经验和见解"], "bs_rank_pos": 3}, {"is_selected": true, "title": "机械迷城结局是什么_百度知道", "most_related_para": 0, "segmented_title": ["机械迷城", "结局", "是什么", "_", "百度", "知道"], "segmented_paragraphs": [["结局", "是", "男主角", "把", "女主角", "救", "了", "出来", ",", "两个人", "(", "哦", ",", "机器人", ")", "乘坐", "飞行器", "飞走了", ",", "在空中", "又", "撞", "到", "了", "东西", ",", "飞行器", "坏", "了", ",", "男女主角", "又", "分离", "了", ",", "这", "估计", "还有", "下", "文", ",", "为", "第二部", "作", "铺垫", "。", "今天", "刚刚", "玩完", ",", "不", "简单", "啊", ",", "所以", "楼主", "你", "采纳", "吧", "。"], ["当", "女", "猪脚", "点", "了", "一", "下", "身边", "那个", "开关", "卡住", "梯子", ",", "男女", "猪脚", "上", "了", "飞机", "后", ",", "就是", "END", "了", "额", "。", "。"], ["他", "和", "他", "女朋友", "乘着", "飞机", "飞走了", ",", "然后", "显示", ":", "THE", "END", ",", "2", "是", "《", "机器人", "的", "乐园", "》", "!", "好玩", "!", "楼上", "的", ",", "不知道", "了", "吧", "?"], ["3", "楼", "骗人", "!"]], "paragraphs": ["结局是男主角把女主角救了出来,两个人(哦,机器人)乘坐飞行器飞走了,在空中又撞到了东西,飞行器坏了,男女主角又分离了,这估计还有下文,为第二部作铺垫。今天刚刚玩完,不简单啊,所以楼主你采纳吧。", "当女猪脚点了一下身边那个开关卡住梯子,男女猪脚上了飞机后,就是END了额。。", "他和他女朋友乘着飞机飞走了,然后显示:THE END ,2是《机器人的乐园》!好玩!楼上的,不知道了吧?", "3楼骗人!"], "bs_rank_pos": 4}], "answer_spans": [[3, 7]], "fake_answers": ["带着女主逃跑"], "question": "机械迷城结局", "segmented_answers": [["男主", "带", "着", "女", "主", "逃跑", "。"], ["全", "灭", "。"], ["男主角", "把", "女主角", "救", "出来", ",", "两人", "乘坐", "飞行器", "飞走了", ",", "在空中", "撞", "到", "东西", ",", "飞行器", "坏", "了", ",", "男女主角", "又", "分离", "了", "。"]], "answers": ["男主带着女主逃跑。", "全灭。", "男主角把女主角救出来,两人乘坐飞行器飞走了,在空中撞到东西,飞行器坏了,男女主角又分离了。"], "answer_docs": [0], "segmented_question": ["机械迷城", "结局"], "question_type": "DESCRIPTION", "question_id": 181614, "fact_or_opinion": "FACT", "match_scores": [0.8333333333333333]}
-{"documents": [{"is_selected": false, "title": "如何关闭139端口及445端口等危险端口_百度经验", "most_related_para": 3, "segmented_title": ["如何", "关闭", "139", "端口", "及", "445", "端口", "等", "危险", "端口", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["系统", "有些", "端口", "是", "我们", "平时", "用", "不到", "但是", "又", "存在", "危险", "的", "端口", ",", "例如", "139", "、", "135", "、", "445", "等", "端口", ",", "windows", "默认", "是", "开", "着", "的", ",", "这时", "我们", "可以", "手动", "关闭", "这些", "端口", "!", "下边", "为", "大家", "介绍", "一", "种", "通过", "windows", "组策略", "来", "一", "次性", "关闭", "所有", "想要", "关闭", "的", "危险", "端口"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "在", "“", "开始", "”", "菜单", "选择", "“", "运行", "”", ",", "输入", "“", "gpedit", ".", "msc", "”", "后", "回车", ",", "打开", "本地", "组策略", "编辑器", "。", "依次展开", "“", "计算机", "配置", "-", "-", "-", "windows", "设置", "-", "-", "-", "安全设置", "-", "-", "-", "ip", "安全策略", ",", "在", "本地", "计算机", "”", "步骤", "阅读", "步骤", "阅读", "2", "以", "关闭", "135", "端口", "为", "例", "(", "其他", "端口", "操作", "相同", ")", ":", "在", "本地", "组策略", "编辑器", "右边", "空白", "处", "右键单击", "鼠标", ",", "选择", "“", "创建", "IP", "安全策略", "”", ",", "弹出", "IP", "安全策略", "向导", "对话框", ",", "单击", "下一步", ";", "在", "出现", "的", "对话框", "中", "的", "名称", "处", "写", "“", "关闭", "端口", "”", "(", "可", "随意", "填写", ")", ",", "点击", "下一步", ";", "对话框", "中", "的", "“", "激活", "默认", "响应", "规则", "”", "选项", "不要", "勾", "选", ",", "然后", "单击", "下一步", ";", "勾", "选", "“", "编辑", "属性", "”", ",", "单击", "完成", "。", "步骤", "阅读", "步骤", "阅读", "步骤", "阅读", "步骤", "阅读", "步骤", "阅读", "3", "在", "出现", "的", "“", "关闭", "端口", "属性", "”", "对话框", "中", ",", "选择", "“", "规则", "”", "选项卡", ",", "去掉", "“", "使用", "添加", "向导", "”", "前边", "的", "勾", "后", ",", "单击", "“", "添加", "”", "按钮", "。", "步骤", "阅读", "4", "在", "弹出", "的", "“", "新规则", "属性", "”", "对话框", "中", ",", "选择", "“", "IP", "筛选器", "列表", "”", "选项卡", ",", "单击", "左下角", "的", "“", "添加", "”", "步骤", "阅读", "5", "出现", "添加", "对话框", ",", "名称", "出", "填", "“", "封", "端口", "”", "(", "可", "随意", "填写", ")", ",", "去掉", "“", "使用", "添加", "向导", "”", "前边", "的", "勾", "后", ",", "单击", "右边", "的", "“", "添加", "”", "按钮", "步骤", "阅读"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["注意", ":", "IPSEC", "Services", "这个", "服务", "千万", "不能", "停止", "哦", ",", "停止", "了", "ip", "策略", "就", "失去", "作用", "了", "。", "如果", "本", "经验", "对", "你", "有用", "的", "话", ",", "记得", "收藏", "或者", "点赞", "喔", "(", "*", "^", "_", "_", "^", "*", ")"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "该", "用户", "暂", "未", "添加", "个性签名"]], "paragraphs": ["百度经验:jingyan.baidu.com", "系统有些端口是我们平时用不到但是又存在危险的端口,例如139、135、445等端口,windows默认是开着的,这时我们可以手动关闭这些端口!下边为大家介绍一种通过windows组策略来一次性关闭所有想要关闭的危险端口", "百度经验:jingyan.baidu.com", "1 在“开始”菜单选择“运行”,输入“gpedit.msc”后回车,打开本地组策略编辑器。依次展开“计算机配置---windows设置---安全设置---ip安全策略,在 本地计算机” 步骤阅读 步骤阅读 2 以关闭135端口为例(其他端口操作相同): 在本地组策略编辑器右边空白处 右键单击鼠标,选择“创建IP安全策略”,弹出IP安全策略向导对话框,单击下一步;在出现的对话框中的名称处写“关闭端口”(可随意填写),点击下一步;对话框中的“激活默认响应规则”选项不要勾选,然后单击下一步;勾选“编辑属性”,单击完成。 步骤阅读 步骤阅读 步骤阅读 步骤阅读 步骤阅读 3 在出现的“关闭端口 属性”对话框中,选择“规则”选项卡,去掉“使用 添加向导”前边的勾后,单击“添加”按钮。 步骤阅读 4 在弹出的“新规则 属性”对话框中,选择“IP筛选器列表”选项卡,单击左下角的“添加” 步骤阅读 5 出现添加对话框,名称出填“封端口”(可随意填写),去掉“使用 添加向导”前边的勾后,单击右边的“添加”按钮 步骤阅读", "百度经验:jingyan.baidu.com", "注意:IPSEC Services这个服务千万不能停止哦,停止了ip策略就失去作用了。 如果本经验对你有用的话,记得收藏或者点赞喔(*^__^*)", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:该用户暂未添加个性签名"], "bs_rank_pos": 0}, {"is_selected": true, "title": "关闭445端口的方法步骤_Windows 如何关闭445端口", "most_related_para": 3, "segmented_title": ["关闭", "445", "端口", "的", "方法", "步骤", "_", "Windows", "如何", "关闭", "445", "端口"], "segmented_paragraphs": [["学习", "啦", ">", "新闻资讯", ">", "热点", ">", "《", "关闭", "445", "端口", "的", "方法", "步骤", "_", "Windows", "如何", "关闭", "445", "端口", "》", "正文"], ["勒索", "蠕虫病毒", "出现", "变种", ",", "Windows", "XP", "、", "Windows", "Server", "2003", "系统", "用户", "可以", "关闭", "445", "端口", ",", "规避", "遭遇", "此次", "敲诈", "者", "蠕虫病毒", "的", "感染", "攻击", "。", "那", "如何", "关闭", "445", "端口", "?", "关闭", "445", "端口", "的", "方法", "步骤", "有", "哪些", "?", "学习", "啦", "小", "编", "为", "大家", "搜集", "了", "Windows", "关闭", "445", "端口", "的", "方法", "步骤", ",", "供", "大家分享", "。"], ["(", "1", ")", "、", "开启", "系统", "防火墙", "保护", "。", "控制面板", "-", ">", "安全", "中心", "-", ">", "Windows", "防火墙", "-", ">", "启用", "。", "开启", "系统", "防火墙", "保护", "(", "2", ")", "、", "关闭", "系统", "445", "端口", "。", "(", "a", ")", "、", "快捷键", "WIN", "+", "R", "启动", "运行", "窗口", ",", "输入", "cmd", "并", "执行", ",", "打开", "命令行", "操作", "窗口", ",", "输入", "命令", "“", "net", "stat", "-", "an", "”", ",", "检测", "445", "端口", "是否", "开启", "。"], ["(", "a", ")", "、", "快捷键", "WIN", "+", "R", "启动", "运行", "窗口", ",", "输入", "cmd", "并", "执行", ",", "打开", "命令行", "操作", "窗口", ",", "输入", "命令", "“", "net", "stat", "-", "an", "”", ",", "检测", "445", "端口", "是否", "开启", "。", "(", "b", ")", "、", "如上图", "假如", "445", "端口", "开启", ",", "依次", "输入", "以下", "命令", "进行", "关闭", ":"], ["net", "stop", "rdr", "/", "net", "stop", "srv", "/", "net", "stop", "netbt"], ["功", "后", "的", "效果", "如", "下", ":"], ["这个", "近来", "席卷", "中国", "的", "蠕虫病毒", "被", "称为", "“", "比特币", "敲诈", "者", "”", "!", "而", "就", "在", "比特币", "病毒", "肆意", "对", "我", "过", "进行", "破坏", "。"], ["罪魁祸首", "则", "是", "一", "个", "名", "为", "Wanna", "Cry", "的", "勒索", "软件", "。", "一旦", "中毒", ",", "电脑", "就会", "显示", "“", "你", "的", "电脑", "已经", "被", "锁", ",", "文件", "已经", "全部", "被", "加密", ",", "除非你", "支付", "等额", "价值", "300", "美元", "的", "比特币", ",", "否则", "你", "的", "文件", "将会", "被", "永久", "删除", "”", "。"], ["目前", ",", "尚未", "有", "黑客", "组织", "认领", "这次", "袭击", "。", "但", "业", "界", "人士", "的", "共识", "是", ",", "这次", "大规模", "网络", "攻击", "采用", "了", "美国", "国家安全局", "(", "NSA", ")", "开发", "的", "黑客工具", "。", "几个", "私立", "网络安全", "公司", "表示", ",", "发动", "网络", "袭击", "的", "黑客", "用", "NSA", "开发", "的", "黑客工具", "“", "永恒之蓝", "(", "Eternal", "Blue", ")", "”", "与", "Wanna", "Cry", "勒索", "软件", "捆绑", ",", "“", "永恒之蓝", "”", "可以", "利用", "Windows", "系统漏洞", ",", "强制", "“", "中招", "”", "的", "电脑", "运行", "Wanna", "Cry", "勒索", "软件", "。"], ["下一页", "更多精彩", "的", "“", "勒索", "病毒", "文件", "恢复", "的", "方法", "”"], ["上", "一篇", ":", "2017", "年", "金砖", "国家", "峰会", "习近平", "讲话", "内容", "_", "习近平", "在", "2017", "金砖", "国家", "峰会", "上", "的", "主旨", "讲话", "全文", "下一篇", ":", "如何", "预防", "勒索", "病毒", "方法", "_", "勒索", "病毒", "补丁", "下载地址", "_", "预防", "勒索", "病毒", "通知", "2017"], ["【", "热点", "】", "精华", "文章"], ["【", "热点", "】", "相关文章"]], "paragraphs": ["学习啦>新闻资讯>热点>《关闭445端口的方法步骤_Windows 如何关闭445端口》正文", "勒索蠕虫病毒出现变种,Windows XP、Windows Server 2003系统用户可以关闭445端口,规避遭遇此次敲诈者蠕虫病毒的感染攻击。那如何关闭445端口?关闭445端口的方法步骤有哪些?学习啦小编为大家搜集了Windows 关闭445端口的方法步骤,供大家分享。", "(1)、开启系统防火墙保护。控制面板->安全中心->Windows防火墙->启用。开启系统防火墙保护(2)、关闭系统445端口。(a)、快捷键WIN+R启动运行窗口,输入cmd并执行,打开命令行操作窗口,输入命令“netstat -an”,检测445端口是否开启。", "(a)、快捷键WIN+R启动运行窗口,输入cmd并执行,打开命令行操作窗口,输入命令“netstat -an”,检测445端口是否开启。(b)、如上图假如445端口开启,依次输入以下命令进行关闭:", "net stop rdr / net stop srv / net stop netbt", "功后的效果如下:", "这个近来席卷中国的蠕虫病毒被称为“比特币敲诈者”!而就在比特币病毒肆意对我过进行破坏。", "罪魁祸首则是一个名为 WannaCry 的勒索软件。一旦中毒,电脑就会显示“你的电脑已经被锁,文件已经全部被加密,除非你支付等额价值 300 美元的比特币,否则你的文件将会被永久删除” 。", "目前,尚未有黑客组织认领这次袭击。但业界人士的共识是,这次大规模网络攻击采用了美国国家安全局(NSA)开发的黑客工具。几个私立网络安全公司表示,发动网络袭击的黑客用 NSA 开发的黑客工具“永恒之蓝(Eternal Blue)”与 WannaCry 勒索软件捆绑,“永恒之蓝”可以利用 Windows 系统漏洞,强制“中招”的电脑运行 WannaCry 勒索软件。", "下一页更多精彩的“勒索病毒文件恢复的方法”", "上一篇:2017年金砖国家峰会习近平讲话内容_习近平在2017金砖国家峰会上的主旨讲话全文  下一篇:如何预防勒索病毒方法_勒索病毒补丁下载地址_预防勒索病毒通知2017", "【热点】精华文章", "【热点】相关文章"], "bs_rank_pos": 1}, {"is_selected": false, "title": "在Windows 2003 下关闭135/139/445端口 - 专注HA架构集群 - 51CTO", "most_related_para": 0, "segmented_title": ["在", "Windows", "2003", "下", "关闭", "135", "/", "139", "/", "445", "端口", "-", "专注", "HA", "架构", "集群", "-", "51", "CTO"], "segmented_paragraphs": [["在", "Windows", "2003", "下", "关闭", "135", "/", "139", "/", "445", "端口"], ["2016", "-", "12", "-", "23", "15", ":", "01", ":", "47"], ["这个方法", "绝对", "是", "错", "的", ",", "楼主", "没有", "实验", "吧", "。"], ["2017", "-", "05", "-", "16", "09", ":", "32", ":", "46"], ["确实", "不好", "使", "。"], ["昵称", ":", "登录", "快速注册"], ["验证码", ":", "请", "点击", "后", "输入", "验证码", "博客", "过", "2", "级", ",", "无需", "填写", "验证码"], ["内容", ":"]], "paragraphs": ["在Windows 2003 下关闭135/139/445端口", "2016-12-23 15:01:47", "这个方法绝对是错的,楼主没有实验吧。", "2017-05-16 09:32:46", "确实不好使。", "昵称: 登录 快速注册", "验证码: 请点击后输入验证码博客过2级,无需填写验证码", "内容:"], "bs_rank_pos": 2}, {"is_selected": true, "title": "如何用命令关闭windows2003的445端口_百度知道", "most_related_para": 0, "segmented_title": ["如何", "用", "命令", "关闭", "windows", "2003", "的", "445", "端口", "_", "百度", "知道"], "segmented_paragraphs": [["、", "单击", "始", "—", "—", "运行", "输入", "regedit", "单击", "确定", "按钮", "打", "注册表", "二", "、", "找", "注册表", "项", "HKEY", "_", "LOCAL", "_", "MACHINE", "\\", "System", "\\", "Control", "set", "\\", "Services", "\\", "NetBT", "\\", "Parameters", "三", "、", "选择", "Parameters", "项", "右键单击", "选择", "新建", "—", "—", "DWORD", "值", "or", "QWORD", "值", "(", "32", "位", "系统", "选择", "DWORD", "值", "64", "位", "系统", "选择", "QWORD", "值", ")", "四", "、", "DWORD", "值", "命名", "SMB", "Device", "Enabled", "五", "、", "右键单击", "SMB", "Device", "Enabled", "值", "选择", "修改", "六", "、", "现", "编辑", "DWORD", "值", "框", "数值", "数据输入", "0", "单击确定", "按钮", "完", "设置", "修改", "完", "重启", "机器", "CMD", "运行", "net", "stat", "-", "an", "发现", "445", "端口", "已经", "再", "Listening", "(", "源", ":", "洪哥", "笔记", ")"]], "paragraphs": ["、单击始——运行输入regedit单击确定按钮打注册表 二、找注册表项HKEY_LOCAL_MACHINE\\System\\Controlset\\Services\\NetBT\\Parameters 三、选择Parameters项右键单击选择新建——DWORD值orQWORD值(32位系统选择DWORD值64位系统选择QWORD值) 四、DWORD值命名SMBDeviceEnabled 五、右键单击SMBDeviceEnabled值选择修改 六、现编辑DWORD值框数值数据输入0单击确定按钮完设置 修改完重启机器CMD运行netstat -an发现445端口已经再Listening(源:洪哥笔记)"], "bs_rank_pos": 4}, {"is_selected": false, "title": "教你如何关闭win2003服务器端口_百度经验", "most_related_para": 1, "segmented_title": ["教", "你", "如何", "关闭", "win", "2003", "服务器", "端口", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["默认", "情况", "下", ",", "Windows", "有很多", "端口", "是", "开放", "的", ",", "在", "你", "上网", "的", "时候", ",", "网络", "病毒", "和", "黑客", "可以通过", "这些", "端口", "连", "上", "你", "的", "电脑", "。", "为了", "让", "你", "的", "系统", "变为", "铜墙铁壁", ",", "应该", "封闭", "这些", "端口", ",", "主要有", ":", "TCP", "135", "、", "139", "、", "445", "、", "593", "、", "1025", "端口", "和", "UDP", "135", "、", "137", "、", "138", "、", "445", "端口", ",", "一些", "流行", "病毒", "的", "后门", "端口", "(", "如", "TCP", "2745", "、", "3127", "、", "6129", "端口", ")", ",", "以及", "远程", "服务", "访问", "端口", "3389", "。", "下面", "介绍", "如何", "在", "WinXP", "/", "2000", "/", "2003", "下关闭", "这些", "网络", "端口", ":", "第一步", ",", "点击", "“", "开始", "”", "菜单", "/", "设置", "/", "控制面板", "/", "管理", "工具", ",", "双击", "打开", "“", "本地", "安全策略", "”", ",", "选中", "“", "IP", "安全策略", ",", "在", "本地", "计算机", "”", ",", "在", "右边", "窗格", "的", "空白", "位置", "右", "击", "鼠标", ",", "弹出", "快捷", "菜单", ",", "选择", "“", "创建", "IP", "安全策略", "”", "(", "如", "右图", ")", ",", "于是", "弹出", "一", "个", "向导", "。", "在", "向导", "中", "点击", "“", "下一步", "”", "按钮", ",", "为", "新", "的", "安全策略", "命名", ";", "再", "按", "“", "下一步", "”", ",", "则", "显示", "“", "安全", "通信", "请求", "”", "画面", ",", "在", "画面", "上", "把", "“", "激活", "默认", "相应", "规则", "”", "左边", "的", "钩", "去掉", ",", "点击", "“", "完成", "”", "按钮", "就", "创建", "了", "一", "个", "新", "的", "IP", "安全策略", "。", "第二步", ",", "右", "击", "该", "IP", "安全策略", ",", "在", "“", "属性", "”", "对话框", "中", ",", "把", "“", "使用", "添加", "向导", "”", "左边", "的", "钩", "去掉", ",", "然后", "单击", "“", "添加", "”", "按钮", "添加", "新", "的", "规则", ",", "随后", "弹出", "“", "新规则", "属性", "”", "对话框", ",", "在", "画面", "上", "点击", "“", "添加", "”", "按钮", ",", "弹出", "IP", "筛选器", "列表", "窗口", ";", "在", "列表", "中", ",", "首先", "把", "“", "使用", "添加", "向导", "”", "左边", "的", "钩", "去掉", ",", "然后", "再", "点击", "右边", "的", "“", "添加", "”", "按钮", "添加", "新", "的", "筛选器", "。", "第三步", ",", "进入", "“", "筛选器", "属性", "”", "对话框", ",", "首先", "看到", "的", "是", "寻址", ",", "源", "地址", "选", "“", "任何", "IP", "地址", "”", ",", "目标", "地址", "选", "“", "我", "的", "IP", "地址", "”", ";", "点击", "“", "协议", "”", "选项卡", ",", "在", "“", "选择", "协议", "类型", "”", "的", "下拉", "列表", "中", "选择", "“", "TCP", "”", ",", "然后", "在", "“", "到", "此", "端口", "”", "下", "的", "文本框", "中", "输入", "“", "135", "”", ",", "点击", "“", "确定", "”", "按钮", "(", "如", "左", "图", ")", ",", "这样", "就", "添加", "了", "一", "个", "屏蔽", "TCP", "135", "(", "RPC", ")", "端口", "的", "筛选器", ",", "它", "可以防止", "外界", "通过", "135", "端口", "连", "上", "你", "的", "电脑", "。", "点击", "“", "确定", "”", "后", "回到", "筛选器", "列表", "的", "对话框", ",", "可以看到", "已经", "添加", "了", "一", "条", "策略", ",", "重复", "以上", "步骤", "继续", "添加", "TCP", "137", "、", "139", "、", "445", "、", "593", "端口", "和", "UDP", "135", "、", "139", "、", "445", "端口", ",", "为", "它们", "建立", "相应", "的", "筛选器", "。", "重复", "以上", "步骤", "添加", "TCP", "1025", "、", "2745", "、", "3127", "、", "6129", "、", "3389", "端口", "的", "屏蔽", "策略", ",", "建立", "好", "上述", "端口", "的", "筛选器", ",", "最后", "点击", "“", "确定", "”", "按钮", "。", "第四步", ",", "在", "“", "新规则", "属性", "”", "对话框", "中", ",", "选择", "“", "新", "IP", "筛选器", "列表", "”", ",", "然后", "点击", "其", "左边", "的", "圆圈", "上", "加一", "个", "点", ",", "表示", "已经", "激活", ",", "最后", "点击", "“", "筛选器", "操作", "”", "选项卡", "。", "在", "“", "筛选器", "操作", "”", "选项卡", "中", ",", "把", "“", "使用", "添加", "向导", "”", "左边", "的", "钩", "去掉", ",", "点击", "“", "添加", "”", "按钮", ",", "添加", "“", "阻止", "”", "操作", "(", "右图", ")", ":", "在", "“", "新", "筛选器", "操作", "属性", "”", "的", "“", "安全", "措施", "”", "选项卡", "中", ",", "选择", "“", "阻止", "”", ",", "然后", "点击", "“", "确定", "”", "按钮", "。", "第五步", ",", "进入", "“", "新规则", "属性", "”", "对话框", ",", "点击", "“", "新", "筛选器", "操作", "”", ",", "其", "左边", "的", "圆圈", "会", "加", "了", "一", "个", "点", ",", "表示", "已经", "激活", ",", "点击", "“", "关闭", "”", "按钮", ",", "关闭", "对话框", ";", "最后", "回到", "“", "新", "IP", "安全策略", "属性", "”", "对话框", ",", "在", "“", "新", "的", "IP", "筛选器", "列表", "”", "左边", "打钩", ",", "按", "“", "确定", "”", "按钮", "关闭", "对话框", "。", "在", "“", "本地", "安全策略", "”", "窗口", ",", "用", "鼠标", "右", "击", "新", "添加", "的", "IP", "安全策略", ",", "然后选择", "“", "指派", "”", "。", "于是", "重新启动", "后", ",", "电脑", "中", "上述", "网络", "端口", "就", "被关闭", "了", ",", "病毒", "和", "黑客", "再", "也", "不能", "连", "上", "这些", "端口", ",", "从而", "保护", "了", "你", "的", "电脑", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "默认情况下,Windows有很多端口是开放的,在你上网的时候,网络病毒和黑客可以通过这些端口连上你的电脑。为了让你的系统变为铜墙铁壁,应该封闭这些端口,主要有:TCP 135、139、445、593、1025 端口和 UDP 135、137、138、445 端口,一些流行病毒的后门端口(如 TCP 2745、3127、6129 端口),以及远程服务访问端口3389。下面介绍如何在WinXP/2000/2003下关闭这些网络端口:第一步,点击“开始”菜单/设置/控制面板/管理工具,双击打开“本地安全策略”,选中“IP安全策略,在本地计算机”,在右边窗格的空白位置右击鼠标,弹出快捷菜单,选择“创建 IP安全策略”(如右图),于是弹出一个向导。在向导中点击“下一步”按钮,为新的安全策略命名;再按“下一步”,则显示“安全通信请求”画面,在画面上把“激活默认相应规则”左边的钩去掉,点击“完成”按钮就创建了一个新的IP 安全策略。第二步,右击该IP安全策略,在“属性”对话框中,把“使用添加向导”左边的钩去掉,然后单击“添加”按钮添加新的规则,随后弹出“新规则属性”对话框,在画面上点击“添加”按钮,弹出IP筛选器列表窗口;在列表中,首先把“使用添加向导”左边的钩去掉,然后再点击右边的“添加”按钮添加新的筛选器。第三步,进入“筛选器属性”对话框,首先看到的是寻址,源地址选“任何 IP 地址”,目标地址选“我的 IP 地址”;点击“协议”选项卡,在“选择协议类型”的下拉列表中选择“TCP”,然后在“到此端口”下的文本框中输入“135”,点击“确定”按钮(如左图),这样就添加了一个屏蔽 TCP 135(RPC)端口的筛选器,它可以防止外界通过135端口连上你的电脑。点击“确定”后回到筛选器列表的对话框,可以看到已经添加了一条策略,重复以上步骤继续添加 TCP 137、139、445、593 端口和 UDP 135、139、445 端口,为它们建立相应的筛选器。重复以上步骤添加TCP 1025、2745、3127、6129、3389 端口的屏蔽策略,建立好上述端口的筛选器,最后点击“确定”按钮。第四步,在“新规则属性”对话框中,选择“新 IP 筛选器列表”,然后点击其左边的圆圈上加一个点,表示已经激活,最后点击“筛选器操作”选项卡。在“筛选器操作”选项卡中,把“使用添加向导”左边的钩去掉,点击“添加”按钮,添加“阻止”操作(右图):在“新筛选器操作属性”的“安全措施”选项卡中,选择“阻止”,然后点击“确定”按钮。第五步,进入“新规则属性”对话框,点击“新筛选器操作”,其左边的圆圈会加了一个点,表示已经激活,点击“关闭”按钮,关闭对话框;最后回到“新IP安全策略属性”对话框,在“新的IP筛选器列表”左边打钩,按“确定”按钮关闭对话框。在“本地安全策略”窗口,用鼠标右击新添加的 IP 安全策略,然后选择“指派”。于是重新启动后,电脑中上述网络端口就被关闭了,病毒和黑客再也不能连上这些端口,从而保护了你的电脑。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 5}], "answer_spans": [[0, 93]], "fake_answers": ["、单击始——运行输入regedit单击确定按钮打注册表二、找注册表项HKEY_LOCAL_MACHINE\\System\\Controlset\\Services\\NetBT\\Parameters三、选择Parameters项右键单击选择新建——DWORD值orQWORD值(32位系统选择DWORD值64位系统选择QWORD值)四、DWORD值命名SMBDeviceEnabled五、右键单击SMBDeviceEnabled值选择修改六、现编辑DWORD值框数值数据输入0单击确定按钮完设置"], "question": "2003如何关闭445端口", "segmented_answers": [["1", "、", "快捷键", "WIN", "+", "R", "启动", "运行", "窗口", ",", "输入", "cmd", "并", "执行", ",", "打开", "命令行", "操作", "窗口", ",", "输入", "命令", "“", "net", "stat", "-", "an", "”", ",", "检测", "445", "端口", "是否", "开启", "。", "2", "、", "依次", "输入", "以下", "命令", "进行", "关闭", ":", "net", "stop", "rdr", "/", "net", "stop", "srv", "/", "net", "stop", "netbt", "。"], ["一", "、", "单击", "始", "—", "运行", "输入", "regedit", "单击", "确定", "按钮", "打", "注册表", ";", "二", "、", "找", "注册表", "项", "HKEY", "_", "LOCAL", "_", "MACHINE", "\\", "System", "\\", "Control", "set", "\\", "Services", "\\", "NetBT", "\\", "Parameters", ";", "三", "、", "选择", "Parameters", "项", "右键单击", "选择", "新建", "—", "DWORD", "值", "or", "QWORD", "值", "(", "32", "位", "系统", "选择", "DWORD", "值", "64", "位", "系统", "选择", "QWORD", "值", ")", ";", "四", "、", "DWORD", "值", "命名", "SMB", "Device", "Enabled", ";", "五", "、", "右键单击", "SMB", "Device", "Enabled", "值", "选择", "修改", ";", "六", "、", "现", "编辑", "DWORD", "值", "框", "数值", "数据输入", "0", "单击确定", "按钮", "完", "设置", "。"]], "answers": ["1、快捷键WIN+R启动运行窗口,输入cmd并执行,打开命令行操作窗口,输入命令“netstat -an”,检测445端口是否开启。2、依次输入以下命令进行关闭:net stop rdr/net stop srv/net stop netbt。", "一、单击始—运行输入regedit单击确定按钮打注册表;二、找注册表项HKEY_LOCAL_MACHINE\\System\\Controlset\\Services\\NetBT\\Parameters;三、选择Parameters项右键单击选择新建—DWORD值orQWORD值(32位系统选择DWORD值64位系统选择QWORD值);四、DWORD值命名SMBDeviceEnabled;五、右键单击SMBDeviceEnabled值选择修改;六、现编辑DWORD值框数值数据输入0单击确定按钮完设置。"], "answer_docs": [3], "segmented_question": ["2003", "如何", "关闭", "445", "端口"], "question_type": "DESCRIPTION", "question_id": 181615, "fact_or_opinion": "FACT", "match_scores": [0.9326424870466321]}
-{"documents": [{"is_selected": true, "title": "git github gitlib gitlab分别是什么,有什么区别? - xelz的回答 - ", "most_related_para": 1, "segmented_title": ["git", "github", "git", "lib", "gitlab", "分别", "是", "什么", ",", "有", "什么", "区别", "?", "-", "xelz", "的", "回答", "-"], "segmented_paragraphs": [["看到", "有人", "说", "git", "lib", "/", "gitlab", ",", "那么", "问题", "来", "了", ",", "git", "github", "git", "lib", "gitlab", "分别", "是", "什么", ",", "有", "什么", "区别", "?", "我", "只", "知道", "github", ";"], ["git", "是", "一", "种", "版本控制", "系统", ",", "是", "一", "个", "命令", ",", "是", "一", "种", "工具", "git", "lib", "是", "用于", "实现", "git", "功能", "的", "开发", "库", "github", "是", "一", "个", "基于", "git", "实现", "的", "在线", "代码", "仓库", ",", "包含", "一", "个", "网站", "界面", ",", "向", "互联网", "开放", "gitlab", "是", "一", "个", "基于", "git", "实现", "的", "在线", "代码", "仓库", "软件", ",", "你", "可以", "用", "gitlab", "自己", "搭建", "一", "个", "类似于", "github", "一样", "的", "系统", ",", "一般", "用于", "在", "企业", "、", "学校", "等", "内部", "网络", "搭建", "git", "私服"], ["分享", "到", "微博", "?"], ["你好", "!", "看起来", "你", "挺", "喜欢", "这个", "内容", ",", "但是", "你", "还没有", "注册", "帐号", "。", "当你", "创建", "了", "帐号", ",", "我们", "能", "准确地", "追踪", "你", "关注", "的", "问题", ",", "在", "有", "新", "答案", "或", "内容", "的", "时候", "收到", "网页", "和", "邮件通知", "。", "还能", "直接", "向", "作者", "咨询", "更多", "细节", "。", "如果", "上面", "的", "内容", "有", "帮助", ",", "记得", "点赞", "(", ")", "ノ", "表示感谢", "。"], ["理由", ":", "删除", "理由", ":", "忽略", "理由", ":"], ["要", "该", ",", "理由", "是", ":"], ["相关", "我们", "条款", "中心", "与", "权限", "器", "语法", "精选", "下载", "服务中心"], ["合作", "我们", "我们", "伙伴", "报道", "反馈"], ["链接", "插件", ":", "Chrome", "插件", ":", "Firefox", ":", "问答", "/", "文章", "镜像", "访谈", "-", "DAY", "技术", "沙龙", "马拉松", "Hackathon", "搜索", "注册", "店铺"], ["我们", "微博", "日志", "技术", "日志", "运营", "日志", "运营", "日志"], ["许可", "特别说明", "外", ",", "用户", "内容", "均", "采用", "知识共享", "署名", "-", "非", "商业", "性", "使用", "-", "禁止", "演绎", "4.0", "国际", "许可协议", "进行", "许可", "站", "由", "又拍", "云", "提供", "CDN", "存储", "服务"], ["ICP", "备", "15005796", "号", "-", "2", "浙", "公网", "安", "备", "33010602002000", "号"]], "paragraphs": ["看到有人说gitlib/gitlab,那么问题来了,git github gitlib gitlab分别是什么,有什么区别?我只知道github;", "git 是一种版本控制系统,是一个命令,是一种工具gitlib 是用于实现git功能的开发库github 是一个基于git实现的在线代码仓库,包含一个网站界面,向互联网开放gitlab 是一个基于git实现的在线代码仓库软件,你可以用gitlab自己搭建一个类似于github一样的系统,一般用于在企业、学校等内部网络搭建git私服", "分享到微博?", "你好!看起来你挺喜欢这个内容,但是你还没有注册帐号。 当你创建了帐号,我们能准确地追踪你关注的问题,在有新答案或内容的时候收到网页和邮件通知。还能直接向作者咨询更多细节。如果上面的内容有帮助,记得点赞 (♥◠‿◠)ノ 表示感谢。", "理由: 删除理由: 忽略理由:", "要该,理由是:", "相关 我们 条款 中心 与权限 器语法 精选  下载 服务中心", "合作 我们 我们 伙伴 报道 反馈", "链接 插件: Chrome 插件: Firefox :问答 / 文章 镜像 访谈 -DAY 技术沙龙 马拉松 Hackathon 搜索注册 店铺", "我们   微博 日志 技术日志 运营日志 运营日志", "许可 特别说明外,用户内容均采用 知识共享署名-非商业性使用-禁止演绎 4.0 国际许可协议 进行许可  站由 又拍云 提供CDN 存储服务", "ICP备 15005796号-2 浙公网安备 33010602002000号"], "bs_rank_pos": 0}, {"is_selected": true, "title": "gitlab和github的区别_百度知道", "most_related_para": 0, "segmented_title": ["gitlab", "和", "github", "的", "区别", "_", "百度", "知道"], "segmented_paragraphs": [["Git", "-", "版本控制", "工具", "Git", "是", "一", "个", "开源", "的", "分布式", "版本控制", "系统", ",", "用", "以", "有效", "、", "高速", "的", "处理", "从", "很", "小", "到", "非常", "大", "的", "项目", "版本", "管理", "。", "[", "4", "]", "Git", "是", "Linus", "Torvalds", "为了", "帮助", "管理", "Linux", "内核", "开发", "而", "开发", "的", "一", "个", "开放源码", "的", "版本控制", "软件", "。", "Torvalds", "开始", "着", "手", "开发", "Git", "是", "为了", "作为", "一", "种", "过渡", "方案", "来", "替代", "Bit", "Keeper", ",", "后者", "之", "前", "一直", "是", "Linux", "内核", "开发", "人员", "在", "全球", "使用", "的", "主要", "源代码", "工具", "。", "开放源码", "社区", "中", "的", "有些人", "觉得", "Bit", "Keeper", "的", "许可证", "并", "不适合", "开放源码", "社区", "的", "工作", ",", "因此", "Torvalds", "决定", "着", "手", "研究", "许可证", "更为", "灵活", "的", "版本控制", "系统", "。", "尽管", "最初", "Git", "的", "开发", "是", "为了", "辅助", "Linux", "内核", "开发", "的", "过程", ",", "但是", "我们", "已经", "发现", "在", "很多", "其他", "自由软件", "项目", "中", "也", "使用", "了", "Git", "。", "例如", "最近", "就", "迁移", "到", "Git", "上", "来", "了", ",", "很多", "Free", "desktop", "的", "项目", "也", "迁移", "到", "了", "Git", "上", "。", "Github", "-", "一", "个", "网站", ",", "提供", "给", "用户", "空间", "创建", "git", "仓储", ",", "保存", "用户", "的", "一些", "数据", "文档", "或者", "代码", "等", "作为", "开源", "代码库", "以及", "版本"]], "paragraphs": ["Git - 版本控制工具 Git是一个开源的分布式版本控制系统,用以有效、高速的处理从很小到非常大的项目版本管理。[4] Git 是 Linus Torvalds 为了帮助管理 Linux 内核开发而开发的一个开放源码的版本控制软件。 Torvalds 开始着手开发 Git 是为了作为一种过渡方案来替代 BitKeeper,后者之前一直是 Linux 内核开发人员在全球使用的主要源代码工具。开放源码社区中的有些人觉得 BitKeeper 的许可证并不适合开放源码社区的工作,因此 Torvalds 决定着手研究许可证更为灵活的版本控制系统。尽管最初 Git 的开发是为了辅助 Linux 内核开发的过程,但是我们已经发现在很多其他自由软件项目中也使用了 Git。例如 最近就迁移到 Git 上来了,很多 Freedesktop 的项目也迁移到了 Git 上。 Github - 一个网站,提供给用户空间创建git仓储,保存用户的一些数据文档或者代码等 作为开源代码库以及版本"], "bs_rank_pos": 1}, {"is_selected": false, "title": "git github gitlab是什么关系 - thunder_fan的博客 - 博客频道 - ", "most_related_para": 3, "segmented_title": ["git", "github", "gitlab", "是", "什么", "关系", "-", "thunder", "_", "fan", "的", "博客", "-", "博客", "频道", "-"], "segmented_paragraphs": [["版权声明", ":", "原创文章", ",", "转载", "请", "注明", "出处", "。"], ["博", "主", ":", "thunder", "_", "fan", "声明", ":", "喝水", "不忘", "挖井人", ",", "转载", "请", "注明", "出处", "。", "联系方式", ":", "cllshxz", "#", "163", "DOT", "com", "(", "请", "自行", "改为", "正确", "格式", ")"], ["首先", "我们", "要", "知道", "git", "什么", "?", "git", "Git", "是", "一款", "免费", "、", "开源", "的", "分布式", "版本控制", "系统", ",", "用于", "敏捷", "高效", "地", "处理", "任何", "或", "小", "或", "大", "的", "项目", "。"], ["Git", "是", "一", "个", "开源", "的", "分布式", "版本控制", "系统", ",", "可以", "有效", "、", "高速", "的", "处理", "从", "很", "小", "到", "非常", "大", "的", "项目", "版本", "管理", "。", "Git", "是", "Linus", "Torvalds", "为了", "帮助", "管理", "Linux", "内核", "开发", "而", "开发", "的", "一", "个", "开放源码", "的", "版本控制", "软件", "。"], ["Torvalds", "开始", "着", "手", "开发", "Git", "是", "为了", "作为", "一", "种", "过渡", "方案", "来", "替代", "Bit", "Keeper", ",", "后者", "之", "前", "一直", "是", "Linux", "内核", "开发", "人员", "在", "全球", "使用", "的", "主要", "源代码", "工具", "。", "开放源码", "社区", "中", "的", "有些人", "觉得", "Bit", "Keeper", "的", "许可证", "并", "不适合", "开放源码", "社区", "的", "工作", ",", "因此", "Torvalds", "决定", "着", "手", "研究", "许可证", "更为", "灵活", "的", "版本控制", "系统", "。", "尽管", "最初", "Git", "的", "开发", "是", "为了", "辅助", "Linux", "内核", "开发", "的", "过程", ",", "但是", "我们", "已经", "发现", "在", "很多", "其他", "自由软件", "项目", "中", "也", "使用", "了", "Git", "。", "例如", "很多", "Free", "desktop", "的", "项目", "迁移", "到", "了", "Git", "上", "。"], ["以上", "这", "一", "段", "摘自", "百度百科", "。", "github", "等", "产品", "与", "git", "的", "关系"], ["那么", "github", "gitlab", "和", "这个", "git", "什么", "关系", "呢", ",", "以", "我", "的", "理解", "是", ":", "github", ",", "gitlab", "等", "产品", "都是", "第三方", "基于", "git", "这", "项", "技术开发", "的", ",", "所以", "当你", "使用", "这些", "第三方", "应用", "时", ",", "之", "前", "学", "的", "git", "知识", ",", "在", "这边", "都", "能", "派上用场", "。"], ["而且", "git", "这个东西", "使用", "相当", "广泛", ",", "你", "可以使用", "github", "来", "发起", "你", "开源项目", ",", "使用", "git", "book", "写", "你", "自己", "的", "博客", ",", "或者", "合作", "翻译", "一篇", "文献", ",", "总之", "它", "的", "众", "多功能", ",", "和", "基于", "git", "开发", "的", "众多", "产品", "都会", "对", "你", "的", "学习", "和", "工作", "提供", "极", "大", "的", "便利", "。"], ["心动不如行动", ",", "还", "不", "赶快行动", "起来", ",", "去", "走进", "git", "的", "世界", "。"], ["相关文章", "推荐"], ["猜", "你", "在", "找"]], "paragraphs": ["版权声明:原创文章,转载请注明出处。", "博主:thunder_fan 声明:喝水不忘挖井人,转载请注明出处。 联系方式:cllshxz#163 DOT com(请自行改为正确格式)", "首先我们要知道git什么?  git  Git是一款免费、开源的分布式版本控制系统,用于敏捷高效地处理任何或小或大的项目。", "Git是一个开源的分布式版本控制系统,可以有效、高速的处理从很小到非常大的项目版本管理。 Git 是 Linus Torvalds 为了帮助管理 Linux 内核开发而开发的一个开放源码的版本控制软件。", "Torvalds 开始着手开发 Git 是为了作为一种过渡方案来替代 BitKeeper,后者之前一直是 Linux 内核开发人员在全球使用的主要源代码工具。开放源码社区中的有些人觉得BitKeeper 的许可证并不适合开放源码社区的工作,因此 Torvalds 决定着手研究许可证更为灵活的版本控制系统。尽管最初 Git 的开发是为了辅助 Linux 内核开发的过程,但是我们已经发现在很多其他自由软件项目中也使用了 Git。例如 很多 Freedesktop 的项目迁移到了 Git 上。", "以上这一段摘自百度百科。  github等产品与git的关系", "那么github gitlab和这个git什么关系呢,以我的理解是:github,gitlab等产品都是第三方基于git这项技术开发的,所以当你使用这些第三方应用时,之前学的git知识,在这边都能派上用场。", "而且git这个东西使用相当广泛,你可以使用github来发起你开源项目,使用gitbook写你自己的博客,或者合作翻译一篇文献,总之它的众多功能,和基于git开发的众多产品都会对你的学习和工作提供极大的便利。", "心动不如行动,还不赶快行动起来,去走进git的世界。", "相关文章推荐", "猜你在找"], "bs_rank_pos": 2}, {"is_selected": false, "title": "Git,Github和Gitlab简介和基本使用 - 程序员联盟 - 简书", "most_related_para": 49, "segmented_title": ["Git", ",", "Github", "和", "Gitlab", "简介", "和", "基本", "使用", "-", "程序员", "联盟", "-", "简", "书"], "segmented_paragraphs": [["2016", ".", "08", ".", "03", "05", ":", "19", "打开", "App"], ["-", "-", "作者", "谢恩铭", "转载", "请", "注明", "出处"], ["这年头", "不知道", "Git", ",", "还", "真", "不好意思", "出门", "跟", "人家", "打招呼", "!", "不过", "假如", "您", "不知道", ",", "或者", "不是", "太清楚", ",", "那", "也", "没关系", "。", "可以", "先", "跟", "我", "打", "个", "招呼", ",", "看", "完", "这篇文章", ",", "就", "可以", "跟", "别人", "去", "打招呼", "了", "。", ":", "P"], ["Git", "是", "一", "个", "版本", "控制", "系统", "(", "Version", "Control", "System", ",", "VCS", ")", "。"], ["版本控制", "是", "一", "种", "记录", "一", "个", "或", "若干", "文件", "内容", "变化", ",", "以便", "将来", "查阅", "特定", "版本", "修订", "情况", "的", "系统", "。"], ["多年前", ",", "我", "在", "法国", "做", "第一个", "实习", "时", "(", "2011", "年", ")", ",", "那时候", "自己", "编程", "还在", "入门", "阶段", ",", "根本", "没听过", "版本控制", "系统", "。"], ["那时候", "真是", "蠢", "(", "现在", "也", "没", "好", "到", "哪里", "去", ")", ",", "每次", "修改", "多一点", "的", "代码", ",", "就要", "复制", "、", "黏贴", "整个", "项目", "目录", "。", "因此", ",", "公司", "的", "电脑", "里", "有", "着", "几", "十", "个", "项目", "的", "副本", "(", "简直", "了", ")", "。"], ["前不久", ",", "我", "看到", "公司", "的", "一", "个", "实习生", "也", "在", "做", "和", "我", "多年前", "同样", "的", "事", "。", "而且", "我们", "问", "他", ",", "他", "说", "没", "听说过", "版本控制", "系统", ".", ".", "."], ["现在", ",", "我", "用", "Git", "也有", "几", "年", "了", "吧", "。", "绝对", "是", "越", "用", "越", "爽", ",", "不用", "不爽", ";", "一朝", "使用", ",", "爱不释手", "。"], ["每天", "到", "公司", "第一件事", ",", "开", "电脑", ";", "第", "二", "件", "事", ",", "在", "终端", "中", "切换", "到", "项目目录", ",", "然后", "输入", "Git", "命令", "。"], ["有", "了", "版本控制", "系统", ",", "就", "可以", "不用担心", "文件", "丢失", ",", "不小心", "误", "修改", "文件", "等等", "“", "事故", "”", ",", "而且", "你", "可以", "随便", "回到", "历史记录", "的", "某", "个", "时刻", "。"], ["SVN", ",", "CVS", "这", "类", "早期", "的", "集中式", "版本控制", "系统", ",", "都", "有", "一", "个", "单", "一", "的", "集中", "管理", "的", "服务器", ",", "保存", "所有", "文件", "的", "修订", "版本", ",", "而", "协同", "工作", "的", "人们", "都", "通过", "客户端", "连", "到", "这", "台", "服务器", ",", "取出", "最新", "的", "文件", "或者", "提交", "更新", "。"], ["它们", "的", "原理", "类似", "下图", ":"], ["而", "Git", "或", "Mercurial", "这", "类", "分布式", "版本控制", "系统", ",", "才是", "现代", "的", "首选", "。", "因为", "分布式", "的", "优势", "绝对", "显著", "。"], ["在", "分布式", "版本控制", "系统", "里", ",", "客户端", "并", "不", "只", "提取", "最新版本", "的", "文件", "快照", ",", "而是", "把", "代码", "仓库", "完整", "地", "镜像下来", "。"], ["这么", "一", "来", ",", "任何", "一", "处", "协同", "工作", "用", "的", "服务器", "发生故障", ",", "事后", "都", "可以", "用", "任何", "一", "个", "镜像", "出来", "的", "本地", "仓库", "恢复", "。", "因为", "每一次", "的", "提取", "操作", ",", "实际上", "都是", "一次", "对", "代码", "仓库", "的", "完整", "备份", "。"], ["现在", ",", "Google", ",", "Facebook", ",", "Microsoft", "等", "世界级", "公司", "每天", "在", "用", "Git", "。"], ["众所周知", ",", "IT", "界", "大牛", "很多", ",", "但是", "大牛", "中", "的", "大牛", "稀少", "。"], ["Linus", "Torvalds", "就是", "其中", "之", "一", "。"], ["Linus", "Torvalds", "不", "但", "开创", "了", "Linux", "操作系统", "(", "当然了", ",", "开源社区", "对", "Linux", "贡献", "极", "大", ",", "参看", "我", "的", "【", "Linux", "探索", "之", "旅", "】", "开宗明义", "+", "第一部分", "第一课", ":", "什么", "是", "Linux", "?", ")", ",", "而且", "他", "发明", "了", "Git", "版本控制", "系统", "。"], ["现在", "的", "Android", "系统", "底层", "就是", "基于", "更改", "过", "的", "Linux", "系统", ",", "你", "说", "Linus", "Torvalds", "是不是", "贡献", "极", "大", "。"], ["Git", "的", "诞生", "很", "有趣", ":"], ["2005", "年", "Linux", "内核", "开发", "社区", "正面临", "严峻", "的", "挑战", ":", "他们", "不能", "继续", "使用", "Bit", "Keeper", "(", "一", "个", "分布式", "版本控制", "系统", ")", "了", "(", "原因", "是", "当时", "Bit", "keeper", "著作权", "所有者", "决定", "收回", "授权", ",", "内核", "开发团队", "与其", "协商", "无果", ")", ",", "而又", "没有", "其他", "的", "SCM", "(", "Software", "Configuration", "Management", ")", "可", "满足", "他们", "的", "分布式", "系统", "的", "需求", "。"], ["Linux", "之", "父", "Linus", "Torvalds", "接受", "了", "这个", "挑战", ",", "决定", "开发", "一", "个", "新", "的", "版本控制", "系统", "。", "周末", "他", "消失了", ",", "新", "的", "一", "周", ",", "Git", "问世", "了", "。", "LT", "就是", "威武", "。"], ["Atlassian", "为", "Git", "做", "了", "一", "个", "10", "年", "的", "纪录", "图", "。"], ["安装", "Git", "很简单", ",", "在", "Ubuntu", "等", "Debian", "族", "的", "Linux", "系统", "上", ",", "只要", "输入", "下面", "命令", ":"], ["关于", "安装", "Git", ",", "可以", "看", "这个", "链接"], ["安装完", "Git", "就", "可以", "对其", "做", "一些", "配置", "。"], ["Git", "有", "一", "个", "工具", "被", "称为", "git", "config", ",", "它", "允许", "你", "获得", "和", "设置", "配置", "变量", ";", "这些", "变量", "可以", "控制", "Git", "的", "外观", "和", "操作", "的", "各个方面", "。", "这些", "变量", "可以", "被", "存储", "在", "三", "个", "不同", "的", "位置", ":"], ["/", "etc", "/", "git", "config", "文件", ":", "包含", "了", "适用于", "系统", "所有", "用户", "和", "所有", "库", "的", "值", "。", "如果", "你", "传递", "参数", "选项", "’", "-", "-", "system", "’", "给", "git", "config", ",", "它", "将", "明确", "的", "读", "和", "写", "这个", "文件", "。", "~", "/", ".", "git", "config", "文件", ":", "具体", "到", "你", "的", "用户", "。", "你可以", "通过", "传递", "-", "-", "global", "选项", "使", "Git", "读", "或", "写", "这个", "特定", "的", "文件", "。", "位于", "git", "目录", "的", "config", "文件", "(", "也", "就是", ".", "git", "/", "config", ")", ":", "无论", "你", "当前", "在", "用", "的", "库", "是什么", ",", "特定", "指向", "该", "单", "一", "的", "库", "。", "每个", "级别", "重写", "前", "一", "个", "级别", "的", "值", "。", "因此", ",", "在", ".", "git", "/", "config", "中", "的", "值", "覆盖", "了", "在", "/", "etc", "/", "git", "config", "中", "的", "同", "一", "个", "值", "。"], ["我", "的", "Git", "config", "(", "配置", ")", "列表", ":"], ["这个", "配置", "就", "在", "你", "的", "个人", "目录", "的", ".", "git", "config", "(", "有", "一", "个", "点", "哦", ",", "不用", "ls", "-", "al", "是", "看不到", "的", ")", "文件", "中", ",", "你", "可以", "用", "vim", "来", "打开", "编辑", "内容", "(", "vim", "~", "/", ".", "git", "config", ")", ",", "我", "的", "内容", "如", "下"], ["因为我", "比较", "喜欢", "偷懒", "(", "程序员", "需要", "学会", "偷懒", "好", "么", ")", ",", "git", "命令", "有", "几个", "太", "长", "的", ",", "我", "就", "用", "alias", "(", "别名", ")", "来", "替代", "了", ",", "这样", "平时", "输入", "git", "命令", "就", "快", "了", "很多", ",", "简直", "飞", "起", "!"], ["我", "最", "常用", "的", "Git", "命令", "(", "全名", ",", "没用", "alias", "之前", ")", ":"], ["Pro", "Git", "这本书", "(", "也", "可以", "看", "其", "电子版", ")", "绝对", "是", "Git", "入门", "和", "进深", "的", "不二", "选择", "。"], ["我", "的", "同桌", "说", ":", "他", "进", "公司", "时", ",", "被", "要求", "先", "读", "两", "遍", "这本书", "。"], ["Github", "和", "Git", "是", "两回事", "。"], ["Git", "是", "版本控制", "系统", ",", "Github", "是", "在线", "的", "基于", "Git", "的", "代码", "托管", "服务", "。"], ["GitHub", "是", "2008", "年", "由", "Ruby", "on", "Rails", "编写", "而", "成", "。", "GitHub", "同时", "提供", "付费", "账户", "和", "免费", "账户", "。", "这", "两种", "账户", "都", "可以", "创建", "公开", "的", "代码", "仓库", ",", "但是", "付费", "账户", "也", "可以", "创建", "私有", "的", "代码", "仓库", "。"], ["为什么", "现在", "Github", "这么", "火", ",", "以至于", "世界", "顶级", "公司", "和", "项目", "的", "源码", "很多", "都", "托管", "在", "Github", "上", ",", "首先", ":"], ["现在", "这世代", "还是", "得", "看看", "颜值", "的", "。", "你", "说", "Sourceforge", "等", "代码", "托管", "网站", "也", "年", "岁", "很久", "了", ",", "为什么", "没有", "Github", "那么", "火", "呢", "?"], ["关键", "是", "Github", "长", "得", "好看", "(", "你", "长", "这么", "好看", ",", "说什么", "都是", "对", "的", ")", "。"], ["对比", "Github", "和", "Sourceforge"], ["反正", "我", "看", "了", "Github", "再来", "看", "Sourceforge", "的", "主页", ",", "我", "已经", "不", "想", "用", "Sourceforge", "了", "。"], ["软件", "的", "颜值", "体现", "了", "设计", "者", "的", "审美观", "以及", "设计", "能力", "。"], ["2011", "年", ",", "Github", "已经", "取代", "Sourceforge", ",", "成为", "最", "活跃", "的", "代码", "交流", "社区", "。", "这", "意味着", "在", "Open", "Source", "Community", "(", "开源社区", ")", ",", "Git", "取代", "了", "SVN", "已经成为", "事实", "。"], ["而且", ",", "Github", "现在", "都", "快", "成为", "程序员", "简历", "的", "一", "个", "重要", "加分", "条件", "了", "。"], ["如果", "你", "的", "简历", "里", "放", "上", "你", "的", "Github", "链接", ",", "招聘", "者", "通过", "你", "对", "开源项目", "的", "贡献", "和", "你", "自己", "的", "项目", "代码", ",", "就", "可以", "对", "你", "的", "水准", "了解", "大概", "(", "我", "还", "没", "把", "我", "的", "项目", "都", "放到", "Github", "上", ",", "慢慢来", "吧", ")", "。"], ["Linus", "Torvalds", "的", "Github", "页面"], ["Github", "有", "个", "小", "缺陷", "(", "也", "不能", "算是", "缺陷", "吧", ")", ",", "就是", "你", "的", "repo", "(", "repository", "的", "缩写", ",", "表示", "“", "仓库", "”", ")", "都", "需要", "public", "(", "公开", ")", ",", "如果", "你", "想要", "创建", "private", "(", "私人", ")", "的", "repo", ",", "那", "得", "付钱", "。"], ["不过", ",", "幸好", ",", "Gitlab", "解决", "了", "这个问题", ",", "可以", "在", "上面", "创建", "免费", "的", "私人", "repo", "。"], ["比如", "我们", "公司", "就是", "用", "Gitlab", "来", "管理", "项目", "的", "(", "【", "程序员", "】", "项目经理", "如何", "调动", "组员", "积极性", ")", "。"], ["可以看到", ",", "我", "是", "从", "2015", "年", "10", "月", "12", "日", "在", "Ercom", "公司", "工作", "的", ",", "一直", "活跃度", "还不错", "(", "必须", "为", "中国人", "争光", "么", ",", "我", "可是", "组", "里", "最", "努力", "的", ")", "。"], ["再", "看", "我", "个人", "的", "Gitlab", "账户", "页面", ",", "至今", "只有", "几个", "项目", ",", "因为", "大部分", "都", "开源", "在", "Github", "上", "。"], ["要", "创建", "Gitlab", "的", "新项目", "很简单", ",", "和", "Github", "类似", ",", "只要", "点击", "New", "Project", "按钮", ",", "填写", "基本", "信息", "即可", "。"], ["可以看到", ",", "项目", "的", "默认", "属性", "是", "Private", "(", "私人", "的", ")", ",", "当然", ",", "你", "也", "可以", "选择", "Public", "(", "公开", "的", ")", "或", "Internal", "(", "内部", "的", ")", "。"], ["怎么样", ",", "Github", "和", "Gitlab", "很", "酷", "吧", "。"], ["快", "去", "试", "试", "Git", "吧", ",", "再", "不", "赶紧", ",", "\"", "女神", "\"", "都", "老", "了", "(", "没关系", ",", "用", "git", "reset", "或者", "revert", "或者", "git", "rebase", "可以", "重回", "美好时光", ")", "!"], ["我", "是", "谢恩铭", ",", "在巴黎", "奋斗", "的", "软件工程师", "。", "热爱生活", ",", "喜欢", "游泳", ",", "略懂", "烹饪", "。", "人生格言", ":", "「", "向着", "标杆", "直", "跑", "」"], ["gitlab", "没有", "下定义", "啊", ",", "它", "和", "github", "有", "什么", "区别", "?"], ["5", "楼", "·", "2016", ".", "08", ".", "19", "15", ":", "25"], ["2016", ".", "08", ".", "19", "15", ":", "55", "回复"], ["2016", ".", "11", ".", "23", "17", ":", "58", "回复"], ["2016", ".", "11", ".", "23", "18", ":", "16", "回复"], ["2", "楼", "·", "2016", ".", "08", ".", "05", "00", ":", "18"], ["3", "楼", "·", "2016", ".", "08", ".", "05", "03", ":", "50"], ["4", "楼", "·", "2016", ".", "08", ".", "10", "16", ":", "11"]], "paragraphs": ["2016.08.03 05:19 打开App", "-- 作者 谢恩铭 转载请注明出处", "这年头不知道Git, 还真不好意思出门跟人家打招呼!不过假如您不知道, 或者不是太清楚, 那也没关系。可以先跟我打个招呼, 看完这篇文章, 就可以跟别人去打招呼了。:P", "Git是一个版本控制系统(Version Control System,VCS)。", "版本控制是一种记录一个或若干文件内容变化,以便将来查阅特定版本修订情况的系统。", "多年前,我在法国做第一个实习时(2011年),那时候自己编程还在入门阶段,根本没听过版本控制系统。", "那时候真是蠢(现在也没好到哪里去),每次修改多一点的代码,就要复制、黏贴整个项目目录。因此,公司的电脑里有着几十个项目的副本(简直了)。", "前不久,我看到公司的一个实习生也在做和我多年前同样的事。而且我们问他,他说没听说过版本控制系统...", "现在,我用Git也有几年了吧。绝对是越用越爽,不用不爽;一朝使用,爱不释手。", "每天到公司第一件事,开电脑;第二件事,在终端中切换到项目目录,然后输入Git命令。", "有了版本控制系统,就可以不用担心文件丢失,不小心误修改文件等等“事故”,而且你可以随便回到历史记录的某个时刻。", "SVN, CVS这类早期的集中式版本控制系统,都有一个单一的集中管理的服务器,保存所有文件的修订版本,而协同工作的人们都通过客户端连到这台服务器,取出最新的文件或者提交更新。", "它们的原理类似下图:", "而Git或Mercurial这类分布式版本控制系统, 才是现代的首选。因为分布式的优势绝对显著。", "在分布式版本控制系统里,客户端并不只提取最新版本的文件快照,而是把代码仓库完整地镜像下来。", "这么一来,任何一处协同工作用的服务器发生故障,事后都可以用任何一个镜像出来的本地仓库恢复。因为每一次的提取操作,实际上都是一次对代码仓库的完整备份。", "现在,Google, Facebook, Microsoft等世界级公司每天在用Git。", "众所周知,IT界大牛很多, 但是大牛中的大牛稀少。", "Linus Torvalds就是其中之一。", "Linus Torvalds不但开创了Linux操作系统(当然了, 开源社区对Linux贡献极大, 参看我的【Linux探索之旅】开宗明义+第一部分第一课:什么是Linux?), 而且他发明了Git版本控制系统。", "现在的Android系统底层就是基于更改过的Linux系统,你说Linus Torvalds是不是贡献极大。", "Git的诞生很有趣:", "2005年Linux 内核开发社区正面临严峻的挑战:他们不能继续使用 BitKeeper(一个分布式版本控制系统) 了(原因是当时Bitkeeper 著作权所有者决定收回授权,内核开发团队与其协商无果),而又没有其他的 SCM (Software Configuration Management)可满足他们的分布式系统的需求。", "Linux 之父 Linus Torvalds 接受了这个挑战,决定开发一个新的版本控制系统。周末他消失了,新的一周,Git 问世了。LT就是威武。", "Atlassian为Git做了一个10年的纪录图。", "安装Git很简单,在Ubuntu等Debian族的Linux系统上,只要输入下面命令:", "关于安装Git,可以看这个链接", "安装完Git就可以对其做一些配置。", "Git有一个工具被称为git config,它允许你获得和设置配置变量;这些变量可以控制Git的外观和操作的各个方面。这些变量可以被存储在三个不同的位置:", "/etc/gitconfig 文件:包含了适用于系统所有用户和所有库的值。如果你传递参数选项’--system’ 给 git config,它将明确的读和写这个文件。  ~/.gitconfig 文件 :具体到你的用户。你可以通过传递--global 选项使Git 读或写这个特定的文件。 位于git目录的config文件 (也就是 .git/config) :无论你当前在用的库是什么,特定指向该单一的库。每个级别重写前一个级别的值。因此,在.git/config中的值覆盖了在/etc/gitconfig中的同一个值。", "我的Git config(配置)列表:", "这个配置就在你的个人目录的.gitconfig(有一个点哦, 不用ls -al是看不到的)文件中, 你可以用vim来打开编辑内容 (vim ~/.gitconfig), 我的内容如下", "因为我比较喜欢偷懒(程序员需要学会偷懒好么), git命令有几个太长的, 我就用alias(别名)来替代了, 这样平时输入git命令就快了很多, 简直飞起!", "我最常用的Git命令(全名,没用alias之前):", "Pro Git这本书(也可以看其电子版)绝对是Git入门和进深的不二选择。", "我的同桌说:他进公司时,被要求先读两遍这本书。", "Github 和 Git 是两回事。", "Git是版本控制系统,Github是在线的基于Git的代码托管服务。", "GitHub是2008年由Ruby on Rails编写而成。GitHub同时提供付费账户和免费账户。这两种账户都可以创建公开的代码仓库,但是付费账户也可以创建私有的代码仓库。", "为什么现在Github这么火,以至于世界顶级公司和项目的源码很多都托管在Github上,首先:", "现在这世代还是得看看颜值的。你说Sourceforge等代码托管网站也年岁很久了,为什么没有Github那么火呢?", "关键是Github长得好看(你长这么好看,说什么都是对的)。", "对比Github和Sourceforge", "反正我看了Github再来看Sourceforge的主页,我已经不想用Sourceforge了。", "软件的颜值体现了设计者的审美观以及设计能力。", "2011年,Github已经取代Sourceforge,成为最活跃的代码交流社区。这意味着在Open Source Community(开源社区),Git取代了SVN已经成为事实。", "而且,Github现在都快成为程序员简历的一个重要加分条件了。", "如果你的简历里放上你的Github链接,招聘者通过你对开源项目的贡献和你自己的项目代码,就可以对你的水准了解大概(我还没把我的项目都放到Github上,慢慢来吧)。", "Linus Torvalds的Github页面", "Github有个小缺陷 (也不能算是缺陷吧), 就是你的repo(repository的缩写,表示“仓库”)都需要public(公开), 如果你想要创建private(私人)的repo, 那得付钱。", "不过, 幸好, Gitlab解决了这个问题, 可以在上面创建免费的私人repo。", "比如我们公司就是用Gitlab来管理项目的(【程序员】项目经理如何调动组员积极性)。", "可以看到,我是从2015年10月12日在Ercom公司工作的,一直活跃度还不错(必须为中国人争光么,我可是组里最努力的)。", "再看我个人的Gitlab账户页面,至今只有几个项目,因为大部分都开源在Github上。", "要创建Gitlab的新项目很简单,和Github类似,只要点击New Project按钮,填写基本信息即可。", "可以看到,项目的默认属性是Private(私人的),当然,你也可以选择Public(公开的)或Internal(内部的)。", "怎么样,Github和Gitlab很酷吧。", "快去试试Git吧, 再不赶紧, \"女神\"都老了 (没关系, 用git reset或者revert或者git rebase可以重回美好时光)!", "我是谢恩铭,在巴黎奋斗的软件工程师。热爱生活,喜欢游泳,略懂烹饪。人生格言:「向着标杆直跑」", "gitlab没有下定义啊,它和github有什么区别?", "5楼 · 2016.08.19 15:25", "2016.08.19 15:55 回复", "2016.11.23 17:58 回复", "2016.11.23 18:16 回复", "2楼 · 2016.08.05 00:18", "3楼 · 2016.08.05 03:50", "4楼 · 2016.08.10 16:11"], "bs_rank_pos": 3}, {"is_selected": true, "title": "gitlab - 阿里云code git和那个github的git有什么区别? - Segment", "most_related_para": 2, "segmented_title": ["gitlab", "-", "阿里", "云", "code", "git", "和", "那个", "github", "的", "git", "有", "什么", "区别", "?", "-", "Segment"], "segmented_paragraphs": [["1", ".", "如", "题", "!", "公司", "马上", "要", "用", "git", "代替", "svn", "作为", "代码", "的", "版本控制", "工具", "了", ",", "说", "是", "用", "阿里", "云", "的", "code", "git", ",", "回来", "把", "廖雪峰", "的", "git", "教程", "看", "了", "一遍", ",", "大致", "命令", "都", "熟悉", "了", ",", "以及", "从", "github", "远程", "库", "克隆", "什么", "也", "都", "操作", "了", "一遍", ",", "但", "问题", "来", "了", ",", "阿里", "云", "的", "code", "git", "和", "github", "的", "git", ",", "还有什么", "是", "gitlab", "有", "什么", "区别", "?", "操作方式", "有", "什么", "区别"], ["阿里", "云", "的", "git", "和", "github", "的", "git", "是", "没有", "什么", "区别", "的", "。"], ["但", "阿里", "云", "这个", "基于", "git", "的", "代码", "托管", "平台", "(", "应该", "是", "基于", "gitlab", "的", ")", "和", "github", "这个", "基于", "git", "的", "托管", "平台", "是", "有", "一定", "区别", "的", "。", "他们", "的", "共同点", "就是", ":", "都是", "基于", "git", "提供", "的", "服务", "。", "他们", "的", "区别", "你", "可以", "搜索", "gitlab", "和", "github", "的", "区别"], ["国内", "coding", ".", "net", "做", "得", "不错"], ["基本", "命令", "都", "差不多", "。"], ["分享", "到", "微博", "?"], ["Hi", ",", "欢迎来到", "Segment", "Fault", "技术", "社区", "!", "⊙", "▽", "⊙", "在这里", ",", "你", "可以", "提出", "编程", "相关", "的", "疑惑", ",", "关注", "感兴趣", "的", "问题", ",", "对", "认可", "的", "回答", "投", "赞同", "票", ";", "大家", "会", "帮", "你", "解决", "编程", "的", "问题", ",", "和", "你", "探讨", "技术", "更新", ",", "为", "你", "的", "回答", "投", "上", "赞同", "票", "。"], ["关闭", "理由", ":", "删除", "理由", ":", "忽略", "理由", ":"], ["我", "要", "该", ",", "理由", "是", ":"], ["网站", "相关", "关于", "我们", "服务条款", "帮助中心", "声望", "与", "权限", "编辑器", "语法", "每周", "精选", "App", "下载", "社区", "服务中心"], ["常用", "链接", "笔记", "插件", ":", "Chrome", "笔记", "插件", ":", "Firefox", "订阅", ":", "问答", "/", "文章", "文档", "镜像", "社区", "访谈", "D", "-", "DAY", "技术", "沙龙", "黑客", "马拉松", "Hackathon", "域名", "搜索", "注册", "周边", "店铺"], ["关注", "我们", "Github", "Twitter", "新浪", "微博", "团队", "日志", "产品技术", "日志", "社区", "运营", "日志", "市场", "运营", "日志"], ["内容", "许可", "除", "特别说明", "外", ",", "用户", "内容", "均", "采用", "知识共享", "署名", "-", "非", "商业", "性", "使用", "-", "禁止", "演绎", "4.0", "国际", "许可协议", "进行", "许可", "本站", "由", "又拍", "云", "提供", "CDN", "存储", "服务"]], "paragraphs": ["1.如题!公司马上要用git代替svn作为代码的版本控制工具了,说是用阿里云的code git,回来把廖雪峰的git教程看了一遍,大致命令都熟悉了,以及从github远程库克隆什么也都操作了一遍,但问题来了,阿里云的code git和github的git,还有什么是gitlab 有什么区别?操作方式有什么区别", "阿里云的 git 和 github 的 git 是没有什么区别的。", "但阿里云这个基于 git 的代码托管平台(应该是基于 gitlab 的)和github 这个基于 git 的托管平台是有一定区别的。他们的共同点就是:都是基于 git 提供的服务。他们的区别你可以搜索 gitlab 和 github 的区别", "国内coding.net 做得不错", "基本命令都差不多。", "分享到微博?", "Hi,欢迎来到 SegmentFault 技术社区!⊙▽⊙ 在这里,你可以提出编程相关的疑惑,关注感兴趣的问题,对认可的回答投赞同票;大家会帮你解决编程的问题,和你探讨技术更新,为你的回答投上赞同票。", "关闭理由: 删除理由: 忽略理由:", "我要该,理由是:", "网站相关 关于我们 服务条款 帮助中心 声望与权限 编辑器语法 每周精选 App 下载 社区服务中心", "常用链接 笔记插件: Chrome 笔记插件: Firefox 订阅:问答 / 文章 文档镜像 社区访谈 D-DAY 技术沙龙 黑客马拉松 Hackathon 域名搜索注册 周边店铺", "关注我们 Github Twitter 新浪微博 团队日志 产品技术日志 社区运营日志 市场运营日志", "内容许可 除特别说明外,用户内容均采用 知识共享署名-非商业性使用-禁止演绎 4.0 国际许可协议 进行许可  本站由 又拍云 提供CDN 存储服务"], "bs_rank_pos": 4}], "answer_spans": [[2, 85]], "fake_answers": ["一种版本控制系统,是一个命令,是一种工具gitlib是用于实现git功能的开发库github是一个基于git实现的在线代码仓库,包含一个网站界面,向互联网开放gitlab是一个基于git实现的在线代码仓库软件,你可以用gitlab自己搭建一个类似于github一样的系统,一般用于在企业、学校等内部网络搭建git私服"], "question": "git gitlab github的区别", "segmented_answers": [["git", "是", "一", "种", "版本控制", "系统", ",", "是", "一", "个", "命令", ",", "是", "一", "种", "工具", ";", "gitlab", "是", "一", "个", "基于", "git", "实现", "的", "在线", "代码", "仓库", "软件", ",", "可以", "用", "gitlab", "自己", "搭建", "一", "个", "类似于", "github", "一样", "的", "系统", ",", "一般", "用于", "在", "企业", "、", "学校", "等", "内部", "网络", "搭建", "git", "私服", ";", "github", "是", "一", "个", "基于", "git", "实现", "的", "在线", "代码", "仓库", ",", "包含", "一", "个", "网站", "界面", ",", "向", "互联网", "开放", "。"], ["Git", "是", "一", "个", "开源", "的", "分布式", "版本控制", "系统", ",", "用", "以", "有效", "、", "高速", "的", "处理", "从", "很", "小", "到", "非常", "大", "的", "项目", "版本", "管理", "。", "Git", "是", "Linus", "Torvalds", "为了", "帮助", "管理", "Linux", "内核", "开发", "而", "开发", "的", "一", "个", "开放源码", "的", "版本控制", "软件", "。", "Github", "是", "一", "个", "网站", ",", "提供", "给", "用户", "空间", "创建", "git", "仓储", ",", "保存", "用户", "的", "一些", "数据", "文档", "或者", "代码", "等", "。", "GitLab", "是", "一", "个", "用于", "仓库", "管理系统", "的", "开源项目", ",", "使用", "Git", "作为", "代码", "管理", "工具", ",", "并", "在", "此", "基础", "上", "搭建", "起来", "的", "web", "服务", "。"], ["Git", "是", "版本控制", "系统", ",", "Github", "是", "在线", "的", "基于", "Git", "的", "代码", "托管", "服务", "。", "Github", "就是", "自己", "的", "repo", "(", "repository", "的", "缩写", ",", "表示", "“", "仓库", "”", ")", "都", "需要", "public", "(", "公开", ")", ",", "如果", "想要", "创建", "private", "(", "私人", ")", "的", "repo", ",", "那", "得", "付钱", "。"]], "answers": ["git是一种版本控制系统,是一个命令,是一种工具;gitlab是一个基于git实现的在线代码仓库软件,可以用gitlab自己搭建一个类似于github一样的系统,一般用于在企业、学校等内部网络搭建git私服;github是一个基于git实现的在线代码仓库,包含一个网站界面,向互联网开放。", "Git是一个开源的分布式版本控制系统,用以有效、高速的处理从很小到非常大的项目版本管理。Git 是 Linus Torvalds 为了帮助管理 Linux 内核开发而开发的一个开放源码的版本控制软件。Github 是 一个网站,提供给用户空间创建git仓储,保存用户的一些数据文档或者代码等。GitLab 是一个用于仓库管理系统的开源项目,使用Git作为代码管理工具,并在此基础上搭建起来的web服务。", "Git是版本控制系统,Github是在线的基于Git的代码托管服务。Github就是自己的repo(repository的缩写,表示“仓库”)都需要public(公开), 如果想要创建private(私人)的repo, 那得付钱。"], "answer_docs": [0], "segmented_question": ["git", "gitlab", "github", "的", "区别"], "question_type": "DESCRIPTION", "question_id": 181616, "fact_or_opinion": "FACT", "match_scores": [0.8518518518518519]}
-{"documents": [{"is_selected": true, "title": "ios8.0怎么更新_百度知道", "most_related_para": 2, "segmented_title": ["ios8", ".", "0", "怎么", "更新", "_", "百度", "知道"], "segmented_paragraphs": [["ios8", ".", "0", "的", "更新", "方法", "如", "下", ":", "首先", "点击", "“", "设置", "”", ",", "如", "下", "图", "所示", ":", "进入", "“", "设置", "”", "之后", ",", "点击", "“", "通用", "”", "。", "如", "下", "图", "所示", ":", "进入", "“", "通用", "”", "之后", "然后", "点击", "“", "软件更新", "”", "并", "进入", ",", "如", "下", "图", "所示", ":", "如果", "空间", "不够用", "需要", "将", "多余", "的", "文件", "删掉", ",", "并且", "选择", "“", "下载安装", "”", "即可", "。", "如", "下", "图", "所示", ":"], ["你", "是", "什么", "型号", "的", "iPhone", "?", "如果", "是", "支持", "ios8", "的", ",", "那", "现在", "只能", "升级", "到", "ios", "10", ",", "因为", "只能", "升级", "到", "最新", "的", "系统", ",", "老", "系统", "已经", "关闭", "了", "验证", "通道", "。", "系统升级", "方法", "直接进入", "设置", "-", "-", "通用", "-", "-", "软件更新", "(", "连", "上", "wifi", ",", "只要", "是", "支持", "升级", "的", ",", "就会", "自动", "搜索", "到", "最新", "系统", ",", "点击", "下载", "即可", ")", "。", "或者", "在", "电脑", "上", "使用", "itunes", ",", "连", "上", "手机", ",", "点击", "更新", "。", "如果", "你", "是", "iPhone", "4", ",", "那", "就", "无法", "升级", "到", "ios8", "。"], ["ios8", ".", "0", "的", "更新", "方法", "如", "下", ":", "首先", "点击", "“", "设置", "”", ",", "如", "下", "图", "所示", ":", "进入", "“", "设置", "”", "之后", ",", "点击", "“", "通用", "”", "。", "如", "下", "图", "所示", ":", "进入", "“", "通用", "”", "之后", "然后", "点击", "“", "软件更新", "”", "并", "进入", ",", "如", "下", "图", "所示", ":", "如果", "空间", "不够用", "需要", "将", "多余", "的", "文件", "删掉", ",", "并且", "选择", "“", "下载安装", "”", "即可", "。", "如", "下", "图", "所示", ":"]], "paragraphs": ["ios8.0的更新方法如下: 首先点击“设置”,如下图所示: 进入“设置”之后,点击“通用”。如下图所示: 进入“通用”之后然后点击“软件更新”并进入,如下图所示: 如果空间不够用需要将多余的文件删掉,并且选择“下载安装”即可。如下图所示:", "你是什么型号的iPhone? 如果是支持ios8的,那现在只能升级到ios10,因为只能升级到最新的系统,老系统已经关闭了验证通道。系统升级方法直接进入设置--通用--软件更新(连上wifi,只要是支持升级的,就会自动搜索到最新系统,点击下载即可)。 或者在电脑上使用itunes,连上手机,点击更新。 如果你是iPhone4,那就无法升级到ios8。", "ios8.0的更新方法如下: 首先点击“设置”,如下图所示: 进入“设置”之后,点击“通用”。如下图所示: 进入“通用”之后然后点击“软件更新”并进入,如下图所示: 如果空间不够用需要将多余的文件删掉,并且选择“下载安装”即可。如下图所示:"], "bs_rank_pos": 0}, {"is_selected": true, "title": "ipad更新ios8.0怎么更新_百度知道", "most_related_para": 0, "segmented_title": ["ipad", "更新", "ios8", ".", "0", "怎么", "更新", "_", "百度", "知道"], "segmented_paragraphs": [["您好", ",", "很荣幸", "回答", "您", "的", "问题", ":", "iPad", "更新", "iOS8", "之前", "请", "确保", "您", "的", "设备", "是", "iPad", "1", "以上", "的", "机型", ",", "目前", "最新", "的", "iPad", "版本", "是", "iOS", "9.3", ".", "4", ",", "无法", "更新", "到", "iOS", "8", ";", "升级", "方法", "有", "两种", ",", "方法", "一", ":", "确保", "iPad", "电量", "在", "50", "%", "以上", ",", "设置", "-", "通用", "-", "检查", "更新", "OTA", "升级", ";", "方法", "二", ":", "打开电脑", "iTunes", "-", "连接", "iPad", "-", "更新", "iOS", "系统", "即可", ";", "希望能够", "帮助", "到", "您", ",", "望", "采纳", ",", "谢谢", "!"]], "paragraphs": ["您好,很荣幸回答您的问题:iPad更新iOS8之前请确保您的设备是iPad 1以上的机型,目前最新的iPad版本是iOS 9.3.4,无法更新到iOS 8;升级方法有两种,方法一:确保iPad电量在50%以上,设置-通用-检查更新OTA升级;方法二:打开电脑iTunes-连接iPad-更新iOS系统即可;希望能够帮助到您,望采纳,谢谢!"], "bs_rank_pos": 1}, {"is_selected": false, "title": "如何将手机版本更新到ios8.0_百度知道", "most_related_para": 0, "segmented_title": ["如何", "将", "手机", "版本", "更新", "到", "ios8", ".", "0", "_", "百度", "知道"], "segmented_paragraphs": [["现在", "已经", "不能", "升级", "成", "iOS8", ".", "0", "了", "。", "苹果", "早", "已经", "关闭", "这个", "版本", "的", "验证", "了", "~", "看", "设备", ",", "最高", "到", "10", ".", "1", ".", "1", "~"]], "paragraphs": ["现在已经不能升级成iOS8.0了。苹果早已经关闭这个版本的验证了~看设备,最高到10.1.1~"], "bs_rank_pos": 2}, {"is_selected": false, "title": "怎么更新ios8.0_百度知道", "most_related_para": 0, "segmented_title": ["怎么", "更新", "ios8", ".", "0", "_", "百度", "知道"], "segmented_paragraphs": [["打开", "手机", ",", "点击", "设置", "。", "选择", "【", "通用", "】", "。", "选择", "【", "软件更新", "】", "。", "如果", "手机", "空间", "不够", ",", "会", "有", "提示", ",", "本次", "升级", "需要", "4.6GB", "空间", "。", "将", "多余", "的", "内容", "进行", "删除", "。", "然后选择", "【", "下载", "并", "安装", "】", "即可", "升级", "了", "。", "经过", "漫长", "等待", ",", "say", ":", "“", "hello", "”", "to", "new", "iPhone", "。"]], "paragraphs": ["打开手机,点击设置。 选择【通用】。 选择【软件更新】。 如果手机空间不够,会有提示,本次升级需要4.6GB空间。 将多余的内容进行删除。 然后选择【下载并安装】即可升级了。 经过漫长等待,say:“hello”to new iPhone 。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "苹果如何升级IOS8.0_百度经验", "most_related_para": 4, "segmented_title": ["苹果", "如何", "升级", "IOS8", ".", "0", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["苹果", "已", "在", "2014", "年", "9", "月", "18", "日", "推送", "新", "的", "操作系统", ",", "是", "升", "还是", "不", "升", "呢", "?", "如何", "升级", "呢", "?", "下面", "我们", "来", "讲解", "一", "下", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "打开", "手机", ",", "点击", "设置", "。", "步骤", "阅读", "2", "选择", "【", "通用", "】", "。", "步骤", "阅读", "3", "选择", "【", "软件更新", "】", "。", "步骤", "阅读", "4", "如果", "手机", "空间", "不够", ",", "会", "有", "提示", ",", "本次", "升级", "需要", "4.6GB", "空间", "。", "步骤", "阅读", "5", "将", "多余", "的", "内容", "进行", "删除", "。", "步骤", "阅读", "6", "然后选择", "【", "下载", "并", "安装", "】", "即可", "升级", "了", "。", "步骤", "阅读", "步骤", "阅读", "7", "经过", "漫长", "等待", ",", "say", ":", "“", "hello", "”", "to", "new", "iPhone", "。", "步骤", "阅读", "步骤", "阅读", "步骤", "阅读", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["可以", "将", "多余", "照片", "放在", "百度", "云", "上", "。", "升级", "时候", "最好", "充电", "并", "在", "WiFi", "情况", "下", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "欢迎", "各位", "关注", "、", "投票", "、", "提问", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "苹果已在2014年9月18日推送新的操作系统,是升还是不升呢?如何升级呢?下面我们来讲解一下。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 打开手机,点击设置。 步骤阅读 2 选择【通用】。 步骤阅读 3 选择【软件更新】。 步骤阅读 4 如果手机空间不够,会有提示,本次升级需要4.6GB空间。 步骤阅读 5 将多余的内容进行删除。 步骤阅读 6 然后选择【下载并安装】即可升级了。 步骤阅读 步骤阅读 7 经过漫长等待,say:“hello”to new iPhone 。 步骤阅读 步骤阅读 步骤阅读 步骤阅读 END", "百度经验:jingyan.baidu.com", "可以将多余照片放在百度云上。 升级时候最好充电并在WiFi情况下。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:欢迎各位关注、投票、提问。"], "bs_rank_pos": 4}], "answer_spans": [[41, 78]], "fake_answers": ["升级方法有两种,方法一:确保iPad电量在50%以上,设置-通用-检查更新OTA升级;方法二:打开电脑iTunes-连接iPad-更新iOS系统即可"], "question": "ios8.0怎么更新", "segmented_answers": [["首先", "点击", "“", "设置", "”", ",", "进入", "“", "设置", "”", "之后", ",", "点击", "“", "通用", "”", "。", "进入", "“", "通用", "”", "之后", "然后", "点击", "“", "软件更新", "”", "并", "进入", ",", "如果", "空间", "不够用", "需要", "将", "多余", "的", "文件", "删掉", ",", "并且", "选择", "“", "下载安装", "”", "即可", "。"], ["升级", "方法", "有", "两种", ",", "方法", "一", ":", "确保", "iPad", "电量", "在", "50", "%", "以上", ",", "设置", "-", "通用", "-", "检查", "更新", "OTA", "升级", ";", "方法", "二", ":", "打开电脑", "iTunes", "-", "连接", "iPad", "-", "更新", "iOS", "系统", "即可", "。"]], "answers": ["首先点击“设置”,进入“设置”之后,点击“通用”。进入“通用”之后然后点击“软件更新”并进入,如果空间不够用需要将多余的文件删掉,并且选择“下载安装”即可。", "升级方法有两种,方法一:确保iPad电量在50%以上,设置-通用-检查更新OTA升级;方法二:打开电脑iTunes-连接iPad-更新iOS系统即可。"], "answer_docs": [1], "segmented_question": ["ios8", ".", "0", "怎么", "更新"], "question_type": "DESCRIPTION", "question_id": 181617, "fact_or_opinion": "FACT", "match_scores": [0.8571428571428572]}
-{"documents": [{"is_selected": true, "title": "淘宝卖家发货时快递单写错了,怎么修改快递单号_百度经验", "most_related_para": 4, "segmented_title": ["淘宝", "卖家", "发货", "时", "快递", "单", "写错", "了", ",", "怎么", "修改", "快递", "单号", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["很多朋友", "由于", "快递", "单号", "填写", "错误", ",", "可是", "不知道", "怎么", "更改", "看到", "单号", ",", "那么", "淘宝", "卖家", "发货", "时", "快递", "单", "写错", "了", ",", "怎么", "修改", "快递", "单号", "呢", "?", "因为", "小", "编", "也", "遇到", "过", "这样", "的", "问题", ",", "最后", "解决", "了", ",", "所以", "分享", "给", "大家", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "第一步", ":", "打开", "阿里旺旺", ",", "登入", "账号", "密码", "后", ",", "在", "阿里旺旺", "电脑", "客户端", "中", "找到", "带", "淘", "字", "的", "图标", ",", "点击", "该", "图标", ",", "如", "下", "图", "所示", ":", "步骤", "阅读", "2", "第二步", ":", "点击", "【", "卖出", "宝贝", "】", ",", "会", "弹", "到", "网页", "中", ",", "如", "下", "图", "所示", ":", "步骤", "阅读", "3", "第三步", ":", "在", "已经", "发货", "的", "宝贝", "中", ",", "点击", "【", "查看", "物流", "】", ",", "在", "物流", "信息", "中", ",", "在", "网页", "左边", "物流", "信息", "中", "点击", "【", "修改", "】", ",", "如", "下", "图", "所示", ":", "步骤", "阅读", "步骤", "阅读", "4", "第四步", ":", "在", "框", "中", "输入", "正确", "的", "快递", "单号", ",", "这次", "需要", "认真", "的", "填写", "快递", "单号", ",", "填写", "正确", "后", ",", "点击", "【", "确定", "】", ",", "修改", "成功", "后悔", "提示", "【", "修改", "成功", "!", "】", ",", "如", "下", "图", "所示", ":", "步骤", "阅读", "步骤", "阅读", "5", "希望", "这", "条", "经验", "对", "不懂", "的", "朋友", "有", "帮助", "!", "喜欢", "投票", "、", "转载", "、", "分享", "吧", "!", "步骤", "阅读", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["修改", "快递", "单号", ",", "需要", "在", "发货", "后", "的", "1", "小时", "内", "修改", ",", "超过", "1", "小时", "则", "无法", "修改", ",", "在", "无法", "修改", "的", "情况", "下", ",", "可以直接", "联系", "买家", ",", "把", "正确", "的", "快递", "单号", "发给", "对方", "即可"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "很多朋友由于快递单号填写错误,可是不知道怎么更改看到单号,那么淘宝卖家发货时快递单写错了,怎么修改快递单号呢?因为小编也遇到过这样的问题,最后解决了,所以分享给大家。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 第一步:打开阿里旺旺,登入账号密码后,在阿里旺旺电脑客户端中找到带淘字的图标,点击该图标,如下图所示: 步骤阅读 2 第二步:点击【卖出宝贝】,会弹到网页中,如下图所示: 步骤阅读 3 第三步:在已经发货的宝贝中,点击【查看物流】,在物流信息中,在网页左边物流信息中点击【修改】,如下图所示: 步骤阅读 步骤阅读 4 第四步:在框中输入正确的快递单号,这次需要认真的填写快递单号,填写正确后,点击【确定】,修改成功后悔提示【修改成功!】,如下图所示: 步骤阅读 步骤阅读 5 希望这条经验对不懂的朋友有帮助!喜欢投票、转载、分享吧! 步骤阅读 步骤阅读 END", "百度经验:jingyan.baidu.com", "修改快递单号,需要在发货后的1小时内修改,超过1小时则无法修改,在无法修改的情况下,可以直接联系买家,把正确的快递单号发给对方即可", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "淘宝卖家单号填错了怎么办_百度经验", "most_related_para": 5, "segmented_title": ["淘宝", "卖家", "单号", "填", "错", "了", "怎么办", "_", "百度", "经验"], "segmented_paragraphs": [["该", "经验", "图片", "、", "文字", "中", "可能", "存在", "外", "站", "链接", "或", "电话号码", "等", ",", "请注意", "识别", ",", "谨防上当受骗", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["刚", "入", "行", "的", "新手", "淘宝", "卖家", "有时", "会", "因为", "一", "点", "小", "疏忽", "而", "填", "错", "发货", "单号", ",", "导致", "顾客", "看不到", "物流", "动态", "被", "质", "问", "从而", "对", "店铺", "产生", "影响", ",", "这", "对", "一", "位", "新手", "卖家", "的", "打击", "是", "比较", "大", "的", ",", "其实", "处理", "这种", "问题", "很", "不难", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "登陆", "淘宝", "卖家", "账户", ",", "进入", "卖家", "中心", "一", "已", "卖出", "的", "宝贝", "。", "步骤", "阅读", "2", "找到", "填", "错", "单号", "的", "订单", ",", "点击", "查看", "物流", "。", "步骤", "阅读", "3", "发货", "单号", "填好后", "的", "24", "小时", "内", "是", "可以更改", "的", ",", "点击", "修改", "。", "可以修改", "成", "任意", "快递", "与", "快递", "单号", ",", "点击", "确认", "。", "步骤", "阅读", "步骤", "阅读", "4", "超过", "24", "小时", "才", "发现", "单号", "填", "错", "了", "是", "无法", "修改", "的", ",", "这", "时候", "要", "第一时间", "联系", "顾客", ",", "把", "正确", "的", "单号", "与", "发给", "顾客", "并且", "报", "以", "歉意", ",", "一般", "顾客", "都会", "理解", "的", ",", "不", "第一时间", "处理", "好", "的", "话", ",", "容易", "被", "顾客", "中", "差评", ",", "得不偿失", "。", "步骤", "阅读", "5", "遇到", "某些", "因为", "你", "填", "错", "单号", "从而", "为难", "你", "要", "退款", "的", "顾客", "也", "不怕", ",", "因为", "此时", "货", "已经", "在路上", ",", "他", "此刻", "要", "退款", "你", "就会", "钱", "货", "双", "失", ",", "不要", "被", "顾客", "唬", "一", "下", "就", "退款", "了", ",", "这个时候", "一定要", "耐心", "安抚", "好", "顾客", ",", "并且", "把", "单号", "底", "单", "拍", "给", "顾客", "看", ",", "让", "顾客", "放心", "。", "即使", "顾客投诉", "你", "要求", "客服", "介入", "退款", ",", "因为", "你", "有", "底", "单", ",", "也", "不用怕", "因为", "单号", "填", "错", "而", "造成", "什么", "损失", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["单号", "填", "错", "的", "情况", "不要", "出现", "太多", "次", ",", "不", "然", "会", "被", "淘宝", "系统", "看", "成", "刷信誉", "而", "导致", "删除", "宝贝", "或", "被", "扣分", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "我喜欢", ",", "我", "分享", "。", "。"]], "paragraphs": ["该经验图片、文字中可能存在外站链接或电话号码等,请注意识别,谨防上当受骗!", "百度经验:jingyan.baidu.com", "刚入行的新手淘宝卖家有时会因为一点小疏忽而填错发货单号,导致顾客看不到物流动态被质问从而对店铺产生影响,这对一位新手卖家的打击是比较大的,其实处理这种问题很不难。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 登陆淘宝卖家账户,进入卖家中心一已卖出的宝贝。 步骤阅读 2 找到填错单号的订单,点击查看物流。 步骤阅读 3 发货单号填好后的24小时内是可以更改的,点击修改。 可以修改成任意快递与快递单号,点击确认。 步骤阅读 步骤阅读 4 超过24小时才发现单号填错了是无法修改的,这时候要第一时间联系顾客,把正确的单号与发给顾客并且报以歉意,一般顾客都会理解的,不第一时间处理好的话,容易被顾客中差评,得不偿失。 步骤阅读 5 遇到某些因为你填错单号从而为难你要退款的顾客也不怕,因为此时货已经在路上,他此刻要退款你就会钱货双失,不要被顾客唬一下就退款了,这个时候一定要耐心安抚好顾客,并且把单号底单拍给顾客看,让顾客放心。即使顾客投诉你要求客服介入退款,因为你有底单,也不用怕因为单号填错而造成什么损失。 步骤阅读 END", "百度经验:jingyan.baidu.com", "单号填错的情况不要出现太多次,不然会被淘宝系统看成刷信誉而导致删除宝贝或被扣分。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:我喜欢,我分享。。"], "bs_rank_pos": 1}, {"is_selected": true, "title": "淘宝退货物流公司物流单号填错怎么办_百度经验", "most_related_para": 6, "segmented_title": ["淘宝", "退货", "物流", "公司", "物流", "单号", "填", "错", "怎么办", "_", "百度", "经验"], "segmented_paragraphs": [["该", "经验", "图片", "、", "文字", "中", "可能", "存在", "外", "站", "链接", "或", "电话号码", "等", ",", "请注意", "识别", ",", "谨防上当受骗", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["今天上午", "我", "在", "淘宝", "退货", ",", "然后", "去", "快递", "把", "东西", "邮", "回去", "。", "拿着", "快递", "单号", "在", "淘宝", "后台", ",", "那个", "订单", "的", "退货", "处理", "中", "填写", "快递", "信息", ",", "结果", "我", "把", "快递", "单号", "填", "错", "了", ",", "这样", "运费", "保险", "不会", "赔偿", "了", "。", "怎么办", "呢", "?", "在", "退货", "的", "东西", "没", "发出", "的", "情况", "下", ",", "快递", "物流", "单号", "填", "错", "了", ",", "就", "马上", "撤销", "退货", ",", "在", "重新", "申请", ",", "卖家", "同意", "后", "在", "添加", "一遍", "物流", "号", ",", "这样", "投", "的", "运费", "保险", "会", "生效", "的", ",", "要", "不", "然", "运费", "保险", "没", "跟踪", "到", "快递", "物流", "单号", "是", "不会", "生效", "的", "。"], ["我", "去", "快递公司", "把", "要", "邮", "的", "东西", "要回来", ",", "然后", "淘宝", "后台", "尝试", "了", "下面", "方法", "解决", "了", "问题", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "打开", "浏览器", ",", "输入", "淘宝", "的", "网址", ",", "进入", "淘宝", "网站", "。", "步骤", "阅读", "2", "把", "鼠标", "移", "到", "【", "我", "的", "淘宝", "】", "点击进入", "【", "已", "买到", "的", "宝贝", "】", "。", "步骤", "阅读", "3", "找到", "你", "已", "退货", "的", "商品", ",", "点击", "【", "退货", "/", "退款", "】", "按钮", "。", "步骤", "阅读", "4", "申请", "后", "会", "变成", "退货", "处理", ",", "点", "退货", "处理", "再点击", "【", "修改", "退款", "申请", "】", "。", "然后", "重点", "是", "点", "取消", "退货", ",", "这样", "我们", "错", "填", "的", "快递", "单号", "就", "不会", "收到", "影响", "。", "步骤", "阅读", "5", "取消", "了", "退货", "后", ",", "再", "重新", "申请", "退货", "/", "退款", ",", "等", "卖家", "审核", "后", ",", "就", "可以", "再", "重新", "填写", "快递", "物流", "单号", "了", ",", "这次", "不要", "填写", "错", "了", "哦", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["在", "淘宝", "买到", "的", "东西", "有", "质量问题", "或", "不喜欢", ",", "一定", "先", "别", "点", "确认", "收", "货", "。", "要", "点击", "【", "退货", "/", "退款", "】", "。", "在", "退货", "的", "东西", "没", "发出", "的", "情况", "下", ",", "快递", "物流", "单号", "填", "错", "了", ",", "就", "马上", "撤销", "退货", ",", "在", "重新", "申请", ",", "卖家", "同意", "后", "在", "添加", "一遍", "物流", "号", ",", "这样", "投", "的", "运费", "保险", "会", "生效", "的", ",", "要", "不", "然", "运费", "保险", "没", "跟踪", "到", "快递", "物流", "单号", "是", "不会", "生效", "的", "。", "最好", "找", "离家", "近", "的", "物流公司", ",", "或", "记住", "物流公司", "的", "电话", ",", "发生", "这种情况", "先", "告诉", "物流公司", "别", "发出", "货物", ",", "在", "马上", "重新", "撤销", "退货", ",", "等", "卖家", "通过", "后", ",", "告诉", "物流公司", "可以", "寄出", ",", "然后", "这", "是", "就", "可以", "重新", "填写", "快递", "物流", "单号", "了", ",", "没有", "错误", "的", "快递", "物流", "单号", ",", "运费险", "才会", "生效", "呢", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "做", "个", "漂亮", "又", "优秀", "的", "美食", "达人"]], "paragraphs": ["该经验图片、文字中可能存在外站链接或电话号码等,请注意识别,谨防上当受骗!", "百度经验:jingyan.baidu.com", "今天上午我在淘宝退货,然后去快递把东西邮回去。拿着快递单号在淘宝后台,那个订单的退货处理中填写快递信息,结果我把快递单号填错了,这样运费保险不会赔偿了。怎么办呢? 在退货的东西没发出的情况下,快递物流单号填错了,就马上撤销退货,在重新申请,卖家同意后在添加一遍物流号,这样投的运费保险会生效的,要不然运费保险没跟踪到快递物流单号是不会生效的。", "我去快递公司把要邮的东西要回来,然后淘宝后台尝试了下面方法解决了问题。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 打开浏览器,输入淘宝的网址,进入淘宝网站。 步骤阅读 2 把鼠标移到【我的淘宝】点击进入【已买到的宝贝】。 步骤阅读 3 找到你已退货的商品,点击【退货/退款】按钮。 步骤阅读 4 申请后会变成退货处理,点退货处理再点击【修改退款申请】。然后重点是点取消退货,这样我们错填的快递单号就不会收到影响。 步骤阅读 5 取消了退货后,再重新申请 退货/退款,等卖家审核后,就可以再重新填写快递物流单号了,这次不要填写错了哦。 步骤阅读 END", "百度经验:jingyan.baidu.com", "在淘宝买到的东西有质量问题或不喜欢,一定先别点确认收货。要点击【退货/退款】。 在退货的东西没发出的情况下,快递物流单号填错了,就马上撤销退货,在重新申请,卖家同意后在添加一遍物流号,这样投的运费保险会生效的,要不然运费保险没跟踪到快递物流单号是不会生效的。 最好找离家近的物流公司,或记住物流公司的电话,发生这种情况先告诉物流公司别发出货物,在马上重新撤销退货,等卖家通过后,告诉物流公司可以寄出,然后这是就可以重新填写快递物流单号了,没有错误的快递物流单号,运费险才会生效呢。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:做个漂亮又优秀的美食达人"], "bs_rank_pos": 2}, {"is_selected": false, "title": "淘宝快递单号写错了有两天了 怎么修改_百度知道", "most_related_para": 1, "segmented_title": ["淘宝", "快递", "单号", "写错", "了", "有", "两天", "了", "怎么", "修改", "_", "百度", "知道"], "segmented_paragraphs": [["淘宝", "的", "快递", "单号", "填", "错", "了", ",", "超过", "两天", "了", "就", "不可以", "修改", "的", "。", "淘宝", "只能", "在", "填写", "快递", "单号", "不", "超过", "24", "小时", "的", "情况", "下", "在", "查询", "物流", "处", "进行", "修改", "。", "卖家", "只能", "在", "旺旺", "上", "和", "买家", "联系", ",", "给", "买家", "提供", "单号", "即可", "。"], ["我", "也是", "做", "淘宝", "的", ",", "也", "出", "过", "几", "次", "运单", "号", "填", "错", "的", "事", "。", "严格", "的", "说", "24", "小时", "后", "就", "无法", "更改", "了", ",", "只有", "好", "好", "和", "买家", "沟通", ",", "必要", "的", "话", "想办法", "查", "实", "宝贝", "真正", "已", "在哪里", "了", ",", "当然", "把", "正确", "的", "单号", "告诉", "买家", "是", "必须", "的", "。", "然后", ",", "然后", "就", "祈祷", "吧", "。", "。", "。", "。"], ["淘宝", "的", "快递", "单号", "填", "错", "了", ",", "超过", "两天", "了", "就", "不可以", "修改", "的", "。", "淘宝", "只能", "在", "填写", "快递", "单号", "不", "超过", "24", "小时", "的", "情况", "下", "在", "查询", "物流", "处", "进行", "修改", "。", "卖家", "只能", "在", "旺旺", "上", "和", "买家", "联系", ",", "给", "买家", "提供", "单号", "即可", "。"]], "paragraphs": ["淘宝的快递单号填错了,超过两天了就不可以修改的。 淘宝只能在填写快递单号不超过24小时的情况下在查询物流处进行修改。 卖家只能在旺旺上和买家联系,给买家提供单号即可。", "我也是做淘宝的,也出过几次运单号填错的事。严格的说24小时后就无法更改了,只有好好和买家沟通,必要的话想办法查实宝贝真正已在哪里了,当然把正确的单号告诉买家是必须的。 然后,然后就祈祷吧。。。。", "淘宝的快递单号填错了,超过两天了就不可以修改的。 淘宝只能在填写快递单号不超过24小时的情况下在查询物流处进行修改。 卖家只能在旺旺上和买家联系,给买家提供单号即可。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "淘宝卖家填错快递公司 能更改快递公司么_百度知道", "most_related_para": 2, "segmented_title": ["淘宝", "卖家", "填", "错", "快递公司", "能", "更改", "快递公司", "么", "_", "百度", "知道"], "segmented_paragraphs": [["刚好", "我", "也是", "淘宝", "卖家", ",", "这个", "是", "完全", "可以修改", "的", "。", "具体操作", "步骤", "是", ":", "进入", "淘宝", "卖家", "平台", ",", "点击", "已经", "发货", "的", "订单", ",", "找到", "你", "要", "修改", "快递", "号", "的", "商品", ",", "点击", "“", "订单", "详情", "”", "就", "可以看到", "修改", "快递", "单号", "的", "提示", "。", "我", "也是", "做", "淘宝", "的", ",", "做", "淘宝", "店", "很辛苦", ",", "要", "装修", "店面", ",", "每天", "还", "得", "守店", ",", "讨价还价", ",", "还要", "发货", "。", "新", "开张", "的", "淘宝", "店", "更", "是", "无人问津", "!", "做", "淘宝", "店", "还", "不如", "做", "好", "聚来宝", ":", "开", "淘宝", "店", "做", "的", "是", "商品", ",", "做", "聚来宝", "做", "的", "是", "渠道", "!", "渠道", "永远", "掌控", "商品", "的", "!", "聚来宝", "怎么", "赚钱", "做", "聚来宝", "经营", "的", "是", "400", "家", "大", "网站", ",", "淘宝", "店", "只是", "经营", "某", "一类", "的", "很少", "的", "商品", "!", "淘宝", "店主", "如果", "结合", "聚来宝", "做", ",", "可以", "双赢", "!", "聚来宝", "注册", "好友", "ID", "749535485", "(", "百度搜索", "聚来宝", ",", "注册", "后", "加", "ID", "号", ",", "这个", "ID", "号", "也是", "我", "的", "KOUKOU", ")", "淘宝", "店主", "给", "顾客", "推广", "聚来宝", "可以", "有", "以下", "好处", ":", "1", ".", "顾客", "会", "很", "感谢你", ":", "(", "顾客", "注册", "聚来宝", "有", "以下", "好处", ")", "(", "1", ")", "顾客", "注册", "聚来宝马", "上", "可以", "得到", "现金", "奖", "3", "元", "(", "2", ")"], ["既然", "是", "卖家", "发", "错", "了", ",", "那", "怎么", "改", "、", "能不能", "改", "就是", "卖家", "的", "事", "了", "。", "你", "只", "需要", "关注", "什么时候", "收到", "货", "就", "可以", "了", ",", "注意", "从", "发货", "开始", "10", "天", "之后", "就是", "系统", "默认", "的", "收", "货", "期限", "。"], ["刚好", "我", "也是", "淘宝", "卖家", ",", "这个", "是", "完全", "可以修改", "的", "。", "具体操作", "步骤", "是", ":", "进入", "淘宝", "卖家", "平台", ",", "点击", "已经", "发货", "的", "订单", ",", "找到", "你", "要", "修改", "快递", "号", "的", "商品", ",", "点击", "“", "订单", "详情", "”", "就", "可以看到", "修改", "快递", "单号", "的", "提示", "。", "我", "也是", "做", "淘宝", "的", ",", "做", "淘宝", "店", "很辛苦", ",", "要", "装修", "店面", ",", "每天", "还", "得", "守店", ",", "讨价还价", ",", "还要", "发货", "。", "新", "开张", "的", "淘宝", "店", "更", "是", "无人问津", "!", "做", "淘宝", "店", "还", "不如", "做", "好", "聚来宝", ":", "开", "淘宝", "店", "做", "的", "是", "商品", ",", "做", "聚来宝", "做", "的", "是", "渠道", "!", "渠道", "永远", "掌控", "商品", "的", "!", "聚来宝", "怎么", "赚钱", "做", "聚来宝", "经营", "的", "是", "400", "家", "大", "网站", ",", "淘宝", "店", "只是", "经营", "某", "一类", "的", "很少", "的", "商品", "!", "淘宝", "店主", "如果", "结合", "聚来宝", "做", ",", "可以", "双赢", "!", "聚来宝", "注册", "好友", "ID", "749535485", "(", "百度搜索", "聚来宝", ",", "注册", "后", "加", "ID", "号", ",", "这个", "ID", "号", "也是", "我", "的", "KOUKOU", ")", "淘宝", "店主", "给", "顾客", "推广", "聚来宝", "可以", "有", "以下", "好处", ":", "1", ".", "顾客", "会", "很", "感谢你", ":", "(", "顾客", "注册", "聚来宝", "有", "以下", "好处", ")", "(", "1", ")", "顾客", "注册", "聚来宝马", "上", "可以", "得到", "现金", "奖", "3", "元", "(", "2", ")"]], "paragraphs": ["刚好我也是淘宝卖家,这个是完全可以修改的。具体操作步骤是:进入淘宝卖家平台,点击已经发货的订单,找到你要修改快递号的商品,点击“订单详情”就可以看到修改快递单号的提示。 我也是做淘宝的,做淘宝店很辛苦,要装修店面,每天还得守店,讨价还价,还要发货。新开张的淘宝店更是无人问津! 做淘宝店还不如做好聚来宝:开淘宝店做的是商品,做聚来宝做的是渠道!渠道永远掌控商品的!聚来宝怎么赚钱 做聚来宝经营的是400家大网站,淘宝店只是经营某一类的很少的商品!淘宝店主如果结合聚来宝做,可以双赢!聚来宝注册好友ID749535485(百度搜索聚来宝,注册后加ID号,这个ID号也是我的KOUKOU) 淘宝店主给顾客推广聚来宝可以有以下好处: 1.顾客会很感谢你:(顾客注册聚来宝有以下好处) (1)顾客注册聚来宝马上可以得到现金奖3元 (2)", "既然是卖家发错了,那怎么改、能不能改就是卖家的事了。你只需要关注什么时候收到货就可以了,注意从发货开始10天之后就是系统默认的收货期限。", "刚好我也是淘宝卖家,这个是完全可以修改的。具体操作步骤是:进入淘宝卖家平台,点击已经发货的订单,找到你要修改快递号的商品,点击“订单详情”就可以看到修改快递单号的提示。 我也是做淘宝的,做淘宝店很辛苦,要装修店面,每天还得守店,讨价还价,还要发货。新开张的淘宝店更是无人问津! 做淘宝店还不如做好聚来宝:开淘宝店做的是商品,做聚来宝做的是渠道!渠道永远掌控商品的!聚来宝怎么赚钱 做聚来宝经营的是400家大网站,淘宝店只是经营某一类的很少的商品!淘宝店主如果结合聚来宝做,可以双赢!聚来宝注册好友ID749535485(百度搜索聚来宝,注册后加ID号,这个ID号也是我的KOUKOU) 淘宝店主给顾客推广聚来宝可以有以下好处: 1.顾客会很感谢你:(顾客注册聚来宝有以下好处) (1)顾客注册聚来宝马上可以得到现金奖3元 (2)"], "bs_rank_pos": 4}], "answer_spans": [[1, 134]], "fake_answers": ["第一步:打开阿里旺旺,登入账号密码后,在阿里旺旺电脑客户端中找到带淘字的图标,点击该图标,如下图所示:步骤阅读2第二步:点击【卖出宝贝】,会弹到网页中,如下图所示:步骤阅读3第三步:在已经发货的宝贝中,点击【查看物流】,在物流信息中,在网页左边物流信息中点击【修改】,如下图所示:步骤阅读步骤阅读4第四步:在框中输入正确的快递单号,这次需要认真的填写快递单号,填写正确后,点击【确定】,修改成功后悔提示【修改成功!】"], "question": "淘宝发货单号填错了怎么修改", "segmented_answers": [["第一步", ":", "打开", "阿里旺旺", ",", "登入", "账号", "密码", "后", ",", "在", "阿里旺旺", "电脑", "客户端", "中", "找到", "带", "淘", "字", "的", "图标", ",", "第二步", ":", "点击", "【", "卖出", "宝贝", "】", ",", "会", "弹", "到", "网页", "中", ",", "第三步", ":", "在", "已经", "发货", "的", "宝贝", "中", ",", "点击", "【", "查看", "物流", "】", ",", "在", "物流", "信息", "中", ",", "在", "网页", "左边", "物流", "信息", "中", "点击", "【", "修改", "】", ",", "第四步", ":", "在", "框", "中", "输入", "正确", "的", "快递", "单号", ",", "这次", "需要", "认真", "的", "填写", "快递", "单号", ",", "填写", "正确", "后", ",", "点击", "【", "确定", "】", ",", "修改", "成功", "后悔", "提示", "【", "修改", "成功", "!", "】", "。"], ["陆", "淘宝", "卖家", "账户", ",", "进入", "卖家", "中心", "一", "已", "卖出", "的", "宝贝", "。", "找到", "填", "错", "单号", "的", "订单", ",", "点击", "查看", "物流", "。", "发货", "单号", "填好后", "的", "24", "小时", "内", "是", "可以更改", "的", ",", "点击", "修改", "。", "可以修改", "成", "任意", "快递", "与", "快递", "单号", ",", "点击", "确认", "。", "超过", "24", "小时", "才", "发现", "单号", "填", "错", "了", "是", "无法", "修改", "的", ",", "这", "时候", "要", "第一时间", "联系", "顾客", ",", "把", "正确", "的", "单号", "与", "发给", "顾客", "并且", "报", "以", "歉意", ",", "一般", "顾客", "都会", "理解", "的", ",", "不", "第一时间", "处理", "好", "的", "话", ",", "容易", "被", "顾客", "中", "差评", ",", "得不偿失", "。", "到", "某些", "因为", "你", "填", "错", "单号", "从而", "为难", "你", "要", "退款", "的", "顾客", "也", "不怕", ",", "因为", "此时", "货", "已经", "在路上", ",", "他", "此刻", "要", "退款", "你", "就会", "钱", "货", "双", "失", ",", "不要", "被", "顾客", "唬", "一", "下", "就", "退款", "了", ",", "这个时候", "一定要", "耐心", "安抚", "好", "顾客", ",", "并且", "把", "单号", "底", "单", "拍", "给", "顾客", "看", ",", "让", "顾客", "放心", "。", "即使", "顾客投诉", "你", "要求", "客服", "介入", "退款", ",", "因为", "你", "有", "底", "单", ",", "也", "不用怕", "因为", "单号", "填", "错", "而", "造成", "什么", "损失", "。"]], "answers": ["第一步:打开阿里旺旺,登入账号密码后,在阿里旺旺电脑客户端中找到带淘字的图标,第二步:点击【卖出宝贝】,会弹到网页中,第三步:在已经发货的宝贝中,点击【查看物流】,在物流信息中,在网页左边物流信息中点击【修改】,第四步:在框中输入正确的快递单号,这次需要认真的填写快递单号,填写正确后,点击【确定】,修改成功后悔提示【修改成功!】。", "陆淘宝卖家账户,进入卖家中心一已卖出的宝贝。找到填错单号的订单,点击查看物流。发货单号填好后的24小时内是可以更改的,点击修改。可以修改成任意快递与快递单号,点击确认。超过24小时才发现单号填错了是无法修改的,这时候要第一时间联系顾客,把正确的单号与发给顾客并且报以歉意,一般顾客都会理解的,不第一时间处理好的话,容易被顾客中差评,得不偿失。到某些因为你填错单号从而为难你要退款的顾客也不怕,因为此时货已经在路上,他此刻要退款你就会钱货双失,不要被顾客唬一下就退款了,这个时候一定要耐心安抚好顾客,并且把单号底单拍给顾客看,让顾客放心。即使顾客投诉你要求客服介入退款,因为你有底单,也不用怕因为单号填错而造成什么损失。"], "answer_docs": [0], "segmented_question": ["淘宝", "发货", "单号", "填", "错", "了", "怎么", "修改"], "question_type": "DESCRIPTION", "question_id": 181618, "fact_or_opinion": "FACT", "match_scores": [0.7196652719665272]}
-{"documents": [{"is_selected": false, "title": "微信红包打不开怎么回事 怎么办_百度经验", "most_related_para": 3, "segmented_title": ["微信", "红包", "打不开", "怎么回事", "怎么办", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["当你", "在", "微信", "群", "里", "抢红包", "时", ",", "会发现", "微信", "红包", "显示", "网络", "连接", "故障", "、", "或是", "微信", "红包", "白屏", "等", "打不开", "的", "现象", "一定", "会", "很", "着急", ",", "小", "编", "将", "在", "本", "文", "告诉", "大家", "微信", "打不开", "的", "原因", "以及", "解决办法", ",", "让", "大家", "快速", "抢到", "微信", "红包", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "微信", "红包", "打不开", "怎么回事", "?", "可能", "是", "你", "手机", "在", "使用", "过程", "中", "由于", "缓存", "类", "的", "信息", "储存", "在", "手机", "里", ",", "造成", "内存", "不足", ",", "导致", "无法打开", "图片", "等", "情况", ",", "建议", "您", "重新", "下载", "微信", "软件", ",", "并且", "清理", "聊天记录", "等", ",", "当然", "不排除", "是", "移动", "网络", "的", "原因", ",", "建议", "您", "可以", "隔", "一段时间", "再", "行", "查看", "是否", "正常", "。", "2", "微信", "红包", "打不开", "怎么办", "?", "方法", "一", "、", "退出", "微信", ",", "重新", "打开", "就", "ok", "了", ";", "方法", "二", "、", "清", "内存", "再", "进去", ";", "方法", "三", "、", "换", "微信", "客户端", ",", "再", "到", "收藏", "打开", "领取", ";", "方法", "四", "、", "经常", "会", "打不开", "的", ",", "我", "都是", "返回", "多", "点", "几", "次", "就", "可以", "了", "。", "微信", "红包", "打不开", "最大", "的", "原因", "就是", "当前", "抢红包", "的", "人", "太多", ",", "让", "系统", "有点", "反应", "不", "过来", ",", "大家", "可以", "返回", "以后", "快速", "点击", "抢红包", ",", "毕竟", "下", "手", "要", "快", ",", "不", "然", "红包", "就", "没有了", "哦", "!", "当然", ",", "如果", "是", "单独", "发给", "你", "的", "红包", ",", "那", "就", "不用", "急", ",", "按照", "以上", "方法", "进行", "操作", "一定", "会", "领取", "到", "红包", "的", "。", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "当你在微信群里抢红包时,会发现微信红包显示网络连接故障、或是微信红包白屏等打不开的现象一定会很着急,小编将在本文告诉大家微信打不开的原因以及解决办法,让大家快速抢到微信红包。", "百度经验:jingyan.baidu.com", "1 微信红包打不开怎么回事? 可能是你手机在使用过程中由于缓存类的信息储存在手机里,造成内存不足,导致无法打开图片等情况,建议您重新下载微信软件,并且清理聊天记录等,当然不排除是移动网络的原因,建议您可以隔一段时间再行查看是否正常。 2 微信红包打不开怎么办? 方法一、退出微信,重新打开就ok了; 方法二、清内存再进去; 方法三、换微信客户端,再到收藏打开领取; 方法四、经常会打不开的,我都是返回多点几次就可以了。 微信红包打不开最大的原因就是当前抢红包的人太多,让系统有点反应不过来,大家可以返回以后快速点击抢红包,毕竟下手要快,不然红包就没有了哦!当然,如果是单独发给你的红包,那就不用急,按照以上方法进行操作一定会领取到红包的。 END", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "微信红包打不开怎么办?微信红包打不开的原因及解决方法_手机软件_", "most_related_para": 5, "segmented_title": ["微信", "红包", "打不开", "怎么办", "?", "微信", "红包", "打不开", "的", "原因", "及", "解决", "方法", "_", "手机软件", "_"], "segmented_paragraphs": [["从", "今晚九点", "开始", ",", "微信", "也", "要", "正式", "开启", "红包", "模式", "了", ",", "小伙伴", "们", "又", "多", "了", "一", "个", "选择", "。", "不过", "根据", "以往", "的", "一些", "经验", "来看", ",", "有时", "会", "遇到", "微信", "红包", "打不开", "的", "情况", ",", "很多人在", "遇到", "这种状况", "的", "时候", "不知道", "怎么办"], ["从", "今晚九点", "开始", ",", "微信", "也", "要", "正式", "开启", "红包", "模式", "了", ",", "小伙伴", "们", "又", "多", "了", "一", "个", "选择", "。", "不过", "根据", "以往", "的", "一些", "经验", "来看", ",", "有时", "会", "遇到", "微信", "红包", "打不开", "的", "情况", ",", "很多人在", "遇到", "这种状况", "的", "时候", "不知道", "怎么办", "?", "为了", "让", "大家", "防患于未然", ",", "今天", "巴士", "提前", "为", "大家", "带来", "了", "微信", "红包", "打不开", "解决方法", ",", "为了", "避免", "这种", "情况", ",", "大家", "可以", "先", "来", "了解", "下", "。"], ["【", "微信", "红包", "打不开", "怎么办", "】"], ["一般", "遇到", "这种情况", "时", "可能", "是", "你", "手机", "在", "使用", "过程", "中", "由于", "缓存", "类", "的", "信息", "储存", "在", "手机", "里", ",", "造成", "内存", "不足", ",", "导致", "无法打开", "图片", "等", "情况", ",", "建议", "您", "重新", "下载", "微信", "软件", ",", "并且", "清理", "聊天记录", "等", ",", "当然", "不排除", "是", "移动", "网络", "的", "原因", ",", "建议", "您", "可以", "隔", "一段时间", "再", "行", "查看", "是否", "正常", "。"], ["【", "微信", "红包", "打不开", "解决方法", "】"], ["1", "、", "退出", "微信", ",", "重新", "打开", "就", "ok", "了", "。", "2", "、", "清", "内存", "再", "进去", "。", "3", "、", "换", "微信", "客户端", ",", "再", "到", "收藏", "打开", "领取", "。", "4", "、", "经常", "会", "打不开", "的", ",", "我", "都是", "返回", "多", "点", "几", "次", "就", "可以", "了", "。"], ["以上", "全部", "就是", "今天", "为", "大家", "整理", "的", "微信", "红包", "打不开", "解决方法", ",", "其实", "一般", "遇到", "这种情况", "的", "最大", "原因", "就是", "网络", "问题", ",", "所以", "大家", "一定要", "保证", "网络", "畅通", ",", "要有耐心", "。"]], "paragraphs": ["从今晚九点开始,微信也要正式开启红包模式了,小伙伴们又多了一个选择。不过根据以往的一些经验来看,有时会遇到微信红包打不开的情况,很多人在遇到这种状况的时候不知道怎么办", "从今晚九点开始,微信也要正式开启红包模式了,小伙伴们又多了一个选择。不过根据以往的一些经验来看,有时会遇到微信红包打不开的情况,很多人在遇到这种状况的时候不知道怎么办?为了让大家防患于未然,今天巴士提前为大家带来了微信红包打不开解决方法,为了避免这种情况,大家可以先来了解下。", "【微信红包打不开怎么办】", "一般遇到这种情况时可能是你手机在使用过程中由于缓存类的信息储存在手机里,造成内存不足,导致无法打开图片等情况,建议您重新下载微信软件,并且清理聊天记录等,当然不排除是移动网络的原因,建议您可以隔一段时间再行查看是否正常。", "【微信红包打不开解决方法】", "1、退出微信,重新打开就ok了。 2、清内存再进去。 3、换微信客户端,再到收藏打开领取。 4、经常会打不开的,我都是返回多点几次就可以了。", "以上全部就是今天为大家整理的微信红包打不开解决方法,其实一般遇到这种情况的最大原因就是网络问题,所以大家一定要保证网络畅通,要有耐心。"], "bs_rank_pos": 1}, {"is_selected": true, "title": "为什么微信红包打不开,怎样处理_百度经验", "most_related_para": 5, "segmented_title": ["为什么", "微信", "红包", "打不开", ",", "怎样", "处理", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["微信", "红包", "打不开", "怎么回事", ",", "该怎么办", "?", "估计", "会", "有", "不少", "朋友", "也", "试", "过", "类似", "的", "问题", ",", "大家", "开", "开", "心心", "的", "发", "红包", "领", "红包", ",", "多", "开心", "的", "事情", "呀", ",", "但是", "有时候", "红包", "被", "卡住", "或者", "就是", "打不开", ",", "是", "怎么回事", "?", "该怎么办", "?", "小", "编", "下面", "给", "大家", "一些", "方法", "和", "建议", ",", "希望", "对", "大家", "有", "帮助", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["手机", ",", "微信", "软件"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "有", "可能", "是", "你", "手机", "在", "使用", "过程", "中", "由于", "缓存", "过", "大", ",", "造成", "内存", "运行", "不足", ",", "导致", "无法打开", "图片", "等", "情况", ";", "可能", "是", "群", "里", "抢", "的", "人", "很多", ",", "导致", "系统", "有些", "缓慢", ";", "可能", "是", "网络", "不好", ",", "不能", "及时更新", "等等", ";", "建议", "您", "清理", "聊天记录", "删除", "没用", "的", "东西", "等", ",", "可以", "隔", "一段时间", "查看", "是否", "正常", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "电脑", "版", "不能", "打开", ",", "根据", "提示", "到", "手机", "上", "打开", ":", "电脑", "版", "的", "微信", "目前", "是", "打不开", "红包", "的", ",", "不过", "他", "会", "有", "提示", "。", "可以", "电脑", "版", "微信", "中", "相关", "的", "提示", "到", "开", "手", "去", "打开", "红包", "即可", "。", "步骤", "阅读", "2", "先", "退出", "微信", ",", "再", "重新登陆", ":", "是", "在", "不行", "就", "退出", "微信", ",", "再次", "登录", "重新", "打开", "一般", "都是", "可以", "的", "了", "。", "步骤", "阅读", "3", "清理", "微信", "内存", "缓存", ":", "我们", "可以", "进入", "微信", "中", "删除", "内存", "或", "缓存", "。", "步骤", ":", "登录", "进入", "“", "微信", "”", "→", "在", "“", "我", "”", "哪里", "找到", "“", "设置", "”", "→", "打开", "设置", "中", "的", "“", "通用", "”", "→", "找到", "“", "清理", "微信", "存储", "空间", "”", ",", "将", "积累", "起来", "没用", "的", "微信", "垃圾", "文件", "和", "缓存", "清理干净", "。", "步骤", "阅读", "4", "重新", "更换", "一", "下", "微信", "客户端", ":", "如果", "卡", "的", "实在", "不行", ",", "把", "微信", "卸载", "了", ",", "重新", "更换", "微信", "客户端", ",", "登陆", "后", "再", "到", "收藏", "中", "打开", "之前", "朋友", "发", "过来", "的", "红包", "即可", "。", "步骤", "阅读", "5", "在", "微信", "页面", "上", "多", "返回", "点", "几", "次", ",", "等待", "缓存", "可以", "运行后", "就", "可以", "了", ":", "经常", "会", "打不开", "的", ",", "返回", "多", "点", "几", "次", "就", "可以", "了", "。", "让", "系统", "有点", "反应", "不", "过来", ",", "大家", "可以", "返回", "以后", "快速", "点击", "抢红包", ",", "毕竟", "下", "手", "要", "快", ",", "不", "然", "红包", "就", "没有了", "哦", "!", "当然", ",", "如果", "是", "单独", "发给", "你", "的", "红包", ",", "那", "就", "不用", "急", ",", "按照", "以上", "方法", "进行", "操作", "一定", "会", "领取", "到", "红包", "的", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["一般", "卡", "红包", "的", "很少", "的", ",", "更多", "的", "可能", "回事", "网络", "不好", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "微信红包打不开怎么回事,该怎么办?估计会有不少朋友也试过类似的问题,大家开开心心的发红包领红包,多开心的事情呀,但是有时候红包被卡住或者就是打不开,是怎么回事?该怎么办?小编下面给大家一些方法和建议,希望对大家有帮助。", "百度经验:jingyan.baidu.com", "手机,微信软件", "百度经验:jingyan.baidu.com", "1 有可能是你手机在使用过程中由于缓存过大,造成内存运行不足,导致无法打开图片等情况;可能是群里抢的人很多,导致系统有些缓慢;可能是网络不好,不能及时更新等等;建议您清理聊天记录删除没用的东西等,可以隔一段时间查看是否正常。 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 电脑版不能打开,根据提示到手机上打开: 电脑版的微信目前是打不开红包的,不过他会有提示。可以电脑版微信中相关的提示到开手去打开红包即可。 步骤阅读 2 先退出微信,再重新登陆: 是在不行就退出微信,再次登录重新打开一般都是可以的了。 步骤阅读 3 清理微信内存缓存: 我们可以进入微信中删除内存或缓存。步骤:登录进入“微信”→在“我”哪里找到“设置”→打开设置中的“通用”→找到“清理微信存储空间”,将积累起来没用的微信垃圾文件和缓存清理干净。 步骤阅读 4 重新更换一下微信客户端: 如果卡的实在不行,把微信卸载了,重新更换微信客户端,登陆后再到收藏中打开之前朋友发过来的红包即可。 步骤阅读 5 在微信页面上多返回点几次,等待缓存可以运行后就可以了: 经常会打不开的,返回多点几次就可以了。让系统有点反应不过来,大家可以返回以后快速点击抢红包,毕竟下手要快,不然红包就没有了哦!当然,如果是单独发给你的红包,那就不用急,按照以上方法进行操作一定会领取到红包的。 步骤阅读 END", "百度经验:jingyan.baidu.com", "一般卡红包的很少的,更多的可能回事网络不好。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 2}, {"is_selected": true, "title": "微信红包打不开是怎么回事?_百度知道", "most_related_para": 0, "segmented_title": ["微信", "红包", "打不开", "是", "怎么回事", "?", "_", "百度", "知道"], "segmented_paragraphs": [["微信", "红包", "打不开", "原因", ":", "1", "、", "手机", "网络", "不稳定", "2", "、", "微信", "缓存", "过", "多", "3", "、", "微信", "版本", "过低", "解决方法", ":", "1", "、", "检查", "手机", "网络", "是否", "正常", "2", "、", "清理", "手机", "微信", "缓存", "3", "、", "升级", "当前", "手机", "兼容", "的", "微信", "最新版本"]], "paragraphs": ["微信红包打不开原因: 1、手机网络不稳定 2、微信缓存过多 3、微信版本过低 解决方法: 1、检查手机网络是否正常 2、清理手机微信缓存 3、升级当前手机兼容的微信最新版本"], "bs_rank_pos": 3}, {"is_selected": false, "title": "为什么我的微信打不开别人发的红包_百度知道", "most_related_para": 0, "segmented_title": ["为什么", "我", "的", "微信", "打不开", "别人", "发", "的", "红包", "_", "百度", "知道"], "segmented_paragraphs": [["您好", ",", "这", "可能", "是", "您", "手机", "在", "使用", "过程", "中", "由于", "缓存", "类", "的", "信息", "储存", "在", "手机", "里", ",", "造成", "内存", "不足", ",", "导致", "无法打开", "图片", "等", "情况", ",", "建议", "您", "重新", "下载", "微信", "软件", ",", "并且", "清理", "聊天记录", "等", ",", "当然", "不排除", "是", "移动", "网络", "的", "原因", ",", "建议", "您", "可以", "隔", "一段时间", "再", "行", "查看", "是否", "正常", ","], ["网卡", "得", "很", "吧", "?"]], "paragraphs": ["您好,这可能是您手机在使用过程中由于缓存类的信息储存在手机里,造成内存不足,导致无法打开图片等情况,建议您重新下载微信软件,并且清理聊天记录等,当然不排除是移动网络的原因,建议您可以隔一段时间再行查看是否正常,", "网卡得很吧?"], "bs_rank_pos": 4}], "answer_spans": [[0, 20]], "fake_answers": ["微信红包打不开原因:1、手机网络不稳定2、微信缓存过多3、微信版本过低"], "question": "微信红包打不开怎么回事", "segmented_answers": [["有", "可能", "是", "你", "手机", "在", "使用", "过程", "中", "由于", "缓存", "过", "大", ",", "造成", "内存", "运行", "不足", ",", "导致", "无法打开", "图片", "等", "情况", ";", "可能", "是", "群", "里", "抢", "的", "人", "很多", ",", "导致", "系统", "有些", "缓慢", ";", "可能", "是", "网络", "不好", ",", "不能", "及时更新", "等等", "。"], ["微信", "红包", "打不开", "原因", ":", "1", "、", "手机", "网络", "不稳定", "。", "2", "、", "微信", "缓存", "过", "多", "。", "3", "、", "微信", "版本", "过低", "。"]], "answers": ["有可能是你手机在使用过程中由于缓存过大,造成内存运行不足,导致无法打开图片等情况;可能是群里抢的人很多,导致系统有些缓慢;可能是网络不好,不能及时更新等等。", "微信红包打不开原因:1、手机网络不稳定。2、微信缓存过多。3、微信版本过低。"], "answer_docs": [3], "segmented_question": ["微信", "红包", "打不开", "怎么回事"], "question_type": "DESCRIPTION", "question_id": 181619, "fact_or_opinion": "FACT", "match_scores": [0.888888888888889]}
-{"documents": [{"is_selected": true, "title": "刘亦菲给谁做得伴娘?_百度知道", "most_related_para": 0, "segmented_title": ["刘亦菲", "给", "谁", "做", "得", "伴娘", "?", "_", "百度", "知道"], "segmented_paragraphs": [["此", "番", "刘亦菲", "是", "为", "大学", "同学", "当", "伴娘", ",", "穿上", "伴娘", "服", "真", "的", "是", "抢", "了", "新娘", "子", "的", "风", "头", ",", "要不要", "这么", "仙", "气", "十足", "啊", "!", "“", "央视", "制片人", "李", "语", "”", "发", "文", "道", ":", "“", "美丽", "超凡", "的", "周扬", "在", "苏梅岛", "大", "婚", ",", "又", "一", "位", "嫁", "得", "极", "好", "的", "女演员", ",", "神仙姐姐", "刘亦菲", "、", "莫小棋", "等", "为", "好姐妹", "做", "伴娘", "。", "”", "照片", "中", ",", "刘亦菲", "、", "莫小棋", "等", "五位", "伴娘", "身", "穿", "浅灰色", "的", "伴娘", "裙", ",", "手捧花", "束", "。", "有", "网友", "看到", "照片", "甚至", "直呼", ",", "刘亦菲", "穿", "伴娘", "装", "比", "新娘", "还", "漂亮", "。", "看到", "刘亦菲", "再次", "担任", "伴娘", ",", "不", "少", "网友", "都", "纷纷表示", "希望", "她", "早日", "找到", "自己", "的", "另一半", ",", "亲自", "穿上", "洁白", "的", "婚纱", "。", "5", "月", "6", "日", "晚", ",", "刘亦菲", "也", "在", "微博", "晒", "出", "了", "做", "伴娘", "的", "照片", "。", "刘亦菲", "已经", "做", "了", "两次", "伴娘", "了", ",", "那么", "她", "的", "感情生活", "如何", "那", "?", "刘亦菲", "、", "宋承宪", "于", "去年", "8", "月", "承认", "恋情", ",", "这", "段", "跨国", "恋情", "也是", "一直", "备受关注", ",", "当时", "也是", "传", "出", "两人", "好事", "将近", ",", "在", "去年", "12", "月份", "刘亦菲", "更", "是", "带", "着", "妈妈", "到", "韩国", "旅行", ",", "而", "宋承宪", "则", "在", "公开", "场合", "表示", "一定", "会", "结婚", "。", "没", "想"]], "paragraphs": ["此番刘亦菲是为大学同学当伴娘,穿上伴娘服真的是抢了新娘子的风头,要不要这么仙气十足啊! “央视制片人李语”发文道:“美丽超凡的周扬在苏梅岛大婚,又一位嫁得极好的女演员,神仙姐姐刘亦菲、莫小棋等为好姐妹做伴娘。” 照片中,刘亦菲、莫小棋等五位伴娘身穿浅灰色的伴娘裙,手捧花束。有网友看到照片甚至直呼,刘亦菲穿伴娘装比新娘还漂亮。 看到刘亦菲再次担任伴娘,不少网友都纷纷表示希望她早日找到自己的另一半,亲自穿上洁白的婚纱。 5月6日晚,刘亦菲也在微博晒出了做伴娘的照片。 刘亦菲已经做了两次伴娘了,那么她的感情生活如何那? 刘亦菲、宋承宪于去年8月承认恋情,这段跨国恋情也是一直备受关注,当时也是传出两人好事将近,在去年12月份刘亦菲更是带着妈妈到韩国旅行,而宋承宪则在公开场合表示一定会结婚。没想"], "bs_rank_pos": 0}, {"is_selected": true, "title": "刘亦菲以后别再给别人当伴娘了,抢风头真的好吗_百度知道", "most_related_para": 0, "segmented_title": ["刘亦菲", "以后", "别", "再", "给", "别人", "当", "伴娘", "了", ",", "抢风头", "真", "的", "好", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["UC", "头条", "上", "报导", "的", "其实", "张靓颖", "和", "刘亦菲", "早", "就是", "好朋友", "了", ",", "肯定", "是", "好朋友", "才", "让", "她", "当", "伴娘", "的", ",", "至于", "抢风头", "的", "说法", "张靓颖", "本人", "也是", "没", "在乎", "的", "。"]], "paragraphs": ["UC头条上报导的其实张靓颖和刘亦菲早就是好朋友了,肯定是好朋友才让她当伴娘的,至于抢风头的说法张靓颖本人也是没在乎的。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "刘亦菲当伴娘不可怕,可怕的是她已经克制了她的美貌但是并没用_凤凰", "most_related_para": 10, "segmented_title": ["刘亦菲", "当", "伴娘", "不可怕", ",", "可怕", "的", "是", "她", "已经", "克制", "了", "她", "的", "美貌", "但是", "并", "没用", "_", "凤凰"], "segmented_paragraphs": [["又", "是", "被", "刘亦菲", "持续", "刷屏", "的", "几天", ",", "并", "不是", "她", "的", "好事", "将近", ",", "而是", "她", "又", "双", "当", "伴娘", "啦", "!", "演员", "周扬", "近日", "在", "苏梅岛", "举行婚礼", ",", "刘亦菲", "是", "周扬", "的", "大学", "室友", "兼", "多", "年", "闺蜜", ",", "自然", "扛起", "了", "伴娘", "的", "重任", "!"], ["其实", "我们", "也", "很", "佩服", "新娘", "的", "勇气", ",", "对于", "身为", "一", "个", "女人", "的", "自然定律", "来", "说", ",", "让", "刘亦菲", "做", "伴娘", ",", "应该", "是", "梁静茹", "给", "的", "勇气", "。", "出场", "就是", "神仙姐姐", "带", "着", "众", "仙女", "从", "林中", "踏着", "仙", "气", "而来", "。"], ["就", "连", "这种", "迷", "之", "角度", "的", "仰拍", "对于", "我们", "凡人", "可能", "就是", "一", "出", "“", "餐具", "”", ",", "但", "对于", "刘亦菲", "来", "说", "照", "样", "仙", "气", "逼", "人", "。"], ["除了", "刘亦菲", ",", "还有", "莫小棋", "、", "李", "丹妮", "、", "王黎雯", "、", "周婷", "组成", "的", "伴娘", "团", ",", "其实", "每一个", "都是", "颜值", "逆天", "的", "仙女", "。"], ["这", "张", "给新娘", "带", "耳环", "的", "照片", "也是", "温情", "满满", ",", "从", "眼神", "中", "就能", "看出", "对", "姐妹", "满满", "的", "祝福", "。"], ["随后", ",", "刘亦菲", "也", "在", "自己", "的", "微博", "晒", "出", "了", "祝福", "。", "并", "po", "出", "了", "伴娘", "们", "的", "集体", "自拍", "。"], ["但是", "不", "一会", "儿", "就", "接收", "到", "了", "吐槽", ",", "吐槽", "她", "的", "并", "不是", "别人", ",", "而是", "她", "自己", "的", "粉丝", "。", "粉丝", "绝望", "地", "表示", "刘亦菲", "专属", "“", "自拍", "不如", "路人", "拍", "”", "系列", "又", "出现", "了", "。", "你们", "感受", "下", "。"], ["其实", ",", "这", "不是", "刘亦菲", "第一次", "当", "伴娘", "。", "张靓颖", "在", "意大利", "罗马", "La", "Badia", "古堡", "大", "婚", "的", "时候", ",", "由", "刘亦菲", "领衔", "的", "超强", "伴娘", "团", ",", "当时", "就", "一不小心", "就", "成为", "了", "婚礼", "最大", "的", "亮点", "。"], ["▲", "伴娘", "团", "五位", "成员", "分别", "是", "刘亦菲", "、", "王珞丹", "、", "谭维维", "、", "潘辰", "及", "时尚", "摄影师", "章元一", ",", "好久不见", "的", "潘辰", "也", "令", "人", "眼前一亮", "。"], ["▲", "刘亦菲", "担任", "主", "伴娘", "的", "角色", ",", "在", "婚礼", "过程", "中", "一直", "在", "新娘", "身边", "陪伴", ",", "并", "为", "新人", "递", "上", "戒指", "。"], ["▲", "糖糖", "也", "在", "微博", "上", "表达", "了", "对", "靓颖", "的", "祝福", ",", "还", "晒", "出", "了", "和", "刘亦菲", "、", "张靓颖", "三人", "的", "合影", ",", "看", "来", "这", "三人", "的", "感情", "确实", "颇", "深", "呢", "。"], ["▲", "是", "的", ",", "刘亦菲", "又", "再次", "展示", "了", "一次", "什么叫", "“", "自拍", "不如", "他", "拍", "”", "的", "反人类", "定律", "。"], ["“", "自拍", "不如", "他", "拍", "”", "的", "神仙姐姐", ","], ["群众", "呼吁", "请", "重视", "自拍", "!"], ["我们", "先", "来", "看看", "刘亦菲", "微博", "上", "的", "自拍", "往往", "是", "迷", "之", "角度", ",", "迷", "之", "画风", "!"], ["而", "在", "路人", "毫无", "PS", "的", "镜头", "里", ",", "她", "却", "是", "长", "这样", "的", "!"], ["▲", "我们", "发现", ",", "神仙姐姐", "就是", "神仙姐姐", ",", "即使", "日常生活", "根本", "不", "注重", "打扮", "的", "她", "在", "路人", "的", "镜头", "下", "依然", "美", "得", "惊人", "。"], ["▲", "立体", "的", "五官", "和", "白皙", "的", "皮肤", "就算", "不", "启动", "PS", "大", "法", "也是", "颜值", "碾压", "级别", "。"], ["大", "美女", "伴娘", "辣", "么", "多", ",", "拒绝", "撕", "X", ",", "友情", "绝对", "大过天", "!"], ["娱乐圈", "里", "给", "人", "当", "伴娘", "的", "大", "美女们", "其实", "不少", ",", "比如", "陈乔恩", "和", "阿娇", "同时", "出现", "给", "陈妍希", "当", "伴娘", "!", "陈乔恩", "更", "是", "把", "人生中", "第一次", "伴娘", "献给", "了", "陈妍希", "。"], ["李小冉", "的", "婚礼", "上", "也是", "云集", "了", "各", "大", "美女军团", ",", "阿娇", "、", "应采儿", "、", "朱丹", "·", "·", "·", "·", "·", "·", "·"], ["baby", "和", "黄晓明", "的", "世纪", "婚礼", "更", "是", "请到", "了", "倪妮", "和", "李冰冰", ",", "这个", "级别", "的", "伴娘", "也是", "没", "sei", "了", "…", "…"], ["刘诗诗", "的", "伴娘", "团", "曾", "被", "称为", "“", "史", "上", "最美", "伴娘", "团", "”", ",", "全", "都是", "和", "诗", "诗", "一", "卦", "的", "“", "清水出芙蓉", "”", "的", "姑娘们", "。", "步步惊心", "姐妹", "团", "郭晓婷", "、", "叶青", "、", "刘心悠", "、", "诗", "诗", "的", "后宫", "谢楠", "、", "于莎莎", "全", "齐", "。"], ["最美", "伴娘", "当然", "不能", "忘", "了", "唯一", "一", "位", "成为", "杨幂", "伴娘", "的", "唐嫣", ",", "这", "对", "“", "中国", "好", "闺蜜", "”", "当时", "在", "婚礼", "上", "也是", "感动", "过", "了", "不少", "人", "。", "不知", "到", "时", "唐嫣", "大", "婚", "时", ",", "大", "幂", "幂", "会不会", "出现", "呢", "?"], ["最近", "放飞", "自我", "的", "小", "爽", "之", "前", "也", "把", "第一次", "伴娘", "献给", "了", "谢楠", ",", "原来", "是", "在", "电影", "《", "画壁", "》", "拍摄时", ",", "两人", "因", "戏", "结缘", "成为", "好朋友", "。", "谢楠", "和", "吴京", "大", "婚", ",", "郑爽", "以", "伴娘", "的", "身份", "出席", "了", "婚礼", "。", "现场", "郑爽", "多次", "激动", "泪", "崩", ",", "最后", "还", "接", "到", "了", "闺蜜", "的", "捧花", "。"], ["伴娘", "都", "已经", "那么美", "了", ",", "好", "期待", "看到", "她们", "自己", "当", "新娘", "时", "的", "美", "照", ",", "第一个", "就是", "期待", "刘", "天仙", ",", "你们", "同意", "不", "?", "以下", "附赠", "一", "张", "至今", "无法", "超越", "的", "史", "上", "最", "帅", "伴郎团", "!"], ["六旬", "保洁", "冒雨", "工作", "学生", "为", "其", "撑伞", "40", "分钟", "小伙", "被", "“", "美女", "”", "搭讪", "玩", "一", "下", "对方", "却", "是", "男儿身"], ["凤凰", "资讯", "官方", "微信"], ["1", "我们", "能", "做", "什么", "来", "帮助孩子", "预防近视", "?", "2", "德国", "红点", "设计", "至尊", "奖", "超薄", "智能", "键盘", "3", "源", "自", "美国", "Fitkid", "菲", "宝", "智能", "护眼", "台灯", "4", "凤凰卫视", "独家", "定制", "礼品", "5", "西域", "果园", "五彩", "葡萄干", "10", "包", "(", "50g", "每", "包", ")", "包邮"]], "paragraphs": ["又是被刘亦菲持续刷屏的几天,并不是她的好事将近,而是她又双当伴娘啦!演员周扬近日在苏梅岛举行婚礼,刘亦菲是周扬的大学室友兼多年闺蜜,自然扛起了伴娘的重任!", "其实我们也很佩服新娘的勇气,对于身为一个女人的自然定律来说,让刘亦菲做伴娘,应该是梁静茹给的勇气。出场就是神仙姐姐带着众仙女从林中踏着仙气而来。", "就连这种迷之角度的仰拍对于我们凡人可能就是一出“餐具”,但对于刘亦菲来说照样仙气逼人。", "除了刘亦菲,还有莫小棋、李丹妮、王黎雯、周婷组成的伴娘团,其实每一个都是颜值逆天的仙女。", "这张给新娘带耳环的照片也是温情满满,从眼神中就能看出对姐妹满满的祝福。", "随后,刘亦菲也在自己的微博晒出了祝福。并po出了伴娘们的集体自拍。", "但是不一会儿就接收到了吐槽,吐槽她的并不是别人,而是她自己的粉丝。粉丝绝望地表示刘亦菲专属“自拍不如路人拍”系列又出现了。你们感受下。", "其实,这不是刘亦菲第一次当伴娘。张靓颖在意大利罗马La Badia古堡大婚的时候,由刘亦菲领衔的超强伴娘团,当时就一不小心就成为了婚礼最大的亮点。", "▲伴娘团五位成员分别是刘亦菲、王珞丹、谭维维、潘辰及时尚摄影师章元一,好久不见的潘辰也令人眼前一亮。", "▲刘亦菲担任主伴娘的角色,在婚礼过程中一直在新娘身边陪伴,并为新人递上戒指。", "▲糖糖也在微博上表达了对靓颖的祝福,还晒出了和刘亦菲、张靓颖三人的合影,看来这三人的感情确实颇深呢。", "▲是的,刘亦菲又再次展示了一次什么叫“自拍不如他拍”的反人类定律。", "“自拍不如他拍”的神仙姐姐,", "群众呼吁请重视自拍!", "我们先来看看刘亦菲微博上的自拍往往是迷之角度,迷之画风!", "而在路人毫无PS的镜头里,她却是长这样的!", "▲我们发现,神仙姐姐就是神仙姐姐,即使日常生活根本不注重打扮的她在路人的镜头下依然美得惊人。", "▲立体的五官和白皙的皮肤就算不启动PS大法也是颜值碾压级别。", "大美女伴娘辣么多,拒绝撕X,友情绝对大过天!", "娱乐圈里给人当伴娘的大美女们其实不少,比如陈乔恩和阿娇同时出现给陈妍希当伴娘!陈乔恩更是把人生中第一次伴娘献给了陈妍希。", "李小冉的婚礼上也是云集了各大美女军团,阿娇、应采儿、朱丹·······", "baby和黄晓明的世纪婚礼更是请到了倪妮和李冰冰,这个级别的伴娘也是没sei了……", "刘诗诗的伴娘团曾被称为“史上最美伴娘团”,全都是和诗诗一卦的“清水出芙蓉”的姑娘们。步步惊心姐妹团郭晓婷、叶青、刘心悠、诗诗的后宫谢楠、于莎莎全齐。", "最美伴娘当然不能忘了唯一一位成为杨幂伴娘的唐嫣,这对“中国好闺蜜”当时在婚礼上也是感动过了不少人。不知到时唐嫣大婚时,大幂幂会不会出现呢?", "最近放飞自我的小爽之前也把第一次伴娘献给了谢楠,原来是在电影《画壁》拍摄时,两人因戏结缘成为好朋友。谢楠和吴京大婚,郑爽以伴娘的身份出席了婚礼。现场郑爽多次激动泪崩,最后还接到了闺蜜的捧花。", "伴娘都已经那么美了,好期待看到她们自己当新娘时的美照,第一个就是期待刘天仙,你们同意不?以下附赠一张至今无法超越的史上最帅伴郎团!", "六旬保洁冒雨工作学生为其撑伞40分钟 小伙被“美女”搭讪玩一下对方却是男儿身", "凤凰资讯官方微信", "1我们能做什么来帮助孩子预防近视?  2 德国红点设计至尊奖 超薄智能键盘  3源自美国 Fitkid菲宝智能护眼台灯  4 凤凰卫视独家定制礼品  5西域果园五彩葡萄干10包(50g每包)包邮"], "bs_rank_pos": 2}, {"is_selected": false, "title": "刘亦菲再当伴娘 找个天仙做伴娘究竟是抢镜还是抢婚|伴娘|刘亦菲|", "most_related_para": 3, "segmented_title": ["刘亦菲", "再", "当", "伴娘", "找", "个", "天仙", "做", "伴娘", "究竟", "是", "抢镜", "还是", "抢婚", "|", "伴娘", "|", "刘亦菲", "|"], "segmented_paragraphs": [["导语", ":", "你", "有", "想", "过", "在", "你", "结婚", "的", "时候", ",", "穿着", "美美", "的", "租", "来", "的", "或者", "是", "买", "来", "的", "婚纱", ",", "准备", "做", "全场", "女主角", "的", "时候", ",", "你", "隔壁", "那个", "拖着", "裙摆", "的", "伴娘", "却", "闪闪发光", "的", "场景", "?", "这种", "场景", "也", "不是", "没有", ",", "最近", "不是", "就", "上演", "了", "这么", "一", "出", "好戏", "吗", "?"], ["刘亦菲", "再", "当", "伴娘", "找", "个", "天仙", "做", "伴娘", "究竟", "是", "抢镜", "还是", "抢婚"], ["天仙", "攻", "刘亦菲", "身", "穿", "水", "蓝色", "伴娘", "裙", "第二次", "成为", "了", "闺蜜", "的", "伴娘", ",", "转过头", "看看", "这位", "新娘", ",", "颜值", "就", "不", "多", "说", "了", ",", "而", "刘亦菲", "自带", "的", "女神", "光环", "就算", "是", "站", "在", "一边", "还是", "难", "挡", "光芒", ",", "所以", "这", "也是", "透露", "了", "她们", "的", "姐妹", "情", "分", ",", "不", "然", "谁", "有", "勇气", "请", "个", "比", "自己", "好看", ",", "还", "比", "自己", "红", "得", "人", "当", "伴娘", "。"], ["而", "上", "一次", "刘亦菲", "当", "伴娘", "是", "为", "闺蜜", "张靓颖", ",", "在", "一", "排", "的", "伴娘", "中", ",", "刘亦菲", "身", "穿", "淡紫色", "的", "长裙", "宛若", "古希腊", "的", "女神", "雅典娜", "。", "据说", "这位", "仙女", "还", "充当", "了", "一", "把", "天使", ",", "把", "尊贵", "的", "戒指", "拿", "给", "了", "好", "闺蜜", ",", "如此这般", "的", "场景", "更加", "期待", "当", "刘亦菲", "做", "新娘", "的", "时候", "会", "是", "怎样", "的", "盛况", "。"], ["新娘", "大作战", ":", "angelababy", "PK", "倪妮"], ["说", "到", "了", "伴娘", "团", "我们", "这边", "看看", "angelababy", "的", "伴娘", "团", "倪妮", "和", "李冰冰", ",", "巧", "的", "是", "angelababy", "和", "倪妮", "共同演绎", "了", "《", "新娘", "大作战", "》", ",", "故事", "围绕", "着", "一", "对", "好", "闺蜜", "巧合", "地", "把", "婚礼", "安排", "在", "了", "同", "一", "家", "酒店", "的", "同一天", ",", "于是", "原本", "各自", "想", "邀请", "对方", "成为", "伴娘", "的", "她们", "大打出手", ",", "成就", "一", "番", "闹剧", "。"], ["李冰冰", "+", "倪妮"], ["在", "angelababy", "的", "婚礼", "中", "倪妮", "亮相", "了", ",", "两位", "都", "很", "美", "的", "姑娘", "在", "颜值", "上", "难分伯仲", ",", "而", "一", "旁", "的", "李冰冰", "也", "成为", "伴娘", "之", "一", ",", "恨嫁", "心", "可想而知", ",", "不过", "人家", "现在", "有", "小鲜肉", "在", "手", "。"], ["倪妮", "+", "李冰冰"], ["倪妮", "+", "李冰冰"], ["杨幂", "与", "唐嫣", "成就", "好", "闺蜜"], ["杨幂", "与", "唐嫣", "成就", "好", "闺蜜"], ["都", "说", "演艺圈", "尔虞我诈", ",", "但", "唐嫣", "和", "杨幂", "的", "交", "情", "那", "可", "就", "深", "了", ",", "在", "杨幂", "婚礼", "中", "唐嫣", "成为", "了", "伴娘", ",", "一", "身", "蓝色", "伴娘", "长裙", "站", "在", "闺蜜", "身边", "依然", "光彩", ",", "不知道", "唐嫣", "婚礼", "上", "好友", "杨幂", "会不会", "也", "成为", "伴娘", "。"], ["陈乔恩", "为", "闺蜜", "当", "伴娘"], ["在", "好友", "陈妍希", "的", "婚礼", "上", ",", "陈妍希", "作为", "伴娘", "之", "一", ",", "虽然", "和", "其他人", "穿着", "一样", "的", "衣服", ",", "但是", "陈乔恩", "的", "美", "就是", "透", "着", "一", "股", "仙", "气", "儿", ",", "粉红色", "的", "裙装", "带有", "精致", "的", "刺绣", ",", "露出", "长腿", "的", "细节", "展示", "了", "优雅", "身材", "。"], ["看", "完", "了", "这么多", "仙", "美", "的", "伴娘", ",", "也", "真是", "为", "如今", "的", "新娘", "捏", "把", "汗", ",", "没有", "个", "好", "颜值", "可", "真", "别", "把", "比", "自己", "好看", "的", "人", "拉", "上台", "呀", ",", "就算", "是", "颜值", "相当", ",", "伴娘", "也", "要", "记住", "不能", "艳压群芳", ",", "不", "然", "好姐妹", "一秒", "变", "仇家", "了", "。"]], "paragraphs": ["导语:你有想过在你结婚的时候,穿着美美的租来的或者是买来的婚纱,准备做全场女主角的时候,你隔壁那个拖着裙摆的伴娘却闪闪发光的场景?这种场景也不是没有,最近不是就上演了这么一出好戏吗?", "刘亦菲再当伴娘 找个天仙做伴娘究竟是抢镜还是抢婚", "天仙攻刘亦菲身穿水蓝色伴娘裙第二次成为了闺蜜的伴娘,转过头看看这位新娘,颜值就不多说了,而刘亦菲自带的女神光环就算是站在一边还是难挡光芒,所以这也是透露了她们的姐妹情分,不然谁有勇气请个比自己好看,还比自己红得人当伴娘。", "而上一次刘亦菲当伴娘是为闺蜜张靓颖,在一排的伴娘中,刘亦菲身穿淡紫色的长裙宛若古希腊的女神雅典娜。据说这位仙女还充当了一把天使,把尊贵的戒指拿给了好闺蜜,如此这般的场景更加期待当刘亦菲做新娘的时候会是怎样的盛况。", "新娘大作战:angelababy PK 倪妮", "说到了伴娘团我们这边看看angelababy的伴娘团倪妮和李冰冰,巧的是angelababy和倪妮共同演绎了《新娘大作战》,故事围绕着一对好闺蜜巧合地把婚礼安排在了同一家酒店的同一天,于是原本各自想邀请对方成为伴娘的她们大打出手,成就一番闹剧。", "李冰冰+倪妮", "在angelababy的婚礼中倪妮亮相了,两位都很美的姑娘在颜值上难分伯仲,而一旁的李冰冰也成为伴娘之一,恨嫁心可想而知,不过人家现在有小鲜肉在手。", "倪妮+李冰冰", "倪妮+李冰冰", "杨幂与唐嫣成就好闺蜜", "杨幂与唐嫣成就好闺蜜", "都说演艺圈尔虞我诈,但唐嫣和杨幂的交情那可就深了,在杨幂婚礼中唐嫣成为了伴娘,一身蓝色伴娘长裙站在闺蜜身边依然光彩,不知道唐嫣婚礼上好友杨幂会不会也成为伴娘。", "陈乔恩为闺蜜当伴娘", "在好友陈妍希的婚礼上,陈妍希作为伴娘之一,虽然和其他人穿着一样的衣服,但是陈乔恩的美就是透着一股仙气儿,粉红色的裙装带有精致的刺绣,露出长腿的细节展示了优雅身材。", "看完了这么多仙美的伴娘,也真是为如今的新娘捏把汗,没有个好颜值可真别把比自己好看的人拉上台呀,就算是颜值相当,伴娘也要记住不能艳压群芳,不然好姐妹一秒变仇家了。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "刘亦菲破天当伴娘,刘亦菲都参加过谁的婚礼?_藁城新闻网", "most_related_para": 11, "segmented_title": ["刘亦菲", "破天", "当", "伴娘", ",", "刘亦菲", "都", "参加", "过", "谁", "的", "婚礼", "?", "_", "藁城", "新闻网"], "segmented_paragraphs": [["您", "现在", "的", "位置", ":", "首页", ">", "娱乐"], ["娱乐圈", "当", "中", "的", "明星", "结婚", ",", "伴娘", "团队", "往往", "是", "非常", "强大", "的", ",", "但是", "有一个人", "确实", "很少", "出席", "别人", "的", "婚礼", ",", "也", "没", "给", "别人", "当", "过", "伴娘", ",", "她", "就是", "刘亦菲", "。", "而", "在", "今天", "张靓颖", "冯柯", "婚礼", "上", ",", "刘亦菲", "竟然", "出席", "了", ",", "而且", "还"], ["娱乐圈", "当", "中", "的", "明星", "结婚", ",", "伴娘", "团队", "往往", "是", "非常", "强大", "的", ",", "但是", "有一个人", "确实", "很少", "出席", "别人", "的", "婚礼", ",", "也", "没", "给", "别人", "当", "过", "伴娘", ",", "她", "就是", "刘亦菲", "。", "而", "在", "今天", "张靓颖", "冯柯", "婚礼", "上", ",", "刘亦菲", "竟然", "出席", "了", ",", "而且", "还是", "首次", "当", "伴娘", "。", "实在", "是", "太", "让", "人", "觉得", "不可思议", "了", "。"], ["刘亦菲", "破天", "当", "伴娘"], ["今日", ",", "张靓颖", "与", "冯轲", "将", "在", "意大利", "举行婚礼", ",", "冯轲", "贴心", "牵手", "张靓颖", "登场", ",", "两人", "上台", "致辞", ",", "更", "和", "唐嫣", "举杯", "合影", "。"], ["据悉", ",", "除了", "唐嫣", "、", "周笔畅", "等", "好友", "特", "意", "前往", "助阵", "外", ",", "张靓颖", "今日", "大", "婚", "的", "伴娘", "团", "阵容", "也", "相当", "豪华", ",", "同", "处", "音乐", "圈", "的", "谭维维", "和", "潘辰", "均", "在", "列", ",", "而", "刘亦菲", "和", "王珞丹", "竟", "也", "在", "伴娘", "名单", "中", "。"], ["这", "场", "婚礼", "的", "请柬", "也", "于", "早", "前", "曝光", ",", "带有", "音符", "标志", "的", "紫色", "请柬", "上", ",", "印", "着", "张靓颖", "和", "冯轲", "二人", "名字", "的", "缩写", "(", "Jane", "和", "Michael", ")", "。", "请柬", "打开后", ",", "则", "呈现", "一", "组", "立体", "的", "城堡", "模样", "。"], ["刘亦菲", "都", "参加", "过", "谁", "的", "婚礼", "?"], ["伴娘", "团", "的", "阵容", "非常", "有", "看点", ",", "不少", "网友", "表示", ",", "刘亦菲", "的", "出现", "确实", "是", "一个惊喜", "!", "其实", "张靓颖", "和", "刘亦菲", "能", "成为", "好姐妹", ",", "这一点", "都", "不", "意外", ",", "早", "在", "某", "期", "快", "本", "舞台", "上", ",", "两人", "就", "同台", "过", ",", "现场", "关系", "也", "非常", "融洽", "。", "而", "在", "婚礼", "举行", "之", "前", ",", "一", "张", "张靓颖", "刘亦菲", "唐嫣", "三人", "的", "合照", "曝光", ",", "搞笑", "的", "是", ",", "刘亦菲", "卖萌", "嘟嘴", "时", "变脸", ",", "乍一看", "竟", "和", "曾轶可", "有点", "撞脸", ",", "真是", "有点", "小", "惊吓", "啊", "!"], ["说", "来", "这", "只是", "刘亦菲", "第二次", "出席", "好友", "婚礼", ",", "第一次", "出席", "女性", "朋友", "的", "婚礼", ",", "而", "此", "前", "她", "只", "参加", "过", "朱亚文", "的", "婚礼", ",", "且", "是", "素颜", "出席", ",", "当时", "她", "低调", "现身", "未", "发", "任何", "通稿", "。"], ["另外", ",", "为什么", "说", "张靓颖", "伴娘", "团", "阵容强大", ",", "其中", "还有", "一", "个", "名", "叫", "章元一", "的", "人物", "在", "时尚", "圈", "也是", "大名鼎鼎", "。", "章元一", "是", "范冰冰", "的", "合作伙伴", ",", "几乎", "为", "她", "的", "御用", "摄影师", ",", "能", "把", "章元一", "请", "来", ",", "看", "来", "张靓颖", "的", "朋友圈", "够", "强大", "。"], ["而", "章元一", "其实", "是", "个", "男孩子", ",", "只是", "他", "平常", "酷爱", "女性", "打扮", ",", "长相", "一", "点", "儿", "也", "不", "比", "范冰冰", "逊色", "。", "张靓颖", "真是", "胆大", ",", "请", "了", "好", "几个", "颜值", "颇佳", "的", "人", "当", "伴娘", ",", "她", "就", "不怕", "被抢风头", "吗", "?"], ["转载", "请", "带", "上", "本", "文", "地址", ":", "http", ":", "/", "/", "www", ".", "gaocheng", "news", ".", "net", "/", "yule", "/", "19359", ".", "html", "本", "文", "来自", "藁城", "新闻网"], ["相关", "热", "词", "搜索", ":"], ["高伟光", "和", "热", "巴", "两人", "是", "什么", "关系", "?", "高伟光", "女朋友", "青云", "志", "2", "鬼厉", "复活", "碧瑶", "了", "吗", "?", "青云", "志", "2", "什么时候", "尉迟恭", "是", "怎么", "成为", "门神", "的", "?", "尉迟恭", "最后", "是", "怎么", "三生三世", "枕", "上", "书", "哪", "时候", "开拍", "?", "三生三世", "枕", "上", "书", "薛仁贵", "是", "什么", "人物", "转世", "?", "薛仁贵", "最后", "是", "怎么", "死", "孔孝真", "是", "属于", "什么", "脸型", "?", "孔孝真", "之前", "整", "过", "容", "吗", "?", "三生三世", "枕", "上", "书", "演员表", "名单", ",", "三生三世", "枕", "上", "书", "什", "刘雨欣", "的", "老公", "是", "谁", "?", "刘雨欣", "和", "老公", "李蒙", "有", "孩子", "苏定方", "最后", "是", "怎么", "死", "的", "?", "苏定方", "为什么", "要", "杀", "罗", "孔孝真", "和", "孔侑", "的", "关系", "好", "吗", "?", "孔孝真", "绯闻男友", "大"]], "paragraphs": ["您现在的位置:首页 > 娱乐", "娱乐圈当中的明星结婚,伴娘团队往往是非常强大的,但是有一个人确实很少出席别人的婚礼,也没给别人当过伴娘,她就是刘亦菲。而在今天张靓颖冯柯婚礼上,刘亦菲竟然出席了,而且还", "娱乐圈当中的明星结婚,伴娘团队往往是非常强大的,但是有一个人确实很少出席别人的婚礼,也没给别人当过伴娘,她就是刘亦菲。而在今天张靓颖冯柯婚礼上,刘亦菲竟然出席了,而且还是首次当伴娘。实在是太让人觉得不可思议了。", "刘亦菲破天当伴娘", "今日,张靓颖与冯轲将在意大利举行婚礼,冯轲贴心牵手张靓颖登场,两人上台致辞,更和唐嫣举杯合影。", "据悉,除了唐嫣、周笔畅等好友特意前往助阵外,张靓颖今日大婚的伴娘团阵容也相当豪华,同处音乐圈的谭维维和潘辰均在列,而刘亦菲和王珞丹竟也在伴娘名单中。", "这场婚礼的请柬也于早前曝光,带有音符标志的紫色请柬上,印着张靓颖和冯轲二人名字的缩写(Jane和Michael)。请柬打开后,则呈现一组立体的城堡模样。", "刘亦菲都参加过谁的婚礼?", "伴娘团的阵容非常有看点,不少网友表示,刘亦菲的出现确实是一个惊喜!其实张靓颖和刘亦菲能成为好姐妹,这一点都不意外,早在某期快本舞台上,两人就同台过,现场关系也非常融洽。而在婚礼举行之前,一张张靓颖刘亦菲唐嫣三人的合照曝光,搞笑的是,刘亦菲卖萌嘟嘴时变脸,乍一看竟和曾轶可有点撞脸,真是有点小惊吓啊!", "说来这只是刘亦菲第二次出席好友婚礼,第一次出席女性朋友的婚礼,而此前她只参加过朱亚文的婚礼,且是素颜出席,当时她低调现身未发任何通稿。", "另外,为什么说张靓颖伴娘团阵容强大,其中还有一个名叫章元一的人物在时尚圈也是大名鼎鼎。章元一是范冰冰的合作伙伴,几乎为她的御用摄影师,能把章元一请来,看来张靓颖的朋友圈够强大。", "而章元一其实是个男孩子,只是他平常酷爱女性打扮,长相一点儿也不比范冰冰逊色。张靓颖真是胆大,请了好几个颜值颇佳的人当伴娘,她就不怕被抢风头吗?", "转载请带上本文地址:http://www.gaochengnews.net/yule/19359.html本文来自藁城新闻网", "相关热词搜索:", "高伟光和热巴两人是什么关系?高伟光女朋友 青云志2鬼厉复活碧瑶了吗?青云志2什么时候 尉迟恭是怎么成为门神的?尉迟恭最后是怎么 三生三世枕上书哪时候开拍?三生三世枕上书 薛仁贵是什么人物转世?薛仁贵最后是怎么死 孔孝真是属于什么脸型?孔孝真之前整过容吗? 三生三世枕上书演员表名单,三生三世枕上书什 刘雨欣的老公是谁?刘雨欣和老公李蒙有孩子 苏定方最后是怎么死的?苏定方为什么要杀罗 孔孝真和孔侑的关系好吗?孔孝真绯闻男友大"], "bs_rank_pos": 4}], "answer_spans": [[45, 45]], "answer_docs": [0], "fake_answers": ["周扬"], "question": "刘亦菲给谁当过伴娘", "segmented_answers": [["周扬", "。"], ["张靓颖", "。"]], "answers": ["周扬。", "张靓颖。"], "entity_answers": [["周扬"], ["张靓颖"]], "segmented_question": ["刘亦菲", "给", "谁", "当", "过", "伴娘"], "question_type": "ENTITY", "match_scores": [0.6666666666666666], "fact_or_opinion": "OPINION", "question_id": 181620}
-{"documents": [{"is_selected": true, "title": "苹果Live Photo 怎么拍, Live Photos怎么使用_百度经验", "most_related_para": 5, "segmented_title": ["苹果", "Live", "Photo", "怎么", "拍", ",", "Live", "Photos", "怎么", "使用", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["在", "当前", "苹果", "发布", "的", "iPhone", "6s", "手机", "上", ",", "支持", "使用", "相机", "拍摄", "Live", "Photos", "动态", "照片", ",", "并且", "还会", "有", "声音", "。", "当然", "对于", "没有", "iPhone", "6s", "的", "用户", ",", "只要", "是", "升级", "到", "了", "iOS", "9", "系统", ",", "虽然", "不能", "拍摄", "Live", "Photos", "照片", ",", "但", "他人", "发", "来", "的", "照片", "是", "可以", "查看", "的", "。", "在这里", "简单", "介绍", "下", "怎么", "使用", "、", "以及", "查看", "Live", "Photos", "的", "操作", "方法", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["苹果", "iPhone", "手机"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "如", "下", "图", "所示", ",", "在", "iPhone", "6s", "上", "打开", "相机", "以后", ",", "在", "顶部", "中间", "可以看到", "有", "一", "个", "圆形", "的", "图标", ",", "它", "就是", "Live", "Photos", "的", "开关", "。", "当前", "显示", "为", "灰色", "状态", ",", "表示", "Live", "Photo", "为", "关闭", "状态", "。", "步骤", "阅读", "2", "如若", "要", "打开", "Live", "Photos", "功能", ",", "点击", "打开", "即可", ",", "此时", "屏幕", "上", "还会", "以", "显示", "Live", "来", "提示", "用户", "。", "步骤", "阅读", "3", "如", "下", "图", "所示", ",", "当", "打开", "Live", "Photos", "功能", "以后", ",", "在", "拍照时", "屏幕", "上", "也", "会", "显示", "LIVE", "字样", ",", "表示", "当前", "正在", "使用", "Live", "Photos", "动态", "拍摄", "功能", "。", "步骤", "阅读", "4", "当", "拍", "好", "了", "一", "张", "Live", "Photos", "照片", "以后", ",", "想要", "查看", "它", "的", "效果", "时", ",", "请", "在", "相片", "里", "用手指", "轻轻", "长按", "它", ",", "便", "可以", "看到", "动态", "效果", "了", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "当", "在", "iPhone", "6s", "手机", "上", "拍摄", "了", "一", "张", "好看", "的", "Live", "Photos", "照片", "以后", ",", "想要", "分享", "给", "他人", "也是", "可以", "的", "。", "在", "照片", "应用", "中", ",", "找到", "想要", "分享", "的", "照片", ",", "点击", "左下角", "的", "【", "分享", "】", "按钮", "。", "步骤", "阅读", "2", "在", "分享", "界面", "中", ",", "会", "在", "图片", "左上角", "看到", "有", "一", "个", "LIVE", "字样", ",", "表明", "当前", "这", "张", "照片", "是", "Live", "Photos", "照片", "。", "在", "分享", "菜单", "中", ",", "可以通过", "短信", "或", "邮件", "的", "方式", "分享", "给", "他人", ",", "这里", "以", "信息", "为", "例", "。", "步骤", "阅读", "3", "如", "下", "图", "所示", ",", "当", "收到", "他人", "用", "iPhone", "6s", "拍摄", "的", "Live", "Photos", "照片", "以后", ",", "可以看到", "在", "图片", "左上角", "也", "会", "显示", "一", "个", "Live", "Photos", "图标", "。", "步骤", "阅读", "4", "当", "把", "Live", "Photos", "照片", "存储", "到", "照片", "以后", ",", "只要", "是", "当前", "设备", "升级", "到", "了", "iOS", "9", "系统", ",", "也是", "可以通过", "用", "手", "轻轻", "长按", "图片", "来", "观看", "效果", "的", "。", "步骤", "阅读", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "Be", "as", "simple", "as", "you", "can", "be", ".", ".", "."]], "paragraphs": ["百度经验:jingyan.baidu.com", "在当前苹果发布的 iPhone6s 手机上,支持使用相机拍摄 Live Photos 动态照片,并且还会有声音。当然对于没有 iPhone6s 的用户,只要是升级到了 iOS9 系统,虽然不能拍摄 Live Photos 照片,但他人发来的照片是可以查看的。在这里简单介绍下怎么使用、以及查看 Live Photos 的操作方法。", "百度经验:jingyan.baidu.com", "苹果iPhone 手机", "百度经验:jingyan.baidu.com", "1 如下图所示,在 iPhone6s 上打开相机以后,在顶部中间可以看到有一个圆形的图标,它就是 Live Photos 的开关。当前显示为灰色状态,表示 Live Photo 为关闭状态。 步骤阅读 2 如若要打开 Live Photos 功能,点击打开即可,此时屏幕上还会以显示 Live 来提示用户。 步骤阅读 3 如下图所示,当打开 Live Photos 功能以后,在拍照时屏幕上也会显示 LIVE 字样,表示当前正在使用 Live Photos 动态拍摄功能。 步骤阅读 4 当拍好了一张 Live Photos 照片以后,想要查看它的效果时,请在相片里用手指轻轻长按它,便可以看到动态效果了。 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 当在iPhone6s 手机上拍摄了一张好看的 Live Photos 照片以后,想要分享给他人也是可以的。在照片应用中,找到想要分享的照片,点击左下角的【分享】按钮。 步骤阅读 2 在分享界面中,会在图片左上角看到有一个 LIVE 字样,表明当前这张照片是 Live Photos 照片。在分享菜单中,可以通过短信或邮件的方式分享给他人,这里以信息为例。 步骤阅读 3 如下图所示,当收到他人用 iPhone6s 拍摄的 Live Photos 照片以后,可以看到在图片左上角也会显示一个 Live Photos 图标。 步骤阅读 4 当把Live Photos 照片存储到照片以后,只要是当前设备升级到了 iOS9 系统,也是可以通过用手轻轻长按图片来观看效果的。 步骤阅读 END", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:Be as simple as you can be..."], "bs_rank_pos": 0}, {"is_selected": false, "title": "6s live photos 怎么用,6s相机里的live怎么用_百度经验", "most_related_para": 5, "segmented_title": ["6s", "live", "photos", "怎么", "用", ",", "6s", "相机", "里", "的", "live", "怎么", "用", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["在", "当前", "最新", "的", "iPhone", "6S", "手机", "上", ",", "苹果", "为", "在", "相机", "功能", "里", "增加", "一", "个", "叫", "住", "Live", "Photos", "的", "小", "功能", "。", "用", "它", "可以", "拍", "出", "动态", "的", "图片", ",", "对于", "平时", "在", "生活", "中", "抓拍", "一些", "精美", "画面", "时", "非常", "有", "帮助", ",", "在这里", "简单", "介绍", "下", "它", "的", "使用方法", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["苹果", "iPhone", "6S", "手机"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "如", "下", "图", "所示", ",", "在", "打开", "相机", "以后", ",", "在", "屏幕", "顶部", "中间", "会", "看到", "一", "个", "圆圈", "图标", ",", "它", "就是", "Live", "Photos", "的", "开关", "图标", "。", "当", "它", "为", "打开", "状态", "时", ",", "会", "以", "亮色", "显示", ",", "如图所示", "步骤", "阅读", "2", "在", "使用", "Live", "Photos", "拍照时", ",", "与", "平时", "拍照", "一样", ",", "只", "需要", "点击", "屏幕", "上", "的", "拍照", "按钮", "即可", "。", "步骤", "阅读", "3", "当", "拍", "完", "Live", "Photos", "照片", "以后", ",", "用力", "按", "下", "可以", "观看", "动态", "的", "图片", "效果", "。", "步骤", "阅读", "4", "对于", "Live", "Photos", "这个", "新功能", ",", "目前", "只", "支持", "iPhone", "6S", "手机", ",", "但是", "可以", "把", "拍", "的", "动态", "图片", "分享", "给", "其他", "用户", "。", "可以通过", "AirDrop", "、", "邮件", "、", "短信", "等", "方式", "来", "分享", ",", "如图所示", "步骤", "阅读", "5", "如果", "对方", "不是", "使用", "的", "iPhone", "6S", "手机", ",", "但", "只要", "iOS", "系统", "升级", "到", "iOS", "9", "以后", ",", "也是", "可以", "观看", "到", "动态", "图片", "效果", "的", "。", "观看", "的", "方法", "都一样", ",", "长按", "图片", "即可", "观看", "效果", "。", "步骤", "阅读", "6", "如果", "想要", "在", "相机", "中", "关闭", "Live", "Photos", "功能", "的", "话", ",", "只", "需要", "点击", "顶部", "的", "图标", ",", "变成", "灰色", "即可", "。", "步骤", "阅读", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "在当前最新的 iPhone6S 手机上,苹果为在相机功能里增加一个叫住 Live Photos 的小功能。用它可以拍出动态的图片,对于平时在生活中抓拍一些精美画面时非常有帮助,在这里简单介绍下它的使用方法。", "百度经验:jingyan.baidu.com", "苹果iPhone6S 手机", "百度经验:jingyan.baidu.com", "1 如下图所示,在打开相机以后,在屏幕顶部中间会看到一个圆圈图标,它就是 Live Photos 的开关图标。当它为打开状态时,会以亮色显示,如图所示 步骤阅读 2 在使用 Live Photos 拍照时,与平时拍照一样,只需要点击屏幕上的拍照按钮即可。 步骤阅读 3 当拍完 Live Photos 照片以后,用力按下可以观看动态的图片效果。 步骤阅读 4 对于Live Photos 这个新功能,目前只支持 iPhone6S 手机,但是可以把拍的动态图片分享给其他用户。可以通过 AirDrop、邮件、短信等方式来分享,如图所示 步骤阅读 5 如果对方不是使用的 iPhone6S 手机,但只要 iOS 系统升级到 iOS9 以后,也是可以观看到动态图片效果的。观看的方法都一样,长按图片即可观看效果。 步骤阅读 6 如果想要在相机中关闭 Live Photos 功能的话,只需要点击顶部的图标,变成灰色即可。 步骤阅读 END", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "怎么拍摄live photos_百度知道", "most_related_para": 0, "segmented_title": ["怎么", "拍摄", "live", "photos", "_", "百度", "知道"], "segmented_paragraphs": [["Live", "Photos", "功能", "其实", "是", "指", "用户", "使用", "iPhone", "6S", "新增", "的", "3D", "touch", "功能", "按压", "屏幕", "便", "可以", "查看", "“", "动态", "照片", "”", ",", "这些", "照片", "可以通过", "“", "Live", "”", "按钮", "来", "拍摄", ",", "可以", "拍摄", "活起来", "的", "照片", "。", "全新", "的", "Live", "Photos", "。", "利用", "3D", "Touch", "按压", "照片", "可以", "让", "图片", "动起来", ",", "就像", "一", "段", "微信", "小", "视频", "一样", "。", "不过", "苹果", "解释", "这", "并", "不是", "视频", ",", "只是", "抓拍", "了", "拍照", "那一刻", "的", "前后", "一些", "时间", "点", "的", "照片", ",", "然后", "连", "起来", "播放", "而已", "。", "通过", "一些", "优化", ",", "并", "不会", "占用", "很多", "存储", "空间", "。", "同时", "这", "项", "功能", "是", "默认", "开启", "的", ",", "你", "会", "在", "拍照", "的", "界面", "正", "上方", "看到", "一", "个", "激活", "的", "黄色", "小", "标识", "。", "拿到", "了", "6S", "试一试", "就会", "啦", "!", "么", "么", "~"], ["首先", "要", "有", "一", "台", "6s", ",", "然后", "打开", "相机", ",", "点击", "拍摄", ",", "拍", "完", "以后", "浏览", "照片", ",", "全屏", "以后", ",", "长按", "画面", ",", "然后", "就会", "动起来", "。", "live", "p", "hotos", "首先", "是", "iPhone", "6S", "新", "的", "功能", ",", "拍摄", "照片", "的", "时候", "会", "向前", "拍摄", "1.5S", "和", "向", "后", "拍摄", "1.5S", ",", "是", "个", "合计", "3S", "的", "小", "视频", ",", "苹果", "推出", "live", "p", "hotos", "的", "主要", "目的", "应该", "是", "让", "图片", "更", "生", "动", "。", "不能", "单纯", "说", "是", "生活", "照片", "。", "目前", "live", "photos", "拍摄", "的", "只有", "6S", "支持", ",", "但是", "已经", "有", "一些", "类似", "的", "软件", "了", ",", "国外", "的", "phhhoto", "国内", "的", "Biu", "都是", "这", "拍", "这种", "图片", "的", "。", "说实话", "哈", ",", "live", "photos", "效果", "没有", "想象", "的", "那么", "惊艳", ",", "而且", "只能", "自己", "拍", "自己", "看", "不能", "分享", ",", "又", "占用空间", "。", "之", "前", "一直", "翻墙", "用", "phhhoto", ",", "很", "棒棒", "的", "一", "个", "应用", ",", "很", "酷", ",", "有兴趣", "的", "可以", "翻墙", "下载", "玩", "一", "下", ",", "唯一", "就是", "画面", "有", "噪点", ",", "中国人", "审美", "不太", "习惯", ",", "而且", "都是", "老外", "玩", ",", "也", "很难", "融入", "。", "楼上", "说", "的", "国内", "的", "类似", "产品", "Biu", "已经", "在", "用", ",", "效果不错", ",", "拍摄", "防抖", "处理", "的", "很好", ",", "画面", "清晰度", "也", "很不错", ",", "因为", "可以直接", "分享", "到", "朋友圈"]], "paragraphs": ["Live Photos功能其实是指用户使用iPhone 6S新增的3D touch功能按压屏幕便可以查看“动态照片”,这些照片可以通过“Live”按钮来拍摄,可以拍摄活起来的照片。全新的 Live Photos。利用 3D Touch 按压照片可以让图片动起来,就像一段微信小视频一样。不过苹果解释这并不是视频,只是抓拍了拍照那一刻的前后一些时间点的照片,然后连起来播放而已。通过一些优化,并不会占用很多存储空间。同时这项功能是默认开启的,你会在拍照的界面正上方看到一个激活的黄色小标识。 拿到了6S试一试就会啦!么么~", "首先要有一台6s,然后打开相机,点击拍摄,拍完以后浏览照片,全屏以后,长按画面,然后就会动起来。 livep hotos首先是iPhone6S新的功能,拍摄照片的时候会向前拍摄1.5S和向后拍摄1.5S,是个合计3S的小视频,苹果推出livep hotos的主要目的应该是让图片更生动。不能单纯说是生活照片。目前live photos拍摄的只有6S支持,但是已经有一些类似的软件了,国外的phhhoto 国内的Biu都是这拍这种图片的。 说实话哈,livephotos效果没有想象的那么惊艳,而且只能自己拍自己看不能分享,又占用空间。之前一直翻墙用phhhoto,很棒棒的一个应用,很酷,有兴趣的可以翻墙下载玩一下,唯一就是画面有噪点,中国人审美不太习惯,而且都是老外玩,也很难融入。楼上说的国内的类似产品Biu已经在用,效果不错,拍摄防抖处理的很好,画面清晰度也很不错,因为可以直接分享到朋友圈"], "bs_rank_pos": 2}, {"is_selected": false, "title": "iphonelive照片怎么拍_百度知道", "most_related_para": 1, "segmented_title": ["iphone", "live", "照片", "怎么", "拍", "_", "百度", "知道"], "segmented_paragraphs": [["Live", "Photos", "这", "新特性", "的", "功能", "作用", "是", "在", "照片", "拍摄", "前后", "录制", "一", "段", "1.5", "秒", "的", "动态", "视频", ",", "当", "用户", "在", "照片", "上", "深", "按一下", ",", "照片", "就会", "自动播放", "动态", "效果", "。", "用户", "还", "可以", "将", "Live", "Photos", "设置", "为", "锁屏", "墙纸", ",", "随时", "重现", "动态", "瞬间", "。", "在", "拍照", "的", "同时", "可以", "附加", "一", "段", "声音", "。", "使用", "Live", "Photos", "拍照", "的", "操作", "为", ":", "第一步", ":", "在", "桌面", "点击", "“", "相机", "”", "图标", "。", "第二步", ":", "进入", "相机", "后", ",", "点击", "界面", "上方", "的", "“", "Live", "Photos", "”", "这个功能", "。", "第三步", ":", "按", "下", "拍照", "键", "后", ",", "再", "注意", "看", "LIVE", "这", "几个", "字", ",", "会", "在", "1.5", "秒", "之后", "自动", "消失", "。", "这样", "拍", "下来", "的", "照片", "就是", "Live", "Photos", "有", "声音", "也", "会", "动", ",", "就", "如", "短", "视频", "。", "关闭", "该", "功能", ":", "在", "相机", "照相", "模式", "中", ",", "点击", "如图所示", "的", "地方", ",", "如果", "提示", "LIVE", "OFF", "说明", "就", "关闭", "了", "Live", "Photos", "功能", "。"], ["Live", "Photos", "这", "新特性", "的", "功能", "作用", "是", "在", "照片", "拍摄", "前后", "录制", "一", "段", "1.5", "秒", "的", "动态", "视频", ",", "当", "用户", "在", "照片", "上", "深", "按一下", ",", "照片", "就会", "自动播放", "动态", "效果", "。", "用户", "还", "可以", "将", "Live", "Photos", "设置", "为", "锁屏", "墙纸", ",", "随时", "重现", "动态", "瞬间", "。", "在", "拍照", "的", "同时", "可以", "附加", "一", "段", "声音", "。", "使用", "Live", "Photos", "拍照", "的", "操作", "为", ":", "第一步", ":", "在", "桌面", "点击", "“", "相机", "”", "图标", "。", "第二步", ":", "进入", "相机", "后", ",", "点击", "界面", "上方", "的", "“", "Live", "Photos", "”", "这个功能", "。", "第三步", ":", "按", "下", "拍照", "键", "后", ",", "再", "注意", "看", "LIVE", "这", "几个", "字", ",", "会", "在", "1.5", "秒", "之后", "自动", "消失", "。", "这样", "拍", "下来", "的", "照片", "就是", "Live", "Photos", "有", "声音", "也", "会", "动", ",", "就", "如", "短", "视频", "。", "关闭", "该", "功能", ":", "在", "相机", "照相", "模式", "中", ",", "点击", "如图所示", "的", "地方", ",", "如果", "提示", "LIVE", "OFF", "说明", "就", "关闭", "了", "Live", "Photos", "功能", "。"], ["开启", "live", "后", "拍照", "即可", "查看", "照片", "时", "按压", "照片", "即可", "播放", "live", "照片"]], "paragraphs": ["LivePhotos这新特性的功能作用是在照片拍摄前后录制一段1.5秒的动态视频,当用户在照片上深按一下,照片就会自动播放动态效果。用户还可以将LivePhotos设置为锁屏墙纸,随时重现动态瞬间。在拍照的同时可以附加一段声音。使用LivePhotos拍照的操作为:第一步:在桌面点击“相机”图标。第二步:进入相机后,点击界面上方的“LivePhotos”这个功能。第三步:按下拍照键后,再注意看LIVE这几个字,会在1.5秒之后自动消失。这样拍下来的照片就是LivePhotos有声音也会动,就如短视频。关闭该功能:在相机照相模式中,点击如图所示的地方,如果提示LIVEOFF说明就关闭了LivePhotos功能。", "Live Photos 这新特性的功能作用是在照片拍摄前后录制一段1.5秒的动态视频,当用户在照片上深按一下,照片就会自动播放动态效果。 用户还可以将Live Photos设置为锁屏墙纸,随时重现动态瞬间。 在拍照的同时可以附加一段声音。 使用Live Photos拍照的操作为: 第一步:在桌面点击“相机”图标。 第二步:进入相机后,点击界面上方的“Live Photos”这个功能。 第三步:按下拍照键后,再注意看LIVE这几个字,会在1.5秒之后自动消失。这样拍下来的照片就是LivePhotos 有声音也会动,就如短视频。 关闭该功能: 在相机照相模式中,点击如图所示的地方,如果提示LIVE OFF 说明就关闭了Live Photos 功能。", "开启live后拍照即可 查看照片时按压照片即可播放live照片"], "bs_rank_pos": 3}, {"is_selected": false, "title": "上手视频: 教你如何拍摄Live Photos_互联网头条-中关村在线", "most_related_para": 2, "segmented_title": ["上", "手", "视频", ":", "教", "你", "如何", "拍摄", "Live", "Photos", "_", "互联网", "头条", "-", "中关村在线"], "segmented_paragraphs": [["iPhone", "6s", "和", "6s", "Plus", "中", "增加", "了", "一", "个", "全新", "特性", "—", "—", "Live", "Photoss", ",", "这", "新特性", "的", "作用", "是", "在", "在", "照片", "拍摄", "前后", "录制", "一", "段", "1.5", "秒", "的", "动态", "视频", ",", "当", "用户", "在", "照片", "上", "深", "按一下", ",", "照片", "就会", "自动播放", "动态", "效果", "。", "用户", "还", "可以", "将", "Live", "Photoss", "设置", "为", "锁屏", "墙纸", ",", "随时", "重现", "动态", "瞬间", "。"], ["如果", "你", "想", "拍", "下", "Live", "Photos", "形式", "的", "照片", ",", "那么", "你", "只", "需要", "在", "相机", "界面", "正", "上方", "中间", "的", "“", "live", "”", "图标", "打开", "的", "时候", "拍摄", "一张照片", "就", "行", "(", "打开", "状态", "下", "图标", "为", "黄色", ",", "关闭", "状态", "下", "则", "图标", "则", "是", "黑白色", ")", "。", "iPhone", "将", "能够", "在", "拍摄", "照片", "前后", "分别", "自动", "录制", "一", "段", "1.5", "秒", "的", "视频", ",", "并", "把", "视频", "和", "照片", "编辑", "在一起", "。", "但是", "因为", "Live", "Photos", "其实", "是", "照片", "和", "视频", "的", "结合", "体", ",", "所以", "它", "占据", "的", "空间", "其实", "是", "一般", "照片", "的", "两倍", ",", "如果", "你", "的", "设备", "空间不大", ",", "而", "你", "又", "喜欢", "拍摄", "这", "类", "照片", "的", "话", ",", "可能会", "常常", "收到", "系统", "提示", "容量", "不够用", "的", "提醒", "。"], ["拿到", "新", "设备", "的", "用户", "中", ",", "有", "尝试", "了", "几", "次", "之后", "就", "把", "这个", "特性", "关闭", "了", "的", "人", ",", "但是", "也有", "认真", "体验", "发现", "它", "的", "好", "和", "不好", "的", "用户", "。", "比如", "有", "一名", "用户", "指出", ",", "“", "如果", "你", "是", "有心", "想要", "拍摄", "Live", "Photos", "的", "话", ",", "那", "它", "就", "真", "的", "是", "非常不错", "的", "功能", "。", "但是", "我希望", "苹果", "能够", "支持", ",", "允许", "用户", "将", "照片", "中", "不小心", "拍", "下", "的", "‘", "视频", "’", "部分", "删除", "掉", ",", "因为", "我", "不是", "每一次", "拍照", "的", "时候", "都会", "坚持", "按", "快门", "键", "3", "秒钟", "。", "”", "可惜", "只有", "iPhone", "6s", "和", "iPhone", "6s", "Plus", "能够", "拍摄", "Live", "Photos", ",", "不过", "所有", "运行", "iOS", "9", "的", "移动", "设备", "都", "能够", "查看", "Live", "Photos", "。", "如上所述", ",", "在", "iPhone", "6s", "和", "iPhone", "6s", "Plus", "上", "查看", "Live", "Photos", "的", "话", ",", "用户", "只", "需要", "一", "个", "3D", "手势", ",", "照片", "就会", "变", "模糊", ",", "随后", "再", "开始", "清晰", "地", "播放", "出来", "。", "在", "不支持", "3D", "Touch", "的", "iOS", "9", "设备", "上", ",", "用户", "则", "需要", "长按", "来", "播放", "Live", "Photos", "。", "Mac", "设备", "在", "9", "月", "30", "日", "OS", "X", "El", "Capitan", "系统", "正式发布", "之后", "就", "可以", "在", "照片", "应用", "中", "查看", "这些", "照片", "。", "另外", "用户", "还", "可以", "将", "Live", "Photos", "共享", "到", "社交", "平台", "上", ",", "未来", "等到", "支持", "这个", "特性", "的", "应用", "越来越多", ",", "相信", "它", "的", "潜力", "能够", "得到", "进一步", "发挥", ",", "给", "用户", "带来", "更多", "乐趣", "。", "如果", "你", "要", "分享", "Live", "Photos", ",", "找到", "你", "想", "分享", "的", "那", "一", "张", "点击", "分享", "按键", ",", "点击", "照片", "上", "的", "live", "按键", ",", "那么", "你", "就", "可以", "分享", "视频", "和", "照片", "结合", "在一起", "的", "Live", "Photos", ",", "如果", "你", "只是", "需要", "分享", "一", "张", "静态", "照片", ",", "那么", "你", "就", "不", "需要", "打开", "live", "键", "。", "最后", "再", "选择", "你", "想要", "通过", "哪个", "平台", "来", "分享", "即可", "。", "如果", "你", "想", "把", "Live", "Photos", "设置", "为", "壁纸", ",", "同样", "先", "找到", "你", "需要", "的", "照片", "然后", "点击", "分享", "按键", ",", "找到", "用", "作", "壁纸", "项", ",", "然后", "调整", "大小", ",", "预览", "看看", "效果", "如何", ",", "然后", "选择", "Live", "Photos", "键", ",", "点击", "设定", ",", "你", "就", "可以", "选择", "将", "Live", "Photos", "设定", "为", "壁纸", "了", "。", "也许你", "在", "使用", "Live", "Photos", "的", "过程", "中", "还", "发现", "了", "其他", "问题", ",", "但", "此", "前", "苹果", "已经", "表示", "他们", "会", "进行", "更新", ",", "以", "解决", "这些", "问题", "。"]], "paragraphs": ["iPhone 6s 和 6s Plus 中增加了一个全新特性——Live Photoss,这新特性的作用是在在照片拍摄前后录制一段 1.5 秒的动态视频,当用户在照片上深按一下,照片就会自动播放动态效果。用户还可以将 Live Photoss 设置为锁屏墙纸,随时重现动态瞬间。", "如果你想拍下 Live Photos 形式的照片,那么你只需要在相机界面正上方中间的“live”图标打开的时候拍摄一张照片就行(打开状态下图标为黄色,关闭状态下则图标则是黑白色)。iPhone 将能够在拍摄照片前后分别自动录制一段 1.5 秒的视频,并把视频和照片编辑在一起。但是因为 Live Photos 其实是照片和视频的结合体,所以它占据的空间其实是一般照片的两倍,如果你的设备空间不大,而你又喜欢拍摄这类照片的话,可能会常常收到系统提示容量不够用的提醒。", "拿到新设备的用户中,有尝试了几次之后就把这个特性关闭了的人,但是也有认真体验发现它的好和不好的用户。比如有一名用户指出,“如果你是有心想要拍摄 Live Photos 的话,那它就真的是非常不错的功能。但是我希望苹果能够支持,允许用户将照片中不小心拍下的‘视频’部分删除掉,因为我不是每一次拍照的时候都会坚持按快门键 3 秒钟。” 可惜只有 iPhone 6s 和 iPhone 6s Plus 能够拍摄 Live Photos,不过所有运行iOS 9的移动设备都能够查看 Live Photos。如上所述,在 iPhone 6s 和 iPhone 6s Plus 上查看 Live Photos 的话,用户只需要一个 3D 手势,照片就会变模糊,随后再开始清晰地播放出来。在不支持 3D Touch 的 iOS 9 设备上,用户则需要长按来播放 Live Photos。Mac 设备在 9 月 30 日 OS X El Capitan 系统正式发布之后就可以在照片应用中查看这些照片。 另外用户还可以将 Live Photos 共享到社交平台上,未来等到支持这个特性的应用越来越多,相信它的潜力能够得到进一步发挥,给用户带来更多乐趣。 如果你要分享 Live Photos,找到你想分享的那一张点击分享按键,点击照片上的live按键,那么你就可以分享视频和照片结合在一起的 Live Photos,如果你只是需要分享一张静态照片,那么你就不需要打开live键。最后再选择你想要通过哪个平台来分享即可。 如果你想把 Live Photos 设置为壁纸,同样先找到你需要的照片然后点击分享按键,找到用作壁纸项,然后调整大小,预览看看效果如何,然后选择 Live Photos 键,点击设定,你就可以选择将 Live Photos 设定为壁纸了。 也许你在使用Live Photos的过程中还发现了其他问题,但此前苹果已经表示他们会进行更新,以解决这些问题。"], "bs_rank_pos": 4}], "answer_spans": [[6, 141]], "fake_answers": ["在iPhone6s上打开相机以后,在顶部中间可以看到有一个圆形的图标,它就是LivePhotos的开关。当前显示为灰色状态,表示LivePhoto为关闭状态。步骤阅读2如若要打开LivePhotos功能,点击打开即可,此时屏幕上还会以显示Live来提示用户。步骤阅读3如下图所示,当打开LivePhotos功能以后,在拍照时屏幕上也会显示LIVE字样,表示当前正在使用LivePhotos动态拍摄功能。步骤阅读4当拍好了一张LivePhotos照片以后,想要查看它的效果时,请在相片里用手指轻轻长按它,便可以看到动态效果了。"], "question": "live怎么拍", "segmented_answers": [["1", "、", "在", "iPhone", "6s", "及", "更新", "设备", "上", "打开", "相机", "以后", ",", "在", "顶部", "中间", "可以看到", "有", "一", "个", "圆形", "的", "图标", ",", "它", "就是", "Live", "Photos", "的", "开关", "。", "当前", "显示", "为", "灰色", "状态", ",", "表示", "Live", "Photo", "为", "关闭", "状态", "。", "2", "、", "如若", "要", "打开", "Live", "Photos", "功能", ",", "点击", "打开", "即可", "。", "3", "、", "当", "打开", "Live", "Photos", "功能", "以后", ",", "在", "拍照时", "屏幕", "上", "也", "会", "显示", "LIVE", "字样", ",", "表示", "当前", "正在", "使用", "Live", "Photos", "动态", "拍摄", "功能", "。", "4", "、", "当", "拍", "好", "了", "一", "张", "Live", "Photos", "照片", "以后", ",", "想要", "查看", "它", "的", "效果", "时", ",", "请", "在", "相片", "里", "用手指", "轻轻", "长按", "它", ",", "便", "可以", "看到", "动态", "效果", "了", "。"]], "answers": ["1、在 iPhone6s 及更新设备上打开相机以后,在顶部中间可以看到有一个圆形的图标,它就是 Live Photos 的开关。当前显示为灰色状态,表示 Live Photo 为关闭状态。2、如若要打开 Live Photos 功能,点击打开即可。3、当打开 Live Photos 功能以后,在拍照时屏幕上也会显示 LIVE 字样,表示当前正在使用 Live Photos 动态拍摄功能。4、当拍好了一张 Live Photos 照片以后,想要查看它的效果时,请在相片里用手指轻轻长按它,便可以看到动态效果了。"], "answer_docs": [0], "segmented_question": ["live", "怎么", "拍"], "question_type": "DESCRIPTION", "question_id": 181621, "fact_or_opinion": "OPINION", "match_scores": [0.8139534883720931]}
-{"documents": [{"is_selected": true, "title": "支付宝手机端不打客服电话如何快速进入人工服务_百度经验", "most_related_para": 6, "segmented_title": ["支付宝", "手机", "端", "不", "打", "客服", "电话", "如何", "快速", "进入", "人工", "服务", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "生活", "/", "家居", ">", "生活常识"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["考虑到", "不同", "用户", "的", "场景", ",", "在", "不", "方便", "拨打", "支付宝", "客服电话", "的", "情况", "下", ",", "使用", "支付宝", "手机", "客户端", ",", "也", "可以", "起", "到", "相同", "的", "作用", "。", "以下", "场景", ",", "更", "适用", "人工", "服务", "(", "无线", "云", "客服", ")", "例如", ":", "客户", "在", "外地", "、", "话务", "高峰期", "或者", "是", "国外", ",", "也", "考虑到", "话费", "比较", "昂贵", "。"], ["有些", "客户", "会", "反映", ",", "总", "觉得", "服务", "的", "都是", "机器人", ",", "很", "不", "方便", ",", "怎么", "找", "都", "找", "不", "到", "人工", ",", "那么", ",", "究竟", "怎么", "操作", "且", "不用", "拨打", "客服电话", ",", "才能", "在", "支付宝", "手机", "客户端", "上", "快速", "连接", "人工", "服务", "呢", "?"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "打开", "手机", "上", "的", "支付宝", ",", "输入", "账号", "、", "密码", "进行", "登录", "(", "最新版本", "【", "查看", "路径", "-", "我", "的", "-", "头像", "-", "关于", "】", "如果", "不是", "最新版本", "的", ",", "可", "自行", "选择", "是否", "更新至", "最新版", ",", "建议", "更新", ")", "步骤", "阅读", "2", "登录", "成功", "后", ",", "在", "首页", "宫", "格", "内", "找到", "【", "我", "的", "客服", "】", "如果", "没找到", "的", "话", "点击", "下面", "的", "【", "更多", "】", "进行", "查找", "。", "其他", "路径", "-", "我", "的", "-", "头像", "-", "我", "的", "客服", "步骤", "阅读", "3", "找到", "【", "我", "的", "客服", "】", "后", ",", "点击", "客服", "头像", "右", "下方", "的", "文字", "对话框", "步骤", "阅读", "4", "在", "文字", "对话框", "内", "输入", "“", "人工", "”", "并", "发送", "步骤", "阅读", "5", "再次", "发送", "“", "人工", "”", "后", ",", "点击", "“", "联系", "在线客服", "”", "步骤", "阅读", "6", "然后", "就", "可以", "输入", "你", "的", "问题", "了", "步骤", "阅读", "7", "耐心等待", "客服", "为你", "解决", "问题", ",", "如果", "需要", "配合", "的", ",", "大家", "一定要", "配合", "哦", "!", "还有", "就是", "尽量", "不要", "难为", "客服", "人员", ",", "如果", "不能", "解决", ",", "客服", "也", "会", "给", "出", "其他", "方案", ",", "最终", "的", "目的", ",", "也是", "为了", "解决", "客户", "的", "难题", "步骤", "阅读", "8", "完成", "对话", "后", ",", "记得", "给", "好评", "哦", "!", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["Tips", ":", "长按", "首页", "宫", "格", "的", "内容", ",", "可", "进行", "拖动", "、", "删除", "Tips", ":", "点击", "客服", "名字", "后面", "的", "【", "圆圈", "】", "可", "选择", "不同", "的", "客服"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验 > 生活/家居 > 生活常识", "百度经验:jingyan.baidu.com", "考虑到不同用户的场景,在不方便拨打支付宝客服电话的情况下,使用支付宝手机客户端,也可以起到相同的作用。以下场景,更适用人工服务(无线云客服)例如:客户在外地、话务高峰期或者是国外,也考虑到话费比较昂贵。", "有些客户会反映,总觉得服务的都是机器人,很不方便,怎么找都找不到人工,那么,究竟怎么操作且不用拨打客服电话,才能在支付宝手机客户端上快速连接人工服务呢?", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 打开手机上的支付宝,输入账号、密码进行登录 (最新版本【查看路径-我的-头像-关于】如果不是最新版本的,可自行选择是否更新至最新版,建议更新) 步骤阅读 2 登录成功后,在首页宫格内找到【我的客服】如果没找到的话点击下面的【更多】进行查找。其他路径-我的-头像-我的客服 步骤阅读 3 找到【我的客服】后,点击客服头像右下方的文字对话框 步骤阅读 4 在文字对话框内输入“人工”并发送 步骤阅读 5 再次发送“人工”后,点击“联系在线客服” 步骤阅读 6 然后就可以输入你的问题了 步骤阅读 7 耐心等待客服为你解决问题,如果需要配合的,大家一定要配合哦!还有就是尽量不要难为客服人员,如果不能解决,客服也会给出其他方案,最终的目的,也是为了解决客户的难题 步骤阅读 8 完成对话后,记得给好评哦! 步骤阅读 END", "百度经验:jingyan.baidu.com", "Tips:长按首页宫格的内容,可进行拖动、删除 Tips:点击客服名字后面的【圆圈】可选择不同的客服", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "支付宝电话怎么转人工_百度经验", "most_related_para": 5, "segmented_title": ["支付宝", "电话", "怎么", "转", "人工", "_", "百度", "经验"], "segmented_paragraphs": [["该", "经验", "图片", "、", "文字", "中", "可能", "存在", "外", "站", "链接", "或", "电话号码", "等", ",", "请注意", "识别", ",", "谨防上当受骗", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["在", "使用", "支付宝", "的", "过程", "中", ",", "我们", "有", "可能", "需要通过", "支付宝", "的", "电话", "来", "解决", "我们", "遇到", "的", "问题", ",", "那么", "支付宝", "的", "电话", "是", "多少", "?", "支付宝", "电话", "怎么", "转", "人工", "?"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "第", "一", ",", "我们", "要", "使用", "支付宝", "唯一", "的", "客服电话", "95188", ",", "切记", "不可", "随意", "拨打", "其他", "的", "电话", ",", "以", "免", "信息", "泄露", ",", "造成", "不必要", "的", "损失", "。", "步骤", "阅读", "2", "第", "二", ",", "转", "人工", "的", "话", ",", "因为", "我们", "咨询", "的", "问题", "不同", ",", "所以", "需要", "我们", "根据", "语音提示", "操作", "即可", "。", "步骤", "阅读", "3", "第", "三", ",", "其实", ",", "我们", "也", "可以", "使用", "在线客服", ",", "可以", "达到", "相同", "的", "效果", ",", "步骤", "如", "下", "两", "图", "所示", "。", "步骤", "阅读", "步骤", "阅读", "4", "第", "四", ",", "支付宝", "提供", "了", "多", "种", "沟通", "的", "渠道", ",", "如果", "遇到", "电话", "或者", "在线客服", "排队", ",", "我们", "可以通过", "联系", "客服", ",", "如下图", ",", "采用", "多种方式", "来", "解决", "遇到", "的", "问题", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "一个字", "能", "说清楚", ",", "绝不", "用", "两字", "。"]], "paragraphs": ["该经验图片、文字中可能存在外站链接或电话号码等,请注意识别,谨防上当受骗!", "百度经验:jingyan.baidu.com", "在使用支付宝的过程中,我们有可能需要通过支付宝的电话来解决我们遇到的问题,那么支付宝的电话是多少?支付宝电话怎么转人工?", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 第一,我们要使用支付宝唯一的客服电话95188,切记不可随意拨打其他的电话,以免信息泄露,造成不必要的损失。 步骤阅读 2 第二,转人工的话,因为我们咨询的问题不同,所以需要我们根据语音提示操作即可。 步骤阅读 3 第三,其实,我们也可以使用在线客服,可以达到相同的效果,步骤如下两图所示。 步骤阅读 步骤阅读 4 第四,支付宝提供了多种沟通的渠道,如果遇到电话或者在线客服排队,我们可以通过联系客服,如下图,采用多种方式来解决遇到的问题。 步骤阅读 END", "百度经验:jingyan.baidu.com", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:一个字能说清楚,绝不用两字。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "服务大厅-支付宝", "most_related_para": 1, "segmented_title": ["服务大厅", "-", "支付宝"], "segmented_paragraphs": [["Initializing", ".", ".", "."], ["请", "选择", "您", "遇到", "的", "问题", ":", "更换", "问题"], ["大陆", "热线", ":", "95188", "转", "1"], ["海外", "热线", ":", "+", "86", "571", "95188"], ["花呗", "、", "借", "呗", ":", "95188", "转", "2"], ["网商", "业务", "(", "含", "网商", "贷", ")", ":", "95188", "转", "3"]], "paragraphs": ["Initializing...", "请选择您遇到的问题: 更换问题", "大陆热线 : 95188转1", "海外热线 : +86 571 95188", "花呗、借呗 : 95188转2", "网商业务(含网商贷):95188转3"], "bs_rank_pos": 2}, {"is_selected": false, "title": "手机支付宝如何找到人工客服_百度经验", "most_related_para": 4, "segmented_title": ["手机", "支付宝", "如何", "找到", "人工", "客服", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["现在", "使用", "支付宝", "的", "人", "越来越多", ",", "人们", "的", "生活", "也", "越来越", "便利", ",", "但", "有的时候", "也", "会", "遇到", "许多", "问题", ",", "遇到问题", "自己", "解决", "不", "了", ",", "可以", "咨询", "支付宝", "客服", ",", "今天", "给", "大家", "分享", "一", "下", "如何", "找到", "支付宝", "客服", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "首先", "打开", "手机", "主界面", ",", "找到", "支付宝", ",", "点击进入", "。", "步骤", "阅读", "2", "进入", "支付宝", "后", "你", "会", "看到", "以下", "界面", ",", "然后", "点击", "“", "全部", "”", "进入", "。", "步骤", "阅读", "3", "这儿", "有", "支付宝", "的", "各种", "功能", ",", "往下", "翻", ",", "找到", "“", "便民", "生活", "”", "里边", "有", "我", "的", "客服", ",", "点击进入", "。", "步骤", "阅读", "步骤", "阅读", "4", "进入", "之后", "仅仅", "只是", "进", "了", "客服", ",", "还", "没", "到", "人工", "客服", ",", "当然", "你", "有", "一些", "普通", "问题", "还是", "可以", "在这里", "解决", "的", ",", "如果", "你", "的", "问题", "得不到", "解决", ",", "你", "就", "需要", "看", "下一步", "了", "。", "步骤", "阅读", "5", "没有", "解决", "问题", "的", "亲", "们", "可以", "在", "对话", "栏", "输入", "人工", "客服", ",", "第一次", "输入", "之后", "人工", "客服", "也", "不会", "出来", ",", "客服", "会", "发出", "一", "段", "对话", ",", "需要你", "点击", "对话", "里", "的", "人工", "客服", ",", "这", "才", "到", "了", "真正", "的", "人工", "客服", "。", "步骤", "阅读", "步骤", "阅读", "步骤", "阅读", "6", "人工", "客服", "出来", "后", "你", "就", "可以", "输入", "你", "的", "问题", ",", "有", "什么", "不", "懂得", "尽管", "问", ",", "不用客气", "。", "步骤", "阅读", "7", "提问", "之后", "支付宝", "人工", "客服", "就会", "及时", "解答", "你", "的", "疑问", "步骤", "阅读", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "现在使用支付宝的人越来越多,人们的生活也越来越便利,但有的时候也会遇到许多问题,遇到问题自己解决不了,可以咨询支付宝客服,今天给大家分享一下如何找到支付宝客服。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 首先打开手机主界面,找到支付宝,点击进入。 步骤阅读 2 进入支付宝后你会看到以下界面,然后点击“全部”进入。 步骤阅读 3 这儿有支付宝的各种功能,往下翻,找到“便民生活”里边有我的客服,点击进入。 步骤阅读 步骤阅读 4 进入之后仅仅只是进了客服,还没到人工客服,当然你有一些普通问题还是可以在这里解决的,如果你的问题得不到解决,你就需要看下一步了。 步骤阅读 5 没有解决问题的亲们可以在对话栏输入人工客服,第一次输入之后人工客服也不会出来,客服会发出一段对话,需要你点击对话里的人工客服,这才到了真正的人工客服。 步骤阅读 步骤阅读 步骤阅读 6 人工客服出来后你就可以输入你的问题,有什么不懂得尽管问,不用客气。 步骤阅读 7 提问之后支付宝人工客服就会及时解答你的疑问 步骤阅读 END", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 3}, {"is_selected": true, "title": "支付宝在线客服在哪进入?支付宝在线咨询人工客服方法-绿色下载吧", "most_related_para": 1, "segmented_title": ["支付宝", "在线客服", "在", "哪", "进入", "?", "支付宝", "在线咨询", "人工", "客服", "方法", "-", "绿色", "下载", "吧"], "segmented_paragraphs": [["支付宝", "在线客服", "在", "哪", "进入", "?", "支付宝", "在线咨询", "人工", "客服", "方法", "。", "支付宝", "在线客服", "在", "哪里", "找", "?", "支付宝", "在线咨询", "客服", "链接", "在", "哪", "?", "如果", "你", "不", "想", "通过", "打电话", "来", "咨询", "关于", "支付宝", "问题", "的", "话", ",", "可以通过", "网页", "版", "支付宝", "或", "手机", "支付", "宝来", "找", "人工", "客服", "哦", "!", "下面", ",", "小", "编", "提供", "支付宝", "在线咨询", "网页", "版", "和", "手机", "支付宝", "在线咨询", "人工", "客服", "的", "两种", "方法", ",", "希望能够", "帮助", "到", "大家", "。"], ["1", "、", "首先", ",", "进入", "支付宝", "服务大厅", ",", "在", "最", "下端", ",", "我们", "就", "可以看到", "在线客服", ",", "点击", "立即", "使用", ";", "2", "、", "在这里", "跳转", "一", "个", "自助", "聊天", "咨询", "窗口", ",", "输入", "一", "个", "问题", "发送", ",", "如", "帐号被盗", "。", "3", "、", "选择", "问题", "的", "类型", ",", "点击", "支付宝", "帐号", "被盗", "。", "4", "、", "接着", "出现", "提示", ",", "是否", "需要", "连接", "人工", "服务", ",", "选择", "进行", "转接", "。"], ["5", "、", "开始", "建立", "人工", "服务", ",", "有时候", "需要", "等待", "排队", ",", "接通", "后", ",", "自己", "进行", "咨询", "即可", "。"], ["1", "、", "在", "手机", "桌面", "中", "点击", "打开", "支付宝", ",", "打开", "支付宝", "以后", ",", "输入", "自己", "设置", "的", "手势", "密码", ",", "然后", "进入", "支付宝", "中", "。", "2", "、", "进入", "到", "支付宝", "首页", "以后", ",", "在", "支付宝", "的", "首页", "中", "找到", "“", "余额宝", "”", "。", "找到", "之后", ",", "点击", "打开", "“", "余额宝", "”", "。", "3", "、", "点击", "打开", "余额宝", "以后", ",", "在", "余额宝", "页面", "的", "右", "上方", "有", "一", "个", "小", "问号", "。", "找到", "这个", "小", "问号", "以后", ",", "点击", "打开", "。", "4", "、", "点击", "打开", "小", "问号", "以后", ",", "就是", "支付宝", "的", "“", "服务大厅", "”", "了", "。", "在", "“", "服务大厅", "”", "中", "找到", "任意", "一", "个", "问题", "点击", "打开", "。"], ["5", "、", "点击", "打开", "任意", "一", "个", "问题", "以后", ",", "在", "该", "问题", "的", "下方", "都", "有", "一", "个", "“", "联系", "在线客服", "”", ",", "点击", "打开", "。"], ["6", "、", "点击", "打开", "“", "联系", "在线客服", "”", "以后", ",", "进入", "到", "支付宝", "服务中心", "。", "在这里", "可以", "提出", "你", "的", "问题", "。"], ["7", "、", "在", "下方", "提问", "栏", "里", "输入", "自己", "的", "问题", ",", "然后", "点击", "“", "提问", "”", "。", "点击", "“", "提问", "”", "以后", ",", "在线客服", "就会", "回答", "你", "的", "问题", "。"], ["分享", "给", "朋友", ":"], ["热门软件", "热门关键字"]], "paragraphs": ["支付宝在线客服在哪进入?支付宝在线咨询人工客服方法。支付宝在线客服在哪里找?支付宝在线咨询客服链接在哪?如果你不想通过打电话来咨询关于支付宝问题的话,可以通过网页版支付宝或手机支付宝来找人工客服哦!下面,小编提供支付宝在线咨询网页版和手机支付宝在线咨询人工客服的两种方法,希望能够帮助到大家。", "1、首先,进入支付宝服务大厅,在最下端,我们就可以看到在线客服,点击立即使用; 2、在这里跳转一个自助聊天咨询窗口,输入一个问题发送,如帐号被盗。 3、选择问题的类型,点击支付宝帐号被盗。 4、接着出现提示,是否需要连接人工服务,选择进行转接。", "5、开始建立人工服务,有时候需要等待排队,接通后,自己进行咨询即可。", "1、在手机桌面中点击打开支付宝,打开支付宝以后,输入自己设置的手势密码,然后进入支付宝中。 2、进入到支付宝首页以后,在支付宝的首页中找到“余额宝”。找到之后,点击打开“余额宝”。 3、点击打开余额宝以后,在余额宝页面的右上方有一个小问号。找到这个小问号以后,点击打开。 4、点击打开小问号以后,就是支付宝的“服务大厅”了。在“服务大厅”中找到任意一个问题点击打开。", "5、点击打开任意一个问题以后,在该问题的下方都有一个“联系在线客服”,点击打开。", "6、点击打开“联系在线客服”以后,进入到支付宝服务中心。在这里可以提出你的问题。", "7、在下方提问栏里输入自己的问题,然后点击“提问”。点击“提问”以后,在线客服就会回答你的问题。", "分享给朋友:", "热门软件 热门关键字"], "bs_rank_pos": 4}], "answer_spans": [[43, 189]], "fake_answers": ["2登录成功后,在首页宫格内找到【我的客服】如果没找到的话点击下面的【更多】进行查找。其他路径-我的-头像-我的客服步骤阅读3找到【我的客服】后,点击客服头像右下方的文字对话框步骤阅读4在文字对话框内输入“人工”并发送步骤阅读5再次发送“人工”后,点击“联系在线客服”步骤阅读6然后就可以输入你的问题了步骤阅读7耐心等待客服为你解决问题,如果需要配合的,大家一定要配合哦!还有就是尽量不要难为客服人员,如果不能解决,客服也会给出其他方案,最终的目的,也是为了解决客户的难题"], "question": "支付宝怎么找人工客服", "segmented_answers": [["1", "、", "打开", "手机", "上", "的", "支付宝", ",", "输入", "账号", "、", "密码", "进行", "登录", "。", "2", "、", "登录", "成功", "后", ",", "在", "首页", "宫", "格", "内", "找到", "【", "我", "的", "客服", "】", "如果", "没找到", "的", "话", "点击", "下面", "的", "【", "更多", "】", "进行", "查找", "。", "其他", "路径", "—", "我", "的", "—", "头像", "—", "我", "的", "客服", "。", "3", "、", "找到", "【", "我", "的", "客服", "】", "后", ",", "点击", "客服", "头像", "右", "下方", "的", "文字", "对话框", "。", "4", "、", "在", "文字", "对话框", "内", "输入", "“", "人工", "”", "并", "发送", "。", "5", "、", "再次", "发送", "“", "人工", "”", "后", ",", "点击", "“", "联系", "在线客服", "”", "。", "6", "、", "输入", "问题", "7", "耐心等待", "客服", "解决", "问题", ",", "尽量", "不要", "难为", "客服", "人员", ",", "如果", "不能", "解决", ",", "客服", "也", "会", "给", "出", "其他", "方案", ",", "最终", "的", "目的", ",", "也是", "为了", "解决", "客户", "的", "难题", "。"], ["1", "、", "首先", ",", "进入", "支付宝", "服务大厅", ",", "在", "最", "下端", ",", "就", "可以看到", "在线客服", ",", "点击", "立即", "使用", ";", "2", "、", "在这里", "跳转", "一", "个", "自助", "聊天", "咨询", "窗口", ",", "输入", "一", "个", "问题", "发送", ",", "如", "帐号被盗", "。", "3", "、", "选择", "问题", "的", "类型", ",", "点击", "支付宝", "帐号", "被盗", "。", "4", "、", "接着", "出现", "提示", ",", "是否", "需要", "连接", "人工", "服务", ",", "选择", "进行", "转接", "。", "5", "、", "开始", "建立", "人工", "服务", ",", "有时候", "需要", "等待", "排队", ",", "接通", "后", ",", "自己", "进行", "咨询", "即可", "。"]], "answers": ["1、打开手机上的支付宝,输入账号、密码进行登录。2、登录成功后,在首页宫格内找到【我的客服】如果没找到的话点击下面的【更多】进行查找。其他路径—我的—头像—我的客服。3、找到【我的客服】后,点击客服头像右下方的文字对话框。4、在文字对话框内输入“人工”并发送。5、再次发送“人工”后,点击“联系在线客服”。6、输入问题7耐心等待客服解决问题,尽量不要难为客服人员,如果不能解决,客服也会给出其他方案,最终的目的,也是为了解决客户的难题。", "1、首先,进入支付宝服务大厅,在最下端,就可以看到在线客服,点击立即使用;2、在这里跳转一个自助聊天咨询窗口,输入一个问题发送,如帐号被盗。3、选择问题的类型,点击支付宝帐号被盗。4、接着出现提示,是否需要连接人工服务,选择进行转接。5、开始建立人工服务,有时候需要等待排队,接通后,自己进行咨询即可。"], "answer_docs": [0], "segmented_question": ["支付宝", "怎么", "找", "人工", "客服"], "question_type": "DESCRIPTION", "question_id": 181622, "fact_or_opinion": "FACT", "match_scores": [0.7448275862068965]}
-{"documents": [{"is_selected": true, "title": "终于实实在在明白了大众为什么在中国销量这么好了。。。。。_汽车吧", "most_related_para": 1, "segmented_title": ["终于", "实实在在", "明白", "了", "大众", "为什么", "在", "中国", "销量", "这么", "好", "了", "。", "。", "。", "。", "。", "_", "汽车", "吧"], "segmented_paragraphs": [["前几天", "一个朋友", "从", "外地", "回来", ",", "一起", "吃", "了", "个", "饭", ",", "看", "他", "的", "意思", "应该", "是", "打算", "买车", "了", ",", "家里", "条件", "还不错", ",", "因为", "他", "还在", "上学", "(", "本科毕业", "在", "读", "研究生", ")", ",", "所以", "打算", "买", "一辆", "十几万", "的", "代步车", "先", "给", "他", "女朋友", "开", ",", "我", "问", "他", "打算", "买", "什么", "车", ",", "他", "说", "看上", "了", "高尔夫", "。", "。", "我", "说", "高尔夫", "不错", ",", "是", "大众", "车", "系", "为数不多", "的", "良心", "车", "了", ",", "然后", "他", "就", "问", "我", "大众", "车", "不好", "吗", "?", "我", "说", "以前", "的", "老", "桑塔纳", "和", "老", "捷达", "质量", "确实不错", ",", "后来", "出", "的", "朗逸", "速腾", "辣馒头", "这些", "车型", "感觉", "都", "不太", "好", ",", "然后", "又", "跟", "他", "分析", "了", "一些", "比较", "常见", "的", "案例", "又", "推荐", "了", "他", "几", "款", "车型", "有", "日系", "有", "国产", "。", "。", "。", "。", "。", "。", "下面", "是", "重点", "来", "了", ",", "我", "说", "了", "半天", "之后", ",", "他", "总结", "了", "一句", ":", "不要", "管", "那么多", ",", "你", "去", "看看", "吧", ",", "大街", "上", "这么多", "大众", "的", "车", ",", "说明", "大众", "是", "好车", ",", "国产车", "不行", ",", "日系", "车", "铁皮", "太", "薄", "不", "安全", "啊", "!", "我", ":", "呵呵", "。", "。", "。", "后来", "我", "不", "禁", "在", "思考", "了", ":", "我", "朋友", "是", "一", "个", "受过", "高等教育", "而且", "没有任何", "迂腐", "思想", ",", "平时", "也是", "很", "喜欢", "接触", "新鲜", "事物", ",", "而且", "喜欢自己", "独立", "思考", "的", "一个人", ",", "竟然", "也", "被", "大众", "忽悠", "成", "了", "坚定", "的", "大众", "粉", ",", "我", "在", "想", "那些", "不", "接触", "网络", "不", "接触", "一些", "新鲜", "事物", "的", "中老年人", "到底", "中", "大众", "的", "毒", "中", "了", "有", "多", "深", "?", "?", "?", "大众", ",", "真", "的", "是", "很", "神奇", "的", "一", "个", "公司", ",", "尤其", "是", "在", "中国", "。", "。", "。"], ["大众", "牛逼", "关键", "在于", "是", "个", "德国", "车", "企", ",", "中国人", "普遍", "崇拜", "德国", "。", "一模一样", "的", "车", ",", "本田", "要", "是", "个", "德国", "企业", ",", "我", "估计", "在", "华", "销量", "能", "逆天", "。"], ["楼主", ",", "你", "不", "觉得", "太", "自作聪明", "了", "?", "有些", "时候", "觉得", "万人", "皆", "醉", "我", "独", "醒", "是", "说明", "你", "钻牛角尖", "了"], ["合资", "都", "坑", "如果", "大众", "优惠", "够", "给力", "也", "不是", "不能", "买", "我", "的", "优先", "选择", "是", "别克", "本田", "其次", "丰田", "大众", "再次", "福特", "日产", "再次", "我", "就", "看", "国产", "了", "…", "…", "或者", "低端", "韩", "系"], ["我", "印象", "中", "的", "大众", "也", "不错", ",", "不", "怪", "我", ",", "因为", "打", "从", "我", "记事", "开始", ",", "见", "的", "最多", "的", "就是", "大众", "。"], ["我", "就", "想", "知道", "路上", "那么多", "大众", "怎么", "破", ",", "这", "不是", "事实", "么"], ["说归说", "路上", "大众", "车", "确实", "是", "最多", "的", "消费者", "也", "不是", "傻子", "啊", "毕竟"], ["中国人", "骨子里", "信仰", "“", "中庸", "”", "。", "大众", "没有", "亮点", ",", "也", "没有", "明显", "的", "缺点", ",", "对于", "国", "人", "来", "说", ",", "汽车", "是", "个", "大件", ",", "大部分", "人", "面对", "汽车", "的", "态度", "是", "不求有功", "但求无过", "。", "大众", "保有量", "大", "是", "事实", ",", "这么多", "的", "销量", "没有", "出现", "过", "大", "问题", ",", "品牌", "中庸", "、", "外观", "中庸", "、", "质量", "中庸", ",", "这", "就", "足够", "了", "。", "当然", "我", "说", "的", "是", "现在", ",", "以后", "大众", "什么", "样", "就", "不知道", "了", "。", "几年前", "谁", "又", "能", "想到", "诺基亚", "摩托罗拉", "会", "倒闭", "呢"], ["只有", "进口", "大众", "才能", "算是", "德国", "车", ",", "进口", "德国", "车", "质量", "确实", "好", ",", "国产", "没法", "评价", ",", "只能", "呵呵"], ["我", "跟", "她", "分手", "了", "第一天", ",", "她", "没有", "起床", ",", "把", "自己", "用", "被子", "捂", "的", "严严实实", "的", ",", "她", "宿舍", "的", "人", "都", "不敢", "去", "安慰", "她", ",", "她", "一天", "都", "没有", "吃饭", ",", "连", "刷牙", "洗脸", "都", "没有", ",", "晚上", "睡觉", "的", "时候", "我", "听到", "她", "在", "被子", "里", "抽泣", ".", "第二天", ",", "今天", "她", "吃饭", "了", ",", "是", "她", "的", "宿舍", "同学", "强制性", "的", "让", "她", "吃", "的", ",", "她", "的", "眼眶", "红红", "的", ",", "我", "总", "说", "她", "是", "个", "爱哭鬼", ",", "她", "每次", "都", "噘", "着", "小", "嘴", "说", "她", "不是", ".", "第三天", ",", "今天", "她", "穿", "的", "很", "妖艳", ",", "走进", "一", "家", "酒吧", ",", "喝", "了", "好多", "酒", ",", "用", "一", "种", "很", "诱惑", "的", "眼", "光环", "视", "全场", ",", "好多人", "上", "来", "搭腔", "“", "小姐", ",", "你好", "漂亮", "啊", "”", ".", "她", "喝", "了", "很多", ",", "当", "一", "个", "年纪", "可以", "做", "她", "爸爸", "的", "男人", "对她说", "“", "小姐", ",", "我送你回家", "吧", "”", "的", "时候", "她", "把手", "中", "的", "酒", "全", "泼", "在", "他", "的", "脸上", ",", "那个", "该死", "的", "老头", "扬起", "他", "的", "手掌", "就要", "打", "下去", "的", "时候", ",", "凌", "来", "了", ",", "救", "了", "她", ",", "这一切", "我都知道", ",", "我", "就", "在", "酒吧", "的", "一", "个", "角落", "里", "看着", ".", "第四天", ",", "今天", "她", "早", "早", "就", "起床了", ",", "忙忙碌碌", "一上午", ",", "然后", "把", "自己", "关", "在", "浴室", "里", "好久", ",", "当", "舍友", "们", "踹门", "进去", "的", "时候", "都", "惊呼", "到", ":", "好", "干净", "啊", ".", "第五天", ",", "她", "开始", "学习", "了", ",", "其实", "她", "原来", "学习", "很好", ",", "我们", "开始", "后", "受", "我", "影响", "她", "的", "成绩", "也", "退步", "了", ",", "这", "也", "好", ",", "转移", "一", "下", "注意力", ",", "恢复", "的", "也", "快", ".", "三个月", "后", "…", "…", "她", "做", "了", "学生会主席", ",", "她", "越来越", "能干", ",", "也", "开朗", "了", "不少", ",", "马上", "她", "就要", "靠", "研", "了", ".", "一年", "后", "…", "…", "在", "她", "身边", "的", "男人", "很多", ",", "比", "我", "优秀", "的", "也", "很多", ",", "可", "她", "根本", "没", "在意", "过", ",", "不过", "她", "和", "凌", "很好", ",", "校园", "里", "传", "他们", "的", "关系", "很", "暧昧", ",", "她", "只是", "把", "他", "当", "哥哥", ",", "可是", "流言", "是", "挡不住", "的", ".", "三年后", "…", "…", "她", "要", "结婚", "了", ",", "新郎", "是", "凌", ",", "她", "在", "写", "结婚", "请贴", ",", "一", "张", ",", "两", "张", ",", "三", "张", "…", "…", "写到", "第", "十二", "张", "的", "时候", "她", "哭", "了", ",", "趴", "在", "桌上", "眼泪", "完全", "抑制", "不住", ",", "我", "上", "前", "一", "看", ",", "所有", "的", "喜", "贴", "新郎", "写", "的", "都是", "我", "的", "名字", ".", "我", "也", "很", "想哭", ",", "可是", "鬼魂", "是", "不能", "哭", "的", ",", "我", "没有", "眼泪", ".", "三年前", ",", "我", "横穿马路", ",", "遇上", "车祸", ",", "手", "里", "提", "着", "要", "给", "她", "庆祝", "生日", "的", "蛋糕", ".", "然后", "我", "就", "醒了", ",", "感动", "哭", "了", ",", "哭", "着", "哭", "着", "发现自己", "根本没有", "女朋友"], ["虽然", "他", "不懂", "车", ",", "但是", "他", "很聪明", "。", "小白", "买车", "最好", "的", "方式", "就是", "买", "销量", "最多", "的", "。"], ["其实", "不管", "大众", "到底好不好", ",", "但", "普通", "消费者", "肯定", "是", "信", "销量", "的", "。", "把", "一些", "冷门", "品牌", "吹", "上", "天", ",", "但", "别人", "一看", "路上", "都", "没", "个", "影", ",", "也", "不会", "买", "。", "另外", ",", "你", "朋友", "虽然", "是", "高学历", "高智商", ",", "但", "这", "就", "一定", "代表", "他", "懂", "车", "吗", "?", "就", "比如", "你", "十分", "懂", "车", ",", "但", "把", "你", "放到", "一", "个", "陌生", "的", "领域", ",", "你", "也", "不懂", ",", "你", "也", "只能", "看", "那些", "别人", "都", "买", "的", "品牌", ",", "能", "因此", "说", "你", "愚昧", ",", "被", "洗脑", "了", "吗", "?", "只不过", "术业有专攻", "而已", "。"], ["你", "朋友", "是", "受到", "高等教育", "的", "人", ",", "而", "中国", "的", "高等教育", "就是", "抹杀", "个性", ",", "灌输", "平庸", "的", "教育"], ["我", "跟", "小明", "一起", "喜欢", "上", "了", "贴吧", ",", "直到有一", "天", "他", "都", "11", "级", "了", ",", "我", "才", "4", "级", ",", "就", "向", "小明", "讨教", "有", "没有", "什么", "秘籍", "。", "小明", "憋", "了", "半天", "语重心长", "地", "告诉", "我", ":", "”", "你", "每", "到", "一", "个", "帖子", "就", "粘贴", "这句话", ",", "十五", "天", "就", "到", "了", "11", "级", "”", ".", ".", ".", ".", ".", ".", "我", "彻底", "恍然大悟", ",", "吧主", "再", "也", "不用", "担心", "我", "的", "经验", "了", "!", "!", "!", "假如", "你", "每天", "签到", "拿", "4", "经验", ",", "18", "级", "300000", "/", "4", "=", "750", "00", "天", ",", "如果", "从", "1", "岁", "开始", "签到", ",", "那", "100", "年", "=", "3", "650", "0", "天", ",", "你", "差", "不", "多", "要", "活", "200", "年", "保持", "每天", "签", "到", "(", "谁知道", "200", "年", "后", "尼玛", "还有", "没有", "签到", "这玩意", ")", ",", "如果", "你", "每", "天", "再", "水", "4", "经验", ",", "时间", "减半", ",", "但", "考虑", "现实", ",", "你", "不", "可能", "再", "活", "100", "年", ",", "取", "5", "0", "年", "吧", ",", "你", "就要", "每天", "水", "1", "6", "经验", ",", "可能", "你", "是", "个", "勤快", "的", "人", ",", "每天", "水", "32", "经", "验", ",", "那", "就", "需要", "25", "年", "!", "!", "!", "再", "如果", "你", "是", "个", "大", "水怪", ",", "每天", "水", "64", "经验", ",", "那", "就", "只要", "12", ".", "5", "年", "!", "!", "!", "还", "如", "果", "你", "个", "心急", "的", "人", ",", "每天", "水", "128", "经验", ",", "你", "只要", "6", ".", "25", "年", "!", "!", "!", "!", "假如", "你", "已经", "急不可耐", "了", ",", "每天", "水", "256", "经验", ",", "那你", "碉堡", "了", ",", "只要", "3", ".", "125", "年", "!", "!", "!", "当然", ",", "你", "会", "觉得", "3", "年", "还是", "太", "远", "了", ",", "每", "天", "你", "闲", "的", "蛋疼", ",", "忙忙碌碌", "的", "水", "512", "经验", ",", "碉堡", "了", ",", "你", "只", "需要", "1", ".", "5625", "年", ",", "只", "比", "1", "年", "半", "多一点", "!", "!", "!", "什么", "!", "!", "你", "还", "不", "满意", "?", "那", "你", "觉得", "你", "可能", "一", "天水", "1024", "经验", "吗", ",", "可能", "吗", "?", "可能", "吗", "?", "?", "可能", "!", "!", "!", "据说", "回复", "100", "字", "或", "者", "一百", "字", "以上", "可以", "得到", "11", "~", "30", "经验", ",", "真", "的", "很", "棒", ".", ".", ".", ".", ".", ".", "那么", ",", "按照", "队形", ",", "点击", "复制", ",", "把", "我", "的", "话", "复制", "一", "片", ",", "拿", "经验", "妥妥", "的", "啊"], ["一般人", "买车", "不", "都是", "路上", "哪个", "多", "买", "哪个", "么"], ["他", "并", "不", "关注", "汽车", ",", "关注", "学习", "和", "赚钱"], ["如果", "丰田", "本田", "不是", "日本", "品牌", ",", "估计", "内地", "销量", "会", "翻倍", ",", "而且", "丰田", "全球第一", "汽车", "商会", "更", "牢固", "。"], ["给", "我", "的", "感觉", "的", "确", "大众", "多", "·", "·", "·", "·", "但是", "自主", "品牌", "多", ",", "尤其", "是", "吉利", "自己", "就", "有", "好", "几个", "不同", "的", "标志", "。", "而", "合资", "大致", "是", "奔驰", "宝马", "奥迪", "大众", ",", "具体", "看看", "标志", "就", "知道", "了", "3", "个", "BBA", "都是", "低端", "中", "端", "型号", "做为", "家用", "而", "大众", "有很多", "分支", "品牌", "、", "全", "是", "VW", "标志", ",", "然后", "各", "个", "品牌", "下", "才是", "型号", "。", "其他", "合资", "一般", "都是", "一", "个", "车标", "分支", "就是", "型号", "配置", "了", "。", "而", "大众", "是", "车标", "分支", "是", "车", "的", "名字", ",", "其次", "是", "型号", "配置", "。"]], "paragraphs": ["前几天一个朋友从外地回来,一起吃了个饭,看他的意思应该是打算买车了,家里条件还不错,因为他还在上学(本科毕业在读研究生),所以打算买一辆十几万的代步车先给他女朋友开,我问他打算买什么车,他说看上了高尔夫。。 我说 高尔夫不错,是大众车系为数不多的良心车了,然后他就问我大众车不好吗? 我说以前的老桑塔纳和老捷达质量确实不错,后来出的朗逸 速腾 辣馒头 这些车型感觉都不太好,然后又跟他分析了一些比较常见的案例又推荐了他几款车型有日系有国产。。。。。。下面是重点来了,我说了半天之后,他总结了一句:不要管那么多,你去看看吧,大街上这么多大众的车,说明大众是好车,国产车不行,日系车铁皮太薄不安全啊!我:呵呵。。。后来我不禁在思考了:我朋友是一个受过高等教育而且没有任何迂腐思想,平时也是很喜欢接触新鲜事物,而且喜欢自己独立思考的一个人,竟然也被大众忽悠成了坚定的大众粉,我在想那些不接触网络不接触一些新鲜事物的中老年人到底中大众的毒中了有多深???大众,真的是很神奇的一个公司,尤其是在中国。。。", "大众牛逼关键在于是个德国车企,中国人普遍崇拜德国。一模一样的车,本田要是个德国企业,我估计在华销量能逆天。", "楼主,你不觉得太自作聪明了? 有些时候觉得万人皆醉我独醒是说明你钻牛角尖了", "合资都坑 如果大众优惠够给力 也不是不能买 我的优先选择是别克本田 其次丰田大众 再次福特日产 再次我就看国产了……或者低端韩系", "我印象中的大众也不错,不怪我,因为打从我记事开始,见的最多的就是大众。", "我就想知道路上那么多大众怎么破,这不是事实么", "说归说路上大众车确实是最多的消费者也不是傻子啊毕竟", "中国人骨子里信仰“中庸”。大众没有亮点,也没有明显的缺点,对于国人来说,汽车是个大件,大部分人面对汽车的态度是不求有功但求无过。大众保有量大是事实,这么多的销量没有出现过大问题,品牌中庸、外观中庸、质量中庸,这就足够了。当然我说的是现在,以后大众什么样就不知道了。几年前谁又能想到诺基亚摩托罗拉会倒闭呢", "只有进口大众才能算是德国车,进口德国车质量确实好,国产没法评价,只能呵呵", "我跟她分手了 第一天,她没有起床,把自己用被子捂的严严实实的,她宿舍的人都不敢去安慰她,她一天都没有吃饭,连刷牙洗脸都没有,晚上睡觉的时候我听到她在被子里抽泣. 第二天,今天她吃饭了,是她的宿舍同学强制性的让她吃的,她的眼眶红红的,我总说她是个爱哭鬼,她每次都噘着小嘴说她不是. 第三天,今天她穿的很妖艳,走进一家酒吧,喝了好多酒,用一种很诱惑的眼光环视全场,好多人上来搭腔“小姐,你好漂亮啊”.她喝了很多,当一个年纪可以做她爸爸的男人对她说“小姐,我送你回家吧”的时候她把手中的酒全泼在他的脸上,那个该死的老头扬起他的手掌就要打下去的时候,凌来了,救了她,这一切我都知道,我就在酒吧的一个角落里看着. 第四天,今天她早早就起床了,忙忙碌碌一上午,然后把自己关在浴室里好久,当舍友们踹门进去的时候都惊呼到:好干净啊. 第五天,她开始学习了,其实她原来学习很好,我们开始后受我影响她的成绩也退步了,这也好,转移一下注意力,恢复的也快. 三个月后……她做了学生会主席,她越来越能干,也开朗了不少,马上她就要靠研了. 一年后……在她身边的男人很多,比我优秀的也很多,可她根本没在意过,不过她和凌很好,校园里传他们的关系很暧昧,她只是把他当哥哥,可是流言是挡不住的. 三年后……她要结婚了,新郎是凌,她在写结婚请贴,一张,两张,三张……写到第十二张的时候她哭了,趴在桌上眼泪完全抑制不住,我上前一看,所有的喜贴新郎写的都是我的名字. 我也很想哭,可是鬼魂是不能哭的,我没有眼泪. 三年前,我横穿马路,遇上车祸,手里提着要给她庆祝生日的蛋糕.然后我就醒了,感动哭了,哭着哭着发现自己根本没有女朋友", "虽然他不懂车,但是他很聪明。小白买车最好的方式就是买销量最多的。", "其实不管大众到底好不好,但普通消费者肯定是信销量的。把一些冷门品牌吹上天,但别人一看路上都没个影,也不会买。另外,你朋友虽然是高学历高智商,但这就一定代表他懂车吗?就比如你十分懂车,但把你放到一个陌生的领域,你也不懂,你也只能看那些别人都买的品牌,能因此说你愚昧,被洗脑了吗?只不过术业有专攻而已。", "你朋友是受到高等教育的人,而中国的高等教育就是抹杀个性,灌输平庸的教育", "我跟小明一起喜欢上了贴吧,直到有一天 他都11 级了,我才4级,就向小明讨教有 没有 什么秘籍。小明憋了半天语重心长地告诉 我:”你每到一个帖子就粘贴这句话, 十五天 就到了11级”......我彻底恍然大悟, 吧主再 也不用担心我的经验了!!!假如 你每天签到 拿4经验,18级300000/4=750 00 天,如果 从1岁开始签到,那100 年=3 650 0天,你差 不多要活200年保持每天签 到(谁知道200 年后尼玛还有没有签到这玩意),如果你每 天再水4经验,时间减半 ,但考虑现实,你不 可能再活100年,取5 0年吧,你就要每天水1 6经验,可能你是 个勤快的人,每天水32经 验,那就需要25 年!!!再如果你是个大水怪 ,每天水64 经验,那就只要12.5年!!!还如 果你个心急的人,每天水128经验,你只要6 .25 年!!!!假如你已经急不可耐了,每天 水 256经验,那你碉堡了,只要3.125年! !!当然,你会觉得3年还是太远了,每 天你闲的 蛋疼,忙忙碌碌的水512经验, 碉堡了,你只 需要1.5625年,只比1年半 多一点!!!什么! !你还不满意?那你 觉得你可能一天水1024 经验吗,可能吗? 可能吗??可能!!!据说回复 100字或 者一百字以上可以得到11~30经验 ,真的 很棒......那么,按照队形,点击复制, 把我的话复制一片,拿经验妥妥的啊", "一般人买车不都是路上哪个多买哪个么", "他并不关注汽车,关注学习和赚钱", "如果丰田本田不是日本品牌,估计内地销量会翻倍,而且丰田全球第一汽车商会更牢固。", "给我的感觉的确大众多····但是自主品牌多,尤其是吉利自己就有好几个不同的标志。而合资大致是奔驰宝马奥迪大众,具体看看标志就知道了3个BBA都是低端中端型号做为家用而大众有很多分支品牌、全是VW标志,然后各个品牌下才是型号。其他合资一般都是一个车标分支就是型号配置了。而大众是车标分支是车的名字,其次是型号配置。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "为什么大众车质量那么差,销量那么好? ", "most_related_para": 18, "segmented_title": ["为什么", "大众", "车", "质量", "那么", "差", ",", "销量", "那么", "好", "?"], "segmented_paragraphs": [["点击", "题目", "下方", "私家车", ",", "一键", "关注", "本", "账号"], ["汽车保养", "维修", "、", "汽车资讯", "传播", "、", "车友", "聚会", "自驾", "。", "出行", "前", ",", "先", "来", "点我吧", "!", "(", "微信", "号", ":", "hao", "auto", ")"], ["前言", ":", "作者", "本人", "非", "大众", "集团", "的", "利益相关者", "。", "只是", "作为", "行业", "内", "的", "一", "员", ",", "如果", "你", "的", "工作", "跟", "产品", "或者", "营销", "相关", ",", "你", "不可能", "不", "去", "关注", "这个", "中国", "市场", "的", "巨人", "。"], ["_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_"], ["空虚", "的", "感情", "不会", "天长地久", ",", "没有", "实力", "的", "公司", "没法", "在", "商业", "上", "长青", "。"], ["信息", "是", "需要", "被", "传播", "的", ",", "而", "广泛", "的", "传播", "是", "有", "极", "大", "的", "成本", "的", "。"], ["大众", "汽车", "在", "国内", "如此", "成功", ",", "不是", "一年", "两年", "了", "。", "我", "注意到", "本", "题目", "的", "许多", "答案", ",", "对", "VW", "的", "成功", "之", "处", "视而不见", "。", "我", "丝毫", "不", "否认", "日系", "车", "的", "优点", "被", "部分", "国", "人", "忽视", "了", ",", "但", "我们", "不要", "走", "到", "另一个", "极端", "。"], ["因为", "很多", "回答", "已经", "把", "大众", "批", "的", "够", "惨", "了", ",", "本人", "专门", "来", "写", "点", "软文", "。", "如", "有", "酥", "骨", "沁心", "之", "效", ",", "不谢", "!"], ["关于", "题", "主", "的", "问题", ",", "我", "要", "吹毛求疵", "一", "下", "。"], ["1", "贴", "出", "的", "销量", "榜单", "是", "2015", "年", "1", "月", "单", "月", "的", ",", "单", "月", "的", "数据", "时间", "太短", ",", "不是", "有力", "数据", "。", "看起来", "有些", "夸大", "大众", "的", "销量", "优势", "。", "尽管", "数据源", "是", "没错", "的", "。", "(", "大众", "把", "去年年底", "的", "部分", "销量", "藏", "到", "1", "月", "释放", ",", "造成", "1", "月", "的", "优势", "过于", "明显", "。", "至于", "为什么", "大众", "可以", "藏", "销量", "?", "因为", "14", "年", "车", "市", "颇", "为", "艰难", ",", "只有", "大众", "品牌", "举重若轻", ",", "轻松", "达成", "目标", "。", ")", "题", "主", "如果", "引用", "14", "年", "全年", "数据", ",", "会", "更好", "。", "2", "关于", "题", "主", "对", "大众", "的", "一些", "问题", "的", "描述", "。", "加价", ",", "是", "供求", "关系", "的", "市场化", "体现", ",", "并非", "厂家", "蓄谋", "。", "大家", "有没有", "想", "过", ",", "对于", "厂家", "指导价", ",", "经销商", "为何", "只能", "降低", "不能", "增加", "呢", "?", "在", "一", "个", "自由", "竞争", "的", "市场", ",", "无论", "是", "厂家", "还是", "经销商", ",", "都", "不", "掌握", "商品", "的", "定价权", ",", "价格", "是", "在", "市场", "上", "自然", "形成", "的", "。", "加价", "是", "优质", "紧缺", "商品", "的", "特权", ",", "是", "其", "稀缺", "程度", "和", "供求", "失衡", "的", "合理", "量化", "体现", "。", "普遍", "加价", "的", "车型", ",", "如", "上", "一", "代", "CRV", ",", "国产", "前", "3", "年", "的", "Q5", ",", "国产", "初期", "的", "汉兰达", ",", "这一代", "途观", "、", "上", "一", "代", "高尔夫", "。", "无", "不是", "因为", "具备", "几个", "特点", "中", "的", "一", "个", "或者", "全部", ":", "产品", "力", "强大", ",", "缺乏", "直接", "竞争对手", ",", "供应量", "有限", ",", "需求旺盛", "。"], ["举", "Q5", "的", "例子", "来", "说明", "一", "下", ",", "Q5", "国产", "之", "前", ",", "也", "进口", "过", ",", "并", "无", "波澜", "。", "当时", "他", "和", "X3", ",", "GLK", "一起", ",", "定价", "在", "50w", "-", "60w", "的", "区间", "。", "一夜之间", ",", "Q5", "国产", "了", ",", "38", "万", "起", "。", "如果", "你", "是", "一名", "想要", "购买", "中型", "豪华", "品牌", "SUV", "的", "消费者", ",", "突然", "Q5", "比", "X3", "和", "GLK", "便宜", "了", "15", "万", "左右", ",", "你", "怎么", "想", "?", "当然", "是", ",", "市场需求", "一拥而上", ",", "自然", "抬高", "了", "国产", "Q5", "的", "终端", "售价", "。"], ["大众", "经销商", "服务态度", "不好", "?", "我", "怕", "这", "是", "个", "例", "。", "经销商", "是", "加盟", "的", "玩法", ",", "个体差异", "很大", ",", "参差不齐", "。", "如果", "走访", "较", "大", "数量", "的", "门店", ",", "你", "会", "发现", ",", "大众", "经销商", "总体", "服务水平", "不", "算", "糟糕", "。"], ["大众", "产品", "的", "质量问题", "?", "这个", "大众", "确实", "不是", "最好", "的", ",", "也", "不是", "那么", "差", "。", "质量", "确实", "是", "日系", "品牌", "的", "强", "项", "。", "因为", "大众", "有", "最多", "的", "销量", ",", "所以", "关于", "大众", "的", "正面", "和", "负面", "的", "新闻", "一定", "也是", "最多", "的", ",", "大家", "要", "注意", "这一点", "。"], ["最近两年", ",", "大众", "出", "了", "两", "个", "比较", "严重", "的", "质量问题", "。"], ["一", "个", "是", "7", "速", "干式", "DSG", ",", "一", "个", "是", "新", "速腾", "断轴", "。", "DSG", "sucks", ",", "断轴", "sucks", ",", "这些", "都是", "大众", "应该", "被", "批评", ",", "也", "应该", "负", "起", "责任", "的", "。", "(", "监管部门", "是不是", "也", "该", "负", "起", "责任", "呢", "?", "真", "有问题", ",", "那你", "说出来", "呀", "?", "不能", "总", "靠", "消费者", "扯", "横幅", ",", "厂家", "自", "证", "其罪", "吧", "。", ")"], ["但是", "这些", "就是", "大众", "汽车", "在", "中国", "市场", "的", "全部", "吗", "?", "未免", "太", "小", "看", "广大", "也许", "广大", "选择", "了", "大众", "汽车", "的", "朴素", "的", "消费者", "。"], ["事实上", ",", "即使", "是", "在", "汽车", "知识", "程度", "不", "高", "的", "市场", ",", "产品", "在", "市场", "上", "优胜劣汰", "的", "法则", "依然", "是", "有效", "的", "。", "经济学原理", "从来不曾", "说过", ":", "一", "个", "自由", "的", "市场经济", "市场", "的", "运转", ",", "有赖于", "消费者", "对", "产品", "有", "足够", "的", "认知", "能力", "。"], ["让", "我们", "来", "看看", "断轴", "和", "DSG", "故障", "之外", "的", "大众", "汽车", "。"], ["1", "大众", "来", "的", "最早", "。", "中国人", "谈", "及", "感情", "时", ",", "最爱", "排", "先来后到", "。", "先", "者", ",", "堂堂", "正", "房", ",", "后者", ",", "无耻", "小三", "。", "当", "福特", "和", "通用", "都", "没有", "拥抱", "那个", "曾经", "一穷二白", "的", "社会主义", "红色", "中国", "的", "时候", ",", "是", "大众", "犹", "犹豫", "豫", "的", "抱着", "试试看", "的", "心态", "率先", "投资", "了", "中国", "市场", "。", "外资", "投资", "都是", "有", "风险", "的", ",", "谁知道", "你", "会", "经济", "腾飞", "还是", "回归", "文化", "革命", "呢", "?", "标致", ",", "菲亚特", ",", "克莱斯勒", "的", "初次冒险", "都", "失败", "了", ",", "但", "大众", "的", "投资", "则", "带来", "了", "丰厚", "的", "回报", ",", "它", "率先", "占据", "了", "市场份额", ",", "完成", "了", "产能", "和", "营销渠道", "布局", ",", "奠定", "了", "极为", "强大", "的", "品牌", "基础", ",", "与", "政府", "建立", "了", "良好", "的", "合作关系", ",", "并", "潜在", "的", "影响", "了", "中国", "汽车行业", "法规", "的", "建立", ",", "以及", "培养", "和", "储备", "了", "大量", "专业", "的", "人才", "(", "中国汽车", "法规", "主要", "参考", "欧洲", ",", "这", "对", "大众", "有利", ";", "很多", "国内", "汽车", "从业者", "受", "大众", "乃至", "德国", "汽车", "的", "影响", "也", "很", "深远", ")", "如果", "你", "有", "两", "个", "朋友", "来", "找", "你", "借钱", ",", "一", "个", "跟", "你", "认识", "了", "30", "年", ",", "一", "个", "跟", "你", "认识", "了", "3", "天", ",", "在", "别", "的", "因素", "都一样", "的", "情况", "下", ",", "你", "更", "可能会", "借钱", "给", "谁", "?", "2", "大众", "集团", "本身", "是", "全球", "列强", "之", "一", "。", "这一点", "不需要", "太多", "解释", "吧", "。", "德国", "有", "优质", "的", "制造", "传统", ",", "汽车工业", "实力强大", "。", "大众", "集团", "上", "有", "兰博基尼", ",", "Porsche", ",", "奥迪", ",", "中", "有", "大众", ",", "下", "有", "斯柯达", ",", "西亚特", ",", "商用车", "也有", "涉足", "。", "走", "多元化", "品牌战略", ",", "全球", "销量", "最近几年", "一直", "是", "前", "三", ",", "目前", "在", "销量", "上", "无限", "逼近", "丰田", "集团", "。", "3", "强大", "伙伴", "。", "中国法律", "要求", "外资", "在", "华", "造", "车", "需要", "找到", "不", "低于", "50", "%", "股份", "的", "中", "资", "伙伴", "。", "大众", "汽车", "在", "国内", "有", "两", "个", "合作伙伴", ",", "都", "非常", "强大", ":", "一汽集团", "和", "上汽集团", "。", "这", "叫", "强强联合", ",", "相比之下", "福建", "汽车", "和", "三菱", "的", "合作", "、", "广汽", "与", "菲亚特", "的", "合作", ",", "基本", "可以", "定义", "为", "弱", "弱", "联合", "。", "4", "品牌", "力", "也", "产品", "的", "知名度", "优势", "。", "目前", "产能", "和", "销量", "接近", "400", "万", "/", "年", "。", "(", "包括", "奥迪", ")", "比", "(", "丰田", "+", "本田", ")", "的", "两倍", "还要多", "。", "保有量", "我没有", "数据", ",", "但", "显然", "是", "单", "一", "品牌", "的", "绝对", "第", "一", ",", "保守估计", "是", "第二名", "的", "三", "倍", "以上", "。", "(", "上海通用", "的", "销量", "是", "建立", "在", "多", "品牌", "的", "基础", "上", "的", ",", "雪佛兰", "和", "别克", "品牌", "要", "拆开", ")", "销量", "和", "保有量", "最多", ",", "意味着", "无数", "身边", "的", "活", "广告", ",", "意味着", "最高", "的", "知名度", "。", "不是", "有", "英菲尼迪", "被", "认", "作", "奇瑞", "嘛", "?", "不是", "有", "凯迪拉克", "被", "认", "做", "帝豪", "嘛", "?", "你", "见过", "大众", "被", "认", "做", "东风", "嘛", "?", "你", "可以", "选取", "中国", "的", "10", "个", "代表性", "城市", ",", "做", "100", "次", "线", "下", "消费者", "品牌", "调研", ",", "VW", ",", "Toyota", ",", "Honda", ",", "Buick", ",", "Ford", ",", "Hyundai", ",", "100", "次", "都会", "是", "大众", "第", "一", "。", "不管", "是", "知名度", "还是", "美誉度", "。"], ["丰田", "是", "很", "强大", "的", "企业", ",", "混合动力", "也是", "很不错", "的", "技术", "。", "但是", "传播", "是", "有", "极", "大", "的", "成本", "的", ",", "尤其", "对于", "汽车", "这么", "复杂", "的", "产品", "。", "希望", "知乎", "上", "参与讨论", "的", "朋友", "们", "注意", "到", "这一点", "。"], ["5", "渠道", "优势"], ["跟随", "大众", "成长", "起来", "的", "是", "中国", "汽车经销商", "中", "最早", ",", "经验", "最丰富", ",", "获益", "最多", ",", "因为", "获益", "而", "把", "自己", "发展", "的", "最", "健壮", "的", "经销商", "体系", "之", "一", "。"], ["他们", "就像", "经销商", "中", "的", "精英", "战马", ",", "受到", "精细", "的", "照顾", "和", "培养", ",", "有", "强大", "的", "战斗力", "。"], ["超过", "2000", "家", "大众", "经销商", "分布", "在", "五湖四海", "的", "各个角落", ",", "他们", "比", "电视机", "里", "的", "广告", "更", "能", "代表", "一", "个", "品牌", "的", "形象", "。", "(", "弱小", "的", "品牌", "只有", "100", "-", "300", "家", ",", "无法", "覆盖", "幅员辽阔", "的", "中国", "市场", ")"], ["一", "家", "典型", "的", "上海", "大众", "4S", "展厅", "的", "客户", "体验", ",", "要", "比", "一", "家", "长安", "马自达", "强", "很多", ",", "比", "奇瑞", "强", "更多", "。"], ["典雅", "明亮", "的", "展厅", ",", "高品质", "的", "内装", "设计", ",", "西装笔挺", "的", "销售员", ",", "漂亮", "的", "展", "车", ",", "这些", "对于", "隔壁老王", "是", "有", "视觉", "听觉", "触觉", "的", "综合", "感官", "说服力", "的", "。"], ["为何", "大众", "的", "经销商", "能够", "做", "好", "这些", "表面", "功夫", "而", "别", "的", "品牌", "也许", "不能", "?", "因为", "卖", "大众", "比较", "赚钱", ",", "只有", "持续", "赚钱", "的", "生意", "才能", "做成", "健康", "的", "生意", "。", "如果", "一", "个", "生意", "已经", "不", "赚钱", ",", "不要", "去", "指望", "经销商", "的", "职业道德", "。", "(", "我", "在", "上海", "的", "家", "附近", "有", "一", "家", "Fiat", "的", "城市", "展厅", ",", "可怜巴巴", "的", "一", "块", "极", "小", "的", "地方", ",", "放", "着", "1", "-", "2", "台", "车", ",", "以及", "一", "个", "只能", "做", "快", "保", "的", "狭小", "售后", "工位", ",", "最近", "终于", "关闭", "了", "。", "我", "走访", "过", "不同", "城市", "的", "不同", "品牌", "的", "经销商", ",", "很多时候", ",", "弱小", "品牌", "的", "经销商", "也是", "弱小", "的", ",", "无论", "接待人员", "的", "服务", "素养", "、", "展厅", "装修", "等等", ")"]], "paragraphs": ["点击题目下方私家车,一键关注本账号", "汽车保养维修、汽车资讯传播、车友聚会自驾。出行前,先来点我吧!(微信号:haoauto)", "前言:作者本人非大众集团的利益相关者。只是作为行业内的一员,如果你的工作跟产品或者营销相关,你不可能不去关注这个中国市场的巨人。", "___________________________________", "空虚的感情不会天长地久,没有实力的公司没法在商业上长青。", "信息是需要被传播的,而广泛的传播是有极大的成本的。", "大众汽车在国内如此成功,不是一年两年了。我注意到本题目的许多答案,对VW的成功之处视而不见。我丝毫不否认日系车的优点被部分国人忽视了,但我们不要走到另一个极端。", "因为很多回答已经把大众批的够惨了,本人专门来写点软文。如有酥骨沁心之效,不谢!", "关于题主的问题,我要吹毛求疵一下。", "1 贴出的销量榜单是2015年1月单月的,单月的数据时间太短,不是有力数据。看起来有些夸大大众的销量优势。尽管数据源是没错的。(大众把去年年底的部分销量藏到1月释放,造成1月的优势过于明显。至于为什么大众可以藏销量?因为14年车市颇为艰难,只有大众品牌举重若轻,轻松达成目标。) 题主如果引用14年全年数据,会更好。 2 关于题主对大众的一些问题的描述。 加价,是供求关系的市场化体现,并非厂家蓄谋。大家有没有想过,对于厂家指导价,经销商为何只能降低不能增加呢?在一个自由竞争的市场,无论是厂家还是经销商,都不掌握商品的定价权,价格是在市场上自然形成的。加价是优质紧缺商品的特权,是其稀缺程度和供求失衡的合理量化体现。普遍加价的车型,如上一代CRV,国产前3年的Q5,国产初期的汉兰达,这一代途观、上一代高尔夫。无不是因为具备几个特点中的一个或者全部:产品力强大,缺乏直接竞争对手,供应量有限,需求旺盛。", "举Q5的例子来说明一下,Q5国产之前,也进口过,并无波澜。当时他和X3,GLK一起,定价在50w-60w的区间。一夜之间,Q5国产了,38万起。如果你是一名想要购买中型豪华品牌SUV的消费者,突然Q5比X3和GLK便宜了15万左右,你怎么想?当然是,市场需求一拥而上,自然抬高了国产Q5的终端售价。", "大众经销商服务态度不好?我怕这是个例。经销商是加盟的玩法,个体差异很大,参差不齐。如果走访较大数量的门店,你会发现,大众经销商总体服务水平不算糟糕。", "大众产品的质量问题?这个大众确实不是最好的,也不是那么差。质量确实是日系品牌的强项。因为大众有最多的销量,所以关于大众的正面和负面的新闻一定也是最多的,大家要注意这一点。", "最近两年,大众出了两个比较严重的质量问题。", "一个是7速干式DSG,一个是新速腾断轴。DSG sucks,断轴sucks,这些都是大众应该被批评,也应该负起责任的。(监管部门是不是也该负起责任呢?真有问题,那你说出来呀? 不能总靠消费者扯横幅,厂家自证其罪吧。)", "但是这些就是大众汽车在中国市场的全部吗?未免太小看广大也许广大选择了大众汽车的朴素的消费者。", "事实上,即使是在汽车知识程度不高的市场,产品在市场上优胜劣汰的法则依然是有效的。经济学原理从来不曾说过:一个自由的市场经济市场的运转,有赖于消费者对产品有足够的认知能力。", "让我们来看看断轴和DSG故障之外的大众汽车。", "1 大众来的最早。 中国人谈及感情时,最爱排先来后到。先者,堂堂正房,后者,无耻小三。当福特和通用都没有拥抱那个曾经一穷二白的社会主义红色中国的时候,是大众犹犹豫豫的抱着试试看的心态率先投资了中国市场。外资投资都是有风险的,谁知道你会经济腾飞还是回归文化革命呢?标致,菲亚特,克莱斯勒的初次冒险都失败了,但大众的投资则带来了丰厚的回报,它率先占据了市场份额,完成了产能和营销渠道布局,奠定了极为强大的品牌基础,与政府建立了良好的合作关系,并潜在的影响了中国汽车行业法规的建立,以及培养和储备了大量专业的人才(中国汽车法规主要参考欧洲,这对大众有利;很多国内汽车从业者受大众乃至德国汽车的影响也很深远) 如果你有两个朋友来找你借钱,一个跟你认识了30年,一个跟你认识了3天,在别的因素都一样的情况下,你更可能会借钱给谁? 2 大众集团本身是全球列强之一。 这一点不需要太多解释吧。德国有优质的制造传统,汽车工业实力强大。大众集团上有兰博基尼,Porsche,奥迪,中有大众,下有斯柯达,西亚特,商用车也有涉足。走多元化品牌战略,全球销量最近几年一直是前三,目前在销量上无限逼近丰田集团。 3 强大伙伴。 中国法律要求外资在华造车需要找到不低于50%股份的中资伙伴。大众汽车在国内有两个合作伙伴,都非常强大:一汽集团和上汽集团。 这叫强强联合,相比之下福建汽车和三菱的合作、广汽与菲亚特的合作,基本可以定义为弱弱联合。 4 品牌力也产品的知名度优势。 目前产能和销量接近400万/年。(包括奥迪)比(丰田+本田)的两倍还要多。 保有量我没有数据,但显然是单一品牌的绝对第一,保守估计是第二名的三倍以上。(上海通用的销量是建立在多品牌的基础上的,雪佛兰和别克品牌要拆开) 销量和保有量最多,意味着无数身边的活广告,意味着最高的知名度。 不是有英菲尼迪被认作奇瑞嘛?不是有凯迪拉克被认做帝豪嘛?你见过大众被认做东风嘛? 你可以选取中国的10个代表性城市,做100次线下消费者品牌调研,VW,Toyota,Honda,Buick,Ford,Hyundai,100次都会是大众第一。不管是知名度还是美誉度。", "丰田是很强大的企业,混合动力也是很不错的技术。但是传播是有极大的成本的,尤其对于汽车这么复杂的产品。希望知乎上参与讨论的朋友们注意到这一点。", "5 渠道优势", "跟随大众成长起来的是中国汽车经销商中最早,经验最丰富,获益最多,因为获益而把自己发展的最健壮的经销商体系之一。", "他们就像经销商中的精英战马,受到精细的照顾和培养,有强大的战斗力。", "超过2000家大众经销商分布在五湖四海的各个角落,他们比电视机里的广告更能代表一个品牌的形象。(弱小的品牌只有100-300家,无法覆盖幅员辽阔的中国市场)", "一家典型的上海大众4S展厅的客户体验,要比一家长安马自达强很多,比奇瑞强更多。", "典雅明亮的展厅,高品质的内装设计,西装笔挺的销售员,漂亮的展车,这些对于隔壁老王是有视觉听觉触觉的综合感官说服力的。", "为何大众的经销商能够做好这些表面功夫而别的品牌也许不能?因为卖大众比较赚钱,只有持续赚钱的生意才能做成健康的生意。如果一个生意已经不赚钱,不要去指望经销商的职业道德。(我在上海的家附近有一家Fiat的城市展厅,可怜巴巴的一块极小的地方,放着1-2台车,以及一个只能做快保的狭小售后工位,最近终于关闭了。我走访过不同城市的不同品牌的经销商,很多时候,弱小品牌的经销商也是弱小的,无论接待人员的服务素养、展厅装修等等)"], "bs_rank_pos": 1}, {"is_selected": true, "title": "【图】大众口碑这么差,为何销量这么好?_速腾论坛_汽车之家论坛", "most_related_para": 3, "segmented_title": ["【", "图", "】", "大众", "口碑", "这么", "差", ",", "为何", "销量", "这么", "好", "?", "_", "速腾", "论坛", "_", "汽车", "之", "家", "论坛"], "segmented_paragraphs": [["现在", "还是", "销量", "第", "一", "?", "?", "不可能", "吧", "。"], ["傻逼", "是", "慢慢", "变", "少", "的", "。", "不是", "一蹴而就", "。"], ["看", "谁", "笑到最后", "吧", ",", "好", "口碑", "不是", "一蹴而就", ",", "坏", "口碑", "也", "非", "一日", "之", "寒"], ["签名", ":", "曾经", "的", "大众", "粉", ",", "如今", "的", "速腾", "车主", "+", "大众", "黑", ",", "宣传", "大众", "垃圾", "是", "我", "的", "义务"], ["请", "拖", ",", "公关", ",", "控制", "舆论", ",", "洗脑", "式", "营销", "方式", "的", "功劳", "。"], ["车子", "好不好", "主要", "还是", "自己去", "试驾", "了", "知道"], ["签名", ":", "速腾", ",", "很好", ",", "很", "强大", "."], ["总", "有", "一些人", "认为", "自己", "运气好", ",", "买", "的", "车", "不会", "出", "问题", "。"]], "paragraphs": ["现在还是销量第一??不可能吧。", "傻逼是慢慢变少的。不是一蹴而就。", "看谁笑到最后吧,好口碑不是一蹴而就,坏口碑也非一日之寒", "签名:曾经的大众粉,如今的速腾车主+大众黑,宣传大众垃圾是我的义务", "请拖,公关,控制舆论,洗脑式营销方式的功劳。", "车子好不好主要还是自己去试驾了知道", "签名:速腾,很好,很强大.", "总有一些人认为自己运气好,买的车不会出问题。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "为什么大众车质量那么差 销量那么好_汽车频道_东方头条", "most_related_para": 12, "segmented_title": ["为什么", "大众", "车", "质量", "那么", "差", "销量", "那么", "好", "_", "汽车频道", "_", "东方", "头条"], "segmented_paragraphs": [["亲", ",", "暂时", "无法", "评论", "!"], ["哪里", "看", "的", ",", "没有", "百分百", "的", "车", ",", "豪车", "也", "不", "另外"], ["因为", "国", "人", "眼光", "问题"], ["国", "人", "买车", "不管", "现在", "这", "车", "怎么样", ","], ["只", "管", "以前", "这", "车", "名气", "大", "不大", "好不好", ","], ["大众", "十", "几", "年", "前", "捷达", "桑塔纳", "老牛", "X", "了", ","], ["所以", "现在", "大众", "再", "破", "也是", "好车"], ["国产车", "十年前", "就是", "垃圾", ","], ["所以", "现在", "国产车", "再", "好", "也是", "破车"], ["因为", "大众", "是", "靠", "信仰", "卖车", "的", ","], ["在", "中国", "除了", "信仰", "大众", ","], ["其余", "的", "都是", "无神论者", "。"], ["因为", "大众", "是", "最早", "进入", "中国", "市场", "的", "合资", "品牌", ","], ["最", "风光", "时", "占", "了", "中国", "市场", "一半以上", "份额", ","], ["以", "皮实", "耐用", ",", "经济", "省油", "著称", ","], ["在", "中国", "的", "消费者", "心中", "品牌", "号召力", "很", "强", ","], ["所以", "到处都有", "大众", "的", "车", "就", "不足为奇", "了"]], "paragraphs": ["亲,暂时无法评论!", "哪里看的,没有百分百的车,豪车也不另外", "因为国人眼光问题", "国人买车不管现在这车怎么样,", "只管以前这车名气大不大好不好,", "大众十几年前捷达桑塔纳老牛X了,", "所以现在大众再破也是好车", "国产车十年前就是垃圾,", "所以现在国产车再好也是破车", "因为大众是靠信仰卖车的,", "在中国除了信仰大众,", "其余的都是无神论者。", "因为大众是最早进入中国市场的合资品牌,", "最风光时占了中国市场一半以上份额,", "以皮实耐用,经济省油著称,", "在中国的消费者心中品牌号召力很强,", "所以到处都有大众的车就不足为奇了"], "bs_rank_pos": 3}, {"is_selected": false, "title": "【说客】时隔10年,为啥大众销量还是那么好?_汽车之家", "most_related_para": 9, "segmented_title": ["【", "说客", "】", "时", "隔", "10", "年", ",", "为啥", "大众", "销量", "还是", "那么", "好", "?", "_", "汽车", "之", "家"], "segmented_paragraphs": [["当前位置", ":", "汽车", "之", "家", ">", "说客", ">", "正文"], ["声明", ":", "本", "文", "由", "说客", "作者", "撰写", ",", "观点", "仅", "代表", "个人", ",", "不", "代表", "汽车", "之", "家", "。", "文", "中", "部分", "图片", "来自", "于", "网络", ",", "感谢", "原作者", "。"], ["[", "导读", "]", "为啥", "大众", "销量", "还是", "那么", "好", "?"], ["各", "大", "汽车", "厂商", "近日", "相继", "公布", "了", "2016", "年", "全年", "销售", "状况", ",", "作为", "中国", "市场", "上", "最大", "的", "合资", "品牌", ",", "大众", "(", "中国", ")", "2016", "年", "在", "中国", "市场", "(", "包括", "香港地区", ")", "取得", "了", "398", "万", "辆", "的", "销量", "成绩", ",", "要知道", "大众", "2016", "年", "的", "全球", "销量", "也", "不过", "1030", "万", "辆", ",", "大众", "在", "中国", "的", "销量", "已经", "占", "到", "了", "其", "全球", "总", "销量", "的", "38", ".", "64", "%", ",", "中国", "已经", "连续", "10", "年", "成为", "大众", "最", "重要", "的", "市场", "。"], ["中国", "市场", "首次", "成为", "大众", "最大", "的", "全球", "市场", "是", "在", "2006", "年", "。", "2007", "年", "1", "月", "的", "这个时候", ",", "大众", "同样", "发布", "了", "一", "份", "上", "一", "年度", "的", "销量", "报告", ",", "报告显示", ",", "2006", "年", "大众", "在", "中国", "市场", "的", "实际", "总", "销量", "达到", "了", "71", "万", "辆", ",", "较", "2005", "年", "增长", "24", ".", "3", "%", "。", "一年", "71", "万", "的", "总", "销量", ",", "也", "创", "下", "了", "大众", "进入", "中国", "市场", "22", "年", "以来", "的", "历史", "最高", "销量", "记录", ",", "同时", ",", "大众", "也", "成为", "中国", "市场", "上", "第", "一", "家", "年", "销量", "达到", "70", "万", "辆", "大关", "的", "国际", "车", "企", "。", "从", "2006", "年", "起", ",", "中国", "市场", "就", "一", "举", "超越", "德国", ",", "成为", "了", "大众", "在", "全球", "最大", "的", "市场", "。", "10", "年", "后", "的", "2016", "年", ",", "大众", "在", "中国", "的", "年", "销量", "达到", "了", "398", "万", "辆", ",", "较", "10", "年", "前", "增长", "了", "321", "万", "辆", ",", "同时", "也", "将", "老对手", "丰田", "远远", "甩", "在", "了", "身后", ",", "2016", "年", "丰田", "在", "中国", "的", "销量", "仅", "为", "121", "万", "辆", ",", "相比", "大众", "的", "398", "万", "还是", "有些", "小巫见大巫", "。", "我们", "不", "禁", "要", "问", ":", "10", "年", "过去", "了", ",", "为啥", "大众", "的", "销量", "还是", "那么", "好", "?"], ["关于", "大众", "销量", "好", "的", "问题", ",", "很多人", "都会", "提到", "一", "点", ",", "大众", "进入", "中国", "市场", "早", "。", "确实", ",", "大众", "进入", "中国", "市场", "要", "比", "其他", "品牌", "要", "早", ",", "但", "它", "其实", "不是", "第一个", "进入", "中国", "的", "国际", "汽车", "品牌", "。", "最早", "来", "中国", "合资办厂", "的", "是", "美国", "/", "德国", "的", "克莱斯勒", ",", "克莱斯勒", "和", "北京", "汽车", "合资", "办", "的", "厂", "叫", "北京吉普", ",", "克莱斯勒", "进入", "中国", "的", "时间", "比", "大众", "还要", "早", "一年", "。", "因此", ",", "并", "不能", "把", "进入", "中国", "市场", "早", "笼统", "归纳", "为", "大众", "销量", "好", "的", "原因", ",", "如果", "照", "这么", "说的话", ",", "吉普", "应该", "卖", "的", "和", "大众", "差不多", "才", "对", ",", "但", "很明显", "吉普", "混", "得", "并", "不如", "大众", ",", "就", "这", "说明", ",", "大众", "在", "中国", "卖", "得", "好", "还有", "其他", "原因", ",", "比如", "产品战略", "、", "市场定位", "、", "定价策略", "等等", "。"], ["产品", "战略", "就", "不", "多", "说", "了", ",", "刚", "开始", "大众", "靠着", "桑塔纳", "杀", "遍", "中国", "市场", ",", "因为", "那时", "可", "选", "的", "品牌", "不", "多", ",", "适合", "家用", "的", "轿车", "就", "更", "少", "了", ",", "大众", "几乎", "以", "垄断", "局面", "开始", "了", "大杀四方", "的", "生涯", "。", "后来", "合资", "品牌", "逐渐", "多", "了", "起来", ",", "大众", "也", "不怕", ",", "人", "无", "我", "有", "人", "有", "我", "多", ",", "什么", "?", "你", "说", "原", "厂", "车型", "不", "多", "?", "改", "还", "不会", "?", "桑塔纳", "、", "捷达", "、", "宝来", "…", "…", "实在", "不行", "还", "可以", "开发", "特供", "车型", ",", "德", "原", "朗", "(", "朗逸", ")", "不", "就", "这么", "来", "的", "嘛", ",", "实在", "不行", "就", "换", "个", "牌子", "继续", "卖", ",", "POLO", "晶锐", "总", "有", "一", "款", "是", "你", "想要", "的", "吧", "?"], ["市场定位", "方面", ",", "大众", "几乎", "是", "高中", "低", "市场", "通", "吃", ",", "入门", "车型", "大众", "都", "有", ",", "中", "端", "市场", "大众", "也有", ",", "豪华", "市场", "有", "奥迪", "撑", "着", ",", "顶级", "市场", "还有", "保时捷", "、", "宾利", "、", "布加迪", "、", "兰博基尼", ",", "总之", "买车", "想", "绕开", "大众", "还是", "一", "件", "蛮", "难", "的", "事情", "。"], ["再", "说", "定价策略", ",", "大众", "原本", "就是", "给", "老百姓", "造", "车", "的", ",", "大众", "进入", "中国", "以来", "也", "没有", "忘记", "这一点", ",", "现在", "大众", "的", "POLO", "、", "宝来", "、", "桑塔纳", "、", "朗逸", "、", "捷达", "入门", "车型", "都", "在", "10", "万", "以内", ",", "价格", "在", "合资", "品牌", "中", "算", "比较", "低", "的", ",", "再加上", "品牌", "影响力", ",", "就", "不难", "理解", "为什么", "那么多", "人", "在", "同", "价位", "选", "车", "时", "选择", "大众", "了", "。"], ["真", "要", "说的话", ",", "其实", "大众", "比", "日系", "吃", "香", "还有", "一", "个", "历史", "因素", ",", "虽说", "德国", "也是", "二战", "轴心国", ",", "但", "德国", "没", "跟", "中国", "产生", "直接", "的", "冲突", ",", "日本", "就", "不同", "了", ",", "其实", "说实话", ",", "丰田", "的", "车", "耐用", "程度", "并", "不", "比", "大众", "差", ",", "为什么", "买", "丰田", "的", "人", "少", "呢", "?", "买", "卡罗拉", "可能", "会", "被砸", ",", "但", "买", "朗逸", "不会", "。"], ["图", "说", "汽车", "快", "知网", "CEO", ",", "资深", "汽车", "媒体", "人"], ["下半年", "不适合", "出手", "的", "车型", "盘点", "韩", "系", "车", "销量", "大跌", ",", "腹背受敌", "还是", "四", ".", ".", "."], ["发表", "我", "的", "评论"], ["说客", "是", "汽车", "人", "的", "自", "媒体", "平台", ",", "我", "有", "我", "的", "主张", ",", "申请成为", "说客", "作者"], ["快", "知网", "CEO", ",", "资深", "汽车", "媒体", "人"], ["什么", "是", "说客", "?", "说客", "有", "什么", "激励", "政策", "?", "如何", "成为", "说客", "作者", "?"]], "paragraphs": ["当前位置:汽车之家 > 说客 > 正文", "声明:本文由说客作者撰写,观点仅代表个人,不代表汽车之家。文中部分图片来自于网络,感谢原作者。", "[导读]为啥大众销量还是那么好?", "各大汽车厂商近日相继公布了2016年全年销售状况,作为中国市场上最大的合资品牌,大众(中国)2016年在中国市场(包括香港地区)取得了398万辆的销量成绩,要知道大众2016年的全球销量也不过1030万辆,大众在中国的销量已经占到了其全球总销量的38.64%,中国已经连续10年成为大众最重要的市场。", "中国市场首次成为大众最大的全球市场是在2006年。2007年1月的这个时候,大众同样发布了一份上一年度的销量报告,报告显示,2006年大众在中国市场的实际总销量达到了71万辆,较2005年增长24.3%。一年71万的总销量,也创下了大众进入中国市场22年以来的历史最高销量记录,同时,大众也成为中国市场上第一家年销量达到70万辆大关的国际车企。从2006年起,中国市场就一举超越德国,成为了大众在全球最大的市场。10年后的2016年,大众在中国的年销量达到了398万辆,较10年前增长了321万辆,同时也将老对手丰田远远甩在了身后,2016年丰田在中国的销量仅为121万辆,相比大众的398万还是有些小巫见大巫。我们不禁要问:10年过去了,为啥大众的销量还是那么好?", "关于大众销量好的问题,很多人都会提到一点,大众进入中国市场早。确实,大众进入中国市场要比其他品牌要早,但它其实不是第一个进入中国的国际汽车品牌。最早来中国合资办厂的是美国/德国的克莱斯勒,克莱斯勒和北京汽车合资办的厂叫北京吉普,克莱斯勒进入中国的时间比大众还要早一年。因此,并不能把进入中国市场早笼统归纳为大众销量好的原因,如果照这么说的话,吉普应该卖的和大众差不多才对,但很明显吉普混得并不如大众,就这说明,大众在中国卖得好还有其他原因,比如产品战略、市场定位、定价策略等等。", "产品战略就不多说了,刚开始大众靠着桑塔纳杀遍中国市场,因为那时可选的品牌不多,适合家用的轿车就更少了,大众几乎以垄断局面开始了大杀四方的生涯。后来合资品牌逐渐多了起来,大众也不怕,人无我有人有我多,什么?你说原厂车型不多?改还不会?桑塔纳、捷达、宝来……实在不行还可以开发特供车型,德原朗(朗逸)不就这么来的嘛,实在不行就换个牌子继续卖,POLO晶锐总有一款是你想要的吧?", "市场定位方面,大众几乎是高中低市场通吃,入门车型大众都有,中端市场大众也有,豪华市场有奥迪撑着,顶级市场还有保时捷、宾利、布加迪、兰博基尼,总之买车想绕开大众还是一件蛮难的事情。", "再说定价策略,大众原本就是给老百姓造车的,大众进入中国以来也没有忘记这一点,现在大众的POLO、宝来、桑塔纳、朗逸、捷达入门车型都在10万以内,价格在合资品牌中算比较低的,再加上品牌影响力,就不难理解为什么那么多人在同价位选车时选择大众了。", "真要说的话,其实大众比日系吃香还有一个历史因素,虽说德国也是二战轴心国,但德国没跟中国产生直接的冲突,日本就不同了,其实说实话,丰田的车耐用程度并不比大众差,为什么买丰田的人少呢?买卡罗拉可能会被砸,但买朗逸不会。", "图说汽车快知网CEO,资深汽车媒体人", "下半年不适合出手的车型盘点 韩系车销量大跌,腹背受敌还是四...", "发表我的评论", "说客是汽车人的自媒体平台,我有我的主张,申请成为说客作者", "快知网CEO,资深汽车媒体人", "什么是说客? 说客有什么激励政策? 如何成为说客作者?"], "bs_rank_pos": 4}], "answer_spans": [[0, 14]], "fake_answers": ["大众牛逼关键在于是个德国车企,中国人普遍崇拜德国。"], "question": "为什么大众车质量那么差 销量那么好", "segmented_answers": [["大众", "牛逼", "关键", "在于", "是", "个", "德国", "车", "企", ",", "中国人", "普遍", "崇拜", "德国", "。"], ["大众", "来", "的", "最早", ",", "大众", "集团", "本身就是", "全球", "列强", "之", "一", ",", "有", "强大", "的", "伙伴", ",", "品牌", "力", "也有", "产品", "的", "知名度", "优势", ",", "渠道", "优势", ",", "规模", "成本", "效应", "。"], ["因为", "大众", "是", "最早", "进入", "中国", "市场", "的", "合资", "品牌", ",", "国", "人", "买车", "不管", "现在", "这", "车", "怎么样", ",", "只", "管", "以前", "这", "车", "名气", "大", "不大", "好不好", ",", "大众", "十", "几", "年", "前", "捷达", "桑塔纳", "老牛", "X", "了", ",", "所以", "现在", "大众", "再", "破", "也是", "好车", "。"]], "answers": ["大众牛逼关键在于是个德国车企,中国人普遍崇拜德国。", "大众来的最早,大众集团本身就是全球列强之一,有强大的伙伴,品牌力也有产品的知名度优势,渠道优势,规模成本效应。", "因为大众是最早进入中国市场的合资品牌,国人买车不管现在这车怎么样,只管以前这车名气大不大好不好,大众十几年前捷达桑塔纳老牛X了,所以现在大众再破也是好车。"], "answer_docs": [0], "segmented_question": ["为什么", "大众", "车", "质量", "那么", "差", "销量", "那么", "好"], "question_type": "DESCRIPTION", "question_id": 181623, "fact_or_opinion": "OPINION", "match_scores": [0.9333333333333333]}
-{"documents": [{"is_selected": true, "title": "变压器的效率是变压器输出的有功功率与输入的有功功率之比的百分数(", "most_related_para": 0, "segmented_title": ["变压器", "的", "效率", "是", "变压器", "输出", "的", "有功功率", "与", "输入", "的", "有功功率", "之", "比", "的", "百分数", "("], "segmented_paragraphs": [["对", "的", "。", "因为", "变压器", "存在", "空载", "损耗", "和", "负载", "损耗", ",", "所以", "实际", "输出", "有", "功率", "比", "输入", "有功功率", "小", ",", "就", "存", "一", "个", "效率", "。"]], "paragraphs": ["对的。因为变压器存在空载损耗和负载损耗,所以实际输出有功率比输入有功功率小,就存一个效率。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "变压器的效率为输出的()与输入的有功功率之比的百分数_百度知道", "most_related_para": 0, "segmented_title": ["变压器", "的", "效率", "为", "输出", "的", "(", ")", "与", "输入", "的", "有功功率", "之", "比", "的", "百分数", "_", "百度", "知道"], "segmented_paragraphs": [["变压器", "的", "效率", "为", "输出", "的", "有功功率", "与", "输入", "的", "有功功率", "之", "比", "的", "百分数"]], "paragraphs": ["变压器的效率为输出的有功功率与输入的有功功率之比的百分数"], "bs_rank_pos": 1}, {"is_selected": false, "title": "变压器的效率是指变压器的()之比的百分数。_考试资料网", "most_related_para": 0, "segmented_title": ["变压器", "的", "效率", "是", "指", "变压器", "的", "(", ")", "之", "比", "的", "百分数", "。", "_", "考试", "资料", "网"], "segmented_paragraphs": [["A", "、", "总", "输出", "与", "总", "输入", "B", "、", "输出", "有功功率", "与", "输入", "总", "功率", "C", "、", "输出", "有功功率", "和", "输入", "有功功率", "D", "、", "输入", "总", "功率", "与", "输出", "有功功率"], ["A", "、", "过", "电流", "保护", "B", "、", "手动", "C", "、", "瓦斯", "保护", "D", "、", "差动保护"], ["A", "、", "三相", "短路", "故障", "B", "、", "单相接地", "故障", "C", "、", "开", "断", "高压", "电动机", "D", "、", "两相", "接地", "故障"], ["A", "、", "故障", "巡视", "B", "、", "监察", "性", "巡视", "C", "、", "夜间", "巡视", "D", "、", "特殊", "巡视"], ["A", "、", "15", "°", "以下", "B", "、", "15", "°", "~", "45", "°", "之间", "C", "、", "45", "°", "以上", "D", "、", "任意", "角度"], ["高压", "电工", "考试", "单项", "选择题", "每日", "一", "练", "类型", ":", "每日", "一", "练", "2017", "-", "08", "-", "01"], ["高压", "电工", "考试", "单项", "选择题", "每日", "一", "练", "类型", ":", "每日", "一", "练", "2017", "-", "07", "-", "31"], ["高压", "电工", "考试", "单项", "选择题", "每日", "一", "练", "类型", ":", "每日", "一", "练", "2017", "-", "07", "-", "30"], ["高压", "电工", "考试", "单项", "选择题", "每日", "一", "练", "类型", ":", "每日", "一", "练", "2017", "-", "07", "-", "29"], ["高压", "电工", "考试", "单项", "选择题", "每日", "一", "练", "类型", ":", "每日", "一", "练", "2017", "-", "07", "-", "28"], ["高压", "电工", "考试", "单项", "选择题", "每日", "一", "练", "类型", ":", "每日", "一", "练", "2017", "-", "07", "-", "27"], ["高压", "电工", "考试", "单项", "选择题", "每日", "一", "练", "类型", ":", "每日", "一", "练", "2017", "-", "07", "-", "26"], ["高压", "电工", "考试", "单项", "选择题", "每日", "一", "练", "类型", ":", "每日", "一", "练", "2017", "-", "07", "-", "22"], ["高压", "电工", "考试", "章节", "练习", "(", "2017", ".", "08", ".", "01", ")", "类型", ":", "章节", "练习", "2017", "-", "08", "-", "01"], ["高压", "电工", "考试", "章节", "练习", "(", "2017", ".", "07", ".", "31", ")", "类型", ":", "章节", "练习", "2017", "-", "07", "-", "31"], ["高压", "电工", "考试", "章节", "练习", "(", "2017", ".", "07", ".", "30", ")", "类型", ":", "章节", "练习", "2017", "-", "07", "-", "30"], ["高压", "电工", "考试", "章节", "练习", "(", "2017", ".", "07", ".", "29", ")", "类型", ":", "章节", "练习", "2017", "-", "07", "-", "29"], ["高压", "电工", "考试", "章节", "练习", "(", "2017", ".", "07", ".", "28", ")", "类型", ":", "章节", "练习", "2017", "-", "07", "-", "28"], ["高压", "电工", "考试", "章节", "练习", "(", "2017", ".", "07", ".", "27", ")", "类型", ":", "章节", "练习", "2017", "-", "07", "-", "27"], ["高压", "电工", "考试", "章节", "练习", "(", "2017", ".", "07", ".", "26", ")", "类型", ":", "章节", "练习", "2017", "-", "07", "-", "26"], ["高压", "电工", "考试", "章节", "练习", "(", "2017", ".", "07", ".", "22", ")", "类型", ":", "章节", "练习", "2017", "-", "07", "-", "22"]], "paragraphs": ["A、总输出与总输入 B、输出有功功率与输入总功率 C、输出有功功率和输入有功功率 D、输入总功率与输出有功功率", "A、过电流保护 B、手动 C、瓦斯保护 D、差动保护", "A、三相短路故障 B、单相接地故障 C、开断高压电动机 D、两相接地故障", "A、故障巡视 B、监察性巡视 C、夜间巡视 D、特殊巡视", "A、15°以下 B、15°~45°之间 C、45°以上 D、任意角度", "高压电工考试单项选择题每日一练 类型:每日一练2017-08-01", "高压电工考试单项选择题每日一练 类型:每日一练2017-07-31", "高压电工考试单项选择题每日一练 类型:每日一练2017-07-30", "高压电工考试单项选择题每日一练 类型:每日一练2017-07-29", "高压电工考试单项选择题每日一练 类型:每日一练2017-07-28", "高压电工考试单项选择题每日一练 类型:每日一练2017-07-27", "高压电工考试单项选择题每日一练 类型:每日一练2017-07-26", "高压电工考试单项选择题每日一练 类型:每日一练2017-07-22", "高压电工考试章节练习(2017.08.01) 类型:章节练习2017-08-01", "高压电工考试章节练习(2017.07.31) 类型:章节练习2017-07-31", "高压电工考试章节练习(2017.07.30) 类型:章节练习2017-07-30", "高压电工考试章节练习(2017.07.29) 类型:章节练习2017-07-29", "高压电工考试章节练习(2017.07.28) 类型:章节练习2017-07-28", "高压电工考试章节练习(2017.07.27) 类型:章节练习2017-07-27", "高压电工考试章节练习(2017.07.26) 类型:章节练习2017-07-26", "高压电工考试章节练习(2017.07.22) 类型:章节练习2017-07-22"], "bs_rank_pos": 2}, {"is_selected": false, "title": "变压器的功率是指变压器的()之比的百分数。_考试资料网", "most_related_para": 0, "segmented_title": ["变压器", "的", "功率", "是", "指", "变压器", "的", "(", ")", "之", "比", "的", "百分数", "。", "_", "考试", "资料", "网"], "segmented_paragraphs": [["A", ".", "总", "输出", "与", "总", "输入", "B", ".", "输出", "有功功率", "与", "输入", "总", "功率", "C", ".", "输出", "有功功率", "与", "输入", "有功功率"], ["A", ".", "握手", "部分", "B", ".", "钳", "绝缘", "部分", "C", ".", "工作", "钳口", "D", ".", "带", "电", "部分"], ["A", ".", "电流互感器", "B", ".", "电压互感器", "C", ".", "发电机", "D", ".", "电动机"], ["A", ".", "先", "接", "接地", "端", ",", "后", "接", "设备", "导体", "部分", "B", ".", "先", "接", "设备", "导体", "部分", ",", "后", "接", "接地", "端", "C", ".", "同时", "接", "接地", "端", "和", "设备", "导体", "部分", "D", ".", "没有", "要求"], ["电工", "进", "网", "证", "考试", "电工", "进", "网", "证", "(", "低压", "类", ")", "单项", "选择题", "每日", "一", "练"], ["电工", "进", "网", "证", "考试", "电工", "进", "网", "证", "(", "低压", "类", ")", "单项", "选择题", "每日", "一", "练"], ["电工", "进", "网", "证", "考试", "电工", "进", "网", "证", "(", "低压", "类", ")", "单项", "选择题", "每日", "一", "练"], ["电工", "进", "网", "证", "考试", "电工", "进", "网", "证", "(", "低压", "类", ")", "单项", "选择题", "每日", "一", "练"], ["电工", "进", "网", "证", "考试", "电工", "进", "网", "证", "(", "低压", "类", ")", "单项", "选择题", "每日", "一", "练"], ["电工", "进", "网", "证", "考试", "电工", "进", "网", "证", "(", "低压", "类", ")", "单项", "选择题", "每日", "一", "练"], ["电工", "进", "网", "证", "考试", "电工", "进", "网", "证", "(", "低压", "类", ")", "单项", "选择题", "每日", "一", "练"], ["电工", "进", "网", "证", "考试", "电工", "进", "网", "证", "(", "低压", "类", ")", "单项", "选择题", "每日", "一", "练"], ["电工", "进", "网", "证", "考试", "电工", "进", "网", "证", "(", "低压", "类", ")", "章节", "练习", "(", "2017", ".", "07", ".", "12", ")"], ["电工", "进", "网", "证", "考试", "电工", "进", "网", "证", "(", "低压", "类", ")", "章节", "练习", "(", "2017", ".", "07", ".", "13", ")"], ["电工", "进", "网", "证", "考试", "电工", "进", "网", "证", "(", "低压", "类", ")", "章节", "练习", "(", "2017", ".", "07", ".", "01", ")"], ["电工", "进", "网", "证", "考试", "电工", "进", "网", "证", "(", "低压", "类", ")", "章节", "练习", "(", "2017", ".", "06", ".", "29", ")"], ["电工", "进", "网", "证", "考试", "电工", "进", "网", "证", "(", "低压", "类", ")", "章节", "练习", "(", "2017", ".", "06", ".", "28", ")"], ["电工", "进", "网", "证", "考试", "电工", "进", "网", "证", "(", "低压", "类", ")", "章节", "练习", "(", "2017", ".", "06", ".", "24", ")"], ["电工", "进", "网", "证", "考试", "电工", "进", "网", "证", "(", "低压", "类", ")", "章节", "练习", "(", "2017", ".", "06", ".", "07", ")"], ["电工", "进", "网", "证", "考试", "电工", "进", "网", "证", "(", "低压", "类", ")", "章节", "练习", "(", "2017", ".", "06", ".", "15", ")"]], "paragraphs": ["A.总输出与总输入 B.输出有功功率与输入总功率 C.输出有功功率与输入有功功率", "A.握手部分  B.钳绝缘部分  C.工作钳口  D.带电部分", "A.电流互感器 B.电压互感器 C.发电机 D.电动机", "A.先接接地端,后接设备导体部分 B.先接设备导体部分,后接接地端 C.同时接接地端和设备导体部分 D.没有要求", "电工进网证考试电工进网证(低压类)单项选择题每日一练", "电工进网证考试电工进网证(低压类)单项选择题每日一练", "电工进网证考试电工进网证(低压类)单项选择题每日一练", "电工进网证考试电工进网证(低压类)单项选择题每日一练", "电工进网证考试电工进网证(低压类)单项选择题每日一练", "电工进网证考试电工进网证(低压类)单项选择题每日一练", "电工进网证考试电工进网证(低压类)单项选择题每日一练", "电工进网证考试电工进网证(低压类)单项选择题每日一练", "电工进网证考试电工进网证(低压类)章节练习(2017.07.12)", "电工进网证考试电工进网证(低压类)章节练习(2017.07.13)", "电工进网证考试电工进网证(低压类)章节练习(2017.07.01)", "电工进网证考试电工进网证(低压类)章节练习(2017.06.29)", "电工进网证考试电工进网证(低压类)章节练习(2017.06.28)", "电工进网证考试电工进网证(低压类)章节练习(2017.06.24)", "电工进网证考试电工进网证(低压类)章节练习(2017.06.07)", "电工进网证考试电工进网证(低压类)章节练习(2017.06.15)"], "bs_rank_pos": 3}, {"is_selected": false, "title": "变压器的效率是变压器输出有功功率与输入无功功率之比的百分数() - ", "most_related_para": 0, "segmented_title": ["变压器", "的", "效率", "是", "变压器", "输出", "有功功率", "与", "输入", "无功功率", "之", "比", "的", "百分数", "(", ")", "-"], "segmented_paragraphs": [["变压器", "的", "效率", "是", "变压器", "输出", "有功功率", "与", "输入", "无功功率", "之", "比", "的", "百分数", "(", ")"], ["请帮忙", "给", "出", "正确", "答案", "和", "分析", ",", "谢谢", "!"], ["为您", "推荐", "的", "考试题库", "职业资格", "题库", "电工", "题库", "电工", "进", "网", "作业", "许可证", "题库"], ["您", "可能", "感兴趣", "的", "试题"], ["1", "47", "、", "变压器", "按", "用途", "可", "分为", "电力变压器", "、", "特种", "变压器", "和", "仪", "用", "变压器", "(", ")", "点击查看", "答案", "进入", "在线", "模", "考", "2", "48", "、", "电流互感器", "不能", "与", "电压互感器", "二", "次", "侧", "互相", "连接", "(", ")", "点击查看", "答案", "进入", "在线", "模", "考", "3", "49", "、", "三相", "变压器", "为", "Dd", "连接", "时", ",", "绕组", "相电压", "就", "等于", "线电压", "(", ")", "点击查看", "答案", "进入", "在线", "模", "考", "4", "50", "、", "任何", "变压器", "的", "额定容量", "完全", "等同", "于", "绕组", "额定容量", "(", ")", "点击查看", "答案", "进入", "在线", "模", "考", "请", "先", "输入", "下方", "的", "验证码", "查看", "最佳", "答案", "收录", "1", "6", "6", "6", "9", "2", "0", "0", "道", "题"], ["订单号", ":", "支付", "后", ",", "系统", "自动", "为您", "完成", "注册", "遇到问题", "请", "联系", "在线客服", "QQ", ":", "2323965869"], ["请", "您", "不要", "关闭", "此", "页面", ",", "支付", "完成", "后", "点击", "支付", "完成", "按钮"], ["遇到问题", "请", "联系", "在线客服", "QQ", ":", "2323965869"], ["恭喜您", "!", "升级", "VIP", "会员", "成功", "账号", ":", "密码", ":"], ["常用", "邮箱", ":", "用于", "找回密码"], ["新", "密码", ":"], ["确认密码", ":"], ["上学", "吧", "公众", "号"]], "paragraphs": ["变压器的效率是变压器输出有功功率与输入无功功率之比的百分数()", "请帮忙给出正确答案和分析,谢谢!", "为您推荐的考试题库 职业资格题库电工题库电工进网作业许可证题库", "您可能感兴趣的试题", "1 47、变压器按用途可分为电力变压器、特种变压器和仪用变压器( )  点击查看答案 进入在线模考 2 48、电流互感器不能与电压互感器二次侧互相连接( )  点击查看答案 进入在线模考 3 49、三相变压器为Dd连接时,绕组相电压就等于线电压( )  点击查看答案 进入在线模考 4 50、任何变压器的额定容量完全等同于绕组额定容量( )  点击查看答案 进入在线模考请先输入下方的验证码查看最佳答案 收录 1 6 6 6 9 2 0 0 道题", "订单号: 支付后,系统自动为您完成注册 遇到问题请联系在线客服QQ:2323965869", "请您不要关闭此页面,支付完成后点击支付完成按钮", "遇到问题请联系在线客服QQ:2323965869", "恭喜您!升级VIP会员成功 账号: 密码:", "常用邮箱: 用于找回密码", "新密码:", "确认密码:", "上学吧公众号"], "bs_rank_pos": 4}], "answer_spans": [[0, 14]], "fake_answers": ["变压器的效率为输出的有功功率与输入的有功功率之比的百分数"], "question": "变压器的效率是指变压器的 之比的百分数", "segmented_answers": [["因为", "变压器", "存在", "空载", "损耗", "和", "负载", "损耗", ",", "所以", "实际", "输出", "有", "功率", "比", "输入", "有功功率", "小", ",", "就", "存", "一", "个", "效率", "。"], ["变压器", "的", "效率", "为", "输出", "的", "有功功率", "与", "输入", "的", "有功功率", "之", "比", "的", "百分数", "。"]], "answers": ["因为变压器存在空载损耗和负载损耗,所以实际输出有功率比输入有功功率小,就存一个效率。", "变压器的效率为输出的有功功率与输入的有功功率之比的百分数。"], "answer_docs": [1], "segmented_question": ["变压器", "的", "效率", "是", "指", "变压器", "的", "之", "比", "的", "百分数"], "question_type": "DESCRIPTION", "question_id": 181624, "fact_or_opinion": "FACT", "match_scores": [0.967741935483871]}
-{"documents": [{"is_selected": false, "title": "甲骨文的特点 - 道客巴巴", "most_related_para": 5, "segmented_title": ["甲骨文", "的", "特点", "-", "道", "客", "巴", "巴"], "segmented_paragraphs": [["图案", "背景", "纯色", "背景"], ["该", "文档", "贡献", "者", "很", "忙", ",", "什么", "也", "没", "留下", "。"], ["浏览次数", ":", "224"], ["内容", "提示", ":", "1", "甲骨文", "的", "特点", "一", "图画", "性", "强", "以", "象形", "字体", "为", "主", "有", "的", "字体", "甚至", "颇", "逼真", "尤", "以", "与", "人", "或", "动物", "相关", "的", "名词", "。", "二", "合", "文", "性", "字体", "不", "少", "那", "就是", "把", "两", "个", "以上", "的", "字体", "组合", "成", "另", "一", "字体", "以", "表达", "一", "个", "新", "涵", "意", "合", "文", "性", "字", "为", "后来", "的", "部首", "偏旁", "的", "创造", "作", "了", "前驱", "性", "的", "实践", "与", "铺垫", "。", "三", "某些", "字体", "在", "写法", "上", "尚未", "定型", "例如", "车", "字", "有", "四种", "写法", "又", "如", "人", "字", "有", "十二", "种", "写法", "而且", "可以", "正", "写", "反", "写", "。", "有些", "字体", "还", "可以", "侧写", "倒", "写", "尤其", "是", "合", "文", "性", "字体", "的", "组成", "其", "某", "字", "可", "有", "增", "有", "减", "的", "到", "其", "演进", "为", "部首", "偏旁", "时", "则", "可", "作", "颇", "灵活", "的", "取舍", "了", "。", "四", "行", "款", "没", ".", ".", "."], ["文档格式", ":", "PDF", "|", "600", "|", "上传", "日期", ":", "2012", "-", "12", "-", "19", "21", ":", "11", ":", "59", "|", "文档", "星级", ":"], ["1", "甲骨文", "的", "特点", "一", "图画", "性", "强", "以", "象形", "字体", "为", "主", "有", "的", "字体", "甚至", "颇", "逼真", "尤", "以", "与", "人", "或", "动物", "相关", "的", "名词", "。", "二", "合", "文", "性", "字体", "不", "少", "那", "就是", "把", "两", "个", "以上", "的", "字体", "组合", "成", "另", "一", "字体", "以", "表达", "一", "个", "新", "涵", "意", "合", "文", "性", "字", "为", "后来", "的", "部首", "偏旁", "的", "创造", "作", "了", "前驱", "性", "的", "实践", "与", "铺垫", "。", "三", "某些", "字体", "在", "写法", "上", "尚未", "定型", "例如", "车", "字", "有", "四种", "写法", "又", "如", "人", "字", "有", "十二", "种", "写法", "而且", "可以", "正", "写", "反", "写", "。", "有些", "字体", "还", "可以", "侧写", "倒", "写", "尤其", "是", "合", "文", "性", "字体", "的", "组成", "其", "某", "字", "可", "有", "增", "有", "减", "的", "到", "其", "演进", "为", "部首", "偏旁", "时", "则", "可", "作", "颇", "灵活", "的", "取舍", "了", "。", "四", "行", "款", "没有", "定格", "甲骨文", "的", "行", "款", "有", "从", "右", "到", "左", "也有", "从", "左", "到", "右", "有", "横", "写", "的", "也有", "直", "写", "的", "。", "这种", "行", "款", "方式", "影响", "遗痕", "在", "现存", "的", "书画", "艺术", "的", "行", "文", "补", "白", "上", "还", "一直", "风行", "到", "如今", "。", "书", "体", "行", "款", "进入", "到", "小篆", "、", "隶", "、", "楷", "以", "降", "传统", "定为", "直", "书", "从", "右", "到", "左", "有", "横", "写", "从", "右", "至", "左", "直至", "新中国", "成立", "之后", "未久", "又", "确定", "为", "横", "书", "从", "右", "至", "左", "。", "偏旁部首", "是", "合", "文", "性", "字体", "日趋成熟", "后", "的", "衍生物", "它", "更", "带", "规", "整", "性", "更", "为", "规范化", "。", "行", "款", "的", "特点", "影响", "如今", "也", "可以", "在", "部首", "偏旁", "等", "汉字", "架构", "上", "找到", "甲骨文", "行", "款", "的", "遗痕", "不过", "它们", "已经", "是", "经", "规", "整", "过", "规范化", "了", "的", "成为", "以下", "系列", "上", "中", "下", "上下", "左右", "左中右", "上下", "左中右", "等", "。", "2", "甲方", "文", "是", "从", "图画", "中", "脱胎", "而", "出", "的", "象形文字", "因此", "字体", "以", "象形", "居", "多", "不足为奇", "且", "笔划", "是", "以", "弯曲", "笔", "为", "主", "其", "结", "体", "趋向", "于", "象", "原形", "其", "架构", "则", "多", "变", "且", "不", "规", "整", "这些", "特质", "都", "可以", "从", "大篆", "中", "找出", "不", "少", "例证", "来", "。", "隶书", "字体", "的", "特色", "是", "通过", "运", "笔", "的", "提", "与", "按", "行", "与", "顿", "把", "笔锋", "或", "藏", "或", "露", "或", "收", "或", "出", "从而", "把", "隶书", "的", "笔划", "写成", "蚕头", "、", "雁", "尾", "、", "卧", "眉", "横", "以", "这种", "特色", "的", "笔画", "架构", "出", "扁平", "的", "结", "体", "书", "体", "给", "人", "以", "肃穆", "严紧", "的", "观", "感", "。", "隶书", "是", "通过", "调整", "笔划", "架构", "并", "加", "适度", "修饰", "规划", "以", "扁平", "架构", "结", "体", "摆脱", "篆书", "不", "规", "整", "的", "结", "体", "而", "表现出", "庄肃", "的", "书", "风", "。", "隶书", "是", "从", "甲骨文", "中", "的", "小篆", "脱胎", "而", "出", "的", "。", "从", "战国", "到", "秦", "统一", "再", "经", "西汉", "初期", "这", "过程", "也是", "几百年", "这", "过程", "也是", "相当", "漫长", "的", "这个", "演进", "过程", "可以", "上溯", "至", "战国", "楚帛书", "又", "称", "楚", "缯", "书", "或", "楚", "绢", "书", "的", "书", "体", "其", "文字", "是", "楚文", "书", "风带", "明显", "的", "章草", "风格", "笔势", "、", "架构", "都", "带有", "颇", "明显", "的", "章草", "韵味", "。", "再者", "就是", "湖北", "荆门", "郭店楚简", "出土", "的", "文字", "也", "可以", "证明", "它", "同样", "是", "带", "草", "篆", "的", "风格", "这些", "战国时期", "的", "楚", "文字", "里", "都", "可以", "摸索", "到", "这样", "的", "发展", "脉络", "隶", "是", "从", "小篆", "中", "脱胎", "而", "孕", "成", "而", "章草", "也是", "随", "伴", "着", "隶", "的", "酝酿", "同时", "成长", "的", "其", "某些", "特征", "也", "随", "伴", "着", "在", "酝酿", "。", "经过", "一", "个", "漫长", "的", "酝酿", "在", "历", "经", "战国", "、", "秦朝", "及", "西汉", "早期", "即", "章", "帝", "时期", "一朝", "水到渠成", "章草", "完善", "了", "汉隶", "也", "接着", "在", "以后", "不", "久", "也", "完善", "了", "。", "3", "汉字", "书法", "与", "石刻", "最早", "的", "石刻", "是", "上古", "时代", "的", "岩画", "以后", "又", "从", "岩画", "演", "过", "为", "石刻", "文字", "—", "—", "大篆", "象形文字", "符号", "它", "与", "陶", "刻", "文字", "符号", "非常相似", "更", "可见", "其", "是", "一脉相承", "的", "。", "因此", "汉字", "书法", "便", "传", "下", "了", "书画", "同源", "的", "说法", "也", "的", "确", "是", "汉字", "书法", "的", "不少", "真迹", "也有", "赖", "经", "刻", "石", "之后", "才", "得", "以", "保全", "流芳后世", "。", "所以", "古已有", "“", "石", "在", "文", "存", "”", "之", "说法", "。", "相", "传", "战国", "秦", "石鼓文", "是", "原始", "创", "的", "石刻", "书法", "收录", "的", "是", "战国时期", "秦", "小篆", "的", "原", "风貌", "。", "故", "有人", "称", "其", "为", "上", "承", "西周", "金文", "下", "启", "秦代", "隶", "草", "之", "书法", "。", "秦", "刻", "石鼓", "共", "十", "件", "其中", "一", "件", "字体", "已", "模糊", "不", "可", "辨认", "可", "辨认", "者", "共", "七", "百", "多", "字", "。", "秦代", "古", "石刻", "既", "保存", "了", "书", "体", "由", "篆", "向", "章草", "向", "隶", "体", "演进", "的", "一", "此", "原始", "余", "痕", "。", "我", "国", "历代", "留下", "不", "少", "石", "刻碑", "石", "最", "著名", "的", "是", "三大", "碑林", "西安碑林", "、", "曲阜孔庙", "碑林", "和", "泰山", "岱庙", "碑林", "。", "在这里", "顺便", "说明", "一", "下", "西周", "金文", "主要", "是", "在", "青铜器皿", "上", "刻", "铸", "铭文", "。", "此外", "还在", "兵器", "上", "比如", "剑", "、", "在", "货币", "上", "比如", "在", "刀币", "上", "、", "在", "钱币", "上", "也", "刻", "铸", "了", "不少", "铭文", "。"]], "paragraphs": ["图案背景 纯色背景", "该文档贡献者很忙,什么也没留下。", "浏览次数:224", "内容提示: 1 甲骨文的特点 一 图画性强 以象形字体为主 有的字体甚至颇逼真 尤以与人或动物相关的名词。 二 合文性字体不少 那就是把两个以上的字体组合成另一字体 以表达一个新涵意 合文性字为后来的部首偏旁的创造作了前驱性的实践与铺垫。 三 某些字体在写法上尚未定型 例如车字有四种写法 又如人字有十二种写法 而且可以正写反写 。有些字体还可以侧写倒写 尤其是合文性字体的组成 其某字可有增有减的 到其演进为部首偏旁时则可作颇灵活的取舍了。 四 行款没...", "文档格式:PDF| 600| 上传日期:2012-12-19 21:11:59| 文档星级:", "1 甲骨文的特点 一 图画性强 以象形字体为主 有的字体甚至颇逼真 尤以与人或动物相关的名词。 二 合文性字体不少 那就是把两个以上的字体组合成另一字体 以表达一个新涵意 合文性字为后来的部首偏旁的创造作了前驱性的实践与铺垫。 三 某些字体在写法上尚未定型 例如车字有四种写法 又如人字有十二种写法 而且可以正写反写 。有些字体还可以侧写倒写 尤其是合文性字体的组成 其某字可有增有减的 到其演进为部首偏旁时则可作颇灵活的取舍了。 四 行款没有定格 甲骨文的行款有从右到左 也有从左到右 有横写的 也有直写的。这种行款方式影响遗痕在现存的书画艺术的行文补白上还一直风行到如今。 书体行款进入到小篆、隶、楷以降 传统定为直书 从右到左 有横写 从右至左 直至新中国成立之后未久 又确定为横书 从右至左。 偏旁部首是合文性字体日趋成熟后的衍生物 它更带规整性 更为规范化。 行款的特点影响如今也可以在部首偏旁等汉字架构上找到甲骨文行款的遗痕 不过它们已经是经规整过规范化了的 成为以下系列 上中下 上下 左右 左中右 上下左中右等。 2 甲方文是从图画中脱胎而出的象形文字 因此字体以象形居多 不足为奇 且笔划是以弯曲笔为主 其结体趋向于象原形 其架构则多变且不规整 这些特质都可以从大篆中找出不少例证来。 隶书字体的特色是通过运笔的提与按 行与顿 把笔锋或藏或露或收或出 从而把隶书的笔划写成蚕头、雁尾、卧眉横 以这种特色的笔画架构出扁平的结体 书体给人以肃穆严紧的观感。 隶书是通过调整笔划架构并加适度修饰规划 以扁平架构结体 摆脱篆书不规整的结体 而表现出庄肃的书风。 隶书是从甲骨文中的小篆脱胎而出的。从战国到秦统一 再经西汉初期 这过程也是几百年 这过程也是相当漫长的 这个演进过程可以上溯至战国楚帛书 又称楚缯书或楚绢书 的书体 其文字是楚文 书风带明显的章草风格 笔势、 架构都带有颇明显的章草韵味。 再者就是湖北荆门郭店楚简出土的文字 也可以证明 它同样是带草篆的风格 这些战国时期的楚文字里都可以摸索到这样的发展脉络 隶是从小篆中脱胎而孕成 而章草也是随伴着隶的酝酿同时成长的 其某些特征也随伴着在酝酿。经过一个漫长的酝酿 在历经战国、秦朝及西汉早期 即章帝时期 一朝水到渠成 章草完善了 汉隶也接着在以后不久也完善了。 3 汉字书法与石刻 最早的石刻是上古时代的岩画 以后 又从岩画演过为石刻文字——大篆 象形文字符号 它与陶刻文字符号非常相似 更可见其是一脉相承的 。因此 汉字书法便传下了书画同源的说法 也的确是 汉字书法的不少真迹 也有赖经刻石之后 才得以保全流芳后世。所以古已有“石在文存”之说法。 相传战国秦石鼓文是原始创的石刻书法 收录的是战国时期秦小篆的原风貌。 故有人称其为上承西周金文 下启秦代隶草之书法。 秦刻石鼓共十件 其中一件字体已模糊 不可辨认 可辨认者共七百多字。 秦代古石刻 既保存了书体由篆向章草 向隶体演进的一此原始余痕。 我国历代留下不少石刻碑石 最著名的是三大碑林 西安碑林、曲阜孔庙碑林和泰山岱庙碑林。 在这里顺便说明一下西周金文主要是在青铜器皿上刻铸铭文。 此外还在兵器上 比如剑 、在货币上 比如在刀币上、在钱币上 也刻铸了不少铭文。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "《甲骨文字形特点》_优秀范文十篇 www.fanwen99.cn", "most_related_para": 2, "segmented_title": ["《", "甲骨文", "字形", "特点", "》", "_", "优秀", "范文", "十", "篇", "www", ".", "fanwen", "99", ".", "cn"], "segmented_paragraphs": [["范文", "一", ":", "浅析", "甲骨文", "象形字", "的", "特点", "及", "分类", "浅析", "甲骨文", "的", "象形字", "的", "分类", "及其", "特点", "摘要", ":", "甲骨文", "是", "我们", "现在", "所能", "看到", "的", "成", "体系", "的", "文字", "中", "最早", "的", "一", "种", ",", "象形", "成分", "仍", "相", "当", "重", "。", "在", "现在", "掌握", "的", "资料", "中", ",", "象形字", "在", "甲骨文", "中", "占", "很大", "的", "比重", "。", "象形字", "所", "象形", "的", "内容", "非常", "广泛", ",", "就", "目前", "我", "掌握", "的", "资料", "分为", "以下", "几", "方面", ":", "与", "人", "有关", ";", "与", "动物", "有关", ";", "与", "植物", "有关", ";", "与", "自然现象", "有关", "。", "甲骨文", "象形字", "有", "两", "个", "结构", "特点", ",", "即", "象形", "性", ";", "整体", "方向", "或", "偏旁", "位置", "不", "固定", ",", "异体字", "多", "。", "关键词", ":", "甲骨文", "象形字", "分类", "特点", "文字", "是", "记录", "语言", "的", "书写", "符号", "系统", ",", "是", "扩大", "语言", "在", "时间", "和", "空间", "上", "的", "交际", "功能", "的", "辅助", "工具", "。", "甲骨文", "作为", "文字", "中", "的", "一", "种", ",", "它", "是", "我们", "现在", "可以", "确认", "的", "最早", "的", "文字", ",", "并", "不是", "说", "它", "是", "最早", "的", "或", "最", "原始", "的", "文字", ",", "它", "只是", "我们", "现在", "所能", "看到", "的", "成", "体系", "的", "文字", "中", "最早", "的", "一", "种", "。", "今天", "我们", "所说", "的", "“", "甲骨文", "”", ",", "不仅", "指", "商", "代", "的", "也", "包括", "周代", "刻", "在", "(", "偶尔", "也有", "写", "的", ")", "在", "龟甲", "兽", "骨", "上", "的", "文字", ",", "在这里", "我们", "只", "讨论", "殷墟", "出土", "的", "甲骨文", "。", "殷墟", "出土", "的", "甲骨", ",", "都是", "第", "二", "十", "个", "商", "王", "盘庚", "到", "末代", "商", "王", "帝辛", "时期", "的", "遗物", "。", "甲骨文", "毕竟", "是", "离", "原始文字", "较", "近", "的", "字体", ",", "与", "后世", "文字", "相比", ",", "自然", "会", "保留", "不", "少", "早期", "文字", "的", "特征", "。", "象形", "成分", "仍", "相当", "重", ",", "在", "甲骨文", "中", ",", "大约", "保留", "百分", "之", "三", "十", "以上", "的", "直接", "象形字", "。", "孙诒让", "在", "《", "名", "原", "》", "中", "提出", "文字", "“", "本", "于", "图像", "”", "。"], ["范文", "二", ":", "浅析", "甲骨文", "象形字", "的", "特点", "及", "分类", "浅析", "甲骨文", "的", "象形字", "的", "分类", "及其", "特点", "摘要", ":", "甲骨文", "是", "我们", "现在", "所能", "看到", "的", "成", "体系", "的", "文字", "中", "最早", "的", "一", "种", ",", "象形", "成分", "仍", "相", "当", "重", "。", "在", "现在", "掌握", "的", "资料", "中", ",", "象形字", "在", "甲骨文", "中", "占", "很大", "的", "比重", "。", "象形字", "所", "象形", "的", "内容", "非常", "广泛", ",", "就", "目前", "我", "掌握", "的", "资料", "分为", "以下", "几", "方面", ":", "与", "人", "有关", ";", "与", "动物", "有关", ";", "与", "植物", "有关", ";", "与", "自然现象", "有关", "。", "甲骨文", "象形字", "有", "两", "个", "结构", "特点", ",", "即", "象形", "性", ";", "整体", "方向", "或", "偏旁", "位置", "不", "固定", ",", "异体字", "多", "。", "关键词", ":", "甲骨文", "象形字", "分类", "特点", "文字", "是", "记录", "语言", "的", "书写", "符号", "系统", ",", "是", "扩大", "语言", "在", "时间", "和", "空间", "上", "的", "交际", "功能", "的", "辅助", "工具", "。", "甲骨文", "作为", "文字", "中", "的", "一", "种", ",", "它", "是", "我们", "现在", "可以", "确认", "的", "最早", "的", "文字", ",", "并", "不是", "说", "它", "是", "最早", "的", "或", "最", "原始", "的", "文字", ",", "它", "只是", "我们", "现在", "所能", "看到", "的", "成", "体系", "的", "文字", "中", "最早", "的", "一", "种", "。", "今天", "我们", "所说", "的", "“", "甲骨文", "”", ",", "不仅", "指", "商", "代", "的", "也", "包括", "周代", "刻", "在", "(", "偶尔", "也有", "写", "的", ")", "在", "龟甲", "兽", "骨", "上", "的", "文字", ",", "在这里", "我们", "只", "讨论", "殷墟", "出土", "的", "甲骨文", "。", "殷墟", "出土", "的", "甲骨", ",", "都是", "第", "二", "十", "个", "商", "王", "盘庚", "到", "末代", "商", "王", "帝辛", "时期", "的", "遗物", "。", "甲骨文", "毕竟", "是", "离", "原始文字", "较", "近", "的", "字体", ",", "与", "后世", "文字", "相比", ",", "自然", "会", "保留", "不", "少", "早期", "文字", "的", "特征", "。", "象形", "成分", "仍", "相当", "重", ",", "在", "甲骨文", "中", ",", "大约", "保留", "百分", "之", "三", "十", "以上", "的", "直接", "象形字", "。", "孙诒让", "在", "《", "名", "原", "》", "中", "提出", "文字", "“", "本", "于", "图像", "”", "。"], ["范文", "三", ":", "甲骨文", "特点", "甲骨文", "在", "殷商", "时期", "虽", "已有", "完备", "的", "体系", ",", "但", "文字", "处", "在", "不断", "创造", "发展中", "。", "通过", "对", "五", "期", "甲骨", "文字", "的", "分析", "可以看出", ",", "其", "文字", "形式", "尚未", "固定", ",", "有些", "字", "的", "构", "形", "在", "不同", "的", "发展", "时期", "存在", "着", "明显", "的", "不同", ",", "而且", "多种多样", ".", "。", "由于", "甲骨文", "用", "刀", "刻", "在", "龟", "甲骨板", "上", "的", ",", "因此", "其", "刚劲", "有力", ",", "瘦", "劲", "、", "峻峭", ",", "方", "笔", "多", ",", "圆", "笔", "少", ",", "露", "锋", "多", ",", "肥", "笔", "少", ",", "富有", "刀", "笔", "味", "。", "但", "也有", "一部分", "甲骨文", "刻", "辞", "与", "同", "时期", "的", "金文", "是", "很", "相像", "的", ",", "其", "结构体", "势", "、", "笔划", "粗细", "与", "同", "时期", "的", "金文", "大致", "相同", "。", "因此", "甲骨文", "作为", "一", "种", "书法", "形式", ",", "其", "表现力", "是", "十分", "丰富", "的", ",", "并", "不是", "单", "一", "的", "瘦", "、", "刚", "、", "方", "、", "细", "的", "特点", ",", "这", "就", "为", "我们", "进行", "甲骨文法", "创作", "留下", "很大", "的", "空", "间", "。", "那么", ",", "甲骨", "文字", "的", "构", "形", "究竟", "有", "什么", "特点", "呢", "?", "作为", "甲骨文", "书法", "爱好者", ",", "我们", "又", "不是", "文字", "学", "家", ",", "研究", "其", "特", "点", "有", "什么", "用", "呢", "?", "一", "个", "书法家", "要", "创作", "出", "上", "佳", "的", "作品", ",", "必须", "透过", "甲骨", "文字", "的", "构", "形", "特点", ",", "了解", "文字", "的", "“", "神", "”", "、", "“", "韵", "”", "在", "哪里", "。", "只有", "写出", "它", "的", "神韵", "才能", "使", "甲骨文", "“", "形似", "”", "更", "“", "神", "似", "”", ",", "才能", "把", "甲骨文", "写", "活", "用", "活", "。", "概括", "地", "讲", ",", "甲骨", "文字", "最", "主要", "的", "特点", "是", ":", "结构", "不", "固定", ",", "形式", "多", "变", ",", "或", "正", "或", "反", ",", "或", "分", "或", "合", ",", "笔画", "或多或少", ",", "相当", "灵活", ",", "具有", "很大", "的", "随意性", "(", "但", "这", "并", "不", "说", "写", "甲骨文", "就", "可以", "随心所欲", "地", "自创", "字", ",", "毫无", "依据", "地", "“", "乱写", "”", "。", ")"], ["范文", "四", ":", "甲骨文", "的", "特点", "甲骨文", "的", "特点", ":", "(", "一", ")", "图画", "性", "强", ",", "以", "象形", "字体", "为", "主", ",", "有", "的", "字体", "甚至", "颇", "逼真", ",", "尤", "以", "与", "人", "或", "动物", "相关", "的", "名词", "。", "(", "二", ")", "合", "文", "性", "字体", "不少", ",", "(", "那", "就是", "把", "两", "个", "以上", "的", "字体", "组合", "成", "另", "一", "字体", ",", "以", "表达", "一", "个", "新", "涵", "意", ")", "合", "文", "性", "字", "为", "后来", "的", "部首", "偏旁", "的", "创造", "作", "了", "前驱", "性", "的", "实践", "与", "铺垫", "。", "(", "三", ")", "某些", "字体", "在", "写法", "上", "尚未", "定型", ",", "例如", "车", "字", "有", "四种", "写法", ":", ";", "又", "如", "人", "字", "有", "十二", "种", "写法", ",", "而且", "可以", "正", "写", "反", "写", ":", "。", "有些", "字体", "还", "可以", "侧写", "倒", "写", ";", "尤其", "是", "合", "文", "性", "字体", "的", "组成", ",", "其", "某", "字", "可", "有", "增", "有", "减", "的", ",", "到", "其", "演进", "为", "部首", "偏旁", "时", "则", "可", "作", "颇", "灵活", "的", "取舍", "了", "。", "(", "四", ")", "行", "款", "没有", "定格", ":", "甲骨文", "的", "行", "款", "有", "从", "右", "到", "左", ";", "也有", "从", "左", "到", "右", ";", "有", "横", "写", "的", ",", "也有", "直", "写", "的", "。", "这种", "行", "款", "方式", "影响", "遗痕", "在", "现存", "的", "书画", "艺术", "的", "行", "文", "补", "白", "上", "还", "一直", "风行", "到", "如今", "。", "书", "体", "行", "款", "进入", "到", "小篆", "、", "隶", "、", "楷", "以", "降", ",", "传统", "定为", "直", "书", ",", "从", "右", "到", "左", ";", "有", "横", "写", ",", "从", "右", "至", "左", ",", "直至", "新中国", "成立", "之后", "未久", ",", "又", "确定", "为", "横", "书", ",", "从", "右", "至", "左", "。", "偏旁部首", "是", "合", "文", "性", "字体", "日趋成熟", "后", "的", "衍生物", ",", "它", "更", "带", "规", "整", "性", ",", "更为", "规范化", "。", "行", "款", "的", "特点", "影响", "如今", "也", "可以", "在", "部首", "偏旁", "等", "汉字", "架构", "上", "找到", "甲骨文", "行", "款", "的", "遗痕", ",", "不过", "它们", "已经", "是", "经", "规", "整", "过", "规范化", "了", "的", ",", "成为", "以下", "系列", ":", "上", "中", "下", ",", "上下", ",", "左右", ",", "左中右", ",", "上下", "左中右", "等", "。"]], "paragraphs": ["范文一:浅析甲骨文象形字的特点及分类 浅析甲骨文的象形字的分类及其特点 摘要:甲骨文是我们现在所能看到的成体系的文字中最早的一种,象形成分仍相 当重。在现在掌握的资料中,象形字在甲骨文中占很大的比重。象形字所象形的内容非常广泛,就目前我掌握的资料分为以下几方面:与人有关;与动物有关;与植物有关;与自然现象有关。甲骨文象形字有两个结构特点,即象形性;整体方向或偏旁位置不固定,异体字多。 关键词:甲骨文 象形字 分类 特点 文字是记录语言的书写符号系统,是扩大语言在时间和空间上的交际功能的辅助工具。甲骨文作为文字中的一种,它是我们现在可以确认的最早的文字,并不是说它是最早的或最原始的文字,它只是我们现在所能看到的成体系的文字中最早的一种。今天我们所说的“甲骨文”,不仅指商代的也包括周代刻在(偶尔也有写的)在龟甲兽骨上的文字,在这里我们只讨论殷墟出土的甲骨文。 殷墟出土的甲骨,都是第二十个商王盘庚到末代商王帝辛时期的遗物。 甲骨文毕竟是离原始文字较近的字体,与后世文字相比,自然会保留不少早期文字的特征。象形成分仍相当重,在甲骨文中,大约保留百分之三十以上的直接象形字。孙诒让在《名原》中提出文字“本于图像”。", "范文二:浅析甲骨文象形字的特点及分类 浅析甲骨文的象形字的分类及其特点 摘要:甲骨文是我们现在所能看到的成体系的文字中最早的一种,象形成分仍相 当重。在现在掌握的资料中,象形字在甲骨文中占很大的比重。象形字所象形的内容非常广泛,就目前我掌握的资料分为以下几方面:与人有关;与动物有关;与植物有关;与自然现象有关。甲骨文象形字有两个结构特点,即象形性;整体方向或偏旁位置不固定,异体字多。 关键词:甲骨文 象形字 分类 特点 文字是记录语言的书写符号系统,是扩大语言在时间和空间上的交际功能的辅助工具。甲骨文作为文字中的一种,它是我们现在可以确认的最早的文字,并不是说它是最早的或最原始的文字,它只是我们现在所能看到的成体系的文字中最早的一种。今天我们所说的“甲骨文”,不仅指商代的也包括周代刻在(偶尔也有写的)在龟甲兽骨上的文字,在这里我们只讨论殷墟出土的甲骨文。 殷墟出土的甲骨,都是第二十个商王盘庚到末代商王帝辛时期的遗物。 甲骨文毕竟是离原始文字较近的字体,与后世文字相比,自然会保留不少早期文字的特征。象形成分仍相当重,在甲骨文中,大约保留百分之三十以上的直接象形字。孙诒让在《名原》中提出文字“本于图像”。", "范文三:甲骨文特点 甲骨文在殷商时期虽已有完备的体系,但文字处在不断创造发展中。通过对五期甲骨文字的分析可以看出,其文字形式尚未固定,有些字的构形在不同的发展时期存在着明显的不同,而且多种多样.。 由于甲骨文用刀刻在龟甲骨板上的,因此其刚劲有力, 瘦劲、峻峭,方笔多,圆笔少,露锋多,肥笔少,富有刀笔味。但也有一部分甲骨文刻辞与同时期的金文是很相像的,其结构体势、笔划粗细与同时期的金文大致相同。因此甲骨文作为一种书法形式,其表现力是十分丰富的,并不是单一的瘦、刚、方、细的特点,这就为我们进行甲骨文法创作留下很大的空 间。 那么,甲骨文字的构形究竟有什么特点呢?作为甲骨文书法爱好者,我们又不是文字学家,研究其特 点有什么用呢?一个书法家要创作出上佳的作品,必须透过甲骨文字的构形特点,了解文字的“神”、“韵”在哪里。只有写出它的神韵才能使甲骨文“形似”更“神 似”,才能把甲骨文写活用活。 概括地讲,甲骨文字最主要的特点是:结构不固定,形式多变,或正或反,或分或合,笔画或多或少,相当灵活,具有很大的随意性(但这并不说写甲骨文就可以随心所欲地自创字,毫无依据地“乱写”。)", "范文四:甲骨文的特点 甲骨文的特点: (一)图画性强,以象形字体为主,有的字体甚至颇逼真,尤以与人或动物相关的名词。 (二)合文性字体不少,(那就是把两个以上的字体组合成另一字体,以表达一个新涵意)合文性字为后来的部首偏旁的创造作了前驱性的实践与铺垫。 (三)某些字体在写法上尚未定型,例如车字有四种写法: ;又如人字有十二种写法,而且可以正写反写: 。有些字体还可以侧写倒写;尤其是合文性字体的组成,其某字可有增有减的,到其演进为部首偏旁时则可作颇灵活的取舍了。 (四)行款没有定格:甲骨文的行款有从右到左;也有从左到右;有横写的,也有直写的。这种行款方式影响遗痕在现存的书画艺术的行文补白上还一直风行到如今。 书体行款进入到小篆、隶、楷以降,传统定为直书,从右到左; 有横写,从右至左,直至新中国成立之后未久,又确定为横书,从右至左。 偏旁部首是合文性字体日趋成熟后的衍生物,它更带规整性,更为规范化。行款的特点影响如今也可以在部首偏旁等汉字架构上找到甲骨文行款的遗痕,不过它们已经是经规整过规范化了的,成为以下系列:上中下,上下,左右,左中右,上下左中右等。"], "bs_rank_pos": 1}, {"is_selected": true, "title": "6、甲骨文字形特点_百度文库", "most_related_para": 3, "segmented_title": ["6", "、", "甲骨文", "字形", "特点", "_", "百度", "文库"], "segmented_paragraphs": [["暂无", "评价", "|", "0", "人", "阅读", "|", "0", "次", "下载", "|", "举报", "文档"], ["6", "、", "甲骨文", "字形", "特点", "_", "哲学", "/", "历史", "_", "人文社科", "_", "专业", "资料", "。", "授课教师", "题目", "教学目标", "教学重点", "教学", "难点", "赵霞", "任", "教", "学科", "授课", "班级", "甲骨文", "字形", "特点", "授课", "类型", "让", "学生", "了解", "甲骨文", "文字", "的", "特点", "掌握", "构", "字", "的", "方法", "了解", "字形", "特点", "教学", "过程", "教师", "活动", "学生活动", "日"], ["授课教师", "题目", "教学目标", "教学重点", "教学", "难点", "赵霞", "任", "教", "学科", "授课", "班级", "甲骨文", "字形", "特点", "授课", "类型", "让", "学生", "了解", "甲骨文", "文字", "的", "特点", "掌握", "构", "字", "的", "方法", "了解", "字形", "特点", "教学", "过程", "教师", "活动", "学生活动", "日期", "新", "授课", "设计", "目的", "预设", "时间", "举例", "讲解", "字形", "的", "特点", "1", ".", "笔画", "纤细", ",", "一般", "为", "瘦", "笔", "记录", "字形", "特点", ",", "谈论", "这", "让", "学生", "熟悉", "甲骨", "2", "些", "特点", "有", "何", "妙处", "。"], ["午", "(", "杵", ")", "2", "、", "笔画", "走势", "自然", ",", "随", "体", "诘", "屈", "2", "3", ".", "字形", "原始", ",", "图画", "色彩", "浓", "5", "4", ".", "字形", "简捷", ",", "多", "省略", "笔画", "子", "獸", "甲克", "5", "5", ".", "字形", "未", "定", ",", "异体", "繁多", "5", "(", "1", ")", "使用", "的", "表", "义", "物体", "不同", "1", "1", "(", "2", ")", "形体", "的", "方向", "不同", "(", "3", ")", "物体", "的", "正", "视", "与", "侧", "视", "不同", "5", "(", "4", ")", "笔画", "多寡", "不同", "4", "(", "5", ")", "会", "意", "形体", "多寡", "不同", "5", "(", "6", ")", "会", "意", "形体", "的", "位置", "不同", "3", "6", ".", "存", "有", "大量", "合", "文", "3", "板书", "设计", "教学反思", "2", "3"], ["2014", "下半年", "教师资格", ".", ".", "."]], "paragraphs": ["暂无评价|0人阅读|0次下载|举报文档", "6、甲骨文字形特点_哲学/历史_人文社科_专业资料。授课教师 题目 教学目标 教学重点 教学难点 赵霞 任教学科 授课班级 甲骨文字形特点 授课类型 让学生了解甲骨文文字的特点 掌握构字的方法 了解字形特点 教学过程 教师活动 学生活动 日", "授课教师 题目 教学目标 教学重点 教学难点 赵霞 任教学科 授课班级 甲骨文字形特点 授课类型 让学生了解甲骨文文字的特点 掌握构字的方法 了解字形特点 教学过程 教师活动 学生活动 日期 新授课 设计目的 预设 时间 举例讲解字形的特点 1.笔画纤细,一般为瘦笔 记录字形特点,谈论这 让学生熟悉甲骨 2 些特点有何妙处。", "午(杵) 2、笔画走势自然,随体诘屈 2 3.字形原始,图画色彩浓 5 4.字形简捷,多省略笔画子 獸甲克 5 5.字形未定,异体繁多 5 (1)使用的表义物体不同 1 1 (2)形体的方向不同 (3)物体的正视与侧视不同 5 (4)笔画多寡不同 4 (5)会意形体多寡不同 5 (6)会意形体的位置不同 3 6.存有大量合文 3 板书设计 教学反思 2 3", "2014下半年教师资格..."], "bs_rank_pos": 3}, {"is_selected": false, "title": "甲骨文的特点 【范文十篇】 fw.wenku1.com", "most_related_para": 0, "segmented_title": ["甲骨文", "的", "特点", "【", "范文", "十", "篇", "】", "fw", ".", "wenku", "1", ".", "com"], "segmented_paragraphs": [["范文", "一", ":", "甲骨文", "特点", "投稿", ":", "刘驏驐", "甲骨文", "在", "殷商", "时期", "虽", "已有", "完备", "的", "体系", ",", "但", "文字", "处", "在", "不断", "创造", "发展中", "。", "通过", "对", "五", "期", "甲骨", "文字", "的", "分析", "可以看出", ",", "其", "文字", "形式", "尚未", "固定", ",", "有些", "字", "的", "构", "形", "在", "不同", "的", "发展", "时期", "存在", "着", "明显", "的", "不同", ",", "而且", "多种多样", ".", "。", "由于", "甲骨文", "用", "刀", "刻", "在", "龟", "甲骨板", "上", "的", ",", "因此", "其", "刚劲", "有力", ",", "瘦", "劲", "、", "峻峭", ",", "方", "笔", "多", ",", "圆", "笔", "少", ",", "露", "锋", "多", ",", "肥", "笔", "少", ",", "富有", "刀", "笔", "味", "。", "但", "也有", "一部分", "甲骨文", "刻", "辞", "与", "同", "时期", "的", "金文", "是", "很", "相像", "的", ",", "其", "结构体", "势", "、", "笔划", "粗细", "与", "同", "时期", "的", "金文", "大致", "相同", "。", "因此", "甲骨文", "作为", "一", "种", "书法", "形式", ",", "其", "表现力", "是", "十分", "丰富", "的", ",", "并", "不是", "单", "一", "的", "瘦", "、", "刚", "、", "方", "、", "细", "的", "特点", ",", "这", "就", "为", "我们", "进行", "甲骨文法", "创作", "留下", "很大", "的", "空", "间", "。", "那么", ",", "甲骨", "文字", "的", "构", "形", "究竟", "有", "什么", "特点", "呢", "?", "作为", "甲骨文", "书法", "爱好者", ",", "我们", "又", "不是", "文字", "学", "家", ",", "研究", "其", "特", "点", "有", "什么", "用", "呢", "?", "一", "个", "书法家", "要", "创作", "出", "上", "佳", "的", "作品", ",", "必须", "透过", "甲骨", "文字", "的", "构", "形", "特点", ",", "了解", "文字", "的", "“", "神", "”", "、", "“", "韵", "”", "在", "哪里", "。", "只有", "写出", "它", "的", "神韵", "才能", "使", "甲骨文", "“", "形似", "”", "更", "“", "神", "似", "”", ",", "才能", "把", "甲骨文", "写", "活", "用", "活", "。", "概括", "地", "讲", ",", "甲骨", "文字", "最", "主要", "的", "特点", "是", ":", "结构", "不", "固定", ",", "形式", "多", "变", ",", "或", "正", "或", "反", ",", "或", "分", "或", "合", ",", "笔画", "或多或少", ",", "相当", "灵活", ",", "具有", "很大", "的", "随意性", "(", "但", "这", "并", "不", "说", "写", "甲骨文", "就", "可以", "随心所欲", "地", "自创", "字", ",", "毫无", "依据", "地", "“", "乱写", "”", "。", ")", "范文", "二", ":", "甲骨文", "的", "特点", "投稿", ":", "范", "栢", "栣", "甲骨文", "的", "特点", ":", "(", "一", ")", "图画", "性", "强", ",", "以", "象形", "字体", "为", "主", ",", "有", "的", "字体", "甚至", "颇", "逼真", ",", "尤", "以", "与", "人", "或", "动物", "相关", "的", "名词", "。", "(", "二", ")", "合", "文", "性", "字体", "不少", ",", "(", "那", "就是", "把", "两", "个", "以上", "的", "字体", "组合", "成", "另", "一", "字体", ",", "以", "表达", "一", "个", "新", "涵", "意", ")", "合", "文", "性", "字", "为", "后来", "的", "部首", "偏旁", "的", "创造", "作", "了", "前驱", "性", "的", "实践", "与", "铺垫", "。", "(", "三", ")", "某些", "字体", "在", "写法", "上", "尚未", "定型", ",", "例如", "车", "字", "有", "四种", "写法", ":", ";", "又", "如", "人", "字", "有", "十二", "种", "写法", ",", "而且", "可以", "正", "写", "反", "写", ":", "。", "有些", "字体", "还", "可以", "侧写", "倒", "写", ";", "尤其", "是", "合", "文", "性", "字体", "的", "组成", ",", "其", "某", "字", "可", "有", "增", "有", "减", "的", ",", "到", "其", "演进", "为", "部首", "偏旁", "时", "则", "可", "作", "颇", "灵活", "的", "取舍", "了", "。", "(", "四", ")", "行", "款", "没有", "定格", ":", "甲骨文", "的", "行", "款", "有", "从", "右", "到", "左", ";", "也有", "从", "左", "到", "右", ";", "有", "横", "写", "的", ",", "也有", "直", "写", "的", "。", "这种", "行", "款", "方式", "影响", "遗痕", "在", "现存", "的", "书画", "艺术", "的", "行", "文", "补", "白", "上", "还", "一直", "风行", "到", "如今", "。", "书", "体", "行", "款", "进入", "到", "小篆", "、", "隶", "、", "楷", "以", "降", ",", "传统", "定为", "直", "书", ",", "从", "右", "到", "左", ";", "有", "横", "写", ",", "从", "右", "至", "左", ",", "直至", "新中国", "成立", "之后", "未久", ",", "又", "确定", "为", "横", "书", ",", "从", "右", "至", "左", "。", "偏旁部首", "是", "合", "文", "性", "字体", "日趋成熟", "后", "的", "衍生物", ",", "它", "更", "带", "规", "整", "性", ",", "更为", "规范化", "。", "行", "款", "的", "特点", "影响", "如今", "也", "可以", "在", "部首", "偏旁", "等", "汉字", "架构", "上", "找到", "甲骨文", "行", "款", "的", "遗痕", ",", "不过", "它们", "已经", "是", "经", "规", "整", "过", "规范化", "了", "的", ",", "成为", "以下", "系列", ":", "上", "中", "下", ",", "上下", ",", "左右", ",", "左中右", ",", "上下", "左中右", "等", "。", "范文", "三", ":", "甲骨文", "与", "金文", "的", "特点", "分析", "投稿", ":", "洪氰氱", "文字", "的", "发展", "是", "一", "个", "逐渐", "发展", "成熟", "的", "过程", "。", "汉字的起源", "可以", "追溯", "到", "距今", "六", "千年", "左右", "的", "仰韶文化", ",", "也", "就是", "刻", "在", "彩陶", "上", "的", "类似", "文字", "的", "早期", "刻画", "。", "甲骨文", "、", "金文", "作为", "早期", "的", "成", "系统", "的", "文字", ",", "有着", "共同", "的", "特点", ",", "即", "象形", "程度", "高", "、", "异体字", "多", "、", "具有", "装饰", "性", "笔画", "。", "但", "二者", "内部", "特点", "的", "强弱", "也有", "所", "不同", "。", "众所周知", ",", "甲骨文", "是", "铸", "刻", "在", "龟甲", "或者", "兽", "骨", "上", "的", "文字", "。", "这些", "甲骨文", "大部分", "是", "商", "王", "用来", "占卜", "的", ",", "称为", "甲骨", "卜辞", "。", "除此之外", ",", "还", "包括", "一些记事", "刻", "辞", "。", "当然", ",", "甲骨文", "并没有", "包含", "殷朝", "所有", "的", "文字", ",", "依旧", "有没有", "铸", "刻", "在", "甲骨", "上", "的", "文字", "。", "所谓", "金文", ",", "是", "指", "在", "青铜器", "上", "铸", "刻", "的", "文字", ",", "先秦", "称", "青铜", "为", "“", "金", "”", ",", "故此", "青铜", "文", "又", "称", "金文", "。", "金文", "在", "商", "后期", "开始", "流行", ",", "盛", "于", "周", "。", "作为", "历史", "上", "已知", "出现", "最早", "的", "两种", "字体", ",", "我们", "有必要", "了解", "二者", "的", "特点", "。", "第", "一", ",", "象形", "程度", "较", "高", "所谓", "象形", ",", "就是", "指", "用", "描绘", "事物", "的", "形状", "的", "来", "创造", "文字", "的", "方法", "。", "象形字", "“", "表示", "语言", "中", "的", "词", ",", "用", "字形", "来", "记录", "词", "的", "声音", "和", "意义", "”", "。", "综观", "世界上", "各种", "文字", ",", "象形", "是", "造字", "之", "初", "的", "最", "基本", "的", "方法", "。", "古埃及", "象形字", "、", "苏", "美人", "的", "楔形文字", "、", "美洲", "的", "玛雅", "文字", "都是", "以", "象形字", "为", "基础", "的", "。", "我", "国", "的", "少数民族", "纳西族", "和", "水族", "的", "东巴文", "是", "世界", "最后", "的", "象形文字", "。", "象形", "与", "象", "事", "、", "象", "意", "、", "象", "声", "、", "转注", "、", "假借", "并", "称", "为", "“", "六书", "”", ",", "始见于", "《", "周", "礼", "地", "官", "保", "氏", "》", "。", "范文", "四", ":", "甲骨文", "的", "特点", "及", "发展", "变化", "投稿", ":", "郝腀", "腁", "甲骨文", "的", "特點", "及", "發展", "變化", "751", "甲骨文字", "與", "六書", "問題", "六書", ",", "是", "漢代", "學者", "根據", "對", "小篆", "的", "分析", "而", "歸納", "出來", "的", "一", "種", "文字", "理論", ",", "它", "把", "古人", "造字", "方法", "歸", "結", "為", "象形", "、", "指", "事", "、", "會", "意", "、", "形", "聲", "、", "轉注", "、", "假借", "六", "種", "。", "班固", "《", "漢書", "藝文志", "》", ",", "鄭眾", "《", "周", "禮", "保", "氏", "》", "注", "都", "提到", "六書", "問題", ",", "但", "只是", "排列", "名稱", ",", "並沒有", "作", "理論", "上", "的", "說明", "。", "許慎", "《", "說", "文", "敘", "》", "則", "對", "六書", "的", "內涵", "作", "了", "扼要", "的", "分析", "。", "三", "家", "所謂", "六書", "的", "名稱", "與", "排列", "的", "次序", "也", "各", "有", "不同", ":", "班固", "象形", "象", "事", "象", "意", "象", "聲", "轉注", "假借", "鄭", "眾", "象形", "會", "意", "轉注", "處事", "假借", "諧", "聲", "許慎", "指", "事", "象形", "形", "聲", "會", "意", "轉注", "假借", "論", "名稱", ",", "以", "許", "說", "為", "勝", ",", "論", "次序", ",", "則", "是", "班", "說", "為", "優", "。", "許慎", "以後", ",", "「", "六書", "」", "使", "成", "了", "中國", "文字", "學", "的", "基礎", "理論", ",", "分析", "字形", ",", "總", "離不開", "它", "。", "甲骨文", "出土", "後", ",", "很自然", "地產", "生", "了", "六書", "理論", "是否", "適用", "於", "甲骨文", "的", "問題", "。", "劉鶚", "在", "《", "鐵雲藏龜序", "》", "裡", "曾", "十分", "感慨地說", ":", "「", "以", "六書", "之", "恉", "推求", "鐘鼎", "多", "不合", ",", "再", "以", "鐘鼎", "體", "勢", "推求", "龜", "版", "之", "文", "又", "多", "不合", ",", "蓋", "去", "古", "愈", "遠", "愈", "難", "推求", "耳", "。", "」", "他", "是", "用", "小篆", "「", "推", "」", "金文", ",", "(", "即", "所謂", "鐘鼎", ")", ",", "又", "用", "金文", "去", "「", "推", "」", "甲骨文", ",", "推來推去", "只", "覺得", "「", "不合", "」", "、", "「", "又", "多", "不合", "」", "。", "羅振玉", "、", "王國維", "不是", "採取", "「", "推", "」", "(", "實", "即", "套", ")", "的", "辦法", ",", "而是", "運用", "六書", "理論", "來", "分析", "甲骨文", ",", "結果", "認", "出", "許多", "與", "《", "說", "文", "》", "形體", "不同", "的", "字", "。"]], "paragraphs": ["范文一:甲骨文特点 投稿:刘驏驐 甲骨文在殷商时期虽已有完备的体系,但文字处在不断创造发展中。通过对五期甲骨文字的分析可以看出,其文字形式尚未固定,有些字的构形在不同的发展时期存在着明显的不同,而且多种多样.。 由于甲骨文用刀刻在龟甲骨板上的,因此其刚劲有力, 瘦劲、峻峭,方笔多,圆笔少,露锋多,肥笔少,富有刀笔味。但也有一部分甲骨文刻辞与同时期的金文是很相像的,其结构体势、笔划粗细与同时期的金文大致相同。因此甲骨文作为一种书法形式,其表现力是十分丰富的,并不是单一的瘦、刚、方、细的特点,这就为我们进行甲骨文法创作留下很大的空 间。 那么,甲骨文字的构形究竟有什么特点呢?作为甲骨文书法爱好者,我们又不是文字学家,研究其特 点有什么用呢?一个书法家要创作出上佳的作品,必须透过甲骨文字的构形特点,了解文字的“神”、“韵”在哪里。只有写出它的神韵才能使甲骨文“形似”更“神 似”,才能把甲骨文写活用活。 概括地讲,甲骨文字最主要的特点是:结构不固定,形式多变,或正或反,或分或合,笔画或多或少,相当灵活,具有很大的随意性(但这并不说写甲骨文就可以随心所欲地自创字,毫无依据地“乱写”。)范文二:甲骨文的特点 投稿:范栢栣 甲骨文的特点: (一)图画性强,以象形字体为主,有的字体甚至颇逼真,尤以与人或动物相关的名词。 (二)合文性字体不少,(那就是把两个以上的字体组合成另一字体,以表达一个新涵意)合文性字为后来的部首偏旁的创造作了前驱性的实践与铺垫。 (三)某些字体在写法上尚未定型,例如车字有四种写法: ;又如人字有十二种写法,而且可以正写反写: 。有些字体还可以侧写倒写;尤其是合文性字体的组成,其某字可有增有减的,到其演进为部首偏旁时则可作颇灵活的取舍了。 (四)行款没有定格:甲骨文的行款有从右到左;也有从左到右;有横写的,也有直写的。这种行款方式影响遗痕在现存的书画艺术的行文补白上还一直风行到如今。 书体行款进入到小篆、隶、楷以降,传统定为直书,从右到左; 有横写,从右至左,直至新中国成立之后未久,又确定为横书,从右至左。 偏旁部首是合文性字体日趋成熟后的衍生物,它更带规整性,更为规范化。行款的特点影响如今也可以在部首偏旁等汉字架构上找到甲骨文行款的遗痕,不过它们已经是经规整过规范化了的,成为以下系列:上中下,上下,左右,左中右,上下左中右等。范文三:甲骨文与金文的特点分析 投稿:洪氰氱 文字的发展是一个逐渐发展成熟的过程。汉字的起源可以追溯到距今六千年左右的仰韶文化,也就是刻在彩陶上的类似文字的早期刻画。甲骨文、金文作为早期的成系统的文字,有着共同的特点,即象形程度高、异体字多、具有装饰性笔画。但二者内部特点的强弱也有所不同。 众所周知,甲骨文是铸刻在龟甲或者兽骨上的文字。这些甲骨文大部分是商王用来占卜的,称为甲骨卜辞。除此之外,还包括一些记事刻辞。当然,甲骨文并没有包含殷朝所有的文字,依旧有没有铸刻在甲骨上的文字。所谓金文,是指在青铜器上铸刻的文字,先秦称青铜为“金”,故此青铜文又称金文。金文在商后期开始流行,盛于周。作为历史上已知出现最早的两种字体,我们有必要了解二者的特点。 第一,象形程度较高 所谓象形,就是指用描绘事物的形状的来创造文字的方法。象形字“表示语言中的词,用字形来记录词的声音和意义”。综观世界上各种文字,象形是造字之初的最基本的方法。古埃及象形字、苏美人的楔形文字、美洲的玛雅文字都是以象形字为基础的。我国的少数民族纳西族和水族的东巴文是世界最后的象形文字。象形与象事、象意、象声、转注、假借并称为“六书”,始见于《周礼・地官・保氏》。范文四:甲骨文的特点及发展变化 投稿:郝腀腁 甲骨文的特點及發展變化 7‧5‧1 甲骨文字與六書問題 六書,是漢代學者根據對小篆的分析而歸納出來的一種文字理論,它把古人造字方法歸結為象形、指事、會意、形聲、轉注、假借六種。班固《漢書‧藝文志》,鄭眾《周禮‧保氏》注都提到六書問題,但只是排列名稱,並沒有作理論上的說明。許慎《說文‧敘》則對六書的內涵作了扼要的分析。三家所謂六書的名稱與排列的次序也各有不同: 班固 象形 象事 象意 象聲 轉注 假借 鄭眾 象形 會意 轉注 處事 假借 諧聲 許慎 指事 象形 形聲 會意 轉注 假借 論名稱,以許說為勝,論次序,則是班說為優。許慎以後,「六書」使成了中國文字學的基礎理論,分析字形,總離不開它。甲骨文出土後,很自然地產生了六書理論是否適用於甲骨文的問題。 劉鶚在《鐵雲藏龜序》裡曾十分感慨地說:「以六書之恉推求鐘鼎多不合,再以鐘鼎體勢推求龜版之文又多不合,蓋去古愈遠愈難推求耳。」他是用小篆「推」金文,(即所謂鐘鼎),又用金文去「推」甲骨文,推來推去只覺得「不合」、「又多不合」。 羅振玉、王國維不是採取「推」(實即套)的辦法,而是運用六書理論來分析甲骨文,結果認出許多與《說文》形體不同的字。"], "bs_rank_pos": 4}, {"is_selected": true, "title": "甲骨文的字型特点_弘文博雅国学艺术馆_新浪博客", "most_related_para": 2, "segmented_title": ["甲骨文", "的", "字", "型", "特点", "_", "弘文", "博雅", "国学", "艺术馆", "_", "新浪", "博客"], "segmented_paragraphs": [["甲骨文", "的", "字", "型", "特点", "(", "2015", "-", "08", "-", "31", "16", ":", "54", ":", "20", ")", "转载", "▼"], ["关于", "殷商", "甲骨文", ",", "可", "稽考", "的", "贞", "人", "书法家", "就", "达", "120", "多", "位", "。", "他们", "性格", "各", "异", "、", "才华", "各有千秋", ",", "表现", "在", "书", "契", "风格", "上", "就", "有", "很大", "的", "差异", "。", "在这里", "简单", "介绍", "几", "种", ",", "以", "飨", "读者", "。"], ["一", "、", "瘦", "硬", "挺直", "、", "尖锐", "芳", "峻", ",", "属于", "劲", "峭", "型", "因为", "甲骨文", "是", "刻", "在", "坚硬", "的", "龟甲", "、", "兽", "骨", "上", "的", ",", "尽管", "随着", "刀具", "的", "不断改进", ",", "刻", "写", "难度", "有", "所", "降低", ",", "刻", "写", "的", "线条", "也有", "了", "一定", "的", "变化", ",", "但是", "总的来说", "还是", "一", "刀", "一线", ",", "笔画", "清朗", "瘦", "劲", ",", "相交", "处", "略", "粗", ",", "显得", "丰润", "饱满", "。", "笔画", "的", "起", "、", "止", "处", "总是", "呈", "尖角", "状", ",", "相", "接", "处", "换", "刀", "另", "刻", "呈", "方", "角", "状", "。", "结", "体", "细长", ",", "两边", "长", "竖", "略", "往", "里", "弯", ",", "呈", "内", "掩", "状", "。", "风格", "峻", "挺", "俏丽", ",", "犹如", "唐代", "欧阳询", "的", "楷书", "。", "但是", ",", "浑融", "的", "端", "头", "和", "圆", "婉", "的", "转角", "在", "甲骨文", "中", "是", "非常", "少见", "的", "。", "二", "、", "均匀", "对称", "、", "大小", "不", "一", ",", "属于", "奇", "肆", "型", "这", "类", "字", "的", "笔画", "中间", "粗", "、", "两头", "细", ",", "某些", "地方", "特别", "粗", ",", "与", "金文", "的", "肥", "笔", "相似", ",", "结", "体", "开阔", ",", "风格", "雄", "奇", "突出", ",", "对", "早期", "金文", "书", "风", "的", "影响", "较", "大", "。", "据", "观察", ":", "甲骨文", "实体", "的", "字形", "往往", "大小", "不", "一致", ",", "大", "都是", "笔画", "多", "的", "字形", "大", ",", "笔画", "少", "的", "字形", "小", ",", "这", "主要", "是", "由于", "受到", "当", "时刻", "写", "工具", "的", "制约", "。", "三", "、", "两字", "合", "写", "、", "偶", "有", "三", "连", ",", "属于", "雄浑", "型", "这", "类", "字", "的", "笔画", "厚重", "圆润", ",", "结", "体", "为了", "避免", "因", "线条", "粗", "而", "产生", "的", "拥挤", ",", "将", "边线", "向", "外", "弯曲", ",", "呈现", "外", "拓", "状", "。", "甲骨文", "中", "的", "合", "文", "大概", "是", "当时", "的", "一些", "专有名词", ",", "两个字", "或", "三个字", "写", "在一起", ",", "如", "“", "小", "丁", "”", "等", "。", "还有", "一些", "合", "文", "的", "字", "和", "方式", "极为", "特别", ",", "很容易", "混淆", ",", "如", "“", "十二月", "”", "等", "。", "风格", "圆通", "雄浑", ",", "与", "后来", "的", "篆书", "有些", "接近", "。", "直至", "后来", "的", "金文", "中", ",", "仍", "有", "不少", "两字", "合", "文", "出现", "。", "四", "、", "一字", "多", "形", "、", "正反", "不", "拘", ",", "属于", "委婉", "型", "甲骨文", "以", "点", "画", "劲", "峭", "、", "结", "体", "方", "折", "为", "主要特征", ",", "而", "这", "类", "字", "反其道而行之", "。", "由于", "视", "物", "的", "角度", "不同", "、", "状", "物", "的", "方式", "不同", ",", "一个字", "的", "笔画", "有", "多", "有", "少", ",", "形成", "一字", "多", "形", ",", "字", "的", "摆放", "也", "可", "横", "、", "可", "竖", "、", "可", "倒", ",", "合成", "结构", "字", "的", "偏旁", "可", "左", "可", "右", ",", "而且", "线条", "纤细", "、", "婉转", "流", "丽", "、", "结", "体", "颀长", "、", "布局", "参差", ",", "整个", "风格", "如", "仕女", "步", "春", ",", "飘摇", "多姿", "。", "这一现象", "的", "出现", "在", "文字", "还没有", "统一", "之前", "是", "可以", "理解", "的", "。", "五", "、", "行列", "不分", "、", "参差错落", ",", "属于", "疏放", "型"], ["形成", "这种", "现象", "的", "原因", "可能", "是", "由于", "龟甲", "、", "兽", "骨", "的", "硬度", "和", "表面", "不", "平整", "给", "刻", "写", "造成", "了", "难度", ",", "使得", "在", "一定", "技术", "条件", "下", "难以", "做到", "字", "与", "字", "之间", "的", "统一", "安排", "。", "因此", ",", "这", "类", "字", "笔画", "细劲", "、", "结", "体", "开阔", ",", "字", "心", "处", "留白", "很多", ",", "显得格外", "疏放", "。", "特别", "是", "初期", "的", "甲骨文", "字形", "偏", "大", ",", "且", "大小", "悬殊", "。", "字", "的", "中轴线", "也", "时", "左", "时", "右", ",", "纵", "不", "成", "列", "。", "字间距", "时", "大", "时", "小", ",", "横", "不", "成", "行", "。", "给", "人", "以", "“", "素", "手", "把", "芙蓉", ",", "步", "虚", "蹑", "太", "清", "”", "的", "境界", ",", "潇洒", "而又", "空灵", "。"], ["甲骨文", "书法", "的", "风格", "很多", ",", "上述", "几", "种", "只是", "一些", "比较", "突出", "的", "代表", "。", "如果", "再", "细分", "的", "话", ",", "它们", "之间", "还", "可以", "有", "端", "整", "、", "豪放", "、", "苍润", "、", "流", "美", "等", "风格", ",", "真可谓", "环肥燕瘦", "、", "绚丽多姿", ",", "显得", "极其", "朴素", "自然", "。"], ["评论", "加载", "中", ",", "请稍候", ".", ".", "."], ["以上", "网友", "发言", "只", "代表", "其", "个人观点", ",", "不", "代表", "新浪", "网", "的", "观点", "或", "立场", "。"], ["<", "前", "一篇", "甲骨文", "的", "特点", "后", "一篇", ">", "职场", "与", "围棋"]], "paragraphs": ["甲骨文的字型特点 (2015-08-31 16:54:20) 转载▼", "关于殷商甲骨文,可稽考的贞人书法家就达120多位。他们性格各异、才华各有千秋,表现在书契风格上就有很大的差异。在这里简单介绍几种,以飨读者。", "一、瘦硬挺直、尖锐芳峻,属于劲峭型 因为甲骨文是刻在坚硬的龟甲、兽骨上的,尽管随着刀具的不断改进,刻写难度有所降低,刻写的线条也有了一定的变化,但是总的来说还是一刀一线,笔画清朗瘦劲,相交处略粗,显得丰润饱满。笔画的起、止处总是呈尖角状,相接处换刀另刻呈方角状。结体细长,两边长竖略往里弯,呈内掩状。风格峻挺俏丽,犹如唐代欧阳询的楷书。但是,浑融的端头和圆婉的转角在甲骨文中是非常少见的。二、均匀对称、大小不一,属于奇肆型 这类字的笔画中间粗、两头细,某些地方特别粗,与金文的肥笔相似,结体开阔,风格雄奇突出,对早期金文书风的影响较大。据观察:甲骨文实体的字形往往大小不一致,大都是笔画多的字形大,笔画少的字形小,这主要是由于受到当时刻写工具的制约。三、两字合写、偶有三连,属于雄浑型 这类字的笔画厚重圆润,结体为了避免因线条粗而产生的拥挤,将边线向外弯曲,呈现外拓状。甲骨文中的合文大概是当时的一些专有名词,两个字或三个字写在一起,如“小丁”等。还有一些合文的字和方式极为特别,很容易混淆,如“十二月”等。风格圆通雄浑,与后来的篆书有些接近。直至后来的金文中,仍有不少两字合文出现。四、一字多形、正反不拘,属于委婉型 甲骨文以点画劲峭、结体方折为主要特征,而这类字反其道而行之。由于视物的角度不同、状物的方式不同,一个字的笔画有多有少,形成一字多形,字的摆放也可横、可竖、可倒,合成结构字的偏旁可左可右,而且线条纤细、婉转流丽、结体颀长、布局参差,整个风格如仕女步春,飘摇多姿。这一现象的出现在文字还没有统一之前是可以理解的。五、行列不分、参差错落,属于疏放型", "形成这种现象的原因可能是由于龟甲、兽骨的硬度和表面不平整给刻写造成了难度,使得在一定技术条件下难以做到字与字之间的统一安排。因此,这类字笔画细劲、结体开阔,字心处留白很多,显得格外疏放。特别是初期的甲骨文字形偏大,且大小悬殊。字的中轴线也时左时右,纵不成列。字间距时大时小,横不成行。给人以“素手把芙蓉,步虚蹑太清”的境界,潇洒而又空灵。", "甲骨文书法的风格很多,上述几种只是一些比较突出的代表。如果再细分的话,它们之间还可以有端整、豪放、苍润、流美等风格,真可谓环肥燕瘦、绚丽多姿,显得极其朴素自然。", "评论加载中,请稍候...", "以上网友发言只代表其个人观点,不代表新浪网的观点或立场。", "< 前一篇甲骨文的特点 后一篇 >职场与围棋"], "bs_rank_pos": 5}], "answer_spans": [[278, 305]], "fake_answers": ["结构不固定,形式多变,或正或反,或分或合,笔画或多或少,相当灵活,具有很大的随意性"], "question": "简述甲骨文的字形特点.", "segmented_answers": [["结构", "不", "固定", ",", "形式", "多", "变", ",", "或", "正", "或", "反", ",", "或", "分", "或", "合", ",", "笔画", "或多或少", ",", "相当", "灵活", ",", "具有", "很大", "的", "随意性", "。"], ["1", ".", "笔画", "纤细", ",", "一般", "为", "瘦", "笔", "。", "2", "、", "笔画", "走势", "自然", ",", "随", "体", "诘", "屈", "。", "3", ".", "字形", "原始", ",", "图画", "色彩", "浓", "。", "4", ".", "字形", "简捷", ",", "多", "省略", "笔画", "。", "5", ".", "字形", "未", "定", ",", "异体", "繁多", "。", "6", ".", "存", "有", "大量", "合", "文", "。"], ["一", "、", "瘦", "硬", "挺直", "、", "尖锐", "芳", "峻", ",", "属于", "劲峭", "型", "。", "二", "、", "均匀", "对称", "、", "大小", "不", "一", ",", "属于", "奇肆", "型", "。", "三", "、", "两字", "合", "写", "、", "偶", "有", "三", "连", ",", "属于", "雄浑", "型", "。", "四", "、", "一字", "多", "形", "、", "正反", "不", "拘", ",", "属于", "委婉", "型", "。", "五", "、", "行列", "不分", "、", "参差错落", ",", "属于", "疏放", "型", "。"]], "answers": ["结构不固定,形式多变,或正或反,或分或合,笔画或多或少,相当灵活,具有很大的随意性。", "1.笔画纤细,一般为瘦笔。2、笔画走势自然,随体诘屈 。3.字形原始,图画色彩浓。4.字形简捷,多省略笔画。5.字形未定,异体繁多。6.存有大量合文。", "一、瘦硬挺直、尖锐芳峻,属于劲峭型。 二、均匀对称、大小不一,属于奇肆型。 三、两字合写、偶有三连,属于雄浑型。 四、一字多形、正反不拘,属于委婉型。五、行列不分、参差错落,属于疏放型。"], "answer_docs": [1], "segmented_question": ["简述", "甲骨文", "的", "字形", "特点", "."], "question_type": "DESCRIPTION", "question_id": 181625, "fact_or_opinion": "FACT", "match_scores": [0.7719298245614034]}
-{"documents": [{"is_selected": true, "title": "我的12306账号用户名,密码和邮箱都忘记了怎么办 急!急!急!_百度知道", "most_related_para": 1, "segmented_title": ["我", "的", "12306", "账号", "用户名", ",", "密码", "和", "邮箱", "都", "忘记", "了", "怎么办", "急", "!", "急", "!", "急", "!", "_", "百度", "知道"], "segmented_paragraphs": [["12306", "帐号", "用户名", ",", "密码", ",", "邮箱", "都", "忘记", "了", ",", "解决方法", "如", "下", ":", "1", ".", "首先", "进入", "“", "12306", "官网", "”", "然后", "点击", "“", "登录", "”", "(", "不是", "真", "的", "登录", ")", ",", "会", "看见", "上边", "有", "一", "个", "可以", "意见反馈", "的", "邮箱", ",", "用", "自己", "的", "邮箱", "给", "上面", "的", "邮箱", "发送邮件", "说明", "自己", "的", "问题", "就", "可以", "了", "。", "2", ".", "或者", "拨打", "客服电话", "来", "解决", "问题", "。"], ["12306", "注册时", "录入", "的", "邮箱", ",", "手机号码", "和", "设置", "的", "答案", "中", "任意", "一", "种", "电子邮件", "取回密码", "首先", "登陆", "12306", "网站首页", ",", "点击", "“", "客运", "服务", "”", ",", "弹出", "网站", "用户", "登陆", "界面", "。", "点击", "用户注册", "下面", "“", "忘记", "用户名", "/", "密码", "?", "”", "链接", ",", "进入", "找回", "用户名", "/", "密码", "窗口", "这里", "有", "两种", "找回", "密码", "的", "方式", ",", "一", "是", "“", "根据", "电子邮件", "找回", "用户名", "/", "密码", "”", "找回密码", "。", "另", "一", "种", "是", "“", "根据", "密码", "提示问题", "和", "密码", "提示", "答案", "找回密码", "”", "来", "找回密码", "。", "这里", "先", "说", "一", "下", "电子邮件", "找回密码", ",", "在", "电子邮件", "里", "输入", "注册", "的", "邮箱", ",", "后", "点击", "“", "提交", "”", "按钮", ",", "系统", "会", "提示", "找回密码", "成功", ",", "让", "我们", "登陆", "邮箱", "查收", "邮件", "并", "重置", "密码", "打开", "邮箱", ",", "点击", "收取", "邮件", ",", "在", "邮件内容", "里", "点击", "重置", "密码", "链接", ",", "进入", "重置", "密码", "窗口", "在", "重置", "密码", "窗口", "里", "输入", "两次", "一致", "的", "密码", "后", "点击", "“", "确定", "”", "完成", "密码", "设定", ",", "密码", "要求", "是", "六", "位", "的", "数字", ",", "大写字母", ",", "小写字母", "和", "符号", "四种", "中", "任意", "两种", "组合而成", ",", "如", "A", "11111", "根据", "密码"], ["12306", "帐号", "用户名", ",", "密码", ",", "邮箱", "都", "忘记", "了", ",", "解决方法", "如", "下", ":", "1", ".", "首先", "进入", "“", "12306", "官网", "”", "然后", "点击", "“", "登录", "”", "(", "不是", "真", "的", "登录", ")", ",", "会", "看见", "上边", "有", "一", "个", "可以", "意见反馈", "的", "邮箱", ",", "用", "自己", "的", "邮箱", "给", "上面", "的", "邮箱", "发送邮件", "说明", "自己", "的", "问题", "就", "可以", "了", "。", "2", ".", "或者", "拨打", "客服电话", "来", "解决", "问题", "。"], ["你", "这个", "情况", "貌似", "只能", "重新", "申请", "一", "个", "了", "因为", "起码", "用户名", "(", "或者", "邮箱", ")", "要", "记得", "才能", "找到", "密码", "。", "。", "。"]], "paragraphs": ["12306帐号用户名,密码,邮箱都忘记了,解决方法如下: 1.首先进入“12306官网”然后点击“登录”(不是真的登录),会看见上边有一个可以意见反馈的邮箱,用自己的邮箱给上面的邮箱发送邮件说明自己的问题就可以了。 2.或者拨打客服电话来解决问题。", "12306注册时录入的邮箱,手机号码和设置的答案中任意一种 电子邮件取回密码 首先登陆12306网站首页,点击“客运服务”,弹出网站用户登陆界面。 点击用户注册下面“忘记用户名/密码?”链接,进入找回用户名/密码窗口 这里有两种找回密码的方式,一是“根据电子邮件找回用户名/密码”找回密码。另一种是“根据密码提示问题和密码提示答案找回密码”来找回密码。这里先说一下电子邮件找回密码,在电子邮件里输入注册的邮箱,后点击“提交”按钮,系统会提示找回密码成功,让我们登陆邮箱查收邮件并重置密码 打开邮箱,点击收取邮件,在邮件内容里点击重置密码链接,进入重置密码窗口 在重置密码窗口里输入两次一致的密码后点击“确定”完成密码设定,密码要求是六位的数字,大写字母,小写字母和符号四种中任意两种组合而成,如A11111 根据密码", "12306帐号用户名,密码,邮箱都忘记了,解决方法如下: 1.首先进入“12306官网”然后点击“登录”(不是真的登录),会看见上边有一个可以意见反馈的邮箱,用自己的邮箱给上面的邮箱发送邮件说明自己的问题就可以了。 2.或者拨打客服电话来解决问题。", "你这个情况貌似只能重新申请一个了 因为起码用户名(或者邮箱) 要记得才能找到密码。。。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "我的12306注册过的,用户名密码邮箱什么的都不记得了怎么办?_百度", "most_related_para": 0, "segmented_title": ["我", "的", "12306", "注册", "过", "的", ",", "用户名", "密码", "邮箱", "什么", "的", "都", "不记得", "了", "怎么办", "?", "_", "百度"], "segmented_paragraphs": [["1", ".", "首先", "你", "需要", "先", "进入", "“", "12306", "官网", "”", "然后", "点击", "“", "登录", "”", ",", "用", "自己", "的", "邮箱", "给", "上面", "的", "邮箱", "发送邮件", "说明", "自己", "的", "问题", "就", "可以", "了", "。", "(", "邮箱", "如", "下", "图", "所示", ")", "。", "2", ".", "或者", "拨打", "客服电话", "来", "解决", "问题", "。"], ["根据", "你", "的", "身份证", "可以", "找", "回来", "。", "。", "。"], ["重新注册", ",", "可以", "的"]], "paragraphs": ["1.首先你需要先进入“12306官网”然后点击“登录”,用自己的邮箱给上面的邮箱发送邮件说明自己的问题就可以了。(邮箱如下图所示)。 2.或者拨打客服电话来解决问题。", "根据你的身份证可以找回来。。。", "重新注册,可以的"], "bs_rank_pos": 1}, {"is_selected": false, "title": "12306账号邮箱都忘了怎么办 【114票务网】", "most_related_para": 4, "segmented_title": ["12306", "账号", "邮箱", "都", "忘", "了", "怎么办", "【", "114", "票务", "网", "】"], "segmented_paragraphs": [["出发", "城市", ":", "到达城市", ":", "乘车", "日期", ":"], ["来源", ":", "114", "票务", "网", "日期", ":", "2015", "-", "04", "-", "08", "15", ":", "30", "编者", ":", "房子"], ["大家", "可能", "都", "知道", ",", "在", "使用时", "12306", "网站", "的", "过程", "中", ",", "如果", "忘记", "了", "用户名", ",", "我们", "还", "可以", "使用", "邮箱", "代替", "用户名", "登录", ",", "如果", "忘记", "了", "邮箱", ",", "使用", "用户名", "登录", "后", "检查", "一", "下", "个人", "信息", "就", "可以", "发现", "邮箱", "了", "。", "最", "难办", "的", "是", ",", "如果", "12306", "账号", "邮箱", "都", "忘", "了", "怎么办", "?", "别着急", ",", "下面", "小", "编", "就", "给", "您", "出", "几个", "注意", "。"], ["首先", ",", "回忆一下", "自己", "的", "常用", "邮箱", "一共", "有", "几个", ",", "在", "那", "几个", "邮箱", "中", "找", "一", "找", "有没有", "12306", "的", "邮件", ",", "能找到", "最好", "了", ",", "如果", "找不到", ",", "下面", "提供", "两", "个", "方案", "供", "您", "参考", ":"], ["方案", "一", ":", "将", "下方", "的", "“", "铁路", "客户服务中心", "用户", "身份", "核对", "申请表", "”", "完整", "复制", "到", "邮件", "中", ",", "准确", "、", "完整", "填写", "有关", "内容", ",", "并", "附", "本人", "近照", "、", "有效", "身份证件", "正面", "和", "背面", "照片", "(", "均为", "电子版", ",", "须", "清晰", "特别", "是", "面部", ")", ",", "以", "电子邮件", "形式", "发送", "到", "12306", "yh", "hd", "@", "rails", ".", "com", ".", "cn", "箱", ",", "12306", "接收", "后", ",", "处理", "结果", "将", "回复", "至", "邮箱", "。", "注", ":", "(", "1", ")", "手机号码", "与", "固定电话", "须", "必填", "其一", "。", "(", "2", ")", "照片", "可以", "电子邮件", "附件", "形式", "发送", "。", "方案", "二", ":", "携带", "本人身份证", "去火车站", "办理", ",", "工作", "人员", "会", "帮", "您", "处理", "。", "当然", ",", "人工", "处理", "的", "速度较慢", ",", "此", "种", "方式", "可能", "不适合", "急需", "订票", "出行", "的", "旅客", "。", "以上", ",", "12306", "账号", "邮箱", "都", "忘", "了", "怎么办", "?", "上面", "的", "方法", "可以", "帮助", "您", "找回", "用户名", "。", "另外", ",", "除了", "去火车站", "购票", "外", ",", "您", "还", "可以", "在", "114", "票务", "网", "(", "http", ":", "/", "/", "www", ".", "114", "piao", "wu", ".", "com", "/", ")", "订票", ",", "甚至", "微信", "扫一扫", "就", "可以", "快捷", "订票", "了", ",", "无需注册", ",", "是不是", "非常", "快捷方便", "呢", ",", "快", "来", "尝试", "一", "下", "吧", "!"]], "paragraphs": ["出发城市:  到达城市:  乘车日期:", "来源:114票务网 日期:2015-04-08 15:30 编者:房子", "大家可能都知道,在使用时12306网站的过程中,如果忘记了用户名,我们还可以使用邮箱代替用户名登录,如果忘记了邮箱,使用用户名登录后检查一下个人信息就可以发现邮箱了。最难办的是,如果12306账号邮箱都忘了怎么办?别着急,下面小编就给您出几个注意。", "首先,回忆一下自己的常用邮箱一共有几个,在那几个邮箱中找一找有没有12306的邮件,能找到最好了,如果找不到,下面提供两个方案供您参考:", "方案一:将下方的“铁路客户服务中心用户身份核对申请表”完整复制到邮件中,准确、完整填写有关内容,并附本人近照、有效身份证件正面和背面照片(均为电子版,须清晰特别是面部),以电子邮件形式发送到12306yhhd@rails.com.cn箱,12306接收后,处理结果将回复至邮箱。 注:(1)手机号码与固定电话须必填其一。(2)照片可以电子邮件附件形式发送。 方案二:携带本人身份证去火车站办理,工作人员会帮您处理。 当然,人工处理的速度较慢,此种方式可能不适合急需订票出行的旅客。 以上,12306账号邮箱都忘了怎么办?上面的方法可以帮助您找回用户名。另外,除了去火车站购票外,您还可以在114票务网 (http://www.114piaowu.com/)订票,甚至微信扫一扫就可以快捷订票了,无需注册,是不是非常快捷方便呢,快来尝试一下吧!"], "bs_rank_pos": 3}, {"is_selected": false, "title": "12306注册时间长了,忘记用户名和邮箱怎么办_百度知道", "most_related_para": 0, "segmented_title": ["12306", "注册", "时间长", "了", ",", "忘记", "用户名", "和", "邮箱", "怎么办", "_", "百度", "知道"], "segmented_paragraphs": [["1", "、", "网上订票", ",", "首先", "在", "百度搜索", "“", "铁道部", "12306", "”", ",", "在", "搜索结果", "中", "单击", "12306", "官网", ",", "然后", "在", "左侧", "栏", "中", "点击", "“", "购票", "”", "。", "2", "、", "在", "弹出", "的", "“", "中国", "铁路", "客户服务", "中", "|", "客运", "服务", "”", "页面", ",", "点击", "右上角", "的", "“", "登录", "”", "。", "弹出", "登录界面", ",", "如果", "您", "已经", "忘记", "用户名", "或", "密码", ",", "点击", "“", "忘记", "用户名", "/", "密码", "”", "。", "3", "、", "这里", "找回", "您", "的", "用户名", "和", "密码", "的", "方法", "有", "两种", ",", "一", "种", "是", "邮箱", "找回", "。", "如下图", "。", "输入", "你", "注册", "12306", "网站", "时", "使用", "的", "邮箱", ",", "然后", "填", "好", "验证码", ",", "点击", "“", "提交", "”", "。", "这样", "邮箱", "就会", "收到", "一封", "邮件", ",", "用于", "找回", "用户名", "和", "重设密码", "。", "4", "、", "第", "二", "种", "找回", "用户名", "和", "密码", "的", "方式", "是", "用", "“", "提示问题", "找回", "”", "。", "输入", "你", "注册", "的", "用户名", "(", "如果", "还记得", ")", "。", "单击", "“", "提取", "问题", "”", ",", "然后", "按", "要求", "填写", "即可", "。", "5", "、", "但是", ",", "如果", "用户名", "和", "密码", "都", "忘", "了", "呢", "?", "?", "别", "急", ",", "组织", "会", "救", "你", "的", ",", "复制", "右上角", "的", "邮箱地址", ",", "然后", "发邮件", "给", "他", ",", "反应", "你", "的", "情况", ",", "然后", "通过", "网站", "工作", "人员", "协助", "帮", "您", "找回", "用户"], ["12306", "的", "注册", "用户名", ",", "密码", ",", "用户名", ",", "手机号", "都", "忘记", "了", "怎么办", ",", "不记得", "曾经", "注册", "过"]], "paragraphs": ["1、网上订票,首先在百度搜索“铁道部12306”,在搜索结果中单击12306官网,然后在左侧栏中点击“购票”。 2、在弹出的“中国铁路客户服务中|客运服务”页面,点击右上角的“登录”。弹出登录界面,如果您已经忘记用户名或密码,点击“忘记用户名/密码”。 3、这里找回您的用户名和密码的方法有两种,一种是邮箱找回。如下图。输入你注册12306网站时使用的邮箱,然后填好验证码,点击“提交”。这样邮箱就会收到一封邮件,用于找回用户名和重设密码。 4、第二种找回用户名和密码的方式是用“提示问题找回”。输入你注册的用户名(如果还记得)。单击“提取问题”,然后按要求填写即可。 5、但是,如果用户名和密码都忘了呢??别急,组织会救你的,复制右上角的邮箱地址,然后发邮件给他,反应你的情况,然后通过网站工作人员协助帮您找回用户", "12306的注册用户名,密码,用户名,手机号都忘记了怎么办,不记得曾经注册过"], "bs_rank_pos": 4}], "answer_spans": [[0, 9]], "fake_answers": ["12306注册时录入的邮箱,手机号码和设置的"], "question": "12306用户名和邮箱都忘了怎么办", "segmented_answers": [["使用", "经办人", "注册时", "填", "记", "的", "手机", "拨打", "12306", "客户服务电话", ",", "业务员", "将", "记录", "提供", "的", "企业名称", "和", "经办人", "身份证号码", ",", "核实", "处理", "后", "反馈", "。"]], "answers": ["使用经办人注册时填记的手机拨打12306客户服务电话,业务员将记录提供的企业名称和经办人身份证号码,核实处理后反馈。"], "answer_docs": [0], "segmented_question": ["12306", "用户名", "和", "邮箱", "都", "忘", "了", "怎么办"], "question_type": "DESCRIPTION", "question_id": 181626, "fact_or_opinion": "FACT", "match_scores": [0.2777777777777778]}
-{"documents": [{"is_selected": true, "title": "维生素B2片吃太多会怎么样_百度知道", "most_related_para": 0, "segmented_title": ["维生素B2", "片", "吃", "太多", "会", "怎么样", "_", "百度", "知道"], "segmented_paragraphs": [["各种", "维生素", "吃", "多", "了", "都", "不好", ",", "会引起", "中毒", "。", "特别", "是", "维生素A", "、", "D", "、", "K", "等", "脂溶性维生素", ",", "因为", "能够", "在", "体", "内", "日积月累", "地", "蓄积", "起来", ",", "所以", "更", "容易", "引起", "中毒", ";", "而", "维生素", "C", "、", "B", "族", "等", "水溶性维生素", "因为", "很容易", "随", "尿", "排泄", "掉", ",", "不能", "在", "体", "内", "蓄积", ",", "所以", "很难", "引起", "中毒", ",", "除非", "吃", "太", "大", "的", "量", "(", "例如", "是", "正常", "需要量", "的", "100", "倍", ")", "。", "但是", "最好", "不要", "多", "吃", "。"]], "paragraphs": ["各种维生素吃多了都不好,会引起中毒。特别是维生素A、D、K等脂溶性维生素,因为能够在体内日积月累地蓄积起来,所以更容易引起中毒;而维生素C、B族等水溶性维生素因为很容易随尿排泄掉,不能在体内蓄积,所以很难引起中毒,除非吃太大的量(例如是正常需要量的100倍)。 但是最好不要多吃。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "维生素B2吃多了会有害处吗_百度知道", "most_related_para": 1, "segmented_title": ["维生素B2", "吃", "多", "了", "会", "有", "害处", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["B2", "又", "名", "核黄素", "。", "1879", "年", "大不列颠", "及", "北爱尔兰", "联合", "王国", "化学家", "布鲁斯", "首先", "从", "乳清", "中", "发现", ",", "1933", "年", "美利坚合众国", "化学家", "哥尔", "倍格", "从", "牛奶", "中", "提取", ",", "1935", "年", "德国", "化学家", "柯恩", "合成", "了", "它", "。", "维生素B2", "是", "橙", "黄色", "针状", "晶体", ",", "味", "微", "苦", ",", "水溶液", "有", "黄绿色", "荧光", ",", "在", "碱性", "或", "光照", "条件", "下", "极", "易", "分解", "。", "熬", "粥", "不", "放", "碱", "就是", "这个", "道理", "。", "人体", "缺少", "它", "易", "患", "口腔炎", "、", "皮炎", "、", "微血管", "增生症", "等", "。", "成年人", "每天", "应", "摄入", "2", "~", "4mg", ",", "它", "大量", "存在", "于", "谷物", "、", "蔬菜", "、", "牛乳", "和", "鱼", "等", "食品", "中", "。", "一", "、", "维生素B2", "的", "生理功能", "1", "、", "参与", "碳水化合物", "、", "蛋白质", "、", "核酸", "和", "脂肪", "的", "代谢", "可", "提高", "肌", "体", "对", "蛋白质", "的", "利用率", ",", "促进", "生长发育", "。", "2", "、", "参与", "细胞", "的", "生长", "代谢", ",", "是", "肌", "体", "组织", "代谢", "和", "修复", "的", "必须", "营养素", "。", "3", "、", "强化", "肝功能", "、", "调节", "肾上腺素", "的", "分泌", "。", "4", "、", "保护", "皮肤", "毛囊", "粘膜", "及", "皮脂腺", "的", "功能", "。", "二", "、", "维生素B2", "缺乏", "所", "产生", "的", "症状", "及其", "毒性", "与", "所有", "其它", "维生素", "不同", ",", "轻微", "缺乏", "维生素", "B"], ["有", ",", "但是", "危害", "不大", "!", "摄取", "过", "多", "过", ",", "可能", "引起", "搔痒", "、", "麻痹", "、", "灼热", "感", "、", "刺痛", "等", "。", "假如", "正在", "服用", "抗癌药", ",", "如", "氨", "甲", "喋", "呤", "(", "methotrexate", ")", "的", "话", ",", "则", "过量", "的", "B2", "会", "减低", "这些", "抗癌", "剂", "的", "效用", "."], ["维生素", "分", "水溶性", "和", "脂", "溶性", ".", "而", "维生素", "B", "是", "属于", "水溶性", "的", ",", "它", "会", "随着", "人体", "的", "人体", "水分", "的", "排泄", "而", "随之", "减少", ".", "比如", ":", "汗液", ",", "尿液", "等等", ".", "如果", "长期食用", "维生素", "B", "的", "人", "一般", "尿液", "都", "偏", "黄", ".", "这", "正", "是", "维生素", "B", "的", "颜色", "."]], "paragraphs": ["B2又名核黄素。1879年大不列颠及北爱尔兰联合王国化学家布鲁斯首先从乳清中发现,1933年美利坚合众国化学家哥尔倍格从牛奶中提取,1935年德国化学家柯恩合成了它。维生素B2是橙黄色针状晶体,味微苦,水溶液有黄绿色荧光,在碱性或光照条件下极易分解。熬粥不放碱就是这个道理。人体缺少它易患口腔炎、皮炎、微血管增生症等。成年人每天应摄入2~4mg,它大量存在于谷物、蔬菜、牛乳和鱼等食品中。 一、维生素B2的生理功能 1、 参与碳水化合物、蛋白质、核酸和脂肪的代谢可提高肌体对蛋白质的利用率,促进生长发育。 2、 参与细胞的生长代谢,是肌体组织代谢和修复的必须营养素。 3、 强化肝功能、调节肾上腺素的分泌。 4、 保护皮肤毛囊粘膜及皮脂腺的功能。 二、维生素B2缺乏所产生的症状及其毒性 与所有其它维生素不同,轻微缺乏维生素B", "有,但是危害不大! 摄取过多过,可能引起搔痒、麻痹、灼热感、刺痛等。 假如正在服用抗癌药,如氨甲喋呤(methotrexate)的话,则过量的B2会减低这些抗癌剂的效用.", "维生素分水溶性和脂溶性.而维生素B是属于水溶性的,它会随着人体的人体水分的排泄而随之减少.比如:汗液,尿液等等. 如果长期食用维生素B的人一般尿液都偏黄.这正是维生素B的颜色."], "bs_rank_pos": 1}, {"is_selected": true, "title": "维生素B2补充太多会有什么症状?_百度知道", "most_related_para": 1, "segmented_title": ["维生素B2", "补充", "太多", "会", "有", "什么", "症状", "?", "_", "百度", "知道"], "segmented_paragraphs": [["维生素", "是", "人体", "内部", "各种", "化学反应", "与", "代谢", "过程", "必需", "的", "多", "种", "辅酶", "的", "组成", "成分", ",", "且", "不能", "在", "体", "内", "合成", ",", "需要", "由", "食物", "供给", ",", "在", "饮食", "中", "自然", "补充维生素", "对", "人体", "有", "很大", "好处", "。", "但是", ",", "一定要", "注意", "服用", "的", "剂量", "。", "维生素", "并", "不是", "吃", "得", "越", "多", "越好", ",", "各种", "营养素", "如果", "补充", "过量", ",", "超过", "人体", "可", "耐受", "的", "最高", "摄入量", ",", "都会", "干扰", "其他", "营养素", "的", "吸收", "和", "代谢", ",", "对", "人体", "造成", "危害", ",", "甚至", "还会", "引起", "中毒", "。", "维生素", "非", "补品", "不可滥用", "过量", "的", "蛋白质", "、", "过", "多", "的", "热量", "会", "引发", "肥胖", ",", "过", "多", "的", "维生素", "同样", "会", "给", "人们", "的", "健康", "带来", "隐患", "。", "专家", "提示", ",", "切忌", "把", "维生素", "当成", "补品", ",", "大", "剂量", "滥用", "或", "不", "正确", "服用", "。", "维生素", "是", "人体", "必不可缺", "的", "营养物质", ",", "但", "并", "不是", "越", "多", "越好", ",", "过量", "服用", "维生素", "对", "身体", "同样", "会", "造成", "危害", ",", "诱发", "或", "导致", "很多", "疾病", "的", "产生", "。", "维生素", "分为", "水溶性", "和", "脂", "溶性", "两种", "。", "  ", "1", ")", "水溶性维生素", "服用", "后", "可以", "随着", "尿液", "排出体外", ",", "毒性", "较", "小", ",", "但", "大量", "服用", "仍"], ["如果", "摄取", "过", "多", ",", "可能", "会引起", "瘙痒", "、", "麻痹", "、", "灼热", "感", "、", "刺痛", "等", "。", "一般", "不会出现", "过量", "的", ",", "如", "有", "过量", ",", "会", "通过", "尿液", "和", "汗液", "排出", "。"]], "paragraphs": ["维生素是人体内部各种化学反应与代谢过程必需的多种辅酶的组成成分,且不能在体内合成,需要由食物供给,在饮食中自然补充维生素对人体有很大好处。但是,一定要注意服用的剂量。 维生素并不是吃得越多越好,各种营养素如果补充过量,超过人体可耐受的最高摄入量,都会干扰其他营养素的吸收和代谢,对人体造成危害,甚至还会引起中毒。 维生素非补品 不可滥用 过量的蛋白质、过多的热量会引发肥胖,过多的维生素同样会给人们的健康带来隐患。专家提示,切忌把维生素当成补品,大剂量滥用或不正确服用。维生素是人体必不可缺的营养物质,但并不是越多越好,过量服用维生素对身体同样会造成危害,诱发或导致很多疾病的产生。维生素分为水溶性和脂溶性两种。  1)水溶性维生素服用后可以随着尿液排出体外,毒性较小,但大量服用仍", "如果摄取过多,可能会引起瘙痒、麻痹、灼热感、刺痛等。一般不会出现过量的,如有过量,会通过尿液和汗液排出。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "维生素B2吃多了会怎么样_百度知道", "most_related_para": 2, "segmented_title": ["维生素B2", "吃", "多", "了", "会", "怎么样", "_", "百度", "知道"], "segmented_paragraphs": [["维生素B2", "多", "吃", "是", "可以", "的", ",", "但是", "超过", "机体", "的", "吸收", "量", "就", "太", "浪费", "了", "。", "维生素B2", "在", "正常", "肾功能", "状况", "下", "几乎", "不", "产生", "毒性", ",", "当", "过量", "服用", "维生素B2", "时", ",", "大部分", "以", "原形", "从", "尿", "中", "排出", ",", "尿", "呈", "黄色", "。"], ["百度", "知道", "还有", "6", "条", "回答"], ["摄取", "过", "多", ",", "可能", "引起", "瘙痒", "、", "麻痹", "、", "流鼻血", "、", "灼热", "感", "、", "刺痛", "等", "。", "假如", "正在", "服用", "抗癌药", ",", "如", "氨", "甲", "喋", "呤", "(", "methotrexate", ")", "的", "话", ",", "则", "过量", "的", "B2", "会", "减低", "这些", "抗癌", "剂", "的", "效用", "。"], ["指导意见", ":", "维生素B2", "多", "吃", "是", "可以", "的", ",", "但是", "超过", "机体", "的", "吸收", "量", "就", "太", "浪费", "了", "。", "维生素B2", "在", "正常", "肾功能", "状况", "下", "几乎", "不", "产生", "毒性", ",", "当", "过量", "服用", "维生素B2", "时", ",", "大部分", "以", "原形", "从", "尿", "中", "排出", ",", "尿", "呈", "黄色", "。"], ["B2", "摄取", "过", "多", "过", ",", "可能", "引起", "搔痒", "、", "麻痹", "、", "灼热", "感", "、", "刺痛", "等", "。", "假如", "正在", "服用", "抗癌药", ",", "如", "氨", "甲", "喋", "呤", "(", "methotrexate", ")", "的", "话", ",", "则", "过量", "的", "B2", "会", "减低", "这些", "抗癌", "剂", "的", "效用", "。"], ["您好", ":", "维生素B2", "在", "正常", "肾功能", "状况", "下", "几乎", "不", "产生", "毒性", ",", "当", "过量", "服用", "维生素B2", "时", ",", "大部分", "以", "原形", "从", "尿", "中", "排出", ",", "尿", "呈", "黄色", "。", "就", "浪费", "了", "。", "祝", "宝宝", "健康成长", "。"], ["没事", "的", "因为", "Vb", "是", "一", "种", "水溶性", "家族", "维生素", "其中包括", "B1", ",", "B2", ",", "B6", ",", "B12", ",", "以及", "烟酸", ",", "叶酸", ",", "泛酸", "等等", ",", "单独", "补充", "单", "一", "的", "B2", "吸收", "的", "很少", ",", "它", "每天", "都会", "随着", "人体", "的", "排泄", "系统", "而", "排出", "的", "。"], ["精彩", "知识", "在", "知道"]], "paragraphs": ["维生素B2多吃是可以的,但是超过机体的吸收量就太浪费了。 维生素B2在正常肾功能状况下几乎不产生毒性,当过量服用维生素B2时,大部分以原形从尿中排出,尿呈黄色。", "百度知道还有6条回答", "摄取过多,可能引起瘙痒、麻痹、流鼻血、灼热感、刺痛等。 假如正在服用抗癌药,如氨甲喋呤(methotrexate)的话,则过量的B2会减低这些抗癌剂的效用。", "指导意见:维生素B2多吃是可以的,但是超过机体的吸收量就太浪费了。维生素B2在正常肾功能状况下几乎不产生毒性,当过量服用维生素B2时,大部分以原形从尿中排出,尿呈黄色。", "B2摄取过多过,可能引起搔痒、麻痹、灼热感、刺痛等。 假如正在服用抗癌药,如氨甲喋呤(methotrexate)的话,则过量的B2会减低这些抗癌剂的效用。", "您好:维生素B2在正常肾功能状况下几乎不产生毒性,当过量服用维生素B2时,大部分以原形从尿中排出,尿呈黄色。就浪费了。祝宝宝健康成长。", "没事的因为Vb是一种水溶性家族维生素其中包括B1,B2,B6,B12,以及烟酸,叶酸,泛酸等等,单独补充单一的B2吸收的很少,它每天都会随着人体的排泄系统而排出的。", "精彩知识在知道"], "bs_rank_pos": 3}, {"is_selected": false, "title": "维生素B2片吃太多会怎么样?_有问必答_快速问医生", "most_related_para": 2, "segmented_title": ["维生素B2", "片", "吃", "太多", "会", "怎么样", "?", "_", "有问必答", "_", "快速", "问", "医生"], "segmented_paragraphs": [["健康", "咨询", "描述", ":", "请问", ",", "医生", ",", "我", "有", "需要", "吃", "维生素B2", ",", "所以", "我", "这", "几", "年", "经常", "买", "维生素B2", "片", "吃", ",", "但是", "我", "每次", "很多", "片", "一起", "吃", ",", "一天", "也", "不", "只", "吃", "三", "次", ",", "每次", "一", "吃", "得", "多", "一", "点", "我", "就", "觉得", "头晕", ",", "脑袋", "里面", "就像", "坐车", "严重", "晕车", "的", "感觉", "一样", ",", "很", "不舒服", ",", "请问", "这", "是", "什么", "情况", "?", "我该怎么做", "?", ":"], ["想得到", "的", "帮助", ":", "维生素B2", "片", "吃", "太多", "会", "怎么样", "?"], ["病情", "分析", ":", "你好", ":", "维生素B2", "在", "正常", "肾功能", "状况", "下", "几乎", "不", "产生", "毒性", ",", "当", "过量", "服用", "维生素B2", "时", ",", "大部分", "以", "原形", "从", "尿", "中", "排出", ",", "尿", "呈", "黄色", "。", "指导意见", ":", "吃", "多", "了", "也是", "浪费", "平时", "口服", ",", "每天", "三", "次", ",", "每次", "1", "到", "2", "片", "饭前", "饭后", "均", "可", "服用"], ["归脾丸", "参考价格", ":", "10", "查看", "说明书"], ["安神补心丸", "参考价格", ":", "12", "查看", "说明书"], ["天麻", "首乌", "胶", "参考价格", ":", "21", ".", "8", "查看", "说明书"], ["维生素B2", "片", "用于", "预防", "和", "治疗", "维生素B2", "缺乏症", ",", "如", "口角炎", "、", "唇", "干裂", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "4.5"], ["黄连上清片", "本", "品", "用于", "散", "风", "清热", ",", "泻火", "止痛", "。", "本", "品", "用于", "风热", "上", "攻", "﹑", "肺", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "2", ".", "6"], ["专家", "在线", "免费咨询"], ["看病", "男科", "妇科", "癫痫", "性病", "养生", "新闻", "白癫风", "牛皮癣"], ["就医", "疾病", "信息", "健康", "经验", "症状", "信息", "手术", "项目", "检查", "项目", "健康", "百科", "求医问药"], ["用药", "药品", "库", "疾病", "用药", "药品", "心得", "用药", "安全", "药品", "资讯", "用药", "方案", "品牌", "药企", "明星", "药品"], ["整形", "整形", "项目", "整形", "案例", "整形", "资讯", "整形医院", "减肥", "塑形", "眼部", "整形", "鼻部", "整形", "面部", "整形"], ["有问必答", "内科", "外科", "儿科", "药品", "遗传", "美容", "检查", "减肥", "中医科", "五官科", "传染科", "体检", "科", "妇产科", "肿瘤科", "康复科", "子女教育", "心理健康", "整形美容", "家居", "环境", "皮肤性病", "营养保健", "其他", "科室", "保健养生"], ["下载", "APP", ",", "免费", "快速", "问", "医生"]], "paragraphs": ["健康咨询描述: 请问,医生,我有需要吃维生素B2,所以我这几年经常买维生素B2片吃,但是我每次很多片一起吃,一天也不只吃三次,每次一吃得多一点我就觉得头晕,脑袋里面就像坐车严重晕车的感觉一样,很不舒服,请问这是什么情况?我该怎么做?:", "想得到的帮助: 维生素B2片吃太多会怎么样?", "病情分析: 你好:维生素B2在正常肾功能状况下几乎不产生毒性,当过量服用维生素B2时,大部分以原形从尿中排出,尿呈黄色。 指导意见: 吃多了也是浪费平时口服,每天三次,每次1到2片 饭前饭后均可服用", "归脾丸  参考价格:10 查看说明书", "安神补心丸  参考价格:12 查看说明书", "天麻首乌胶  参考价格:21.8 查看说明书", "维生素B2片 用于预防和治疗维生素B2缺乏症,如口角炎、唇干裂...[说明书] 参考价格:¥4.5", "黄连上清片 本品用于散风清热,泻火止痛。本品用于风热上攻﹑肺...[说明书] 参考价格:¥2.6", "专家在线免费咨询", "看病 男科 妇科 癫痫 性病 养生 新闻 白癫风 牛皮癣", "就医 疾病信息 健康经验 症状信息 手术项目 检查项目 健康百科 求医问药", "用药 药品库 疾病用药 药品心得 用药安全 药品资讯 用药方案 品牌药企 明星药品", "整形 整形项目 整形案例 整形资讯 整形医院 减肥塑形 眼部整形 鼻部整形 面部整形", "有问必答 内科 外科 儿科 药品 遗传 美容 检查 减肥 中医科 五官科 传染科 体检科 妇产科 肿瘤科 康复科 子女教育 心理健康 整形美容 家居环境 皮肤性病 营养保健 其他科室 保健养生", "下载APP,免费快速问医生"], "bs_rank_pos": 4}], "answer_spans": [[0, 32]], "fake_answers": ["如果摄取过多,可能会引起瘙痒、麻痹、灼热感、刺痛等。一般不会出现过量的,如有过量,会通过尿液和汗液排出。"], "question": "维生素b2吃多了会怎样", "segmented_answers": [["维生素", "B", "族", "等", "水溶性维生素", "因为", "很容易", "随", "尿", "排泄", "掉", ",", "不能", "在", "体", "内", "蓄积", ",", "所以", "很难", "引起", "中毒", ",", "除非", "吃", "太", "大", "的", "量", "(", "例如", "是", "正常", "需要量", "的", "100", "倍", ")", "。"], ["如果", "摄取", "过", "多", ",", "可能", "会引起", "瘙痒", "、", "麻痹", "、", "灼热", "感", "、", "刺痛", "等", "。", "一般", "不会出现", "过量", "的", ",", "如", "有", "过量", ",", "会", "通过", "尿液", "和", "汗液", "排出", "。"]], "answers": ["维生素B族等水溶性维生素因为很容易随尿排泄掉,不能在体内蓄积,所以很难引起中毒,除非吃太大的量(例如是正常需要量的100倍)。", "如果摄取过多,可能会引起瘙痒、麻痹、灼热感、刺痛等。一般不会出现过量的,如有过量,会通过尿液和汗液排出。"], "answer_docs": [2], "segmented_question": ["维生素b2", "吃", "多", "了", "会", "怎样"], "question_type": "DESCRIPTION", "question_id": 181627, "fact_or_opinion": "FACT", "match_scores": [0.9090909090909091]}
-{"documents": [{"is_selected": true, "title": "王者荣耀中主宰和暴君是什么_百度知道", "most_related_para": 0, "segmented_title": ["王者", "荣耀", "中", "主宰", "和", "暴君", "是什么", "_", "百度", "知道"], "segmented_paragraphs": [["主宰", "是", "大龙", ",", "暴君", "是", "小龙"], ["主宰", "就是", "大龙"], ["对应", "lol", "分别", "是", "大龙", "小龙"]], "paragraphs": ["主宰是大龙,暴君是小龙", "主宰就是大龙", "对应lol分别是 大龙小龙"], "bs_rank_pos": 0}, {"is_selected": false, "title": "王者荣耀暴君和主宰哪个厉害_百度知道", "most_related_para": 0, "segmented_title": ["王者", "荣耀", "暴君", "和", "主宰", "哪个", "厉害", "_", "百度", "知道"], "segmented_paragraphs": [["主宰", "路", "是", "靠近", "主宰", "所在", "的", "那", "一条路", "(", "主宰", ":", "也", "就是", "常", "人", "所说", "的", "大龙", "(", "lol", ")", ")", "巨龙", "路", "就是说", "靠近", "巨龙", "所在", "的", "那", "一条路", "(", "巨龙", ":", "小龙", "(", "lol", "中", "的", "俗称", ")", ")", "暴君", "也", "就是", "巨龙", "这里", "不", "包括", "中路"]], "paragraphs": ["主宰路是靠近主宰所在的那一条路(主宰:也就是常人所说的大龙(lol))巨龙路就是说靠近巨龙所在的那一条路(巨龙:小龙(lol中的俗称)) 暴君也就是巨龙 这里不包括中路"], "bs_rank_pos": 1}, {"is_selected": false, "title": "王者荣耀·暴君和主宰居然这么重要,这属性绝对不知道-兴趣部落", "most_related_para": 5, "segmented_title": ["王者", "荣耀", "·", "暴君", "和", "主宰", "居然", "这么", "重要", ",", "这", "属性", "绝对", "不知道", "-", "兴趣", "部落"], "segmented_paragraphs": [["主宰", "和", "黑暗", "暴君", "作为", "游戏", "中", "的", "重要", "野怪", ",", "击", "杀", "二者", "其中", "之", "一", "都", "将", "是", "对局", "中", "一", "个", "重要", "的", "转折点", "。", "优势", "方", "击", "杀", "将", "扩大", "自身优势", ",", "而", "劣势", "方", "击", "杀", "的", "话", ",", "则", "有", "可能", "带来", "翻盘", "的", "机会", "。", "而", "如果", "同时", "击", "杀", "主宰", "和", "黑暗", "暴君", ",", "更", "是", "基本", "奠定", "了", "胜利", "的", "基础", "。", "在之前", "版本", "中", ",", "虽然", "为", "主宰", "和", "黑暗", "暴君", "之间", "设定", "了", "羁绊", "关系", ",", "用于", "限制", "某", "个", "阵营", "同时", "击", "杀", "主宰", "和", "黑暗", "暴君", "的", "情况", ",", "但是", "如果", "玩家", "选择", "多", "人", "一起", "快速", "击", "杀", "主宰", "/", "黑暗", "暴君", ",", "之", "前", "的", "羁绊", "效果", "则", "会", "大打折扣", "。", "因此", "在", "此次", "更新", "中", "修改", "了", "羁绊", "的", "效果", ",", "下面", "就", "让", "我们", "一起", "看一下", "新的羁绊", "效果", "吧", "。"], ["带", "着", "主宰", "BUFF", "去", "和", "黑暗", "暴君", "作战", ",", "黑暗", "暴君", "对", "自己", "的", "每次", "攻击", "附带", "额外", "80", "%", "普", "攻", "伤害", "→", "带", "着", "主宰", "BUFF", "效果", "去", "和", "黑暗", "暴君", "作战", ",", "自己", "对", "黑暗", "暴君", "的", "输出", "降低", "50", "%"], ["带", "着", "黑暗", "暴君", "BUFF", "去", "和", "主宰", "作战", ",", "主宰", "对", "自己", "的", "每次", "攻击", "附带", "额外", "80", "%", "普", "攻", "伤害", "→", "带", "着", "黑暗", "暴君", "BUFF", "效果", "去", "和", "主宰", "作战", ",", "自己", "对", "主宰", "的", "输出", "降低", "50", "%"], ["新的羁绊", "效果", ",", "将", "之", "前", "携带", "主宰", "BUFF", "去", "攻击", "黑暗", "暴君", "会", "使", "黑暗", "暴君", "的", "攻击", "能力", "提升", ",", "修改", "为", "携带", "主宰", "BUFF", "去", "攻击", "黑暗", "暴君", ",", "会", "使", "自己", "对", "黑暗", "暴君", "的", "输出", "降低", "50", "%", ";", "反", "之", "携带", "黑暗", "暴君", "BUFF", "去", "攻击", "主宰", ",", "同样", "会", "使", "自己", "对", "主宰", "的", "输出", "降低", "50", "%", "。"], ["在之前", "的", "版本", "中", ",", "主宰", "和", "黑暗", "暴君", "之间", "的", "羁绊", "效果", ",", "是", "使得", "携带", "BUFF", "的", "玩家", "去", "攻击", "时", ",", "会", "增强", "主宰", "或", "暴君", "的", "输出", "能力", ",", "使得", "它们", "每次", "攻击", "都会", "附带", "额外", "80", "%", "普", "攻", "伤害", "。", "但是", "对于", "玩家", "来", "说", ",", "完全", "可以通过", "多", "人", "轮流", "承受", "伤害", ",", "快速", "将", "其", "击", "杀", ",", "从而", "获得", "主宰", "及", "黑暗", "暴君", "双", "BUFF", "的", "效果", "。", "同时", ",", "当", "游戏进行", "到", "后期", ",", "玩家", "装备", "完全", "成型", "后", ",", "主宰", "或", "黑暗", "暴君", "附带", "的", "额外", "伤害", ",", "面对", "高", "攻击", "高", "防御", "的", "玩家", ",", "已经", "很难", "造成", "影响", ",", "同", "一", "阵营", "获得", "双", "BUFF", "效果", "极", "易", "出现", "。"], ["针对", "此种情况", ",", "本次", "改版", "中将", "羁绊", "效果", "修改", "为", "降低", "玩家", "输出", "50", "%", ",", "这", "就", "在", "无形中", "拖", "慢", "了", "玩家", "在", "击", "杀", "完", "主宰", "后", "再", "去", "击", "杀", "黑暗", "暴君", "的", "速度", ",", "反之亦然", "。", "可能会", "有", "小伙伴", "感觉", ",", "即使", "降低", "了", "输出", "也", "只是", "减缓", "了", "击", "杀", "速度", "而已", ",", "同", "一", "阵营", "依然", "有", "机会", "获得", "双", "BUFF", "效果", "。", "但是", "需要", "注意", "的", "是", ",", "王者", "荣耀", "是", "一款", "竞技", "类", "游戏", ",", "双方", "无时无刻", "不", "在", "相互", "博弈", "之", "中", "。", "当", "一方", "击", "杀", "完", "主宰", "或", "黑暗", "暴君", "之后", ",", "对方", "肯定", "会", "有", "所", "察觉", ",", "而", "此时", "在", "地图", "上", "长期", "消失", "的", "话", ",", "对方", "肯定", "可以", "判断", "出", "敌方", "是", "转身", "攻击", "另一个", "大型", "野怪", ",", "从而", "抱团", "去", "抓", "。", "在之前", "版本", "中", ",", "我们", "可以通过", "快速", "击", "杀", "瓦解", "对方", "的", "反扑", ",", "但是", "改版", "之后", ",", "击", "杀", "速度", "的", "降低", ",", "势", "必", "会", "让", "敌方", "有", "机会", "前", "去", "骚扰", ",", "可能", "的", "后果", "便", "是", "打", "龙", "失败", "甚至", "在", "龙", "与", "敌方", "的", "双重", "夹击", "下", "导致", "团灭", "。", "而", "有", "的", "小伙伴", "又", "会", "考虑", ",", "那", "我们", "可以", "选择", "几", "人", "上线", "混淆", "敌方", "视野", ",", "另外", "一", "到", "两人", "前", "去", "偷", "龙", "。", "但是", "现在", "击", "杀", "速度", "大幅降低", "后", ",", "偷", "龙", "效率", "必然", "会", "降低", "很多", "。", "试", "问", "如果", "是", "你", "的", "话", ",", "敌方", "拥有", "主宰", "或", "黑暗", "暴君", "BUFF", "在", "身", ",", "结果", "只有", "3", "-", "4", "人", "佯装", "进攻", ",", "另外", "1", "-", "2", "人", "一直", "不", "出现", "在", "视野", "中", ",", "你", "是否", "会", "考虑", "到", "敌方", "在", "偷", "龙", "想要", "双", "BUFF", "在", "身", "呢", "。", "此时", "对方", "肯定", "会", "派", "人", "去", "龙坑", "查看", ",", "而", "带来", "的", "后果", "便", "可能", "是", "偷龙", "失败", ",", "偷", "龙", "人员", "被", "击", "杀", "甚至", "将", "BUFF", "拱手让人", "。", "所以", ",", "改版", "之后", ",", "想要", "双龙", "BUFF", "在", "身", "的", "难度", "有", "了", "极", "大", "的", "提升", "。"], ["此次", "改版", "调整", "主宰", "与", "黑暗", "暴君", "之间", "的", "羁绊", "关系", "后", ",", "想要", "获得", "双", "BUFF", "难度", "有", "所", "上升", ",", "羁绊", "关系", "也", "更", "能", "发挥", "出", "它", "的", "作用", ",", "让", "玩家", "能够", "更加重视", "战术", "打法", "的", "安排", ",", "双方", "之间", "的", "博弈", "与", "对抗", "也", "会", "越", "发", "的", "激烈", "与", "精彩", "。"], ["加载", "中", ",", "请稍候", ".", ".", "."]], "paragraphs": ["主宰和黑暗暴君作为游戏中的重要野怪,击杀二者其中之一都将是对局中一个重要的转折点。优势方击杀将扩大自身优势,而劣势方击杀的话,则有可能带来翻盘的机会。而如果同时击杀主宰和黑暗暴君,更是基本奠定了胜利的基础。在之前版本中,虽然为主宰和黑暗暴君之间设定了羁绊关系,用于限制某个阵营同时击杀主宰和黑暗暴君的情况,但是如果玩家选择多人一起快速击杀主宰/黑暗暴君,之前的羁绊效果则会大打折扣。因此在此次更新中修改了羁绊的效果,下面就让我们一起看一下新的羁绊效果吧。", "带着主宰BUFF去和黑暗暴君作战,黑暗暴君对自己的每次攻击附带额外80%普攻伤害 → 带着主宰BUFF效果去和黑暗暴君作战,自己对黑暗暴君的输出降低50%", "带着黑暗暴君BUFF去和主宰作战,主宰对自己的每次攻击附带额外80%普攻伤害 → 带着黑暗暴君BUFF效果去和主宰作战,自己对主宰的输出降低50%", "新的羁绊效果,将之前携带主宰BUFF去攻击黑暗暴君会使黑暗暴君的攻击能力提升,修改为携带主宰BUFF去攻击黑暗暴君,会使自己对黑暗暴君的输出降低50%;反之携带黑暗暴君BUFF去攻击主宰,同样会使自己对主宰的输出降低50%。", "在之前的版本中,主宰和黑暗暴君之间的羁绊效果,是使得携带BUFF的玩家去攻击时,会增强主宰或暴君的输出能力,使得它们每次攻击都会附带额外80%普攻伤害。但是对于玩家来说,完全可以通过多人轮流承受伤害,快速将其击杀,从而获得主宰及黑暗暴君双BUFF的效果。同时,当游戏进行到后期,玩家装备完全成型后,主宰或黑暗暴君附带的额外伤害,面对高攻击高防御的玩家,已经很难造成影响,同一阵营获得双BUFF效果极易出现。", "针对此种情况,本次改版中将羁绊效果修改为降低玩家输出50%,这就在无形中拖慢了玩家在击杀完主宰后再去击杀黑暗暴君的速度,反之亦然。可能会有小伙伴感觉,即使降低了输出也只是减缓了击杀速度而已,同一阵营依然有机会获得双BUFF效果。但是需要注意的是,王者荣耀是一款竞技类游戏,双方无时无刻不在相互博弈之中。当一方击杀完主宰或黑暗暴君之后,对方肯定会有所察觉,而此时在地图上长期消失的话,对方肯定可以判断出敌方是转身攻击另一个大型野怪,从而抱团去抓。在之前版本中,我们可以通过快速击杀瓦解对方的反扑,但是改版之后,击杀速度的降低,势必会让敌方有机会前去骚扰,可能的后果便是打龙失败甚至在龙与敌方的双重夹击下导致团灭。而有的小伙伴又会考虑,那我们可以选择几人上线混淆敌方视野,另外一到两人前去偷龙。但是现在击杀速度大幅降低后,偷龙效率必然会降低很多。试问如果是你的话,敌方拥有主宰或黑暗暴君BUFF在身,结果只有3-4人佯装进攻,另外1-2人一直不出现在视野中,你是否会考虑到敌方在偷龙想要双BUFF在身呢。此时对方肯定会派人去龙坑查看,而带来的后果便可能是偷龙失败,偷龙人员被击杀甚至将BUFF拱手让人。所以,改版之后,想要双龙BUFF在身的难度有了极大的提升。", "此次改版调整主宰与黑暗暴君之间的羁绊关系后,想要获得双BUFF难度有所上升,羁绊关系也更能发挥出它的作用,让玩家能够更加重视战术打法的安排,双方之间的博弈与对抗也会越发的激烈与精彩。", "加载中,请稍候..."], "bs_rank_pos": 2}, {"is_selected": false, "title": "《王者荣耀》主宰和暴君有什么作用?_王者荣耀攻略站", "most_related_para": 19, "segmented_title": ["《", "王者", "荣耀", "》", "主宰", "和", "暴君", "有", "什么", "作用", "?", "_", "王者", "荣耀", "攻略", "站"], "segmented_paragraphs": [["新版本", "下", "主宰", "暴君", "对战", "局", "的", "剖析"], ["注", ":", "本", "位", "来自", "【", "任玩堂", "电竞", "站", "】", "作者", "为瑞斯", "。"], ["《", "王者", "荣耀", "》", "主宰", "和", "暴君", "有", "什么", "作用", "?", "大家都知道", "在", "王者", "荣耀", "中", "有很多", "的", "野怪", ",", "而且", "野怪", "提供", "的", "经济", "是", "十分", "可", "观", "的", "!", "而且", "野怪", "可以说", "攻击力", "并", "不", "强", ",", "而且", "线", "上", "的", "资源", "往往", "并", "不能", "保证", "所有", "的", "英雄", "都", "能", "快速", "的", "发育", ",", "所以", "就", "诞生", "了", "在", "今天", "完全", "可以", "影响", "战", "局", "甚至", "可以", "说", "战斗", "前期", "的", "主要", "节奏", "带动", "者", "。", "尤其", "是", "暴君", "和", "主宰", "。", "在", "国庆节", "的", "版本", "更新", "之后", ",", "游戏", "中", "的", "主宰", "和", "暴君", "都", "进行", "了", "较", "大", "的", "改变", ",", "相信", "很多", "玩家", "都", "并", "不", "熟悉", "这一次", "的", "改动", ",", "下面", "我", "就", "给", "大家", "带来", "对局", "中", "暴君", "和", "主宰", "的", "作用", "和", "与", "之", "相关", "的", "详细", "分析", "。"], ["暴君", ",", "主宰", "的", "收益", ":"], ["主宰", "—", "—", "击", "杀", "金币", "调整", ":", "击", "杀", "者", "150", ",", "其他", "队员", "90", "-", ">", "全队", "100"], ["击", "杀", "经验", "保持", "原样", "。"], ["从", "这", "一", "条", "说明", "看", "来", ",", "游戏", "是", "一步步", "朝着", "更加", "均衡", "的", "方向", "发展", "的", ",", "增加", "了", "全队", "的", "金币", "收益", ",", "让", "所有", "位置", "的", "玩家", "都", "能够", "得到", "更多", "的", "收益", ",", "而", "并", "不", "是", "单纯", "的", "增加", "击", "杀", "者", "的", "收益", ",", "让", "队伍", "内", "的", "经济", "差距", "进一步", "拉", "大", "。"], ["从", "击", "杀", "主宰", "一", "刻", "开始", ",", "击", "杀", "方", "的", "接下来", "三", "波", "(", "三条路", ")", "士兵", "将", "全部", "被", "换", "成", "主宰", "先锋", "!", "主宰", "先锋", "非常", "强力", ",", "而且", "会", "在", "三", "路", "齐", "推", ",", "对", "对方", "带来", "巨大", "兵", "线", "压力", "。", "对手", "需要", "分", "路", "防守", "。"], ["另外", ",", "击", "杀", "主宰", "依然", "可以", "为", "击", "杀", "方", "获取", "一", "个", "持续", "90", "秒", "的", "BUFF", ",", "可以", "提升", "全队", "每", "2", "秒", "3", "%", "的", "生命", "回复", "和", "法力", "回复", "。"], ["主宰", "的", "刷新", "时间", "修改", "为", ":", "8", "分钟", "首次", "刷新", ",", "死亡", "后", "间隔", "5", "分钟", "再次", "刷新", "。"], ["这一条", "主要", "是", "为了", "加快", "游戏", "在", "中后期", "的", "节奏", ",", "因为", "王者", "荣耀", "是", "为了", "让", "所有", "的", "玩家", "都", "能", "在", "闲暇", "的", "时刻", "能够", "随时随地", "的", "享受", "与", "队友", "共同", "战斗", "的", "快感", ",", "而", "并", "不", "希望", "王者", "荣耀", "变成", "一", "个", "只有", "拥有", "大量", "时间", "的", "玩家", "才能", "够", "享受", "游戏", "的", "乐趣", "。", "在", "战略", "上", ",", "击", "杀", "主宰", "后", "并", "不是", "仅仅", "提供", "一", "个", "回复", "状态", "的", "buff", ",", "经过", "大家", "的", "体验", ",", "相信", "大家", "都", "能够", "体会", "到", "主宰", "先锋", "的", "强力", "之", "处", ",", "它", "和", "炮兵", "一样", "对", "防御塔", "拥有", "格挡", "机制", "和", "伤害", "加成", ",", "两", "条", "主宰", "先锋", "足以", "推", "掉", "一", "路", "所有", "的", "塔", "了", ",", "所以", "如果", "敌方", "击", "杀", "了", "主宰", ",", "一定要", "在", "第一时间", "击", "杀", "每条", "兵", "线", "上", "的", "主宰", "先锋", "再", "去", "集合", "团", "战", "。"], ["暴君", ":", "击", "杀", "经验", "奖励", ":", "全队", "固定", "500", "经验", "-", ">", "全队", "固定", "300", "基础", "经验", "。", "获取", "的", "经验", "随着", "时间", "递增", ",", "每隔", "30", "秒", "击", "杀", "暴君", "可获得", "的", "经验", "会", "增加", "10", "点", "。"], ["暴君", "刷新", "时间", "仍然", "为", "开场", "2", "分钟", ",", "被", "击", "杀", "后", "间隔", "3", "分钟", "重新", "刷新", "。"], ["新版本", "中", ",", "暴君", "将会", "在", "第", "9", "分", "55", "秒", "遁入黑暗", "(", "如果", "这", "一", "时刻", "暴君", "未", "被", "击", "杀", ")", ",", "新", "的", "黑暗", "暴君", "将会", "在", "第", "10", "分钟", "降临", "王者", "峡谷", ",", "它", "会出现", "在", "和", "暴君", "相同", "的", "位置", ",", "替换", "掉", "它", "。", "而", "队伍", "击", "杀", "黑暗", "暴君", "会", "获得", "强力", "BUFF", ":", "增加", "全队", "物理攻击", "(", "80", "+", "5%", "当前", "攻击", ")", ",", "增加", "全队", "法术", "攻击", "(", "120", "+", "5%", "当前", "法术", "攻击", ")", ",", "持续", "90", "S", "。"], ["黑暗", "暴君", "的", "战斗力", "会", "明显", "强", "于", "暴君", ",", "攻击力", ":", "360", ";", "血量", "18000", "。"], ["另外", ",", "主宰", "和", "黑暗", "暴君", "之间", "会", "有", "羁绊", "关系", ",", "玩家", "击", "杀", "主宰", "后", ",", "在", "主宰", "BUFF", "持续", "期间", "如果", "和", "黑暗", "暴君", "战斗", ",", "黑暗", "暴君", "的", "每次", "攻击", "都会", "造成", "基于", "他", "50", "%", "普", "攻", "攻击力", "的", "额外", "伤害", "。", "同样", "的", ",", "玩家", "击", "杀", "黑暗", "暴君", "后", ",", "在", "暴君", "BUFF", "持续", "期间", "如果", "和", "主宰", "战斗", ",", "主宰", "的", "每次", "攻击", "都会", "造成", "基于", "他", "50", "%", "普", "攻", "攻击力", "的", "额外", "伤害", "。"], ["这", "新版", "的", "暴君", "的", "前", "两", "条", "依旧", "是", "重要", "的", "战略", "资源", ",", "并且", "改变", "了", "暴君", "在", "后期", "无人问津", "的", "尴尬局面", ",", "可以说", "新版", "的", "黑暗", "暴君", "buff", "十分", "的", "强力", ",", "甚至", "强", "过", "了", "主宰", "buff", ",", "同时", "提高", "了", "攻击力", "和", "生命值", ",", "这", "也", "让", "一个人", "偷", "掉", "黑暗", "暴君", "更加", "的", "困难", ",", "应该", "是", "在", "一次", "团", "战", "胜利", "后", "组团", "拿掉", "暴君", "然后", "在", "下", "一波", "团", "战", "胜利", "后", "再", "推", "掉", "水晶", "。", "由于", "主宰", "buff", "于", "暴君", "的", "羁绊", "关系", ",", "所以", "应该", "尽量避免", "先", "拿", "暴君", "后", "拿", "主宰", "的", "情况", ",", "因为", "那", "50", "%", "的", "伤害", "加成", "很容易", "让", "所有", "队员", "都", "处于", "血量", "极", "低", "的", "状态", ",", "非常", "容易", "在", "一波", "埋伏", "中", "葬送", "掉", "所有", "优势"], ["解析", ":", "在", "新", "的", "版本", "中", ",", "主宰", "和", "暴君", "更加", "的", "强势", ",", "所以", "在", "排位", "中", "十", "分流", "行李", "元芳", "和", "刘备", "这种", "偷", "龙", "能力", "极", "强", "的", "英雄", "出现", ",", "所以", "如果", "对局", "中", "对方", "拥有", "刘备", ",", "李元芳", "时", ",", "应该", "时时", "注意", "暴君", "和", "主宰", "以", "免", "敌方", "偷", "掉", "buff", "从而", "让", "对方", "获得", "极", "大", "的", "优势", "。", "新版本", "的", "暴君", ",", "主宰", "这么", "的", "重要", ",", "那么", "问题", "来", "了", ",", "如果", "发现", "敌方", "正在", "打", "龙", ",", "我们", "到底", "应不应该", "去", "抢夺", "?", "或是", "我们", "应该", "如何", "针对", "拥有", "主宰", "buff", "的", "敌人", "?"], ["如果", "在", "团", "战", "后", ",", "敌方", "不", "顾", "自己", "的", "状态", "强势", "打", "龙", ",", "而", "己", "方", "打野", "是", "李白", ",", "露娜", ",", "赵云", "等等", "拥有", "众多", "位移", "技能", "的", "英雄", ",", "那么", "可以", "尝试", "性", "的", "进行", "抢", "龙", ",", "就算", "不能", "抢到", "也", "能够", "安然", "的", "脱身", "。", "如果", "己", "方", "少", "人", ",", "那么", "最好", "还是", "不要", "去", "强行", "抢", "龙", ",", "因为", "这", "十分", "有", "可能", "让", "敌方", "直接", "抓住机会", "导致", "我们", "被", "一波", "带走", "。", "如果", "我方", "少", "人", ",", "我们", "可以", "把", "己", "方", "的", "野", "区", "清", "光", ",", "防止", "敌方", "在", "我方", "野", "区", "拿到", "更多", "的", "经济", ",", "如果", "有", "可能", ",", "也", "要", "趁", "这个时候", "偷塔", "或者", "去", "反野", ",", "尽力", "缩小", "两", "方", "因为", "主宰", "或者", "暴君", "而", "拉", "开", "的", "经济", "差距", "。"], ["不", "论", "是", "主宰", "或者", "暴君", "的", "buff", "都", "十分", "的", "强力", ",", "特别", "是", "敌方", "击", "杀", "主宰", "后", ",", "一定要", "避免", "与", "敌方", "纠缠", ",", "因为", "主宰", "先锋", "十分", "的", "强力", ",", "很有可能", "在", "我们", "纠缠", "的", "时候", "就", "推", "掉", "我们", "的", "高地", "。", "还有", "一", "点", "要", "切记", "!", "那", "就是", ",", "龙", "buff", "很", "强", "!", "但是", "它", "不", "是", "万能", "的", ",", "并", "不能", "因为", "某", "次", "团", "战", "因为", "敌方", "的", "失误", "打", "赢", "了", ",", "顺势", "打掉", "主宰", ",", "然后", "就", "忘记", "了", "自己", "的", "经济", "还是", "落后", "于", "敌方", "的", "!", "这", "点", "很重要", "。", "很多时候", "就是", "因为", "这一点", ",", "本来", "稳扎稳打", "能", "翻盘", "的", "局", "而", "被", "浪费", "了", "机会", ",", "这种", "时候", "应该", "稳扎稳打", ",", "继续发育", "经济", ",", "只有这样", "才能", "弥补", "劣势", "!"], ["结", "语", ":", "好", "了", ",", "这一次", "的", "详细", "的", "战略", "和", "战术", "的", "分析", "就到这里", "了", ",", "相信", "大家", "只要", "能够", "掌握", "这", "几点", "就", "一定", "能够", "在", "颓势", "中", "翻盘", ",", "优势", "中", "一举拿下", "比赛", "!"], ["←", "【", "攻略", "】", "刺客", "一哥", "李白", "如何", "暴力", "拿", "五杀", "?", "王者", "荣耀", "KPL", "第", "4", "周", ":", "张良", "成", "法师", "新宠", "?", "→"]], "paragraphs": ["新版本下主宰暴君对战局的剖析", "注:本位来自【任玩堂电竞站】作者为瑞斯。", "《王者荣耀》主宰和暴君有什么作用?大家都知道在王者荣耀中有很多的野怪,而且野怪提供的经济是十分可观的!而且野怪可以说攻击力并不强,而且线上的资源往往并不能保证所有的英雄都能快速的发育,所以就诞生了在今天完全可以影响战局甚至可以说战斗前期的主要节奏带动者。尤其是暴君和主宰。在国庆节的版本更新之后,游戏中的主宰和暴君都进行了较大的改变,相信很多玩家都并不熟悉这一次的改动,下面我就给大家带来对局中暴君和主宰的作用和与之相关的详细分析。", "暴君,主宰的收益:", "主宰——击杀金币调整:击杀者150,其他队员90-> 全队100", "击杀经验保持原样。", "从这一条说明看来,游戏是一步步朝着更加均衡的方向发展的,增加了全队的金币收益,让所有位置的玩家都能够得到更多的收益,而并不是单纯的增加击杀者的收益,让队伍内的经济差距进一步拉大。", "从击杀主宰一刻开始,击杀方的接下来三波(三条路)士兵将全部被换成主宰先锋!主宰先锋非常强力,而且会在三路齐推,对对方带来巨大兵线压力。对手需要分路防守。", "另外,击杀主宰依然可以为击杀方获取一个持续90秒的BUFF,可以提升全队每2秒3%的生命回复和法力回复。", "主宰的刷新时间修改为:8分钟首次刷新,死亡后间隔5分钟再次刷新。", "这一条主要是为了加快游戏在中后期的节奏,因为王者荣耀是为了让所有的玩家都能在闲暇的时刻能够随时随地的享受与队友共同战斗的快感,而并不希望王者荣耀变成一个只有拥有大量时间的玩家才能够享受游戏的乐趣。在战略上,击杀主宰后并不是仅仅提供一个回复状态的buff,经过大家的体验,相信大家都能够体会到主宰先锋的强力之处,它和炮兵一样对防御塔拥有格挡机制和伤害加成,两条主宰先锋足以推掉一路所有的塔了,所以如果敌方击杀了主宰,一定要在第一时间击杀每条兵线上的主宰先锋再去集合团战。", "暴君:击杀经验奖励:全队固定500经验->全队固定300基础经验。获取的经验随着时间递增,每隔30秒击杀暴君可获得的经验会增加10点。", "暴君刷新时间仍然为开场2分钟,被击杀后间隔3分钟重新刷新。", "新版本中,暴君将会在第9分55秒遁入黑暗(如果这一时刻暴君未被击杀),新的黑暗暴君将会在第10分钟降临王者峡谷,它会出现在和暴君相同的位置,替换掉它。而队伍击杀黑暗暴君会获得强力BUFF:增加全队物理攻击(80+5%当前攻击),增加全队法术攻击(120+5%当前法术攻击),持续90S。", "黑暗暴君的战斗力会明显强于暴君,攻击力:360;血量18000。", "另外,主宰和黑暗暴君之间会有羁绊关系,玩家击杀主宰后,在主宰BUFF持续期间如果和黑暗暴君战斗,黑暗暴君的每次攻击都会造成基于他50%普攻攻击力的额外伤害。同样的,玩家击杀黑暗暴君后,在暴君BUFF持续期间如果和主宰战斗,主宰的每次攻击都会造成基于他50%普攻攻击力的额外伤害。", "这新版的暴君的前两条依旧是重要的战略资源,并且改变了暴君在后期无人问津的尴尬局面,可以说新版的黑暗暴君buff十分的强力,甚至强过了主宰buff,同时提高了攻击力和生命值,这也让一个人偷掉黑暗暴君更加的困难,应该是在一次团战胜利后组团拿掉暴君然后在下一波团战胜利后再推掉水晶。由于主宰buff于暴君的羁绊关系,所以应该尽量避免先拿暴君后拿主宰的情况,因为那50%的伤害加成很容易让所有队员都处于血量极低的状态,非常容易在一波埋伏中葬送掉所有优势", "解析:在新的版本中,主宰和暴君更加的强势,所以在排位中十分流行李元芳和刘备这种偷龙能力极强的英雄出现,所以如果对局中对方拥有刘备,李元芳时,应该时时注意暴君和主宰以免敌方偷掉buff从而让对方获得极大的优势。新版本的暴君,主宰这么的重要,那么问题来了,如果发现敌方正在打龙,我们到底应不应该去抢夺?或是我们应该如何针对拥有主宰buff的敌人?", "如果在团战后,敌方不顾自己的状态强势打龙,而己方打野是李白,露娜,赵云等等拥有众多位移技能的英雄,那么可以尝试性的进行抢龙,就算不能抢到也能够安然的脱身。如果己方少人,那么最好还是不要去强行抢龙,因为这十分有可能让敌方直接抓住机会导致我们被一波带走。如果我方少人,我们可以把己方的野区清光,防止敌方在我方野区拿到更多的经济,如果有可能,也要趁这个时候偷塔或者去反野,尽力缩小两方因为主宰或者暴君而拉开的经济差距。", "不论是主宰或者暴君的buff都十分的强力,特别是敌方击杀主宰后,一定要避免与敌方纠缠,因为主宰先锋十分的强力,很有可能在我们纠缠的时候就推掉我们的高地。还有一点要切记!那就是,龙buff很强!但是它不是万能的,并不能因为某次团战因为敌方的失误打赢了,顺势打掉主宰,然后就忘记了自己的经济还是落后于敌方的!这点很重要。很多时候就是因为这一点,本来稳扎稳打能翻盘的局而被浪费了机会,这种时候应该稳扎稳打,继续发育经济,只有这样才能弥补劣势!", "结语:好了,这一次的详细的战略和战术的分析就到这里了,相信大家只要能够掌握这几点就一定能够在颓势中翻盘,优势中一举拿下比赛!", "← 【攻略】刺客一哥李白如何暴力拿五杀? 王者荣耀KPL第4周:张良成法师新宠? →"], "bs_rank_pos": 3}, {"is_selected": false, "title": "王者荣耀主宰和暴君在哪 王者荣耀主宰和暴君属性-起点资讯", "most_related_para": 5, "segmented_title": ["王者", "荣耀", "主宰", "和", "暴君", "在", "哪", "王者", "荣耀", "主宰", "和", "暴君", "属性", "-", "起点", "资讯"], "segmented_paragraphs": [["您", "的", "位置", ":", "起点", "软件下载", "→", "游戏资讯", "→", "安卓", "游戏", "→", "王者", "荣耀", "主宰", "和", "暴君", "在", "哪", "王者", "荣耀", "主宰", "和", "暴君", "属性"], ["发表时间", ":", "17", "-", "03", "-", "28", "作者", ":", "xxq", "阅读", ":", "次", "评论", ":", "0", "条", "字体大小", ":", "A", "-", "A", "+"], ["iPad", "版", "PC", "版", "iPhone", "版", "安卓", "版", "Android", "版", "王者", "荣耀", "ipad", "版", "V", "1", ".", "15", ".", "213", "官方", "版", "王者", "荣耀", "下载", "ipad", "版", "下载", "类型", ":", "角色扮演", "大小", ":", "341", "M"], ["主宰", "在", "小", "地图", "上", "是", "紫色", ",", "下图", "就是", "主宰", "。"], ["暴君", "击", "杀", "后", "会", "获得", "强力", "BUFF", ":", "增加", "全队", "物理攻击", "(", "80", "+", "5%", "当前", "攻击", ")", ",", "增加", "全队", "法术", "攻击", "(", "120", "+", "5%", "当前", "法术", "攻击", ")", ",", "持续", "90", "S", "。"], ["仅", "从", "数值", "来看", ",", "击", "杀", "黑暗", "暴君", "的", "BUFF", "没有", "之前", "的", "主宰", "BUFF", "强力", ",", "不过", "在", "十分钟", "的", "时候", ",", "还", "处于", "游戏", "中期", ",", "玩家", "们", "的", "装备", "没有", "出", "全", "。", "所以", "这", "时候", "增加", "的", "物理", "与", "法术", "攻击", "就", "十分", "可", "观", "了", "。", "因此", ",", "暴君", "周围", "必将成为", "玩家", "的", "必争之地", ",", "也", "会", "是", "团", "战", "发生", "最", "频繁", "的", "地方", "。"], ["阅读", "本", "文", "后", "您", "有", "什么", "感想", "?", "已有", "1", "人", "给", "出", "评价", "!"], ["《", "超级马里奥", "奔跑", "》", "安卓", "版", "正式", "上架", "《", "阴阳师", "》", "日服", "登顶", "免费", "榜"]], "paragraphs": ["您的位置:起点软件下载 → 游戏资讯→ 安卓游戏→ 王者荣耀主宰和暴君在哪 王者荣耀主宰和暴君属性", "发表时间:17-03-28 作者:xxq 阅读:次 评论:0条字体大小:A- A+", "iPad版PC版iPhone版安卓版Android版 王者荣耀ipad版 V1.15.213 官方版 王者荣耀下载ipad版下载类型:角色扮演大小:341M", "主宰在小地图上是紫色,下图就是主宰。", "暴君击杀后会获得强力BUFF:增加全队物理攻击(80+5%当前攻击),增加全队法术攻击(120+5%当前法术攻击),持续90S。", "仅从数值来看,击杀黑暗暴君的BUFF没有之前的主宰BUFF强力,不过在十分钟的时候,还处于游戏中期,玩家们的装备没有出全。所以这时候增加的物理与法术攻击就十分可观了。因此,暴君周围必将成为玩家的必争之地,也会是团战发生最频繁的地方。", "阅读本文后您有什么感想? 已有 1 人给出评价!", "《超级马里奥奔跑》安卓版正式上架 《阴阳师》日服登顶免费榜"], "bs_rank_pos": 4}], "answer_spans": [[0, 6]], "answer_docs": [0], "fake_answers": ["主宰是大龙,暴君是小龙"], "question": "哪个是暴君哪个是主宰", "segmented_answers": [["主宰", "是", "大龙", ",", "暴君", "是", "小龙", "。"]], "answers": ["主宰是大龙,暴君是小龙。"], "entity_answers": [["小龙", "大龙"]], "segmented_question": ["哪个", "是", "暴君", "哪个", "是", "主宰"], "question_type": "ENTITY", "match_scores": [0.7999999999999999], "fact_or_opinion": "FACT", "question_id": 181628}
-{"documents": [{"is_selected": false, "title": "中国现代诗歌大全:艾青诗选", "most_related_para": 1, "segmented_title": ["中国", "现代", "诗歌", "大全", ":", "艾青诗选"], "segmented_paragraphs": [["雪", "落", "在", "中国", "的", "土地上", "北方", "冬天", "的", "池沼", "手推车", "时代", "大堰河", "—", "—", "我", "的", "保姆", "黎明的通知", "给", "太阳", "鱼化石", "虎斑贝", "互相", "被发现", "失去的岁月", "盆景", "给", "女", "雕塑家", "张得蒂", "我爱这土地", "太阳", "煤的对话", "乞丐", "桥", "树"], ["雪", "落", "在", "中国", "的", "土地上", ",", "寒冷", "在", "封锁", "着", "中国", "呀", "…", "…", "风", ",", "像", "一", "个", "太", "悲哀", "了", "的", "老妇", "紧紧", "地", "跟随", "着", "伸出", "寒冷", "的", "指", "爪", "拉扯", "着", "行", "人", "的", "衣襟", ",", "用", "着", "你", "土地", "一样", "古老", "的", "一", "刻", "也", "不", "停地", "絮聒", "着", "…", "…", "那", "从", "林间", "出现", "的", ",", "赶", "着", "马车", "的", "你", "中国", "的", "农夫", ",", "戴着", "皮", "帽", ",", "冒", "着", "大雪", "要", "到哪儿", "去", "呢", "?", "告诉", "你", "我", "也是", "农", "人", "的", "后裔", "—", "—", "由于", "你们", "的", "刻", "满", "了", "痫", "苦", "的", "皱纹", "的", "脸", "我", "能", "如此", "深深地", "知道", "了", "生活", "在", "草原", "上", "的", "人们", "的", "岁月", "的", "艰辛", "。", "而", "我", "也", "并", "不", "比", "你们", "快乐", "啊", "—", "—", "躺", "在", "时间", "的", "河流", "上", "苦难", "的", "浪涛", "曾经", "几", "次", "把", "我", "吞没", "而又", "卷", "起", "—", "—", "流浪", "与", "监禁", "已", "失去", "了", "我的青春", "的", "最", "可贵", "的", "日子", ",", "我", "的", "生命", "也", "像", "你们", "的", "生命", "一样", "的", "憔悴", "呀", "。", "雪", "落", "在", "中国", "的", "土地上", ",", "寒冷", "在", "封锁", "着", "中国", "呀", "…", "…", "沿着", "雪夜", "的", "河流", ",", "一盏", "小", "油灯", "在", "徐缓", "地", "移", "行", ",", "那", "破烂", "的", "乌篷船", "里", "映", "着", "灯光", ",", "垂", "着", "头", "坐", "着", "的", "是", "谁", "呀", "?", "—", "—", "啊", ",", "你", "蓬", "发", "垢", "面", "的", "小", "妇", ",", "是不是", "你", "的", "家", "—", "—", "那", "幸福", "与", "温暖", "的", "巢穴", "已", "枝", "暴戾", "的", "敌人", "烧毁", "了", "么", "?", "是不是", "也", "像", "这样", "的", "夜间", ",", "失去", "了", "男人", "的", "保护", ",", "在", "死亡", "的", "恐怖", "里", "你", "已经", "受尽", "敌人", "刺刀", "的", "戏弄", "7", "咳", ",", "就", "在", "如此", "寒冷", "的", "今夜", "无数", "的", "我们", "的", "年", "老", "的", "母亲", ",", "就像", "异邦人", "不知", "明天", "的", "车轮", "要", "滚", "上", "怎样", "的", "路程", "?", "—", "—", "而且", "中国", "的", "路", "是", "如此", "的", "崎岖", ",", "是", "如此", "的", "泥泞", "呀", "。", "雪", "落", "在", "中国", "的", "土地上", ":", "寒冷", "在", "封锁", "着", "中国", "呀", "…", "…", "那些", "被", "烽火", "所", "啮", "啃", "着", "的", "地域", ",", "无数", "的", ",", "土地", "的", "垦", "植", "者", "失去", "了", "他们", "所", "饲养", "的", "家畜", "失去", "了", "他们", "把", "沃", "的", "田", "地", "拥挤", "在", "生活", "的", "绝望", "的", "污", "巷", "里", ";", "饥", "谨", "的", "大地", "伸向", "阴暗", "的", "天", "伸出", "乞", "援", "的", "颤抖", "着", "的", "两臂", "。", "中国", "的", "痛苦", "与", "灾难", "像", "这", "雪夜", "一样", "广阔", "而又", "漫长", "呀", "!", "雪", "落", "在", "中国", "的", "土地上", ",", "寒冷", "在", "封锁", "着", "中国", "呀", "…", "…", "中国", ","]], "paragraphs": ["雪落在中国的土地上 北方 冬天的池沼 手推车 时代 大堰河——我的保姆 黎明的通知 给太阳 鱼化石 虎斑贝 互相被发现 失去的岁月 盆景 给女雕塑家张得蒂 我爱这土地 太阳 煤的对话 乞丐 桥 树", "雪落在中国的土地上, 寒冷在封锁着中国呀…… 风, 像一个太悲哀了的老妇 紧紧地跟随着 伸出寒冷的指爪 拉扯着行人的衣襟, 用着你土地一样古老的 一刻也不停地絮聒着…… 那从林间出现的, 赶着马车的 你中国的农夫, 戴着皮帽, 冒着大雪 要到哪儿去呢? 告诉你 我也是农人的后裔—— 由于你们的 刻满了痫苦的皱纹的脸 我能如此深深地 知道了 生活在草原上的人们的 岁月的艰辛。 而我 也并不比你们快乐啊 ——躺在时间的河流上 苦难的浪涛 曾经几次把我吞没而又卷起—— 流浪与监禁 已失去了我的青春的最可贵的日子, 我的生命 也像你们的生命 一样的憔悴呀。 雪落在中国的土地上, 寒冷在封锁着中国呀…… 沿着雪夜的河流, 一盏小油灯在徐缓地移行, 那破烂的乌篷船里 映着灯光,垂着头 坐着的是谁呀? ——啊,你 蓬发垢面的小妇, 是不是 你的家 ——那幸福与温暖的巢穴 已枝暴戾的敌人 烧毁了么? 是不是 也像这样的夜间, 失去了男人的保护, 在死亡的恐怖里 你已经受尽敌人刺刀的戏弄7 咳,就在如此寒冷的今夜 无数的 我们的年老的母亲, 就像异邦人 不知明天的车轮 要滚上怎样的路程? ——而且 中国的路 是如此的崎岖, 是如此的泥泞呀。 雪落在中国的土地上: 寒冷在封锁着中国呀…… 那些被烽火所啮啃着的地域, 无数的,土地的垦植者 失去了他们所饲养的家畜 失去了他们把沃的田地 拥挤在 生活的绝望的污巷里; 饥谨的大地 伸向阴暗的天 伸出乞援的 颤抖着的两臂。 中国的痛苦与灾难 像这雪夜一样广阔而又漫长呀! 雪落在中国的土地上, 寒冷在封锁着中国呀…… 中国,"], "bs_rank_pos": 0}, {"is_selected": false, "title": "艾青诗歌精选10首", "most_related_para": 1, "segmented_title": ["艾青", "诗歌精选", "10", "首"], "segmented_paragraphs": [["引导", "语", ":", "艾青", "是", "一", "个", "有", "情怀", "的", "诗人", ",", "其", "诗", "作", "所", "包含", "的", "情感", "是", "那么", "的", "热烈", "。", "现在", "就", "随", "小", "编", "一起来", "欣赏", "其", "代表", "诗歌", "10", "首", "。"], ["1", "、", "《", "我爱这土地", "》", "假如", "我", "是", "一只", "鸟", ",", "我", "也", "应该", "用", "嘶哑", "的", "喉咙", "歌唱", ":", "这", "被", "暴风雨", "所", "打击", "的", "土地", ",", "这", "永远", "汹涌", "着", "我们", "的", "悲愤", "的", "河流", ",", "这", "无", "止息", "地", "吹", "刮", "着", "的", "激怒", "的", "风", ",", "和", "那", "来自", "林间", "的", "无比", "温柔", "的", "黎明", "…", "…", "—", "—", "然后", "我", "死", "了", ",", "连", "羽毛", "也", "腐烂", "在", "土地", "里面", "。", "为什么", "我", "的", "眼里", "常", "含", "泪水", "?", "因为我", "对", "这", "土地", "爱", "得", "深沉", "…", "…", "2", "、", "《", "冬天", "的", "池沼", "》", "冬天", "的", "池沼", ",", "寂寞", "得", "像", "老人", "的", "心", "—", "—", "饱", "历", "了", "人", "世", "的", "辛酸", "的", "心", ";", "冬天", "的", "池沼", ",", "枯", "干", "得", "像", "老人", "的", "眼", "—", "—", "被", "劳苦", "磨", "失", "了", "光辉", "的", "眼", ";", "冬天", "的", "池沼", ",", "荒芜", "得", "像", "老人", "的", "发", "—", "—", "像", "霜", "草", "般", "稀疏", "而又", "灰白", "的", "发", "冬天", "的", "池沼", ",", "阴郁", "得", "像", "一", "个", "悲哀", "的", "老人", "—", "—", "佝偻", "在", "阴郁", "的", "天幕", "下", "的", "老人", "。", "3", "、", "《", "手推车", "》", "在", "黄河", "流", "过", "的", "地域", "在", "无数", "的", "枯干", "了", "的", "河", "底", "以", "唯一", "的", "轮子", "发出", "使", "阴暗", "的", "天穹", "痉挛", "的", "尖音", "芽", "过", "寒冷", "与", "静寂", "从", "这", "一", "个", "山脚", "到", "那", "一", "个", "山脚", "北", "国", "人民", "的", "悲哀", "在", "冰雪", "凝冻", "的", "日子", "在", "贫穷", "的", "小村", "与", "小村", "之间", "以", "单独", "的", "轮子", "刻画", "在", "灰", "黄土", "层", "上", "的", "深深", "的", "辙迹", "穿过广阔", "与", "荒漠", "北", "国", "人民", "的", "悲哀", "4", "、", "《", "树", "》", "一棵树", ",", "一棵树", "彼此", "孤", "离", "地", "兀立", "着", "告诉", "着", "它们", "的", "距离", "但是", "在", "泥土", "的", "覆盖", "下", "它们", "的", "根", "生长", "着", "在", "看不见", "的", "深处", "它们", "把", "根须", "纠缠", "在一起", "5", "、", "《", "时代", "》", "我", "站立", "在", "低矮", "的", "屋檐下", "出", "神", "地", "望", "着", "蛮", "野", "的", "山岗", "和", "高远", "空阔", "的", "天空", ",", "很久很久", "心里", "像", "感受", "了", "什么", "奇迹", ",", "我", "看见", "一", "个", "闪光", "的", "东西", "它", "像", "太阳一样", "鼓舞", "我", "的", "心", ",", "在", "天边", "带", "着", "沉重", "的", "轰", "响", ","], ["带", "着", "暴风雨", "似", "的", "狂啸", ","], ["隆隆", "滚", "辗", "而来", "…", "…"], ["我", "向", "它", "神往", "而又", "欢呼", "!"], ["当", "我", "听见", "从", "阴", "云", "压", "着", "的", "雪山", "的", "那", "面"], ["传", "来", "了", "不平", "的", "道路", "上", "巨轮", "颠簸", "的", "轧响"], ["像", "那些", "奔赴", "婚", "扎", "的", "新郎"], ["—", "—", "纵然", "我知道", "由", "它", "所", "带给", "我", "的"], ["并", "不是", "节日", "的", "狂欢"], ["和", "什么", "杂耍", "场", "上", "的", "哄笑"], ["却", "是", "比", "一", "千", "个", "屠场", "更", "残酷", "的", "景象", ","], ["而", "我", "却", "依然", "奔向", "它"], ["带", "着", "一", "个", "生命", "所", "能", "发挥", "的", "热情", "。"], ["我不是", "弱者", "—", "—", "我不会", "沾沾自喜", ","], ["我", "不是", "自己", "能", "安慰", "或", "欺骗自己", "的", "人"], ["我", "不", "满足", "那", "世界", "曾经", "给", "过", "我", "的"], ["—", "—", "无论", "是", "荣誉", ",", "无论", "是", "耻辱"], ["也", "无论", "是", "阴沉沉", "的", "注视", "和", "黑夜", "似", "的", "仇恨"], ["以及", "人们", "的", "目光", "因", "它", "而", "闪耀", "的", "幸福"], ["我", "在", "你们", "不知道", "的", "地方", "感到", "空虚"], ["给", "我", "生活", "的", "世界"], ["我", "永远", "伸张", "着", "两臂"], ["我", "要求", "攀登", "高山"], ["我", "要求", "横跨", "大海"], ["我", "要", "迎接", "更高", "的", "赞扬", ",", "更大", "的", "毁谤"]], "paragraphs": ["引导语:艾青是一个有情怀的诗人,其诗作所包含的情感是那么的热烈。现在就随小编一起来欣赏其代表诗歌10首。", "1、《我爱这土地》 假如我是一只鸟, 我也应该用嘶哑的喉咙歌唱: 这被暴风雨所打击的土地, 这永远汹涌着我们的悲愤的河流, 这无止息地吹刮着的激怒的风, 和那来自林间的无比温柔的黎明…… ——然后我死了, 连羽毛也腐烂在土地里面。 为什么我的眼里常含泪水? 因为我对这土地爱得深沉…… 2、《冬天的池沼》 冬天的池沼, 寂寞得像老人的心—— 饱历了人世的辛酸的心; 冬天的池沼, 枯干得像老人的眼—— 被劳苦磨失了光辉的眼; 冬天的池沼, 荒芜得像老人的发—— 像霜草般稀疏而又灰白的发 冬天的池沼, 阴郁得像一个悲哀的老人—— 佝偻在阴郁的天幕下的老人。 3、《手推车》 在黄河流过的地域 在无数的枯干了的河底 以唯一的轮子 发出使阴暗的天穹痉挛的尖音 芽过寒冷与静寂 从这一个山脚 到那一个山脚 北国人民的悲哀 在冰雪凝冻的日子 在贫穷的小村与小村之间 以单独的轮子 刻画在灰黄土层上的深深的辙迹 穿过广阔与荒漠 北国人民的悲哀 4、《树》 一棵树,一棵树 彼此孤离地兀立着 告诉着它们的距离 但是在泥土的覆盖下 它们的根生长着 在看不见的深处 它们把根须纠缠在一起 5、《时代》 我站立在低矮的屋檐下 出神地望着蛮野的山岗 和高远空阔的天空, 很久很久心里像感受了什么奇迹, 我看见一个闪光的东西 它像太阳一样鼓舞我的心, 在天边带着沉重的轰响,", "带着暴风雨似的狂啸,", "隆隆滚辗而来……", "我向它神往而又欢呼!", "当我听见从阴云压着的雪山的那面", "传来了不平的道路上巨轮颠簸的轧响", "像那些奔赴婚扎的新郎", "——纵然我知道由它所带给我的", "并不是节日的狂欢", "和什么杂耍场上的哄笑", "却是比一千个屠场更残酷的景象,", "而我却依然奔向它", "带着一个生命所能发挥的热情。", "我不是弱者——我不会沾沾自喜,", "我不是自己能安慰或欺骗自己的人", "我不满足那世界曾经给过我的", "——无论是荣誉,无论是耻辱", "也无论是阴沉沉的注视和黑夜似的仇恨", "以及人们的目光因它而闪耀的幸福", "我在你们不知道的地方感到空虚", "给我生活的世界", "我永远伸张着两臂", "我要求攀登高山", "我要求横跨大海", "我要迎接更高的赞扬,更大的毁谤"], "bs_rank_pos": 1}, {"is_selected": false, "title": "艾青的现代诗_现代诗_古诗文网", "most_related_para": 0, "segmented_title": ["艾青", "的", "现代诗", "_", "现代诗", "_", "古诗", "文", "网"], "segmented_paragraphs": [["1", "、", "《", "我爱这土地", "》", "假如", "我", "是", "一只", "鸟", ",", "我", "也", "应该", "用", "嘶哑", "的", "喉咙", "歌唱", ":", "这", "被", "暴风雨", "所", "打击", "着", "的", "土地", ",", "这", "永远", "汹涌", "着", "我们", "的", "悲愤", "的", "河流", ",", "这", "无", "止息", "地", "吹", "刮", "着", "的", "激怒", "的", "风", ",", "和", "那", "来自", "林间", "的", "无比", "温柔", "的", "黎明", "…", "…", "—", "—", "然后", "我", "死", "了", ",", "连", "羽毛", "也", "腐烂", "在", "土地", "里面", "。", "为什么", "我", "的", "眼里", "常", "含", "泪水", "?", "因为我", "对", "这", "土地", "爱", "得", "深沉", "…", "…", "2", "、", "《", "希望", "》", "原", "是", "自己", "的", "影子", "却", "老", "走", "在", "你", "前面", "像", "光", "一样", "无形", "像风一样", "不安定", "像", "窗外", "的", "飞鸟", "像", "天上", "的", "流云", "像", "河边", "的", "蝴蝶", "既", "狡猾", "而", "美丽", "你", "上去", ",", "她", "就", "飞", "你", "不", "理", "她", ",", "她", "撵", "你", "她", "永远陪伴", "你", "一直", "到", "你", "终止", "呼吸", "3", "、", "《", "雪", "落", "在", "中国", "的", "土地上", "》", "雪", "落", "在", "中国", "的", "土地上", ",", "寒冷", "在", "封锁", "着", "中国", "呀", "…", "…", "像", "一", "个", "太", "悲哀", "了", "的", "老妇", "。", "紧紧", "地", "跟随", "着", ",", "伸出", "寒冷", "的", "指", "爪", ",", "拉扯", "着", "行", "人", "的", "衣襟", "。", "用", "着", "像", "土地", "一样", "古老", "的", "话", ",", "一", "刻", "也", "不", "停地", "絮聒", "着", "…", "…", "那", "从", "林间", "出现", "的", ",", "赶", "着", "马车", "的", ",", "你", "中国", "的", "农夫", ",", "你", "要", "到哪儿", "去", "呢", "?"], ["我", "也是", "农", "人", "的", "后裔", "—", "—"], ["由于", "你们", "的", ","], ["刻", "满", "了", "痛苦", "的", "皱纹", "的", "脸", ","], ["我", "能", "如此", "深深地", ","], ["生活", "在", "草原", "上", "的", "人们", "的", ","], ["岁月", "的", "艰辛", "。"], ["也", "并", "不", "比", "你们", "快乐", "啊", ","], ["—", "—", "躺", "在", "时间", "的", "河流", "上", ","], ["苦难", "的", "浪涛", ","], ["曾经", "几", "次", "把", "我", "吞没", "而又", "卷", "起", "—", "—"], ["流浪", "与", "监禁", ","], ["已", "失去", "了", "我的青春", "的", "最", "可贵", "的", "日子", ","], ["也", "像", "你们", "的", "生命", ","], ["一样", "的", "憔悴", "呀", "。"], ["雪", "落", "在", "中国", "的", "土地上", ","], ["寒冷", "在", "封锁", "着", "中国", "呀", "…", "…"], ["沿着", "雪夜", "的", "河流", ","], ["一盏", "小", "油灯", "在", "徐缓", "地", "移", "行", ","], ["那", "破烂", "的", "乌篷船", "里", ","], ["映", "着", "灯光", ",", "垂", "着", "头", ","], ["坐", "着", "的", "是", "谁", "呀", "?"], ["—", "—", "啊", ",", "你", ","], ["蓬", "发", "垢", "面", "的", "少妇", ","], ["—", "—", "那", "幸福", "与", "温暖", "的", "巢穴", "—", "—"], ["已", "被", "暴戾", "的", "敌人", ","], ["也", "像", "这样", "的", "夜间", ","], ["失去", "了", "男人", "的", "保护", ","], ["在", "死亡", "的", "恐怖", "里", ","], ["你", "已经", "受尽", "敌人", "刺刀", "的", "戏弄", "?"], ["咳", ",", "就", "在", "如此", "寒冷", "的", "今夜", ","], ["我们", "的", "年", "老", "的", "母亲", ","], ["都", "蜷伏", "在", "不是", "自己", "的", "家里", ","], ["就像", "异邦人", ","], ["不知", "明天", "的", "车轮", ","], ["要", "滚", "上", "怎样", "的", "路程", "?"], ["是", "如此", "的", "崎岖", ","], ["是", "如此", "的", "泥泞", "呀", "。"], ["雪", "落", "在", "中国", "的", "土地上", ","], ["寒冷", "在", "封锁", "着", "中国", "呀", "…", "…"], ["透过", "雪夜", "的", "草原", ","], ["那些", "被", "烽火", "所", "啮", "啃", "着", "的", "地域", ","], ["无数", "的", ",", "土地", "的", "垦", "植", "者", ","], ["失去", "了", "他们", "所", "饲养", "的", "家畜", ","]], "paragraphs": ["1、《我爱这土地》 假如我是一只鸟, 我也应该用嘶哑的喉咙歌唱: 这被暴风雨所打击着的土地, 这永远汹涌着我们的悲愤的河流, 这无止息地吹刮着的激怒的风, 和那来自林间的无比温柔的黎明…… ——然后我死了, 连羽毛也腐烂在土地里面。 为什么我的眼里常含泪水? 因为我对这土地爱得深沉…… 2、《希望》 原是自己的影子 却老走在你前面 像光一样无形 像风一样不安定 像窗外的飞鸟 像天上的流云 像河边的蝴蝶 既狡猾而美丽 你上去,她就飞 你不理她,她撵你 她永远陪伴你 一直到你终止呼吸 3、《雪落在中国的土地上》 雪落在中国的土地上, 寒冷在封锁着中国呀…… 像一个太悲哀了的老妇。 紧紧地跟随着, 伸出寒冷的指爪, 拉扯着行人的衣襟。 用着像土地一样古老的话, 一刻也不停地絮聒着…… 那从林间出现的, 赶着马车的, 你中国的农夫, 你要到哪儿去呢?", "我也是农人的后裔——", "由于你们的,", "刻满了痛苦的皱纹的脸,", "我能如此深深地,", "生活在草原上的人们的,", "岁月的艰辛。", "也并不比你们快乐啊,", "——躺在时间的河流上,", "苦难的浪涛,", "曾经几次把我吞没而又卷起——", "流浪与监禁,", "已失去了我的青春的最可贵的日子,", "也像你们的生命,", "一样的憔悴呀。", "雪落在中国的土地上,", "寒冷在封锁着中国呀……", "沿着雪夜的河流,", "一盏小油灯在徐缓地移行,", "那破烂的乌篷船里,", "映着灯光,垂着头,", "坐着的是谁呀?", "——啊,你,", "蓬发垢面的少妇,", "——那幸福与温暖的巢穴——", "已被暴戾的敌人,", "也像这样的夜间,", "失去了男人的保护,", "在死亡的恐怖里,", "你已经受尽敌人刺刀的戏弄?", "咳,就在如此寒冷的今夜,", "我们的年老的母亲,", "都蜷伏在不是自己的家里,", "就像异邦人,", "不知明天的车轮,", "要滚上怎样的路程?", "是如此的崎岖,", "是如此的泥泞呀。", "雪落在中国的土地上,", "寒冷在封锁着中国呀……", "透过雪夜的草原,", "那些被烽火所啮啃着的地域,", "无数的,土地的垦植者,", "失去了他们所饲养的家畜,"], "bs_rank_pos": 2}, {"is_selected": true, "title": "艾青_互动百科 ", "most_related_para": 7, "segmented_title": ["艾青", "_", "互动", "百科"], "segmented_paragraphs": [["艾青", "(", "1910", "年", "3", "月", "27", "日", "—", "1996", "年", "5", "月", "5", "日", ")", ",", "原名", "蒋海澄", ",", "号", "海", "澄", ",", "曾", "用", "笔名", "莪", "加", "、", "克", "阿", "、", "林", "壁", "等", ",", "浙江省", "金华", "人", "。", "成名作", "《", "大堰河", "—", "—", "我", "的", "保姆", "》", "发表", "于", "1933", "年", ",", "这首诗", "奠定", "了", "他", "诗歌", "的", "基本", "艺术", "特征", "和他在现代", "文学", "史", "上", "的", "重要", "地位", ",", "被", "认为", "是", "中国", "现代诗", "的", "代表", "诗人", "之", "一", "。", "其", "作品", "被", "译", "成", "几", "十", "种", "文字", ",", "着", "有", "《", "大堰河", "》", "、", "《", "北方", "》", "、", "《", "向太阳", "》", "、", "《", "黎明的通知", "》", "、", "《", "湛江", ",", "夹竹桃", "》", "等", "诗集", "。", "在", "中国", "新", "诗", "发展史", "上", ",", "艾青", "是", "继", "郭沫若", "、", "闻一多", "等人", "之后", "又", "一", "位", "推动", "一", "代", "诗", "风", "、", "并", "产生", "过", "重要", "影响", "的", "诗人", ",", "在", "世界上", "也", "享有", "声誉", "。"], ["艾青", "于", "1910", "年", "阴历", "2", "月", "17", "日", "生", "于", "浙江", "金华", "的", "一", "个", "地主", "家庭", "。", "母亲", "生", "他", "时", "难产", ",", "生", "了", "三天三夜", ",", "一", "个", "算卦", "的", "又", "说", "他", "是", "“", "克", "父母", "”", "的", ",", "因此", "他", "成", "了", "一", "个", "不受欢迎", "的", "人", ",", "甚至", "不许", "他", "叫", "父母", "为", "“", "爸爸", "妈妈", "”", ",", "只能", "叫", "“", "叔叔", "婶婶", "”", "。", "由于", "家里", "不喜欢", "这个", "“", "克", "父母", "”", "的", "婴儿", ",", "就", "托付", "给", "大堰河", "收养", ",", "然而", "这个", "妇女", "却", "十分", "疼爱", "他", "。"], ["1910", "年", "出生于", "浙江省", "金华市", "金东区", "畈田蒋村", "的", "一", "个", "封建", "家庭", "。", "自", "幼", "由", "一", "位", "贫苦", "农妇", "养育", "到", "5", "岁", "。"], ["1917", "年", "就读", "于", "金师附小", "。"], ["1928", "年", "中学", "毕业后", "考", "入", "国立", "杭州", "西湖", "艺术", "院", "。"], ["1928", "年", "在", "林风眠", "校长", "的", "鼓励", "下到", "巴黎", "勤工俭学", ",", "学习", "绘画", ",", "接触", "欧洲", "现代派", "诗歌", "。"], ["1932", "年", "初", "加入", "中国", "左翼", "美术家", "联盟", ",", "从事", "革命", "文艺", "活动", ",", "不", "久", "被捕", ",", "在", "狱", "中", "写", "了", "不少", "诗", ",", "《", "大堰河", "—", "—", "我", "的", "保姆", "》", "引起轰动", "。"], ["1933", "年", "第一次", "用", "艾青", "的", "笔名", "发表", "长诗", "《", "大堰河", "—", "—", "—", "我", "的", "保姆", "》", ",", "感情", "诚挚", ",", "诗", "风", "清新", ",", "轰动", "诗", "坛", "。", "以后", "陆续", "出版", "诗集", "《", "北风", "》", "、", "《", "大堰河", "》", "(", "1939", ")", "、", "《", "火把", "》", "(", "1941", ")", "、", "《", "向太阳", "》", "(", "1947", ")", "、", "《", "黎明的通知", "》", "《", "欢呼", "集", "》", "《", "宝石", "的", "红星", "》", "《", "春天", "》", "等", ",", "笔触", "雄浑", ",", "感情", "强烈", ",", "倾诉", "了", "对", "祖国", "和", "人民", "的", "情感", "。", "解放后", "的", "诗集", "有", "《", "欢呼", "集", "》", "、", "《", "光的赞歌", "》", "等", "。"], ["1935", "年", "出狱", ",", "翌年", "出版", "了", "第", "一", "本", "诗集", "《", "大堰河", "》", "。", "抗日战争", "爆发", "后", ",", "任", "《", "文艺阵地", "》", "编委", "、", "育才学校", "文学", "系主任", "等", "。"], ["1941", "年", "赴", "延安", "任", "《", "诗刊", "》", "主编", "。", "出版", "了", "《", "北方", "》", "《", "向太阳", "》", "《", "旷野", "》", "《", "火把", "》", "《", "黎明的通知", "》", "《", "雷", "地", "钻", "》", "等", "9", "部", "诗集", "。"], ["担任", "《", "人民文学", "》", "副主编", "。", "着", "有", "诗集", "《", "宝石", "的", "红星", "》", "《", "黑鳗", "》", "《", "春天", "》", "《", "海岬", "上", "》", "。"], ["1957", "年", "被", "错", "划为", "右派", "。", "曾", "赴", "黑龙江", "、", "新疆", "生活", "和", "劳动", ",", "创作", "中断", "了", "二", "十", "余", "年", "。", "直到", "1976", "年", "重", "又", "执笔", ",", "出现", "了", "创作", "的", "另一个", "高潮", "。"], ["1979", "年", "平反", ",", "任", "中国作家协会", "副主席", "。", "创作", "有", "诗集", "《", "彩色", "的", "诗", "》", "《", "域外集", "》", ",", "出版", "了", "《", "艾青", "叙事诗", "选", "》", "《", "艾青", "抒情", "诗选", "》", "。"], ["1985", "年", "获", "法国", "文学艺术", "最高", "勋章", "。"], ["其", "诗", "作", "《", "我爱这土地", "》", "被", "选", "入", "人教版", "中学语文", "教材", "(", "九年级", "下册", ")", "。", "《", "北方", "》", "中", "的", "《", "土地情诗", "》", "被", "编", "入", "鄂", "教", "版", "八年级", "下册", "语文", "书", "第", "十三", "课", "。", "《", "北方", "》", "被", "选", "入", "苏教版", "必修", "三", "语文", "书", "。", "《", "我的思念是圆的", "》", "被", "入选", "苏教版", "七年级", "上册", "语文", "书", "。", "《", "大堰河", "—", "—", "我", "的", "保姆", "》", "被", "选", "入", "人教版", "高中语文", "必修", "一", "。", "另外", ",", "他", "的", "诗", "作", "《", "太阳", "的", "话", "》", "也", "被", "选", "入", "小学", "六", "上", "语文", "教材", "。"], ["1935", "年", ",", "25岁", "的", "艾青", "听", "从", "父母", "之", "命", ",", "与", "张", "竹茹", "结婚", "。"], ["1936", "年", ",", "艾青", "在", "常州", "武进", "女子", "师范", "当", "国", "文", "老师", ",", "与", "女学生", "韦嫈", "(", "真名", "张月琴", ")", ",", "即", "艾轩", "的", "母亲", "相识", "、", "相爱", "。", "1939", "年", ",", "29", "岁", "的", "艾青", "与", "18", "岁", "的", "韦", "嫈", "结婚", ",", "相继", "生下", "女儿", "艾", "清明", "、", "儿子", "艾端午", "。", "1947", "年", ",", "艾轩", "在", "河北", "深县", "小李庄", "出生", "。"], ["1955", "年", ",", "艾青", "与", "韦嫈", "离婚", ",", "艾轩", "和", "姐姐", "艾", "清明", "、", "哥哥", "艾端午", "判给", "了", "父亲", ",", "妹妹", "艾梅梅", "则", "归", "母亲", "抚养", "。"], ["1955", "年", ",", "艾青", "与", "刚", "调到", "中国作家协会", "的", "高瑛", "相识", "。", "1956", "年", "3", "月", "27", "日", ",", "艾青", "与", "高瑛", "结为", "夫妻", "。"], ["艾青", "与", "高瑛", "生", "有", "两", "子女", ":", "分别", "为", "当代", "著名", "艺术家", "艾", "未未", "及", "作家", "艾丹", "。"], ["认识", "艾青", "之", "前", ",", "高瑛", "爱", "艾青", "的", "诗", ";", "认识", "艾青", "之后", ",", "她", "更", "爱", "艾青", "这个人", "。", "艾青", "为人", "真诚", ",", "从", "不", "装腔作势", ",", "更", "不会", "说", "假话", ",", "高瑛", "说", ":", "“", "他", "比", "我", "还要", "真实", "。", "”", "艾青", "认识", "高瑛", "后", ",", "也", "为", "高瑛", "的", "率", "真", "、", "美丽", "所", "打动", "。", "高瑛", "是", "一", "个", "要", "强", "的", "人", ",", "天真", "、", "幼稚", ",", "不", "隐瞒", "任何事情", "。", "她", "的", "典雅", "独特", "的", "气质", ",", "使", "艾青", "深深地", "爱", "上", "了", "她", ",", "并", "开始", "追求", "她", "。"], ["那时", ",", "艾青", "同", "韦嫈", "感情", "已经", "破裂", "。"], ["高瑛", "已有", "过", "一次", "婚姻", ",", "但", "并", "不", "幸福", "。"], ["于是", ",", "共同", "的", "遭遇", "使", "他们", "相爱", "了", ",", "走", "到", "了", "一起", "。", "当时", ",", "高瑛", "比", "艾青", "小", "23岁", ",", "已", "是", "两个孩子", "的", "母亲", ",", "带", "着", "两个孩子", ",", "高瑛", "走进", "了", "艾青", "的", "生活", "中", ",", "四", "口", "人", "组成", "了", "一", "个", "新", "的", "家庭", "。"], ["1956", "年", "3", "月", "27", "日", ",", "既是", "艾青", "的", "生日", ",", "也是", "他", "同", "高瑛", "结婚", "的", "日子", "。", "尽管", "在这之前", ",", "艾青", "在", "文艺界", "已", "开始", "遭到", "批评", ",", "但", "深深", "爱着", "艾青", "的", "高瑛", "毅然", "决定", "宣布", "他们", "的", "婚事", "。"], ["然而", ",", "艾青", "和", "高瑛", "谁", "也", "没有", "想到", ",", "一", "场", "运动", "正在", "向", "他们", "逼近", ",", "他们", "爱情", "与", "婚姻", "的", "序幕", ",", "正是", "苦难", "生活", "的", "开端", ",", "并", "从此", "决定", "了", "他们", "将", "相依相伴", "熬过", "最", "苦难", "的", "岁月", "。"], ["1957", "年", ",", "反右斗争", "开始", "了", "。", "丁玲", "等", "被", "打", "成", "“", "反党", "集团", "”", "。"], ["作为", "丁玲", "的", "朋友", ",", "艾青", "想不通", "。", "虽然", "他", "没有", "写", "过", "一", "张", "大字报", ",", "没有任何", "攻击", "党", "的", "言论", ",", "虽然", "他", "只是", "说", "了", "“", "丁玲", "并没有", "反党", "嘛", ",", "她", "并没有", "跟", "国民党", "走", "嘛", ",", "还是", "到", "了", "延安", ",", "跟着共产党走", "嘛", "。", "”", "他", "也", "只", "在", "作家协会", "的", "党组织", "生活", "会", "上", "说过", "“", "不要", "一部分", "人", "总是", "整人", ",", "一部分", "人", "总是", "被", "整", "”", "的", "话", "。", "所以", ",", "艾青", "只是", "替", "丁玲", "说过", "话", ",", "他", "只是", "对", "文艺界", "的", "宗派", "主义", "发", "过", "牢骚", "。", "但", "他", "说", "的", "是", "真话", ",", "说真话", "的", "后果", "是", ":", "被", "责令", "检查", ",", "接着", "是", "一", "顶", "“", "大", "右派", "”", "的", "帽子", ",", "随着", "是", "一连串", "的", "惩罚", ":"], ["1957", "年", "12", "月", "被", "开除", "出", "党", ";", "1958", "年", "4", "月", "被撤消", "一切", "职务", "。", "这", "还", "不", "算", ",", "艾青", "一家人", "的", "厄运", "才", "开", "了", "头", ",", "作为", "“", "大", "右派", "”", "的", "妻子", ",", "高瑛", "开始", "受到", "迫害", "。", "单位", "有人", "找", "高", "瑛", "谈话", ",", "想", "通过", "她", "来", "检举", "、", "揭发", "艾青", "等人", "的", "反党", "反", "社会主义", "言论", "。", "但", "高", "瑛", "什么", "也", "交代", "不", "出来", ",", "她", "写道", ":", "“", "最近", ",", "我", "因为", "生", "孩子", ",", "不知道", "这个", "情况", "…", "…", "”", "有人", "还", "不", "死心", ",", "想", "逼", "她", "就范", "。", "一天", ",", "单位", "通知", "高瑛", "开会", ",", "到", "了", "会场", ",", "高", "瑛", "才", "知道", "是", "团总支", "大会", "。", "人", "很多", "。", "主持", "会议", "的", "人", "说", ":", "“", "今天", "这个", "会", ",", "是", "专门", "欢迎", "高瑛", "同志", "勇敢", "地", "站出来", ",", "同", "‘", "丁", "陈", "反党", "集团", "’", "划清界限", ",", "勇敢", "地", "检举揭发", "他们", "的", "反党", "反", "社会主义", "的", "罪行", "的", "。", "”"], ["听到", "这", "话", ",", "高瑛", "只", "觉", "脑子", "一片空白", ",", "耳中", "嗡嗡作响", ",", "她", "完全", "没有", "一点", "思想准备", "啊", ",", "她", "怎么", "可能", "出卖", "自己", "心爱的", "丈夫", ",", "而且", "真", "的", "从来没有", "听到", "过", "什么", "反党", "言论", "啊", "。", "安静", "下来", "后", ",", "高瑛", "发言", "说", ":", "“", "我", "首先", "声明", ",", "我不知道", "今天", "这个", "会", "是", "专门", "为", "我", "开", "的", "。", "我", "虽然", "生活", "在", "他们", "中间", ",", "但", "我", "确实", "没有", "看到", "和", "听到", "他们", "有", "什么", "反党", "反", "社会主义", "的", "言行", "。", "所以", ",", "我", "没法", "揭发", "。", "”"], ["会场", "一", "下", "乱", "起来", ",", "不少", "人", "冲着", "高瑛", "大喊大叫", ",", "各种", "难听", "的", "话", "迎面而来", "。"], ["高瑛", "思绪万千", "。", "她", "从小", "就", "参加", "了", "革命", "。", "党", "教育", "她", "实事求是", ",", "不能", "诬陷", "好人", ",", "也", "不", "包庇", "坏人", "。", "她", "没法", "和", "艾青", "划清界限", ",", "更", "不能", "和", "艾青", "离婚", "。", "“", "为了", "纯洁", "团", "的", "组织", ",", "我", "自动", "提出", "退团", "。", "”", "高瑛", "的", "决定", ",", "令", "大会", "所有", "的", "人", "目瞪口呆", "。", "但", "她说", "完", "就", "站起来", ",", "头", "也", "不", "回", "地", "逃离", "会场", "直奔", "家里", "。"], ["回到", "家中", ",", "高", "瑛", "抱着", "艾青", "大声痛哭", ":", "“", "艾青", ",", "我", "是", "从", "会场", "上", "逃", "出来", "的", "。", "”", "望", "着", "伤心", "的", "妻子", ",", "艾青", "深", "感", "内疚", ":", "“", "高瑛", "啊", ",", "跟着我", ",", "让", "你", "受苦", "呵", "!", "”"], ["“", "你", "上", "刀山", "下", "火海", ",", "我", "都", "跟着", "你", ";", "你", "到哪儿", ",", "我", "就", "到哪儿", "。", "我", "什么", "也", "不怕", ",", "要", "死", ",", "咱们", "死", "到", "一", "块", "。", "”", "高", "瑛", "说", "。"], ["在", "严酷", "的", "现实", "面前", ",", "艾青", "濒于", "崩溃", "。", "他", "想不通", ":", "自己", "被", "打", "成", "右派", ",", "简直", "是", "笑话", "!", "我", "怎么", "可能", "反党", "反", "社会主义", ",", "怎么", "可能成为", "右派", "?"]], "paragraphs": ["艾青(1910年3月27日—1996年5月5日),原名蒋海澄,号海澄,曾用笔名莪加、克阿、林壁等,浙江省金华人。成名作《大堰河——我的保姆》发表于1933年,这首诗奠定了他诗歌的基本艺术特征和他在现代文学史上的重要地位,被认为是中国现代诗的代表诗人之一。其作品被译成几十种文字,着有《大堰河》、《北方》、《向太阳》、《黎明的通知》、《湛江,夹竹桃》等诗集。在中国新诗发展史上,艾青是继郭沫若、闻一多等人之后又一位推动一代诗风、并产生过重要影响的诗人,在世界上也享有声誉。", "艾青于1910年阴历2月17日生于浙江金华的一个地主家庭。母亲生他时难产,生了三天三夜,一个算卦的又说他是“克父母”的,因此他成了一个不受欢迎的人,甚至不许他叫父母为“ 爸爸妈妈”,只能叫“叔叔婶婶”。由于家里不喜欢这个“克父母”的婴儿 ,就托付给大堰河收养,然而这个妇女却十分疼爱他。", "1910年出生于浙江省金华市金东区畈田蒋村的一个封建家庭。自幼由一位贫苦农妇养育到5岁。", "1917年就读于金师附小。", "1928年中学毕业后考入国立杭州西湖艺术院。", "1928年在林风眠校长的鼓励下到巴黎勤工俭学,学习绘画,接触欧洲现代派诗歌。", "1932年初加入中国左翼美术家联盟,从事革命文艺活动,不久被捕,在狱中写了不少诗,《大堰河——我的保姆》引起轰动。", "1933年第一次用艾青的笔名发表长诗《大堰河———我的保姆》,感情诚挚,诗风清新,轰动诗坛。以后陆续出版诗集《北风》、《大堰河》(1939)、《火把》(1941)、《向太阳》(1947)、《黎明的通知》《欢呼集》《宝石的红星》《春天》等,笔触雄浑,感情强烈,倾诉了对祖国和人民的情感。解放后的诗集有《欢呼集》、《光的赞歌》等。", "1935年出狱,翌年出版了第一本诗集《大堰河》。抗日战争爆发后,任《文艺阵地》编委、育才学校文学系主任等。", "1941年赴延安任《诗刊》主编。出版了《北方》《向太阳》《旷野》《火把》《黎明的通知》《雷地钻》等9部诗集。", "担任《人民文学》副主编。着有诗集《宝石的红星》《黑鳗》《春天》《海岬上》。", "1957年被错划为右派。曾赴黑龙江、新疆生活和劳动,创作中断了二十余年。直到1976年重又执笔,出现了创作的另一个高潮。", "1979年平反,任中国作家协会副主席。创作有诗集《彩色的诗》《域外集》,出版了《艾青叙事诗选》《艾青抒情诗选》。", "1985年获法国文学艺术最高勋章。", "其诗作《我爱这土地》被选入人教版中学语文教材(九年级下册)。《北方》中的《土地情诗》被编入鄂教版八年级下册语文书第十三课。《北方》被选入苏教版必修三语文书。《我的思念是圆的》被入选苏教版七年级上册语文书。《大堰河——我的保姆》被选入人教版高中语文必修一。另外,他的诗作《太阳的话》也被选入小学六上语文教材。", "1935年,25岁的艾青听从父母之命,与张竹茹结婚。", "1936年,艾青在常州武进女子师范当国文老师,与女学生韦嫈(真名张月琴),即艾轩的母亲相识、相爱。1939年,29岁的艾青与18岁的韦嫈结婚,相继生下女儿艾清明、儿子艾端午。1947年,艾轩在河北深县小李庄出生。", "1955年,艾青与韦嫈离婚,艾轩和姐姐艾清明、哥哥艾端午判给了父亲,妹妹艾梅梅则归母亲抚养。", "1955年,艾青与刚调到中国作家协会的高瑛相识。1956年3月27日,艾青与高瑛结为夫妻。", "艾青与高瑛生有两子女:分别为当代著名艺术家艾 未未及作家艾丹。", "认识艾青之前,高瑛爱艾青的诗;认识艾青之后,她更爱艾青这个人。艾青为人真诚,从不装腔作势,更不会说假话,高瑛说:“他比我还要真实。”艾青认识高瑛后,也为高瑛的率真、美丽所打动。高瑛是一个要强的人,天真、幼稚,不隐瞒任何事情。她的典雅独特的气质,使艾青深深地爱上了她,并开始追求她。", "那时,艾青同韦嫈感情已经破裂。", "高瑛已有过一次婚姻,但并不幸福。", "于是,共同的遭遇使他们相爱了,走到了一起。当时,高瑛比艾青小23岁,已是两个孩子的母亲,带着两个孩子,高瑛走进了艾青的生活中,四口人组成了一个新的家庭。", "1956年3月27日,既是艾青的生日,也是他同高瑛结婚的日子。尽管在这之前,艾青在文艺界已开始遭到批评,但深深爱着艾青的高瑛毅然决定宣布他们的婚事。", "然而,艾青和高瑛谁也没有想到,一场运动正在向他们逼近,他们爱情与婚姻的序幕,正是苦难生活的开端,并从此决定了他们将相依相伴熬过最苦难的岁月。", "1957年,反右斗争开始了。丁玲等被打成“反党集团”。", "作为丁玲的朋友,艾青想不通。虽然他没有写过一张大字报,没有任何攻击党的言论,虽然他只是说了“丁玲并没有反党嘛,她并没有跟国民党走嘛,还是到了延安,跟着共产党走嘛。”他也只在作家协会的党组织生活会上说过“不要一部分人总是整人,一部分人总是被整”的话。所以,艾青只是替丁玲说过话,他只是对文艺界的宗派主义发过牢骚。但他说的是真话,说真话的后果是:被责令检查,接着是一顶“大右派”的帽子,随着是一连串的惩罚:", "1957年12月被开除出党;1958年4月被撤消一切职务。这还不算,艾青一家人的厄运才开了头,作为“大右派”的妻子,高瑛开始受到迫害。单位有人找高瑛谈话,想通过她来检举、揭发艾青等人的反党反社会主义言论。但高瑛什么也交代不出来,她写道:“最近,我因为生孩子,不知道这个情况……”有人还不死心,想逼她就范。一天, 单位通知高瑛开会,到了会场,高瑛才知道是团总支大会。人很多。主持会议的人说:“今天这个会,是专门欢迎高瑛同志勇敢地站出来,同‘丁陈反党集团’划清界限,勇敢地检举揭发他们的反党反社会主义的罪行的。”", "听到这话,高瑛只觉脑子一片空白,耳中嗡嗡作响,她完全没有一点思想准备啊,她怎么可能出卖自己心爱的丈夫,而且真的从来没有听到过什么反党言论啊。安静下来后,高瑛发言说:“我首先声明,我不知道今天这个会是专门为我开的。我虽然生活在他们中间,但我确实没有看到和听到他们有什么反党反社会主义的言行。所以,我没法揭发。”", "会场一下乱起来,不少人冲着高瑛大喊大叫,各种难听的话迎面而来。", "高瑛思绪万千。她从小就参加了革命。党教育她实事求是,不能诬陷好人,也不包庇坏人。她没法和艾青划清界限,更不能和艾青离婚。“为了纯洁团的组织,我自动提出退团。”高瑛的决定,令大会所有的人目瞪口呆。但她说完就站起来,头也不回地逃离会场直奔家里。", "回到家中,高瑛抱着艾青大声痛哭:“艾青,我是从会场上逃出来的。”望着伤心的妻子,艾青深感内疚:“高瑛啊,跟着我,让你受苦呵!”", "“你上刀山下火海,我都跟着你;你到哪儿,我就到哪儿。我什么也不怕,要死,咱们死到一块。”高瑛说。", "在严酷的现实面前,艾青濒于崩溃。他想不通:自己被打成右派,简直是笑话!我怎么可能反党反社会主义,怎么可能成为右派?"], "bs_rank_pos": 3}, {"is_selected": false, "title": "艾青的诗_经典语录_名言名句赏析_句子迷", "most_related_para": 3, "segmented_title": ["艾青", "的", "诗", "_", "经典语录", "_", "名言", "名句", "赏析", "_", "句子", "迷"], "segmented_paragraphs": [["艾青", "的", "名句", "/", "诗", "/", "经典语录"], ["共", "收录", "24", "个", "艾青", "的", "句子", ":"], ["艾青"], ["艾青", "(", "1910", "年", "3", "月", "27", "日", "—", "1996", "年", "5", "月", "5", "日", ")", ",", "原名", "蒋海澄", ",", "曾", "用", "笔名", "莪", "加", "、", "克", "阿", "、", "林", "壁", "等", ",", "浙江省", "金华", "人", "。", "中国", "现代", "诗人", "。", "成名作", "《", "大堰河", "—", "—", "我", "的", "保姆", "》", "发表", "于", "1933", "年", ",", "这首诗", "奠定", "了", "他", "诗歌", "的", "基本", "艺术", "特征", "和他在现代", "文学", "史", "上", "的", "重要", "地位", "。", "其", "作品", "被", "译", "成", "几", "十", "种", "文字", ",", "著", "有", "《", "大堰河", "》", "、", "《", "北方", "》", "、", "《", "向太阳", "》", "、", "《", "黎明的通知", "》", "、", "《", "湛江", ",", "夹竹桃", "》", "等", "诗集", "。", "20", "世纪", "三", "四", "十", "年代", "他", "出版", "的", "诗集", "有", "《", "大堰河", "》", "《", "北方", "》", "《", "他死在第二次", "》", "《", "向太阳", "》", "《", "献给乡村", "的", "诗", "》", "《", "反法西斯", "》", "《", "旷野", "》", "《", "黎明的通知", "》", "《", "雪", "里", "钻", "》", "等", ".", ".", ".", "(", "更多", ")"], ["分享", "这些", "好", "句子", "到", ":"], ["喜欢", "艾青", "的", "用户", "(", "296", ")"], ["您", "可能", "感兴趣", "的", "名人", "名句"]], "paragraphs": ["艾青的名句/诗/经典语录", "共收录24个艾青的句子:", "艾青", "艾青(1910年3月27日—1996年5月5日),原名蒋海澄,曾用笔名莪加、克阿、林壁等,浙江省金华人。中国现代诗人。成名作《大堰河——我的保姆》发表于1933年,这首诗奠定了他诗歌的基本艺术特征和他在现代文学史上的重要地位。其作品被译成几十种文字,著有《大堰河》、《北方》、《向太阳》、《黎明的通知》、《湛江,夹竹桃》等诗集。 20世纪三四十年代他出版的诗集有《大堰河》《北方》《他死在第二次》《向太阳》《献给乡村的诗》《反法西斯》《旷野》《黎明的通知》《雪里钻》等...(更多)", "分享这些好句子到:", "喜欢艾青的用户 (296)", "您可能感兴趣的名人名句"], "bs_rank_pos": 4}], "answer_spans": [[4, 102]], "answer_docs": [3], "fake_answers": ["艾青的笔名发表长诗《大堰河———我的保姆》,感情诚挚,诗风清新,轰动诗坛。以后陆续出版诗集《北风》、《大堰河》(1939)、《火把》(1941)、《向太阳》(1947)、《黎明的通知》《欢呼集》《宝石的红星》《春天》等,笔触雄浑,感情强烈,倾诉了对祖国和人民的情感。解放后的诗集有《欢呼集》、《光的赞歌》"], "question": "艾青的诗", "segmented_answers": [["《", "大堰河", "》", "(", "诗集", ")", "1936", ";", "《", "北方", "》", "(", "诗集", ")", "1939", ";", "1942", ",", "文生", ";", "《", "他死在第二次", "》", "(", "诗集", ")", "1939", ",", "上", "杂", ";", "《", "向太阳", "》", "(", "长诗", ")", "1940", ",", "海燕", "读书", ";", "《", "吴满有", "》", "(", "长诗", ")", "1943", ",", "新华书店", ";", "1946", ",", "作家", "书屋", ";", "《", "黎明的通知", "》", "(", "诗集", ")", "1943", ",", "文化", "供应", "社", ";", "《", "愿春天", "早点来", "》", "(", "诗集", ")", "1944", ",", "桂林", "诗艺出版社", ";", "《", "雪里钻", "》", "(", "诗集", ")", "1944", ",", "新", "群", ";", "《", "献给乡村", "的", "诗", "》", "(", "诗集", ")", "1945", ",", "北门", ",", "《", "释", "新民主主义", "的", "文学", "》", "(", "理论", ")", "1947", ",", "香港", "海洋", "书屋", ";", "《", "走向胜利", "》", "(", "诗集", ")", "1950", ",", "文化", "工作社", ";", "《", "新", "文艺论集", "》", "1950", ",", "群益", ";", "《", "欢呼", "集", "》", "(", "诗集", ")", "1950", ",", "北京", "新华书店", ";", "1952", ",", "人文", ";", "《", "艾青选集", "》", "1951", ",", "开明", ";", "《", "新", "诗", "论", "》", "1952", ",", "天下", ";", "《", "宝石", "的", "红星", "》", "(", "诗集", ")", "1953", ",", "人文", ";", "《", "艾青诗选", "》", "1955", ",", "人文", ";", "《", "黑鳗", "》", "(", "长诗", ")", "1955", ",", "作家", ";", "《", "春天", "》", "(", "诗集", ")", "1956", ",", "人文", ";", "《", "海岬", "上", "》", "(", "诗集", ")", "1957", ",", "作家", ";", "《", "苏长福", "的", "故事", "》", "(", "报告文学", ")", "署名", "纳雍", ",", "1960", ",", "新疆", "人民", ";", "《", "归来的歌", "》", "(", "诗集", ")", "1980", ",", "四川", "人民", ";", "《", "艾青", "叙事诗", "选", "》", "1980", ",", "广东", "人民", "。"]], "answers": ["《大堰河》(诗集)1936;《北方》(诗集)1939;1942,文生;《他死在第二次》(诗集)1939,上杂;《向太阳》(长诗)1940,海燕读书;《吴满有》(长诗)1943,新华书店;1946,作家书屋;《黎明的通知》(诗集)1943,文化供应社;《愿春天早点来》(诗集)1944,桂林诗艺出版社;《雪里钻》(诗集)1944,新群;《献给乡村的诗》(诗集)1945,北门,《释新民主主义的文学》(理论)1947,香港海洋书屋;《走向胜利》(诗集)1950,文化工作社;《新文艺论集》1950,群益;《欢呼集》(诗集)1950,北京新华书店;1952,人文;《艾青选集》1951,开明;《新诗论》1952,天下;《宝石的红星》(诗集)1953,人文;《艾青诗选》1955,人文;《黑鳗》(长诗)1955,作家;《春天》(诗集)1956,人文;《海岬上》(诗集)1957,作家;《苏长福的故事》(报告文学)署名纳雍,1960,新疆人民;《归来的歌》(诗集)1980,四川人民;《艾青叙事诗选》1980,广东人民。"], "entity_answers": [["大堰河", "北方", "他死在第二次", "向太阳", "吴满有", "黎明的通知", "愿春天早点来", "雪里钻", "献给乡村的诗", "走向胜利", "欢呼集", "宝石的红星", "艾青诗选", "黑鳗", "春天", "海岬", "归来的歌"]], "segmented_question": ["艾青", "的", "诗"], "question_type": "ENTITY", "match_scores": [0.24719101123595502], "fact_or_opinion": "FACT", "question_id": 181629}
-{"documents": [{"is_selected": true, "title": "办一个小型辅导班需要什么手续_百度知道", "most_related_para": 0, "segmented_title": ["办", "一", "个", "小型", "辅导班", "需要", "什么", "手续", "_", "百度", "知道"], "segmented_paragraphs": [["开办", "辅导班", "相当于", "是", "设立", "教育机构", ",", "必须具备", "四项", "基本条件", ":", "1", ")", "有", "可靠", "的", "合格", "教师", "的", "来源", ",", "能", "保证", "教育教学", "任务", "的", "完成", ";", "2", ")", "要", "有", "符合", "规定", "标准", "的", "教学", "场所", "及", "设施", "、", "设备", "等", ";", "3", ")", "有", "较为", "健全", "的", "内部", "组织", "管理机构", ";", "4", ")", "有", "必备", "的", "办", "学", "资金", "和", "稳定", "的", "经费来源", "。", "具备", "以上", "基本条件", "之后", ",", "可以", "去", "当地", "的", "人民政府", "及", "教育行政部门", "等", "主管机关", "审批", "。", "履行", "审批手续", "的", "具体", "程序", "大致", "为", ":", "1", "、", "提出", "申请", ";", "按", "设置", "标准", "载", "明", "有关", "事项", ";", "2", "、", "由", "审批", "机关", "进行", "审核", ",", "包括", "到", "办", "学", "场所", "实", "地", "调查", "了解", "情况", ";", "3", "、", "由", "人民政府", "、", "教育行政部门", "或者", "有关", "主管", "机关", "批准", "。"]], "paragraphs": ["开办辅导班相当于是设立教育机构,必须具备四项基本条件:1)有可靠的合格教师的来源,能保证教育教学任务的完成;2)要有符合规定标准的教学场所及设施、设备等;3)有较为健全的内部组织管理机构;4)有必备的办学资金和稳定的经费来源。具备以上基本条件之后,可以去当地的人民政府及教育行政部门等主管机关审批。履行审批手续的具体程序大致为:1、提出申请;按设置标准载明有关事项;2、由审批机关进行审核,包括到办学场所实地调查了解情况;3、由人民政府、教育行政部门或者有关主管机关批准。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "自办一个培训班都需要那些手续,怎么办理?_百度知道", "most_related_para": 1, "segmented_title": ["自", "办", "一", "个", "培训班", "都", "需要", "那些", "手续", ",", "怎么", "办理", "?", "_", "百度", "知道"], "segmented_paragraphs": [["一", "、", "申办", "培训班", ",", "应", "符合", "下列", "条件", ":", "园", "舍", "场地", "和", "设施", "符合", "建设", "部门", "、", "教育部门", "所", "规定", "的", "标准", ";", "有", "独立", "的", "财务", "机构", ",", "独立", "的", "银行帐户", ";", "有", "足够", "的", "办", "园", "资金", "和", "维持", "日常", "教育", "所需", "的", "资金", "严", "来源", ";", "有", "正常", "师资", "来源", "渠道", "和", "符合", "教育行政部门", "规定", "要求", "的", "师资队伍", ";", "有", "符合", "教育行政部门", "规定", "的", "幼教", "专业", "管理人员", "并", "主持", "培训班", "日常", "管理", "工作", ";", "有", "明确", "的", "办", "园", "方案", ",", "办", "园", "方案", "包括", "办", "园", "目标", "、", "原则", "和", "培训班", "类型", ",", "招收", "对象", "和", "范围", ",", "师资队伍", "和", "符合", "国家", "规定", "的", "教育", "课程", "和", "教材", "等", ";", "有", "培训班", "名称", ",", "培训班", "名称", "应", "体现", "民族化", "、", "儿童", "化", "的", "特点", ",", "名称", "中", "不得", "带有", "与", "办", "园", "实际", "不符", "的", "或", "易", "产生", "误导", "作用", "的", "词语", "。", "  ", "二", "、", "培训班", "申办", "者", "  ", "培训班", "申办", "者", "可以", "货币", "形式", "出", "贺", ",", "也", "可以", "实物", "、", "土地", "(", "房产", ")", "使用权", "出资", "。", "凡", "以", "实物", "、", "土地", "(", "房产", ")", "使用权", "出资", "的", ",", "必须", "由", "有关部门", "进行", "资产", "的", "评估", "和", "核实", ","], ["一", "、", "申办", "培训班", ",", "应", "符合", "下列", "条件", ":", "园", "舍", "场地", "和", "设施", "符合", "建设", "部门", "、", "教育部门", "所", "规定", "的", "标准", ";", "有", "独立", "的", "财务", "机构", ",", "独立", "的", "银行帐户", ";", "有", "足够", "的", "办", "园", "资金", "和", "维持", "日常", "教育", "所需", "的", "资金", "严", "来源", ";", "有", "正常", "师资", "来源", "渠道", "和", "符合", "教育行政部门", "规定", "要求", "的", "师资队伍", ";", "有", "符合", "教育行政部门", "规定", "的", "幼教", "专业", "管理人员", "并", "主持", "培训班", "日常", "管理", "工作", ";", "有", "明确", "的", "办", "园", "方案", ",", "办", "园", "方案", "包括", "办", "园", "目标", "、", "原则", "和", "培训班", "类型", ",", "招收", "对象", "和", "范围", ",", "师资队伍", "和", "符合", "国家", "规定", "的", "教育", "课程", "和", "教材", "等", ";", "有", "培训班", "名称", ",", "培训班", "名称", "应", "体现", "民族化", "、", "儿童", "化", "的", "特点", ",", "名称", "中", "不得", "带有", "与", "办", "园", "实际", "不符", "的", "或", "易", "产生", "误导", "作用", "的", "词语", "。", "  ", "二", "、", "培训班", "申办", "者", "  ", "培训班", "申办", "者", "可以", "货币", "形式", "出", "贺", ",", "也", "可以", "实物", "、", "土地", "(", "房产", ")", "使用权", "出资", "。", "凡", "以", "实物", "、", "土地", "(", "房产", ")", "使用权", "出资", "的", ",", "必须", "由", "有关部门", "进行", "资产", "的", "评估", "和", "核实", ","], ["需要", "到", "办", "学", "所在地", "的", "教育局", "去", "索取", "并", "填写", "申请表", ",", "(", "要", "提供", "开办", "者", "的", "相关", "资质", ",", "学历", "学位", "证明", "等", ")", "经过", "审核", "批准", ",", "颁发", "许可证", "才能", "开办", ",", "这", "是", "第", "一", "关", ";", "第", "二", "关", ",", "就是", "向", "工商行政部门", "申请", "营业执照", "进行", "法人", "登记", "(", "要", "提供", "验资证明", "、", "经营场所", "状况", "等等", ")", ";", "第", "三", "关", ",", "是", "办理", "税务登记", "。", "至于", "费用", ",", "至少", "要", "有", "十万元", "的", "注册资金", "。", "如果", "嫌", "麻烦", ",", "资金", "也", "一下子", "没", "那么多", ",", "也", "可", "尝试", "采取", "与", "他人", "合作", "的", "办法", ",", "就是", "把", "你", "的", "班", "挂靠", "在", "一", "个", "教学", "实体", "(", "如", "某某", "学校", "、", "某某", "干", "校", "、", "某某", "党校", ")", "的", "名下", ",", "与", "他们", "谈", "好", "条件", ",", "签订合同", ",", "租", "他们", "教室", ",", "向", "他们", "缴", "一部分", "费用", ",", "会", "有人", "帮助", "你", "的", "。", "还有", ",", "就是", "这种", "培训班", ",", "最", "重要", "的", "手续", "就是", "教育局", "或者", "劳动局", "审批", "的", "资质", "手续", ",", "这个", "也是", "最", "难办", "的", ",", "要求", "你", "的", "场地", "、", "设备", "、", "人员", "都", "要", "达标", ",", "但是", "这个", "应该", "是", "可以通过", "其他", "渠道", "操作", "的", "。", "还有", "要", "在", "工商局", "注册", ",", "这个"], ["http", ":", "/", "/", "zhidao", ".", "baidu", ".", "com", "/", "question", "/", "1372868", ".", "html", "申办", "民办", "幼儿园", ",", "应", "符合", "下列", "条件", ":", "园", "舍", "场地", "和", "设施", "符合", "建设", "部门", "、", "教育部门", "所", "规定", "的", "标准", ";", "有", "独立", "的", "财务", "机构", ",", "独立", "的", "银行帐户", ";", "有", "足够", "的", "办", "园", "资金", "和", "维持", "日常", "教育", "所需", "的", "资金", "严", "来源", ";", "有", "正常", "师资", "来源", "渠道", "和", "符合", "教育行政部门", "规定", "要求", "的", "师资队伍", ";", "有", "符合", "教育行政部门", "规定", "的", "幼教", "专业", "管理人员", "并", "主持", "幼儿园", "日常", "管理", "工作", ";", "有", "明确", "的", "办", "园", "方案", ",", "办", "园", "方案", "包括", "办", "园", "目标", "、", "原则", "和", "幼儿园", "类型", ",", "招收", "对象", "和", "范围", ",", "师资队伍", "和", "符合", "国家", "规定", "的", "教育", "课程", "和", "教材", "等", ";", "有", "幼儿园", "名称", ",", "幼儿园", "名称", "应", "体现", "民族化", "、", "儿童", "化", "的", "特点", ",", "名称", "中", "不得", "带有", "与", "办", "园", "实际", "不符", "的", "或", "易", "产生", "误导", "作用", "的", "词语", "。", "2", "、", "幼儿园", "申办", "者", "可以", "货币", "形式", "出", "贺", ",", "也", "可以", "实物", "、", "土地", "(", "房产", ")", "使用权", "出资", "。", "凡", "以", "实物", "、", "土地", "(", "房产", ")"]], "paragraphs": ["一、申办培训班,应符合下列条件: 园舍场地和设施符合建设部门、教育部门所规定的标准; 有独立的财务机构,独立的银行帐户; 有足够的办园资金和维持日常教育所需的资金严来源; 有正常师资来源渠道和符合教育行政部门规定要求的师资队伍; 有符合教育行政部门规定的幼教专业管理人员并主持培训班日常管理工作; 有明确的办园方案,办园方案包括办园目标、原则和培训班类型,招收对象和范围,师资队伍和符合国家规定的教育课程和教材等; 有培训班名称,培训班名称应体现民族化、儿童化的特点,名称中不得带有与办园实际不符的或易产生误导作用的词语。   二、培训班申办者   培训班申办者可以货币形式出贺,也可以实物、土地(房产)使用权出资。凡以实物、土地(房产)使用权出资的,必须由有关部门进行资产的评估和核实,", "一、申办培训班,应符合下列条件: 园舍场地和设施符合建设部门、教育部门所规定的标准; 有独立的财务机构,独立的银行帐户; 有足够的办园资金和维持日常教育所需的资金严来源; 有正常师资来源渠道和符合教育行政部门规定要求的师资队伍; 有符合教育行政部门规定的幼教专业管理人员并主持培训班日常管理工作; 有明确的办园方案,办园方案包括办园目标、原则和培训班类型,招收对象和范围,师资队伍和符合国家规定的教育课程和教材等; 有培训班名称,培训班名称应体现民族化、儿童化的特点,名称中不得带有与办园实际不符的或易产生误导作用的词语。   二、培训班申办者   培训班申办者可以货币形式出贺,也可以实物、土地(房产)使用权出资。凡以实物、土地(房产)使用权出资的,必须由有关部门进行资产的评估和核实,", "需要到办学所在地的教育局去索取并填写申请表,(要提供开办者的相关资质,学历学位证明等)经过审核批准,颁发许可证才能开办,这是第一关; 第二关,就是向工商行政部门申请营业执照进行法人登记(要提供验资证明、经营场所状况等等); 第三关,是办理税务登记。至于费用,至少要有十万元的注册资金。如果嫌麻烦,资金也一下子没那么多,也可尝试采取与他人合作的办法,就是把你的班挂靠在一个教学实体(如某某学校、某某干校、某某党校)的名下,与他们谈好条件,签订合同,租他们教室,向他们缴一部分费用,会有人帮助你的。 还有,就是这种培训班,最重要的手续就是教育局或者劳动局审批的资质手续,这个也是最难办的,要求你的场地、设备、人员都要达标,但是这个应该是可以通过其他渠道操作的。 还有要在工商局注册,这个", "http://zhidao.baidu.com/question/1372868.html申办民办幼儿园,应符合下列条件: 园舍场地和设施符合建设部门、教育部门所规定的标准;有独立的财务机构,独立的银行帐户;有足够的办园资金和维持日常教育所需的资金严来源;有正常师资来源渠道和符合教育行政部门规定要求的师资队伍;有符合教育行政部门规定的幼教专业管理人员并主持幼儿园日常管理工作;有明确的办园方案,办园方案包括办园目标、原则和幼儿园类型,招收对象和范围,师资队伍和符合国家规定的教育课程和教材等;有幼儿园名称,幼儿园名称应体现民族化、儿童化的特点,名称中不得带有与办园实际不符的或易产生误导作用的词语。 2、幼儿园申办者可以货币形式出贺,也可以实物、土地(房产)使用权出资。凡以实物、土地(房产)"], "bs_rank_pos": 1}, {"is_selected": false, "title": "想开办一个培训班需要办理什么手续_百度知道", "most_related_para": 0, "segmented_title": ["想", "开办", "一", "个", "培训班", "需要", "办理", "什么", "手续", "_", "百度", "知道"], "segmented_paragraphs": [["有", "办", "学", "硬件", "(", "空间", "和", "灯光", "均", "达标", "的", "校舍", "、", "课桌", "凳", "、", "黑板", "等", "基本设施", "。", "向", "当", "地区", "县级", "教育行政部门", "(", "教育局", ")", "成", "教科", "申请", "领", "申请表", ",", "填", "好", "所有", "项目", ",", "上交", "到", "区县级", "教育行政部门", "(", "教育局", ")", "成", "教科", "初审", ",", "通过", "后", "上", "报", "市", "教育局", "审批", "。", "需要", "提供", "(", "办", "学", "法人", "身份证", "及", "复印件", ",", "学校", "负责人", "身份证", "及", "复印件", ",", "以上", "人员", "学历", "及", "证明", ",", ")", "为", "中小学", "学生", "作", "辅导", "课程", "只能", "申请", "中等教育", ",", "培训机构", "。", "以上", "办好", ",", "只", "等", "教育局", "为你", "颁发", "“", "社会力量办学", "证书", "”", "就", "可以", "开学", "了", "。", "不需要", "注册资金", ",", "只要", "把", "办", "学", "硬件", "做", "好", "了", ",", "拿到", "“", "社会力量办学", "证书", "”", "就", "可以", "招生", "了", ",", "如果", "对", "招生", "没", "信心", ",", "就", "需要", "准备", "所", "聘", "老师", "的", "一个月", "工资", "和", "所", "租", "校舍", "的", "房租", "、", "水电", "费用", "。", "如果", "能", "尽快", "招", "到", "学生", ",", "用", "辅导", "费", "就", "可以", "解决", "了", "。", "暑假", "就要", "到", "了", ",", "现在", "正是", "招生", "的", "最佳", "时机", ",", "你", "可以", "一边", "招生", ",", "一边", "等待", "教育局", "的", "批复", ",", "因为", "这样", "的", "培训", "学"]], "paragraphs": ["有办学硬件(空间和灯光均达标的校舍、课桌凳、黑板等基本设施。向当地区县级教育行政部门(教育局)成教科申请领申请表,填好所有项目,上交到区县级教育行政部门(教育局)成教科初审,通过后上报市教育局审批。需要提供(办学法人身份证及复印件,学校负责人身份证及复印件,以上人员学历及证明,)为中小学学生作辅导课程只能申请中等教育,培训机构。以上办好,只等教育局为你颁发“社会力量办学证书”就可以开学了。 不需要注册资金,只要把办学硬件做好了,拿到“社会力量办学证书”就可以招生了,如果对招生没信心,就需要准备所聘老师的一个月工资和所租校舍的房租、水电费用。如果能尽快招到学生,用辅导费就可以解决了。 暑假就要到了,现在正是招生的最佳时机,你可以一边招生,一边等待教育局的批复,因为这样的培训学"], "bs_rank_pos": 2}, {"is_selected": false, "title": "办培训机构需要哪些手续_百度知道", "most_related_para": 0, "segmented_title": ["办", "培训机构", "需要", "哪些", "手续", "_", "百度", "知道"], "segmented_paragraphs": [["设立", "学校", "及", "其他", "教育机构", "必须具备", "四项", "基本条件", ":", "1", ")", "在", "申请", "设立", "学校", "的", "时候", ",", "应当", "有", "可靠", "的", "合格", "教师", "的", "来源", ",", "能够", "通过", "聘任", "专职", "的", "或者", "兼职", "的", "教师", "来", "保证", "教育教学", "任务", "的", "完成", ";", "2", ")", "要", "有", "符合", "规定", "标准", "的", "教学", "场所", "及", "设施", "、", "设备", "等", ";", "3", ")", "学校", "设立", "时", ",", "必须", "建立", "较为", "健全", "的", "内部", "组织", "管理机构", ";", "4", ")", "有", "必备", "的", "办", "学", "资金", "和", "稳定", "的", "经费来源", "。", "除此以外", ",", "举办", "者", "还要", "依法", "办理", "设立", "审批", "等", "手续", "。", "学校", "及", "其他", "教育机构", "有", "各级", "各类", ",", "其", "履行", "审批手续", "也", "要", "按", "相应", "的", "级别", "层次", "到", "相应", "的", "人民政府", "、", "教育行政部门", "或者", "有关", "主管机关", "审批", "。", "履行", "审批手续", "的", "具体", "程序", "大致", "为", ":", "1", "、", "由", "举办", "者", "向", "审批", "机关", "提出", "设立", "学校", "或者", "其他", "教育机构", "的", "申请书", ";", "申请书", "应当按照", "有关", "设置", "标准", "载", "明", "有关", "事项", ";", "2", "、", "由", "审批", "机关", "进行", "审核", ",", "包括", "到", "办", "学", "场所", "实", "地", "调查", "了解", "情况", ";", "3", "、", "由", "人民政府", "、", "教育行政部门", "或者", "有关", "主管", "机关", "批准"]], "paragraphs": ["设立学校及其他教育机构必须具备四项基本条件: 1)在申请设立学校的时候,应当有可靠的合格教师的来源,能够通过聘任专职的或者兼职的教师来保证教育教学任务的完成; 2)要有符合规定标准的教学场所及设施、设备等; 3)学校设立时,必须建立较为健全的内部组织管理机构; 4)有必备的办学资金和稳定的经费来源。 除此以外,举办者还要依法办理设立审批等手续。学校及其他教育机构有各级各类,其履行审批手续也要按相应的级别层次到相应的人民政府、教育行政部门或者有关主管机关审批。 履行审批手续的具体程序大致为:1、由举办者向审批机关提出设立学校或者其他教育机构的申请书;申请书应当按照有关设置标准载明有关事项;2、由审批机关进行审核,包括到办学场所实地调查了解情况;3、由人民政府、教育行政部门或者有关主管机关批准"], "bs_rank_pos": 3}, {"is_selected": false, "title": "开一个培训机构需要什么手续_百度知道", "most_related_para": 0, "segmented_title": ["开", "一", "个", "培训机构", "需要", "什么", "手续", "_", "百度", "知道"], "segmented_paragraphs": [["开", "一", "个", "培训机构", "都", "要", "经过", "教育局", "的", "认可", ",", "拿到", "办学许可证", "。", "简单", "来", "说", "培训机构", ",", "各种", "机构", "要", "向", "教育", "主管", "部门", "申请", "。", "第", "一", "关", "、", "到", "培训机构", "所在地", "的", "教育局", "去", "索取", "并", "填写", "申请表", ",", "(", "要", "提供", "开办", "者", "的", "相关", "资质", ",", "学历", "学位", "证明", "等", ")", "经过", "审核", "批准", ",", "颁发", "许可证", "才能", "开办", "。", "第", "二", "关", ",", "就是", "向", "工商行政部门", "申请", "营业执照", "进行", "法人", "登记", "(", "要", "提供", "验资证明", "、", "经营场所", "状况", "等等", ")", ";", "第", "三", "关", ",", "是", "办理", "税务登记", "。", "最后", "有", "的", "还要", "注册资金", "。"]], "paragraphs": ["开一个培训机构都要经过教育局的认可,拿到办学许可证。 简单来说 培训机构,各种机构要向教育主管部门申请。 第一关、到培训机构所在地的教育局去索取并填写申请表,(要提供开办者的相关资质,学历学位证明等)经过审核批准,颁发许可证才能开办。 第二关,就是向工商行政部门申请营业执照进行法人登记(要提供验资证明、经营场所状况等等); 第三关,是办理税务登记。 最后有的还要注册资金。"], "bs_rank_pos": 4}], "answer_spans": [[0, 134]], "fake_answers": ["开办辅导班相当于是设立教育机构,必须具备四项基本条件:1)有可靠的合格教师的来源,能保证教育教学任务的完成;2)要有符合规定标准的教学场所及设施、设备等;3)有较为健全的内部组织管理机构;4)有必备的办学资金和稳定的经费来源。具备以上基本条件之后,可以去当地的人民政府及教育行政部门等主管机关审批。履行审批手续的具体程序大致为:1、提出申请;按设置标准载明有关事项;2、由审批机关进行审核,包括到办学场所实地调查了解情况;3、由人民政府、教育行政部门或者有关主管机关批准。"], "question": "开培训班需要什么手续", "segmented_answers": [["开办", "辅导班", "相当于", "是", "设立", "教育机构", ",", "必须具备", "四项", "基本条件", ":", "1", ")", "有", "可靠", "的", "合格", "教师", "的", "来源", ",", "能", "保证", "教育教学", "任务", "的", "完成", ";", "2", ")", "要", "有", "符合", "规定", "标准", "的", "教学", "场所", "及", "设施", "、", "设备", "等", ";", "3", ")", "有", "较为", "健全", "的", "内部", "组织", "管理机构", ";", "4", ")", "有", "必备", "的", "办", "学", "资金", "和", "稳定", "的", "经费来源", "。", "具备", "以上", "基本条件", "之后", ",", "可以", "去", "当地", "的", "人民政府", "及", "教育行政部门", "等", "主管机关", "审批", "。", "履行", "审批手续", "的", "具体", "程序", "大致", "为", ":", "1", "、", "提出", "申请", ";", "按", "设置", "标准", "载", "明", "有关", "事项", ";", "2", "、", "由", "审批", "机关", "进行", "审核", ",", "包括", "到", "办", "学", "场所", "实", "地", "调查", "了解", "情况", ";", "3", "、", "由", "人民政府", "、", "教育行政部门", "或者", "有关", "主管", "机关", "批准", "。"], ["申办", "培训班", ",", "应", "符合", "下列", "条件", ":", "1", ".", "园", "舍", "场地", "和", "设施", "符合", "建设", "部门", "、", "教育部门", "所", "规定", "的", "标准", ";", "2", ".", "有", "独立", "的", "财务", "机构", ",", "独立", "的", "银行帐户", ";", "3", ".", "有", "足够", "的", "办", "园", "资金", "和", "维持", "日常", "教育", "所需", "的", "资金", "严", "来源", ";", "4", ".", "有", "正常", "师资", "来源", "渠道", "和", "符合", "教育行政部门", "规定", "要求", "的", "师资队伍", ";", "5", ".", "有", "符合", "教育行政部门", "规定", "的", "幼教", "专业", "管理人员", "并", "主持", "培训班", "日常", "管理", "工作", ";", "6", ".", "有", "明确", "的", "办", "园", "方案", ",", "办", "园", "方案", "包括", "办", "园", "目标", "、", "原则", "和", "培训班", "类型", ",", "招收", "对象", "和", "范围", ",", "师资队伍", "和", "符合", "国家", "规定", "的", "教育", "课程", "和", "教材", "等", ";", "7", ".", "有", "培训班", "名称", ",", "培训班", "名称", "应", "体现", "民族化", "、", "儿童", "化", "的", "特点", ",", "名称", "中", "不得", "带有", "与", "办", "园", "实际", "不符", "的", "或", "易", "产生", "误导", "作用", "的", "词语", "。"]], "answers": ["开办辅导班相当于是设立教育机构,必须具备四项基本条件:1)有可靠的合格教师的来源,能保证教育教学任务的完成;2)要有符合规定标准的教学场所及设施、设备等;3)有较为健全的内部组织管理机构;4)有必备的办学资金和稳定的经费来源。具备以上基本条件之后,可以去当地的人民政府及教育行政部门等主管机关审批。履行审批手续的具体程序大致为:1、提出申请;按设置标准载明有关事项;2、由审批机关进行审核,包括到办学场所实地调查了解情况;3、由人民政府、教育行政部门或者有关主管机关批准。", "申办培训班,应符合下列条件:1.园舍场地和设施符合建设部门、教育部门所规定的标准;2.有独立的财务机构,独立的银行帐户;3.有足够的办园资金和维持日常教育所需的资金严来源;4.有正常师资来源渠道和符合教育行政部门规定要求的师资队伍;5.有符合教育行政部门规定的幼教专业管理人员并主持培训班日常管理工作;6.有明确的办园方案,办园方案包括办园目标、原则和培训班类型,招收对象和范围,师资队伍和符合国家规定的教育课程和教材等;7.有培训班名称,培训班名称应体现民族化、儿童化的特点,名称中不得带有与办园实际不符的或易产生误导作用的词语。"], "answer_docs": [0], "segmented_question": ["开", "培训班", "需要", "什么", "手续"], "question_type": "DESCRIPTION", "question_id": 181630, "fact_or_opinion": "FACT", "match_scores": [1.0]}
-{"documents": [{"is_selected": true, "title": "廊坊肛肠外科医院_廊坊肛肠外科医院哪家好_廊坊肛肠外科最好的医院/", "most_related_para": 1, "segmented_title": ["廊坊", "肛肠", "外科", "医院", "_", "廊坊", "肛肠", "外科医院", "哪家", "好", "_", "廊坊", "肛肠", "外科", "最好", "的", "医院", "/"], "segmented_paragraphs": [["廊坊", "肛肠", "外科", "医院"], ["医院", "科室", "地区", "医生", "数", "科室", "治疗", "的", "疾病"]], "paragraphs": ["廊坊肛肠外科医院", "医院 科室 地区 医生数 科室治疗的疾病"], "bs_rank_pos": 1}, {"is_selected": true, "title": "我是廊坊市的,得了痔疮应去哪个医院呢?_痔疮_好大夫在线-智慧互联网", "most_related_para": 1, "segmented_title": ["我", "是", "廊坊市", "的", ",", "得", "了", "痔疮", "应", "去", "哪个", "医院", "呢", "?", "_", "痔疮", "_", "好大夫", "在线", "-", "智慧", "互联网"], "segmented_paragraphs": [["疾病", ":"], ["内容", ":", "病情", "描述", "(", "发病", "时间", "、", "主要症状", "、", "就诊", "医院", "等", ")", ":", "通", "县", "潞河医院", "曾经", "治疗", "情况", "和", "效果", ":", "想得到", "怎样", "的", "帮助", ":"], ["发表", "于", "2012", "-", "07", "-", "29"], ["张燕", "大夫", "本人", "回复", "发表", "于", ":", "2012", "-", "07", "-", "29"], ["痔疮", "相关", "回复"], ["直肠", "肛管", "疾病", "相关", "回复", "电话咨询", "直肠", "肛管", "疾病", "全国", "名医", ">", ">"], ["痔疮", "相关文章", "电话咨询", "直肠", "肛管", "疾病", "全国", "名医", ">", ">"], ["痔疮", "知识", "介绍", "痔疮", "注意事项", "胃肠", "肛门外科", "好评", "科室", "胃肠", "肛门外科", "分类", "问答"], ["张燕", "大夫", "的", "信息"], ["周五", "专", "设", "女性", "肛肠疾病", "的", "诊治", "门诊", "。", "擅长", "结", "直肠", "肿瘤", "与", "炎", "性", "肠", "病", "、", "便秘", "、", "肛", "周", "疾病", "、", "排便", "困难", "等", "疾病", "的", "诊治", ";", "结", "直", ".", ".", "."], ["张燕", ",", "主任医师", ",", "教授", ",", "硕士生导师", ",", "医学博士", "。", "1992", "年", "毕业", "于", "河北", "医科大学", "临床医学", "系", ",", "毕业后", "留校", "从事", "妇产科", ".", ".", "."], ["90", "%", "当天", "通话", ",", "沟通", "充分", "!"], ["李辉", "副主任医师", "中日", "医院", "肛肠科", "查看", "43", "条", "服务", "评价", ">", ">"], ["李胜龙", "副主任医师", "广州", "南方医院", "肛肠", "外科", "查看", "62", "条", "服务", "评价", ">", ">"], ["郑丽华", "副主任医师", "中日", "医院", "肛肠科", "查看", "16", "条", "服务", "评价", ">", ">"], ["鲍铭", "主治医师", "广州", "南方医院", "肛肠", "外科", "查看", "3", "条", "服务", "评价", ">", ">"], ["马建华", "主任医师", "武汉", "协和医院", "肛肠", "外科", "查看", "37", "条", "服务", "评价", ">", ">"], ["傅传刚", "主任医师", "上海市", "东方", "医院", "胃肠", "肛肠", "外科", "查看", "7", "条", "服务", "评价", ">", ">"], ["刘贵生", "主任医师", "天津市", "人民医院", "肛肠疾病", "诊疗中心", "查看", "37", "条", "服务", "评价", ">", ">"]], "paragraphs": ["疾病:", "内容:病情描述(发病时间、主要症状、就诊医院等): 通县潞河医院 曾经治疗情况和效果: 想得到怎样的帮助:", "发表于 2012-07-29", "张燕大夫本人回复发表于:2012-07-29", "痔疮相关回复", "直肠肛管疾病 相关回复 电话咨询直肠肛管疾病全国名医 >>", "痔疮 相关文章 电话咨询直肠肛管疾病全国名医 >>", "痔疮知识介绍 痔疮注意事项 胃肠肛门外科好评科室 胃肠肛门外科分类问答", "张燕大夫的信息", "周五专设女性肛肠疾病的诊治门诊。擅长结直肠肿瘤与炎性肠病、便秘、肛周疾病、排便困难等疾病的诊治;结直...", "张燕,主任医师,教授,硕士生导师,医学博士。1992年毕业于河北医科大学临床医学系,毕业后留校从事妇产科...", "90%当天通话,沟通充分!", "李辉副主任医师 中日医院 肛肠科 查看43条服务评价 >>", "李胜龙副主任医师 广州南方医院 肛肠外科 查看62条服务评价 >>", "郑丽华副主任医师 中日医院 肛肠科 查看16条服务评价 >>", "鲍铭主治医师 广州南方医院 肛肠外科 查看3条服务评价 >>", "马建华主任医师 武汉协和医院 肛肠外科 查看37条服务评价 >>", "傅传刚主任医师 上海市东方医院 胃肠肛肠外科 查看7条服务评价 >>", "刘贵生主任医师 天津市人民医院 肛肠疾病诊疗中心 查看37条服务评价 >>"], "bs_rank_pos": 2}, {"is_selected": false, "title": "【河北廊坊市安次区肛肠外科三级甲等医院官网在线预约】河北廊坊市", "most_related_para": 1, "segmented_title": ["【", "河北", "廊坊市", "安次区", "肛肠", "外科", "三级甲等", "医院", "官网", "在线", "预约", "】", "河北", "廊坊市"], "segmented_paragraphs": [["当前位置", ":", "首页", ">", "好", "医院", ">", "河北", "廊坊市", "安次区", "肛肠", "外科", "医院", "查询"], ["河北", "廊坊市", "安次区", "医院", "官网", "在线", "预约", "查询"], ["按", "地区", "找", ":"]], "paragraphs": ["当前位置:首页 > 好医院 > 河北廊坊市安次区 肛肠外科 医院查询", "河北廊坊市安次区医院官网在线预约查询", "按地区找:"], "bs_rank_pos": 3}, {"is_selected": false, "title": "【河北廊坊市三级乙等肛肠外科医院哪个好】河北廊坊市三级乙等肛肠", "most_related_para": 0, "segmented_title": ["【", "河北", "廊坊市", "三级", "乙", "等", "肛肠", "外科", "医院", "哪个", "好", "】", "河北", "廊坊市", "三级", "乙", "等", "肛肠"], "segmented_paragraphs": [["当前位置", ":", "首页", ">", "好", "医院", ">", "河北", "廊坊市", "肛肠", "外科", "医院"]], "paragraphs": ["当前位置:首页 > 好医院 > 河北廊坊市 肛肠外科医院"], "bs_rank_pos": 4}, {"is_selected": true, "title": "廊坊那家医院看肛肠病最好?那个医生最权威?_百度知道", "most_related_para": 0, "segmented_title": ["廊坊", "那", "家", "医院", "看", "肛肠病", "最好", "?", "那个", "医生", "最", "权威", "?", "_", "百度", "知道"], "segmented_paragraphs": [["其实", "你", "要", "去", "还是", "去", "管道局", "医院", "和", "市", "医院", ",", "虽然", "他们", "没有", "说什么", "最好", "也", "没有", "权威", ",", "但是", "他们", "便宜", "呀", "!", "如果", "你", "非", "要", "去", "廊坊", "电视", "做广告", "的", "那些", "医院", ",", "你", "的", "钱", "就", "等", "着", "空", "吧", "?", "黑"]], "paragraphs": ["其实你要去还是去管道局医院和市医院,虽然他们没有说什么最好也没有权威,但是他们便宜呀!如果你非要去廊坊电视做广告的那些医院,你的钱就等着空吧?黑"], "bs_rank_pos": 5}], "answer_spans": [[6, 10]], "answer_docs": [4], "fake_answers": ["管道局医院和市医院"], "question": "廊坊哪家肛肠医院好", "segmented_answers": [["河北", "医科大学", "第", "三", "医院", "。"], ["通", "县", "潞河医院", "。"], ["管道局", "医院", "和", "市", "医院", "。"]], "answers": ["河北医科大学第三医院。", "通县潞河医院。", "管道局医院和市医院。"], "entity_answers": [["河北医科大学第三医院"], ["通县潞河医院"], ["管道局医院", "市医院"]], "segmented_question": ["廊坊", "哪家", "肛肠", "医院", "好"], "question_type": "ENTITY", "match_scores": [0.9090909090909091], "fact_or_opinion": "OPINION", "question_id": 181631}
-{"documents": [{"is_selected": true, "title": "Excel组织结构图怎么做_百度经验", "most_related_para": 8, "segmented_title": ["Excel", "组织结构", "图", "怎么", "做", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["你", "还在", "为", "Excel", "组织结构", "图", "怎么", "做", "而", "苦恼", "吗", ",", "今天", "小", "编", "教", "你", "Excel", "组织结构", "图", "怎么", "做", ",", "让", "你", "告别", "Excel", "组织结构", "图", "怎么", "做", "。"], ["更多", "经验", "请", "关注", "Excel", "小新", ",", "如果", "帮", "到", "了", "你", ",", "请", "在", "上方", "给", "个", "投票", "谢谢支持", "。", "好人一生平安", "。"], ["先", "顶", "后", "看", "年薪百万", ",", "如果", "帮", "到", "了", "你", ",", "帮忙", "给", "个", "好评", ",", "这", "对", "小", "编", "很重要", ",", "万分感谢", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "1", ".", "点击", "插入", "—", "—", "smartart", "。", "步骤", "阅读", "2", "2", ".", "选择", "smartart", "图形", "—", "—", "层次", "结构", "。", "步骤", "阅读", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "3", ".", "点击", "smartart", "工具", "—", "—", "添加", "形状", "。", "步骤", "阅读", "2", "4", ".", "如图所示", "点击", "降级", ",", "添加", "组织结构", "图", "的", "框", "。", "步骤", "阅读", "3", "5", ".", "如图所示", ",", "点击", "升级", ",", "使", "组织结构", "图", "的", "框", "向上", "提", "一", "级", "。", "步骤", "阅读", "4", "6", ".", "快捷键", "用", "Backspace", "键", "提升", "层次", ",", "TAB", "降低", "层次", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["本", "百度", "经验", "由", "skylemon", "黄小新", "编写", ",", "转载", "请", "注明", "出处", "。", "亲", ",", "如果", "帮", "到", "你", "的", "话", ",", "请", "在", "上方", "给", "个", "投票", ",", "或者", "在", "下方", "给", "个", "好评", ",", "也", "可以", "关注", "小", "编", ",", "让", "小", "编", "知道", "在", "茫茫人海", "中", "至少", "有", "你", "的", "支持", ",", "因为", "这", "是", "支持", "我", "写", "下去", "的", "唯一", "理由", ",", "谢谢", "。", "亲", ",", "如果", "有疑问", ",", "可以", "再", "下方", "评论", ",", "小", "编", "会", "在", "第一时间", "回复", "你", ",", "谢谢", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "你还在为Excel组织结构图怎么做而苦恼吗,今天小编教你Excel组织结构图怎么做,让你告别Excel组织结构图怎么做。", "更多经验请关注Excel小新,如果帮到了你,请在上方给个投票谢谢支持。好人一生平安。", "先顶后看年薪百万,如果帮到了你,帮忙给个好评,这对小编很重要,万分感谢。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 1.点击插入——smartart。 步骤阅读 2 2.选择smartart图形——层次结构。 步骤阅读 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 3.点击smartart工具——添加形状。 步骤阅读 2 4.如图所示点击降级,添加组织结构图的框。 步骤阅读 3 5.如图所示,点击升级,使组织结构图的框向上提一级。 步骤阅读 4 6.快捷键 用Backspace键提升层次,TAB降低层次。 步骤阅读 END", "百度经验:jingyan.baidu.com", "本百度经验由skylemon黄小新编写,转载请注明出处。 亲,如果帮到你的话,请在上方给个投票,或者在下方给个好评,也可以关注小编,让小编知道在茫茫人海中至少有你的支持,因为这是支持我写下去的唯一理由,谢谢。 亲,如果有疑问,可以再下方评论,小编会在第一时间回复你,谢谢。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "如何使用word制作组织结构图_百度经验", "most_related_para": 5, "segmented_title": ["如何", "使用", "word", "制作", "组织结构", "图", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "职场", "/", "理财", ">", "公务", "办理"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["这里", "将", "介绍", "如何", "使用", "word", "快速", "制作公司", "或者", "机构", "的", "组织结构", "图", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "点击", "“", "插入", "”", "—", "—", "“", "SmartArt", "”", "—", "—", "弹出", "如", "下", "图", "所示", "对话", "图", ",", "按", "下", "图", "所示", "设置", "后", ",", "点击确定", ",", "最终", "效果", "如", "第", "2", "张", "图", "所示", "。", "步骤", "阅读", "步骤", "阅读", "2", "选中", "第", "3", "行", "最", "左边", "的", "文本框", ",", "然后", "点击", "“", "布局", "”", "选择", "“", "标准", "”", "步骤", "阅读", "3", "点击", "“", "添加", "形状", "”", "—", "—", "“", "在", "下方", "添加", "形状", "”", ",", "效果", "如图所示", ",", "在", "该", "文本框", "下", "增加", "了", "下属", "文本框", "。", "步骤", "阅读", "步骤", "阅读", "4", "用", "同样", "的", "方法", ",", "再", "增加", "两", "个", "下属", "文本框", "。", "步骤", "阅读", "5", "选中", "第", "3", "行", "中间", "的", "文本框", ",", "然后", "删除", "。", "步骤", "阅读", "步骤", "阅读", "6", "同", "步骤", "2", "、", "3", "、", "4", "为", "第", "三", "行", "右边", "的", "文本框", "增加", "3", "个", "下属", "文本框", "步骤", "阅读", "7", "下面", "介绍一下", "增加", "“", "助理", "文本框", "”", ",", "首先", "选中", "并", "删除", "第", "二", "行", "的", "文本框", ",", "如图所示", "步骤", "阅读", "步骤", "阅读", "8", "选中", "第", "1", "行", "的", "文本框", ",", "选择", "“", "添加", "形状", "”", "—", "—", "“", "添加", "助理", "”", ",", "如图所示", "。", "步骤", "阅读", "步骤", "阅读", "9", "最后", "在", "各", "文本框", "中", "输入", "组织", "名称", ",", "如图所示", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["完成", "第", "9", "步", "后", "还", "可以", "对", "文本格式", "进行", "设置", "在", "输入", "文本", "的", "过程", "中", ",", "组织结构", "图", "大小", "随", "文本", "自动", "变化"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "改变", "态度", ",", "提升", "高度"]], "paragraphs": ["百度经验 > 职场/理财 > 公务办理", "百度经验:jingyan.baidu.com", "这里将介绍如何使用word快速制作公司或者机构的组织结构图。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 点击“插入”——“SmartArt”——弹出如下图所示对话图,按下图所示设置后,点击确定,最终效果如第2张图所示。 步骤阅读 步骤阅读 2 选中第3行最左边的文本框,然后点击“布局”选择“标准” 步骤阅读 3 点击“添加形状”——“在下方添加形状”,效果如图所示,在该文本框下增加了下属文本框。 步骤阅读 步骤阅读 4 用同样的方法,再增加两个下属文本框。 步骤阅读 5 选中第3行中间的文本框,然后删除。 步骤阅读 步骤阅读 6 同步骤2、3、4为第三行右边的文本框增加3个下属文本框 步骤阅读 7 下面介绍一下增加“助理文本框”,首先选中并删除第二行的文本框,如图所示 步骤阅读 步骤阅读 8 选中第1行的文本框,选择“添加形状”——“添加助理”,如图所示。 步骤阅读 步骤阅读 9 最后在各文本框中输入组织名称,如图所示。 步骤阅读 END", "百度经验:jingyan.baidu.com", "完成第9步后还可以对文本格式进行设置 在输入文本的过程中,组织结构图大小随文本自动变化", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:改变态度,提升高度"], "bs_rank_pos": 1}, {"is_selected": false, "title": "Word中组织结构图模板怎么做《图解》超详细步骤教你制作_Word联盟", "most_related_para": 0, "segmented_title": ["Word", "中", "组织结构", "图", "模板", "怎么", "做", "《", "图解", "》", "超", "详细", "步骤", "教", "你", "制作", "_", "Word", "联盟"], "segmented_paragraphs": [["在", "公司", "人力资源", "的", "同事", "们", "在", "管理人员", "时", ",", "经常", "需要", "创建", "公司", "的", "组织结构", "图", ",", "以便", "于", "主管", "或", "经理", "准确地", "评估", "部门", "组织结构", "的", "合理性", ",", "并且", "根据", "不断", "变化", "的", "市场需求", "对", "组织结构", "做出", "及时", "的", "调整", "。", "员工", "也", "需要", "了解", "公司", "的", "策略", "和", "组织结构", ",", "以及", "自己", "在", "达成", "公司", "目标", "的", "过程", "中", "所", "担当", "的", "角色", "。", "组织结构", "图", "模板", "可以", "帮助", "人力资源", "的", "管理人员", "直观", "地", "展现", "公司", "目前", "的", "组织结构", "、", "创建", "更改", "方案", ",", "以及", "在", "整个", "企业", "内", "传递", "企业", "信息", "起", "到", "了", "非常", "大", "的", "作用", "。", "组织结构", "图", "是", "我们", "在", "公司", "办公", "中", "经常", "会", "用", "到", "的", "模板", ",", "我们", "应该", "使用", "什么", "软件", "来", "制作", "呢", ";", "又", "该", "如何", "制作", "这种", "模板", "呢", "?", "其实", ",", "Word", "中", "就能", "制作", "组织结构", "图", "模板", ",", "而且", "还", "拥有", "非常", "强大", "和", "专业", "的", "功能", "。", "前面", "我们", "介绍", "了", "流程图", "的", "制作", ",", "方法", "有点", "类似", "。", "今天", "Word", "联盟", "就", "以", "Word", "2007", "为", "例", ",", "详细", "分享", "一篇", "组织结构", "图", "制作", "全", "过程", "的", "教程", ",", "相信", "大家", "看完后", "一定", "会", "受益匪浅", "!", "1", "、", "单击", "“", "插入", "”", "选项卡", ",", "在", "“", "插图", "”", "控件", "组", "中", "单击", "“", "SmartArt", "”", ",", "在", "“", "选择", "SmartArt", "图形", "”", "对话框", "中", "单击左侧", "的", "“", "层次", "结构", "”", ",", "在", "中间", "栏", "中", "选择", "一", "种", "样式", ",", "最后", "点", "“", "确定", "”", "。", "2", "、", "在", "左侧", "“", "文本", "窗格", "”", "中", "从", "组织结构", "的", "最高级", "开始", "输入", "组织结构", "图", "中", "每个", "小", "方框", "中", "的", "文字", "。", "3", "、", "如", "发现", "结构图", "中", "的", "小", "方框", "不够用", ",", "如", "想", "添加", "一", "个", "后勤", "副校长", "框", ",", "可以", "右键", "单击", "副书记", "框", ",", "在", "弹出", "的", "快捷", "菜单", "中", "单击", "“", "添加", "形状", "”", ",", "根据", "实际情况", "选择", "“", "在", "后面", "添加", "形状", "”", "或者", "是", "“", "在", "前面", "添加", "形状", "”", "、", "“", "在", "上边", "添加", "形状", "”", "、", "“", "在", "下边", "添加", "形状", "”", "。", "在", "文本", "窗格", "中", "或", "直接", "单击", "插入", "的", "小", "方框", ",", "把", "其中", "输入", "文字", "。", "右键单击", "后勤", "副校长", "框", ",", "在", "弹出", "的", "快捷", "菜单", "中", "单击", "“", "添加", "形状", "”", "→", "在", "下边", "添加", "形状", ",", "添加", "出", "其", "下级", "组织结构", "框", "。", "把", "新", "插入", "的", "组织结构", "框", "中", "输入", "文字", "。", "4", "、", "在", "组织结构", "图", "总", "框", "内", "空白", "处", "单击", "左键", "后", "按", "Ctrl", "+", "A", "(", "选择", "所有", ")", ",", "然后", "单击", "“", "开始", "”", "选项卡", ",", "在", "“", "字体", "”", "控件", "组", "中", "设置", "字体", "、", "字号", "等", "。", "5", "、", "可以", "拖动", "组织结构", "图", "总", "框", "周围", "的", "控制点", ",", "来", "调整", "组织结构", "图", "的", "大小", "。", "6", "、", "在", "新", "出现", "的", "“", "SmartArt", "工具", "”", "下", "单击", "“", "设计", "”", "选项卡", ",", "在", "“", "SmartArt", "样式", "”", "控件", "组", "中", "可以", "选择", "“", "三维", "”", "组织结构", "图", "样式", "。", "在", "“", "SmartArt", "样式", "”", "控件", "组", "中", "单击", "“", "更改", "颜色", "”", "可以", "选择", "预设", "的", "组织结构", "图", "颜色", "。", "7", "、", "在", "“", "设计", "”", "选项卡", "下", "的", "“", "创建", "图形", "”", "控件", "组", "中", "可以通过", "选择", "“", "从", "右", "向", "左", "”", "来", "改变", "组织结构图", "的", "左右", "顺序", "。", "8", "、", "如", "要", "删除", "组织结构", "图", "的", "某", "个", "小", "方框", ",", "可以", "右键", "单击", "该", "小", "方框", "的", "四", "框", ",", "在", "弹出", "的", "快捷", "菜单", "中", "选择", "“", "剪切", "”", "即可", "。", "9", "、", "在", "“", "设计", "”", "选项卡", "下", "的", "“", "布局", "”", "控件", "组", "中", "选择", "“", "组织结构", "图", "”", "样式", "(", "先前", "的", "其实", "是", "层次", "结构图", ")", "来", "改换", "组织结构", "图", "样式", ",", "改为", "真正", "组织结构", "图", "后", ",", "就", "可以", "给", "某", "小", "方框", "添加", "“", "助理", "”", "了", "。", "10", "、", "单击", "某", "小", "方框", "后", ",", "在", "“", "格式", "”", "选项卡", "下", "的", "“", "形状", "”", "控件", "组", "中", "单击", "“", "更改", "形状", "”", ",", "可", "单独", "更改", "组织结构", "图", "中", "的", "每个", "小", "方框", "的", "形状", "。"], ["上", "一篇", ":", "如何", "在", "Word", "文档", "中", "添加", "背景图片", "、", "背景颜色", "下一篇", ":", "使用", "批处理", "轻松", "解决", "“", "Word", "遇到问题", "需要", "关闭", "”", "问题"], ["怎么样", "给", "Word", "2003", "文档", "设置密码", "?", "Word", "2007", "制作", "禁止", "吸烟", "的", "标志", "Word", "中", "下划线", "怎么", "打", "出来", "在", "Word", "2003", "文档", "中", "怎么", "分栏", "Word", "2003", "怎么", "设置", "默认", "打印机"], ["XP", "与", "Win7", "打印机", "共享", "怎么", "设置", "(", "详细", "图文", "步骤", ")", "Office", "2010", "详细", "安装指南", "《", "Word", "页码", "设置", "全攻略", "》", "详细", "技巧", "教", "你", "Word", "文档", "中", "怎么", "设置", "页码", "?", "Office", "2007", "专业版", "安装", "使用", "详细", "步骤", "教程", "Excel", "表格", "中", "如何", "使用", "高级", "筛选", "技巧", "详细", "实例", "教程", "“", "Word", "页码", "从", "第三页", "开始", "”", "详细", "的", "图文", "步骤", "教程", "《", "Excel", "表格", "自动", "求和", "全攻略", "》", "单个", "公式", "求和", ",", "批量", "求和", "详细", "图解", "!", "Word", "2007", "怎么", "设置", "行距", "?", "行距", "设置", "详细", "解说", "Excel", "2003", "中", "给", "表格", "画", "斜线", "表头", "《", "Excel", "超级链接", "使用", "全攻略", "》", "设置", "超链接", "、", "取消", "超链接", "等", "技巧", "Excel", "2003", "如何", "合并", "单元格", "PowerPoint", "超链接", "字体颜色", "修改", "、", "怎么", "去掉", "超链接", "下划线"], ["支持", "[", "0", "]", "反对", "[", "0", "]", "[", "引用", "]", "匿名", "2016", "-", "11", "-", "14", "非常", "清楚", ",", "赞", "支持", "[", "0", "]", "反对", "[", "0", "]", "[", "引用", "]", "匿名", "2016", "-", "10", "-", "31", "非常好", ",", "简单", "易", "明", "!", "谢谢", "!", "支持", "[", "0", "]", "反对", "[", "0", "]", "[", "引用", "]", "匿名", "2016", "-", "10", "-", "31", "好", "用", "支持", "[", "0", "]", "反对", "[", "0", "]", "[", "引用", "]", "匿名", "2016", "-", "10", "-", "14", "棒", "支持", "[", "0", "]", "反对", "[", "0", "]", "[", "引用", "]", "匿名", "2016", "-", "08", "-", "01", "超级", "棒", ",", "一学就会", "支持", "[", "0", "]", "反对", "[", "0", "]", "[", "引用", "]", "匿名", "2016", "-", "04", "-", "17", "谢谢", "支持", "[", "0", "]", "反对", "[", "0", "]", "[", "引用", "]", "匿名", "2016", "-", "02", "-", "24", "谢谢", "支持", "[", "0", "]", "反对", "[", "0", "]", "[", "引用", "]", "匿名", "2016", "-", "01", "-", "07", "很", "清晰", "就", "明白", "了", "支持", "[", "0", "]", "反对", "[", "0", "]", "[", "引用", "]", "匿名", "2015", "-", "12", "-", "20", "很好", ",", "太", "实用", "了", "。", "支持", "[", "0", "]", "反对", "[", "0", "]", "[", "引用", "]", "匿名", "2015", "-", "09", "-", "06", "太赞了", ",", "不会", "的", ",", "看一下", "就", "懂了", ",", "牛", "气", "总", ":", "3", "页", "/", "24", "条", "评论", "1", "2", "3", "下一页"]], "paragraphs": ["在公司人力资源的同事们在管理人员时,经常需要创建公司的组织结构图,以便于主管或经理准确地评估部门组织结构的合理性,并且根据不断变化的市场需求对组织结构做出及时的调整。员工也需要了解公司的策略和组织结构,以及自己在达成公司目标的过程中所担当的角色。组织结构图模板可以帮助人力资源的管理人员直观地展现公司目前的组织结构、创建更改方案,以及在整个企业内传递企业信息起到了非常大的作用。 组织结构图是我们在公司办公中经常会用到的模板,我们应该使用什么软件来制作呢;又该如何制作这种模板呢?其实,Word中就能制作组织结构图模板,而且还拥有非常强大和专业的功能。前面我们介绍了流程图的制作,方法有点类似。今天Word联盟就以Word2007为例,详细分享一篇组织结构图制作全过程的教程,相信大家看完后一定会受益匪浅! 1、单击“插入”选项卡,在“插图”控件组中单击“SmartArt”,在“选择SmartArt图形”对话框中单击左侧的“层次结构”,在中间栏中选择一种样式,最后点“确定”。 2、在左侧“文本窗格”中从组织结构的最高级开始输入组织结构图中每个小方框中的文字。 3、如发现结构图中的小方框不够用,如想添加一个后勤副校长框,可以右键单击副书记框,在弹出的快捷菜单中单击“添加形状”,根据实际情况选择“在后面添加形状”或者是“在前面添加形状”、“在上边添加形状”、“在下边添加形状”。 在文本窗格中或直接单击插入的小方框,把其中输入文字。 右键单击后勤副校长框,在弹出的快捷菜单中单击“添加形状”→在下边添加形状,添加出其下级组织结构框。 把新插入的组织结构框中输入文字。 4、在组织结构图总框内空白处单击左键后按Ctrl+A(选择所有),然后单击“开始”选项卡,在“字体”控件组中设置字体、字号等。 5、可以拖动组织结构图总框周围的控制点,来调整组织结构图的大小。 6、在新出现的“SmartArt工具”下单击“设计”选项卡,在“SmartArt样式”控件组中可以选择“三维”组织结构图样式。 在“SmartArt样式”控件组中单击“更改颜色”可以选择预设的组织结构图颜色。 7、在“设计”选项卡下的“创建图形”控件组中可以通过选择“从右向左”来改变组织结构图的左右顺序。 8、如要删除组织结构图的某个小方框,可以右键单击该小方框的四框,在弹出的快捷菜单中选择“剪切”即可。 9、在“设计”选项卡下的“布局”控件组中选择“组织结构图”样式(先前的其实是层次结构图)来改换组织结构图样式,改为真正组织结构图后,就可以给某小方框添加“助理”了。 10、单击某小方框后,在“格式”选项卡下的“形状”控件组中单击“更改形状”,可单独更改组织结构图中的每个小方框的形状。", "上一篇:如何在Word文档中添加背景图片、背景颜色  下一篇:使用批处理轻松解决“Word遇到问题需要关闭”问题", "怎么样给Word2003文档设置密码? Word2007制作禁止吸烟的标志 Word中下划线怎么打出来 在Word2003文档中怎么分栏 Word2003怎么设置默认打印机", "XP与Win7打印机共享怎么设置(详细图文步骤) Office 2010详细安装指南 《Word页码设置全攻略》详细技巧教你Word文档中怎么设置页码? Office 2007专业版 安装使用详细步骤教程 Excel表格中如何使用高级筛选技巧 详细实例教程 “Word页码从第三页开始”详细的图文步骤教程 《Excel表格自动求和全攻略》单个公式求和,批量求和详细图解! Word2007怎么设置行距?行距设置详细解说 Excel2003中给表格画斜线表头 《Excel超级链接使用全攻略》设置超链接、取消超链接等技巧 Excel2003如何合并单元格 PowerPoint超链接字体颜色修改、怎么去掉超链接下划线", "支持[0] 反对[0] [引用] 匿名2016-11-14 非常清楚,赞 支持[0] 反对[0] [引用] 匿名2016-10-31 非常好,简单易明!谢谢! 支持[0] 反对[0] [引用] 匿名2016-10-31 好用 支持[0] 反对[0] [引用] 匿名2016-10-14 棒 支持[0] 反对[0] [引用] 匿名2016-08-01 超级棒,一学就会 支持[0] 反对[0] [引用] 匿名2016-04-17 谢谢 支持[0] 反对[0] [引用] 匿名2016-02-24 谢谢 支持[0] 反对[0] [引用] 匿名2016-01-07 很清晰 就明白了 支持[0] 反对[0] [引用] 匿名2015-12-20 很好,太实用了。 支持[0] 反对[0] [引用] 匿名2015-09-06 太赞了,不会的,看一下就懂了,牛气 总: 3 页/24 条评论 1 2 3 下一页"], "bs_rank_pos": 2}, {"is_selected": false, "title": "用word如何绘制组织结构图_百度经验", "most_related_para": 4, "segmented_title": ["用", "word", "如何", "绘制", "组织结构", "图", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["在", "文档", "中", "常", "需要", "创建", "工作", "流程图", "、", "组织结构", "图", "等", "图示", ",", "手动", "制作", "操作", "起来", "就", "很麻烦", "了", ",", "我们", "今天", "就", "用", "word", "本身", "自带", "的", "SmartArt", "图形", ",", "来", "为", "文档", "插入", "各种", "图文", "图示"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "选择", "SmartArt", "图形", "类型", "。", "这一步", "就是", "先", "把", "最初", "的", "组织结构", "图", "创建", "出来", ",", "我们", "启动", "一", "个", "新", "的", "文档", "。", "我们", "在", "文档", "中", "输入", "“", "企业", "组织机构", "图", "”", ",", "字号", "设置", "为", "“", "一号", "”", "步骤", "阅读", "2", "单击", "“", "插入", "”", "/", "“", "SmartArt", "”", ",", "弹出", "“", "选择", "SmartArt", "图形", "”", "对话框", ",", "在", "该", "对话框", "左侧", "列表", "中", "选择", "“", "层次", "结构", "”", ",", "在", "中间", "区域", "选择", "“", "表层次", "结构", "”", ",", "右侧", "我们", "可以", "看", "他", "的", "一些", "说明", ",", "点击", "确", ",", "这样", "我们", "就", "做", "好", "了", "最初", "的", "组织机构", "图", "步骤", "阅读", "步骤", "阅读", "步骤", "阅读", "3", "设置", "机构", "图", "的", "布局", "。", "我们", "可以", "根据", "需要", "改变", "一些", "布局", ";", "单击", "“", "设计", "”", "我们", "就", "可以", "看见", "基本", "栏", "中间", "区域", "“", "更改", "布局", "”", "我们", "在这里", "选择", "“", "组织结构", "图", "”", "步骤", "阅读", "4", "这", "会", "默认", "的", "图形", "可能", "还", "不符合", "我们", "的", "要求", ",", "我们", "选中", "第", "一行", "的", "矩形", "图形", ",", "然后", "单击", "“", "设计", "”", "“", "添加", "形状", "”", "按钮", ",", "在", "下拉菜单", "中", "选择", "“", "添加", "助理", "”", "选项", "步骤", "阅读", "步骤", "阅读", "5", "上", "一", "步", "是", "在", "第", "二", "行", "添加", "。", "我们", "这一步", "是", "在", "第", "三", "行", "添加", "图形", "。", "选中", "第", "一行", "的", "矩形", "图形", ",", "然后", "单击", "“", "设计", "”", "“", "添加", "形状", "”", "按钮", ",", "在", "下拉菜单", "中", "选择", "“", "在", "下方", "添加", "形状", "”", "选项", ",", "这样", "新", "形状", "就会", "出现", "在", "第", "三", "行", "里面", "。", "步骤", "阅读"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "在文档中常需要创建工作流程图、组织结构图等图示,手动制作操作起来就很麻烦了,我们今天就用word本身自带的SmartArt图形,来为文档插入各种图文图示", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 选择SmartArt图形类型。这一步就是先把最初的组织结构图创建出来,我们启动一个新的文档。我们在文档中输入“企业组织机构图”,字号设置为“一号” 步骤阅读 2 单击“插入”/“SmartArt”,弹出“选择SmartArt图形”对话框,在该对话框左侧列表中选择“层次结构”,在中间区域选择“表层次结构”,右侧我们可以看他的一些说明,点击确,这样我们就做好了最初的组织机构图 步骤阅读 步骤阅读 步骤阅读 3 设置机构图的布局。我们可以根据需要改变一些布局;单击“设计”我们就可以看见基本栏中间区域“更改布局”我们在这里选择“组织结构图” 步骤阅读 4 这会默认的图形可能还不符合我们的要求,我们选中第一行的矩形图形,然后单击“设计”“添加形状”按钮,在下拉菜单中选择“添加助理”选项 步骤阅读 步骤阅读 5 上一步是在第二行添加。我们这一步是在第三行添加图形。选中第一行的矩形图形,然后单击“设计”“添加形状”按钮,在下拉菜单中选择“在下方添加形状”选项,这样新形状就会出现在第三行里面。 步骤阅读", "百度经验:jingyan.baidu.com", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "组织结构图制作方法_百度文库", "most_related_para": 2, "segmented_title": ["组织结构", "图", "制作方法", "_", "百度", "文库"], "segmented_paragraphs": [["组织结构", "图", "制作方法", "_", "图片", "/", "文字", "技巧", "_", "PPT", "制作技巧", "_", "实用", "文档", "。", "组织结构", "图", "制作方法", ",", "可", "参考", "制作", "出", "各种", "精美", "的", "组织结构", "图"], ["无锡", "永中", "软件", "有限公司", "2012", "年", "11", "月", "14", "日", "公司", "组织结构", "图", "制作", "说明", "永中", "Office", "除了", "提供", "基本", "的", "绘图工具", "外", ",", "还", "提供", "了", "一", "套", "特别", "的", "绘图工具", "-", "-", "-", "组织结构", "图", "。"], ["公司", "组织结构", "图", "案例", "第", "1", "页", "共", "5", "页", "无锡", "永中", "软件", "有限公司", "2012", "年", "11", "月", "14", "日", "1", ".", "2", "添加", "形状", "如", "要", "添加", "形状", ",", "右", "击", "选中", "要", "在", "其", "下方", "或", "旁边", "添加", "新", "形状", "的", "图形", ",", "然后", "从", "弹出", "的", "快捷", "菜单", "中", "选择", "所需", "的", "选项", "。"], ["1.5", "结束语", "以上", "为", "公司", "组织结构图", "的", "详细", "制作过程", ",", "如果", "您", "在", "制作", "组织结构", "图", "方面", "还有", "更好", "的", "想法", "和", "建议", ",", "欢", "迎", "登录", "新浪", "微博", "关注", "@", "永中", "软件", "官方", "微博", "或者", "@", "永中", "微", "办公", "提出", "宝贵意见", ",", "或者", "登录", "永中", "软件", "官方", "论", "坛", "反馈", "。"], ["无锡", "永中", "软件", "有限公司", "2012", "年", "11", "月", "14", "日", "公司", "组织结构", "图", "案例", "第", "5", "页", "共", "5", "页"]], "paragraphs": ["组织结构图制作方法_图片/文字技巧_PPT制作技巧_实用文档。组织结构图制作方法,可参考制作出各种精美的组织结构图", "无锡永中软件有限公司 2012 年 11 月 14 日 公司组织结构图 制作说明永中 Office 除了提供基本的绘图工具外,还提供了一套特别的绘图工具---组织结构图。", "公司组织结构图案例 第 1 页 共 5 页 无锡永中软件有限公司 2012 年 11 月 14 日 1.2 添加形状如要添加形状,右击选中要在其下方或旁边添加新形状的图形,然后从弹出的快捷菜单中选择所需 的选项。", "1.5 结束语以上为公司组织结构图的详细制作过程,如果您在制作组织结构图方面还有更好的想法和建议,欢 迎登录新浪微博关注 @永中软件官方微博 或者@永中微办公 提出宝贵意见,或者登录永中软件官方论 坛反馈。", "无锡永中软件有限公司 2012 年 11 月 14 日 公司组织结构图案例 第 5 页 共 5 页"], "bs_rank_pos": 4}], "answer_spans": [[1, 205]], "fake_answers": ["点击“插入”——“SmartArt”——弹出如下图所示对话图,按下图所示设置后,点击确定,最终效果如第2张图所示。步骤阅读步骤阅读2选中第3行最左边的文本框,然后点击“布局”选择“标准”步骤阅读3点击“添加形状”——“在下方添加形状”,效果如图所示,在该文本框下增加了下属文本框。步骤阅读步骤阅读4用同样的方法,再增加两个下属文本框。步骤阅读5选中第3行中间的文本框,然后删除。步骤阅读步骤阅读6同步骤2、3、4为第三行右边的文本框增加3个下属文本框步骤阅读7下面介绍一下增加“助理文本框”,首先选中并删除第二行的文本框,如图所示步骤阅读步骤阅读8选中第1行的文本框,选择“添加形状”——“添加助理”,如图所示。步骤阅读步骤阅读9最后在各文本框中输入组织名称"], "question": "怎么做组织结构图", "segmented_answers": [["1", ".", "点击", "插入", "—", "—", "smartart", "。", "2", ".", "选择", "smartart", "图形", "—", "—", "层次", "结构", "。", "3", ".", "点击", "smartart", "工具", "—", "—", "添加", "形状", "。", "4", ".", "如图所示", "点击", "降级", ",", "添加", "组织结构", "图", "的", "框", "。", "5", ".", "如图所示", ",", "点击", "升级", ",", "使", "组织结构", "图", "的", "框", "向上", "提", "一", "级", "。", "6", ".", "快捷键", ":", "用", "Backspace", "键", "提升", "层次", ",", "TAB", "降低", "层次", "。"], ["点击", "“", "插入", "”", "—", "—", "“", "SmartArt", "”", "—", "—", "弹出", "如", "下", "图", "所示", "对话", "图", ",", "按", "下", "图", "所示", "设置", "后", ",", "点击确定", "。", "选中", "第", "3", "行", "最", "左边", "的", "文本框", ",", "然后", "点击", "“", "布局", "”", "选择", "“", "标准", "”", "。", "点击", "“", "添加", "形状", "”", "—", "—", "“", "在", "下方", "添加", "形状", "”", ",", "效果", "如图所示", ",", "在", "该", "文本框", "下", "增加", "了", "下属", "文本框", "。", "用", "同样", "的", "方法", ",", "再", "增加", "两", "个", "下属", "文本框", "。", "选中", "第", "3", "行", "中间", "的", "文本框", ",", "然后", "删除", "。", "同", "步骤", "2", "、", "3", "、", "4", "为", "第", "三", "行", "右边", "的", "文本框", "增加", "3", "个", "下属", "文本框", "。", "下面", "介绍一下", "增加", "“", "助理", "文本框", "”", ",", "首先", "选中", "并", "删除", "第", "二", "行", "的", "文本框", "。", "选中", "第", "1", "行", "的", "文本框", ",", "选择", "“", "添加", "形状", "”", "—", "—", "“", "添加", "助理", "”", "。", "最后", "在", "各", "文本框", "中", "输入", "组织", "名称", "。"]], "answers": ["1.点击插入——smartart。2.选择smartart图形——层次结构。3.点击smartart工具——添加形状。4.如图所示点击降级,添加组织结构图的框。5.如图所示,点击升级,使组织结构图的框向上提一级。6.快捷键:用Backspace键提升层次,TAB降低层次。", "点击“插入”——“SmartArt”——弹出如下图所示对话图,按下图所示设置后,点击确定。选中第3行最左边的文本框,然后点击“布局”选择“标准”。点击“添加形状”——“在下方添加形状”,效果如图所示,在该文本框下增加了下属文本框。用同样的方法,再增加两个下属文本框。选中第3行中间的文本框,然后删除。同步骤2、3、4为第三行右边的文本框增加3个下属文本框。下面介绍一下增加“助理文本框”,首先选中并删除第二行的文本框。选中第1行的文本框,选择“添加形状”——“添加助理”。最后在各文本框中输入组织名称。"], "answer_docs": [1], "segmented_question": ["怎么", "做", "组织结构", "图"], "question_type": "DESCRIPTION", "question_id": 181632, "fact_or_opinion": "FACT", "match_scores": [0.8119891008174388]}
-{"documents": [{"is_selected": true, "title": "肉粽子的做法_家常肉粽子的做法【图】肉粽子的家常做法大全怎么做", "most_related_para": 9, "segmented_title": ["肉", "粽子", "的", "做法", "_", "家常", "肉", "粽子", "的", "做法", "【", "图", "】", "肉粽", "子", "的", "家常", "做法", "大全", "怎么", "做"], "segmented_paragraphs": [["肉", "粽子", "13043", "人", "收藏", "87044", "人", "浏览"], ["杂豆", "肉粽", "是", "广东", "特色", ",", "配料", "通常", "有", "经过", "腌制", "的", "五花肉", "、", "咸蛋", "黄", "、", "去皮", "绿豆", "、", "红豆", "、", "眉豆", "、", "花生", "、", "板栗", "等", "。"], ["煮", "其它", "口味", "<", "数", "小时", "较", "高", "热量"], ["糯米", "一", "小", "盆"], ["花生", "适量", "赤小豆", "适量", "粽叶", "20", "片", "火腿", "一根", "五花肉", "300", "克"], ["食盐", "5", "克", "生抽", "半", "勺", "料酒", "4", "克", "白糖", "一", "大勺", "五香粉", "一", "小", "勺", "花椒", "粉", "少许", "老抽", "半", "勺"], ["粽叶", "浸泡", "后", "刷", "洗干净", ",", "放入", "大锅", "煮", "约", "10", "分钟", ",", "棉线", "一同", "煮", "开", "消毒"], ["五花肉", "切", "大片", "用", "生抽", "、", "老抽", "、", "料酒", "、", "白糖", "、", "花椒", "粉", "和", "少量", "五香粉", "提前", "腌制", "一晚", "入味", ",", "火腿", "洗净", "后", "煮", "20", "分钟", "去除", "多余", "的", "盐", "味", "的", "油脂", ",", "切", "大块"], ["取", "粽叶", "卷", "起来", ",", "先", "放", "糯米", ",", "再", "放", "五花肉", "和", "火腿", ",", "再", "放", "满", "糯米", ",", "按", "自己", "喜欢", "的", "方式", "和", "形状", "包粽子", "(", "我", "是", "去年", "拍", "的", "照片", ",", "包", "的", "过程", "不", "详细", ")"], ["全部", "包", "好", "后", ",", "放入", "大锅", "中", ",", "加", "足", "没", "过", "粽子", "的", "冷水", ",", "上面", "盖", "一", "层", "篦子", "(", "蒸锅", "中间", "隔层", "的", "那种", ")", ",", "再", "压", "一", "个", "碟子", ",", "盖上", "锅盖", "大火", "烧", "开", "后", ",", "转", "小", "火", "煮", "约", "3", "个", "小时", "左右"], ["糯米", "根据", "自己", "喜欢", "加", "不", "加盐", "、", "生抽", "和", "油", "都", "行", "。", "豆类", "最好", "浸泡", "六小时", "以上", "。", "五花肉", "可以", "根据", "自己", "喜欢", "的", "味道", "腌制", ",", "提前", "一晚", "腌制", "更", "入味", "。", "火腿", "肉", "很", "咸", ",", "可以", "先", "煮", "一", "下", ",", "去掉", "一些", "盐分", "。", "锅", "内", "压", "篦子", "和", "碟子", "是", "为", "煮", "的", "过程", "中", "粽子", "不会", "过度", "翻滚", ",", "避免", "煮", "散", "。", "煮", "粽子", "的", "时间", "根据", "粽子", "的", "大小", "和", "多少", "调整"], ["英国", "茶文化", "6607", "浏览", "过敏", "者", "应", "尽量少", "吃", "四", "类", "食物", "1500", "浏览"], ["青瓜", "炒鸡蛋", "3557", "浏览", "童趣", "早餐", "盘", "7418", "浏览", "懒人", "电饭煲", "酸梅汤", "5199", "浏览"], ["每天", "吃", "一", "个", "鸡蛋", "到底", "合适", "吗", "?", "5332", "浏览", "“", "儿童", "”", "食品", "未必", "更健康", "3367", "浏览", "你", "错", "吃", "了", "多少年", "的", "糖", "?", "23188", "浏览"], ["小龙虾", "这些", "部位", "最好别", "吃", "2463", "浏览", "洋快餐", "是", "怎样", "诞生", "的", "4730", "浏览", "西芹", "作为", "保健", "蔬菜", "的", "功效", "6889", "浏览", "健康", "晚餐", "三要素", ",", "早", "吃素", "吃", "少", "吃", "!", "9206", "浏览"], ["原来", "法", "餐", "是", "这样", "炼成", "的", "3094", "浏览", "6", "种", "酱油", "怎么", "吃", "更", "营养", "?", "3924", "浏览", "乙草胺", "事件", "后", "草莓", "还能", "吃", "吗", "?", "11948", "浏览"], ["黄豆", "的", "功效", "与", "副作用", "14305", "浏览", "春季养生", "明星", "抗癌", "食物", "13407", "浏览", "当心", "!", "5", "种", "食物", "不能", "微波炉", "反复", "加热", "6502", "浏览"]], "paragraphs": ["肉粽子13043人收藏 87044人浏览", "杂豆肉粽是广东特色,配料通常有经过腌制的五花肉、咸蛋黄、去皮绿豆、红豆、眉豆、花生、板栗等。", "煮 其它口味 <数小时 较高热量", "糯米一小盆", "花生适量 赤小豆适量 粽叶20片 火腿一根 五花肉300克", "食盐5克 生抽半勺 料酒4克 白糖一大勺 五香粉一小勺 花椒粉少许 老抽半勺", "粽叶浸泡后刷洗干净,放入大锅煮约10分钟,棉线一同煮开消毒", "五花肉切大片用生抽、老抽、料酒、白糖、花椒粉和少量五香粉提前腌制一晚入味,火腿洗净后煮20分钟去除多余的盐味的油脂,切大块", "取粽叶卷起来,先放糯米,再放五花肉和火腿,再放满糯米,按自己喜欢的方式和形状包粽子(我是去年拍的照片,包的过程不详细)", "全部包好后,放入大锅中,加足没过粽子的冷水,上面盖一层篦子(蒸锅中间隔层的那种),再压一个碟子,盖上锅盖大火烧开后,转小火煮约3个小时左右", "糯米根据自己喜欢加不加盐、生抽和油都行。豆类最好浸泡六小时以上。五花肉可以根据自己喜欢的味道腌制,提前一晚腌制更入味。火腿肉很咸,可以先煮一下,去掉一些盐分。锅内压篦子和碟子是为煮的过程中粽子不会过度翻滚,避免煮散。煮粽子的时间根据粽子的大小和多少调整", "英国茶文化 6607浏览  过敏者应尽量少吃四类食物 1500浏览", "青瓜炒鸡蛋 3557浏览  童趣早餐盘 7418浏览  懒人电饭煲酸梅汤 5199浏览", "每天吃一个鸡蛋到底合适吗? 5332浏览  “儿童”食品未必更健康 3367浏览  你错吃了多少年的糖? 23188浏览", "小龙虾这些部位最好别吃 2463浏览  洋快餐是怎样诞生的 4730浏览  西芹作为保健蔬菜的功效 6889浏览  健康晚餐三要素,早吃素吃少吃! 9206浏览", "原来法餐是这样炼成的 3094浏览  6种酱油怎么吃更营养? 3924浏览  乙草胺事件后 草莓还能吃吗? 11948浏览", "黄豆的功效与副作用 14305浏览  春季养生明星抗癌食物 13407浏览  当心!5种食物不能微波炉反复加热 6502浏览"], "bs_rank_pos": 0}, {"is_selected": true, "title": "鲜肉粽子的做法,鲜肉粽子怎么做好吃,鲜肉粽子的家常做法_鱼小胃_好", "most_related_para": 2, "segmented_title": ["鲜肉", "粽子", "的", "做法", ",", "鲜肉", "粽子", "怎么", "做", "好吃", ",", "鲜肉", "粽子", "的", "家常", "做法", "_", "鱼小胃", "_", "好"], "segmented_paragraphs": [["首页", ">", "菜谱", "大全", ">", "鲜肉", "粽子"], ["简介", "鱼", "小", "胃", "原创", "于", "2010", "-", "11", "-", "29", "未经允许", ",", "不得转载", "!", "今年", "的", "端午节", "看似", "还", "远", "着", "但是", "日子", "过", "得", "是", "那么", "快", "人", "还", "晃晃悠悠", "在路上", "走着", "端午", "的", "气息", "就会", "扑面而来", "了", "快点", "为", "端午", "做准备", "吧", "!", "其实", ",", "粽子", "不一定", "非", "要", "端午", "吃", "呀", "平时", "突", "来", "兴致", ",", "做", "一", "个", "喷香", "的", "肉粽", ",", "满足", "一", "下", "自己", "的", "嘴", ":", ")"], ["步骤", "1", ".", "糯米", "在", "做", "粽子", "的", "前天晚上", "就", "泡", "上", ",", "第二天", "就", "可以随时", "包粽子", "了", "。", "其实", "我", "也", "曾", "把", "糯米", "泡", "过", "3", "个", "小时", "就", "包", ",", "包", "出来", "的", "粽子", "的", "质地", "和", "味道", "都是", "一样", "的", "。", "只是", "我不想", "让", "自己", "看起来", "太", "匆忙", ",", "所以", "总是", "把", "准备", "工作", "提前", "一", "点", "做", "好", "。", "2", ".", "把", "泡", "好", "的", "糯米", "用", "适量", "的", "盐", "、", "生抽", "、", "老抽", "拌匀", "。", "3", ".", "粽叶", "清洗干净", "4", ".", "把", "鲜肉", "切成", "1", "厘米", "见", "方", "的", "块", ",", "用", "生抽", "、", "老抽", "、", "盐", "拌匀", "腌制", "至少", "20", "分钟", "备用", "。", "5", ".", "取", "一", "张", "粽叶", ",", "折", "成", "漏斗", "状", "6", ".", "漏斗", "里", "放", "一点", "糯米", ",", "放", "一", "块", "瘦肉", "7", ".", "再", "放", "一些", "糯米", "盖住", "瘦肉", ",", "放", "一", "块", "肥肉", "8", ".", "放", "糯米", "将", "肉", "全部", "盖住", ",", "但是", "粽叶", "留出", "1", "厘米", "高", "的", "边", "以便", "“", "包扎", "”", "9", ".", "把", "边缘", "多", "出来", "的", "粽叶", "用", "自己", "的", "手法", "收起", "10", ".", "然后", "用", "自己", "的", "方法", "把", "粽子", "五花大绑", ",", "只要", "能", "绑", "结实", "就好", "。", "11", ".", "用", "砂锅", "高", "火", "煮", "两", "个", "小时", ",", "肥肉", "都", "煮", "得", "透明", ",", "特别", "香"], ["小贴士", "包", "鲜肉", "粽子", "的", "时候", ",", "最好", "不要", "把", "肥肉", "省", "掉", "。", "只有", "瘦肉", "的", "鲜", "肉粽", "不如", "加", "了", "肥肉", "的", "香", "。", "这", "是", "我", "吃粽子", "的", "经验", "哈", ",", "当然", "口味", "因人而异", ",", "大家", "自主", "抉择", "向", "你", "推荐", ":", "糯米", "的", "做法", "猪", "后腿", "肉", "的", "做法"], ["·", "糯米", "的", "功效", "与", "作用", "·", "糯米粉", "可以", "做", "什么", "·", "糯米", "饭团", "的", "做法", "·", "糯米", "的", "营养价值", "·", "如何", "选购", "糯米", "·", "包粽子", "糯米", "要", "泡", "多久", "·", "糯米粉", "可以", "做", "什么"]], "paragraphs": ["首页 > 菜谱大全 > 鲜肉粽子", "简介 鱼小胃 原创于2010-11-29 未经允许,不得转载! 今年的端午节看似还远着 但是日子过得是那么快 人还晃晃悠悠在路上走着 端午的气息就会扑面而来了 快点为端午做准备吧! 其实,粽子不一定非要端午吃呀 平时突来兴致,做一个喷香的肉粽,满足一下自己的嘴:)", "步骤 1.糯米在做粽子的前天晚上就泡上,第二天就可以随时包粽子了。其实我也曾把糯米泡过3个小时就包,包出来的粽子的质地和味道都是一样的。只是我不想让自己看起来太匆忙,所以总是把准备工作提前一点做好。 2.把泡好的糯米用适量的盐、生抽、老抽拌匀。 3.粽叶清洗干净 4.把鲜肉切成1厘米见方的块,用生抽、老抽、盐拌匀腌制至少20分钟备用。  5.取一张粽叶,折成漏斗状 6.漏斗里放一点糯米,放一块瘦肉 7.再放一些糯米盖住瘦肉,放一块肥肉 8.放糯米将肉全部盖住,但是粽叶留出1厘米高的边以便“包扎”  9.把边缘多出来的粽叶用自己的手法收起 10.然后用自己的方法把粽子五花大绑,只要能绑结实就好。 11.用砂锅高火煮两个小时,肥肉都煮得透明,特别香", "小贴士 包鲜肉粽子的时候,最好不要把肥肉省掉。只有瘦肉的鲜肉粽不如加了肥肉的香。这是我吃粽子的经验哈,当然口味因人而异,大家自主抉择 向你推荐: 糯米的做法 猪后腿肉的做法", "· 糯米的功效与作用 · 糯米粉可以做什么 · 糯米饭团的做法 · 糯米的营养价值 · 如何选购糯米 · 包粽子糯米要泡多久 · 糯米粉可以做什么"], "bs_rank_pos": 1}, {"is_selected": true, "title": "猪肉粽子怎么做如何做好吃_百度知道", "most_related_para": 0, "segmented_title": ["猪肉", "粽子", "怎么", "做", "如何", "做", "好吃", "_", "百度", "知道"], "segmented_paragraphs": [["肉", "粽子", "的", "做法", "步骤", "1", "五花肉", "切成", "1", "寸", "左右", "的", "见", "方", ",", "加入", "酱油", "、", "老抽", "、", "糖", "、", "盐", "、", "白酒", "适量", ",", "白酒", "一定要", "多", "放", ",", "这样", "好吃", ",", "根据", "自己", "的", "口味", "调整", "咸", "甜", ",", "2", "用", "手", "搓", "加入", "调料", "的", "肉", ",", "入味", "。", "最好", "提前", "一天", "腌制", "好", ",", "3", "米", "淘", "洗", ",", "尽量", "不要", "让", "米", "吃", "水", ",", "4", "把", "米", "里面", "的", "水", "控", "干", ",", "我", "用", "过滤网", "过滤", "了", "两", "遍", ",", "米", "放在", "盆", "里面", ",", "略", "微", "停", "一会", ",", "让", "米", "吃掉", "多余", "的", "水", "5", "米", "里面", "加", "酱油", "、", "糖", "、", "白酒", "适量", ",", "盐", "少许", ",", "可以", "多", "放", "酱油", ",", "根据", "自己", "的", "口味", ",", "拌匀", ",", "备用", ",", "用", "太太乐", "宴会", "酱油", "味道", "好", ",", "这", "酱油", "很", "香", ",", "也", "可以", "用", "普通", "的", "酱油", "6", "粽叶", "洗净", ",", "把", "根部", "剪刀", "掉", "一", "点", ",", "煮", "开水", ",", "把", "粽叶", "放", "进去", "煮", "软", "就", "可以", "了", ";", "泡", "一会", ",", "把", "粽叶", "泡软", ",", "7", "2", "片", "粽子", "叶", "重叠", ",", "8", "卷", "成", "圆锥形", "9", "放入", "糯米", "和", "肉", ",", "每个", "粽子", "都", "一定要", "放", "肥肉", ",", "不", "然", "不", "好吃", "啊", "10", "最后", "放", "满", "糯米", "。", "压", "一", "下", ",", "11", "把", "上面", "的", "粽叶", "往下", "折", "盖住", "米", ",", "把", "长", "出来", "的", "粽叶", "窝", "成", "角", ",", "用", "棉线", "将", "粽子"], ["把", "新鲜", "的", "猪肉", "切成", "手指", "块", ",", "再", "腌制", "2", "~", "3", "小时", ",", "口味", "自己", "调", "包", "好", "以后", ",", "要", "煮", "1.5", "~", "2", "小时"]], "paragraphs": ["肉粽子的做法步骤 1 五花肉切成1寸左右的见方,加入酱油、老抽、糖、盐、白酒适量,白酒一定要多放,这样好吃,根据自己的口味调整咸甜, 2 用手搓加入调料的肉,入味。最好提前一天腌制好, 3 米淘洗,尽量不要让米吃水, 4 把米里面的水控干,我用过滤网过滤了两遍,米放在盆里面,略微停一会,让米吃掉多余的水 5 米里面加酱油、糖、白酒适量,盐少许,可以多放酱油,根据自己的口味,拌匀,备用,用太太乐宴会酱油味道好,这酱油很香,也可以用普通的酱油 6 粽叶洗净,把根部剪刀掉一点,煮开水,把粽叶放进去煮软就可以了;泡一会,把粽叶泡软, 7 2片粽子叶重叠, 8 卷成圆锥形 9 放入糯米和肉,每个粽子都一定要放肥肉,不然不好吃啊 10 最后放满糯米。压一下, 11 把上面的粽叶往下折盖住米,把长出来的粽叶窝成角,用棉线将粽子", "把新鲜的猪肉切成手指块,再腌制2~3小时,口味自己调 包好以后,要煮1.5~2小时"], "bs_rank_pos": 2}, {"is_selected": false, "title": "肉粽子怎么做才好吃呢?肉馅怎么调味?_百度知道", "most_related_para": 0, "segmented_title": ["肉", "粽子", "怎么", "做", "才", "好吃", "呢", "?", "肉馅", "怎么", "调味", "?", "_", "百度", "知道"], "segmented_paragraphs": [["主料", "圆", "糯", "酌量", "五", "花", "猪肉", "300", "公克", "粽叶", "及", "水", "草绳", "适量", "辅料", "盐", "1", "/", "3", "匙", "酱油", "1", "/", "3", "碗", "米酒", "少量", "味精", "少量", "肉", "粽子", "的", "做法", "步骤", "1", ".", "猪肉", "切成", "5", "公分", "条", ",", "用", "酱油", "、", "米酒", "、", "味精", "浸泡", "一夜", "2", ".", "糯米", "用", "浸", "过", "肉", "的", "酱汁", "加盐", "拌匀", ",", "停置", "10", "分钟", "后", "再", "拌", "到", "均匀", "为止", "3", ".", "粽叶", "2", "张", "背", "背", "相对", ",", "由", "叶", "蒂", "1", "/", "4", "处", "折", "成", "一", "直角", "匙", "状", ",", "取", "约", "2", "匙", "米", "铺", "在", "叶", "匙", "内", ",", "肉条", "直", "放", "其中", ",", "再", "铺", "2", "匙", "米", "盖", "满", "肉条", ",", "托叶", "匙", "的", "手", "要", "保持", "开头", ",", "配合", "另", "一手", "的", "动作", ";", "将", "粽叶", "剩余部分", "由", "米", "末", "处", "折", "盖", "上去", "在", "折", "处", "把", "两边", "的", "角", "折", "好", "4", ".", "粽", "身", "由", "托叶", "的", "手", "全部", "握住", ",", "中", "一手", "将", "盖", "叶", "部分", "捏合", "折", "下", ";", "用", "草绳", "将", "折", "叶", "处", "绕", "紧", "扎", "好", ",", "再", "绕", "扎", "整个", "粽", "身", "5", ".", "粽子", "全部", "包", "好", "后", "放在", "大锅", "中", ",", "放入", "冷水", "用", "大火", "煮", "滚", "后", "改", "用", "中小", "火", "续", "煮", "4", "小时", ",", "熄火", "焖", "1", "小时", "肉", "粽子", "的", "做法", "视频", "小贴士", "●", "粽", "馅", "调味", ":", "咸肉", "粽", "要", "先", "将", "新鲜", "的", "猪肉", "用", "少许", "味精", "、", "白糖", "、", "酒", "、", "盐", "、", "生抽", "拌匀", "反复", "揉", "擦", "至", "调"], ["1", "、", "芦叶", "洗净", ",", "放开", "水煮", "5", "分钟", ",", "捞", "出", "。", "2", "、", "把", "肉", "洗净", "切", "大块", ",", "用", "调料", "腌制", "一晚", "入味", "。", "3", "、", "糯米", "洗净", ",", "用", "清水", "浸泡", "2", "个", "钟", "头", ",", "沥干", ",", "用", "盐", ",", "糖", ",", "老抽", "等", "调料", "拌", "好", "。", "4", "、", "包粽子", "。", "5", "、", "粽子", "放", "高压锅", ",", "加", "8", "分", "满", "的", "水", ",", "大火", "煮", "开", ",", "小", "火", "滚", "2.5", "-", "-", "3", "个", "钟", "头", "。"]], "paragraphs": ["主料 圆糯酌量 五花猪肉300公克 粽叶及水草绳适量 辅料 盐1/3匙 酱油1/3碗 米酒少量 味精少量 肉粽子的做法步骤 1. 猪肉切成5公分条,用酱油、米酒、味精浸泡一夜 2. 糯米用浸过肉的酱汁加盐拌匀,停置10分钟后再拌到均匀为止 3. 粽叶2张背背相对,由叶蒂1/4处折成一直角匙状,取约2匙米铺在叶匙内,肉条直放其中,再铺2匙米盖满肉条,托叶匙的手要保持开头,配合另一手的动作;将粽叶剩余部分由米末处折盖上去在折处把两边的角折好 4. 粽身由托叶的手全部握住,中一手将盖叶部分捏合折下;用草绳将折叶处绕紧扎好,再绕扎整个粽身 5. 粽子全部包好后放在大锅中,放入冷水用大火煮滚后改用中小火续煮4小时,熄火焖1小时 肉粽子的做法视频 小贴士 ●粽馅调味:咸肉粽要先将新鲜的猪肉用少许味精、白糖、酒、盐、生抽拌匀反复揉擦至调", "1、芦叶洗净,放开水煮5分钟,捞出。 2、把肉洗净切大块,用 调料腌制一晚入味。 3、糯米洗净,用清水浸泡2个钟头,沥干,用盐,糖,老抽等调料拌好。 4、包粽子。 5、粽子放高压锅,加8分满的水,大火煮开,小火滚2.5--3个钟头。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "肉粽子的做法,肉粽子怎么做好吃,肉粽子的家常做法_绿水微澜_好豆网", "most_related_para": 0, "segmented_title": ["肉", "粽子", "的", "做法", ",", "肉", "粽子", "怎么", "做", "好吃", ",", "肉粽", "子", "的", "家常", "做法", "_", "绿水微澜", "_", "好", "豆", "网"], "segmented_paragraphs": [["食材", "糯米", "600g", "猪肉", "500g", "酱油", "适量", "盐", "适量", "料酒", "适量", "葱", "适量", "姜", "适量", "制作", "时间", ":", "2", "小时", "以上", "用餐", "人数", ":", "步骤", "1", "糯米", "淘", "净", ",", "用", "水", "浸泡", "24", "小时", "备用", "。", "2", "粽叶", "用", "水", "浸泡", "24", "小时", "。", "备用", "。", "3", "猪肉", "切块", ",", "加入", "料酒", ",", "酱油", ",", "盐", ",", "葱", ",", "姜", "等", "调料", ",", "搅拌均匀", ",", "盖上", "保鲜膜", "放入", "冰箱", "腌制", "一天", "。", "备用", "。", "4", "把", "粽叶", "从", "中间", "部分", "折", "出", "三角形", "的", "斗", ",", "放入", "适量", "糯米", ",", "根据", "个人", "口味", "放入", "几", "口", "腌制", "好", "的", "猪肉", ",", "然后", "包", "严", ",", "用", "绳", "扎紧", "。", "5", "把", "包", "好", "的", "粽子", "放在", "焖锅", "中", ",", "加入", "清水", ",", "水", "要", "超过", "粽子", ",", "开火", "煮", "40", "分钟", ",", "即可", "。"], ["一定要扎紧", ",", "不", "然", "糯米", "松散", "口感", "不好", "。"]], "paragraphs": ["食材 糯米 600g 猪肉 500g 酱油 适量 盐 适量 料酒 适量 葱 适量 姜 适量 制作时间:2小时以上 用餐人数: 步骤 1 糯米淘净,用水浸泡24小时备用。 2 粽叶用水浸泡24小时。备用。 3 猪肉切块,加入料酒,酱油,盐,葱,姜等调料,搅拌均匀,盖上保鲜膜放入冰箱腌制一天。备用。 4 把粽叶从中间部分折出三角形的斗,放入适量糯米,根据个人口味放入几口腌制好的猪肉,然后包严,用绳扎紧。 5 把包好的粽子放在焖锅中,加入清水,水要超过粽子,开火煮40分钟,即可。", "一定要扎紧,不然糯米松散口感不好。"], "bs_rank_pos": 5}], "answer_spans": [[61, 215]], "fake_answers": ["做好。2.把泡好的糯米用适量的盐、生抽、老抽拌匀。3.粽叶清洗干净4.把鲜肉切成1厘米见方的块,用生抽、老抽、盐拌匀腌制至少20分钟备用。5.取一张粽叶,折成漏斗状6.漏斗里放一点糯米,放一块瘦肉7.再放一些糯米盖住瘦肉,放一块肥肉8.放糯米将肉全部盖住,但是粽叶留出1厘米高的边以便“包扎”9.把边缘多出来的粽叶用自己的手法收起10.然后用自己的方法把粽子五花大绑,只要能绑结实就好。11.用砂锅高火煮两个小时,肥肉都煮得透明,特别香"], "question": "肉粽子怎么做好吃", "segmented_answers": [["1", "、", "粽叶", "浸泡", "后", "刷", "洗干净", ",", "放入", "大锅", "煮", "约", "10", "分钟", ",", "棉线", "一同", "煮", "开", "消毒", "。", "2", "、", "粽叶", "浸泡", "后", "刷", "洗干净", ",", "放入", "大锅", "煮", "约", "10", "分钟", ",", "棉线", "一同", "煮", "开", "消毒", "。", "3", "、", "红豆", "、", "花生", "浸泡", "六小时", "以上", ",", "加入", "糯米", "中", "拌匀", "。", "4", "、", "粽叶", "剪", "去", "两头", ",", "准备", "好", "所有", "用具", "。", "5", "、", "粽叶", "剪", "去", "两头", ",", "准备", "好", "所有", "用具", "。", "6", "、", "取", "粽叶", "卷", "起来", ",", "先", "放", "糯米", ",", "再", "放", "五花肉", "和", "火腿", ",", "再", "放", "满", "糯米", ",", "按", "喜欢", "的", "方式", "和", "形状", "包粽子", "。", "7", "、", "全部", "包", "好", "后", ",", "放入", "大锅", "中", ",", "加", "足", "没", "过", "粽子", "的", "冷水", ",", "上面", "盖", "一", "层", "篦子", "(", "蒸锅", "中间", "隔层", "的", "那种", ")", ",", "再", "压", "一", "个", "碟子", ",", "盖上", "锅盖", "大火", "烧", "开", "后", ",", "转", "小", "火", "煮", "约", "3", "个", "小时", "左右", "。"], ["1", ".", "糯米", "在", "做", "粽子", "的", "前天晚上", "就", "泡", "上", ",", "第二天", "就", "可以随时", "包粽子", "了", "。", "2", ".", "把", "泡", "好", "的", "糯米", "用", "适量", "的", "盐", "、", "生抽", "、", "老抽", "拌匀", "。", "3", ".", "粽叶", "清洗干净", "。", "4", ".", "把", "鲜肉", "切成", "1", "厘米", "见", "方", "的", "块", ",", "用", "生抽", "、", "老抽", "、", "盐", "拌匀", "腌制", "至少", "20", "分钟", "备用", "。", "5", ".", "取", "一", "张", "粽叶", ",", "折", "成", "漏斗", "状", "。", "6", ".", "漏斗", "里", "放", "一点", "糯米", ",", "放", "一", "块", "瘦肉", "。", "7", ".", "再", "放", "一些", "糯米", "盖住", "瘦肉", ",", "放", "一", "块", "肥肉", "。", "8", ".", "放", "糯米", "将", "肉", "全部", "盖住", ",", "但是", "粽叶", "留出", "1", "厘米", "高", "的", "边", "以便", "“", "包扎", "”", "。", "9", ".", "把", "边缘", "多", "出来", "的", "粽叶", "用", "自己", "的", "手法", "收起", "。", "10", ".", "然后", "用", "方法", "把", "粽子", "五花大绑", ",", "只要", "能", "绑", "结实", "就好", "。", "11", ".", "用", "砂锅", "高", "火", "煮", "两", "个", "小时", ",", "肥肉", "都", "煮", "得", "透明", ",", "特别", "香", "。"], ["1", "、", "五花肉", "切成", "1", "寸", "左右", "的", "见", "方", ",", "加入", "酱油", "、", "老抽", "、", "糖", "、", "盐", "、", "白酒", "适量", ",", "白酒", "一定要", "多", "放", ",", "这样", "好吃", ",", "根据", "自己", "的", "口味", "调整", "咸", "甜", "。", "2", "、", "用", "手", "搓", "加入", "调料", "的", "肉", ",", "入味", "。", "最好", "提前", "一天", "腌制", "好", "。", "3", "、", "米", "淘", "洗", ",", "尽量", "不要", "让", "米", "吃", "水", "。", "4", "、", "把", "米", "里面", "的", "水", "控", "干", ",", "我", "用", "过滤网", "过滤", "了", "两", "遍", ",", "米", "放在", "盆", "里面", ",", "略", "微", "停", "一会", ",", "让", "米", "吃掉", "多余", "的", "水", "。", "5", "、", "米", "里面", "加", "酱油", "、", "糖", "、", "白酒", "适量", ",", "盐", "少许", ",", "可以", "多", "放", "酱油", ",", "根据", "自己", "的", "口味", ",", "拌匀", ",", "备用", ",", "用", "太太乐", "宴会", "酱油", "味道", "好", ",", "这", "酱油", "很", "香", ",", "也", "可以", "用", "普通", "的", "酱油", "。", "6", "、", "粽叶", "洗净", ",", "把", "根部", "剪刀", "掉", "一", "点", ",", "煮", "开水", ",", "把", "粽叶", "放", "进去", "煮", "软", "就", "可以", "了", ";", "泡", "一会", ",", "把", "粽叶", "泡软", "。", "7", "、", "2", "片", "粽子", "叶", "重叠", "。", "8", "、", "卷", "成", "圆锥形", "。", "9", "、", "放入", "糯米", "和", "肉", ",", "每个", "粽子", "都", "一定要", "放", "肥肉", ",", "不", "然", "不", "好吃", "。", "10", "、", "最后", "放", "满", "糯米", "。", "压", "一", "下", "。", "11", "、", "把", "上面", "的", "粽叶", "往下", "折", "盖住", "米", ",", "把", "长", "出来", "的", "粽叶", "窝", "成", "角", ",", "用", "棉线", "将", "粽子", "绑", "紧", "。", "包", "紧", "包", "实", ";", "只要", "结实", ",", "不", "漏", "米", "就", "行", "了", "。"]], "answers": ["1、粽叶浸泡后刷洗干净,放入大锅煮约10分钟,棉线一同煮开消毒。2、粽叶浸泡后刷洗干净,放入大锅煮约10分钟,棉线一同煮开消毒。3、红豆、花生浸泡六小时以上,加入糯米中拌匀。4、粽叶剪去两头,准备好所有用具。5、粽叶剪去两头,准备好所有用具。6、取粽叶卷起来,先放糯米,再放五花肉和火腿,再放满糯米,按喜欢的方式和形状包粽子。7、全部包好后,放入大锅中,加足没过粽子的冷水,上面盖一层篦子(蒸锅中间隔层的那种),再压一个碟子,盖上锅盖大火烧开后,转小火煮约3个小时左右。", "1.糯米在做粽子的前天晚上就泡上,第二天就可以随时包粽子了。2.把泡好的糯米用适量的盐、生抽、老抽拌匀。3.粽叶清洗干净。4.把鲜肉切成1厘米见方的块,用生抽、老抽、盐拌匀腌制至少20分钟备用。5.取一张粽叶,折成漏斗状。6.漏斗里放一点糯米,放一块瘦肉。7.再放一些糯米盖住瘦肉,放一块肥肉。8.放糯米将肉全部盖住,但是粽叶留出1厘米高的边以便“包扎”。9.把边缘多出来的粽叶用自己的手法收起。10.然后用方法把粽子五花大绑,只要能绑结实就好。11.用砂锅高火煮两个小时,肥肉都煮得透明,特别香。", "1、五花肉切成1寸左右的见方,加入酱油、老抽、糖、盐、白酒适量,白酒一定要多放,这样好吃,根据自己的口味调整咸甜。2、用手搓加入调料的肉,入味。最好提前一天腌制好。3、米淘洗,尽量不要让米吃水。4、把米里面的水控干,我用过滤网过滤了两遍,米放在盆里面,略微停一会,让米吃掉多余的水。5、米里面加酱油、糖、白酒适量,盐少许,可以多放酱油,根据自己的口味,拌匀,备用,用太太乐宴会酱油味道好,这酱油很香,也可以用普通的酱油。6、粽叶洗净,把根部剪刀掉一点,煮开水,把粽叶放进去煮软就可以了;泡一会,把粽叶泡软。7、2片粽子叶重叠。8、卷成圆锥形。9、放入糯米和肉,每个粽子都一定要放肥肉,不然不好吃。10、最后放满糯米。压一下。11、把上面的粽叶往下折盖住米,把长出来的粽叶窝成角,用棉线将粽子绑紧。包紧包实;只要结实,不漏米就行了。"], "answer_docs": [1], "segmented_question": ["肉", "粽子", "怎么", "做", "好吃"], "question_type": "DESCRIPTION", "question_id": 181633, "fact_or_opinion": "OPINION", "match_scores": [0.8787878787878788]}
-{"documents": [{"is_selected": true, "title": "各有利弊 无线中继器和电力猫选哪个?_网易数码", "most_related_para": 3, "segmented_title": ["各", "有", "利弊", "无线", "中继器", "和", "电力猫", "选", "哪个", "?", "_", "网易", "数码"], "segmented_paragraphs": [["2015", "-", "10", "-", "26", "05", ":", "17", ":", "00", "来源", ":", "中关村在线", "(", "北京", ")"], ["现在", "最", "重要", "的", "是", "什么", "?", "WiFi", "!", "WiFi", "!", "还是", "WiFi", "!", "重要", "的", "事情", "要", "说", "三", "遍", "!", "但是", "我们", "在", "家中", "经常", "会", "有", "无线", "网络", "信号", "覆盖", "不佳", "的", "情况", ",", "这样一来", "通常", "会", "有", "两种", "解决方法", ",", "一", "种", "是", "部署", "无线", "中继器", ",", "另外一种", "就是", "使用", "电力猫", "进行", "网络", "扩展", "。", "不过", "这", "两种", "无线网络", "扩展", "方法", "各", "有", "各", "的", "优点", ",", "也", "各", "有", "各", "的", "缺点", ",", "我们", "需要", "根据", "自己", "家中", "的", "实际", "网络", "状况", "进行", "选择", ",", "今天", "我们", "就", "来", "简单", "介绍", "下", "这", "两种", "无线网络", "的", "扩展", "方式", "。"], ["无线路由器", "搭配", "无线", "中继器"], ["从", "功能", "上", "来", "说", ",", "电力猫", "是", "通过", "电线", "获得", "网络", "信号", ",", "而", "无线", "中继器", "是", "将", "原来", "存在", "的", "无线", "信号", ",", "通过", "自身", "的", "转发", "进行", "二", "次", "传播", ",", "从而", "扩大", "无线网络", "的", "覆盖范围", "。", "使用方法", "也", "非常", "简单", ",", "我们", "在", "无线路由器", "信号", "覆盖", "的", "较", "边缘", "位置", "的", "插座", "上", "部署", "上", "无线", "中继器", ",", "然后", "简单", "设置", "一", "下", ",", "就", "可以", "让", "无线", "中继器", "将", "无线网络", "扩展", "到", "需要", "覆盖", "的", "房间", "。", "目前", "市面上", "的", "无线", "中继器", "操作", "越来越", "简单", ",", "如", "腾达", "等", "厂商", "的", "产品", "都", "可以", "实现", "和", "无线路由器", "的", "自动配对", "功能", ",", "无需", "用户", "手动", "操作", "配置", "。"], ["电力猫", "使用", "示意图"], ["简单", "来", "说", "电力猫", "就是", "将", "家中", "隐藏", "在", "墙体", "内部", "的", "电线", "转化", "为", "网线", ",", "对", "网络", "进行", "扩展", "的", "设备", "。", "电力猫", "现在", "分为", "“", "有线", "电力猫", "”", "和", "“", "无线", "电力猫", "”", "两种", "类型", "。", "“", "有线", "电力猫", "”", "就是", "需要", "上网", "的", "电脑", "、", "电视", "等", "设备", "需要", "网线", "连接", "电力猫", "进行", "上网", "。", "“", "无线", "电力猫", "”", "是", "在", "“", "有线", "电力猫", "”", "的", "基础", "上", "发展", "而来", ",", "部署", "完成", "后", ",", "用户", "不", "但", "可以", "使用", "网线", "连接", "上网", ",", "它", "还能", "够", "为", "用户", "提供", "无线网络", "的", "覆盖", ",", "方便", "智能手机", "、", "平板电脑", "等", "移动", "端", "设备", "上网", "使用", "。"], ["无线网络", "不佳", "怎么", "破", "?"], ["不过", ",", "通过", "无线", "中继器", "进行", "网络", "扩展", "会", "使得", "网络", "传输速率", "减半", ",", "部署", "一", "个", "还能", "够", "满足", "用户", "使用", ",", "如果", "要", "部署", "多", "个", ",", "很有可能", "网络", "速率", "不够", "进行", "正常", "的", "网络", "行为", "。", "而", "电力猫", "的", "网络", "传输速率", "目前", "已", "达", "200", "Mbps", ",", "部署", "多", "个", ",", "也", "不会", "影响", "。", "但是", "电力猫", "价格", "较为", "昂贵", ",", "并且", "必须", "成", "对", "的", "使用", ",", "且", "如果", "家中", "电线", "质量", "不佳", ",", "会", "令", "网络", "传输速率", "大幅下降", "。", "电力猫", "和", "无线", "中继器", ",", "哪个", "更", "适合", "您", "呢", "?"], ["+", "加载", "更多", "新闻"], ["20", "万", "的", "红旗", "你", "买单", "吗", "红旗", "H5", "外观", "很", "时尚", "跳", "江", "救人", "小伙", "遗体", "找到", "轻生女", "向", "小伙", "母亲", "跪地", "道歉", "最", "时尚", "的", "越野车", "丰田", "将", "推", "小号", "\"", "酷路泽", "\""], ["男孩", "用", "手", "为", "妈妈", "垫", "着", "睡觉", "网友", ":", "想", "给", "未来", "女儿", "预订", "老板", "开会", "突然", "转身", "跳楼", "上", "百", "员工", "当场", "乱作一团", "为了", "性", ",", "人", "可以", "龌龊", "到", "什么", "地", "步"], ["网易", "商城", ",", "您", "身边", "24", "小时", "的", "联通", "电信", "移动", "营业厅", "随时随地", "为您", "提供", "手机", "话费", "充值", "服务", "。"]], "paragraphs": ["2015-10-26 05:17:00 来源: 中关村在线(北京)", "现在最重要的是什么?WiFi!WiFi!还是WiFi!重要的事情要说三遍!但是我们在家中经常会有无线网络信号覆盖不佳的情况,这样一来通常会有两种解决方法,一种是部署无线中继器,另外一种就是使用电力猫进行网络扩展。不过这两种无线网络扩展方法各有各的优点,也各有各的缺点,我们需要根据自己家中的实际网络状况进行选择,今天我们就来简单介绍下这两种无线网络的扩展方式。", "无线路由器搭配无线中继器", "从功能上来说,电力猫是通过电线获得网络信号,而无线中继器是将原来存在的无线信号,通过自身的转发进行二次传播,从而扩大无线网络的覆盖范围。使用方法也非常简单,我们在无线路由器信号覆盖的较边缘位置的插座上部署上无线中继器,然后简单设置一下,就可以让无线中继器将无线网络扩展到需要覆盖的房间。目前市面上的无线中继器操作越来越简单,如腾达等厂商的产品都可以实现和无线路由器的自动配对功能,无需用户手动操作配置。", "电力猫使用示意图", "简单来说电力猫就是将家中隐藏在墙体内部的电线转化为网线,对网络进行扩展的设备。电力猫现在分为“有线电力猫”和“无线电力猫”两种类型。“有线电力猫”就是需要上网的电脑、电视等设备需要网线连接电力猫进行上网。“无线电力猫”是在“有线电力猫”的基础上发展而来,部署完成后,用户不但可以使用网线连接上网,它还能够为用户提供无线网络的覆盖,方便智能手机、平板电脑等移动端设备上网使用。", "无线网络不佳怎么破?", "不过,通过无线中继器进行网络扩展会使得网络传输速率减半,部署一个还能够满足用户使用,如果要部署多个,很有可能网络速率不够进行正常的网络行为。而电力猫的网络传输速率目前已达200Mbps,部署多个,也不会影响。但是电力猫价格较为昂贵,并且必须成对的使用,且如果家中电线质量不佳,会令网络传输速率大幅下降。电力猫和无线中继器,哪个更适合您呢?", "+ 加载更多新闻", "20万的红旗你买单吗 红旗H5外观很时尚 跳江救人小伙遗体找到 轻生女向小伙母亲跪地道歉 最时尚的越野车 丰田将推小号\"酷路泽\"", "男孩用手为妈妈垫着睡觉 网友:想给未来女儿预订 老板开会突然转身跳楼 上百员工当场乱作一团 为了性,人可以龌龊到什么地步", "网易商城,您身边24小时的联通电信移动营业厅 随时随地为您提供手机话费充值服务。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "各有利弊 无线中继器和电力猫选哪个-硬蛋网", "most_related_para": 2, "segmented_title": ["各", "有", "利弊", "无线", "中继器", "和", "电力猫", "选", "哪个", "-", "硬蛋", "网"], "segmented_paragraphs": [["当前位置", ":", "首页", ">", "资讯", ">", "各", "有", "利弊", "无线", "中继器", "和", "电", ".", ".", "."], ["导语", ":", "现在", "最", "重要", "的", "是", "什么", "?", "WiFi", "!", "WiFi", "!", "还是", "WiFi", "!", "重要", "的", "事情", "要", "说", "三", "遍", "!", "但是", "我们", "在", "家中", "经常", "会", "有", "无线", "网络", "信号", "覆盖", "不佳", "的", "情况", ",", "这样一来", "通常", "会", "有", "两种", "解决方法", ",", "一", "种", "是", "部署", "无线", "中继器", ",", "另外一种", "就是", "使用", "电力猫", "进行", "网络", "扩展", "。", "你", "会", "选择", "哪个", "呢", "?", "无线", "中继器", "和", "电力猫", "这", "两种", "无线网络", "扩展", "方法", "各", "有", "各", "的", "优点", ",", "也", "各", "有", "各", "的", "缺点", ",", "我们", "需要", "根据", "自己", "家中", "的", "实际", "网络", "状况", "进行", "选择", ",", "今天", "我们", "就", "来", "简单", "介绍", "下", "这", "两种", "无线网络", "的", "扩展", "方式", "。"], ["从", "功能", "上", "来", "说", ",", "电力猫", "是", "通过", "电线", "获得", "网络", "信号", ",", "而", "无线", "中继器", "是", "将", "原来", "存在", "的", "无线", "信号", ",", "通过", "自身", "的", "转发", "进行", "二", "次", "传播", ",", "从而", "扩大", "无线网络", "的", "覆盖范围", "。", "使用方法", "也", "非常", "简单", ",", "我们", "在", "无线路由器", "信号", "覆盖", "的", "较", "边缘", "位置", "的", "插座", "上", "部署", "上", "无线", "中继器", ",", "然后", "简单", "设置", "一", "下", ",", "就", "可以", "让", "无线", "中继器", "将", "无线网络", "扩展", "到", "需要", "覆盖", "的", "房间", "。", "目前", "市面上", "的", "无线", "中继器", "操作", "越来越", "简单", ",", "如", "腾达", "等", "厂商", "的", "产品", "都", "可以", "实现", "和", "无线路由器", "的", "自动配对", "功能", ",", "无需", "用户", "手动", "操作", "配置", "。"], ["简单", "来", "说", "电力猫", "就是", "将", "家中", "隐藏", "在", "墙体", "内部", "的", "电线", "转化", "为", "网线", ",", "对", "网络", "进行", "扩展", "的", "设备", "。", "电力猫", "现在", "分为", "“", "有线", "电力猫", "”", "和", "“", "无线", "电力猫", "”", "两种", "类型", "。", "“", "有线", "电力猫", "”", "就是", "需要", "上网", "的", "电脑", "、", "电视", "等", "设备", "需要", "网线", "连接", "电力猫", "进行", "上网", "。", "“", "无线", "电力猫", "”", "是", "在", "“", "有线", "电力猫", "”", "的", "基础", "上", "发展", "而来", ",", "部署", "完成", "后", ",", "用户", "不", "但", "可以", "使用", "网线", "连接", "上网", ",", "它", "还能", "够", "为", "用户", "提供", "无线网络", "的", "覆盖", ",", "方便", "智能手机", "、", "平板电脑", "等", "移动", "端", "设备", "上网", "使用", "。", "无线网络", "不佳", "怎么", "破", "?", "不过", ",", "通过", "无线", "中继器", "进行", "网络", "扩展", "会", "使得", "网络", "传输速率", "减半", ",", "部署", "一", "个", "还能", "够", "满足", "用户", "使用", ",", "如果", "要", "部署", "多", "个", ",", "很有可能", "网络", "速率", "不够", "进行", "正常", "的", "网络", "行为", "。", "而", "电力猫", "的", "网络", "传输速率", "目前", "已", "达", "200", "Mbps", ",", "部署", "多", "个", ",", "也", "不会", "影响", "。", "但是", "电力猫", "价格", "较为", "昂贵", ",", "并且", "必须", "成", "对", "的", "使用", ",", "且", "如果", "家中", "电线", "质量", "不佳", ",", "会", "令", "网络", "传输速率", "大幅下降", "。", "电力猫", "和", "无线", "中继器", ",", "哪个", "更", "适合", "您", "呢", "?", "蛋", "君", "说", ":", "随着", "科技", "的", "发展", ",", "手机", "成", "了", "我们", "必不可少", "的", "一部分", "。", "试想一下", ",", "当", "我们", "生活", "在", "一", "个", "没有", "无线", "的", "社会", "中", ",", "我们", "该怎么办", "呢", "?", "答案", "是", ":", "抓狂", "!", "因此", ",", "无线", "中继器", "和", "电力猫", "成为", "了", "改善", "无线网络", "信号", "覆盖", "不佳", "的", "好", "工具", ",", "具体", "使用", "哪个", "则", "根据", "个人", "的", "爱好", "和", "选择", "来", "进行", "。"], ["更多", "相关内容", ":"], ["硬蛋", "资讯", "主要", "报道", "国内外", "智能", "硬件", "领域", "前沿技术", "和", "产品", "、", "热点资讯", "以及", "活动", ",", "欢迎", "拍砖", "、", "吐槽", "、", "来稿", "!"]], "paragraphs": ["当前位置: 首页> 资讯> 各有利弊 无线中继器和电...", "导语:现在最重要的是什么?WiFi!WiFi!还是WiFi!重要的事情要说三遍!但是我们在家中经常会有无线网络信号覆盖不佳的情况,这样一来通常会有两种解决方法,一种是部署无线中继器,另外一种就是使用电力猫进行网络扩展。你会选择哪个呢? 无线中继器和电力猫这两种无线网络扩展方法各有各的优点,也各有各的缺点,我们需要根据自己家中的实际网络状况进行选择,今天我们就来简单介绍下这两种无线网络的扩展方式。", "从功能上来说,电力猫是通过电线获得网络信号,而无线中继器是将原来存在的无线信号,通过自身的转发进行二次传播,从而扩大无线网络的覆盖范围。使用方法也非常简单,我们在无线路由器信号覆盖的较边缘位置的插座上部署上无线中继器,然后简单设置一下,就可以让无线中继器将无线网络扩展到需要覆盖的房间。目前市面上的无线中继器操作越来越简单,如腾达等厂商的产品都可以实现和无线路由器的自动配对功能,无需用户手动操作配置。", "简单来说电力猫就是将家中隐藏在墙体内部的电线转化为网线,对网络进行扩展的设备。电力猫现在分为“有线电力猫”和“无线电力猫”两种类型。“有线电力猫”就是需要上网的电脑、电视等设备需要网线连接电力猫进行上网。“无线电力猫”是在“有线电力猫”的基础上发展而来,部署完成后,用户不但可以使用网线连接上网,它还能够为用户提供无线网络的覆盖,方便智能手机、平板电脑等移动端设备上网使用。 无线网络不佳怎么破? 不过,通过无线中继器进行网络扩展会使得网络传输速率减半,部署一个还能够满足用户使用,如果要部署多个,很有可能网络速率不够进行正常的网络行为。而电力猫的网络传输速率目前已达200Mbps,部署多个,也不会影响。但是电力猫价格较为昂贵,并且必须成对的使用,且如果家中电线质量不佳,会令网络传输速率大幅下降。电力猫和无线中继器,哪个更适合您呢? 蛋君说:随着科技的发展,手机成了我们必不可少的一部分。试想一下,当我们生活在一个没有无线的社会中,我们该怎么办呢?答案是:抓狂!因此,无线中继器和电力猫成为了改善无线网络信号覆盖不佳的好工具,具体使用哪个则根据个人的爱好和选择来进行。", "更多相关内容:", "硬蛋资讯主要报道国内外智能硬件领域前沿技术和产品、热点资讯以及活动,欢迎拍砖、吐槽、来稿!"], "bs_rank_pos": 1}, {"is_selected": false, "title": "请问是电力猫好还是中继器好呢?_百度知道", "most_related_para": 0, "segmented_title": ["请问", "是", "电力猫", "好", "还是", "中继器", "好", "呢", "?", "_", "百度", "知道"], "segmented_paragraphs": [["理论", "上", "电力猫", "好", "但是", "你", "的", "两", "个", "接", "电力猫", "的", "插座", "不在", "一", "个", "开关", "下", ",", "就", "不行"]], "paragraphs": ["理论上电力猫好 但是你的两个接电力猫的插座不在一个开关下,就不行"], "bs_rank_pos": 2}, {"is_selected": true, "title": "电力猫与无线中继器的区别,哪个好?_百度知道", "most_related_para": 0, "segmented_title": ["电力猫", "与", "无线", "中继器", "的", "区别", ",", "哪个", "好", "?", "_", "百度", "知道"], "segmented_paragraphs": [["电力猫", "是", "在", "布", "放", "网线", "不", "方便", "情况", "下", ",", "在", "同", "一", "个", "电表", "下", ",", "利用", "电源线", "代替", "网线", "使用", "。", "无线", "中继", "是", "为了", "扩大", "无线", "覆盖范围", "使用", "的", "。", "两种", "设备", "功能", "不同", ",", "看", "你", "要", "怎么", "用", "了", "。"]], "paragraphs": ["电力猫是在布放网线不方便情况下,在同一个电表下,利用电源线代替网线使用。 无线中继是为了扩大无线覆盖范围使用的。 两种设备功能不同,看你要怎么用了。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "电力猫和中继器哪个好_百度知道", "most_related_para": 0, "segmented_title": ["电力猫", "和", "中继器", "哪个", "好", "_", "百度", "知道"], "segmented_paragraphs": [["TP", "比较", "常见", "1", "建议", "选择", "华为", "价格", "最好", "100", "元", "起"]], "paragraphs": ["TP比较常见 1 建议选择华为 价格最好100元起"], "bs_rank_pos": 4}], "answer_spans": [[0, 45]], "fake_answers": ["电力猫是在布放网线不方便情况下,在同一个电表下,利用电源线代替网线使用。无线中继是为了扩大无线覆盖范围使用的。两种设备功能不同,看你要怎么用了。"], "question": "电力猫和中继器哪个好", "segmented_answers": [["从", "功能", "上", "来", "说", ",", "电力猫", "是", "通过", "电线", "获得", "网络", "信号", ",", "而", "无线", "中继器", "是", "将", "原来", "存在", "的", "无线", "信号", ",", "通过", "自身", "的", "转发", "进行", "二", "次", "传播", ",", "从而", "扩大", "无线网络", "的", "覆盖范围", "。"], ["电力猫", "是", "在", "布", "放", "网线", "不", "方便", "情况", "下", ",", "在", "同", "一", "个", "电表", "下", ",", "利用", "电源线", "代替", "网线", "使用", "。", "无线", "中继", "是", "为了", "扩大", "搜索", "无线", "覆盖范围", "使用", "的", "。", "两种", "设备", "功能", "不同", ",", "看", "你", "要", "怎么", "用", "了", "。"]], "answers": ["从功能上来说,电力猫是通过电线获得网络信号,而无线中继器是将原来存在的无线信号,通过自身的转发进行二次传播,从而扩大无线网络的覆盖范围。", "电力猫是在布放网线不方便情况下,在同一个电表下,利用电源线代替网线使用。无线中继是为了扩大搜索无线覆盖范围使用的。两种设备功能不同,看你要怎么用了。"], "answer_docs": [3], "segmented_question": ["电力猫", "和", "中继器", "哪个", "好"], "question_type": "DESCRIPTION", "question_id": 181634, "fact_or_opinion": "OPINION", "match_scores": [0.924731182795699]}
-{"documents": [{"is_selected": true, "title": "哪种血型最长寿?答案让人震惊了-健康频道-手机搜狐", "most_related_para": 17, "segmented_title": ["哪", "种", "血型", "最长寿", "?", "答案", "让", "人", "震惊", "了", "-", "健康频道", "-", "手机", "搜狐"], "segmented_paragraphs": [["O型血", "的", "人", "最长寿"], ["数学家", "及", "医生", "史蒂芬", ".", "M", ".", "魏斯贝格", "与", "知名", "的", "健身", "专家", "约瑟夫", ".", "克里斯", "蒂", "安奴", "在", "对", "5000", "人", "的", "问卷", "调查", "中", "得出", "了", "有趣", "的", "数据", "。", "其中", "有", "一", "个", "问题", ",", "不同", "血型", "的", "人", "的", "平均", "估计", "寿命", "是否", "存在", "差别", "呢", "?"], ["美国人", "的", "平均寿命", "为", "76岁", "。", "这个", "数字", "是", "命中注定", "的", "。", "而", "它", "又", "是", "让", "人", "欣喜", "的", ",", "因为", "只有", "少数", "人", "明显", "地", "更加", "长寿", ",", "相反", "其他人", "很早", "就", "去世", "了", "。"], ["拥有", "最长", "的", "估计", "寿命", "的", "人", "是", "O型血", "人", ",", "这些人", "的", "平均寿命", "几乎", "达到", "87", "岁", "。", "他们", "是", "养老金", "发放", "机构", "的", "噩梦", "。", "这个", "估计", "寿命", "之", "高原", "本", "并", "不", "令人吃惊", ",", "因为", "这些", "人", "身体强壮", ",", "有", "坚定", "的", "意志", ",", "心理", "上", "相对", "平衡", ",", "并且", "无忧无虑", "。", "如果", "你", "是", "O型血", ",", "又", "恰巧", "活", "过", "87", "岁", ",", "那么", "姐", "要", "恭喜你", "!", "你", "交", "的", "社保", "绝对", "都", "赚", "回来", "啦", "~"], ["B型血", "的", "人", "还是", "保持", "沉着冷静", ",", "即使", "他们", "会", "比", "O型血", "人", "早", "10", "年", "去世", "。", "他们", "顽固", ",", "并", "对", "一切", "事情", "过于", "执著", "。", "B型", "朋友们", ",", "放松一点", "好", "吗", "?"], ["估计", "寿命", "再", "少", "10", "年", "的", "是", "AB型血", "的", "人", ",", "平均", "达到", "70", "岁", "。", "(", "ˇ", "?", "ˇ", ")", "~", "AB", "型", "的", "姐", "其实", "还", "没", "考虑", "好", "到底", "打算", "活", "多少", "岁", "~", "~", "#", "@", "*", "#", "*", "EY", "!", "@", ".", ".", ".", ".", ".", "."], ["而", "平均", "活", "得", "最短", "的", "是", "A型血", "的", "人", ",", "仅仅", "62", "岁", "!", "在", "心理学家", "看", "来", ",", "这", "其实", "是", "意料", "之", "中", "的", ",", "因为", "A型血", "的", "人", "脸", "皮", "薄", "而且", "非常", "敏感", ",", "他们", "会", "一直", "为", "自己", "以及", "身边", "的", "人", "操心", "。", "很遗憾", ",", "这", "往往", "会", "使", "心脏", "的", "负担过重", ",", "甚至", "出现", "耗损", "。", "A型血", "的", "亲", "们", ",", "你们", "都", "要", "好", "好", "的", "!", "脸皮厚", "一", "点", "没关系", "的", ",", "别", "太", "操心", "啊", ",", "要", "注意身体", "啊", "!"], ["但是", "A型血", "的", "人", "寿命", "相对", "于", "其他", "血型", "要", "短", ",", "还有", "一", "个", "完全", "不同", "的", "原因", "。", "医生", "及", "自然疗法", "医师", "彼特", ".", "J", ".", "达达", "默", "医学博士", ",", "发现", "了", "特定", "的", "食物", "与", "血型", "之间", "的", "对立", "关系", "。", "在", "他", "的", "一", "本", "著作", "中", "阐述", "了", "人", "与", "食物", "的", "搭配", "问题", ",", "因为", "饮食习惯", "受", "血型", "的", "影响", "。"], ["他", "认为", "O型血", "与", "A型血", "的", "人", "的", "主要", "区别", "在于", "对", "肉类", "食品", "的", "消化", ":", "O型血", "的", "人", "需要", "肉食", ",", "并且", "吸收", "得", "很好", ";", "而", "A型血", "的", "人", "不能", "很好", "地", "消化", "肉类", ",", "相对而言", "更需要", "谷物", "及", "蔬菜", "类", "食物", "。", "其", "根本", "原因", "在于", "胃酸", "分泌", "量", "的", "不同", ":", "O型血", "的", "人", "胃酸", "充足", ",", "因此", "消化", "肉类", "只是", "小菜一碟", "。", "很可惜", ",", "我们", "今天", "的", "食谱", "上", "几乎", "都是", "肉类", "快餐", ":", "烤肉", "串", "、", "汉堡包", "、", "烤", "香肠", "以及", "牛排", ",", "这", "对于", "A型血", "人", "以及", "他们", "那", "脆弱", "的", "消化系统", "来", "说", ",", "就", "好", "比", "毒药", "。", "错误", "的", "饮食习惯", "使", "这些人", "元气大伤", ",", "并且", "缩短", "了", "寿命", "。"], ["让", "我们", "来看", "一", "下", "日本", "的", "情况", "。", "这个", "国家", "的", "A型血", "人", "却", "有", "着", "最长", "的", "估计", "寿命", ",", "高于", "其他", "所有", "国家", "。", "谜底", "在于", ",", "他们", "能", "正确地", "对待", "饮食", "。", "日本人", "基本上", "食用", "大量", "的", "鱼", "、", "米", "及", "豆制品", ",", "并且", "视", "他们", "的", "绿茶", "为", "宝贝", ",", "就像", "巴伐利亚", "人", "对待", "他们", "的", "啤酒", "一样", "。", "这种", "饮食", "方式", "有利于", "A型血", "的", "人", "。", "谁", "想要", "长寿", ",", "就", "得", "按照", "血型", "合理", "地", "安排", "饮食", "。"], ["据", "俄罗斯", "《", "共青团真理报", "》", "报道", ",", "俄罗斯", "医学家", "们", "找到", "了", "许多", "血型", "和", "疾病", "之间", "相互", "关联", "的", "证据", ",", "以下", "是", "他们", "的", "研究成果", ":"], ["专家", "认为", ",", "O型血", "的", "人", "普遍", "长寿", ";", "A型血", "的", "人", "几乎没有", "对", "天花", "的", "免疫力", ",", "蚊子", "也", "更", "爱", "叮咬", "他们", ";", "B型血", "的", "人", "很少", "得", "癌症", ";", "而", "AB型血", "的", "人", "则", "有", "很高", "的", "肌", "体", "免疫力", "。"], ["O型血", "的", "人", "易", "患", "疾病", "包括", "胃溃疡", "和", "十二指肠", "疾病", "、", "肝硬化", "、", "胆囊炎", "、", "阑尾炎", "、", "支气管哮喘", ",", "脓肿", "等", "。", "虽然", "平常", "较", "易", "生病", ",", "但", "平均寿命", "明显", "较", "长", "。"], ["A型血", "的", "人", "容易", "患", "葡萄球菌", "化脓", "感染", "、", "沙门氏菌病", "、", "结核病", "、", "白喉", "、", "痢疾", "、", "流行性感冒", "、", "动脉粥样硬化", "、", "风湿病", "、", "心肌梗塞", "、", "癫痫", "、", "慢性酒精中毒", "等", "疾病", "。", "B型血", "的", "人", "易", "患", "的", "疾病", "包括", "痢疾", ",", "流行性感冒", "、", "神经根炎", "、", "骨病", "、", "泌尿", "生殖系统", "、", "关节炎", "等", "。"], ["AB型血", "的", "人", "容易", "患", "脓", "毒性", "感染", "、", "急性", "呼吸道疾病", "、", "病毒性肝炎", "等", "疾病", "。", "据统计", ",", "AB型血", "的", "人", "患", "精神分裂症", "比", "其他", "血型", "高", "出", "3", "倍", "多", ",", "但", "AB型血", "在", "患", "结核病", "、", "妊娠", "贫血", "的", "比率", "上", ",", "则", "比", "其他", "血型", "的", "人", "低", "很多", "。", "看到这里", "姐", "突然", "觉得", "整个", "人", "都", "精神", "多", "了", ",", "是不是", "已经", "得", "了", "精神病", "的", "缘故", "呢", "。", "。", "。"], ["虽说", "以上", "血型", "与", "健康", "的", "研究成果", "让", "某些", "人", "有点", "小", "沮丧", ",", "但", "姐", "坚信", "命运", "掌握", "在", "自己", "手", "中", ",", "先天不足", ",", "后天", "来", "补", ",", "跟着", "姐", "看看", "各种", "血型", "的", "先天", "劣势", "怎么", "破", "!"], ["根据", "血型", "来", "养生"], ["A型血", ":", "A型血", "的", "人大", "多", "是", "工作狂", ",", "他们", "喜欢", "尝试", "未知", ",", "承担", "风险", ",", "但", "与此同时", "也", "承担", "了", "繁重", "的", "压力", "。", "当", "压力", "增大", "时", ",", "神经系统", "会", "受到", "影响", ",", "人体", "生理机能", "失衡", ",", "继而", "导致", "心脏", "功能", "严重", "受损", "。", "因此", "A型血", "的", "人", "最", "重要", "的", "就是", "要", "学会", "减压", ",", "不", "给", "心脏病", "以", "生存", "空间", "。", "A型血", "在", "日常", "生活", "中", "可以", "常吃", "鳗鱼", ",", "适当", "吃", "猪肉", ",", "补充", "身体", "所需", "的", "脂肪", "、", "蛋白质", "等", "营养", "元素", ",", "还要", "少", "做", "剧烈运动", ",", "这样", "不仅", "不能", "锻炼身体", ",", "反而", "会", "加剧", "免疫力下降", "。", "不如", "每日", "练", "练", "瑜伽", ",", "在", "一招一式", "中", "舒缓", "疲劳", "身体", "。", "此外", ",", "在", "睡前", "30", "分钟", "可以", "喝一杯", "纯净水", ",", "让", "本来", "黏稠", "的", "血液", "变得", "顺畅", ",", "从而", "缓解", "紧张", "状态", ",", "达到", "减压", "的", "目的", ",", "促进", "安眠", "。", "B型血", ":", "B型血", "对于", "具有", "相同", "的", "B型", "抗原", "的", "细菌", "毫无", "防范", "之", "力", ",", "加", "之", "自身", "某些", "免疫系统", "功能", "失调", ",", "防卫", "能力", "最差", ",", "因此", "极其", "容易", "患", "上", "肺结核", "、", "流感", "等", "传染疾病", "。", "对于", "B型血", "的", "人", "来", "说", ",", "调节", "健康", "的", "重点", "在于", "提升", "自身", "对于", "外界", "环境", "变化", "的", "应变能力", ",", "才能", "减低", "患", "上", "传染病", "的", "几率", "。", "B型血", "在", "生活", "中", "要", "少", "吃", "猪肉", ",", "如果", "一次", "食用", "过", "多", "就会", "出现", "过敏", "现象", "。", "钙", "是", "B型血", "的", "重要", "元素", ",", "唯有", "身体", "内", "有", "足", "量", "的", "钙", ",", "新陈代谢", "才能", "正常运转", ",", "提升", "身体", "的", "应变能力", ",", "调节", "自身", "的", "免疫系统", "平衡", "。", "最佳", "的", "补钙", "方式", "就是", "享受", "日光浴", ",", "因此", "B型血", "的", "人", "不", "妨", "多", "去", "户外", "做", "做", "小步跑", "、", "高", "抬腿", "散步", "等", "力所能及", "的", "运动", "。", "O型血", ":", "O型血", "人", "的", "自身", "消化系统", "功能", "一般", "都", "强大", ",", "也", "增加", "了", "胃酸", "的", "分泌", "含量", ",", "如此一来", ",", "胃壁", "就", "更容易", "受到刺激", ",", "轻微", "的", "影响", "就会", "出现", "胃溃疡", "现象", "。", "想要", "避免", "胃酸", "分泌", "过", "多", ",", "最佳", "的", "方法", "就是", "在", "中餐", "和", "午餐", "过后", "切", "一", "片", "生姜", ",", "先", "含", "在", "嘴里", "3", "分钟", ",", "再", "细嚼", "咽下", "。", "需要", "注意", "的", "是", ",", "吃", "姜", "不宜", "贪", "多", ",", "只", "需", "薄", "薄", "一", "片", "即可", ",", "如果", "服用", "过", "多", ",", "反而", "会", "加重", "胃酸分泌", "。", "此外", ",", "每天", "的", "下午茶时间", ",", "用", "70", "%", "的", "热水", "和", "30", "%", "的", "凉开水", "勾兑", "出", "温开水", ",", "快速", "饮用", "后", ",", "努力", "有", "节奏", "地", "打嗝", ",", "然后", "用", "手掌", "心", "从", "上", "到", "下", "轻", "揉", "胃部", ",", "达到", "温暖", "、", "通气", "的", "目的", "。", "这样", "简单", "的", "小", "行动", "就能", "让", "胃部", "的", "浊气", "排出", ",", "不", "给", "过量", "胃酸", "提供", "条件", "。", "AB型血", ":", "AB型血", "是", "人类", "历史", "上", "最晚", "诞生", "的", "血型", ",", "对", "疾病", "的", "抵御", "能力", "也", "最", "弱", ",", "哪怕", "是", "微弱", "的", "影响", "也", "会", "让", "健康", "很受伤", "。", "不", "妨", "在", "每天", "上午", "10", "点", "、", "下午", "4", "点", "各", "饮用", "一大", "杯", "酸奶", ",", "改变", "体", "内", "生物", "环境", ",", "提高", "人体", "免疫", "能力", "。"], ["建议", "AB型血", "的", "人", "每星期", "吃", "两次", "凉菜", ",", "比如", "虾油", "炝", "拌", "萝卜丝", "就", "有", "促进", "消化", "、", "增强", "食欲", "的", "作用", ",", "为", "身体", "内部", "降降温", ",", "有效", "提升", "AB型血", "人", "的", "免疫力", "。"], ["最近", "日本", "有", "一", "份", "交通事故", "调查", "表明", ",", "AB型血", "的", "人", "经常", "因为", "睡眠不足", "而", "导致", "交通事故", ",", "尤其", "在", "深夜", "2", "点", "~", "凌晨", "6", "点", "之间", "。", "这", "与", "AB型血", "人", "免疫力", "低下", ",", "容易", "疲倦", "有", "很大", "关系", "。", "所以", ",", "请", "AB型血", "的", "你", "在", "需要", "深夜", "驾车", "前", "小憩", "15", "分钟", ",", "养", "足", "精神", "才能", "开车", "哦", "!"]], "paragraphs": ["O型血的人最长寿", "数学家及医生史蒂芬.M.魏斯贝格与知名的健身专家约瑟夫.克里斯蒂安奴在对5000人的问卷调查中得出了有趣的数据。其中有一个问题,不同血型的人的平均估计寿命是否存在差别呢?", "美国人的平均寿命为76岁。这个数字是命中注定的。而它又是让人欣喜的,因为只有少数人明显地更加长寿,相反其他人很早就去世了。", "拥有最长的估计寿命的人是O型血人,这些人的平均寿命几乎达到87岁。他们是养老金发放机构的噩梦。这个估计寿命之高原本并不令人吃惊,因为这些人身体强壮,有坚定的意志,心理上相对平衡,并且无忧无虑。如果你是O型血,又恰巧活过87岁,那么姐要恭喜你!你交的社保绝对都赚回来啦~", "B型血的人还是保持沉着冷静,即使他们会比O型血人早10年去世。他们顽固,并对一切事情过于执著。B型朋友们,放松一点好吗?", "估计寿命再少10年的是AB型血的人,平均达到70岁。(ˇ?ˇ) ~AB型的姐其实还没考虑好到底打算活多少岁~~#@*#*EY!@......", "而平均活得最短的是A型血的人,仅仅62岁!在心理学家看来,这其实是意料之中的,因为A型血的人脸皮薄而且非常敏感,他们会一直为自己以及身边的人操心。很遗憾,这往往会使心脏的负担过重,甚至出现耗损。A型血的亲们,你们都要好好的!脸皮厚一点没关系的,别太操心啊,要注意身体啊!", "但是A型血的人寿命相对于其他血型要短,还有一个完全不同的原因。医生及自然疗法医师彼特.J.达达默医学博士,发现了特定的食物与血型之间的对立关系。在他的一本著作中阐述了人与食物的搭配问题,因为饮食习惯受血型的影响。", "他认为O型血与A型血的人的主要区别在于对肉类食品的消化:O型血的人需要肉食,并且吸收得很好;而A型血的人不能很好地消化肉类,相对而言更需要谷物及蔬菜类食物。其根本原因在于胃酸分泌量的不同:O型血的人胃酸充足,因此消化肉类只是小菜一碟。很可惜,我们今天的食谱上几乎都是肉类快餐:烤肉串、汉堡包、烤香肠以及牛排,这对于A型血人以及他们那脆弱的消化系统来说,就好比毒药。错误的饮食习惯使这些人元气大伤,并且缩短了寿命。", "让我们来看一下日本的情况。这个国家的A型血人却有着最长的估计寿命,高于其他所有国家。谜底在于,他们能正确地对待饮食。日本人基本上食用大量的鱼、米及豆制品,并且视他们的绿茶为宝贝,就像巴伐利亚人对待他们的啤酒一样。这种饮食方式有利于A型血的人。谁想要长寿,就得按照血型合理地安排饮食。", "据俄罗斯《共青团真理报》报道,俄罗斯医学家们找到了许多血型和疾病之间相互关联的证据,以下是他们的研究成果:", "专家认为,O型血的人普遍长寿;A型血的人几乎没有对天花的免疫力,蚊子也更爱叮咬他们;B型血的人很少得癌症;而AB型血的人则有很高的肌体免疫力。", "O型血的人易患疾病包括胃溃疡和十二指肠疾病、肝硬化、胆囊炎、阑尾炎、支气管哮喘,脓肿等。虽然平常较易生病,但平均寿命明显较长。", "A型血的人容易患葡萄球菌化脓感染、沙门氏菌病、结核病、白喉、痢疾、流行性感冒、动脉粥样硬化、风湿病、心肌梗塞、癫痫、慢性酒精中毒等疾病。 B型血的人易患的疾病包括痢疾,流行性感冒、神经根炎、骨病、泌尿生殖系统、关节炎等。", "AB型血的人容易患脓毒性感染、急性呼吸道疾病、病毒性肝炎等疾病。据统计,AB型血的人患精神分裂症比其他血型高出3倍多,但AB型血在患结核病、妊娠贫血的比率上,则比其他血型的人低很多。看到这里姐突然觉得整个人都精神多了,是不是已经得了精神病的缘故呢。。。", "虽说以上血型与健康的研究成果让某些人有点小沮丧,但姐坚信命运掌握在自己手中,先天不足,后天来补,跟着姐看看各种血型的先天劣势怎么破!", "根据血型来养生", "A型血:A型血的人大多是工作狂,他们喜欢尝试未知,承担风险,但与此同时也承担了繁重的压力。当压力增大时,神经系统会受到影响,人体生理机能失衡,继而导致心脏功能严重受损。因此A型血的人最重要的就是要学会减压,不给心脏病以生存空间。 A型血在日常生活中可以常吃鳗鱼,适当吃猪肉,补充身体所需的脂肪、蛋白质等营养元素,还要少做剧烈运动,这样不仅不能锻炼身体,反而会加剧免疫力下降。不如每日练练瑜伽,在一招一式中舒缓疲劳身体。此外,在睡前30分钟可以喝一杯纯净水,让本来黏稠的血液变得顺畅,从而缓解紧张状态,达到减压的目的,促进安眠。 B型血:B型血对于具有相同的B型抗原的细菌毫无防范之力,加之自身某些免疫系统功能失调,防卫能力最差,因此极其容易患上肺结核、流感等传染疾病。对于B型血的人来说,调节健康的重点在于提升自身对于外界环境变化的应变能力,才能减低患上传染病的几率。 B型血在生活中要少吃猪肉,如果一次食用过多就会出现过敏现象。钙是B型血的重要元素,唯有身体内有足量的钙,新陈代谢才能正常运转,提升身体的应变能力,调节自身的免疫系统平衡。最佳的补钙方式就是享受日光浴,因此B型血的人不妨多去户外做做小步跑、高抬腿散步等力所能及的运动。 O型血:O型血人的自身消化系统功能一般都强大,也增加了胃酸的分泌含量,如此一来,胃壁就更容易受到刺激,轻微的影响就会出现胃溃疡现象。想要避免胃酸分泌过多,最佳的方法就是在中餐和午餐过后切一片生姜,先含在嘴里3分钟,再细嚼咽下。需要注意的是,吃姜不宜贪多,只需薄薄一片即可,如果服用过多,反而会加重胃酸分泌。 此外,每天的下午茶时间,用70%的热水和30%的凉开水勾兑出温开水,快速饮用后,努力有节奏地打嗝,然后用手掌心从上到下轻揉胃部,达到温暖、通气的目的。这样简单的小行动就能让胃部的浊气排出,不给过量胃酸提供条件。 AB型血:AB型血是人类历史上最晚诞生的血型,对疾病的抵御能力也最弱,哪怕是微弱的影响也会让健康很受伤。不妨在每天上午10点、下午4点各饮用一大杯酸奶,改变体内生物环境,提高人体免疫能力。", "建议AB型血的人每星期吃两次凉菜,比如虾油炝拌萝卜丝就有促进消化、增强食欲的作用,为身体内部降降温,有效提升AB型血人的免疫力。", "最近日本有一份交通事故调查表明,AB型血的人经常因为睡眠不足而导致交通事故,尤其在深夜2点~凌晨6点之间。这与AB型血人免疫力低下,容易疲倦有很大关系。所以,请AB型血的你在需要深夜驾车前小憩15分钟,养足精神才能开车哦!"], "bs_rank_pos": 0}, {"is_selected": false, "title": "哪种血型的人最长寿_新浪健康_新浪网", "most_related_para": 21, "segmented_title": ["哪", "种", "血型", "的", "人", "最长寿", "_", "新浪", "健康", "_", "新浪网"], "segmented_paragraphs": [["健康频道", ">", "疾病", ">", "正文"], ["导语", ":", "时至今日", "都", "还", "没有", "证据", "表明", ",", "美国", "是否", "在", "征兵", "时", "也", "运用", "了", "有关", "血型", "心理学", "的", "知识", ",", "来", "选拔", "适合于", "充当", "领导", "的", "人", "。", "据说", "日本", "早", "就", "推行", "了", "这种", "方法", "。", "无论如何", ",", "研究", "还是", "在", "继续", "进行", "、", "补充", "及", "计算", ",", "并", "得出", "了", "令人", "兴奋", "但", "又", "吃惊", "的", "结论", "。"], ["血型", "和", "寿命", "的", "神奇", "关系"], ["O型血", "的", "人", "最长寿"], ["数学家", "及", "医生", "史蒂芬", ".", "M", "。", "魏斯", "贝", "格", "(", "Steven", "M", ".", "Weissberg", ")", "与", "知名", "的", "健身", "专家", "约瑟夫", "。", "克里斯", "蒂", "安奴", "在", "对", "5000", "人", "的", "问卷", "调查", "中", "得出", "了", "有趣", "的", "数据", "。", "其中", "有", "一", "个", "问题", ",", "不同", "血型", "的", "人", "的", "平均", "估计", "寿命", "是否", "存在", "差别", "呢", "?"], ["美国人", "的", "平均寿命", "为", "76岁", "。", "这个", "数字", "是", "命中注定", "的", "。", "而", "它", "又", "是", "让", "人", "欣喜", "的", ",", "因为", "只有", "少数", "人", "明显", "地", "更加", "长寿", ",", "相反", "其他人", "很早", "就", "去世", "了", "。"], ["拥有", "最长", "的", "估计", "寿命", "的", "人", "是", "O型血", "人", ",", "这些人", "的", "平均寿命", "几乎", "达到", "87", "岁", "。", "他们", "是", "养老金", "发放", "机构", "的", "噩梦", "。", "这个", "估计", "寿命", "之", "高原", "本", "并", "不", "令人吃惊", ",", "因为", "这些", "人", "身体强壮", ",", "有", "坚定", "的", "意志", ",", "心理", "上", "相对", "平衡", ",", "并且", "无忧无虑", "。"], ["B型血", "的", "人", "还是", "保持", "沉着冷静", ",", "即使", "他们", "会", "比", "O型血", "人", "早", "10", "年", "去世", "。", "他们", "顽固", ",", "并", "对", "一切", "事情", "过于", "执著", "。"], ["估计", "寿命", "再", "少", "10", "年", "的", "是", "AB型血", "的", "人", ",", "平均", "达到", "70", "岁", "。"], ["而", "平均", "活", "得", "最短", "的", "是", "A型血", "的", "人", ",", "仅仅", "62", "岁", "!", "在", "心理学家", "看", "来", ",", "这", "其实", "是", "意料", "之", "中", "的", ",", "因为", "A型血", "的", "人", "脸", "皮", "薄", "而且", "非常", "敏感", ",", "他们", "会", "一直", "为", "自己", "以及", "身边", "的", "人", "操心", "。", "很遗憾", ",", "这", "往往", "会", "使", "心脏", "的", "负担过重", ",", "甚至", "出现", "耗损", "。"], ["但是", "A型血", "的", "人", "寿命", "相对", "于", "其他", "血型", "要", "短", ",", "还有", "一", "个", "完全", "不同", "的", "原因", "。", "医生", "及", "自然疗法", "医师", "彼特", ".", "J", "。", "达达", "默", "医学博士", ",", "发现", "了", "特定", "的", "食物", "与", "血型", "之间", "的", "对立", "关系", "。", "在", "他", "的", "一", "本", "著作", "中", "阐述", "了", "人", "与", "食物", "的", "搭配", "问题", ",", "因为", "饮食习惯", "受", "血型", "的", "影响", "。"], ["他", "认为", "O型血", "与", "A型血", "的", "人", "的", "主要", "区别", "在于", "对", "肉类", "食品", "的", "消化", ":", "O型血", "的", "人", "需要", "肉食", ",", "并且", "吸收", "得", "很好", ";", "而", "A型血", "的", "人", "不能", "很好", "地", "消化", "肉类", ",", "相对而言", "更需要", "谷物", "及", "蔬菜", "类", "食物", "。", "其", "根本", "原因", "在于", "胃酸", "分泌", "量", "的", "不同", ":", "O型血", "的", "人", "胃酸", "充足", ",", "因此", "消化", "肉类", "只是", "小菜一碟", "。", "很可惜", ",", "我们", "今天", "的", "食谱", "上", "几乎", "都是", "肉类", "快餐", ":", "烤肉", "串", "、", "汉堡包", "、", "烤", "香肠", "以及", "牛排", ",", "这", "对于", "A型血", "人", "以及", "他们", "那", "脆弱", "的", "消化系统", "来", "说", ",", "就", "好", "比", "毒药", "。", "错误", "的", "饮食习惯", "使", "这些人", "元气大伤", ",", "并且", "缩短", "了", "寿命", "。"], ["让", "我们", "来看", "一", "下", "日本", "的", "情况", "。", "这个", "国家", "的", "A型血", "人", "却", "有", "着", "最长", "的", "估计", "寿命", ",", "高于", "其他", "所有", "国家", "。", "谜底", "在于", ",", "他们", "能", "正确地", "对待", "饮食", "。", "日本人", "基本上", "食用", "大量", "的", "鱼", "、", "米", "及", "豆制品", ",", "并且", "视", "他们", "的", "绿茶", "为", "宝贝", ",", "就像", "巴伐利亚", "人", "对待", "他们", "的", "啤酒", "一样", "。", "这种", "饮食", "方式", "有利于", "A型血", "的", "人", "。", "谁", "想要", "长寿", ",", "就", "得", "按照", "血型", "合理", "地", "安排", "饮食", "。"], ["据", "俄罗斯", "《", "共青团", "理报", "》", "报道", ",", "俄罗斯", "医学家", "们", "找到", "了", "许多", "血型", "和", "疾病", "之间", "相互", "关联", "的", "证据", ",", "以下", "是", "他们", "的", "研究成果", "。"], ["专家", "认为", ",", "O型血", "的", "人", "普遍", "长寿", ";", "A型血", "的", "人", "几乎没有", "对", "天花", "的", "免疫力", ",", "蚊子", "也", "更", "爱", "叮咬", "他们", ";", "B型血", "的", "人", "很少", "得", "癌症", ";", "而", "AB型血", "的", "人", "则", "有", "很高", "的", "肌", "体", "免疫力", "。"], ["O型血", "的", "人", "易", "患", "疾病", "包括", "胃溃疡", "和", "十二指肠", "疾病", "、", "肝硬化", "、", "胆囊炎", "、", "阑尾炎", "、", "支气管哮喘", ",", "脓肿", "等", "。", "虽然", "平常", "较", "易", "生病", ",", "但", "平均寿命", "明显", "较", "长", "。"], ["A型血", "的", "人", "容易", "患", "葡萄球菌", "化脓", "感染", "、", "沙门氏菌病", "、", "结核病", "、", "白喉", "、", "痢疾", "、", "流行性感冒", "、", "动脉粥样硬化", "、", "风湿病", "、", "心肌梗塞", "、", "癫痫", "、", "慢性酒精中毒", "等", "疾病", "。", "B型血", "的", "人", "易", "患", "的", "疾病", "包括", "痢疾", ",", "流行性感冒", "、", "神经根炎", "、", "骨病", "、", "泌尿", "生殖系统", "、", "关节炎", "等", "。"], ["AB型血", "的", "人", "容易", "患", "脓", "毒性", "感染", "、", "急性", "呼吸道疾病", "、", "病毒性肝炎", "等", "疾病", "。", "据统计", ",", "AB型血", "的", "人", "患", "精神分裂症", "比", "其他", "血型", "高", "出", "3", "倍", "多", ",", "但", "AB型血", "在", "患", "结核病", "、", "妊娠", "贫血", "的", "比率", "上", ",", "则", "比", "其他", "血型", "的", "人", "低", "很多", "。"], ["让", "我们", "来看", "一", "下", "日本", "的", "情况", "。", "这个", "国家", "的", "A型血", "人", "却", "有", "着", "最长", "的", "估计", "寿命", ",", "高于", "其他", "所有", "国家", "。", "谜底", "在于", ",", "他们", "能", "正确地", "对待", "饮食", "。", "日本人", "基本上", "食用", "大量", "的", "鱼", "、", "米", "及", "豆制品", ",", "并且", "视", "他们", "的", "绿茶", "为", "宝贝", ",", "就像", "巴伐利亚", "人", "对待", "他们", "的", "啤酒", "一样", "。", "这种", "饮食", "方式", "有利于", "A型血", "的", "人", "。", "谁", "想要", "长寿", ",", "就", "得", "按照", "血型", "合理", "地", "安排", "饮食", "。"], ["据", "俄罗斯", "《", "共青团", "理报", "》", "报道", ",", "俄罗斯", "医学家", "们", "找到", "了", "许多", "血型", "和", "疾病", "之间", "相互", "关联", "的", "证据", ",", "以下", "是", "他们", "的", "研究成果", "。"], ["专家", "认为", ",", "O型血", "的", "人", "普遍", "长寿", ";", "A型血", "的", "人", "几乎没有", "对", "天花", "的", "免疫力", ",", "蚊子", "也", "更", "爱", "叮咬", "他们", ";", "B型血", "的", "人", "很少", "得", "癌症", ";", "而", "AB型血", "的", "人", "则", "有", "很高", "的", "肌", "体", "免疫力", "。"], ["O型血", "的", "人", "易", "患", "疾病", "包括", "胃溃疡", "和", "十二指肠", "疾病", "、", "肝硬化", "、", "胆囊炎", "、", "阑尾炎", "、", "支气管哮喘", ",", "脓肿", "等", "。", "虽然", "平常", "较", "易", "生病", ",", "但", "平均寿命", "明显", "较", "长", "。"], ["A型血", "的", "人", "容易", "患", "葡萄球菌", "化脓", "感染", "、", "沙门氏菌病", "、", "结核病", "、", "白喉", "、", "痢疾", "、", "流行性感冒", "、", "动脉粥样硬化", "、", "风湿病", "、", "心肌梗塞", "、", "癫痫", "、", "慢性酒精中毒", "等", "疾病", "。", "B型血", "的", "人", "易", "患", "的", "疾病", "包括", "痢疾", ",", "流行性感冒", "、", "神经根炎", "、", "骨病", "、", "泌尿", "生殖系统", "、", "关节炎", "等", "。"], ["AB型血", "的", "人", "容易", "患", "脓", "毒性", "感染", "、", "急性", "呼吸道疾病", "、", "病毒性肝炎", "等", "疾病", "。", "据统计", ",", "AB型血", "的", "人", "患", "精神分裂症", "比", "其他", "血型", "高", "出", "3", "倍", "多", ",", "但", "AB型血", "在", "患", "结核病", "、", "妊娠", "贫血", "的", "比率", "上", ",", "则", "比", "其他", "血型", "的", "人", "低", "很多", "。"], ["爱", "唠叨", "的", "人", "长寿"], ["北京", "曾", "对", "1000", "多", "名", "“", "抗癌", "明星", "”", "进行", "调查", ",", "几乎", "所有人", "都", "认为", "能", "活下来", "的", "原因", "就是", "心态", "好", ",", "一旦", "精神崩溃", ",", "那", "就", "全", "完", "了", "。", "美国", "匹兹堡大学", "研究", "人员", "对", "9", "万", "名", "女性", "进行", "了", "8", "年", "跟踪", "调查", ",", "发现", "性格", "乐观", "的", "人", "死亡率", "低", "14", "%", ",", "罹患", "心脏病", "的", "几率", "低", "9", "%", "。", "挪威", "对", "2015", "名", "癌症", "患者", "的", "调查", "也", "发现", ",", "那些", "极", "具", "幽默感", "的", "人", "的", "生存率", ",", "要", "比", "那些", "幽默感", "极度", "贫乏", "的", "人", "高", "出", "70", "%", "。"], ["“", "保持", "一", "个", "阳光", "的", "心态", ",", "远", "胜过", "任何", "好医生", "。", "它", "不", "但", "有益", "大脑皮层", "和", "神经", "的", "协调", ",", "还能", "增强", "机体", "的", "免疫力", ",", "延缓衰老", "。", "”", "首都医科大学", "附属", "北京", "安贞医院", "心血管", "十二", "病区", "主任", "周玉杰", "教授", "表示", ",", "研究表明", ",", "开朗", "的", "人", "免疫力", "往往", "比", "敏感", "者", "强", "。", "平", "日", "里", "各种", "不良情绪", "都会", "使", "你", "的", "身体", "发生变化", "。", "比如", ",", "生气", "时", "会", "出现", "脉搏", "、", "心跳", "、", "呼吸", "加快", "等", "症状", ";", "忧伤", "时", "会", "使", "消化", "腺", "分泌", "的", "消化液", "减少", ",", "食欲减退", ";", "恐惧", "、", "说谎", "会", "使", "中枢神经紧张", ",", "随时", "导致", "血压升高", "。"], ["这", "是因为", ",", "人", "不高兴", "和", "开心", "时", "分泌", "的", "物质", "不同", "—", "—", "—", "不高兴", "时", "分泌", "的", "是", "肾上腺素", ",", "这", "是", "一", "种", "应激", "激素", ",", "会导致", "血管", "收缩", ",", "血压升高", ",", "长期", "过量", "分泌", ",", "会导致", "高血压", "、", "心脏病", "等", ";", "而", "开心", "时", "分泌", "的", "是", "内啡肽", ",", "它", "能", "使", "人", "心情", "愉悦", "。"], ["不管", "谁", "家", "有", "个", "爱", "唠叨", "的", "人", ",", "都会", "让", "人", "叫苦不迭", "。", "但", "在", "中国", "中医", "科学院", "研究员", "杨金生", "眼里", ",", "这", "也是", "一", "种", "长寿", "秘诀", "。", "他", "认为", ",", "唠叨", "能", "调动", "记忆功能", "和", "语言", "表达", "功能", ",", "还能", "锻炼", "脑细胞", "。", "经常", "说话", "的", "人", ",", "能", "使", "口腔", "肌肉", "和", "咽喉", "得到", "锻炼", ",", "有利于", "保持", "耳咽管", "的", "通畅", ",", "使", "耳朵", "内外", "的", "压力", "保持", "平衡", ",", "对于", "耳鸣", "、", "耳聋", "有", "保健", "作用", ",", "说话时", "带动", "眼肌", "和", "三叉神经", "运动", ",", "还", "可", "防止", "老花眼", "、", "老年性白内障", "和", "视力", "减退", "。"], ["揭秘", "14", "个", "长寿", "迹象"], ["1", ".", "出生", "时", "母亲", "还", "年轻", "。", "美国", "芝加哥大学", "科学家", "研究", "发现", ",", "一个人", "出生", "时", "母亲", "年龄", "如果", "不到", "25", "岁", ",", "他们", "活", "到", "100", "岁", "的", "几率", "是", "出生", "时", "母亲", "超过", "25", "岁", "的", "人", "的", "两倍", "。", "2", ".", "爱", "喝茶", "。", "一项", "针对", "4.05", "万", "名", "日本", "男女", "的", "研究结果", "显示", ",", "每天", "喝", "至少", "5", "杯", "茶", "的", "人", ",", "他们", "死于", "心脏病", "和", "中风", "的", "几率", "最低", "。", "3", ".", "每天", "步行", "30", "分钟", "。", "一项", "针对", "2603", "名", "男女", "的", "最新", "研究", "结果", "表明", ",", "每天", "坚持", "步行", "30", "分钟", "左右", "的", "人", ",", "不管", "其", "体", "内", "脂肪", "含量", "有", "多", "高", ",", "他们", "的", "长寿", "几率", "是", "那些", "每天", "步行", "少于", "30", "分钟", "的", "人", "的", "4", "倍", "。", "4", ".", "少", "喝", "碳酸饮料", "。", "美国", "科学家", "发现", ",", "每天", "喝", "一次", "以上", "可乐", "会", "使", "你", "患心脏病", "、", "糖尿病", "等", "病", "的", "风险", "加倍", "。", "倘若", "实在", "想", "喝", "几", "口", "碳酸饮料", ",", "可以", "在", "里面", "加入", "一些", "果汁", "。"]], "paragraphs": ["健康频道 > 疾病 > 正文", "导语:时至今日都还没有证据表明,美国是否在征兵时也运用了有关血型心理学的知识,来选拔适合于充当领导的人。据说日本早就推行了这种方法。无论如何,研究还是在继续进行、补充及计算,并得出了令人兴奋但又吃惊的结论。", "血型和寿命的神奇关系", "O型血的人最长寿", "数学家及医生史蒂芬.M。魏斯贝格(StevenM.Weissberg)与知名的健身专家约瑟夫。克里斯蒂安奴在对5000人的问卷调查中得出了有趣的数据。其中有一个问题,不同血型的人的平均估计寿命是否存在差别呢?", "美国人的平均寿命为76岁。这个数字是命中注定的。而它又是让人欣喜的,因为只有少数人明显地更加长寿,相反其他人很早就去世了。", "拥有最长的估计寿命的人是O型血人,这些人的平均寿命几乎达到87岁。他们是养老金发放机构的噩梦。这个估计寿命之高原本并不令人吃惊,因为这些人身体强壮,有坚定的意志,心理上相对平衡,并且无忧无虑。", "B型血的人还是保持沉着冷静,即使他们会比O型血人早10年去世。他们顽固,并对一切事情过于执著。", "估计寿命再少10年的是AB型血的人,平均达到70岁。", "而平均活得最短的是A型血的人,仅仅62岁!在心理学家看来,这其实是意料之中的,因为A型血的人脸皮薄而且非常敏感,他们会一直为自己以及身边的人操心。很遗憾,这往往会使心脏的负担过重,甚至出现耗损。", "但是A型血的人寿命相对于其他血型要短,还有一个完全不同的原因。医生及自然疗法医师彼特.J。达达默医学博士,发现了特定的食物与血型之间的对立关系。在他的一本著作中阐述了人与食物的搭配问题,因为饮食习惯受血型的影响。", "他认为O型血与A型血的人的主要区别在于对肉类食品的消化:O型血的人需要肉食,并且吸收得很好;而A型血的人不能很好地消化肉类,相对而言更需要谷物及蔬菜类食物。其根本原因在于胃酸分泌量的不同:O型血的人胃酸充足,因此消化肉类只是小菜一碟。很可惜,我们今天的食谱上几乎都是肉类快餐:烤肉串、汉堡包、烤香肠以及牛排,这对于A型血人以及他们那脆弱的消化系统来说,就好比毒药。错误的饮食习惯使这些人元气大伤,并且缩短了寿命。", "让我们来看一下日本的情况。这个国家的A型血人却有着最长的估计寿命,高于其他所有国家。谜底在于,他们能正确地对待饮食。日本人基本上食用大量的鱼、米及豆制品,并且视他们的绿茶为宝贝,就像巴伐利亚人对待他们的啤酒一样。这种饮食方式有利于A型血的人。谁想要长寿,就得按照血型合理地安排饮食。", "据俄罗斯《共青团理报》报道,俄罗斯医学家们找到了许多血型和疾病之间相互关联的证据,以下是他们的研究成果。", "专家认为,O型血的人普遍长寿;A型血的人几乎没有对天花的免疫力,蚊子也更爱叮咬他们;B型血的人很少得癌症;而AB型血的人则有很高的肌体免疫力。", "O型血的人易患疾病包括胃溃疡和十二指肠疾病、肝硬化、胆囊炎、阑尾炎、支气管哮喘,脓肿等。虽然平常较易生病,但平均寿命明显较长。", "A型血的人容易患葡萄球菌化脓感染、沙门氏菌病、结核病、白喉、痢疾、流行性感冒、动脉粥样硬化、风湿病、心肌梗塞、癫痫、慢性酒精中毒等疾病。 B型血的人易患的疾病包括痢疾,流行性感冒、神经根炎、骨病、泌尿生殖系统、关节炎等。", "AB型血的人容易患脓毒性感染、急性呼吸道疾病、病毒性肝炎等疾病。据统计,AB型血的人患精神分裂症比其他血型高出3倍多,但AB型血在患结核病、妊娠贫血的比率上,则比其他血型的人低很多。", "让我们来看一下日本的情况。这个国家的A型血人却有着最长的估计寿命,高于其他所有国家。谜底在于,他们能正确地对待饮食。日本人基本上食用大量的鱼、米及豆制品,并且视他们的绿茶为宝贝,就像巴伐利亚人对待他们的啤酒一样。这种饮食方式有利于A型血的人。谁想要长寿,就得按照血型合理地安排饮食。", "据俄罗斯《共青团理报》报道,俄罗斯医学家们找到了许多血型和疾病之间相互关联的证据,以下是他们的研究成果。", "专家认为,O型血的人普遍长寿;A型血的人几乎没有对天花的免疫力,蚊子也更爱叮咬他们;B型血的人很少得癌症;而AB型血的人则有很高的肌体免疫力。", "O型血的人易患疾病包括胃溃疡和十二指肠疾病、肝硬化、胆囊炎、阑尾炎、支气管哮喘,脓肿等。虽然平常较易生病,但平均寿命明显较长。", "A型血的人容易患葡萄球菌化脓感染、沙门氏菌病、结核病、白喉、痢疾、流行性感冒、动脉粥样硬化、风湿病、心肌梗塞、癫痫、慢性酒精中毒等疾病。 B型血的人易患的疾病包括痢疾,流行性感冒、神经根炎、骨病、泌尿生殖系统、关节炎等。", "AB型血的人容易患脓毒性感染、急性呼吸道疾病、病毒性肝炎等疾病。据统计,AB型血的人患精神分裂症比其他血型高出3倍多,但AB型血在患结核病、妊娠贫血的比率上,则比其他血型的人低很多。", "爱唠叨的人长寿", "北京曾对1000多名“抗癌明星”进行调查,几乎所有人都认为能活下来的原因就是心态好,一旦精神崩溃,那就全完了。美国匹兹堡大学研究人员对9万名女性进行了8年跟踪调查,发现性格乐观的人死亡率低14%,罹患心脏病的几率低9%。挪威对2015名癌症患者的调查也发现,那些极具幽默感的人的生存率,要比那些幽默感极度贫乏的人高出70%。", "“保持一个阳光的心态,远胜过任何好医生。它不但有益大脑皮层和神经的协调,还能增强机体的免疫力,延缓衰老。”首都医科大学附属北京安贞医院心血管十二病区主任周玉杰教授表示,研究表明,开朗的人免疫力往往比敏感者强。平日里各种不良情绪都会使你的身体发生变化。比如,生气时会出现脉搏、心跳、呼吸加快等症状;忧伤时会使消化腺分泌的消化液减少,食欲减退;恐惧、说谎会使中枢神经紧张,随时导致血压升高。", "这是因为,人不高兴和开心时分泌的物质不同———不高兴时分泌的是肾上腺素,这是一种应激激素,会导致血管收缩,血压升高,长期过量分泌,会导致高血压、心脏病等;而开心时分泌的是内啡肽,它能使人心情愉悦。", "不管谁家有个爱唠叨的人,都会让人叫苦不迭。但在中国中医科学院研究员杨金生眼里,这也是一种长寿秘诀。他认为,唠叨能调动记忆功能和语言表达功能,还能锻炼脑细胞。经常说话的人,能使口腔肌肉和咽喉得到锻炼,有利于保持耳咽管的通畅,使耳朵内外的压力保持平衡,对于耳鸣、耳聋有保健作用,说话时带动眼肌和三叉神经运动,还可防止老花眼、老年性白内障和视力减退。", "揭秘14个长寿迹象", "1.出生时母亲还年轻。美国芝加哥大学科学家研究发现,一个人出生时母亲年龄如果不到25岁,他们活到100岁的几率是出生时母亲超过25岁的人的两倍。 2.爱喝茶。一项针对4.05万名日本男女的研究结果显示,每天喝至少5杯茶的人,他们死于心脏病和中风的几率最低。 3.每天步行30分钟。一项针对2603名男女的最新研究结果表明,每天坚持步行30分钟左右的人,不管其体内脂肪含量有多高,他们的长寿几率是那些每天步行少于30分钟的人的4倍。 4.少喝碳酸饮料。美国科学家发现,每天喝一次以上可乐会使你患心脏病、糖尿病等病的风险加倍。倘若实在想喝几口碳酸饮料,可以在里面加入一些果汁。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "O型血的人长寿 血型与寿命有何神奇关系_网易健康", "most_related_para": 6, "segmented_title": ["O型血", "的", "人", "长寿", "血型", "与", "寿命", "有", "何", "神奇", "关系", "_", "网易", "健康"], "segmented_paragraphs": [["2015", "-", "12", "-", "09", "10", ":", "27", ":", "00", "来源", ":", "新华网"], ["拥有", "最长", "的", "估计", "寿命", "的", "人", "是", "O型血", "人", ",", "这些人", "的", "平均寿命", "几乎", "达到", "87", "岁", "。", "他们", "是", "养老金", "发放", "机构", "的", "噩梦", "。"], ["(", "原", "标题", ":", "O型血", "的", "人", "长寿", "血型", "与", "寿命", "有", "何", "神奇", "关系", ")"], ["时至今日", "都", "还", "没有", "证据", "表明", ",", "美国", "是否", "在", "征兵", "时", "也", "运用", "了", "有关", "血型", "心理学", "的", "知识", ",", "来", "选拔", "适合于", "充当", "领导", "的", "人", "。", "据说", "日本", "早", "就", "推行", "了", "这种", "方法", "。", "无论如何", ",", "研究", "还是", "在", "继续", "进行", "、", "补充", "及", "计算", ",", "并", "得出", "了", "令人", "兴奋", "但", "又", "吃惊", "的", "结论", "。"], ["B型", "性格", "寿星", "最多"], ["“", "在", "心理学家", "眼里", ",", "性格", "不止", "决定命运", ",", "还", "可能", "决定", "你", "得", "什么", "病", "。", "”", "中国", "科学院", "心理", "所", "研究员", "、", "老年", "心理", "研究中心主任", "李娟", "表示", ",", "就像", "血型", "分", "A", "、", "B", "、", "O型", "一样", ",", "人", "的", "性格", "也", "分为", "A", "、", "B", "、", "C", "、", "D", "四种", ",", "并", "和", "人", "的", "得病", "几率", "密切相关", "。"], ["A型", "性格", "的", "人", "争强好胜", ",", "时间", "观念", "和", "上进心", "都", "很", "强", ",", "力", "求", "占据", "领导者", "的", "地位", ",", "这种人", "压力", "比较", "大", ",", "容易", "紧张", "、", "激动", ",", "他们", "患", "高血压", "、", "心脑血管疾病", "的", "风险", "是", "普通人", "的", "2", "—", "3", "倍", ";", "C", "型", "性格", "的", "人", "对", "人际", "沟通", "过分", "焦虑", ",", "总是", "忍气吞声", ",", "压抑", "情绪", ",", "这样的人", "最容易", "得", "癌症", ";", "D", "型", "性格", "又", "称", "“", "忧伤", "人格", "”", ",", "最", "明显", "的", "表现", "是", "消极", "忧伤", "和", "孤独", "压抑", ",", "这些", "正是", "心血管疾病", "的", "危险因素", "。", "而", "“", "没心没肺", ",", "有说有笑", "”", "则", "指", "的", "是", "B型", "性格", "的", "人", ",", "他们", "很", "满足", "于", "现状", ",", "知足常乐", ",", "生活", "张弛", "有度", ",", "没有", "大", "的", "情绪波动", ",", "所以", "这", "类", "人", "进入", "“", "寿星", "”", "行列", "的", "几率", "最高", "。", "今年", "84", "岁", "高龄", "的", "国", "医", "大师", "陆广莘", "满头", "乌发", ",", "从", "相貌", "上", "看", "也", "就", "50", "岁", "左右", ",", "他", "总结", "自己", "的", "养生", "秘诀", "时", "说", ":", "“", "我", "就是", "个", "没心没肺", "的", "人", ",", "什么", "事情", "都", "不", "往心里去", "。", "”", "陆", "老笑言", "自己", "读书", "的", "时候", "从来", "不", "考", "第一名", ",", "但", "总是", "第一个", "交卷", ",", "因为", "不", "想", "给", "自己", "那么", "大", "的", "压力", "。", "他", "说", ":", "“", "当你", "有", "一", "个", "积极", "的", "心理", "状态", ",", "身体", "的", "免疫功能", "都会", "变", "好", "。", "”", "上海市", "闸北区", "最长寿", "的", "107", "岁", "老人", "包", "廷", "琴", ",", "最大", "的", "特点", "就是", "乐观", "开朗", "。", "老人", "耳朵", "不好", ",", "听不见", "别人", "说话", ",", "但", "一", "见", "对方", "开口", ",", "就", "一定", "会", "乐呵呵", "点头", "。", "包", "廷", "琴", "的", "女儿", "透露", ",", "老人", "没有", "“", "隔夜", "愁", "”", ",", "遇到", "烦心事", ",", "总是", "睡一觉", "起来", "就", "全", "消散", "了", "。", "据", "中国", "老年", "学会调查", ",", "在", "百岁老人", "的", "长寿", "原因", "中", ",", "遗传基因", "占", "15", "%", "、", "社会", "因素", "占", "10", "%", "、", "医疗", "条件", "改善", "占", "8", "%", "、", "气候条件", "占", "7", "%", ",", "其余", "60", "%", "则", "取决于", "老人", "自己", "。", "其中", "排", "在", "第一位", "的", "秘诀", "就是", "心态", "。", "O型血", "的", "人", "最长寿", "数学家", "及", "医生", "史蒂芬", ".", "M", ".", "魏斯贝格", "(", "Steven", "M", ".", "Weissberg", ")", "与", "知名", "的", "健身", "专家", "约瑟夫", ".", "克里斯", "蒂", "安奴", "(", "Joseph", "Christiano", ")", "在", "对", "5000", "人", "的", "问卷", "调查", "中", "得出", "了", "有趣", "的", "数据", "。", "其中", "有", "一", "个", "问题", ",", "不同", "血型", "的", "人", "的", "平均", "估计", "寿命", "是否", "存在", "差别", "呢", "?", "美国人", "的", "平均寿命", "为", "76岁", "。", "这个", "数字", "是", "命中注定", "的", "。", "而", "它", "又", "是", "让", "人", "欣喜", "的", ",", "因为", "只有", "少数", "人", "明显", "地", "更加", "长寿", ",", "相反", "其他人", "很早", "就", "去世", "了", "。", "拥有", "最长", "的", "估计", "寿命", "的", "人", "是", "O型血", "人", ",", "这些人", "的", "平均寿命", "几乎", "达到", "87", "岁", "。", "他们", "是", "养老金", "发放", "机构", "的", "噩梦", "。", "这个", "估计", "寿命", "之", "高原", "本", "并", "不", "令人吃惊", ",", "因为", "这些", "人", "身体强壮", ",", "有", "坚定", "的", "意志", ",", "心理", "上", "相对", "平衡", ",", "并且", "无忧无虑", "。", "B型血", "的", "人", "还是", "保持", "沉着冷静", ",", "即使", "他们", "会", "比", "O型血", "人", "早", "10", "年", "去世", "。", "他们", "顽固", ",", "并", "对", "一切", "事情", "过于", "执著", "。", "估计", "寿命", "再", "少", "10", "年", "的", "是", "AB型血", "的", "人", ",", "平均", "达到", "70", "岁", "。", "而", "平均", "活", "得", "最短", "的", "是", "A型血", "的", "人", ",", "仅仅", "62", "岁", "!", "在", "心理学家", "看", "来", ",", "这", "其实", "是", "意料", "之", "中", "的", ",", "因为", "A型血", "的", "人", "脸", "皮", "薄", "而且", "非常", "敏感", ",", "他们", "会", "一直", "为", "自己", "以及", "身边", "的", "人", "操心", "。", "很遗憾", ",", "这", "往往", "会", "使", "心脏", "的", "负担过重", ",", "甚至", "出现", "耗损", "。", "但是", "A型血", "的", "人", "寿命", "相对", "于", "其他", "血型", "要", "短", ",", "还有", "一", "个", "完全", "不同", "的", "原因", "。", "医生", "及", "自然疗法", "医师", "彼特", ".", "J", ".", "达达", "默", "医学博士", ",", "发现", "了", "特定", "的", "食物", "与", "血型", "之间", "的", "对立", "关系", "。", "在", "他", "的", "一", "本", "著作", "中", "阐述", "了", "人", "与", "食物", "的", "搭配", "问题", ",", "因为", "饮食习惯", "受", "血型", "的", "影响", "。", "他", "认为", "O型血", "与", "A型血", "的", "人", "的", "主要", "区别", "在于", "对", "肉类", "食品", "的", "消化", ":", "O型血", "的", "人", "需要", "肉食", ",", "并且", "吸收", "得", "很好", ";", "而", "A型血", "的", "人", "不能", "很好", "地", "消化", "肉类", ",", "相对而言", "更需要", "谷物", "及", "蔬菜", "类", "食物", "。", "其", "根本", "原因", "在于", "胃酸", "分泌", "量", "的", "不同", ":", "O型血", "的", "人", "胃酸", "充足", ",", "因此", "消化", "肉类", "只是", "小菜一碟", "。", "很可惜", ",", "我们", "今天", "的", "食谱", "上", "几乎", "都是", "肉类", "快餐", ":", "烤肉", "串", "、", "汉堡包", "、", "烤", "香肠", "以及", "牛排", ",", "这", "对于", "A型血", "人", "以及", "他们", "那", "脆弱", "的", "消化系统", "来", "说", ",", "就", "好", "比", "毒药", "。", "错误", "的", "饮食习惯", "使", "这些人", "元气大伤", ",", "并且", "缩短", "了", "寿命", "。", "让", "我们", "来看", "一", "下", "日本", "的", "情况", "。", "这个", "国家", "的", "A型血", "人", "却", "有", "着", "最长", "的", "估计", "寿命", ",", "高于", "其他", "所有", "国家", "。", "谜底", "在于", ",", "他们", "能", "正确地", "对待", "饮食", "。", "日本人", "基本上", "食用", "大量", "的", "鱼", "、", "米", "及", "豆制品", ",", "并且", "视", "他们", "的", "绿茶", "为", "宝贝", ",", "就像", "巴伐利亚", "人", "对待", "他们", "的", "啤酒", "一样", "。", "这种", "饮食", "方式", "有利于", "A型血", "的", "人", "。", "谁", "想要", "长寿", ",", "就", "得", "按照", "血型", "合理", "地", "安排", "饮食", "。", "据", "俄罗斯", "《", "共青团", "理报", "》", "报道", ",", "俄罗斯", "医学家", "们", "找到", "了", "许多", "血型", "和", "疾病", "之间", "相互", "关联", "的", "证据", ",", "以下", "是", "他们", "的", "研究成果", "。", "专家", "认为", ",", "O型血", "的", "人", "普遍", "长寿", ";", "A型血", "的", "人", "几乎没有", "对", "天花", "的", "免疫力", ",", "蚊子", "也", "更", "爱", "叮咬", "他们", ";", "B型血", "的", "人", "很少", "得", "癌症", ";", "而", "AB型血", "的", "人", "则", "有", "很高", "的", "肌", "体", "免疫力", "。", "O型血", "的", "人", "易", "患", "疾病", "包括", "胃溃疡", "和", "十二指肠", "疾病", "、", "肝硬化", "、", "胆囊炎", "、", "阑尾炎", "、", "支气管哮喘", ",", "脓肿", "等", "。", "虽然", "平常", "较", "易", "生病", ",", "但", "平均寿命", "明显", "较", "长", "。", "A型血", "的", "人", "容易", "患", "葡萄球菌", "化脓", "感染", "、", "沙门氏菌病", "、", "结核病", "、", "白喉", "、", "痢疾", "、", "流行性感冒", "、", "动脉粥样硬化", "、", "风湿病", "、", "心肌梗塞", "、", "癫痫", "、", "慢性酒精中毒", "等", "疾病", "。"], ["A型血", "的", "人", "容易", "患", "葡萄球菌", "化脓", "感染", "、", "沙门氏菌病", "、", "结核病", "、", "白喉", "、", "痢疾", "、", "流行性感冒", "、", "动脉粥样硬化", "、", "风湿病", "、", "心肌梗塞", "、", "癫痫", "、", "慢性酒精中毒", "等", "疾病", "。", "B型血", "的", "人", "易", "患", "的", "疾病", "包括", "痢疾", ",", "流行性感冒", "、", "神经根炎", "、", "骨病", "、", "泌尿", "生殖系统", "、", "关节炎", "等", "。"], ["爱", "唠叨", "的", "人", "长寿"], ["北京", "曾", "对", "1000", "多", "名", "“", "抗癌", "明星", "”", "进行", "调查", ",", "几乎", "所有人", "都", "认为", "能", "活下来", "的", "原因", "就是", "心态", "好", ",", "一旦", "精神崩溃", ",", "那", "就", "全", "完", "了", "。", "美国", "匹兹堡大学", "研究", "人员", "对", "9", "万", "名", "女性", "进行", "了", "8", "年", "跟踪", "调查", ",", "发现", "性格", "乐观", "的", "人", "死亡率", "低", "14", "%", ",", "罹患", "心脏病", "的", "几率", "低", "9", "%", "。", "挪威", "对", "2015", "名", "癌症", "患者", "的", "调查", "也", "发现", ",", "那些", "极", "具", "幽默感", "的", "人", "的", "生存率", ",", "要", "比", "那些", "幽默感", "极度", "贫乏", "的", "人", "高", "出", "70", "%", "。"], ["“", "保持", "一", "个", "阳光", "的", "心态", ",", "远", "胜过", "任何", "好医生", "。", "它", "不", "但", "有益", "大脑皮层", "和", "神经", "的", "协调", ",", "还能", "增强", "机体", "的", "免疫力", ",", "延缓衰老", "。", "”", "首都医科大学", "附属", "北京", "安贞医院", "心血管", "十二", "病区", "主任", "周玉杰", "教授", "表示", ",", "研究表明", ",", "开朗", "的", "人", "免疫力", "往往", "比", "敏感", "者", "强", "。", "平", "日", "里", "各种", "不良情绪", "都会", "使", "你", "的", "身体", "发生变化", "。", "比如", ",", "生气", "时", "会", "出现", "脉搏", "、", "心跳", "、", "呼吸", "加快", "等", "症状", ";", "忧伤", "时", "会", "使", "消化", "腺", "分泌", "的", "消化液", "减少", ",", "食欲减退", ";", "恐惧", "、", "说谎", "会", "使", "中枢神经紧张", ",", "随时", "导致", "血压升高", "。"], ["这", "是因为", ",", "人", "不高兴", "和", "开心", "时", "分泌", "的", "物质", "不同", "—", "—", "—", "不高兴", "时", "分泌", "的", "是", "肾上腺素", ",", "这", "是", "一", "种", "应激", "激素", ",", "会导致", "血管", "收缩", ",", "血压升高", ",", "长期", "过量", "分泌", ",", "会导致", "高血压", "、", "心脏病", "等", ";", "而", "开心", "时", "分泌", "的", "是", "内啡肽", ",", "它", "能", "使", "人", "心情", "愉悦", "。"], ["揭秘", "14", "个", "长寿", "迹象"], ["1", ".", "出生", "时", "母亲", "还", "年轻", "。", "美国", "芝加哥大学", "科学家", "研究", "发现", ",", "一个人", "出生", "时", "母亲", "年龄", "如果", "不到", "25", "岁", ",", "他们", "活", "到", "100", "岁", "的", "几率", "是", "出生", "时", "母亲", "超过", "25", "岁", "的", "人", "的", "两倍", "。", "2", ".", "爱", "喝茶", "。", "一项", "针对", "4.05", "万", "名", "日本", "男女", "的", "研究结果", "显示", ",", "每天", "喝", "至少", "5", "杯", "茶", "的", "人", ",", "他们", "死于", "心脏病", "和", "中风", "的", "几率", "最低", "。", "3", ".", "每天", "步行", "30", "分钟", "。", "一项", "针对", "2603", "名", "男女", "的", "最新", "研究", "结果", "表明", ",", "每天", "坚持", "步行", "30", "分钟", "左右", "的", "人", ",", "不管", "其", "体", "内", "脂肪", "含量", "有", "多", "高", ",", "他们", "的", "长寿", "几率", "是", "那些", "每天", "步行", "少于", "30", "分钟", "的", "人", "的", "4", "倍", "。", "4", ".", "少", "喝", "碳酸饮料", "。", "美国", "科学家", "发现", ",", "每天", "喝", "一次", "以上", "可乐", "会", "使", "你", "患心脏病", "、", "糖尿病", "等", "病", "的", "风险", "加倍", "。", "倘若", "实在", "想", "喝", "几", "口", "碳酸饮料", ",", "可以", "在", "里面", "加入", "一些", "果汁", "。"]], "paragraphs": ["2015-12-09 10:27:00 来源: 新华网", "拥有最长的估计寿命的人是O型血人,这些人的平均寿命几乎达到87岁。他们是养老金发放机构的噩梦。", "(原标题:O型血的人长寿血型与寿命有何神奇关系)", "时至今日都还没有证据表明,美国是否在征兵时也运用了有关血型心理学的知识,来选拔适合于充当领导的人。据说日本早就推行了这种方法。无论如何,研究还是在继续进行、补充及计算,并得出了令人兴奋但又吃惊的结论。", "B型性格寿星最多", "“在心理学家眼里,性格不止决定命运,还可能决定你得什么病。”中国科学院心理所研究员、老年心理研究中心主任李娟表示,就像血型分A、B、O型一样,人的性格也分为A、B、C、D四种,并和人的得病几率密切相关。", "A型性格的人争强好胜,时间观念和上进心都很强,力求占据领导者的地位,这种人压力比较大,容易紧张、激动,他们患高血压、心脑血管疾病的风险是普通人的2—3倍;C型性格的人对人际沟通过分焦虑,总是忍气吞声,压抑情绪,这样的人最容易得癌症;D型性格又称“忧伤人格”,最明显的表现是消极忧伤和孤独压抑,这些正是心血管疾病的危险因素。而“没心没肺,有说有笑”则指的是B型性格的人,他们很满足于现状,知足常乐,生活张弛有度,没有大的情绪波动,所以这类人进入“寿星”行列的几率最高。 今年84岁高龄的国医大师陆广莘满头乌发,从相貌上看也就50岁左右,他总结自己的养生秘诀时说:“我就是个没心没肺的人,什么事情都不往心里去。”陆老笑言自己读书的时候从来不考第一名,但总是第一个交卷,因为不想给自己那么大的压力。他说:“当你有一个积极的心理状态,身体的免疫功能都会变好。”上海市闸北区最长寿的107岁老人包廷琴,最大的特点就是乐观开朗。老人耳朵不好,听不见别人说话,但一见对方开口,就一定会乐呵呵点头。包廷琴的女儿透露,老人没有“隔夜愁”,遇到烦心事,总是睡一觉起来就全消散了。 据中国老年学会调查,在百岁老人的长寿原因中,遗传基因占15%、社会因素占10%、医疗条件改善占8%、气候条件占7%,其余60%则取决于老人自己。其中排在第一位的秘诀就是心态。 O型血的人最长寿 数学家及医生史蒂芬.M.魏斯贝格(StevenM.Weissberg)与知名的健身专家约瑟夫.克里斯蒂安奴(JosephChristiano)在对5000人的问卷调查中得出了有趣的数据。其中有一个问题,不同血型的人的平均估计寿命是否存在差别呢? 美国人的平均寿命为76岁。这个数字是命中注定的。而它又是让人欣喜的,因为只有少数人明显地更加长寿,相反其他人很早就去世了。 拥有最长的估计寿命的人是O型血人,这些人的平均寿命几乎达到87岁。他们是养老金发放机构的噩梦。这个估计寿命之高原本并不令人吃惊,因为这些人身体强壮,有坚定的意志,心理上相对平衡,并且无忧无虑。 B型血的人还是保持沉着冷静,即使他们会比O型血人早10年去世。他们顽固,并对一切事情过于执著。 估计寿命再少10年的是AB型血的人,平均达到70岁。 而平均活得最短的是A型血的人,仅仅62岁!在心理学家看来,这其实是意料之中的,因为A型血的人脸皮薄而且非常敏感,他们会一直为自己以及身边的人操心。很遗憾,这往往会使心脏的负担过重,甚至出现耗损。 但是A型血的人寿命相对于其他血型要短,还有一个完全不同的原因。医生及自然疗法医师彼特.J.达达默医学博士,发现了特定的食物与血型之间的对立关系。在他的一本著作中阐述了人与食物的搭配问题,因为饮食习惯受血型的影响。 他认为O型血与A型血的人的主要区别在于对肉类食品的消化:O型血的人需要肉食,并且吸收得很好;而A型血的人不能很好地消化肉类,相对而言更需要谷物及蔬菜类食物。其根本原因在于胃酸分泌量的不同:O型血的人胃酸充足,因此消化肉类只是小菜一碟。很可惜,我们今天的食谱上几乎都是肉类快餐:烤肉串、汉堡包、烤香肠以及牛排,这对于A型血人以及他们那脆弱的消化系统来说,就好比毒药。错误的饮食习惯使这些人元气大伤,并且缩短了寿命。 让我们来看一下日本的情况。这个国家的A型血人却有着最长的估计寿命,高于其他所有国家。谜底在于,他们能正确地对待饮食。日本人基本上食用大量的鱼、米及豆制品,并且视他们的绿茶为宝贝,就像巴伐利亚人对待他们的啤酒一样。这种饮食方式有利于A型血的人。谁想要长寿,就得按照血型合理地安排饮食。 据俄罗斯《共青团理报》报道,俄罗斯医学家们找到了许多血型和疾病之间相互关联的证据,以下是他们的研究成果。 专家认为,O型血的人普遍长寿;A型血的人几乎没有对天花的免疫力,蚊子也更爱叮咬他们;B型血的人很少得癌症;而AB型血的人则有很高的肌体免疫力。 O型血的人易患疾病包括胃溃疡和十二指肠疾病、肝硬化、胆囊炎、阑尾炎、支气管哮喘,脓肿等。虽然平常较易生病,但平均寿命明显较长。 A型血的人容易患葡萄球菌化脓感染、沙门氏菌病、结核病、白喉、痢疾、流行性感冒、动脉粥样硬化、风湿病、心肌梗塞、癫痫、慢性酒精中毒等疾病。", "A型血的人容易患葡萄球菌化脓感染、沙门氏菌病、结核病、白喉、痢疾、流行性感冒、动脉粥样硬化、风湿病、心肌梗塞、癫痫、慢性酒精中毒等疾病。 B型血的人易患的疾病包括痢疾,流行性感冒、神经根炎、骨病、泌尿生殖系统、关节炎等。", "爱唠叨的人长寿", "北京曾对1000多名“抗癌明星”进行调查,几乎所有人都认为能活下来的原因就是心态好,一旦精神崩溃,那就全完了。美国匹兹堡大学研究人员对9万名女性进行了8年跟踪调查,发现性格乐观的人死亡率低14%,罹患心脏病的几率低9%。挪威对2015名癌症患者的调查也发现,那些极具幽默感的人的生存率,要比那些幽默感极度贫乏的人高出70%。", "“保持一个阳光的心态,远胜过任何好医生。它不但有益大脑皮层和神经的协调,还能增强机体的免疫力,延缓衰老。”首都医科大学附属北京安贞医院心血管十二病区主任周玉杰教授表示,研究表明,开朗的人免疫力往往比敏感者强。平日里各种不良情绪都会使你的身体发生变化。比如,生气时会出现脉搏、心跳、呼吸加快等症状;忧伤时会使消化腺分泌的消化液减少,食欲减退;恐惧、说谎会使中枢神经紧张,随时导致血压升高。", "这是因为,人不高兴和开心时分泌的物质不同———不高兴时分泌的是肾上腺素,这是一种应激激素,会导致血管收缩,血压升高,长期过量分泌,会导致高血压、心脏病等;而开心时分泌的是内啡肽,它能使人心情愉悦。", "揭秘14个长寿迹象", "1.出生时母亲还年轻。美国芝加哥大学科学家研究发现,一个人出生时母亲年龄如果不到25岁,他们活到100岁的几率是出生时母亲超过25岁的人的两倍。 2.爱喝茶。一项针对4.05万名日本男女的研究结果显示,每天喝至少5杯茶的人,他们死于心脏病和中风的几率最低。 3.每天步行30分钟。一项针对2603名男女的最新研究结果表明,每天坚持步行30分钟左右的人,不管其体内脂肪含量有多高,他们的长寿几率是那些每天步行少于30分钟的人的4倍。 4.少喝碳酸饮料。美国科学家发现,每天喝一次以上可乐会使你患心脏病、糖尿病等病的风险加倍。倘若实在想喝几口碳酸饮料,可以在里面加入一些果汁。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "哪种血型的人容易长寿_百度知道", "most_related_para": 0, "segmented_title": ["哪", "种", "血型", "的", "人", "容易", "长寿", "_", "百度", "知道"], "segmented_paragraphs": [["我", "觉得", "这", "是", "要", "看", "个人", "是否", "爱惜", "自己", "的", "身体", "了", "。", "O型血", "的", "人", "容易", "患", "上", "糖尿病", "和", "肥胖", "A型血", "的", "人", "癌症", "发病率", "相对", "较", "高", "B型血", "的", "人", "能够", "抵抗", "许多", "最", "严重", "的", "疾病", "你知道吗", "?", "B型血", "的", "人", "能够", "适应", "各种", "食物", ",", "而且", "能够", "抵抗", "现代", "生活", "中", "许多", "最", "严重", "的", "疾病", ",", "例如", "心脏病", "和", "癌症", "。", "你知道吗", "?", "AB型血", "的", "人", "食用", "植物类", "食物", "新陈代谢", "快", "、", "效率", "高", ",", "而", "使用", "过", "多", "的", "肉食品", "会引起", "脂肪", "堆积", ",", "引发", "肥胖", "、", "心脏病", "和", "糖尿病", "等", "。", "你知道", "吗", "?", "不同", "血型", "的", "人", "具有", "不同", "的", "生理特征", ",", "同", "一", "种", "食物", "对", "不同", "血型", "的", "人", "可能", "会", "有", "不同", "的", "影响", "。", "你知道吗", "?", "最", "健康", "、", "最有效", "的", "减肥", "方法", "就是", "坚持", "适合", "你", "血型", "的", "饮食", "计划", "和", "体育运动", "。", "你知道吗", "?", "你", "的", "血型", "和", "你", "的", "健康", "有", "直接", "的", "关系", "。", "A型血", "的", "人", "自身", "的", "免疫功能", "和", "免疫力", "都", "不如", "O型血", "的", "人", "那么", "强", ",", "比较", "容易", "受到", "各种", "疾病", "和", "病毒", "的", "侵袭", ",", "特别", "是", "许多", "癌症", ",", "A型血", "的", "人", "发病率", "相对", "较", "高", "。", "A型血", "的"]], "paragraphs": ["我觉得这是要看个人是否爱惜自己的身体了。 O型血的人容易患上糖尿病和肥胖 A型血的人癌症发病率相对较高 B型血的人能够抵抗许多最严重的疾病 你知道吗?B型血的人能够适应各种食物,而且能够抵抗现代生活中许多最严重的疾病,例如心脏病和癌症。 你知道吗?AB型血的人食用植物类食物新陈代谢快、效率高,而使用过多的肉食品会引起脂肪堆积,引发肥胖、心脏病和糖尿病等。 你知道吗?不同血型的人具有不同的生理特征,同一种食物对不同血型的人可能会有不同的影响。 你知道吗?最健康、最有效的减肥方法就是坚持适合你血型的饮食计划和体育运动。 你知道吗?你的血型和你的健康有直接的关系。 A型血的人自身的免疫功能和免疫力都不如O型血的人那么强,比较容易受到各种疾病和病毒的侵袭,特别是许多癌症,A型血的人发病率相对较高。A型血的"], "bs_rank_pos": 3}, {"is_selected": false, "title": "哪种血型的人寿命最长?|血型|A型血_凤凰健康", "most_related_para": 14, "segmented_title": ["哪", "种", "血型", "的", "人", "寿命", "最长", "?", "|", "血型", "|", "A型血", "_", "凤凰", "健康"], "segmented_paragraphs": [["时至今日", "都", "还", "没有", "证据", "表明", ",", "美国", "是否", "在", "征兵", "时", "也", "运用", "了", "有关", "血型", "心理学", "的", "知识", ",", "来", "选拔", "适合于", "充当", "领导", "的", "人", "。", "据说", "日本", "早", "就", "推行", "了", "这种", "方法", "。", "无论如何", ",", "研究", "还是", "在", "继续", "进行", "、", "补充", "及", "计算", ",", "并", "得出", "了", "令人", "兴奋", "但", "又", "吃惊", "的", "结论", "。"], ["时至今日", "都", "还", "没有", "证据", "表明", ",", "美国", "是否", "在", "征兵", "时", "也", "运用", "了", "有关", "血型", "心理学", "的", "知识", ",", "来", "选拔", "适合于", "充当", "领导", "的", "人", "。", "据说", "日本", "早", "就", "推行", "了", "这种", "方法", "。", "无论如何", ",", "研究", "还是", "在", "继续", "进行", "、", "补充", "及", "计算", ",", "并", "得出", "了", "令人", "兴奋", "但", "又", "吃惊", "的", "结论", "。"], ["哪", "种", "血型", "的", "人", "寿命", "最长", "?", "(", "华盖", "供", "图", ")"], ["O型血", "的", "人", "最", "长寿", "?"], ["数学家", "及", "医生", "史蒂芬", "(", "Steven", "M", ".", "Weissberg", ")", "与", "知名", "的", "健身", "专家", "约瑟夫", "。", "克里斯", "蒂", "安奴", "(", "Joseph", "Christiano", ")", "在", "对", "5000", "人", "的", "问卷", "调查", "中", "得出", "了", "有趣", "的", "数据", "。", "其中", "有", "一", "个", "问题", ",", "不同", "血型", "的", "人", "的", "平均", "估计", "寿命", "是否", "存在", "差别", "呢", "?"], ["美国人", "的", "平均寿命", "为", "76岁", "。", "这个", "数字", "是", "命中注定", "的", "。", "而", "它", "又", "是", "让", "人", "欣喜", "的", ",", "因为", "只有", "少数", "人", "明显", "地", "更加", "长寿", ",", "相反", "其他人", "很早", "就", "去世", "了", "。"], ["拥有", "最长", "的", "估计", "寿命", "的", "人", "是", "O型血", "人", ",", "这些人", "的", "平均寿命", "几乎", "达到", "87", "岁", "。", "他们", "是", "养老金", "发放", "机构", "的", "噩梦", "。", "这个", "估计", "寿命", "之", "高原", "本", "并", "不", "令人吃惊", ",", "因为", "这些", "人", "身体强壮", ",", "有", "坚定", "的", "意志", ",", "心理", "上", "相对", "平衡", ",", "并且", "无忧无虑", "。"], ["B型血", "的", "人", "还是", "保持", "沉着冷静", ",", "即使", "他们", "会", "比", "O型血", "人", "早", "10", "年", "去世", "。", "他们", "顽固", ",", "并", "对", "一切", "事情", "过于", "执著", "。"], ["估计", "寿命", "再", "少", "10", "年", "的", "是", "AB型血", "的", "人", ",", "平均", "达到", "70", "岁", "。"], ["而", "平均", "活", "得", "最短", "的", "是", "A型血", "的", "人", ",", "仅仅", "62", "岁", "!", "在", "心理学家", "看", "来", ",", "这", "其实", "是", "意料", "之", "中", "的", ",", "因为", "A型血", "的", "人", "脸", "皮", "薄", "而且", "非常", "敏感", ",", "他们", "会", "一直", "为", "自己", "以及", "身边", "的", "人", "操心", "。", "很遗憾", ",", "这", "往往", "会", "使", "心脏", "的", "负担过重", ",", "甚至", "出现", "耗损", "。"], ["但是", "A型血", "的", "人", "寿命", "相对", "于", "其他", "血型", "要", "短", ",", "还有", "一", "个", "完全", "不同", "的", "原因", "。", "医生", "及", "自然疗法", "医师", "彼特", ".", "J", "。", "达达", "默", "医学博士", ",", "发现", "了", "特定", "的", "食物", "与", "血型", "之间", "的", "对立", "关系", "。", "在", "他", "的", "一", "本", "著作", "中", "阐述", "了", "人", "与", "食物", "的", "搭配", "问题", ",", "因为", "饮食习惯", "受", "血型", "的", "影响", "。"], ["他", "认为", "O型血", "与", "A型血", "的", "人", "的", "主要", "区别", "在于", "对", "肉类", "食品", "的", "消化", ":", "O型血", "的", "人", "需要", "肉食", ",", "并且", "吸收", "得", "很好", ";", "而", "A型血", "的", "人", "不能", "很好", "地", "消化", "肉类", ",", "相对而言", "更需要", "谷物", "及", "蔬菜", "类", "食物", "。", "其", "根本", "原因", "在于", "胃酸", "分泌", "量", "的", "不同", ":", "O型血", "的", "人", "胃酸", "充足", ",", "因此", "消化", "肉类", "只是", "小菜一碟", "。", "很可惜", ",", "我们", "今天", "的", "食谱", "上", "几乎", "都是", "肉类", "快餐", ":", "烤肉", "串", "、", "汉堡包", "、", "烤", "香肠", "以及", "牛排", ",", "这", "对于", "A型血", "人", "以及", "他们", "那", "脆弱", "的", "消化系统", "来", "说", ",", "就", "好", "比", "毒药", "。", "错误", "的", "饮食习惯", "使", "这些人", "元气大伤", ",", "并且", "缩短", "了", "寿命", "。"], ["让", "我们", "来看", "一", "下", "日本", "的", "情况", "。", "这个", "国家", "的", "A型血", "人", "却", "有", "着", "最长", "的", "估计", "寿命", ",", "高于", "其他", "所有", "国家", "。", "谜底", "在于", ",", "他们", "能", "正确地", "对待", "饮食", "。", "日本人", "基本上", "食用", "大量", "的", "鱼", "、", "米", "及", "豆制品", ",", "并且", "视", "他们", "的", "绿茶", "为", "宝贝", ",", "就像", "巴伐利亚", "人", "对待", "他们", "的", "啤酒", "一样", "。", "这种", "饮食", "方式", "有利于", "A型血", "的", "人", "。", "谁", "想要", "长寿", ",", "就", "得", "按照", "血型", "合理", "地", "安排", "饮食", "。"], ["据", "俄罗斯", "《", "共青团", "理报", "》", "报道", ",", "俄罗斯", "医学家", "们", "找到", "了", "许多", "血型", "和", "疾病", "之间", "相互", "关联", "的", "证据", ",", "以下", "是", "他们", "的", "研究成果", "。"], ["专家", "认为", ",", "O型血", "的", "人", "普遍", "长寿", ";", "A型血", "的", "人", "几乎没有", "对", "天花", "的", "免疫力", ",", "蚊子", "也", "更", "爱", "叮咬", "他们", ";", "B型血", "的", "人", "很少", "得", "癌症", ";", "而", "AB型血", "的", "人", "则", "有", "很高", "的", "肌", "体", "免疫力", "。"], ["[", "责任编辑", ":", "王亚楠", "]"], ["这", "三种", "茶", "堪称", "糖尿病", "的", "克星", "嘴里", "这", "一", "症状", "是", "癌前病变", "!", "三伏天", "这样", "泡脚", ",", "活血", "补肾", "去", "湿气", "中医", "雄起", "穴位", "一分钟", "治病", "!", "83", "岁", "国", "医", "大师", "的", "5", "大", "养生", "箴言", "这些", "极速", "解酒", "食物", "你", "要知道", "饭后", "六", "个", "习惯", "堪比", "慢性自杀"], ["凤凰", "健康", "官方", "微信"]], "paragraphs": ["时至今日都还没有证据表明,美国是否在征兵时也运用了有关血型心理学的知识,来选拔适合于充当领导的人。据说日本早就推行了这种方法。无论如何,研究还是在继续进行、补充及计算,并得出了令人兴奋但又吃惊的结论。", "时至今日都还没有证据表明,美国是否在征兵时也运用了有关血型心理学的知识,来选拔适合于充当领导的人。据说日本早就推行了这种方法。无论如何,研究还是在继续进行、补充及计算,并得出了令人兴奋但又吃惊的结论。", "哪种血型的人寿命最长?(华盖供图)", "O型血的人最长寿?", "数学家及医生史蒂芬(StevenM.Weissberg)与知名的健身专家约瑟夫。克里斯蒂安奴(JosephChristiano)在对5000人的问卷调查中得出了有趣的数据。其中有一个问题,不同血型的人的平均估计寿命是否存在差别呢?", "美国人的平均寿命为76岁。这个数字是命中注定的。而它又是让人欣喜的,因为只有少数人明显地更加长寿,相反其他人很早就去世了。", "拥有最长的估计寿命的人是O型血人,这些人的平均寿命几乎达到87岁。他们是养老金发放机构的噩梦。这个估计寿命之高原本并不令人吃惊,因为这些人身体强壮,有坚定的意志,心理上相对平衡,并且无忧无虑。", "B型血的人还是保持沉着冷静,即使他们会比O型血人早10年去世。他们顽固,并对一切事情过于执著。", "估计寿命再少10年的是AB型血的人,平均达到70岁。", "而平均活得最短的是A型血的人,仅仅62岁!在心理学家看来,这其实是意料之中的,因为A型血的人脸皮薄而且非常敏感,他们会一直为自己以及身边的人操心。很遗憾,这往往会使心脏的负担过重,甚至出现耗损。", "但是A型血的人寿命相对于其他血型要短,还有一个完全不同的原因。医生及自然疗法医师彼特.J。达达默医学博士,发现了特定的食物与血型之间的对立关系。在他的一本著作中阐述了人与食物的搭配问题,因为饮食习惯受血型的影响。", "他认为O型血与A型血的人的主要区别在于对肉类食品的消化:O型血的人需要肉食,并且吸收得很好;而A型血的人不能很好地消化肉类,相对而言更需要谷物及蔬菜类食物。其根本原因在于胃酸分泌量的不同:O型血的人胃酸充足,因此消化肉类只是小菜一碟。很可惜,我们今天的食谱上几乎都是肉类快餐:烤肉串、汉堡包、烤香肠以及牛排,这对于A型血人以及他们那脆弱的消化系统来说,就好比毒药。错误的饮食习惯使这些人元气大伤,并且缩短了寿命。", "让我们来看一下日本的情况。这个国家的A型血人却有着最长的估计寿命,高于其他所有国家。谜底在于,他们能正确地对待饮食。日本人基本上食用大量的鱼、米及豆制品,并且视他们的绿茶为宝贝,就像巴伐利亚人对待他们的啤酒一样。这种饮食方式有利于A型血的人。谁想要长寿,就得按照血型合理地安排饮食。", "据俄罗斯《共青团理报》报道,俄罗斯医学家们找到了许多血型和疾病之间相互关联的证据,以下是他们的研究成果。", "专家认为,O型血的人普遍长寿;A型血的人几乎没有对天花的免疫力,蚊子也更爱叮咬他们;B型血的人很少得癌症;而AB型血的人则有很高的肌体免疫力。", "[责任编辑:王亚楠]", "这三种茶堪称糖尿病的克星 嘴里这一症状是癌前病变! 三伏天这样泡脚,活血补肾去湿气 中医雄起穴位一分钟治病! 83岁国医大师的5大养生箴言 这些极速解酒食物你要知道 饭后六个习惯堪比慢性自杀", "凤凰健康官方微信"], "bs_rank_pos": 5}], "answer_spans": [[298, 300]], "answer_docs": [0], "fake_answers": ["O型血人的"], "question": "什么血型的人长寿健康", "segmented_answers": [["O型血", "的", "人", "最长寿", "。"]], "answers": ["O型血的人最长寿。"], "entity_answers": [["O型"]], "segmented_question": ["什么", "血型", "的", "人", "长寿", "健康"], "question_type": "ENTITY", "match_scores": [0.7499999999999999], "fact_or_opinion": "OPINION", "question_id": 181635}
-{"documents": [{"is_selected": true, "title": "打勾的符号怎么打出来_百度经验", "most_related_para": 5, "segmented_title": ["打", "勾", "的", "符号", "怎么", "打", "出来", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["我们", "在", "做", "word", "和", "excel", "表格", "的", "时候", ",", "经常", "会", "遇到", "要", "在", "某", "一", "个", "地方", "打", "勾", "的", "情况", ",", "这里", "将", "用", "三种", "方法", "介绍", "怎么", "打", "勾", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["word", "、", "excel"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "打开", "一", "个", "word", "表格", ",", "然后", "单击", "工具栏", "中", "的", "“", "插入", "”", "。", "步骤", "阅读", "2", "然后", "在", "下拉", "工具栏", "中", "找到", "符号", ",", "并", "在", "符号", "下拉框", "中", "找到", "√", ",", "单击", "√", "就", "可以", "直接", "插入", "到", "word", "文档", "。", "步骤", "阅读", "3", "插入", "的", "√", "的", "效果", "如", "下", "图", "所示", ",", "可以", "根据", "自己", "的", "需要", "改变", "√", "的", "大小", "和", "颜色", "。", "步骤", "阅读", "4", "第", "二", "种", "方法", "是", "单击", "“", "插入", "”", ",", "“", "形状", "”", "“", "。", "步骤", "阅读", "5", "选择", "下拉框", "中", "的", "√", ",", "可以", "根据", "自己", "的", "需要", "调节", "√", "的", "大小", "、", "颜色", "和", "是否", "需要", "外边", "的", "方框", "。", "步骤", "阅读", "6", "通过", "形状", "添加", "进去", "的", "√", "的", "效果", "如", "下", "图", "所示", ",", "本次", "操作", "把", "颜色", "改为", "红色", "。", "步骤", "阅读", "7", "有", "的", "输入法", "可以直接", "在", "打", "出", "文字", "”", "勾", "“", "的", "时候", "会", "出现", "相应", "的", "√", ",", "这", "是", "只是", "需要", "进行", "相应", "的", "选择", "即可", "。", "步骤", "阅读", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "我们在做word和excel表格的时候,经常会遇到要在某一个地方打勾的情况,这里将用三种方法介绍怎么打勾。", "百度经验:jingyan.baidu.com", "word、excel", "百度经验:jingyan.baidu.com", "1 打开一个word表格,然后单击工具栏中的“插入”。 步骤阅读 2 然后在下拉工具栏中找到符号,并在符号下拉框中找到√,单击√就可以直接插入到word文档。 步骤阅读 3 插入的√的效果如下图所示,可以根据自己的需要改变√的大小和颜色。 步骤阅读 4 第二种方法是单击“插入”,“形状”“。 步骤阅读 5 选择下拉框中的√,可以根据自己的需要调节√的大小、颜色和是否需要外边的方框。 步骤阅读 6 通过形状添加进去的√的效果如下图所示,本次操作把颜色改为红色。 步骤阅读 7 有的输入法可以直接在打出文字”勾“的时候会出现相应的 √,这是只是需要进行相应的选择即可。 步骤阅读 END", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "方框中打勾的符号怎么打、谁会?_百度知道", "most_related_para": 0, "segmented_title": ["方框", "中", "打", "勾", "的", "符号", "怎么", "打", "、", "谁", "会", "?", "_", "百度", "知道"], "segmented_paragraphs": [["&", "#", "9745", ";", "1", ".", "在", "word", "中", ",", "点击", "插入", ",", "选择", "“", "符号", "”", ",", "在", "弹出", "的", "“", "符号", "”", "对话框", "中", ",", "最后", "一行", "的", "“", "字符", "代码", "”", "框", "中", "输入", "221", "A", "就", "可以", "了", "。", "当然", "也", "可以", "自己", "慢慢", "找", "“", "√", "”", "2", ".", "像", "字体", "加", "外框", "一样", ",", "选中", "已经", "打", "好", "的", "“", "√", "”", ",", "单击", "“", "格式", "”", "、", "“", "边框", "和", "底纹", "”", "在", "“", "边框", "”", "里", "选择", "“", "方框", "”", "。", "OK", ",", "完成", "了", "。", "如果", "在", "excel", "里", ",", "就", "这么", "做", ":", "1", ".", "右键", "工具栏", ",", "调出", "绘图", "工具栏", ",", "选", "方框", ",", "在", "工作表", "上", "拖", "出", "一", "个", "文本框", ",", "点右键", "“", "添加", "文字", "”", "然后", "在", "文本框", "里", "输入", "√", ",", "再", "调整", "大小", ",", "OK", ",", "完成", ",", "或者", ",", "右键", "工具栏", ",", "调出", "窗体", "工具栏", ",", "选中", "复选框", ",", "在", "工作表", "上", "拖", "出", "一", "个", "复选框", ",", "鼠标点击", "就能", "出现", "√", ",", "OK", ",", "完成", "当然", "你", "也", "可以", "直接", "把", "这个", "符号", "复制", "过去", "O", "(", "∩", "_", "∩", ")", "O", "~"], ["一", "个", "更为", "简单", "的", "方法", ":", "在", "你", "要", "打", "勾", "的", "地方", "输入", "R", ",", "之后", "把", "R", "选中", ",", "然后", "单击", "菜单栏", "→", "格式", "→", "字体", "。", "会出现", "一个窗口", ",", "你", "会", "看到", "一", "个", "中文字体", ",", "西", "文", "字体", ",", "选择", "下拉框", ",", "拉", "到", "最", "下面", "。", "选中", "Wing", "dings", "2", ",", "然后", "点击确定", ",", "就会", "变成", "你", "想要", "的", "方框", "里", "打", "勾", "的", "符号", "了", "。", "此", "方法", "亲", "测", "有效", ",", "但", "有", "一些", "版本", "是", "不能", "使用", "此", "方法", "的", ",", "大家", "尝试", "一", "下", "就", "知道", "了", "~", "希望", "能", "帮", "到", "大家", "!"], ["?", "?", "你", "自己", "复制", "这个", "就是", "了", "你", "看看", "是不是", "你", "要", "的", ",", "你", "要", "复制", "到", "好友", "印象", "就能", "看得见", "了"]], "paragraphs": ["☑ 1.在word中, 点击插入,选择“符号”,在弹出的“符号”对话框中,最后一行的“字符代码”框中输入221A就可以了。当然也可以自己慢慢找“√”2.像字体加外框一样,选中已经打好的“√”,单击“格式”、“边框和底纹”在“边框”里选择“方框”。 OK, 完成了。 如果在excel里,就这么做:1.右键工具栏,调出绘图工具栏,选方框,在工作表上拖出一个文本框,点右键“添加文字”然后在文本框里输入√,再调整大小,OK,完成,或者,右键工具栏,调出窗体工具栏,选中复选框,在工作表上拖出一个复选框,鼠标点击就能出现√,OK,完成 当然你也可以直接把这个符号复制过去O(∩_∩)O~", "一个更为简单的方法: 在你要打勾的地方输入R,之后把R选中,然后单击 菜单栏→格式→字体。 会出现一个窗口,你会看到一个中文字体,西文字体,选择下拉框,拉到最下面。 选中Wingdings2,然后点击确定,就会变成你想要的方框里打勾的符号了。 此方法亲测有效,但有一些版本是不能使用此方法的,大家尝试一下就知道了~ 希望能帮到大家!", "??你自己复制这个就是了你看看是不是你要的,你要复制到好友印象就能看得见了"], "bs_rank_pos": 2}, {"is_selected": true, "title": "word中在方框内打勾符号怎么打_百度知道", "most_related_para": 0, "segmented_title": ["word", "中", "在", "方框", "内", "打", "勾", "符号", "怎么", "打", "_", "百度", "知道"], "segmented_paragraphs": [["工具", ":", "word", "2010", "通过", "插入", "-", "-", "符号", "-", "-", "其他", "符号", ",", "可以", "插入", "【", "方框", "内", "打钩", "符号", "】", "。", "步骤", "1", ":", "打开", "word", "文档", "步骤", "2", ":", "点击", "插入", "-", "-", "符号", "-", "-", "其他", "符号", "步骤", "3", ":", "字体", "选择", "Wing", "dings", ",", "然后", "选择", "【", "勾", "选", "框", "】", ",", "点击", "插入", "即可", "。"]], "paragraphs": ["工具:word2010 通过插入--符号--其他符号,可以插入【方框内打钩符号】。 步骤1:打开word文档 步骤2:点击插入--符号--其他符号 步骤3:字体选择Wingdings,然后选择【勾选框】,点击插入即可。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "Word中如何插入方框内打勾的符号_百度经验", "most_related_para": 3, "segmented_title": ["Word", "中", "如何", "插入", "方框", "内", "打", "勾", "的", "符号", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["方框", "内", "打的", "符号", "做为", "一", "种", "特殊", "符号", ",", "在", "日常办公", "中", "具有", "极", "高", "的", "使用", "频率", ",", "下面", "小", "编", "就", "教", "大家", "实现", "Word", "内", "插入", "方框", "打", "勾", "符号", "的", "方法", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "打开", "Office", "Word", ",", "点击", "“", "插入", "”", "-", ">", "“", "符号", "”", "-", ">", "“", "其它", "符号", "”", "。", "步骤", "阅读", "2", "接着", "在", "打开", "的", "“", "符号", "”", "窗口", "中", ",", "从", "“", "字体", "”", "下拉", "列表", "中", "选择", "“", "Wing", "Dings", "”", ",", "然后", "就会", "在", "符号", "列表", "的", "最", "下方", "找到", "“", "方框", "勾", "号", "”", "符号", "。", "步骤", "阅读", "3", "点击", "“", "插入", "”", "按钮", "即可", "将", "方框", "打", "勾", "符号", "插入", "到", "文档", "中", "。", "步骤", "阅读", "4", "同时", "为了", "以后", "输入", "方便", ",", "我们", "可以通过", "指定", "快捷键", "来", "实现", "快速", "插入", "操作", "。", "点击", "“", "快捷键", "”", "按钮", "。", "步骤", "阅读", "5", "然后", "输入", "一", "组", "新", "的", "快捷键", ",", "并", "点击", "“", "指定", "”", "按钮", "完成", "设置", "。", "以后", "只", "需要", "按", "这", "一", "组", "快捷键", "即可", "快速", "完成", "输入", "操作", "。", "步骤", "阅读", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "机遇", "总", "是", "留", "给", "有", "准备", "的", "人"]], "paragraphs": ["百度经验:jingyan.baidu.com", "方框内打的符号做为一种特殊符号,在日常办公中具有极高的使用频率,下面小编就教大家实现Word内插入方框打勾符号的方法。", "百度经验:jingyan.baidu.com", "1 打开Office Word,点击“插入”->“符号”->“其它符号”。 步骤阅读 2 接着在打开的“符号”窗口中,从“字体”下拉列表中选择“WingDings”,然后就会在符号列表的最下方找到“方框勾号”符号。 步骤阅读 3 点击“插入”按钮即可将方框打勾符号插入到文档中。 步骤阅读 4 同时为了以后输入方便,我们可以通过指定快捷键来实现快速插入操作。点击“快捷键”按钮。 步骤阅读 5 然后输入一组新的快捷键,并点击“指定”按钮完成设置。以后只需要按这一组快捷键即可快速完成输入操作。 步骤阅读 END", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:机遇总是留给有准备的人"], "bs_rank_pos": 4}, {"is_selected": false, "title": "word中怎么插入方框中打对勾的符号_百度知道", "most_related_para": 1, "segmented_title": ["word", "中", "怎么", "插入", "方框", "中", "打", "对勾", "的", "符号", "_", "百度", "知道"], "segmented_paragraphs": [["1", "、", "启动", "word", ",", "单击", "插入", "菜单", ",", "选择", "符号", "选项", "。", "2", "、", "单击", "符号", "选项", "中", "的", "其他", "符号", "按钮", "。", "3", "、", "在", "打开", "的", "符号", "对话框", "中", ",", "单击", "字体", "下拉框", "。", "4", "、", "在", "字体", "下拉框", "中", ",", "选择", "“", "Wing", "dings", "2", "”", "。", "5", "、", "在", "显示", "出来", "的", "符号", "区域", ",", "单击", "显示", "出来", "的", "方框", "内", "对勾", "的", "符号", "。"], ["方法", "/", "步骤", "1", "、", "启动", "word", ",", "单击", "插入", "菜单", ",", "选择", "符号", "选项", "。", "2", "、", "单击", "符号", "选项", "中", "的", "其他", "符号", "按钮", "。", "3", "、", "在", "打开", "的", "符号", "对话框", "中", ",", "单击", "字体", "下拉框", "。", "4", "、", "在", "字体", "下拉框", "中", ",", "选择", "“", "Wing", "dings", "2", "”", "。", "5", "、", "在", "显示", "出来", "的", "符号", "区域", ",", "单击", "显示", "出来", "的", "方框", "内", "对勾", "的", "符号", "。", "6", "、", "单击", "插入", ",", "就", "完成", "啦", "。"]], "paragraphs": ["1、启动word,单击插入菜单,选择符号选项。 2、单击符号选项中的其他符号按钮。 3、在打开的符号对话框中,单击字体下拉框。 4、在字体下拉框中,选择“Wingdings 2”。 5、在显示出来的符号区域,单击显示出来的方框内对勾的符号。", "方法/步骤 1、启动word,单击插入菜单,选择符号选项。 2、单击符号选项中的其他符号按钮。 3、在打开的符号对话框中,单击字体下拉框。 4、在字体下拉框中,选择“Wingdings 2”。 5、在显示出来的符号区域,单击显示出来的方框内对勾的符号。 6、单击插入,就完成啦。"], "bs_rank_pos": 5}], "answer_spans": [[0, 60]], "fake_answers": ["工具:word2010通过插入--符号--其他符号,可以插入【方框内打钩符号】。步骤1:打开word文档步骤2:点击插入--符号--其他符号步骤3:字体选择Wingdings,然后选择【勾选框】,点击插入即可。"], "question": "框中打勾符号", "segmented_answers": [["第", "一", "种", "办法", ":", "打开", "一", "个", "word", "表格", ",", "然后", "单击", "工具栏", "中", "的", "“", "插入", "”", "。", "然后", "在", "下拉", "工具栏", "中", "找到", "符号", ",", "并", "在", "符号", "下拉框", "中", "找到", "√", ",", "单击", "√", "就", "可以", "直接", "插入", "到", "word", "文档", "。", "第", "二", "种", "方法", "是", "单击", "“", "插入", "”", ",", "“", "形状", "”", "。", "选择", "下拉框", "中", "的", "√", ",", "可以", "根据", "自己", "的", "需要", "调节", "√", "的", "大小", "、", "颜色", "和", "是否", "需要", "外边", "的", "方框", "。", "有", "的", "输入法", "可以直接", "在", "打", "出", "文字", "”", "勾", "“", "的", "时候", "会", "出现", "相应", "的", "√", ",", "这", "是", "只是", "需要", "进行", "相应", "的", "选择", "即可", "。"], ["1", ".", "在", "word", "中", ",", "点击", "插入", ",", "选择", "“", "符号", "”", ",", "在", "弹出", "的", "“", "符号", "”", "对话框", "中", ",", "最后", "一行", "的", "“", "字符", "代码", "”", "框", "中", "输入", "221", "A", "就", "可以", "了", "。", "当然", "也", "可以", "自己", "慢慢", "找", "“", "√", "”", "2", ".", "像", "字体", "加", "外框", "一样", ",", "选中", "已经", "打", "好", "的", "“", "√", "”", ",", "单击", "“", "格式", "”", "、", "“", "边框", "和", "底纹", "”", "在", "“", "边框", "”", "里", "选择", "“", "方框", "”", "。", "如果", "在", "excel", "里", ",", "就", "这么", "做", ":", "1", ".", "右键", "工具栏", ",", "调出", "绘图", "工具栏", ",", "选", "方框", ",", "在", "工作表", "上", "拖", "出", "一", "个", "文本框", ",", "点右键", "“", "添加", "文字", "”", "然后", "在", "文本框", "里", "输入", "√", ",", "再", "调整", "大小", ",", "OK", ",", "完成", ",", "或者", ",", "右键", "工具栏", ",", "调出", "窗体", "工具栏", ",", "选中", "复选框", ",", "在", "工作表", "上", "拖", "出", "一", "个", "复选框", ",", "鼠标点击", "就能", "出现", "√", ",", "OK", ",", "完成", "。"], ["工具", ":", "word", "2010", "。", "通过", "插入", "-", "-", "符号", "-", "-", "其他", "符号", ",", "可以", "插入", "【", "方框", "内", "打钩", "符号", "】", "。", "步骤", "1", ":", "打开", "word", "文档", ";", "步骤", "2", ":", "点击", "插入", "-", "-", "符号", "-", "-", "其他", "符号", ";", "步骤", "3", ":", "字体", "选择", "Wing", "dings", ",", "然后", "选择", "【", "勾", "选", "框", "】", ",", "点击", "插入", "即可", "。"]], "answers": ["第一种办法:打开一个word表格,然后单击工具栏中的“插入”。然后在下拉工具栏中找到符号,并在符号下拉框中找到√,单击√就可以直接插入到word文档。第二种方法是单击“插入”,“形状”。选择下拉框中的√,可以根据自己的需要调节√的大小、颜色和是否需要外边的方框。有的输入法可以直接在打出文字”勾“的时候会出现相应的 √,这是只是需要进行相应的选择即可。", "1.在word中, 点击插入,选择“符号”,在弹出的“符号”对话框中,最后一行的“字符代码”框中输入221A就可以了。当然也可以自己慢慢找“√”2.像字体加外框一样,选中已经打好的“√”,单击“格式”、“边框和底纹”在“边框”里选择“方框”。如果在excel里,就这么做:1.右键工具栏,调出绘图工具栏,选方框,在工作表上拖出一个文本框,点右键“添加文字”然后在文本框里输入√,再调整大小,OK,完成,或者,右键工具栏,调出窗体工具栏,选中复选框,在工作表上拖出一个复选框,鼠标点击就能出现√,OK,完成。", "工具:word2010。通过插入--符号--其他符号,可以插入【方框内打钩符号】。步骤1:打开word文档;步骤2:点击插入--符号--其他符号;步骤3:字体选择Wingdings,然后选择【勾选框】,点击插入即可。"], "answer_docs": [2], "segmented_question": ["框", "中", "打", "勾", "符号"], "question_type": "DESCRIPTION", "question_id": 181636, "fact_or_opinion": "FACT", "match_scores": [0.864]}
-{"documents": [{"is_selected": true, "title": "球球大作战彩豆有什么用 彩豆怎么获得-琵琶网", "most_related_para": 2, "segmented_title": ["球", "球", "大作战", "彩", "豆", "有", "什么", "用", "彩", "豆", "怎么", "获得", "-", "琵琶", "网"], "segmented_paragraphs": [["球", "球", "大作战", "彩", "豆", "有", "什么", "用", "?", "在", "游戏", "中彩", "豆", "怎么", "获得", "呢", "?", "今天", "琵琶", "网", "小", "编", "给", "各位", "小伙伴", "带来", "球", "球", "大作战", "的", "彩", "豆", "详细", "攻略", ",", "赶紧", "随", "小", "编", "一起", "去", "看看", "吧", "(", ")", "安卓", "新版本", "请", "戳", ":", "安卓", "版", "iOS", "新版本", "请", "戳", ":", "iOS", "版", "(", "下载", "后", "请", "搜索", "游戏名称", "解锁", "哟", "(", ")"], ["球", "球", "大作战", "彩", "豆", "有", "什么", "用", "?"], ["目前", "在", "游戏", "中", ",", "彩", "豆", "的", "作用", "还", "很少", "。", "1", ".", "可", "用来", "语音", "通话", ",", "一次", "消耗", "一", "个", "彩", "豆", "。", "(", "不过", "随着", "版本", "更新", ",", "很", "可能", "会", "通话", "免费", ")", "2", ".", "可", "用来", "购买", "头像", "3", ".", "使用", "彩", "豆", "帮", "好友", "点赞", "。", "目前", "彩", "豆", "的", "作用", "就", "这么", "点", "。", "关于", "彩", "豆", "的", "更多", "用法", ",", "官方", "也", "正在", "修复", "更改", "中", ",", "在", "后续", "的", "版本", "中", "可能会", "更新", "的", "彩", "豆", "的", "新", "作用", ":", "1", ".", "使用", "彩", "豆", "兑换", "碎片", ",", "或者", "入场券", "之类", "的", "2", ".", "可以", "用", "彩", "豆", "购买", "更多", "东西", "彩", "豆", "要", "怎么", "获得", "呢", "?", "可以", "用", "过", "参与", "游戏", "来", "获得", ",", "根据", "不同", "的", "排名", "获得", "相", "对应", "的", "彩", "豆", "彩", "豆", "在", "目前", "作用", "不", "多", ",", "而且", "获得", "的", "方式", "也", "比较", "单", "一", "。", "不过", "作为", "游戏", "中", "的", "基本", "货币", "之", "一", ",", "小", "编", "相信", "在", "后续", "的", "游戏", "优化", "中", ",", "彩", "豆", "将会", "有", "越来越", "完善", "的", "功能", "的", "啦", "!", "如果", "有", "关于", "更多", "更好", "的", "彩", "豆", "使用", "方案", "、", "获得", "方案", ",", "小伙伴", "们", "也", "可以", "到", "官方", "贴吧", "中", ",", "去向", "球", "球", "大作战", "的", "官方", "工作", "人员", "反馈", ",", "工作", "人员", "会", "不", "定时", "的", "与", "大家", "互动", "哟", "。"], ["皮肤", "代码大全", ">", ">", ">", "戳", "我", "了解"], ["名字", "颜色代码", "大全", ">", ">", ">", "戳", "我", "了解"], ["以上", "就是", "琵琶", "网", "小", "编", "今天", "给", "各位", "小伙伴", "带来", "的", "球", "球", "大作战", "彩", "豆", "有", "什么", "用", "彩", "豆", "怎么", "获得", "的", "全部", "内容", "啦", ",", "关注", "琵琶", "网球", "球", "大作战", "专区", ",", "最新资讯", "小", "编", "会", "及时", "为您", "奉", "上", "哟", "(", ")"], ["球", "球", "大作战", "彩", "豆", "相关文章", "推荐"], ["热门", "网游", "热门", "单机"], ["最新活动", "更多", "+"], ["图文", "推荐"], ["表情"], ["一", "周", "新", "游", "高考", "后", "玩", "嗨", "点", "!", "休闲", "向", "RPG", "新作", "推荐", "一", "周", "新", "游", "童年", "怀旧", "!", "大龄", "儿童", "过节", "必备", "手游"]], "paragraphs": ["球球大作战彩豆有什么用?在游戏中彩豆怎么获得呢?今天琵琶网小编给各位小伙伴带来球球大作战的彩豆详细攻略,赶紧随小编一起去看看吧(•̀ᴗ•́)و ̑̑ 安卓新版本请戳:安卓版 iOS新版本请戳:iOS版 (下载后请搜索游戏名称解锁哟(๑•̀ㅂ•́)و✧", "球球大作战彩豆有什么用?", "目前在游戏中,彩豆的作用还很少。 1.可用来语音通话,一次消耗一个彩豆。(不过随着版本更新,很可能会通话免费) 2.可用来购买头像 3.使用彩豆帮好友点赞。 目前彩豆的作用就这么点。关于彩豆的更多用法,官方也正在修复更改中,在后续的版本中可能会更新的彩豆的新作用: 1.使用彩豆兑换碎片,或者入场券之类的 2.可以用彩豆购买更多东西 彩豆要怎么获得呢? 可以用过参与游戏来获得,根据不同的排名获得相对应的彩豆 彩豆在目前作用不多,而且获得的方式也比较单一。不过作为游戏中的基本货币之一,小编相信在后续的游戏优化中,彩豆将会有越来越完善的功能的啦! 如果有关于更多更好的彩豆使用方案、获得方案,小伙伴们也可以到官方贴吧中,去向球球大作战的官方工作人员反馈,工作人员会不定时的与大家互动哟。", "皮肤代码大全>>>戳我了解", "名字颜色代码大全>>>戳我了解", "以上就是琵琶网小编今天给各位小伙伴带来的球球大作战彩豆有什么用 彩豆怎么获得的全部内容啦,关注琵琶网球球大作战专区,最新资讯小编会及时为您奉上哟(๑•̀ㅂ•́)و✧", "球球大作战彩豆相关文章推荐", "热门网游 热门单机", "最新活动 更多+", "图文推荐", "表情", "一周新游 高考后玩嗨点!休闲向RPG新作推荐  一周新游 童年怀旧!大龄儿童过节必备手游"], "bs_rank_pos": 0}, {"is_selected": true, "title": "球球大作战彩豆有什么作用_球球大作战_游戏狗", "most_related_para": 1, "segmented_title": ["球", "球", "大作战", "彩", "豆", "有", "什么", "作用", "_", "球", "球", "大作战", "_", "游戏", "狗"], "segmented_paragraphs": [["球", "球", "大作战", "彩", "豆", "有", "什么", "作用", ",", "球", "球", "大作战", "是", "一款", "非常", "好玩", "的", "益智休闲", "游戏", ",", "今天", "小", "编", "将要", "跟", "大家", "一起", "分享", "的", "就是", "关于", "在", "球", "球", "大作战", "当", "中", ",", "彩", "豆", "有", "什么", "作用", "的", "详细", "介绍", ",", "希望", "对", "玩家", "们", "有所帮助", "哦", "。"], ["彩", "豆", "的", "作用", "目前", "没有", "明确", "的", "作用", ",", "使用", "语音", "消耗", "1", ",", "还", "可", "用来", "买", "头像", "。", "目前", "来", "说", "彩", "豆", "的", "作用", "就", "这么多", "了", ",", "后续", "还有", "的", "话", "小", "编", "再", "继续", "给", "大家", "进行", "补充", "哦", "。", "以上", "就是", "球", "球", "大作战", "彩", "豆", "有", "什么", "作用", "的", "全部", "内容", "。"], ["·", "球", "球", "大作战", "花", "音", "女神", "是否", "好", "合", "解答", "·", "球", "球", "大作战", "尖刀", "战神", "圣衣", "合成", "分析", "·", "球", "球", "大作战", "奖励", "解析", "之", "奇妙", "宝箱", "·", "球", "球", "大作战", "新", "圣衣", "梦境", "女王", "合成", "攻略", "·", "球", "球", "大作战", "糖果", "的", "最新", "获取", "方式", "介绍", "·", "球", "球", "大作战", "奇妙", "宝箱", "获取", "方式", "介绍", "·", "球", "球", "大作战", "关键字", "有", "什么", "作用", "详解", "·", "球", "球", "大作战", "香烟", "特殊", "名字", "打法", "介绍", "·", "球", "球", "大作战", "改变", "作战", "方式", "有", "什么", "结果", "·", "球", "球", "大作战", "小球", "探索", "周围环境", "的", "重要性"]], "paragraphs": ["球球大作战彩豆有什么作用,球球大作战是一款非常好玩的益智休闲游戏,今天小编将要跟大家一起分享的就是关于在球球大作战当中,彩豆有什么作用的详细介绍,希望对玩家们有所帮助哦。", "彩豆的作用目前没有明确的作用,使用语音消耗1,还可用来买头像。目前来说彩豆的作用就这么多了,后续还有的话小编再继续给大家进行补充哦。以上就是球球大作战彩豆有什么作用的全部内容。", "·球球大作战花音女神是否好合解答 ·球球大作战尖刀战神圣衣合成分析 ·球球大作战奖励解析之奇妙宝箱 ·球球大作战新圣衣梦境女王合成攻略 ·球球大作战糖果的最新获取方式介绍 ·球球大作战奇妙宝箱获取方式介绍 ·球球大作战关键字有什么作用详解 ·球球大作战香烟特殊名字打法介绍 ·球球大作战改变作战方式有什么结果 ·球球大作战小球探索周围环境的重要性"], "bs_rank_pos": 1}, {"is_selected": true, "title": "球球大作战彩豆有什么用 在哪些地方能用_球球大作战_游戏园", "most_related_para": 1, "segmented_title": ["球", "球", "大作战", "彩", "豆", "有", "什么", "用", "在", "哪些", "地方", "能", "用", "_", "球", "球", "大作战", "_", "游戏", "园"], "segmented_paragraphs": [["即将", "分享", "给", "玩家", "的", "是", "球", "球", "大作战", "中", "关于", "彩", "豆", "有", "什么", "用", "?", "想知道", "的", "玩家", "还在", "等", "什么", "呢", "?", "一起来", "看看", "下面", "的", "方法", "吧", "!", "教", "你", "如何", "使用", "彩", "豆", ",", "下面", "就", "来", "详细", "的", "了解", "下吧", "!", "希望能够", "帮助", "到", "玩家", "哦", "!", "赶紧", "来", "试试看", "下面", "的", "方法", "吧", "!"], ["球", "球", "大作战", "彩", "豆", "作用", "有", "什么", "作用", "解析", ",", "球", "球", "大作战", "中", "可以", "买", "皮肤", "、", "买", "彩色", "字体", "用", ",", "一", "身", "皮肤", "是", "200", "彩", "豆", "、", "一", "种", "颜色", "的", "字体", "是", "300", "彩", "豆", ",", "有效期", "是", "一年", ",", "买", "的", "时间", "越", "久", "约", "有", "优惠", ",", "你可以", "花", "2000", "彩", "豆", "买", "10", "年", "的", "皮肤", "、", "3000", "彩", "豆", "买", "10", "年", "的", "颜色", "字体", "。"], ["另外", ",", "游戏", "有时候", "方向", "会", "控制", "不住", ",", "乱跑", ",", "转向", "的", "时候", "有时", "会", "卡", "是什么", "原因", "?", "小", "编", "在", "此", "告诉", "你", "这", "最大", "的", "原因", "就是", "因为", "是", "网络", "问题", "造成", "的", ",", "关于", "此类", "可", "查看", "之前", "的", "闪退", "解决", "攻略", "。"], ["彩", "豆", "的", "作用", "目前", "没有", "明确", "的", "作用", ",", "使用", "语音", "消耗", "1", ",", "还", "可", "用来", "买", "头像", "。", "目前", "来", "说", "彩", "豆", "的", "作用", "就", "这么多", "了", ",", "后续", "还有", "的", "话", "小", "编", "再", "继续", "给", "大家", "进行", "补充", "哦", "。"], ["游戏", "大礼包", "手游", "开", "测", "表"], ["本月", "最新"], ["网游", "单机"]], "paragraphs": ["即将分享给玩家的是球球大作战中关于彩豆有什么用?想知道的玩家还在等什么呢?一起来看看下面的方法吧!教你如何使用彩豆,下面就来详细的了解下吧!希望能够帮助到玩家哦!赶紧来试试看下面的方法吧!", "球球大作战彩豆作用有什么作用解析,球球大作战中可以买皮肤、买彩色字体用,一身皮肤是200彩豆、一种颜色的字体是300彩豆,有效期是一年,买的时间越久约有优惠,你可以花2000彩豆买10年的皮肤、3000彩豆买10年的颜色字体。", "另外,游戏有时候方向会控制不住,乱跑,转向的时候有时会卡是什么原因?小编在此告诉你这最大的原因就是因为是网络问题造成的,关于此类可查看之前的闪退解决攻略。", "彩豆的作用目前没有明确的作用,使用语音消耗1,还可用来买头像。目前来说彩豆的作用就这么多了,后续还有的话小编再继续给大家进行补充哦。", "游戏大礼包 手游开测表", "本月 最新", "网游 单机"], "bs_rank_pos": 2}, {"is_selected": false, "title": "球球大作战彩豆有什么用 彩豆怎么获得_4399球球大作战", "most_related_para": 12, "segmented_title": ["球", "球", "大作战", "彩", "豆", "有", "什么", "用", "彩", "豆", "怎么", "获得", "_", "4399", "球", "球", "大作战"], "segmented_paragraphs": [["找", "好玩", "手机游戏", ",", "上", "4399", "游戏", "盒"], ["安装", "好", "游", "快", "爆", ",", "资讯", "随身", "看"], ["扫描", "右侧", "二维码", "下载", "好", "游", "快", "爆", ",", "您", "可以"], ["·", "掌握", "好玩", "新", "游", "资讯", "·", "查找", "热门", "手游", "攻略", "·", "强大", "工具", "助", "你", "成功"], ["球", "球", "大作战", "今夏", "福利", "来", "了", ",", "参加活动", "就", "有", "免费", "棒棒糖", "龙蛋", "和", "金", "蘑菇", "拿", ",", "快点", "戳", "下方", "地址", "和", "图片", "来", "全部", "领", "走", "吧", "!"], ["大家都知道", "球", "球", "大作战", "有", "两种", "货币", ",", "彩", "豆", "和", "棒棒糖", ",", "小伙伴", "们", "关注", "的", "比较", "多", "的", "几乎", "都是", "棒棒糖", ",", "而", "彩", "豆", "好像", "不", "那么", "受宠", "。", "那么", "彩", "豆", "到底", "是", "用来", "干嘛", "的", ",", "它", "有", "要", "如何", "获取", "呢", ",", "让", "波比", "来", "告诉", "吧", "。"], ["温馨提示", ":", "快速", "免费", "领取", "龙蛋", "/", "棒棒糖", ",", "前往", "免费", "领取", "棒棒糖", "和", "免费", "领取", "龙蛋", "。"], ["▍", "彩", "豆", "怎么", "得"], ["彩", "豆", "是", "球", "球", "大作战", "最", "基础", "的", "货币", ",", "我们", "每次", "打完", "一", "盘", "比赛", ",", "都", "可以", "获得", "彩", "豆", "。"], ["可以看到", "彩", "豆", "的", "获取", "和", "你", "没", "把", "比赛", "的", "名次", "是", "有关", "的", ",", "所以", "想", "获得", "更多", "的", "彩", "豆", ",", "可以", "找", "些", "人", "一起", "合作", ",", "这样", "容易", "获得", "好", "的", "排名", "。"], ["▍", "彩", "豆", "有", "什么", "用"], ["那么", "重点", "来", "了", ",", "彩", "豆", "到底", "能", "用来", "干嘛", "?", "在之前", "的", "版本", "里", ",", "彩", "豆", "可以", "在", "魔法", "屋", "中", "购买", "光环", "、", "孢子", "等", "皮肤", ",", "不过", "能", "买", "的", "数量", ",", "不如", "棒棒糖", "多", "。"], ["不过", "现在", "彩", "豆", "的", "主要", "作用", "在于", "说话", ",", "也", "就是", "在", "游戏", "中", "语音", "消耗", ",", "已经", "不能", "用来", "买", "皮肤", "了", "。"], ["更多", "相关", "攻略", ":"], ["【", "攻略", "】", "球", "球", "大作战", "彩", "豆", "能", "买", "吗", "彩", "豆", "怎么", "得"], ["【", "攻略", "】", "球", "球", "大作战", "棒棒糖", "怎么", "获得", "棒棒糖", "怎么", "刷"], ["【", "攻略", "】", "球", "球", "大作战", "棒棒糖", "抵用券", "怎么", "得", "能", "换", "几个", "棒棒糖"], ["【", "攻略", "】", "球", "球", "大作战", "金", "蘑菇", "怎么", "得", "金", "蘑菇", "有", "什么", "用"], ["加入", "4399", "球", "球", "大作战", "官方", "群", "!", "1", "群", "546297796", "(", "满", ")", "2", "群", "499491158"], ["4399", "手游", "官方", "微信", "(", "微信", "号", ":", "sj", "4399", ")", "要", "你", "好玩", ",", "要你好看", "!", "独家", "礼包", ",", "新鲜", "爆料", "!"]], "paragraphs": ["找好玩手机游戏,上 4399游戏盒", "安装好游快爆,资讯随身看", "扫描右侧二维码下载好游快爆,您可以", "· 掌握好玩新游资讯· 查找热门手游攻略· 强大工具助你成功", "球球大作战今夏福利来了,参加活动就有免费棒棒糖龙蛋和金蘑菇拿,快点戳下方地址和图片来全部领走吧!", "大家都知道球球大作战有两种货币,彩豆和棒棒糖,小伙伴们关注的比较多的几乎都是棒棒糖,而彩豆好像不那么受宠。那么彩豆到底是用来干嘛的,它有要如何获取呢,让波比来告诉吧。", "温馨提示:快速免费领取龙蛋/棒棒糖,前往免费领取棒棒糖和免费领取龙蛋。", "▍彩豆怎么得", "彩豆是球球大作战最基础的货币,我们每次打完一盘比赛,都可以获得彩豆。", "可以看到彩豆的获取和你没把比赛的名次是有关的,所以想获得更多的彩豆,可以找些人一起合作,这样容易获得好的排名。", "▍彩豆有什么用", "那么重点来了,彩豆到底能用来干嘛?在之前的版本里,彩豆可以在魔法屋中购买光环、孢子等皮肤,不过能买的数量,不如棒棒糖多。", "不过现在彩豆的主要作用在于说话,也就是在游戏中语音消耗,已经不能用来买皮肤了。", "更多相关攻略:", "【攻略】球球大作战彩豆能买吗 彩豆怎么得", "【攻略】球球大作战棒棒糖怎么获得 棒棒糖怎么刷", "【攻略】球球大作战棒棒糖抵用券怎么得 能换几个棒棒糖", "【攻略】球球大作战金蘑菇怎么得 金蘑菇有什么用", "加入4399球球大作战官方群!1群546297796(满)2群499491158", "4399手游官方微信(微信号:sj4399)要你好玩,要你好看!独家礼包,新鲜爆料!"], "bs_rank_pos": 3}, {"is_selected": false, "title": "球球大作战彩豆有什么用?球球大作战彩豆用途介绍_百度文库", "most_related_para": 1, "segmented_title": ["球", "球", "大作战", "彩", "豆", "有", "什么", "用", "?", "球", "球", "大作战", "彩", "豆", "用途", "介绍", "_", "百度", "文库"], "segmented_paragraphs": [["球", "球", "大作战", "彩", "豆", "有", "什么", "用", "?", "球", "球", "大作战", "彩", "豆", "用途", "介绍", "_", "游戏", "_", "生活", "休闲", "。", "球", "球", "大作战", "彩", "豆", "有", "什么", "用", "?", "球", "球", "大作战", "彩", "豆", "用途", "介绍", "球", "球", "大作战", "彩", "豆", "有", "什么", "用", "?", "获得", "了", "一", "堆", "球", "球", "大作战", "的", "道具", "彩", "豆", "但是", "不懂", "具体", "这个", "道具", "有", "什么", "用", "该怎么办", "?", "那", "就", "来", "下", "文", "看", "彩", "豆", "的", "用途", "介绍", "吧", "。", "球", "球", "大作战", "彩", "豆", "有", "什么", "用"], ["球", "球", "大作战", "彩", "豆", "有", "什么", "用", "?", "球", "球", "大作战", "彩", "豆", "用途", "介绍", "球", "球", "大作战", "彩", "豆", "有", "什么", "用", "?", "获得", "了", "一", "堆", "球", "球", "大作战", "的", "道具", "彩", "豆", "但是", "不懂", "具体", "这个", "道具", "有", "什么", "用", "该怎么办", "?", "那", "就", "来", "下", "文", "看", "彩", "豆", "的", "用途", "介绍", "吧", "。", "球", "球", "大作战", "彩", "豆", "有", "什么", "用", "1", "、", "彩", "豆", "可", "用来", "语音", "通话", ",", "一次", "消耗", "一", "个", "彩", "豆", "。", "2", "、", "1", ".", "4.0", "版本", "更新", "之后", ",", "彩", "豆", "可以用来", "合成", "关键字", ",", "关键字", "就是", "特殊", "的", "皮肤", "啦", "。", "每个", "关键字", "有", "3", "级", "形态", ",", "越", "到", "后面", "的", "形态", ",", "需要", "的", "彩", "豆", "数量", "就", "越", "多", "哦", "。", "3", "、", "使用", "彩", "豆", "帮", "好友", "点赞", "。", "百度", "攻略", "&", "96U", "手游", "网", "提供", ",", "更多精彩", "攻略", "访问", "gl", ".", "baidu", ".", "com", "1"]], "paragraphs": ["球球大作战彩豆有什么用?球球大作战彩豆用途介绍_游戏_生活休闲。球球大作战彩豆有什么用?球球大作战彩豆用途介绍球球大作战彩豆有什么用?获得了一堆球球大作战的道具彩豆但是不懂具体这个道具有什么 用该怎么办?那就来下文看彩豆的用途介绍吧。 球球大作战彩豆有什么用", "球球大作战彩豆有什么用?球球大作战彩豆用途介绍球球大作战彩豆有什么用?获得了一堆球球大作战的道具彩豆但是不懂具体这个道具有什么 用该怎么办?那就来下文看彩豆的用途介绍吧。 球球大作战彩豆有什么用 1、彩豆可用来语音通话,一次消耗一个彩豆。 2、1.4.0版本更新之后,彩豆可以用来合成关键字,关键字就是特殊的皮肤啦。每个关键字 有3级形态,越到后面的形态,需要的彩豆数量就越多哦。 3、使用彩豆帮好友点赞。 百度攻略&96U手游网 提供,更多精彩攻略访问gl.baidu.com 1"], "bs_rank_pos": 4}], "answer_spans": [[16, 75]], "fake_answers": ["买皮肤、买彩色字体用,一身皮肤是200彩豆、一种颜色的字体是300彩豆,有效期是一年,买的时间越久约有优惠,你可以花2000彩豆买10年的皮肤、3000彩豆买10年的颜色字体。"], "question": "球球大作战彩豆有什么用", "segmented_answers": [["1", ".", "可", "用来", "语音", "通话", ",", "一次", "消耗", "一", "个", "彩", "豆", "。", "(", "不过", "随着", "版本", "更新", ",", "很", "可能", "会", "通话", "免费", ")", "。", "2", ".", "可", "用来", "购买", "头像", "。", "3", ".", "使用", "彩", "豆", "帮", "好友", "点赞", "。"], ["彩", "豆", "的", "作用", "目前", "没有", "明确", "的", "作用", ",", "使用", "语音", "消耗", ",", "还", "可", "用来", "买", "头像", "。"], ["以", "买", "皮肤", "、", "买", "彩色", "字体", "用", ",", "一", "身", "皮肤", "是", "200", "彩", "豆", "、", "一", "种", "颜色", "的", "字体", "是", "300", "彩", "豆", ",", "有效期", "是", "一年", ",", "买", "的", "时间", "越", "久", "约", "有", "优惠", ",", "你可以", "花", "2000", "彩", "豆", "买", "10", "年", "的", "皮肤", "、", "3000", "彩", "豆", "买", "10", "年", "的", "颜色", "字体", "。"]], "answers": ["1.可用来语音通话,一次消耗一个彩豆。(不过随着版本更新,很可能会通话免费)。2.可用来购买头像。3.使用彩豆帮好友点赞。", "彩豆的作用目前没有明确的作用,使用语音消耗,还可用来买头像。", "以买皮肤、买彩色字体用,一身皮肤是200彩豆、一种颜色的字体是300彩豆,有效期是一年,买的时间越久约有优惠,你可以花2000彩豆买10年的皮肤、3000彩豆买10年的颜色字体。"], "answer_docs": [2], "segmented_question": ["球", "球", "大作战", "彩", "豆", "有", "什么", "用"], "question_type": "DESCRIPTION", "question_id": 181637, "fact_or_opinion": "FACT", "match_scores": [0.9256198347107439]}
-{"documents": [{"is_selected": true, "title": "手机怎么解绑账号..原先手机号已换_问一问 – 乐视商城", "most_related_para": 4, "segmented_title": ["手机", "怎么", "解", "绑", "账号", ".", ".", "原先", "手机号", "已", "换", "_", "问一问", "–", "乐视", "商城"], "segmented_paragraphs": [["没找到", "答案", ",", "我", "要", "提问"], ["问题", "补充", ":", "原先", "的", "手机号", "已", "换", "。", "现在", "登陆", "要", "解", "绑", "以前", "的", "账号", "怎么", "弄", "坐等", "谢谢"], ["您好", ",", "目前", "乐视", "集团", "实行", "的", "会员账号", "进行", "手机号码", "的", "注册", "及", "绑定", ",", "是", "根据", "国家", "互联网", "信息", "办公室", "的", "相关", "管理", "要求", "来", "执行", "的", ",", "此", "政策", "也是", "为了", "保护", "您", "的", "合法权益", "不受", "侵害", ",", "由此", "给", "您", "带来", "不便", "还", "请", "您", "谅解", "。", "已", "绑定", "手机号", "可", "更换", ",", "不可", "解", "绑", ",", "您", "可以", "更换", "绑定", "后", "给", "其他", "账号", "绑定", "。"], ["乐视", "会员账号", "更换", "绑定", "手机号", "方法", ":"], ["第", "1", "步", ":", "登陆", "乐视", "商城", ",", "在", "个人", "信息", "-", "手机", "设置", "中", "选择", "“", "更换", "我", "的", "手机", "”", "进行", "手机", "解", "绑", "验证", ",", "点击", "“", "立即", "验证", "”", ";", "第", "2", "步", ":", "点击", "“", "获取", "短信", "校验码", "“", "会", "提示", "输入", "“", "验证码", "”", ",", "输入", "验证码", "后", "确定", "即可", ";", "第", "3", "步", ":", "输入", "“", "校验码", "”", "后", ",", "点击", "“", "下一步", "”", ",", "之后", "输入", "新", "绑定", "的", "手机号", ",", "输入", "再次", "获取", "短信", "校验码", ",", "输入", ",", "点击", "下一步", "即可", "。"], ["帮助中心", "新手入门", "订单", "服务", "物流", "服务"], ["服务支持", "售后", "政策", "安装", "报修", "自助服务"], ["线", "下", "网点", "线", "下", "体验", "厅", "线", "下", "LePar", "店", "售后服务", "网点"], ["关于", "乐视", "公司", "介绍", "联系我们", "加入我们"], ["在线服务", "1010", "-", "90007", "*", "24", "小时", "客服电话", "在线客服", "08", ":", "00", "-", "22", ":", "00"], ["Copyright", "2004", "-", "2017", "乐视", "电子商务", "(", "北京", ")", "有限公司", "All", "rights", "reserved", ".", "备案", "/", "许可证", "编号", "为", ":", "京", "ICP", "备", "16033412", "号", "-", "1", "不良", "信息", "举报中心", "网络", "文化经营许可证", "文网文", "[", "2009", "]", "221", "号"], ["乐视", "商城", "官方", "微博"], ["乐视", "商城", "官方", "微信"], ["打开", "微信", ",", "点击", "右上角", "的", "“", "魔法", "棒", "”", ",", "选择", "“", "扫一扫", "”", "功能", ",", "对准", "二维码", "即可", "。"], ["问题", "分类", "(", "必填", ")", "硬件", "软件", "购买", "售后", "生态"], ["问题", "标签", "(", "必填", ")"], ["已经", "回答", "632", "个", "问题", "已经", "回答", "114", "个", "问题", "已经", "回答", "321", "个", "问题", "已经", "回答", "262", "个", "问题", "已经", "回答", "714", "个", "问题", "已经", "回答", "781", "个", "问题", "已经", "回答", "767", "个", "问题", "已经", "回答", "227", "个", "问题", "已经", "回答", "501", "个", "问题"]], "paragraphs": ["没找到答案,我要提问", "问题补充:原先的手机号已换。现在登陆要解绑以前的账号怎么弄 坐等谢谢", "您好,目前乐视集团实行的会员账号进行手机号码的注册及绑定,是根据国家互联网信息办公室的相关管理要求来执行的,此政策也是为了保护您的合法权益不受侵害,由此给您带来不便还请您谅解。已绑定手机号可更换,不可解绑,您可以更换绑定后给其他账号绑定。", "乐视会员账号更换绑定手机号方法:", "第1步:登陆乐视商城,在个人信息-手机设置中选择“更换我的手机”进行手机解绑验证,点击“立即验证”; 第2步:点击“获取短信校验码“会提示输入“验证码”,输入验证码后确定即可; 第3步:输入“校验码”后,点击“下一步”,之后输入新绑定的手机号,输入再次获取短信校验码,输入,点击下一步即可。", "帮助中心 新手入门 订单服务 物流服务", "服务支持 售后政策 安装报修 自助服务", "线下网点 线下体验厅 线下LePar店 售后服务网点", "关于乐视 公司介绍 联系我们 加入我们", "在线服务 1010-90007*24小时客服电话 在线客服08:00-22:00", "Copyright © 2004-2017 乐视电子商务(北京)有限公司 All rights reserved. 备案/许可证编号为:京ICP备16033412号-1 不良信息举报中心 网络文化经营许可证文网文[2009]221号", "乐视商城 官方微博", "乐视商城 官方微信", "打开微信,点击右上角的“魔法棒”,选择“扫一扫”功能,对准二维码即可。", "问题分类(必填) 硬件 软件 购买 售后 生态", "问题标签(必填)", "已经回答632个问题  已经回答114个问题  已经回答321个问题  已经回答262个问题  已经回答714个问题  已经回答781个问题  已经回答767个问题  已经回答227个问题  已经回答501个问题"], "bs_rank_pos": 0}, {"is_selected": false, "title": "乐视手机账号解绑 - 乐迷社区", "most_related_para": 5, "segmented_title": ["乐视", "手机", "账号", "解", "绑", "-", "乐", "迷", "社区"], "segmented_paragraphs": [["牛逼", "吹", "得", "当当", "的", ",", "办事", "效果", "一点", "都", "不", "理想", "。", "感觉", "上", "当", "了"], ["我", "也", "遇到", "这个问题", "了", ",", "客服", "要求", "提供", "身份证", ",", "手持", "身份证", "照", ",", "你", "嘛", ",", "你", "不", "把", "我", "银行卡", "也", "一", "快", "要", "去", "了", "。", "太", "恶心", "了", ",", "这", "领导", "太", "缺心眼", "了", ",", "希望", "这个品论", "能", ".", ".", ".", "by", "jackie", "home", "发表", "于", "2016", "-", "8", "-", "25", "16", ":", "15"], ["我", "要", "注销", "乐视", "账号", ",", "客服", "说", "不能", "注销", ",", "乐视", "好", "大", "的", "胆子", ",", "要是", "我", "的", "手机", "不用", "了", ",", "以后", "这个", "号码", "别人", "不", "就", "可以", "改", "密码", ",", "看到", "我", "的", "隐私", "。", "大胆", "、", "放肆", "!", "by", "微型", "食心虫", "发表", "于", "2016", "-", "7", "-", "30", "13", ":", "05"], ["我", "也是", ",", "现在", "不知道", "怎么办", "了", ",", "我们", "两", "个", "联系", "一", "下", "嘛"], ["乐视", "超级", "手机", "账号", "会", "与", "设备", "绑定", ",", "不支持", "共享", "账号", "的", "行为"], ["我", "要", "注销", "乐视", "账号", ",", "客服", "说", "不能", "注销", ",", "乐视", "好", "大", "的", "胆子", ",", "要是", "我", "的", "手机", "不用", "了", ",", "以后", "这个", "号码", "别人", "不", "就", "可以", "改", "密码", ",", "看到", "我", "的", "隐私", "。", "大胆", "、", "放肆", "!", "by", "微型", "食心虫", "发表", "于", "2016", "-", "7", "-", "30", "13", ":", "05"], ["绑定", "了", "你", "多", "设置", "点", "资料", "至少", "让", "人", "还", "可以", "解", "绑", "吧", "这", "算", "什么", "事", "那", "要", "是", "自己", "的", "前", "一", "个", "号码", "资料", "都", "忘", "了", "那", "不是", "资料", "全", "都", "泄露", "了", "草", "什么玩意儿", "by", "user", "139449161", "发表", "于", "2015", "-", "12", "-", "26", "23", ":", "09"], ["同样", "的", "问题", "…", "问", "了", "客服", "…", "没办法"], ["刚", "咨询", "了", "客服", ",", "说", "是", "乐视", "电视", ",", "乐视", "盒子", ",", "乐视", "手机", "同时", "拥有", "的", "话", ",", "要", "购买", "三", "个", "乐视", "会员", ",", "不", "通用", "的", ",", "就是说", "一年", "要", "掏", "三", "个", "490", ",", "强烈", "鄙视", "乐视", "这种", "无良", "行径"], ["我", "的", "也是", "这样", ",", "求解", "邦"], ["您", "需要", "登录", "后", "才", "可以", "回帖", "登录", "|", "立即注册"]], "paragraphs": ["牛逼吹得当当的,办事效果一点都不理想。感觉上当了", "我也遇到这个问题了,客服要求提供身份证,手持身份证照,你嘛,你不把我银行卡也一快要去了。太恶心了 ,这领导太缺心眼了,希望这个品论能... by jackiehome 发表于 2016-8-25 16:15", "我要注销乐视账号,客服说不能注销,乐视好大的胆子,要是我的手机不用了,以后这个号码别人不就可以改密码,看到我的隐私。大胆、放肆! by 微型食心虫 发表于 2016-7-30 13:05", "我也是,现在不知道怎么办了,我们两个联系一下嘛", "乐视超级手机账号会与设备绑定,不支持共享账号的行为", "我要注销乐视账号,客服说不能注销,乐视好大的胆子,要是我的手机不用了,以后这个号码别人不就可以改密码,看到我的隐私。大胆、放肆! by 微型食心虫 发表于 2016-7-30 13:05", "绑定了 你多设置点资料 至少让人 还可以解绑吧 这算什么事 那要是自己的前一个号码 资料都忘了 那不是 资料全都泄露了 草 什么玩意儿 by user139449161 发表于 2015-12-26 23:09", "同样的问题…问了客服…没办法", "刚咨询了客服,说是乐视电视,乐视盒子,乐视手机同时拥有的话,要购买三个乐视会员,不通用的,就是说一年要掏三个490,强烈鄙视乐视这种无良行径", "我的也是这样,求解邦", "您需要登录后才可以回帖 登录 | 立即注册"], "bs_rank_pos": 1}, {"is_selected": false, "title": "乐视手机帐号绑定,密码被改,如何解绑?帐号是买的!_百度知道", "most_related_para": 6, "segmented_title": ["乐视", "手机", "帐号", "绑定", ",", "密码", "被", "改", ",", "如何", "解", "绑", "?", "帐号", "是", "买", "的", "!", "_", "百度", "知道"], "segmented_paragraphs": [["如果", "没", "开启", "usb", "调试", ",", "只能", "是", "双", "wipe", "清除", "数据", "恢复", "出厂", "模式", "了", "。", "在", "关机", "状态", "下", "按住", "电源", "键", "+", "音量", "下", "键", "之后", "进入", "recovery", "模式", ",", "选择", "wipe", "date", "/", "factory", "reset", "清除", "数据", "并", "恢复", "出厂", "设置", ",", "和", "wipe", "cache", "partition", "清除", "缓存", "数据", ",", "都", "点击", "了", "确定", "之后", ",", "再选择", "reboot", "system", "now", "重启", "系统", "。"], ["原来", "注册", "的", "乐视", "帐号", "手机号码", "卡", "丢失", "了", ",", "密码", "又", "忘记", "了", ",", "怎么样", "解", "绑", "呢", "?"], ["初", "厂", "设置", "没用", ",", "这", "是", "乐视", "的", "远程", "锁", ",", "必需", "让", "乐视", "客服", "解锁", "才", "行"], ["我", "也是", "跟", "你", "同样", "的", "问题", ",", "你", "的", "问题", "解决", "了", "吗", "?", ",", "怎么", "解决", "的"], ["亲", ",", "你", "的", "问题", "解决", "了", "嘛", ",", "我和你", "有", "同样", "的", "问题"], ["联系", "一", "下", "卖家", "吧", ",", "先", "找回", "密码", ",", "更换", "帐号", "并", "绑定"], ["亲亲", "~", "非常抱歉", ",", "客服", "这边", "无法", "直接", "解", "绑", ",", "请", "您", "按照", "以下", "说明", "将", "相关", "信息", "发送", "至", ":", "sj", "kf", "@", "letv", ".", "com", "邮箱", ",", "工作", "人员", "收到", "相关", "信息", "后", "会", "尽快", "帮", "您", "操作", "的", "~", "邮件标题", ":", "解", "绑", "+", "姓名", "+", "电话", "1", "、", "手机", "IMEI", "号", "截图", "(", "拨号", "键盘", "输入", "*", "#06#", "可", "查询", "IMEI", "号", ")", ";", "2", "、", "退出", "账号", "时", "手机", "提示", "的", "解", "绑", "信息", "截图", "(", "同时", "按", "下", "“", "开关", "键", "”", "+", "“", "音量", "减号", "键", "”", "可", "截屏", ")", ";", "3", "、", "身份证", "(", "正反面", ")", ";", "4", "、", "手持", "身份证", "合照", "。", "若", "提交", "信息", "有", "缺失", "或", "不符合", "要求", ",", "服务", "人员", "会", "在", "1", "个", "工作日", "与", "您", "取得", "联系", ",", "请", "您", "关注", "邮箱", "及", "保持", "通信设备", "畅通", "~", "备注", ":", "服务", "人员", "收到", "正确", "的", "资料", "后", "1", "个", "工作日", "内", "协助", "办理", "账号", "与", "设备", "解", "绑", "业务", "~", "/", ":", ")", "-", "("]], "paragraphs": ["如果没开启usb调试,只能是双wipe清除数据 恢复出厂模式了。在关机状态下按住电源键+音量下键之后进入recovery模式,选择wipe date/factory reset清除数据并恢复出厂设置,和wipe cache partition清除缓存数据,都点击了确定之后,再选择reboot system now重启系统。", "原来注册的乐视帐号手机号码卡丢失了,密码又忘记了,怎么样解绑呢?", "初厂设置没用,这是乐视的远程锁,必需让乐视客服解锁才行", "我也是跟你同样的问题,你的问题解决了吗?,怎么解决的", "亲,你的问题解决了嘛,我和你有同样的问题", "联系一下卖家吧,先找回密码,更换帐号并绑定", "亲亲~非常抱歉,客服这边无法直接解绑,请您按照以下说明将相关信息发送至:sjkf@letv.com邮箱,工作人员收到相关信息后会尽快帮您操作的~ 邮件标题:解绑+姓名+电话 1、手机IMEI号截图(拨号键盘输入*#06#可查询IMEI号); 2、退出账号时手机提示的解绑信息截图(同时按下“开关键”+“音量减号键”可截屏); 3、身份证(正反面); 4、手持身份证合照。 若提交信息有缺失或不符合要求,服务人员会在1个工作日与您取得联系,请您关注邮箱及保持通信设备畅通~ 备注:服务人员收到正确的资料后1个工作日内协助办理账号与设备解绑业务~/:)-("], "bs_rank_pos": 2}, {"is_selected": false, "title": "乐视手机如何解绑原来的账号,在不知道密码的情况下。_百度知道", "most_related_para": 0, "segmented_title": ["乐视", "手机", "如何", "解", "绑", "原来", "的", "账号", ",", "在", "不知道", "密码", "的", "情况", "下", "。", "_", "百度", "知道"], "segmented_paragraphs": [["又", "是", "这个", "…", "…", "彻底", "关机", ",", "然后", "同时", "按住", "音量", "+", "键", "和", "电源", "键", "直到", "手机", "有", "反应", "然后", "手机", "进入", "recovery", "模式", ",", "清除", "数据"]], "paragraphs": ["又是这个…… 彻底关机,然后同时按住音量+键和电源键直到手机有反应 然后手机进入recovery模式,清除数据"], "bs_rank_pos": 3}], "answer_spans": [[0, 90]], "fake_answers": ["第1步:登陆乐视商城,在个人信息-手机设置中选择“更换我的手机”进行手机解绑验证,点击“立即验证”;第2步:点击“获取短信校验码“会提示输入“验证码”,输入验证码后确定即可;第3步:输入“校验码”后,点击“下一步”,之后输入新绑定的手机号,输入再次获取短信校验码,输入,点击下一步即可。"], "question": "乐视手机怎么解绑账号", "segmented_answers": [["第", "1", "步", ":", "登陆", "乐视", "商城", ",", "在", "个人", "信息", "-", "手机", "设置", "中", "选择", "“", "更换", "我", "的", "手机", "”", "进行", "手机", "解", "绑", "验证", ",", "点击", "“", "立即", "验证", "”", ";", "第", "2", "步", ":", "点击", "“", "获取", "短信", "校验码", "“", "会", "提示", "输入", "“", "验证码", "”", ",", "输入", "验证码", "后", "确定", "即可", ";", "第", "3", "步", ":", "输入", "“", "校验码", "”", "后", ",", "点击", "“", "下一步", "”", ",", "之后", "输入", "新", "绑定", "的", "手机号", ",", "输入", "再次", "获取", "短信", "校验码", ",", "输入", ",", "点击", "下一步", "即可", "。"]], "answers": ["第1步:登陆乐视商城,在个人信息-手机设置中选择“更换我的手机”进行手机解绑验证,点击“立即验证”;第2步:点击“获取短信校验码“会提示输入“验证码”,输入验证码后确定即可;第3步:输入“校验码”后,点击“下一步”,之后输入新绑定的手机号,输入再次获取短信校验码,输入,点击下一步即可。"], "answer_docs": [0], "segmented_question": ["乐视", "手机", "怎么", "解", "绑", "账号"], "question_type": "DESCRIPTION", "question_id": 181638, "fact_or_opinion": "FACT", "match_scores": [0.8571428571428571]}
-{"documents": [{"is_selected": false, "title": "青云志第三季什么时候播出 青云志第三部上映时间 青云志3播出时间", "most_related_para": 13, "segmented_title": ["青云", "志", "第", "三", "季", "什么时候", "播出", "青云", "志", "第", "三", "部", "上映时间", "青云", "志", "3", "播出时间"], "segmented_paragraphs": [["学习", "啦", ">", "励志", ">", "励志", "大全", ">", "励志", "电视剧", ">", "《", "青云", "志", "第", "三", "季", "什么时候", "播出", "青云", "志", "第", "三", "部", "上映时间", "青云", "志", "3", "播出时间", "》", "正文"], ["诛仙", "青云", "志", "第", "三", "部", "刚", "传", "出", "开播", "消息", ",", "就", "有", "很多", "人", "问", "诛仙", "青云", "志", "第", "三", "部", "什么时候", "上映", "?", "诛仙", "青云", "志", "第", "三", "部", "还是", "原班人马", "吗", "?", "以下", "是", "学习", "啦", "小", "编", "分享", "给", "大家", "的", "关于", "青云", "志", "第", "三", "季", "什么时候", "播出", ",", "一起来", "看看", "青云", "志", "第", "三", "部", "上映时间", "吧", "!"], ["内容提要", ":", "鬼厉", "重回", "中原", ",", "亲自", "去", "摧毁", "诛仙剑", "以", "复活", "碧瑶", ",", "在", "望月台", "重逢", "陆雪琪", "。", "雪琪", "劝", "鬼厉", "回归", "正道", ",", "鬼厉", "却", "对", "正邪", "之", "分", "提出", "质疑", "。", "鬼厉", "趁", "兽神", "进攻", "青云山", "打断", "诛仙剑", ",", "却", "被", "诛仙剑", "反噬", "重伤", ",", "后", "被", "天音", "阁", "所", "救", ",", "普", "智", "师傅", "点", "醒", "他", "初心", ",", "于", "无字", "玉璧", "取得", "第四卷", "天书", "。", "鬼厉", "进入", "十万大山", "斩杀", "兽神", ",", "和", "陆雪琪", "经历", "生死", "一战", ",", "忘情", "相拥", ",", "鬼厉", "意识到", "自己", "对", "碧瑶", "是", "恩", ",", "对", "雪琪", "才是", "爱", "。"], ["鬼厉", "打算", "重回", "青云门", "与", "雪琪", "相爱", "定亲", ",", "却", "发现", "道", "玄", "已", "被", "诛仙剑", "戾气", "反噬", "。", "陆雪琪", "为", "守护", "青云门", "剿灭", "道玄", "同时", "被迫", "杀死", "被", "控制", "的", "田不易", ",", "鬼厉", "无法", "接受", "而", "再次", "离开", "。", "鬼王", "野心", "爆发", ",", "导致", "狐岐山", "崩塌", ",", "碧瑶", "失踪", "。", "鬼厉", "十", "年", "宿愿", "落", "空", ",", "反而", "领悟", "真心真爱", ",", "重", "寻回", "雪琪", "。", "鬼王", "却", "将", "碧瑶", "复活", ",", "并", "注入", "可怕", "的", "修罗", "之", "力", "。", "鬼厉", "面对", "昔日", "爱人", "和", "天下", "苍生", ",", "终于明白", "正邪", "自在", "人心", ",", "在", "雪琪", "相助", "下", "重塑", "诛仙剑", "。"], ["并", "回归", "初心", "变", "回", "张小凡", "与", "雪琪", "一生", "相守", "。"], ["每个", "人", "都", "有", "心魔", ",", "每个", "人", "都", "有", "执念", "!", "可以", "为了", "一个人", "与", "整个世界", "为", "敌", ",", "可以", "为了", "一个人", "牺牲", "自己", "的", "生命", "!", "其实", "很喜欢", "秦无炎", "的", "那句话", "凭什么", "你说的", "岸", "就是", "岸", ",", "我", "说", "的", "岸", "便是", "海", ",", "看似", "强词夺理", ",", "却", "也", "不无", "道理", "!", "天地", "无心人", "有心", ",", "人心", "给予", "了", "善恶", "生存", "的", "空间", "~", "无论", "是", "小凡", "还是", "鬼厉", ",", "都是", "为了", "他们", "心中", "的", "执念", ",", "那", "一", "份", "信念", "给", "了", "他", "足以", "战胜", "兽", "神", "的", "力量", "。"], ["鬼厉", "等人", "成功", "阻止", "兽神复活", "碧瑶", "是否", "醒来", "成", "谜团"], ["鬼王", "指责", "鬼厉", "最终", "还是", "背叛", "了", "魔教", ",", "他", "清楚", "地", "知道", "鬼厉", "会", "拼劲", "最后", "一", "丝", "力气", ",", "阻止", "兽", "神", "复活", "。", "鬼厉", "表示", "鬼王", "当初", "答应", "自己", "要", "帮", "自己", "复活", "碧瑶", ",", "一样", "也是", "在", "骗自己", ",", "因为", "他", "只", "想", "复活", "兽神", "。", "鬼王", "辩解", "道", "自己", "复活", "兽神", "就是为了", "复活", "碧瑶", ",", "因为", "兽神", "一旦", "复活", ",", "会", "释放", "出", "巨大", "的", "能量", ",", "碧瑶", "也", "会", "因此", "获得", "新生", "。", "鬼厉", "一", "语言", "中", "要害", ",", "他", "指出", ",", "鬼王", "现在", "的", "行为", "正是", "碧瑶", "生", "前", "最", "不愿意", "看到", "的", "。", "终于", ",", "鬼厉", "和", "鬼王", "还是", "大打出手", ",", "鬼厉", "身受重伤", ",", "小白", "赶", "来", "帮助", "鬼厉", ",", "却", "被", "鬼王", "关", "在", "了", "结界", "中", "。"], ["李洵", "拼", "尽全力", "对抗", "上官策", ",", "上官策", "凭着", "残存", "的", "一", "丝", "意识", ",", "告诉", "李洵", ",", "自己", "已经", "魔性", "攻心", ",", "要", "李洵", "杀", "了", "自己", ",", "去", "阻止", "鬼王", "。", "李洵", "不愿", "动手", ",", "魔化", "的", "上官策", "要", "对", "李洵", "出招", ",", "李洵", "抵抗", "的", "时候", ",", "不", "下", "心", "了结", "了", "上官策", "的", "性", "命", ",", "李洵", "十分", "难过", ",", "但", "上官策", "却", "笑着", "对", "李洵说", "了", "声", "谢谢", ",", "随后", ",", "就", "羽化", "消失了", "。"], ["秦无炎", "因为", "获得", "了", "兽神", "给予", "的", "法力", "功力", "大", "增", ",", "书", "书", "苦苦", "抵抗", ",", "李洵", "赶", "来", "相助", ",", "他们", "两人", "一起", "对付", "了", "秦无炎", ",", "这", "对", "曾经", "彼此", "看不惯", "的", "表", "兄弟", "齐心协力", ",", "为", "外祖父", "报", "了", "仇", "。", "李洵", "要", "带", "着", "伤势", "惨重", "的", "燕虹", "回", "焚香谷", ",", "他", "对", "要", "去", "帮助", "雪琪", "的", "书", "书", "说", "了", "句", "小心", "。", "雪琪", "对抗", "幽姬", ",", "她", "本", "可", "置", "幽姬", "于", "死", "地", ",", "可", "她", "选择", "了", "收", "手", ",", "她告诉", "幽姬", ",", "在", "小池镇", ",", "碧瑶", "救", "过", "自己", "的", "命", ",", "碧瑶", "是", "一", "个", "十分", "善良的人", ",", "所以", "她", "一定", "不愿意", "看到", "复活", "兽神", ",", "伤", "及", "无辜", "这样", "的", "事", "。", "幽姬", "有", "所", "触动", ",", "离开", "了", "。"], ["林惊羽", "以", "一", "敌", "二", ",", "对付", "金瓶儿", "和", "青龙", ",", "关键时刻", ",", "金瓶儿", "倒戈", ",", "帮助", "了", "林惊羽", ",", "青龙", "受伤", "逃走", ",", "金瓶儿", "身受重伤", "倒", "在", "林惊羽", "的", "怀里", ",", "她", "笑着", "闭", "上", "了", "眼睛", ",", "丁玲", "及时赶到", ",", "给", "金瓶儿", "喂", "下", "了", "护", "心", "丹", ",", "奉", "三", "妙", "夫人", "之", "命", "带", "金瓶儿", "回去", ",", "寻求", "一线生机", "。"], ["冥灵峰", "的", "祭坛", ",", "小白", "看出", "了", "鬼王", "心里", "的", "一", "丝", "害怕", ",", "她", "直言", "小", "痴", "的", "死", "和", "碧瑶", "的", "死", ",", "其实", "都是", "硅烷", "造成", "的", ",", "而", "此时", ",", "身受重伤", "的", "鬼厉", "一步步", "艰难", "地", "向", "鬼王", "走", "去", ",", "在", "他", "要", "几乎", "要", "撑", "不住", "的", "时候", ",", "他", "感受到", "了", "碧瑶", "站", "在", "自己", "的", "面前", ",", "握", "着", "自己", "的", "手", ",", "告诉他", "自己", "会", "陪", "他", "一起", "走下去", ",", "鬼厉", "又", "充满", "了", "力量", ",", "一步步", "走向", "冥灵峰", "祭坛", "。"], ["兽神", "察觉", "到", "了", "鬼厉", "的", "到", "来", ",", "他", "知道", "鬼厉", "三番", "四", "次", "阻", "难", "自己", "复活", ",", "要", "鬼王", "杀了他", "。", "鬼王", "再次", "和", "鬼厉", "出手", "相向", ",", "此时", ",", "雪琪", "书", "书", "和", "林惊羽", "赶", "来", ",", "助", "鬼厉", "一臂之力", "。", "鬼王", "用", "玄火鉴", "的", "能量", "和", "鬼厉", "手", "中", "的", "噬血珠", "抵抗", ",", "鬼王", "看到", "了", "伤心花", "的", "法力", ",", "看到", "碧瑶", "的", "幻影", "对", "自己", "说", ",", "爹", ",", "你", "停", "手", "吧", ",", "一", "时", "恍惚", "失", "手", "丢了", "玄火鉴", ",", "小白", "拿到", "玄火鉴", "交给", "鬼厉", ",", "让", "他", "赶快", "进入", "血", "阵", "。", "鬼厉", "拿着", "玄火鉴", "进入", "血政", ",", "看到", "鬼", "先生", "正在", "对", "萧逸才", "施法", ",", "拼", "尽全力", "阻止", "了", "两人", ",", "鬼", "先生", "和", "萧逸才", "都", "被", "鬼厉", "带", "出", "了", "血", "阵", "。", "小白", "在", "一", "旁", "知道", ",", "要", "鬼厉", "快", "收集", "天地", "灵气", "。"], ["鬼王", "带", "着", "鬼", "先生", "离开", ",", "林惊羽", "陆雪琪", "带", "着", "萧逸才", "离开", ",", "突", "见", "远处", "一", "道", "又", "一", "道", "黑光", ",", "他们", "好奇", "鬼厉", "现在", "身", "在何处", "。", "此时", "的", "鬼厉", ",", "在", "镇", "魔", "古洞", ",", "他", "释放", "了", "刚刚", "收集", "的", "天地", "灵气", ",", "加上", "伤心花", "的", "力量", ",", "希望", "可以", "复活", "碧瑶", "。", "可是", "碧瑶", "没有", "醒", ",", "鬼厉", "绝望", "地", "闭", "上", "了", "双眼", ",", "可", "就", "在", "此时", ",", "碧瑶", "的", "眼里", "滴下", "一滴泪", ",", "落", "在", "了", "伤心花", "上", ",", "小凡", "诧", "异地", "睁", "大", "了", "眼睛", ".", ".", ".", ".", "(", "完结", ")"], ["青云", "志", "第", "三", "季", "什么时候", "播出", "相关文章", ":"], ["上", "一篇", ":", "春风", "十", "里", "不如", "你", "主题曲", "/", "插曲", "/", "bgm", "/", "片尾曲", "所有", "歌曲", "mv", "歌词", "mp3", "下载", "下一篇", ":", "青云", "志", "第", "三", "季", "结局", "是", "什么", "诛仙", "青云", "志", "3", "张小凡", "碧瑶", "最后", "的", "结局", "是", "什么"], ["【", "励志", "电视剧", "】", "精华", "文章"], ["【", "励志", "电视剧", "】", "相关文章"]], "paragraphs": ["学习啦>励志>励志大全>励志电视剧>《青云志第三季什么时候播出 青云志第三部上映时间 青云志3播出时间》正文", "诛仙青云志第三部刚传出开播消息,就有很多人问诛仙青云志第三部什么时候上映?诛仙青云志第三部还是原班人马吗?以下是学习啦小编分享给大家的关于青云志第三季什么时候播出,一起来看看青云志第三部上映时间吧!", "内容提要: 鬼厉重回中原,亲自去摧毁诛仙剑以复活碧瑶,在望月台重逢陆雪琪。雪琪劝鬼厉回归正道,鬼厉却对正邪之分提出质疑。鬼厉趁兽神进攻青云山打断诛仙剑,却被诛仙剑反噬重伤,后被天音阁所救,普智师傅点醒他初心,于无字玉璧取得第四卷天书。鬼厉进入十万大山斩杀兽神,和陆雪琪经历生死一战,忘情相拥,鬼厉意识到自己对碧瑶是恩,对雪琪才是爱。", "鬼厉打算重回青云门与雪琪相爱定亲,却发现道玄已被诛仙剑戾气反噬。陆雪琪为守护青云门剿灭道玄同时被迫杀死被控制的田不易,鬼厉无法接受而再次离开。鬼王野心爆发,导致狐岐山崩塌,碧瑶失踪。鬼厉十年宿愿落空,反而领悟真心真爱,重寻回雪琪。鬼王却将碧瑶复活,并注入可怕的修罗之力。鬼厉面对昔日爱人和天下苍生,终于明白正邪自在人心,在雪琪相助下重塑诛仙剑。", "并回归初心变回张小凡与雪琪一生相守。", "每个人都有心魔,每个人都有执念!可以为了一个人与整个世界为敌,可以为了一个人牺牲自己的生命!其实很喜欢秦无炎的那句话 凭什么你说的岸就是岸,我说的岸便是海,看似强词夺理,却也不无道理!天地无心人有心,人心给予了善恶生存的空间~无论是小凡还是鬼厉,都是为了他们心中的执念,那一份信念给了他足以战胜兽神的力量。", "鬼厉等人成功阻止兽神复活 碧瑶是否醒来成谜团", "鬼王指责鬼厉最终还是背叛了魔教,他清楚地知道鬼厉会拼劲最后一丝力气,阻止兽神复活。鬼厉表示鬼王当初答应自己要帮自己复活碧瑶,一样也是在骗自己,因为他只想复活兽神。鬼王辩解道自己复活兽神就是为了复活碧瑶,因为兽神一旦复活,会释放出巨大的能量,碧瑶也会因此获得新生。鬼厉一语言中要害,他指出,鬼王现在的行为正是碧瑶生前最不愿意看到的。终于,鬼厉和鬼王还是大打出手,鬼厉身受重伤,小白赶来帮助鬼厉,却被鬼王关在了结界中。", "李洵拼尽全力对抗上官策,上官策凭着残存的一丝意识,告诉李洵,自己已经魔性攻心,要李洵杀了自己,去阻止鬼王。李洵不愿动手,魔化的上官策要对李洵出招,李洵抵抗的时候,不下心了结了上官策的性命,李洵十分难过,但上官策却笑着对李洵说了声谢谢,随后,就羽化消失了。", "秦无炎因为获得了兽神给予的法力功力大增,书书苦苦抵抗,李洵赶来相助,他们两人一起对付了秦无炎,这对曾经彼此看不惯的表兄弟齐心协力,为外祖父报了仇。李洵要带着伤势惨重的燕虹回焚香谷,他对要去帮助雪琪的书书说了句小心。雪琪对抗幽姬,她本可置幽姬于死地,可她选择了收手,她告诉幽姬,在小池镇,碧瑶救过自己的命,碧瑶是一个十分善良的人,所以她一定不愿意看到复活兽神,伤及无辜这样的事。幽姬有所触动,离开了。", "林惊羽以一敌二,对付金瓶儿和青龙,关键时刻,金瓶儿倒戈,帮助了林惊羽,青龙受伤逃走,金瓶儿身受重伤倒在林惊羽的怀里,她笑着闭上了眼睛,丁玲及时赶到,给金瓶儿喂下了护心丹,奉三妙夫人之命带金瓶儿回去,寻求一线生机。", "冥灵峰的祭坛,小白看出了鬼王心里的一丝害怕,她直言小痴的死和碧瑶的死,其实都是硅烷造成的,而此时,身受重伤的鬼厉一步步艰难地向鬼王走去,在他要几乎要撑不住的时候,他感受到了碧瑶站在自己的面前,握着自己的手,告诉他自己会陪他一起走下去,鬼厉又充满了力量,一步步走向冥灵峰祭坛。", "兽神察觉到了鬼厉的到来,他知道鬼厉三番四次阻难自己复活,要鬼王杀了他。鬼王再次和鬼厉出手相向,此时,雪琪书书和林惊羽赶来,助鬼厉一臂之力。鬼王用玄火鉴的能量和鬼厉手中的噬血珠抵抗,鬼王看到了伤心花的法力,看到碧瑶的幻影对自己说,爹,你停手吧,一时恍惚失手丢了玄火鉴,小白拿到玄火鉴交给鬼厉,让他赶快进入血阵。鬼厉拿着玄火鉴进入血政,看到鬼先生正在对萧逸才施法,拼尽全力阻止了两人,鬼先生和萧逸才都被鬼厉带出了血阵。小白在一旁知道,要鬼厉快收集天地灵气。", "鬼王带着鬼先生离开,林惊羽陆雪琪带着萧逸才离开,突见远处一道又一道黑光,他们好奇鬼厉现在身在何处。此时的鬼厉,在镇魔古洞,他释放了刚刚收集的天地灵气,加上伤心花的力量,希望可以复活碧瑶。可是碧瑶没有醒,鬼厉绝望地闭上了双眼,可就在此时,碧瑶的眼里滴下一滴泪,落在了伤心花上,小凡诧异地睁大了眼睛....(完结)", "青云志第三季什么时候播出相关文章:", "上一篇:春风十里不如你主题曲/插曲/bgm/片尾曲所有歌曲mv歌词mp3下载  下一篇:青云志第三季结局是什么 诛仙青云志3张小凡碧瑶最后的结局是什么", "【励志电视剧】精华文章", "【励志电视剧】相关文章"], "bs_rank_pos": 0}, {"is_selected": false, "title": "青云志3将开拍 青云志第三季什么时候上映?播出时间2018年_银行信息", "most_related_para": 2, "segmented_title": ["青云", "志", "3", "将", "开拍", "青云", "志", "第", "三", "季", "什么时候", "上映", "?", "播出时间", "2018", "年", "_", "银行", "信息"], "segmented_paragraphs": [["银行", "信息港", "财经", "6", "月", "9", "日", "讯", ":", "由", "赵丽颖", "、", "李易峰", "、", "杨紫", "主演", "的", "《", "青云", "志", "》", "已经", "收官", "了", ",", "不管", "是", "第", "一", "部", "还是", "第二部", "都", "牵动", "众多", "观众", "的", "心", ",", "如今", "第", "三", "部", "已经", "正式启动", "了", "。", "那", "青云", "志", "3", "还是", "原班人马", "吗", "?", "剧情", "是", "怎样", "的", "?", "什么时候", "播", "?"], ["《", "青云", "志", "》", "是", "李易峰", "、", "赵丽颖", "、", "杨紫", "、", "成毅", "、", "秦俊杰", "、", "茅子俊", "等", "主演", ",", "讲述", "了", "草庙村", "少年", "张小凡", "投身", "青云门", "下", ",", "与", "鬼王", "之", "女", "碧瑶", "、", "好友", "林惊羽", ",", "以及", "陆雪琪", "、", "曾书书", "等", "少年", "们", "一", "道", ",", "帮助", "良善", ",", "斩妖", "除", "恶", ",", "最终", "挫败", "鬼王", "阴谋", "的", "故事", "。"], ["该剧", "第", "一", "部", "于", "2016", "年", "7", "月", "31", "日", "播出", ",", "第二部", "也", "早", "已经", "在", "腾讯", "视频", "上线", "了", ",", "那", "有", "第", "三", "部", "吗", "?", "近日", ",", "关于", "青云", "志", "第", "三", "部", "的", "消息", "来", "了", ",", "预计今年", "都是", "开拍", ",", "总", "的", "有", "80", "集", ",", "应该", "明年", "就", "可以", "里", "看到", "了", "。"], ["《", "青云", "志", "3", "》", "讲", "的", "是", "鬼厉", "重回", "中原", ",", "亲自", "去", "摧毁", "诛仙剑", "以", "复活", "碧瑶", ",", "在", "望月台", "重逢", "陆雪琪", "。", "雪琪", "劝", "鬼厉", "回归", "正道", ",", "鬼厉", "却", "对", "正邪", "之", "分", "提出", "质疑", "。", "鬼厉", "趁", "兽神", "进攻", "青云山", "打断", "诛仙剑", ",", "却", "被", "诛仙剑", "反噬", "重伤", ",", "后", "被", "天音", "阁", "所", "救", ",", "普", "智", "师傅", "点", "醒", "他", "初心", ",", "于", "无字", "玉璧", "取得", "第四卷", "天书", "。", "鬼厉", "进入", "十万大山", "斩杀", "兽神", ",", "和", "陆雪琪", "经历", "生死", "一战", ",", "忘情", "相拥", ",", "鬼厉", "意识到", "自己", "对", "碧瑶", "是", "恩", ",", "对", "雪琪", "才是", "爱", "。", "鬼厉", "打算", "重回", "青云门", "与", "雪琪", "相爱", "定亲", ",", "却", "发现", "道", "玄", "已", "被", "诛仙剑", "戾气", "反噬", "。"], ["陆雪琪", "为", "守护", "青云门", "剿灭", "道玄", "同时", "被迫", "杀死", "被", "控制", "的", "田不易", ",", "鬼厉", "无法", "接受", "而", "再次", "离开", "。", "鬼王", "野心", "爆发", ",", "导致", "狐岐山", "崩塌", ",", "碧瑶", "失踪", "。", "鬼厉", "十", "年", "宿愿", "落", "空", ",", "反而", "领悟", "真心真爱", ",", "重", "寻回", "雪琪", "。", "鬼王", "却", "将", "碧瑶", "复活", ",", "并", "注入", "可怕", "的", "修罗", "之", "力", "。", "鬼厉", "面对", "昔日", "爱人", "和", "天下", "苍生", ",", "终于明白", "正邪", "自在", "人心", ",", "在", "雪琪", "相助", "下", "重塑", "诛仙剑", "。", "并", "回归", "初心", "变", "回", "张小凡", "与", "雪琪", "一生", "相守", "。"], ["上", "一篇", ":", "欧阳", "娜娜", "回应", "退学", ":", "做", "喜欢", "又", "有", "薪水", "拿", "的", "工作", "有", "错", "吗", "?", "下一篇", ":", "关爱", "八卦", "成长", "协会", "等", "多", "家", "微信", "公众", "号", "被", "封号", "事件", "详情", "网址", ":", "www", ".", "yinhang", "123", ".", "net", "/", "zixun", "/", "yule", "news", "/", "2017", "/", "0609", "/", "989232", ".", "html", "首发", ":", "青云", "志", "3", "将", "开拍", "青云", "志", "第", "三", "季", "什么时候", "上映", "?", "播出时间", "2018", "年"], ["相关文章", "推荐"]], "paragraphs": ["银行信息港财经6月9日讯:由赵丽颖、李易峰、杨紫主演的《青云志》已经收官了,不管是第一部还是第二部都牵动众多观众的心,如今第三部已经正式启动了。那青云志3还是原班人马吗?剧情是怎样的?什么时候播?", "《青云志》是李易峰、赵丽颖、杨紫、成毅、秦俊杰、茅子俊等主演,讲述了草庙村少年张小凡投身青云门下,与鬼王之女碧瑶、好友林惊羽,以及陆雪琪、曾书书等少年们一道,帮助良善,斩妖除恶,最终挫败鬼王阴谋的故事。", "该剧第一部于2016年7月31日播出,第二部也早已经在腾讯视频上线了,那有第三部吗?近日,关于青云志第三部的消息来了,预计今年都是开拍,总的有80集,应该明年就可以里看到了。", "《青云志3》讲的是鬼厉重回中原,亲自去摧毁诛仙剑以复活碧瑶,在望月台重逢陆雪琪。雪琪劝鬼厉回归正道,鬼厉却对正邪之分提出质疑。鬼厉趁兽神进攻青云山打断诛仙剑,却被诛仙剑反噬重伤,后被天音阁所救,普智师傅点醒他初心,于无字玉璧取得第四卷天书。鬼厉进入十万大山斩杀兽神,和陆雪琪经历生死一战,忘情相拥,鬼厉意识到自己对碧瑶是恩,对雪琪才是爱。鬼厉打算重回青云门与雪琪相爱定亲,却发现道玄已被诛仙剑戾气反噬。", "陆雪琪为守护青云门剿灭道玄同时被迫杀死被控制的田不易,鬼厉无法接受而再次离开。鬼王野心爆发,导致狐岐山崩塌,碧瑶失踪。鬼厉十年宿愿落空,反而领悟真心真爱,重寻回雪琪。鬼王却将碧瑶复活,并注入可怕的修罗之力。鬼厉面对昔日爱人和天下苍生,终于明白正邪自在人心,在雪琪相助下重塑诛仙剑。并回归初心变回张小凡与雪琪一生相守。", "上一篇:欧阳娜娜回应退学:做喜欢又有薪水拿的工作有错吗? 下一篇:关爱八卦成长协会等多家微信公众号被封号事件详情  网址:www.yinhang123.net /zixun/yulenews/2017/0609/989232.html 首发:青云志3将开拍 青云志第三季什么时候上映?播出时间2018年", "相关文章推荐"], "bs_rank_pos": 1}, {"is_selected": true, "title": "青云志第三季还有吗_青云志第三季什么时候播出_青云志3更新时间 - ", "most_related_para": 2, "segmented_title": ["青云", "志", "第", "三", "季", "还有", "吗", "_", "青云", "志", "第", "三", "季", "什么时候", "播出", "_", "青云", "志", "3", "更新时间", "-"], "segmented_paragraphs": [["《", "青云", "志", "》", "8", "月", "8", "日", "开播", "在即", ",", "昨天", "(", "7", "月", "14", "日", ")", ",", "该剧", "在京举行", "了", "媒体", "超前", "点映", "会", ",", "带", "大家", "提前", "领略", "了", "来自", "“", "青云门", "”", "的", "风采", "。", "在", "观", "剧", "过程", "中", ",", "可以看到", "该剧", "在", "剧情", "台词", "上", "对", "《", "诛仙", "》", "原著", "的", "还原", "度", "极", "高", ",", "李易峰", "、", "赵丽颖", "、", "杨紫", "以及", "TFBOYS", "的", "表现", "也", "令人", "十分", "惊喜", ",", "再加上", "精致", "的", "场景", "特效", ",", "一", "部", "高品质", "仙侠", "爆款", "剧", "呼之欲出", ",", "各位", "小伙伴", "可以", "放心", "啦", "!"], ["电视剧", "诛仙", "《", "青云", "志", "》", "第", "三", "季", "还有", "吗", "什么时候", "播出"], ["电视剧", "诛仙", "《", "青云", "志", "》", "第", "三", "季", "还是", "会", "有", "的", ",", "黄杰", "透露", ",", "腾讯", "视频", "已经", "和", "欢瑞", "世纪", "制定", "了", "长", "线", "IP", "开发", "的", "计划", ",", "即将", "联合", "打造", "第", "三", "季", ",", "具体", "的", "播出", "更新时间", "未", "定", ",", "让", "我们", "一起来", "期待", "吧", "。"], ["《", "青云", "志", "》", "第", "二", "季", "无缝", "登陆", "会员", "福利", "享", "不停"], ["看", "完", "片子", "就要", "放", "大招", "了", "!", "腾讯", "视频", "电视剧", "内容", "运营", "中心", "总监", "黄杰", "透露", ",", "为了", "陪伴", "大家", "度过", "完美", "暑假", ",", "腾讯", "视频", "专门", "打造", "了", "“", "暑期", "奇幻", "季", "”", "的", "概念", ",", "以", "迎接", "暑期", "“", "大战", "”", ",", "其中", "《", "九州", "天空", "城", "》", "、", "《", "青云", "志", "》", "、", "《", "幻城", "》", "、", "《", "权力", "的", "游戏", "6", "》", "等", "大", "剧", "将", "率先", "发力", "。", "“", "《", "青云", "志", "》", "虽然", "还没有", "正式", "播出", ",", "但", "它", "的", "相关", "专辑", "点击", "已经", "破", "亿", "了", ",", "可见", "观众", "们", "非常", "热情", "。", "”"], ["黄杰", "表示", ",", "《", "青云", "志", "》", "第一季", "定", "档", "8", "月", "8", "日", "登陆", "湖南卫视", ",", "腾讯", "视频", "也", "将", "同步", "全", "网", "首播", ",", "“", "第一季", "播出", "完毕", "之后", ",", "频", "会", "立即", "独立", "播出", "第", "二", "季", "的", "17", "集", ",", "是", "原班人马", ",", "剧情", "也", "会", "有", "延续", "性", "。", "”", "此外", ",", "黄杰", "还", "透露", ",", "腾讯", "视频", "已经", "和", "欢瑞", "世纪", "制定", "了", "长", "线", "IP", "开发", "的", "计划", ",", "即将", "联合", "打造", "第", "三", "季", ",", "“", "因为", "原著", "《", "诛仙", "》", "本身", "的", "体量", ",", "是", "能够", "支撑", "长篇", "的", "。", "”"], ["而且", ",", "腾讯", "视频", "线", "还会", "上线", "会员", "尊享", "的", "独家", "纪录片", "、", "独家", "特别", "篇", "、", "独家", "番外", "和", "独家", "衍生", "栏目", "等", ",", "VIP", "会员", "真正", "精彩", "享", "不停", "!", "更多精彩", "尽情", "期待", "8", "月", "8", "日", "腾讯", "视频", "《", "青云", "志", "》", ",", "不见不散", "!"], ["来", "说", "两句", "吧", ".", ".", "."], ["凡人修仙传", "会", "拍", "成", "电视剧", "吗", "《", "凡人修仙传", "》", "会", "出", "电视剧", "吗", "?", "都", "有", "哪些", "明星", "出演", "?", "凡人修仙传", "剧情", "介绍", ",", "《", "凡人修仙", ".", ".", ".", ".", ".", "."], ["电视剧", "十宗罪", "第一季", "一共", "多少", "集", "电视剧", "十宗罪", "第一季", "一共", "多少", "集", "?", "第一季", "每天", "更新", "几", "集", "?", "播放", "平台", "是", "什么", "?", "《", "十宗罪", "》", ".", ".", ".", ".", ".", "."], ["超", "少年", "密码", "插曲", "超", "少年", "密码", "正在热播", "中", ",", "三小只", "热情", "的", "演绎", "着", "青春", "激昂", "的", "机器人", "故事", ",", "伴随", "着", "未来", "的", "进", ".", ".", ".", ".", ".", "."], ["诛仙", "青云", "志", "第", "三", "季", "一共", "多少", "集", "看", "完", "片子", "就要", "放", "大招", "了", "!", "腾讯", "视频", "电视剧", "内容", "运营", "中心", "总监", "黄杰", "透露", ",", "为了", "陪伴", "大家", "度", ".", ".", ".", ".", ".", "."], ["诛仙", "青云", "志", "第", "二", "季", "一共", "多少", "集", "看", "完", "片子", "就要", "放", "大招", "了", "!", "腾讯", "视频", "电视剧", "内容", "运营", "中心", "总监", "黄杰", "透露", ",", "为了", "陪伴", "大家", "度", ".", ".", ".", ".", ".", "."], ["诛仙", "青云", "志", "第", "二", "季", "什么时候", "播出", "《", "青云", "志", "》", "8", "月", "8", "日", "开播", "在即", ",", "昨天", "(", "7", "月", "14", "日", ")", ",", "该剧", "在京举行", "了", "媒体", "超前", "点映", "会", ".", ".", ".", ".", ".", "."], ["林心如", "怀孕", "当年", "的", "紫薇格格", "林心如", "如今", "有", "喜", "啦", ",", "小", "编", "没", "图", "会", "乱", "讲", "吗", "?", "然后", "我们", "一起来", "看一下", "吧", "。", ".", ".", ".", ".", ".", "."], ["大鱼", "海棠", "片尾曲", "此", "前", ",", "由", "吉田潔", "作曲", ",", "梁", "旋", "作词", ",", "徐佳莹", "演唱", "的", "电影", "片尾曲", "《", "湫", "兮", "如风", "》", "单曲", "版", "一经发", ".", ".", ".", ".", ".", "."]], "paragraphs": ["《青云志》8月8日开播在即,昨天(7月14日),该剧在京举行了媒体超前点映会,带大家提前领略了来自“青云门”的风采。在观剧过程中,可以看到该剧在剧情台词上对《诛仙》原著的还原度极高,李易峰、赵丽颖、杨紫以及TFBOYS的表现也令人十分惊喜,再加上精致的场景特效,一部高品质仙侠爆款剧呼之欲出,各位小伙伴可以放心啦!", "电视剧诛仙《青云志》第三季还有吗 什么时候播出", "电视剧诛仙《青云志》第三季还是会有的,黄杰透露,腾讯视频已经和欢瑞世纪制定了长线IP开发的计划,即将联合打造第三季,具体的播出更新时间未定,让我们一起来期待吧。", "《青云志》第二季无缝登陆 会员福利享不停", "看完片子就要放大招了!腾讯视频电视剧内容运营中心总监黄杰透露,为了陪伴大家度过完美暑假,腾讯视频专门打造了“暑期奇幻季”的概念,以迎接暑期“大战”,其中《九州天空城》、《青云志》、《幻城》、《权力的游戏6》等大剧将率先发力。“《青云志》虽然还没有正式播出,但它的相关专辑点击已经破亿了,可见观众们非常热情。”", "黄杰表示,《青云志》第一季定档8月8日登陆湖南卫视,腾讯视频也将同步全网首播,“第一季播出完毕之后,频会立即独立播出第二季的17集,是原班人马,剧情也会有延续性。”此外,黄杰还透露,腾讯视频已经和欢瑞世纪制定了长线IP开发的计划,即将联合打造第三季,“因为原著《诛仙》本身的体量,是能够支撑长篇的。”", "而且,腾讯视频线还会上线会员尊享的独家纪录片、独家特别篇、独家番外和独家衍生栏目等,VIP会员真正精彩享不停!更多精彩尽情期待8月8日腾讯视频《青云志》,不见不散!", "来说两句吧...", "凡人修仙传会拍成电视剧吗 《凡人修仙传》会出电视剧吗?都有哪些明星出演?凡人修仙传剧情介绍,《凡人修仙......", "电视剧十宗罪第一季一共多少集 电视剧十宗罪第一季一共多少集?第一季每天更新几集?播放平台是什么?《十宗罪》......", "超少年密码插曲 超少年密码正在热播中,三小只热情的演绎着青春激昂的机器人故事,伴随着未来的进......", "诛仙青云志第三季一共多少集 看完片子就要放大招了!腾讯视频电视剧内容运营中心总监黄杰透露,为了陪伴大家度......", "诛仙青云志第二季一共多少集 看完片子就要放大招了!腾讯视频电视剧内容运营中心总监黄杰透露,为了陪伴大家度......", "诛仙青云志第二季什么时候播出 《青云志》8月8日开播在即,昨天(7月14日),该剧在京举行了媒体超前点映会......", "林心如怀孕 当年的紫薇格格林心如如今有喜啦,小编没图会乱讲吗?然后我们一起来看一下吧。 ......", "大鱼海棠片尾曲 此前,由吉田潔作曲,梁旋作词,徐佳莹演唱的电影片尾曲《湫兮如风》单曲版一经发......"], "bs_rank_pos": 2}, {"is_selected": false, "title": "诛仙青云志2016年几月几日播出?_百度知道", "most_related_para": 0, "segmented_title": ["诛仙", "青云", "志", "2016", "年", "几", "月", "几", "日", "播出", "?", "_", "百度", "知道"], "segmented_paragraphs": [["暂定", "湖南卫视", "钻石", "独播剧场", "暑期档", "。", "《", "青云", "志", "》", "改编", "自", "萧鼎", "小说", "《", "诛仙", "》", ",", "是", "由", "欢瑞", "世纪", "影视", "传媒", "股份有限公司", "出品", ",", "李易峰", "、", "赵丽颖", "、", "杨紫", "、", "秦俊杰", "、", "成毅", "、", "唐艺昕", "、", "TFBOYS", "、", "傅程鹏", "、", "王婉娟", "、", "熊乃瑾", "等", "主演", "的", "古装", "仙侠", "剧", "。"]], "paragraphs": ["暂定湖南卫视钻石独播剧场暑期档。 《青云志》改编自萧鼎小说《诛仙》,是由欢瑞世纪影视传媒股份有限公司出品,李易峰、赵丽颖 、杨紫、秦俊杰、成毅、唐艺昕、TFBOYS、傅程鹏、王婉娟、熊乃瑾等主演的古装仙侠剧。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "青云志3有几集什么时候上映 第三季主演剧情介绍_红色军事网", "most_related_para": 3, "segmented_title": ["青云", "志", "3", "有", "几", "集", "什么时候", "上映", "第", "三", "季", "主演", "剧情", "介绍", "_", "红色", "军事", "网"], "segmented_paragraphs": [["您", "现在", "的", "位置", ":", "首页", ">", "社会", ">", "热点", "正文"], ["《", "诛仙", "青云", "志", "》", "第", "二", "季", "结束", "不", "少", "网友", "就", "开始", "期待", "第", "三", "季", "的", "播出", ",", "据", "目前", "的", "了解", ",", "《", "青云", "志", "》", "播出时间", "还", "未", "确定", "。"], ["12", "日", "晚", ",", "在", "腾讯", "视频", "上", "热播", "的", "《", "诛仙", "青云", "志", "》", "第", "二", "季", "迎来", "收官", ",", "但是", "结局", "出乎", "人们", "的", "意料", "。", "碧瑶", "只是", "流泪", "没有", "睁眼", ",", "开放式", "的", "结局", "意味着", "有", "第", "三", "季", ",", "那么", "第", "三", "季", "是", "原班人马", "吗", "?"], ["据悉", ",", "青云", "志", "2", "碧瑶", "是", "复活", "了", "的", ",", "从", "伤心", "花开", ",", "合欢铃", "响", "。", "另外", ",", "网", "传", "青云", "志", "2", "原本", "还", "拍", "了", "碧瑶", "鬼厉", "结婚", "的", "戏", "份", ",", "但是", "后面", "被", "删掉", "了", "。", "有", "网友", "曝", "出", "了", "碧瑶", "与", "鬼厉", "的", "大", "婚", "图", ",", "称", "碧瑶", "死而复生", ",", "两人", "终成眷属", ",", "不过", "这个", "桥段", "的", "戏", "份", "被", "删掉", "了", "没有", "播出", "。"], ["大", "结局", "剧情", "中", "鬼厉", "与", "青云门", "众人", "齐聚", "十万大山", ",", "并肩作战", "历尽艰险", ",", "最终", "阻止", "了", "兽神", "复活", ",", "正", "魔", "两", "道", "归", "于", "平静", "。", "鬼厉", "来到", "镇", "魔", "古洞", ",", "封印", "和", "嗜血珠", "释放", "灵气", ",", "灵气", "逐渐", "凝聚", "到", "碧瑶", "身上", ",", "碧瑶", "终于", "站", "了", "起来", "。", "鬼厉", "满怀", "欣喜", ",", "想", "触摸", "碧瑶", "的", "面", "庞", ",", "却", "发现", "碧瑶", "毫无", "动静", "。", "正当", "他", "失望", "之", "际", ",", "碧瑶", "眼角", "留下", "一滴眼泪", ",", "落", "在", "伤心花", "花瓣", "上", "。", "此时", ",", "碧瑶", "腰间", "的", "金玲", "发出声响", "。"], ["《", "青云", "志", "》", "编剧", "姜磊", "表示", ",", "第", "三", "季", "的", "剧本", "已经", "差不多", "了", ",", "应该", "是", "2017", "年", "上半年", "开拍", ",", "演员", "方面", ",", "不一定", "全部", "用", "原来", "这些", "演员", ",", "但", "会", "尽量", "满足", "大家", "的", "愿望", "。"], ["本", "文", "相关新闻", "推荐", ":"], ["其他", "网友", "正在", "看"], ["日本", "放宽", "签证", "条件", "新政策", "中国人", "赴", "日", "越来越"], ["上海", "林", "家", "宅", "37", "号", "灵异事件", "结果", "无脑", "人", "叶先国"]], "paragraphs": ["您现在的位置: 首页 > 社会 > 热点正文", "《诛仙青云志》第二季结束不少网友就开始期待第三季的播出,据目前的了解,《青云志》播出时间还未确定。", "12日晚,在腾讯视频上热播的《诛仙青云志》第二季迎来收官,但是结局出乎人们的意料。碧瑶只是流泪没有睁眼,开放式的结局意味着有第三季,那么第三季是原班人马吗?", "据悉,青云志2碧瑶是复活了的,从伤心花开,合欢铃响。另外,网传青云志2原本还拍了碧瑶鬼厉结婚的戏份,但是后面被删掉了。有网友曝出了碧瑶与鬼厉的大婚图,称碧瑶死而复生,两人终成眷属,不过这个桥段的戏份被删掉了没有播出。", "大结局剧情中鬼厉与青云门众人齐聚十万大山,并肩作战历尽艰险,最终阻止了兽神复活,正魔两道归于平静。鬼厉来到镇魔古洞,封印和嗜血珠释放灵气,灵气逐渐凝聚到碧瑶身上,碧瑶终于站了起来。鬼厉满怀欣喜,想触摸碧瑶的面庞,却发现碧瑶毫无动静。正当他失望之际,碧瑶眼角留下一滴眼泪,落在伤心花花瓣上。此时,碧瑶腰间的金玲发出声响。", "《青云志》编剧姜磊表示,第三季的剧本已经差不多了,应该是2017年上半年开拍,演员方面,不一定全部用原来这些演员,但会尽量满足大家的愿望。", "本文相关新闻推荐:", "其他网友正在看", "日本放宽签证条件新政策 中国人赴日越来越", "上海林家宅37号灵异事件结果 无脑人叶先国"], "bs_rank_pos": 4}], "answer_spans": [[39, 41]], "answer_docs": [2], "fake_answers": ["具体的播出"], "question": "青云志3几月几日播出", "segmented_answers": [["具体", "的", "播出", "更新时间未定", "。"]], "answers": ["具体的播出更新时间未定。"], "entity_answers": [[]], "segmented_question": ["青云", "志", "3", "几", "月", "几", "日", "播出"], "question_type": "ENTITY", "match_scores": [0.7499999999999999], "fact_or_opinion": "FACT", "question_id": 181639}
-{"documents": [{"is_selected": true, "title": "猫咪一直流口水是什么原因?_百度知道", "most_related_para": 0, "segmented_title": ["猫咪", "一直", "流口水", "是什么", "原因", "?", "_", "百度", "知道"], "segmented_paragraphs": [["好", "几", "种", "病", "都", "有", "流口水", "的", "症状", ":", "1", ":", "猫", "的", "传染性", "水疱", "性", "口炎", "猫", "的", "传染性", "水疱", "性", "口炎", "是", "由", "水疱", "性", "口炎", "病毒", "引发", "疾病", "的", "。", "以", "出现", "水疱", "为", "主要", "病", "征", ",", "它", "是", "一", "种", "高度", "接触性", "传染病", ",", "在", "猫", "群", "中", "如", "有", "一只", "猫", "发病", ",", "很快", "就", "传染", "到", "其它", "健康", "猫", "。", "该病", "虽", "传播", "迅速", ",", "但", "病情", "多", "取", "良性", "经过", ",", "除非", "病", "猫", "体质", "太", "弱", ",", "一般", "不", "混合", "感染", "其它", "病", ",", "很少", "发生", "死亡", "。", "本", "病", "多发生在", "夏季", ",", "病", "猫", "通过", "唾液", "或", "水疱", "液", "散播", "病毒", ",", "昆虫", "也是", "传播", "媒介", "。", "感染", "方式", "是", "经", "损伤", "的", "皮肤", "、", "粘膜", "而", "感染", "的", "。", "要", "想", "识别", "这种病", ",", "首先", "要", "了解", "该", "病", "的", "症状", "表现", "和", "发病", "特点", "。", "刚才", "说过", ",", "这种病", "的", "发病", "季节", "多", "在夏天", ",", "这一点", "很重要", ",", "症状", "表现", "为", ":", "病", "猫", "感染", "此", "病毒", "后", ",", "开头", "表现", "精神", "沉郁", ",", "失去", "活泼", "好动", "的", "神态", "。", "鼻", "镜", "变", "干", ",", "有", "发热", "表现", ",", "继而", "在舌", "、", "唇", "粘膜", "面", "上", "出现", "水疱", ",", "破裂", "后", "形成", "边缘", "不", "整", "的", "鲜", "红色", "烂", "斑", "。", "病", "猫", "经常", "流口水", ",", "口水", "很", "臭", ",", "有时", "在", "乳"], ["有", "病", "了", "要", "买", "药", "给", "他", "吃"]], "paragraphs": ["好几种病都有流口水的症状: 1:猫的传染性水疱性口炎 猫的传染性水疱性口炎是由水疱性口炎病毒引发疾病的。以出现水疱为主要病征,它是一种高度接触性传染病,在猫群中如有一只猫发病,很快就传染到其它健康猫。该病虽传播迅速,但病情多取良性经过,除非病猫体质太弱,一般不混合感染其它病,很少发生死亡。本病多发生在夏季,病猫通过唾液或水疱液散播病毒,昆虫也是传播媒介。感染方式是经损伤的皮肤、粘膜而感染的。 要想识别这种病,首先要了解该病的症状表现和发病特点。 刚才说过,这种病的发病季节多在夏天,这一点很重要,症状表现为: 病猫感染此病毒后,开头表现精神沉郁,失去活泼好动的神态。鼻镜变干,有发热表现,继而在舌、唇粘膜面上出现水疱,破裂后形成边缘不整的鲜红色烂斑。病猫经常流口水,口水很臭,有时在乳", "有 病了 要 买 药给 他吃"], "bs_rank_pos": 0}, {"is_selected": true, "title": "猫咪流口水怎么办?_百度知道", "most_related_para": 0, "segmented_title": ["猫咪", "流口水", "怎么办", "?", "_", "百度", "知道"], "segmented_paragraphs": [["多", "涎", "症", "是", "猫", "唾液", "分泌", "过", "多", ",", "不", "自主", "地", "外", "流", ",", "污染", "前", "躯", ",", "迅速", "消瘦", "的", "一", "种", "临床症状", "。", "多", "因", "口腔疾病", "、", "全身", "疾病", "、", "中毒", "性", "疾病", "等", "而", "并发", "出现", "。", "多", "涎", "症", "的", "病因", "复杂", "而", "多样", "、", "难以", "列举", ",", "现", "就", "主要因素", "叙述", "于", "下", ":", "1", ".", "口腔炎", "、", "咽炎", "、", "食道", "异物", "、", "胃炎", ",", "扁桃体炎", "、", "颌下腺", "囊肿", "、", "唾液腺", "炎", "等", "均", "可", "导致", "多", "涎", ";", "唇", "、", "舌", "、", "咽", "麻痹", ",", "跌伤", "颌", "骨", "等", "也", "可", "引起", "多", "涎", ";", "癫痫", "、", "痉挛", "、", "受", "惊", "等", "也", "可", "引起", "多", "涎", "。", "2", ".", "药物过敏", "、", "敌", "鼠药", "、", "家", "药", "、", "变质", "食物中毒", "也", "常见", "多", "涎", "。", "3", "猫", "泛白", "细胞", "减少", "等", "传", "病", "、", "个别", "肠道", "寄生虫", "病", "也", "引起", "多", "涎", "的", "出现", "。", "[", "症状", "]", "清", "涎", "多", "。", "如", "水样", "、", "略", "粘稠", ",", "自", "口", "外", "流", ",", "不能", "自主", ",", "因", "并发症", "不同", ",", "或", "略", "呈", "淡黄色", ",", "或", "略带", "白", "泡", "等", "。", "涎", "湿", "嘴唇", "、", "鼻", "面", "、", "前肢", "及", "睡", "卧", "环境", "。", "伴有", "不", "吃", "、", "少", "动", "、", "消瘦", "迅速", "等", "症状", "。", "因", "病", "种", "不同", ",", "临床", "上", "常", "可见", "原", "发病", "典型症状", "。", "[", "诊断", "]", "根据", "临床", "多", "涎", "特征", ",", "再", "结合", "病史", "、", "原", "发病", "特征", "不难", "诊断", ",", "要"], ["吃喝", "没问题", "的", "话", "应该", "不是", "内脏", "肠胃", "的", "毛病", ",", "如果说", "爱", "流口水", "并且", "有", "臭味", ",", "碰触", "还会", "疼痛", ",", "大概", "就是", "口腔", "类", "的", "疾病", "了", ",", "比如", "口腔", "细菌感染", "或", "口腔炎", "等", ",", "楼主", "还是", "带", "着", "猫猫", "去", "医院", "看看", "吧", "~", "花", "不", "了", "太多", "的", "钱", "的", ",", "我", "家", "的", "猫", "得", "了", "肠胃炎", "又", "吃药", "又", "打针", "又", "输液", "才", "花", "了", "200", "多", ",", "不要", "等", "病情", "严重", "了", "再", "去", "带", "她", "看病", ",", "既然", "养", "了", "它", "就要", "爱护", "它", "啊", "~"], ["如果", "你", "真", "的", "爱", "你", "的", "猫", ",", "就", "应该", "去", "医院", ".", ".", ".", ".", ".", ".", "养宠物", "就要", "对", "宠物", "负责", ",", "不能", "贪", "方便", ".", "等", "它", "死", "了", ",", "你", "再", "伤心", "就", "晚", "了", "."], ["我", "也", "觉得", "是", "要", "去", "医院", "看", "的", "啊", "~", "!", "!", "!", "不要", "再", "拖", "下去", "了", "~", "!"]], "paragraphs": ["多涎症是猫唾液分泌过多,不自主地外流,污染前躯,迅速消瘦的一种临床症状。多因口腔疾病、全身疾病、中毒性疾病等而并发出现。 多涎症的病因复杂而多样、难以列举,现就主要因素叙述于下: 1.口腔炎、咽炎、食道异物、胃炎,扁桃体炎、颌下腺囊肿、唾液腺炎等均可导致多涎;唇、舌、咽麻痹,跌伤颌骨等也可引起多涎;癫痫、痉挛、受惊等也可引起多涎。 2.药物过敏、敌鼠药、家药、变质食物中毒也常见多涎。 3猫泛白细胞减少等传病、个别肠道寄生虫病也引起多涎的出现。 [症状] 清涎多。如水样、略粘稠,自口外流,不能自主,因并发症不同,或略呈淡黄色,或略带白泡等。涎湿嘴唇、鼻面、前肢及睡卧环境。伴有不吃、少动、消瘦迅速等症状。因病种不同,临床上常可见原发病典型症状。 [诊断] 根据临床多涎特征,再结合病史、原发病特征不难诊断,要", "吃喝没问题的话应该不是内脏肠胃的毛病,如果说爱流口水并且有臭味,碰触还会疼痛,大概就是口腔类的疾病了,比如口腔细菌感染或口腔炎等,楼主还是带着猫猫去医院看看吧~花不了太多的钱的,我家的猫得了肠胃炎又吃药又打针又输液才花了200多,不要等病情严重了再去带她看病,既然养了它就要爱护它啊~", "如果你真的爱你的猫,就应该去医院......养宠物就要对宠物负责,不能贪方便.等它死了,你再伤心就晚了.", "我也觉得是要去医院看的啊~!!!不要再拖下去了~!"], "bs_rank_pos": 1}, {"is_selected": false, "title": "猫咪老流口水什么么病_百度知道", "most_related_para": 0, "segmented_title": ["猫咪", "老", "流口水", "什么", "么", "病", "_", "百度", "知道"], "segmented_paragraphs": [["有", "可能", "是", "猫", "的", "口炎", ",", "大量", "的", "流涎", ",", "还", "腥臭", "是", "典型症状", "。", "口炎", "是", "猫猫", "很", "容易", "得", "的", "一", "种", "疾病", ",", "病因", "有很多", ",", "最", "常见", "的", "是", "自身", "的", "免疫", "情况", "出现异常", ",", "或者", "维生素", "缺乏", ",", "再者", "就是", "外伤", "。", "这种病", "说好", "治", "也", "好", "治", ",", "说", "难", "治", "也", "没得", "治", "。", "一般", "要", "消炎", ",", "就是", "口服", "些", "消炎药", "。", "最好", "是", "动物", "专用", "的", ",", "不", "建议", "给", "吃", "人", "用", "的", "。", "然后", "要", "补充", "维生素", ",", "就像", "人", "口腔溃疡", "一样", ",", "多吃蔬菜", "水果", "是", "一", "个", "道理", "。", "在", "一", "个", "就是要", "上药", ",", "如果", "猫咪", "不", "配合", "的", "就", "比较", "头疼", "了", ",", "但是", "也", "要", "给", "弄", "。", "最", "难办", "的", "是", "自身", "免疫", "缺陷", "导致", "的", ",", "病情", "会", "反复", ",", "最后", "猫咪", "不能", "进食", ",", "饥饿", "衰竭", "而", "死", "。"], ["可能", "是", "口腔", "炎症", ",", "所以", "可以", "弄", "点", "消炎药", "什么", ",", "个人", "觉得", "人", "用药", "就", "可以", ",", "减量", "用", ",", "可以", "考虑", "阿莫西林", ",", "1", "/", "3", "的", "量", "。", "然后", "注意", "不要", "经常", "给", "猫咪", "吃", "湿粮", "。", "还有", "口腔", "问题", "属于", "比较", "常见", "的", "问题", ",", "因为", "人们", "比较", "会", "忽视", "猫咪", "牙齿", "的", "健康", ",", "建议", "一", "周", "1", "次", "为", "基础", ",", "给", "猫咪", "刷牙", ",", "如何", "刷", ",", "百度一下", "。", "然后", "任何", "疾病", "都是", "免疫力", "低", "的", "关系", ",", "所以", "增强免疫力", "很", "必要", "。", "多", "给", "维生素", "高", "的", "东西", ",", "动物肝脏", ",", "少量", "。", "停止", "湿粮", ",", "吃", "干粮", "为", "主"]], "paragraphs": ["有可能是猫的口炎,大量的流涎,还腥臭是典型症状。 口炎是猫猫很容易得的一种疾病,病因有很多,最常见的是自身的免疫情况出现异常,或者维生素缺乏,再者就是外伤。 这种病说好治也好治,说难治也没得治。 一般要消炎,就是口服些消炎药。最好是动物专用的,不建议给吃人用的。然后要补充维生素,就像人口腔溃疡一样,多吃蔬菜水果是一个道理。在一个就是要上药,如果猫咪不配合的就比较头疼了,但是也要给弄。 最难办的是自身免疫缺陷导致的,病情会反复,最后猫咪不能进食,饥饿衰竭而死。", "可能是口腔炎症,所以可以弄点消炎药什么,个人觉得人用药就可以,减量用,可以考虑阿莫西林,1/3的量。然后注意不要经常给猫咪吃湿粮。还有口腔问题属于比较常见的问题,因为人们比较会忽视猫咪牙齿的健康,建议一周1次为基础,给猫咪刷牙,如何刷,百度一下。然后任何疾病都是免疫力低的关系,所以增强免疫力很必要。多给维生素高的东西,动物肝脏,少量。停止湿粮,吃干粮为主"], "bs_rank_pos": 2}, {"is_selected": false, "title": "最近猫咪老是容易流口水?是不是生病了?为什么会这样?_百度知道", "most_related_para": 0, "segmented_title": ["最近", "猫咪", "老是", "容易", "流口水", "?", "是不是", "生病", "了", "?", "为什么", "会", "这样", "?", "_", "百度", "知道"], "segmented_paragraphs": [["生病", "猫咪", "的", "表现", "》", "猫", "在", "患病", "过程", "中", ",", "往往", "会", "出现", "种", "种", "异常现象", ",", "医学", "上", "称为", "临床症状", "。", "养猫", "者", "只要", "经常", "观察", "猫", "的", "日常", "生活习性", ",", "及早发觉", "异常", "情况", ",", "就能", "及时", "地", "知道", "猫", "是否", "患病", "。", "患病", "的", "猫", "的", "异常", "表现", "一般", "有", "以下", "凡", "个", "方面", ":", "1", "、", "精神", "状态", "有病", "的", "猫", "常", "表现", "为", "无精打采", "、", "喜", "卧", "、", "眼睛", "无神", "或", "半", "闭", "。", "对", "声音", "或", "外来", "刺激", "反应迟钝", ",", "病情", "越", "重", ",", "反应", "越", "弱", ",", "甚至", "出现", "昏迷", "、", "各种", "反射", "消失", "(", "如", "瞳孔", "对", "光", "反射", ")", "等", "情况", "。", "有", "的", "也", "可能", "出", "一", "种", "相反", "的", "精神", "异常", ",", "即", "猫", "兴奋", "不安", ",", "转圈", ",", "乱", "咬", "东西", ",", "乱叫", ",", "狂躁", "等", "。", "2", "、", "营养状况", "病", "猫", "往往", "背", "毛", "粗", "乱", "、", "焦", "干", "、", "缺乏", "光泽", ",", "消瘦", ",", "无力", "。", "健康", "猫", "通常", "被", "毛", "平顺", "而", "富有", "光泽", ",", "肌肉", "丰满", "健壮", "。", "3", "、", "体温", "体温", "除", "可", "直接", "用", "体温表", "测量", "外", ",", "一般", "情况", "下", ",", "可", "观察", "猫", "的", "鼻", "端", ",", "如", "鼻", "端", "干燥", "则", "是", "体温", "高", "的", "表现", "。", "此外", ",", "耳根", "部", "、", "体", "表皮", "温", "变化", "也", "可以作为", "体温", "的", "参考", "依据", "。", "一般", "健"], ["如果", "是", "轻微", "的", "口臭", ",", "有", "一", "种", "专门", "宠物", "吃", "的", "胶状", "零食", "的", ",", "吃", "了", "就", "不", "口臭", "了", "。", "要", "是", "严重", "的", "话", ",", "清洗", "猫", "的", "牙齿", "最好", "每周", "给", "猫", "刷", "一次", "牙", ",", "以", "防", "积垢", "。", "猫", "越", "早", "适应", "刷牙", ",", "这", "项", "工作", "就", "越", "容易", "。", "如果", "猫", "不", "让", "你", "为", "它", "刷牙", ",", "请", "兽医", "看看", "狗牙", "是否", "需要", "除垢", "。", "·", "准备", "工作", "给", "猫", "刷牙", "时", "要", "用", "宠物", "专用", "的", "牙膏", "。", "·", "清洗", "的", "方法", "及", "步骤", "1", ".", "将", "一点点", "牙膏", "涂", "在", "猫", "唇", "上", ",", "让", "他", "习惯", "牙膏", "的", "味道", "。", "使用", "牙刷", "前", ",", "先", "用", "棉签", "轻触", "牙龈", "使", "小猫", "适应", "。", "2", ".", "猫", "准备就绪", "后", ",", "用", "牙刷", "、", "宠物", "牙膏", "或", "盐水", "溶液", "给", "猫", "刷牙", "。", "你", "也许", "需要", "人", "帮忙", "将", "猫", "、", "按住", "不动", "。"]], "paragraphs": ["生病猫咪的表现》 猫在患病过程中,往往会出现种种异常现象,医学上称为临床症状。养猫者只要经常观察猫的日常生活习性,及早发觉异常情况,就能及时地知道猫是否患病。患病的猫的异常表现一般有以下凡个方面: 1、精神状态 有病的猫常表现为无精打采、喜卧、眼睛无神或半闭。对声音或外来刺激反应迟钝,病情越重,反应越弱,甚至出现昏迷、各种反射消失(如瞳孔对光反射)等情况。有的也可能出一种相反的精神异常,即猫兴奋不安,转圈,乱咬东西,乱叫,狂躁等。 2、营养状况 病猫往往背毛粗乱、焦干、缺乏光泽,消瘦,无力。健康猫通常被毛平顺而富有光泽,肌肉丰满健壮。 3、体温 体温除可直接用体温表测量外,一般情况下,可观察猫的鼻端,如鼻端干燥则是体温高的表现。此外,耳根部、体表皮温变化也可以作为体温的参考依据。一般健", "如果是轻微的口臭,有一种专门宠物吃的胶状零食的,吃了就不口臭了。 要是严重的话,清洗猫的牙齿 最好每周给猫刷一次牙,以防积垢。猫越早适应刷牙,这项工作就越容易。如果猫不让你为它刷牙,请兽医看看狗牙是否需要除垢。 ·准备工作 给猫刷牙时要用宠物专用的牙膏。 ·清洗的方法及步骤 1.将一点点牙膏涂在猫唇上,让他习惯牙膏的味道。使用牙刷前,先用棉签轻触牙龈使小猫适应。2.猫准备就绪后,用牙刷、宠物牙膏或盐水溶液给猫刷牙。你也许需要人帮忙将猫、按住不动。"], "bs_rank_pos": 3}], "answer_spans": [[61, 152]], "fake_answers": ["1.口腔炎、咽炎、食道异物、胃炎,扁桃体炎、颌下腺囊肿、唾液腺炎等均可导致多涎;唇、舌、咽麻痹,跌伤颌骨等也可引起多涎;癫痫、痉挛、受惊等也可引起多涎。2.药物过敏、敌鼠药、家药、变质食物中毒也常见多涎。3猫泛白细胞减少等传病、个别肠道寄生虫病也引起多涎的出现。"], "question": "猫流口水是怎么回事", "segmented_answers": [["猫", "的", "传染性", "水疱", "性", "口炎", ",", "猫", "感冒", ",", "猫咪", "嘴边", "流口水", ",", "可能", "是", "口腔", "感染", "或", "齿龈", "疾病", ",", "特别", "是", "处于", "换牙", "时期", "的", "猫咪", ",", "已", "变色", "的", "旧", "牙", "(", "非", "白色", ")", "不能", "自动", "脱落", "时", "也", "产生", "口臭", ",", "需要", "请", "医生", "拔除", "旧", "牙", "。"], ["1", ".", "口腔炎", "、", "咽炎", "、", "食道", "异物", "、", "胃炎", ",", "扁桃体炎", "、", "颌下腺", "囊肿", "、", "唾液腺", "炎", "等", "均", "可", "导致", "多", "涎", ";", "唇", "、", "舌", "、", "咽", "麻痹", ",", "跌伤", "颌", "骨", "等", "也", "可", "引起", "多", "涎", ";", "癫痫", "、", "痉挛", "、", "受", "惊", "等", "也", "可", "引起", "多", "涎", "。", "2", ".", "药物过敏", "、", "敌", "鼠药", "、", "家", "药", "、", "变质", "食物中毒", "也", "常见", "多", "涎", "。", "3", "猫", "泛白", "细胞", "减少", "等", "传", "病", "、", "个别", "肠道", "寄生虫", "病", "也", "引起", "多", "涎", "的", "出现", "。"]], "answers": ["猫的传染性水疱性口炎,猫感冒,猫咪嘴边流口水,可能是口腔感染或齿龈疾病,特别是处于换牙时期的猫咪,已变色的旧牙(非白色)不能自动脱落时也产生口臭,需要请医生拔除旧牙。", "1.口腔炎、咽炎、食道异物、胃炎,扁桃体炎、颌下腺囊肿、唾液腺炎等均可导致多涎;唇、舌、咽麻痹,跌伤颌骨等也可引起多涎;癫痫、痉挛、受惊等也可引起多涎。2.药物过敏、敌鼠药、家药、变质食物中毒也常见多涎。 3猫泛白细胞减少等传病、个别肠道寄生虫病也引起多涎的出现。"], "answer_docs": [1], "segmented_question": ["猫", "流口水", "是", "怎么回事"], "question_type": "DESCRIPTION", "question_id": 181640, "fact_or_opinion": "FACT", "match_scores": [1.0]}
-{"documents": [{"is_selected": true, "title": "关于破产企业对员工的补偿标准_百度知道", "most_related_para": 1, "segmented_title": ["关于", "破产", "企业", "对", "员工", "的", "补偿", "标准", "_", "百度", "知道"], "segmented_paragraphs": [["《", "最高人民法院", "<", "关于", "审理", "企业", "破产案件", "若干", "问题", "的", "规定", ">", "》", "第", "五", "十六", "条", "规定", ",", "因", "企业破产", "解除", "劳动合同", ",", "劳动者", "依法", "或者", "依据", "劳动合同", "对", "企业", "享有", "的", "补偿金", "请求权", ",", "参照", "企业破产法", "第", "三", "十", "七", "条", "第", "二", "款", "第", "(", "一", ")", "项", "规定", "的", "顺序", "清偿", "。", "企业破产法", "第", "三", "十", "七", "条", "第", "二", "款", "规定", ",", "破产", "财产", "优先", "拨付", "破产", "费用", "后", ",", "按照", "下列", "顺序", "清偿", ":", "  ", "(", "一", ")", "破产", "企业", "所", "欠", "职工", "工资", "和", "劳动保险", "费用", ";", "  ", "(", "二", ")", "破产", "企业", "所", "欠", "税款", ";", "  ", "(", "三", ")", "破产债权", "。", "根据", "司法解释", "的", "规定", ",", "劳动者", "享有", "的", "经济补偿金", "可", "与", "工资", "、", "劳动保险", "费用", "同", "作为", "第", "一", "顺序", "优先", "受偿", ",", "这", "对", "保护", "劳动者", "合法权益", "具有", "积极", "的", "作用", "。"], ["《", "最高人民法院", "<", "关于", "审理", "企业", "破产案件", "若干", "问题", "的", "规定", ">", "》", "第", "五", "十六", "条", "规定", ",", "因", "企业破产", "解除", "劳动合同", ",", "劳动者", "依法", "或者", "依据", "劳动合同", "对", "企业", "享有", "的", "补偿金", "请求权", ",", "参照", "企业破产法", "第", "三", "十", "七", "条", "第", "二", "款", "第", "(", "一", ")", "项", "规定", "的", "顺序", "清偿", "。", "企业破产法", "第", "三", "十", "七", "条", "第", "二", "款", "规定", ",", "破产", "财产", "优先", "拨付", "破产", "费用", "后", ",", "按照", "下列", "顺序", "清偿", ":", "  ", "(", "一", ")", "破产", "企业", "所", "欠", "职工", "工资", "和", "劳动保险", "费用", ";", "  ", "(", "二", ")", "破产", "企业", "所", "欠", "税款", ";", "  ", "(", "三", ")", "破产债权", "。", "根据", "司法解释", "的", "规定", ",", "劳动者", "享有", "的", "经济补偿金", "可", "与", "工资", "、", "劳动保险", "费用", "同", "作为", "第", "一", "顺序", "优先", "受偿", ",", "这", "对", "保护", "劳动者", "合法权益", "具有", "积极", "的", "作用", "。"], ["劳动合同法", "也有", "规定", ",", "劳动合同法", "的", "第", "47", "条", ",", "您", "可以", "查询", "下", "。"]], "paragraphs": ["《最高人民法院<关于审理企业破产案件若干问题的规定>》第五十六条规定,因企业破产解除劳动合同,劳动者依法或者依据劳动合同对企业享有的补偿金请求权,参照企业破产法第三十七条第二款第(一)项规定的顺序清偿。企业破产法第三十七条第二款规定,破产财产优先拨付破产费用后,按照下列顺序清偿:   (一)破产企业所欠职工工资和劳动保险费用;   (二)破产企业所欠税款;   (三)破产债权。根据司法解释的规定,劳动者享有的经济补偿金可与工资、劳动保险费用同作为第一顺序优先受偿,这对保护劳动者合法权益具有积极的作用。", "《最高人民法院<关于审理企业破产案件若干问题的规定>》第五十六条规定,因企业破产解除劳动合同,劳动者依法或者依据劳动合同对企业享有的补偿金请求权,参照企业破产法第三十七条第二款第(一)项规定的顺序清偿。企业破产法第三十七条第二款规定,破产财产优先拨付破产费用后,按照下列顺序清偿:   (一)破产企业所欠职工工资和劳动保险费用;   (二)破产企业所欠税款;   (三)破产债权。根据司法解释的规定,劳动者享有的经济补偿金可与工资、劳动保险费用同作为第一顺序优先受偿,这对保护劳动者合法权益具有积极的作用。", "劳动合同法也有规定,劳动合同法的第47条,您可以查询下。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "公司倒闭开除员工应该怎样赔偿_百度知道", "most_related_para": 3, "segmented_title": ["公司", "倒闭", "开除", "员工", "应该", "怎样", "赔偿", "_", "百度", "知道"], "segmented_paragraphs": [["公司", "倒闭", "开除", "员工", "属于", "合同", "劳动法", "第", "四", "十", "一", "条", "的", "第一款", ",", "根据", "第", "四", "十", "六", "条", "规定", "公司", "应该", "对", "员工", "进行", "赔偿", ",", "劳动合同法", "第", "四", "十", "七", "条", "对", "补偿", "标准", "进行", "了", "规定", "。", "劳动合同法", "第", "四", "十", "一", "条", "有", "下列", "情形", "之", "一", ",", "需要", "裁减", "人员", "二", "十", "人", "以上", "或者", "裁减", "不足", "二", "十", "人", "但", "占", "企业", "职工", "总数", "百分", "之", "十", "以上", "的", ",", "用人单位", "提前", "三", "十", "日向", "工会", "或者", "全体职工", "说明", "情况", ",", "听取", "工会", "或者", "职工", "的", "意见", "后", ",", "裁减", "人员", "方案", "经", "向", "劳动", "行政部门", "报告", ",", "可以", "裁减", "人员", ":", "(", "一", ")", "依照", "企业破产法", "规定", "进行", "重整", "的", ";", "(", "二", ")", "生产", "经营", "发生", "严重", "困难", "的", ";", "(", "三", ")", "企业", "转", "产", "、", "重大", "技术革新", "或者", "经营方式", "调整", ",", "经", "变更", "劳动合同", "后", ",", "仍", "需", "裁减", "人员", "的", ";", "(", "四", ")", "其他", "因", "劳动合同", "订立", "时", "所", "依据", "的", "客观", "经济", "情况", "发生", "重大变化", ",", "致使", "劳动合同", "无法", "履行", "的", "。", "裁减", "人员", "时", ",", "应当", "优先", "留用", "下列", "人员", ":", "(", "一", ")", "与", "本", "单位", "订立", "较", "长", "期限", "的"], ["首先", "公司", "因为", "经营", "不善", "倒闭", "员工离职", "那", "不", "叫", "“", "开除", "”", "开除", "是", "指", "有", "过错", "的", "辞退", "。", "公司", "倒闭", "员工", "离开", "应该", "叫", "辞退", "或是", "遣散", ",", "你们", "应该", "除", "工资", "\"", "五险一金", "\"", "外", "还要", "有", "额外", "的", "赔偿", "。", "如果说", "签", "2", "年", "只", "做", "了", "1", "年", "那", "应该", "给你们", "后", "一年", "的", "工资", "。", "或", "你们", "和", "公司", "谈判", "你们", "认为", "你们", "可以", "接受", "的", "赔偿", "。", "如果", "太", "少", "你们", "可以", "去", "劳动局", "仲裁", ".", "但", "大家", "要", "齐心", "谈不拢", "就", "不走", "不要怕", "时间", "晚", "了", "什么", "公司", "不", "理", "你们", ",", "不", "给", "认可", "的", "赔偿", "大家", "都", "别", "做事情", "你们", "就", "跟", "这", "和", "你", "谈", "的", "人", "他", "去", "那", "你们", "就", "去", "那", "。", "包括", "厕所", "但", "你们", "不要", "动手", "他", "就是", "报警", "也", "没用", "因为", "你们", "是因为", "合同", "纠纷", "不", "关", "警察", "管", "。", "团结就是力量"], ["公司", "辞", "人", "应该", "提前", "3", "个", "月", "通知", ",", "如果没有", "提前", "的", "话", ",", "需要", "赔偿", "一个月", "的", "工资", "另外", "看", "工作年限", ",", "每", "满", "一年", ",", "再", "多", "赔", "一个月", "的", "工资", "当然", ",", "你", "当月", "的", "实际", "工作日", "的", "工资", "也是", "需要", "发", "的", "。", "。", "就是说", ",", "到", "你", "被", "辞", "那天", "为止", ",", "应该", "赔偿", ":", "未", "提前", "通知", "的", "1", "个", "月", "工资", "+", "年", "数", "相应", "的", "月份", "工资", "+", "该", "月", "你", "所", "工作", "的", "实际", "天数", "所", "对应", "的", "工资", "。", "。"], ["公司", "倒闭", "开除", "员工", "属于", "合同", "劳动法", "第", "四", "十", "一", "条", "的", "第一款", ",", "根据", "第", "四", "十", "六", "条", "规定", "公司", "应该", "对", "员工", "进行", "赔偿", ",", "劳动合同法", "第", "四", "十", "七", "条", "对", "补偿", "标准", "进行", "了", "规定", "。", "劳动合同法", "第", "四", "十", "一", "条", " ", "有", "下列", "情形", "之", "一", ",", "需要", "裁减", "人员", "二", "十", "人", "以上", "或者", "裁减", "不足", "二", "十", "人", "但", "占", "企业", "职工", "总数", "百分", "之", "十", "以上", "的", ",", "用人单位", "提前", "三", "十", "日向", "工会", "或者", "全体职工", "说明", "情况", ",", "听取", "工会", "或者", "职工", "的", "意见", "后", ",", "裁减", "人员", "方案", "经", "向", "劳动", "行政部门", "报告", ",", "可以", "裁减", "人员", ":", "  ", "(", "一", ")", "依照", "企业破产法", "规定", "进行", "重整", "的", ";", "  ", "(", "二", ")", "生产", "经营", "发生", "严重", "困难", "的", ";", "  ", "(", "三", ")", "企业", "转", "产", "、", "重大", "技术革新", "或者", "经营方式", "调整", ",", "经", "变更", "劳动合同", "后", ",", "仍", "需", "裁减", "人员", "的", ";", "  ", "(", "四", ")", "其他", "因", "劳动合同", "订立", "时", "所", "依据", "的", "客观", "经济", "情况", "发生", "重大变化", ",", "致使", "劳动合同", "无法", "履行", "的", "。", "  ", "裁减", "人员", "时", ",", "应当", "优先", "留用", "下列", "人员", ":", "  ", "(", "一", ")", "与", "本", "单位", "订立", "较"], ["公司", "都", "已经", "倒闭", "了", "还", "补偿", "什么", "啊", ",", ",", ",", ",", "就算", "是", "银行", "黄", "了", ",", ",", "你", "存", "到", "里面", "的", "钱", "也", "都", "没有了", ",", ",", "除非", "是", "国家", "养", "着", "的", "银行"], ["看", "你", "是", "属于", "什么", "单位", "了", ",", "有", "实力", "有", "影响力", "的", "公司", "么", "当然", "补偿", "会", "多", "点", ",", "可能", "个把", "月", "的", "工资", "补偿", "吧", "。", "小", "公司", "、", "私人", "单位", "?", "随便找个理由", "把", "你", "开", "了", ",", "发", "足", "本月", "工资", "就", "不", "错", "了", ",", "还", "赔偿金", "?", "别", "想", "。"]], "paragraphs": ["公司倒闭开除员工属于合同劳动法第四十一条的第一款,根据第四十六条规定公司应该对员工进行赔偿,劳动合同法第四十七条对补偿标准进行了规定。劳动合同法第四十一条有下列情形之一,需要裁减人员二十人以上或者裁减不足二十人但占企业职工总数百分之十以上的,用人单位提前三十日向工会或者全体职工说明情况,听取工会或者职工的意见后,裁减人员方案经向劳动行政部门报告,可以裁减人员:(一)依照企业破产法规定进行重整的;(二)生产经营发生严重困难的;(三)企业转产、重大技术革新或者经营方式调整,经变更劳动合同后,仍需裁减人员的;(四)其他因劳动合同订立时所依据的客观经济情况发生重大变化,致使劳动合同无法履行的。裁减人员时,应当优先留用下列人员:(一)与本单位订立较长期限的", "首先公司因为经营不善倒闭员工离职那不叫“开除”开除是指有过错的辞退。公司倒闭员工离开应该叫辞退或是遣散,你们应该除工资\"五险一金\"外还要有额外的赔偿。如果说签2年只做了1年那应该给你们后一年的工资。或你们和公司谈判你们认为你们可以接受的赔偿。如果太少你们可以去劳动局仲裁.但大家要齐心谈不拢就不走不要怕时间晚了什么公司不理你们,不给认可的赔偿大家都别做事情你们就跟这和你谈的人他去那你们就去那。包括厕所但你们不要动手他就是报警也没用因为你们是因为合同纠纷不关警察管。团结就是力量", "公司辞人应该提前3个月通知,如果没有提前的话,需要赔偿一个月的工资 另外看工作年限,每满一年,再多赔一个月的工资 当然,你当月的实际工作日的工资也是需要发的。。 就是说,到你被辞那天为止,应该赔偿:未提前通知的1个月工资+年数相应的月份工资+该月你所工作的实际天数所对应的工资。。", "公司倒闭开除员工属于合同劳动法第四十一条的第一款,根据第四十六条规定公司应该对员工进行赔偿,劳动合同法第四十七条对补偿标准进行了规定。 劳动合同法 第四十一条 有下列情形之一,需要裁减人员二十人以上或者裁减不足二十人但占企业职工总数百分之十以上的,用人单位提前三十日向工会或者全体职工说明情况,听取工会或者职工的意见后,裁减人员方案经向劳动行政部门报告,可以裁减人员:    (一)依照企业破产法规定进行重整的;    (二)生产经营发生严重困难的;    (三)企业转产、重大技术革新或者经营方式调整,经变更劳动合同后,仍需裁减人员的;    (四)其他因劳动合同订立时所依据的客观经济情况发生重大变化,致使劳动合同无法履行的。    裁减人员时,应当优先留用下列人员:    (一)与本单位订立较", "公司都已经倒闭了还补偿什么啊,,,,就算是银行黄了,,你存到里面的钱也都没有了,,除非是国家养着的银行", "看你是属于什么单位了,有实力有影响力的公司么当然补偿会多点,可能个把月的工资补偿吧。 小公司、私人单位?随便找个理由把你开了,发足本月工资就不错了,还赔偿金?别想。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "公司倒闭,怎么补偿员工工资?_百度知道", "most_related_para": 0, "segmented_title": ["公司", "倒闭", ",", "怎么", "补偿", "员工", "工资", "?", "_", "百度", "知道"], "segmented_paragraphs": [["经济补偿", "按", "劳动者", "在", "本", "单位", "工作", "的", "年限", ",", "每", "满", "一年", "支付", "一个月", "工资", "的", "标准", "向", "劳动者", "支付", "。", "六个月", "以上", "不满", "一年", "的", ",", "按", "一年", "计算", ";", "不满", "六个月", "的", ",", "向", "劳动者", "支付", "半个月", "工资", "的", "经济补偿", "。", "这里", "所称", "的", "月", "工资", "是", "指", "劳动者", "在", "劳动合同", "解除", "或者", "终止", "前", "十二", "个", "月", "的", "平均工资", "。"]], "paragraphs": ["经济补偿按劳动者在本单位工作的年限,每满一年支付一个月工资的标准向劳动者支付。六个月以上不满一年的,按一年计算;不满六个月的,向劳动者支付半个月工资的经济补偿。这里所称的月工资是指劳动者在劳动合同解除或者终止前十二个月的平均工资。"], "bs_rank_pos": 2}], "answer_spans": [[82, 122]], "fake_answers": ["一)破产企业所欠职工工资和劳动保险费用;  (二)破产企业所欠税款;  (三)破产债权。根据司法解释的规定,劳动者享有的经济补偿金可与工资、"], "question": "公司倒闭员工补偿标准", "segmented_answers": [["职工", "一", "次性", "安置", "费", "的", "计", "发", ",", "由", "破产", "企业", "安置", "工作", "机构", "根据", "在册", "职工", "本", "企业", "工作年限", "、", "再就业", "难度", "等", "因素", "确定", "标准", ",", "一般", "人均", "不", "超过", "本市", "企业", "职工", "上", "年", "平均工资", "的", "三", "倍", "。"]], "answers": ["职工一次性安置费的计发,由破产企业安置工作机构根据在册职工本企业工作年限、再就业难度等因素确定标准,一般人均不超过本市企业职工上年平均工资的三倍。"], "answer_docs": [0], "segmented_question": ["公司", "倒闭", "员工", "补偿", "标准"], "question_type": "DESCRIPTION", "question_id": 181641, "fact_or_opinion": "FACT", "match_scores": [0.2619047619047619]}
-{"documents": [{"is_selected": true, "title": "京东快车如何充值?_百度知道", "most_related_para": 1, "segmented_title": ["京东", "快车", "如何", "充值", "?", "_", "百度", "知道"], "segmented_paragraphs": [["第一步", ":", "登录", "京东", "快车", "-", "帮助", "页面", ",", "http", ":", "/", "/", "kuaiche", ".", "jd", ".", "com", "/", "help", "第二步", ":", "在", "下方", "的", "快捷", "入口", "界面", "-", "结算中心", "有", "个人账户", "充值", "和", "企业", "账户", "充值", ",", "选择", "对应", "的", "充值", "项目", "即可", "。"], ["第一步", ":", "登录", "京东", "快车", "-", "帮助", "页面", ",", "http", ":", "/", "/", "kuaiche", ".", "jd", ".", "com", "/", "help", "  ", "第二步", ":", "在", "下方", "的", "快捷", "入口", "界面", "-", "结算中心", "有", "个人账户", "充值", "和", "企业", "账户", "充值", ",", "选择", "对应", "的", "充值", "项目", "即可", "。"]], "paragraphs": ["第一步:登录京东快车-帮助页面,http://kuaiche.jd.com/help第二步:在下方的快捷入口界面-结算中心有个人账户充值和企业账户充值,选择对应的充值项目即可。", "第一步:登录京东快车-帮助页面,http://kuaiche.jd.com/help   第二步:在下方的快捷入口界面-结算中心有个人账户充值和企业账户充值,选择对应的充值项目即可。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "京东快车怎样充值余额_百度知道", "most_related_para": 0, "segmented_title": ["京东", "快车", "怎样", "充值", "余额", "_", "百度", "知道"], "segmented_paragraphs": [["1", ".", "登录", "到", "京东商城", "账户", "页面", ",", "点击", "左侧", "菜单", "中", "的", "“", "账户", "中心", "”", "下面", "的", "“", "账户", "余额", "”", ",", "打开", "账户", "余额", "页面", "。", "2", ".", "在", "打开", "账户", "余额", "页面", ",", "选择", "“", "充值", "”", ",", "打开", "充值", "页面", "3", ".", "在", "充值", "页面", ",", "在", "“", "充值", "金额", "”", "中", "输入", "充值", "金额", ",", "然后", "点击", "“", "下一步", "”", "4", ".", "确认", "您", "的", "充值", "金额", ",", "然后", "选择", "充值", "储蓄卡", ",", "点击", "“", "确定", "支付方式", "”", "按钮", "。", "5", ".", "确认", "支付", "金额", "和", "支付方式", ",", "然后", "点击", "“", "立即", "支付", "”", "完成", "充值", "金额", "的", "支付", "即可", "。"]], "paragraphs": ["1.登录到京东商城账户页面,点击左侧菜单中的“账户中心”下面的“账户余额”,打开账户余额页面。2.在打开账户余额页面,选择“充值”,打开充值页面3.在充值页面,在“充值金额”中输入充值金额,然后点击“下一步”4.确认您的充值金额,然后选择充值储蓄卡,点击“确定支付方式”按钮。5.确认支付金额和支付方式,然后点击“立即支付”完成充值金额的支付即可。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "京东快车充值了可否退款?_百度知道", "most_related_para": 0, "segmented_title": ["京东", "快车", "充值", "了", "可否", "退款", "?", "_", "百度", "知道"], "segmented_paragraphs": [["等", "会", "快车", "界面", "就", "有", "个", "充值", "按钮", "了", "呀", "。"]], "paragraphs": ["等会快车界面就有个充值按钮了呀。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "京东快车如何操作_开淘网", "most_related_para": 3, "segmented_title": ["京东", "快车", "如何", "操作", "_", "开", "淘", "网"], "segmented_paragraphs": [["2017", "最", "靠谱", "淘宝", "客", "刷单", "平台", ",", "提供", "淘宝", "直播", "开通", ",", "淘宝", "开店", "、", "淘宝", "兼职", "等", "服务", ",", "数", "十万", "商家", "会员", "推荐", ",", "请", "加", "QQ", "/", "微信", ":", "79883025"], ["与", "淘宝网", "大型", "电子", "商务平台", "一样", ",", "京东商城", "一样", "有着", "庞大", "的", "客户", "群体", ",", "并且", "在", "推广", "难度", "上", "也", "好", "不容易", "。", "其中", "京东", "快车", "的", "使用", ",", "相当于", "淘宝", "直通车", "一样", ",", "虽然", "能", "快速", "带来", "直接", "的", "流量", ",", "但", "也", "需要", "付费", ",", "是", "种", "烧", "不", "起", "的", "推广", "工具", "。", "因此", ",", "在", "京东", "快车", "如何", "操作", "的", "问题", "上", ",", "不", "但是", "要", "会", ",", "而且", "是", "要", "精", ",", "才能", "给", "商家", "带来", "可", "观", "的", "效果", "。", "要", "熟悉", "京东", "快车", "的", "操作方法", ",", "必须", "先", "了解", "京东商城", "快车", "的", "两种模式", ",", "这样", "操作", "起来", "才能", "得心应手", "。", "(", "一", ")", "京东商城", "快车", "的", "两种模式", "第一步", ":", "先", "申请", "京东商城", "“", "快车", "系统", "”", "。", "店主", "可", "自行", "联系", "京东", "。"], ["(", "一", ")", "京东商城", "快车", "的", "两种模式", "第一步", ":", "先", "申请", "京东商城", "“", "快车", "系统", "”", "。", "店主", "可", "自行", "联系", "京东", "。", "第二步", ":", "登录", "系统", "进入", "之后", ",", "会", "看到", "如", "下", "界面", "。", "(", "红", "框", "处", "是", "两种", "投放", "模式", ":", "“", "创建", "频道", "页", "投放", "申请", "”", "和", "“", "创建", "搜索", "页", "投放", "申请", "”", "。", ")", "模式", "一", "(", "CPD", ")", ":", "创建", "频道", "页", "投放", "申请", "“", "创建", "频道", "页", "投放", "申请", "”", "就是", "使", "推广", "的", "产品展示", "在", "二级", "频道", "页", "的", "三", "个", "位置", ",", "按", "天", "买"], ["模式", "一", "(", "CPD", ")", ":", "创建", "频道", "页", "投放", "申请", "“", "创建", "频道", "页", "投放", "申请", "”", "就是", "使", "推广", "的", "产品展示", "在", "二级", "频道", "页", "的", "三", "个", "位置", ",", "按", "天", "买断", "位置", "付费", ",", "即", "Cost", "per", "day", ",", "简称", "CPD", "。", "举例来说", ",", "按", "类目", "点击", "“", "服饰鞋帽", "-", "男装", "-", "衬衫", "”", "这个", "类目", "进去", ",", "能看到", "如", "下", "三", "个", "图", ":", "位置", "一", ":", "页面", "上", "“", "热卖", "推荐", "”", ",", "基准价", "¥", "100", ".", "00", "起", ",", "即", "竞价", "不", "低于", "100", "元", ",", "根据", "出价", "等", "因素", "预测", "排名", ";", "位置", "二", ":", "左侧", "“", "推广", "商品", "”", "位置", ",", "基准价", "¥", "50", ".", "00", "起", ",", "即", "竞价", "不", "低于", "50", "元", ",", "根据", "自己", "出价", "预测", "排名", ";", "位置", "三", ":", "页面", "底部", "“", "商品", "精选", "”", "位置", ",", "基准价", "¥", "50", ".", "00", "起", ",", "即", "竞价", "不", "低于", "50", "元", ",", "可以", "根据", "自己", "出价", "来", "预测", "排名", ";", "模式", "二", "(", "CPC", ")", ":", "创建", "搜索", "页", "投放", "申请", "“", "创建", "搜索", "页", "投放", "申请", "”", "也", "就是", "搜索", "某", "个", "关键词", "后", ",", "你", "所", "推广", "的", "产品展示", "位置", ",", "按", "点击", "付费", ",", "即", "Cost", "per", "click", ",", "简称", "CPC", "。", "举例来说", ",", "当你", "选择", "“", "衬衫", "男", "”", "为", "关键词", ",", "若", "按", "此", "投放", "模式", ",", "在", "京东商城", "首页", "搜索", "框", "内", "输入", "“", "衬衫", "男", "”", "这个", "关键词", ",", "那么", "你", "投放", "产品", "的", "推广", "位置", "你", "将", "会", "在", "如", "下", "两", "个", "位置", "看到", ",", "如下图", ":", "位置", "一", ":", "左侧", "“", "推广", "商品", "”", "位置", "。", "位置", "二", ":", "搜索", "结果", "页面", ",", "下边", "“", "商品", "精选", "”", "页面", "。", "(", "二", ")", "京东商城", "快车", "如何", "操作", "第一步", ":", "填写", "投放", "申请", "名称", "以", "关键词", "竞价", "模式", "为", "例", ",", "点击", "“", "创建", "搜索", "页", "投放", "申请", "”", ",", "填写", "投放", "申请", "名称", ",", "这里", "就", "相当于", "淘宝", "直通车", "的", "推广计划", "名称", "一样", ",", "点击", "确定", "即可", "。", "会出现", "如下图", "界面", ":"], ["第二步", ":", "选择", "广告投放", "位置"], ["在", "广告投放", "位置", "方面", ",", "有", "两", "个", "位置", "可", "选", ",", "分别", "是", "左侧", "和", "底", "侧", ",", "如", "下", "截图", ",", "位置", "选择", "时", ",", "还要", "选择", "投放", "的", "日期", "。"], ["第三步", ":", "选择", "要", "推广", "的", "产品"], ["这里", "要", "注意", "的", "是", "输入", "产品", "的", "id", ",", "可以", "编辑", "推广", "标题", ",", "以及", "广告语", ",", "还有", "标签", "如", "新品", "等等", ",", "这里", "标题", "和", "标签", "的", "设置", ",", "往往", "会", "有", "很多人", "忽视", "掉", "。", "标题", "的", "设置", "对", "搜索", "的", "关键词", "相当", "大", "的", "影响", ",", "排名", "是", "其中", "一", "个", "。", "如下图", ":"], ["第四步", ":", "选择", "关键词", "出价"], ["在", "京东", "快车", "关键词", "出价", "的", "问题", "上", ",", "它", "跟", "淘宝", "直通车", "关键词", "选取", "和", "出价", "是", "一样", "的", ",", "点击", "预测", "可", "看到", "排名", ",", "选择", "好", "以后", ",", "完成", "就", "提交", "了", "。", "如图", ":"], ["京东", "快车", "如何", "操作", "?", "根据", "以上", "方法", "步骤", ",", "一步步", "来", ",", "也", "不会", "太难", "的", "。", "更多", "网络营销", "知识", "分享", ",", "请", "继续", "关注", "开", "淘", "网", "(", "http", ":", "/", "/", "www", ".", "kaitao", ".", "cn", ")", "。"]], "paragraphs": ["2017最靠谱淘宝客刷单平台,提供淘宝直播开通,淘宝开店、淘宝兼职等服务,数十万商家会员推荐,请加QQ/微信:79883025", "与淘宝网大型电子商务平台一样,京东商城一样有着庞大的客户群体,并且在推广难度上也好不容易。其中京东快车的使用,相当于淘宝直通车一样,虽然能快速带来直接的流量,但也需要付费,是种烧不起的推广工具。因此,在京东快车如何操作的问题上,不但是要会,而且是要精,才能给商家带来可观的效果。 要熟悉京东快车的操作方法,必须先了解京东商城快车的两种模式,这样操作起来才能得心应手。 (一) 京东商城快车的两种模式 第一步:先申请京东商城“快车系统”。店主可自行联系京东。", "(一) 京东商城快车的两种模式 第一步:先申请京东商城“快车系统”。店主可自行联系京东。 第二步:登录系统进入之后,会看到如下界面。(红框处是两种投放模式:“创建频道页投放申请”和“创建搜索页投放申请”。) 模式一(CPD):创建频道页投放申请  “创建频道页投放申请”就是使推广的产品展示在二级频道页的三个位置,按天买", "模式一(CPD):创建频道页投放申请  “创建频道页投放申请”就是使推广的产品展示在二级频道页的三个位置,按天买断位置付费,即Cost per day,简称CPD。举例来说,按类目点击“服饰鞋帽-男装-衬衫”这个类目进去,能看到如下三个图: 位置一:页面上“热卖推荐”,基准价¥100.00起,即竞价不低于100元,根据出价等因素预测排名; 位置二:左侧“推广商品”位置,基准价¥50.00起,即竞价不低于50元,根据自己出价预测排名; 位置三:页面底部“商品精选”位置,基准价¥50.00起,即竞价不低于50元,可以根据自己出价来预测排名; 模式二(CPC):创建搜索页投放申请 “创建搜索页投放申请”也就是搜索某个关键词后,你所推广的产品展示位置,按点击付费,即Cost per click,简称CPC。举例来说,当你选择“衬衫男”为关键词,若按此投放模式,在京东商城首页搜索框内输入“衬衫男”这个关键词,那么你投放产品的推广位置你将会在如下两个位置看到,如下图: 位置一:左侧“推广商品”位置。 位置二:搜索结果页面,下边“商品精选”页面。 (二)京东商城快车如何操作 第一步:填写投放申请名称 以关键词竞价模式为例,点击“创建搜索页投放申请” ,填写投放申请名称,这里就相当于淘宝直通车的推广计划名称一样,点击确定即可。会出现如下图界面:", "第二步:选择广告投放位置", "在广告投放位置方面,有两个位置可选,分别是左侧和底侧,如下截图,位置选择时,还要选择投放的日期。", "第三步:选择要推广的产品", "这里要注意的是输入产品的id,可以编辑推广标题,以及广告语,还有标签如新品等等,这里标题和标签的设置,往往会有很多人忽视掉。标题的设置对搜索的关键词相当大的影响,排名是其中一个。如下图:", "第四步:选择关键词出价", "在京东快车关键词出价的问题上,它跟淘宝直通车关键词选取和出价是一样的,点击预测可看到排名,选择好以后,完成就提交了。如图:", "京东快车如何操作?根据以上方法步骤,一步步来,也不会太难的。更多网络营销知识分享,请继续关注开淘网(http://www.kaitao.cn)。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "京东快车商品推广操作流程_百度经验", "most_related_para": 3, "segmented_title": ["京东", "快车", "商品", "推广", "操作流程", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["建立", "推广计划", "是", "京", "准", "通", "数字", "营销", "的", "第", "一", "步骤", ",", "通过", "推广", "商品", "、", "推广", "时间", "、", "推广", "单元", "等", "在", "内", "的", "基础", "资料", "输入", ",", "不仅", "帮助", "商家", "准确", "定向", ",", "也", "进一步规范", "管理平台", "推广", "行为", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "创建", "推广计划", "1", ".", "路径", "一", ":", "登录", "进入", "京", "准", "通", "商家", "投放", "平台", ",", "系统", "默认", "跳转", "至", "“", "京东", "快车", "-", "-", "我", "的", "投放", "平台", "推广", "”", "页面", ",", "点击", "【", "创建", "投放", "平台", "推广", "】", "开始", "建立", "推广计划", "。", "2", ".", "路径", "二", ":", "进入", "“", "京东", "快车", "-", "-", "投放", "平台", "推广", "管理", "”", "页面", ",", "点击", "【", "新建", "推广计划", "】", "。", "3", ".", "进入", "【", "新建", "推广计划", "】", "页面", ",", "按", "页面", "提示", "进行", "操作", "。", "4", ".", "填写说明", "①", "填写", "推广计划", "名称", "②", "选择", "商品", "推广", "③", "填写", "每日", "预算", "金额", "(", "正整数", ")", "④", "投放", "的", "起止日期", "⑤", "投放", "时段", "的", "设置", "(", "默认", "起止日期", "内", "全", "日程", "展示", ")", "⑥", "点击", "下一步", "步骤", "阅读", "步骤", "阅读", "2", "建立", "推广", "单元", "建立", "推广计划", "后", ",", "跳转", "至", "【", "推广", "单元", "】", "页面", ",", "并", "根据", "页面", "提示", "创建", "推广", "单元", "。", "基础", "设置", "①", "填写", "推广", "单元", "名称", "②", "定向", "地域", "(", "选填", ")", ",", "默认", "【", "不限", "地区", "】", "为", "全", "网", "地域", ",", "选择", "【", "特定", "区域", "】", "需", "勾", "选", "具体", "城市", ",", "数量", "不", "设", "上限", "。", "特别说明", "商家", "可", "针对", "商品", "特性", "、", "季节", "性", "、", "地域性", "等", "品牌", "个性", "因素", "选择", "本", "单元", "的", "地域", "定向", "。", "步骤", "阅读"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "建立推广计划是京准通数字营销的第一步骤,通过推广商品、推广时间、推广单元等在内的基础资料输入,不仅帮助商家准确定向,也进一步规范管理平台推广行为。", "百度经验:jingyan.baidu.com", "1 创建推广计划 1.路径一:登录进入京准通商家投放平台,系统默认跳转至“京东快车--我的投放平台推广”页面,点击【创建投放平台推广】开始建立推广计划。 2.路径二:进入“京东快车--投放平台推广管理”页面,点击【新建推广计划】。 3.进入【新建推广计划】页面,按页面提示进行操作。 4.填写说明 ① 填写推广计划名称 ② 选择商品推广 ③ 填写每日预算金额(正整数) ④ 投放的起止日期 ⑤ 投放时段的设置(默认起止日期内全日程展示) ⑥ 点击下一步 步骤阅读 步骤阅读 2 建立推广单元 建立推广计划后,跳转至【推广单元】页面,并根据页面提示创建推广单元。 基础设置 ① 填写推广单元名称 ② 定向地域(选填),默认【不限地区】为全网地域,选择【特定区域】需勾选具体城市,数量不设上限。 特别说明 商家可针对商品特性、季节性、地域性等品牌个性因素选择本单元的地域定向。 步骤阅读", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 4}], "answer_spans": [[2, 45]], "fake_answers": ["登录京东快车-帮助页面,http://kuaiche.jd.com/help  第二步:在下方的快捷入口界面-结算中心有个人账户充值和企业账户充值,选择对应的充值项目即可。"], "question": "京东快车怎么充值", "segmented_answers": [["1", ".", "登录", "到", "京东商城", "账户", "页面", ",", "点击", "左侧", "菜单", "中", "的", "“", "账户", "中心", "”", "下面", "的", "“", "账户", "余额", "”", ",", "打开", "账户", "余额", "页面", "。", "2", ".", "在", "打开", "账户", "余额", "页面", ",", "选择", "“", "充值", "”", ",", "打开", "充值", "页面", "3", ".", "在", "充值", "页面", ",", "在", "“", "充值", "金额", "”", "中", "输入", "充值", "金额", ",", "然后", "点击", "“", "下一步", "”", "4", ".", "确认", "您", "的", "充值", "金额", ",", "然后", "选择", "充值", "储蓄卡", ",", "点击", "“", "确定", "支付方式", "”", "按钮", "。", "5", ".", "确认", "支付", "金额", "和", "支付方式", ",", "然后", "点击", "“", "立即", "支付", "”", "完成", "充值", "金额", "的", "支付", "即可", "。"]], "answers": ["1.登录到京东商城账户页面,点击左侧菜单中的“账户中心”下面的“账户余额”,打开账户余额页面。2.在打开账户余额页面,选择“充值”,打开充值页面3.在充值页面,在“充值金额”中输入充值金额,然后点击“下一步”4.确认您的充值金额,然后选择充值储蓄卡,点击“确定支付方式”按钮。5.确认支付金额和支付方式,然后点击“立即支付”完成充值金额的支付即可。"], "answer_docs": [0], "segmented_question": ["京东", "快车", "怎么", "充值"], "question_type": "DESCRIPTION", "question_id": 181642, "fact_or_opinion": "FACT", "match_scores": [0.19867549668874174]}
-{"documents": [{"is_selected": true, "title": "太平汽车保险怎么样_百度知道", "most_related_para": 2, "segmented_title": ["太平", "汽车保险", "怎么样", "_", "百度", "知道"], "segmented_paragraphs": [["赔", "是", "一定", "会", "赔", "你", "的", ",", "不过", "赔款", "最少", "得", "两个月", "时间", "。", "中国", "三大", "财险", ",", "人保", ",", "平安", ",", "太平洋", ",", "而", "你", "的", "是", "太平", ",", "一", "家", "小", "公司", ",", "赔付", "能力", "低", ",", "像", "你", "这些", "大案", "需要", "的", "时间", "会", "很", "长", "。", "头", "盖", ",", "前", "杠", ",", "左右", "大灯", ",", "右", "杠", "灯", ",", "前", "杠", "支架", ",", "大灯", "支架", "LR", ",", "风口", ",", "中网", ",", "这些", "都", "得", "换", ",", "而且", "这", "款", "头", "盖", "是", "铝", "的", "好像", "要", "7000", "+", ",", "水箱", "散热", "网", "龙门架", "导流板", "内", "杠", "的", "还", "不知道", "有", "没", "事", ",", "我", "估计", "维修费", "达到", "2", "-", "3", "万", ",", "以", "太平", "的", "速度", "我", "估计", "最少", "2", "个", "月", "才", "可以", "完成", "赔付"], ["好像", "太平保险", "的", "保单", "号", "不是", "620", "开头", "的", ",", "如果", "你", "真", "的", "被", "黑", ",", "那", "算你倒霉", ",", "不到", "正规", "的", "太平保险", "去", "买"], ["非常好", ",", "太平", "是", "小", "公司", "吗", "?", "是", "中国", "央企", ",", "副部级", "单位", ",", "100", "%", "财政", "出资", ",", "1929", "年", "成立", ",", "87", "年", "历史", "了"], ["单方", "事故", "叫", "你", "报", "交警", "多", "半", "就是", "案件", "性质", "有问题", "了", ",", "到", "现在", "没", "定损", "肯定", "是", "拒赔", "了", ",", "自己", "确定", "没", "做", "假", "案", "骗保", "的", "话", ",", "那", "就", "去", "法院", "起诉", "好", "了", ",", "反正", "只要", "是", "真实", "的", "事故", ",", "保险公司", "不可能", "不", "赔", "你", "钱", "的", "。"], ["谁", "信", "?", "车牌", "都", "没有", ",", "解释", "好", "为什么", "挡", "牌", "?", "交警", "如何", "处理", "的", ",", "没", "处理", "结果", "怎么", "礼", "赔", "?"]], "paragraphs": ["赔是一定会赔你的,不过赔款最少得两个月时间。中国三大财险,人保,平安,太平洋,而你的是太平,一家小公司,赔付能力低,像你这些大案需要的时间会很长。头盖,前杠,左右大灯,右杠灯,前杠支架,大灯支架LR,风口,中网,这些都得换,而且这款头盖是铝的好像要7000+,水箱散热网龙门架导流板内杠的还不知道有没事,我估计维修费达到2-3万,以太平的速度我估计最少2个月才可以完成赔付", "好像太平保险的保单号不是620开头的,如果你真的被黑,那算你倒霉,不到正规的太平保险去买", "非常好,太平是小公司吗?是中国央企,副部级单位,100%财政出资,1929年成立,87年历史了", "单方事故叫你报交警多半就是案件性质有问题了,到现在没定损肯定是拒赔了,自己确定没做假案骗保的话,那就去法院起诉好了,反正只要是真实的事故,保险公司不可能不赔你钱的。", "谁信?车牌都没有,解释好为什么挡牌?交警如何处理的,没处理结果怎么礼赔?"], "bs_rank_pos": 0}, {"is_selected": false, "title": "大家说说太平车险好不好_百度知道", "most_related_para": 0, "segmented_title": ["大家说说", "太平", "车险", "好不好", "_", "百度", "知道"], "segmented_paragraphs": [["前几天", "车子", "被", "别", "个", "车子", "擦", "了", ",", "对方", "全", "责", ",", "我", "无", "责", "。", "现在", "问题", "就是", "对方", "车", "买", "的", "太平保险", ",", "他们", "定损", "的", "价钱", "奇", "低", ",", "150", "块", "!", "!", "!", "150", "块", "能", "干什么", "?", "?", "?", "还", "说", "要", "么", "在", "他们", "小作坊", "似", "的", "地方", "修", ",", "要", "么", "给", "我", "150", "修", "多少", "不管了", "。", "我", "要", "去", "4s", "店", "修", "不同意", "。", "保险法", "是", "干什么", "的", "?", "?", "?", "谁", "规定", "必", "去", "在", "你", "指定", "的", "作坊", "修", "?", "别", "的", "保险", "都", "能", "在", "4S店", "修", "就", "你", "的", "报价", "4s", "不认", ",", "多", "的", "钱", "还要", "自己", "贴", ",", "就", "吃", "定", "了", "我", "跟", "你们", "耗", "不", "起", ",", "花", "不", "起", "这个", "精力", "?", "?", "?", "好", "吧", "你们", "赢", "了", ",", "我", "还", "真", "没时间", "没", "精力", "跟", "你们", "耗", ",", "我自己", "贴", "钱", "去", "外面", "修", "!", "!", "!", "太平保险", "丑陋", "的", "嘴脸", "大家", "买", "之", "前", "看清楚", "了"], ["太平", "车险", "送", "的", "小米", "充电宝", "居然", "是", "假", "的", "。", "今天", "验证", "完毕", ",", "诚信", "在", "哪", "?"], ["车险", "找", "熟人", "买", "啊", "我", "有", "什么", "刮", "蹭", "就", "丢", "修理厂", "三天后", "去", "拿", "亲戚", "是", "太平洋", "的", "boss"], ["我", "的", "1", "月份", "到期", ",", "有", "卖", "车险", "的", "么", ":", "39", ";"], [":", "12", ";", ":", "12", ";"]], "paragraphs": ["前几天车子被别个车子擦了,对方全责,我无责。现在问题就是对方车买的太平保险,他们定损的价钱奇低,150块!!!150块能干什么???还说要么在他们小作坊似的地方修,要么给我150修多少不管了。我要去4s店修不同意。保险法是干什么的???谁规定必去在你指定的作坊修?别的保险都能在4S店修就你的报价4s不认,多的钱还要自己贴,就吃定了我跟你们耗不起,花不起这个精力???好吧你们赢了,我还真没时间没精力跟你们耗,我自己贴钱去外面修!!!太平保险丑陋的嘴脸大家买之前看清楚了", "太平车险送的小米充电宝居然是假的。今天验证完毕,诚信在哪?", "车险找熟人买啊 我有什么刮蹭就丢修理厂 三天后去拿 亲戚是太平洋的boss", "我的1月份到期,有卖车险的么:39;", ":12;:12;"], "bs_rank_pos": 1}], "answer_spans": [[8, 27]], "fake_answers": ["是中国央企,副部级单位,100%财政出资,1929年成立,87年历史了"], "question": "太平车险怎么样", "segmented_answers": [["非常好", ",", "是", "中国", "央企", ",", "副部级", "单位", ",", "100", "%", "财政", "出资", ",", "1929", "年", "成立", ",", "87", "年", "历史", "了", "。"]], "answers": ["非常好,是中国央企,副部级单位,100%财政出资,1929年成立,87年历史了。"], "answer_docs": [0], "segmented_question": ["太平", "车险", "怎么样"], "question_type": "DESCRIPTION", "question_id": 181643, "fact_or_opinion": "OPINION", "match_scores": [0.6976744186046512]}
-{"documents": [{"is_selected": true, "title": "iphone拍的视频怎么导到电脑上_百度知道", "most_related_para": 0, "segmented_title": ["iphone", "拍", "的", "视频", "怎么", "导", "到", "电脑", "上", "_", "百度", "知道"], "segmented_paragraphs": [["iphone", "拍", "的", "视频", "导", "到", "电脑", "上", "的", "方法如下", ":", "1", "、", "首先", "将", "iphone", "手机", "充电", "数据线", "连接", "至", "电脑", "USB", "接口", "上", "。", "2", "、", "数据线", "接入", "USB", "后", ",", "在", "电脑", "上", "会", "自动", "连接", "到", "iphone", "手机", "上面", ",", "这时", "电脑", "屏幕", "上", "会出现", "一", "个", "“", "已", "连接", "照相", "”", "弹窗", ",", "在", "弹窗", "上", "点击", "取消", "按钮", "。", "3", "、", "取消", "之后", ",", "打开", "iphone", "手机", ",", "在", "屏幕", "弹出", "页面", "上", "按", "下", "信任", "此", "电脑", "后", ",", "才能", "使", "iphone", "手机", "上面", "数据", "在", "电脑", "上", "进行", "访问", "。", "4", "、", "接着", "打开", "我", "的", "电脑", "进入", "里面", ",", "从", "我", "的", "电脑", "里面", "可以看到", "一", "个", "连接", "成功", "后", "的", "iphone", "手机", "相机", "标志", ",", "在", "相机", "上", "用", "鼠标", "单击", "一", "下", "右键", ",", "点击", "获取", "图片", "选项", "。", "5", "、", "然后", "再", "按", "下一步", ",", "进入", "到", "此", "步骤", "时", ",", "从", "这里", "窗口", "上", "可以", "预览", "看到", "手机", "上", "所有", "的", "照片", "及", "视频", ",", "对于", "手机", "上面", "照片", "和", "视频", "太多", "的", "朋友", ",", "一", "时", "可能", "区别", "不", "出来", "哪个", "是", "视频", "的", "话", ",", "自己", "先", "从", "手机", "上", "查看", "一", "下", "手机", "上面", "的", "视频", "预览", "图", ",", "然后", "在这里", "勾", "选", "和", "手机", "上面", "一模一样", "视频", "预览", "图片", "进行"], ["没有", "越狱", "的", "手机", "是", "不能", "用", "91", "的", ",", "所以", "你", "就", "安心", "点", "不要", "想着", "用", "91", "了", ",", "直接", "用", "itunes", "就", "可以", "了", "。", "用", "itunes", "你", "需要", "注意", "的", "就是", ",", "必须", "把", "格式", "转", "成", "mp4", "的", "格式", "才", "可以", "同步", "到", "iphone", "上面", "去", ",", "另外", "要", "注意", "分辨率", "也", "要", "符合", "iphone", "的", "显示", "要求", "才", "可以", "。", "你", "可以", "去", "下载", "一", "个", "格式工厂", "来", "进行", "转换", "。", "转换", "好", "之后", ",", "就", "可以", "通过", "一般", "方式", "经", "由", "itunes", "同步", "到", "你", "的", "iphone", "里面", "去", "了", "。"], ["我记得", "有", "一", "个", "选项", ",", "将", "手机", "文件", "导入", "计算机", ",", "找找看"]], "paragraphs": ["iphone拍的视频导到电脑上的方法如下: 1、首先将iphone手机充电数据线连接至电脑USB接口上。 2、数据线接入USB后,在电脑上会自动连接到iphone手机上面,这时电脑屏幕上会出现一个“已连接照相”弹窗,在弹窗上点击取消按钮。 3、取消之后,打开iphone手机,在屏幕弹出页面上按下信任此电脑后,才能使iphone手机上面数据在电脑上进行访问。 4、接着打开我的电脑进入里面,从我的电脑里面可以看到一个连接成功后的iphone手机相机标志,在相机上用鼠标单击一下右键,点击获取图片选项。 5、然后再按下一步,进入到此步骤时,从这里窗口上可以预览看到手机上所有的照片及视频,对于手机上面照片和视频太多的朋友,一时可能区别不出来哪个是视频的话,自己先从手机上查看一下手机上面的视频预览图,然后在这里勾选和手机上面一模一样视频预览图片进行", "没有越狱的手机是不能用91的,所以你就安心点不要想着用91了,直接用itunes就可以了。 用itunes你需要注意的就是,必须把格式转成mp4的格式才可以同步到iphone上面去,另外要注意分辨率也要符合iphone的显示要求才可以。 你可以去下载一个格式工厂来进行转换。 转换好之后,就可以通过一般方式经由itunes同步到你的iphone里面去了。", "我记得有一个选项,将手机文件导入计算机,找找看"], "bs_rank_pos": 0}, {"is_selected": true, "title": "怎样可以把苹果手机里的爱奇艺视频内容传到电脑上,具体步骤是什么?_", "most_related_para": 1, "segmented_title": ["怎样", "可以", "把", "苹果", "手机", "里", "的", "爱奇艺", "视频", "内容", "传到", "电脑", "上", ",", "具体步骤", "是什么", "?", "_"], "segmented_paragraphs": [["iPhone", "手机", "爱奇艺", "下载", "的", "电影", "复制", "到", "电脑", "上", "的", "操作", "为", ":", "第一步", ":", "电脑", "登陆", "百度搜索", "“", "itools", "”", "软件下载", ",", "安装", "完毕", "后", "打开", "。", "第二步", ":", "用", "数据线", "把", "iPhone", "手机", "与", "电脑", "连接", "。", "第三步", ":", "在", "界面", "左侧", "点击", "iPhone", "设备", ",", "选择", "“", "爱奇艺", "”", "软件", ",", "可", "看到", "视频", "文件", ":", "第四步", ":", "把", "视频", "文件", "复制", "到", "电脑", "即可", "。"], ["iPhone", "手机", "爱奇艺", "下载", "的", "电影", "复制", "到", "电脑", "上", "的", "操作", "为", ":", "第一步", ":", "电脑", "登陆", "百度搜索", "“", "itools", "”", "软件下载", ",", "安装", "完毕", "后", "打开", "。", "第二步", ":", "用", "数据线", "把", "iPhone", "手机", "与", "电脑", "连接", "。", "第三步", ":", "在", "界面", "左侧", "点击", "iPhone", "设备", ",", "选择", "“", "爱奇艺", "”", "软件", ",", "可", "看到", "视频", "文件", ":", "第四步", ":", "把", "视频", "文件", "复制", "到", "电脑", "即可", "。"], ["用", "itools", "应用", "里", "的", "爱奇艺", "文件共享", ",", "找到", "视频", "导出", "到", "电脑", "就", "行", "。"], ["用", "账号", "登", "了", "同步", "一", "下", "就", "可以", "了", "吧", "。"], ["我", "是", "数据线", "传", "的"]], "paragraphs": ["iPhone手机爱奇艺下载的电影复制到电脑上的操作为: 第一步:电脑登陆百度搜索“itools”软件下载,安装完毕后打开。 第二步:用数据线把iPhone手机与电脑连接。 第三步:在界面左侧点击iPhone设备,选择“爱奇艺”软件,可看到视频文件: 第四步:把视频文件复制到电脑即可。", "iPhone手机爱奇艺下载的电影复制到电脑上的操作为: 第一步:电脑登陆百度搜索“itools”软件下载,安装完毕后打开。 第二步:用数据线把iPhone手机与电脑连接。 第三步:在界面左侧点击iPhone设备,选择“爱奇艺”软件,可看到视频文件: 第四步:把视频文件复制到电脑即可。", "用itools应用里的爱奇艺文件共享,找到视频导出到电脑就行。", "用账号登了同步一下就可以了吧。", "我是数据线传的"], "bs_rank_pos": 1}, {"is_selected": false, "title": "怎样从iphone 5s上把视频传到电脑上_百度知道", "most_related_para": 0, "segmented_title": ["怎样", "从", "iphone", "5s", "上", "把", "视频", "传到", "电脑", "上", "_", "百度", "知道"], "segmented_paragraphs": [["从", "iphone", "5s", "上", "把", "视频", "传到", "电脑", "上", ",", "可", "按", "以下", "步骤", "进行", ":", "1", ",", "将", "iphone", "5s", "用", "usb", "线", "连接", "到", "电脑", "。", "2", ",", "选择", "”", "我", "的", "电脑", "“", "或者", "”", "计算机", "“", "打开", ",", "会", "看到", "iphone", "的", "设备", ",", "选择", "视频", "后", ",", "复制", "一", "下", ",", "再", "粘贴", "到", "电脑", "里", "的", "位置", "应该", "就", "可以", "了", "。", "3", ",", "或者", "安装", "ITOOLS", ",", "连接", "到", "电脑", "上", ",", "打开", "ITOOLS", ",", "找到", "设备", "里", "的", "视频", ",", "然后", "导出", "。"], ["在", "手机", "上", "存", "着", "的", "话", ",", "用", "数据线", "连", "电脑"]], "paragraphs": ["从iphone 5s上把视频传到电脑上,可按以下步骤进行: 1,将iphone 5s用usb线连接到电脑。 2,选择”我的电脑“或者”计算机“打开,会看到iphone的设备,选择视频后,复制一下,再粘贴到电脑里的位置应该就可以了。 3,或者安装ITOOLS,连接到电脑上,打开ITOOLS,找到设备里的视频,然后导出。", "在手机上存着的话,用数据线连电脑"], "bs_rank_pos": 2}], "answer_spans": [[11, 216]], "fake_answers": ["1、首先将iphone手机充电数据线连接至电脑USB接口上。2、数据线接入USB后,在电脑上会自动连接到iphone手机上面,这时电脑屏幕上会出现一个“已连接照相”弹窗,在弹窗上点击取消按钮。3、取消之后,打开iphone手机,在屏幕弹出页面上按下信任此电脑后,才能使iphone手机上面数据在电脑上进行访问。4、接着打开我的电脑进入里面,从我的电脑里面可以看到一个连接成功后的iphone手机相机标志,在相机上用鼠标单击一下右键,点击获取图片选项。5、然后再按下一步,进入到此步骤时,从这里窗口上可以预览看到手机上所有的照片及视频,对于手机上面照片和视频太多的朋友,一时可能区别不出来哪个是视频的话,自己先从手机上查看一下手机上面的视频预览图,然后在这里勾选和手机上面一模一样视频预览图片进行"], "question": "苹果手机上的视频怎么传到电脑上", "segmented_answers": [["1", "、", "首先", "将", "iphone", "手机", "充电", "数据线", "连接", "至", "电脑", "USB", "接口", "上", "。", "2", "、", "数据线", "接入", "USB", "后", ",", "在", "电脑", "上", "会", "自动", "连接", "到", "iphone", "手机", "上面", ",", "这时", "电脑", "屏幕", "上", "会出现", "一", "个", "“", "已", "连接", "照相", "”", "弹窗", ",", "在", "弹窗", "上", "点击", "取消", "按钮", "。", "3", "、", "取消", "之后", ",", "打开", "iphone", "手机", ",", "在", "屏幕", "弹出", "页面", "上", "按", "下", "信任", "此", "电脑", "后", ",", "才能", "使", "手机", "上面", "数据", "在", "电脑", "上", "进行", "访问", "。", "4", "、", "接着", "打开", "我", "的", "电脑", "进入", "里面", ",", "从", "我", "的", "电脑", "里面", "可以看到", "一", "个", "连接", "成功", "后", "的", "iphone", "手机", "相机", "标志", ",", "在", "相机", "上", "用", "鼠标", "单击", "一", "下", "右键", ",", "点击", "获取", "图片", "选项", "。", "5", "、", "然后", "再", "按", "下一步", ",", "进入", "到", "此", "步骤", "时", ",", "从", "这里", "窗口", "上", "可以", "预览", "看到", "手机", "上", "所有", "的", "照片", "及", "视频", ",", "对于", "手机", "上面", "照片", "和", "视频", "太多", "的", "朋友", ",", "一", "时", "可能", "区别", "不", "出来", "哪个", "是", "视频", "的", "话", ",", "自己", "先", "从", "手机", "上", "查看", "一", "下", "手机", "上面", "的", "视频", "预览", "图", ",", "然后", "在这里", "勾", "选", "和", "手机", "上面", "一模一样", "视频", "预览", "图片", "进行", "导入", "就", "可以", "了", "。", "6", "、", "在", "导入", "过程", "中", ",", "如果", "视频", "过", "大", "的", "话", ",", "时间", "会", "有", "一些", "慢", ",", "那样", "需要", "稍微", "等等", "一段时间", ",", "直到", "导入", "完成", "关闭", "掉", "窗口", "就", "行", "了", "。"], ["用", "手机", "QQ", "就", "可以", "啊", ",", "电脑", "上", "QQ", ",", "手机", "上", "QQ", ",", "上", "的", "是", "同", "一", "个", "QQ", ",", "然后", "代", "开", "手机", "QQ", ",", "点击", "左", "上方", "头像", ",", "下面", "有", "个", "我", "的", "文件", ",", "点击", "我", "的", "文件", "之后", ",", "点击", "第一个", "传", "文件", "/", "照片", "到", "电脑", ",", "点击", "进去", "之后", ",", "你", "就会", "看见", "一", "个", "视频", ",", "你", "就", "可以", "发送", "到", "电脑", "了", "。"], ["以", "下载", "的", "爱奇艺", "视频", "为", "例", ",", "第一步", ":", "电脑", "登陆", "百度搜索", "“", "itools", "”", "软件下载", ",", "安装", "完毕", "后", "打开", "。", "第二步", ":", "用", "数据线", "把", "iPhone", "手机", "与", "电脑", "连接", "。", "第三步", ":", "在", "界面", "左侧", "点击", "iPhone", "设备", ",", "选择", "“", "爱奇艺", "”", "软件", ",", "可", "看到", "视频", "文件", "。", "第四步", ":", "把", "视频", "文件", "复制", "到", "电脑", "即可", "。"]], "answers": ["1、首先将iphone手机充电数据线连接至电脑USB接口上。2、数据线接入USB后,在电脑上会自动连接到iphone手机上面,这时电脑屏幕上会出现一个“已连接照相”弹窗,在弹窗上点击取消按钮。3、取消之后,打开iphone手机,在屏幕弹出页面上按下信任此电脑后,才能使手机上面数据在电脑上进行访问。4、接着打开我的电脑进入里面,从我的电脑里面可以看到一个连接成功后的iphone手机相机标志,在相机上用鼠标单击一下右键,点击获取图片选项。5、然后再按下一步,进入到此步骤时,从这里窗口上可以预览看到手机上所有的照片及视频,对于手机上面照片和视频太多的朋友,一时可能区别不出来哪个是视频的话,自己先从手机上查看一下手机上面的视频预览图,然后在这里勾选和手机上面一模一样视频预览图片进行导入就可以了。6、在导入过程中,如果视频过大的话,时间会有一些慢,那样需要稍微等等一段时间,直到导入完成关闭掉窗口就行了。", "用手机QQ就可以啊,电脑上QQ,手机上QQ,上的是同一个QQ,然后代开手机QQ,点击左上方头像,下面有个我的文件,点击我的文件之后,点击第一个传文件/照片到电脑,点击进去之后,你就会看见一个 视频 ,你就可以发送到电脑了。", "以下载的爱奇艺视频为例,第一步:电脑登陆百度搜索“itools”软件下载,安装完毕后打开。第二步:用数据线把iPhone手机与电脑连接。第三步:在界面左侧点击iPhone设备,选择“爱奇艺”软件,可看到视频文件。第四步:把视频文件复制到电脑即可。"], "answer_docs": [0], "segmented_question": ["苹果", "手机", "上", "的", "视频", "怎么", "传到", "电脑", "上"], "question_type": "DESCRIPTION", "question_id": 181644, "fact_or_opinion": "FACT", "match_scores": [0.8407079646017699]}
-{"documents": [{"is_selected": true, "title": "【银耳】银耳的功效_孕妇、宝宝能吃银耳吗_亲子百科_太平洋亲子网", "most_related_para": 24, "segmented_title": ["【", "银耳", "】", "银耳", "的", "功效", "_", "孕妇", "、", "宝宝", "能", "吃", "银耳", "吗", "_", "亲子", "百科", "_", "太平洋", "亲子", "网"], "segmented_paragraphs": [["1", "、", "银耳", "能", "提高", "肝脏", "解毒", "能力", ",", "起", "保肝", "作用", ";", "银耳", "对", "老年", "慢性支气管炎", "、", "肺原性心脏病", "有", "一定", "疗效", "。", "2", "、", "银耳", "富含", "维生素", "D", ",", "能", "防止", "钙", "的", "流失", ",", "对", "生长发育", "十分", "有益", ";", "因", "富", "含硒", "等", "微量元素", ",", "它", "可以", "增强", "机体", "抗", "肿瘤", "的", "免疫力", "。", "3", "、", "银耳", "富有", "天然植物", "性", "胶质", ",", "加上", "它", "的", "滋阴", "作用", ",", "长期服用", "可以", "润肤", ",", "并", "有", "祛除", "脸部", "黄褐斑", "、", "雀斑", "的", "功效", "。", "4", "、", "银耳", "中", "的", "有效成分", "酸性", "多", "糖类", "物质", ",", "能", "增强", "人体", "的", "免疫力", ",", "调动", "淋巴细胞", ",", "加强", "白细胞", "的", "吞噬", "能力", ",", "兴奋", "骨髓", "造血", "功能", ";", "银耳", "多糖", "具有", "抗", "肿瘤", "作用", "。"], ["5", "、", "银耳", "中", "的", "膳食纤维", "可", "助", "胃肠蠕动", ",", "减少", "脂肪", "吸收", ",", "从而", "达到", "减肥", "的", "效果", "。"], ["6", "、", "银耳", "还能", "增强", "肿瘤患者", "对", "放疗", "、", "化疗", "的", "耐受", "力", "。"], ["银耳", "的", "营养", ":"], ["银耳", "的", "营养成分", "相当", "丰富", ",", "在", "银耳", "中", "含有", "蛋白质", "、", "脂肪", "和", "多", "种", "氨基酸", "、", "矿物质", "及", "肝", "糖", "。", "银耳", "蛋白质", "中", "含有", "17", "种", "氨基酸", ",", "人体", "所", "必需", "的", "氨基酸", "中", "的", "3", "/", "4", "银耳", "都", "能", "提供", "。", "银耳", "还", "含有", "多", "种", "矿物质", ",", "如", "钙", "、", "磷", "、", "铁", "、", "钾", "、", "钠", "、", "镁", "、", "硫", "等", "。", "此外", ",", "银耳", "中", "还", "含有", "海藻糖", "、", "多", "缩", "戊糖", "、", "甘露糖", "醇", "等", "肝", "糖", ",", "营养价值", "很高", ",", "具有", "扶正", "强壮", "的", "作用", ",", "是", "一", "种", "高级", "滋养", "补品", "。"], ["每", "100", "克", "银耳", "含有", "下面", "的", "营养素", ":"], ["怎样", "挑选", "好", "的", "银耳", "冰糖", "银耳", "可以", "化痰", "吗", "银耳汤", "能", "治", "咳嗽", "吗", "银耳", "红枣", "汤", "能", "丰胸", "吗", "银耳", "含有", "胶原蛋白", "吗", "哪些", "人群", "不宜吃", "银耳"], ["木瓜", "银耳", "羹", "的", "做法"], ["木瓜", "维生素", "较", "高", ",", "有利于", "提高免疫力", ",", "还有", "很", "强", "的", "催乳", "功效", ",", "适合", "产后", "爱美", "的", "新", "妈咪", "。"], ["木瓜", "半", "个", "、", "银耳", "1", "朵", "、", "枸杞子", "25", "克", "、", "冰糖", "50", "克"], ["1", "、", "木瓜", "切", "一半", "备用", "。", "木瓜", "去皮", "去", "籽", "切成", "块", ",", "银耳", "撕", "成", "小", "块", ",", "所有", "原料", "备", "好", "。", "2", "、", "银耳", "和", "枸杞", "放在", "冷水", "中", "浸泡", "30", "分钟", "左右", "。", "3", "、", "锅", "中", "放入", "适量", "水", ",", "烧", "开", "后", "转", "小", "火", ",", "将", "银耳", "和", "冰糖", "放入", ",", "煮", "约", "30", "分钟", "。", "4", "、", "放入", "木瓜", "快", "和", "枸杞", "再", "煮", "5", "分钟", "后", "关", "火", "即可", "。"], ["1", "、", "木瓜", "最好不要", "选", "熟", "得", "太", "透", "的", ",", "青皮", "的", "最好", ",", "因为", "青皮", "木瓜", "美容", "丰胸", "效果", "最好", "。", "2", "、", "银耳", "要", "先", "煮", ",", "喜欢", "吃", "软", "烂", "的", "把", "银耳", "煮", "至", "快", "要", "溶化", "更", "软", "糯", "。", "3", "、", "木瓜", "和", "枸杞", "要", "最后", "放", ",", "煮", "几分钟", "就好", ",", "时间长", "营养", "就", "流失", "了", "。", "4", "、", "放", "点", "大枣", "和", "百合", "也", "不错", ",", "这个", "随", "个人", "口味", "。"], ["功效", ":", "木瓜", "经常", "被", "认为", "是", "热量", "很高", "的", "水果", ",", "其实", "木瓜", "的", "热量", "极", "低", ",", "比", "苹果", "、", "橙子", "、", "桃", "、", "梨", "等", "的", "热量", "都", "低", ",", "每", "100", "克里", "只", "含", "27", "卡路里", ",", "苹果", "则", "是", "52", "卡路里", ",", "而", "维生素", "C", "的", "含量", "苹果", "的", "48", "倍", ",", "维生素A", "在", "水果", "中", "也", "可以说", "是", "最高", "的", ",", "适合", "所有", "爱美", "的", "女性", "。"], ["孕妇", "能", "吃", "银耳", "吗"], ["银耳", "营养丰富", ",", "为", "滋补", "佳品", ",", "能", "起", "到", "益气", "清肠", "、", "滋阴", "润肺", "的", "作用", ",", "同时", "还能", "增强", "人体免疫力", ",", "补气", "和", "血", ",", "强心壮", "身", ",", "补脑", "提神", ",", "那么", "孕妇", "能", "吃", "银耳", "吗", "?"], ["1", "、", "银耳", "富有", "天然植物", "性", "胶质", ",", "加上", "它", "的", "滋阴", "作用", ",", "长期服用", "可以", "润肤", ",", "并", "有", "祛除", "脸部", "黄褐斑", "、", "雀斑", "的", "功效", "。", "很多", "孕妇", "都会", "发现", "自从", "怀孕", "以后", ",", "脸上", "就", "长", "出", "了", "黄褐斑", ",", "这", "主要", "是因为", "孕妇", "在", "怀孕期间", "荷尔蒙", "的", "变化", "促使", "体", "内", "黑色素", "暂时", "增加", ",", "因此", ",", "孕妇", "不", "妨", "食用", "些", "银耳", "来", "防治", "黄褐斑", "。", "2", "、", "银耳", "具有", "润肺止咳", "、", "补益", "肺", "气", "的", "功效", ",", "可以", "提高", "肺", "组织", "的", "防御", "功能", ",", "提高", "机体", "的", "免疫", "能力", ",", "从而", "增强体质", ",", "减少", "孕妇", "生病", "的", "机率", "。", "3", "、", "银耳", "有", "补脾", "安神", "的", "作用", ",", "是", "秋冬", "进补", "的", "上", "乘", "佳品", "。", "而且", "其", "富含", "维生素", "D", ",", "能", "防止", "钙", "的", "流失", ",", "对", "胎儿", "的", "生长发育", "十分", "有益", "。", "孕期", "维生素", "D", "缺乏", ",", "可", "影响", "胎儿", "的", "骨骼", "发育", ",", "并", "能", "导致", "新生儿", "的", "低", "钙", "血", "症", "和", "牙齿", "发育不良", "。", "4", "、", "银耳", "90", "%", "是", "胶原蛋白", ",", "孕妇", "食用", "可以", "缓解", "皮肤干燥", ",", "嘴唇干裂", ",", "但是", ",", "不", "建议", "孕妇", "食用", "过", "多", ",", "要合理", "平衡", "搭配", "饮食", ",", "才", "有益于", "胎儿", "的", "健", ".", ".", ".", ".", ".", "."], ["孕妇", "能", "吃", "黑木耳", "吗", "孕妇", "能", "吃", "紫菜", "吗", "孕妇", "能", "吃", "海带", "吗", "孕妇", "能", "吃", "蘑菇", "吗", "孕妇", "能", "吃", "口蘑", "吗", "孕妇", "能", "吃", "茶树菇", "吗"], ["宝宝", "能", "吃", "银耳", "吗"], ["宝宝", "能", "吃", "银耳", "吗", "?", "宝宝", "要", "慎", "吃", "银耳", ",", "主要", "是因为", "一", "岁", "以前", "的", "宝宝", "吞咽", "功能", "还没有", "发育", "完善", ",", "而", "银耳", "不", "容易", "煮", "烂", ",", "不利于", "宝宝", "吞咽", "。", "因此", ",", "不要", "给", "宝宝", "食用", "整块", "的", "银耳", "。"], ["宝宝", "冬天", "上火", "在", "北方", "相对", "更", "常见", "一些", ",", "因为", "北方", "冬季", "干燥", ",", "户外", "寒冷", ",", "很容易", "引起", "宝宝", "上火", "。", "再加上", "北方", "室内", "一般", "都", "有", "暖气", ",", "更容易", "加重", "上火", "症状", "。", "如果", "宝宝", "已经", "上火", "了", ",", "不", "妨", "为", "他们", "炖", "点", "冰糖", "银耳汤", "。", "银耳", "有", "滋阴", "润燥", "的", "功效", ",", "可以作为", "宝宝", "去火", "的", "辅助", "食疗", "。", "但是", ",", "一定要", "剪", "碎", "后", "再", "给", "宝宝", "食用", ",", "而且", "腹泻", "的", "宝宝", "不", "可食用", ",", "否则", "会", "加重", "病情", "。"], ["银耳", "可以作为", "肺热", "咳嗽", "、", "肺燥", "干咳", "的", "辅助", "食疗", ",", "因此", "如果", "宝宝", "秋季", "肺燥", "干咳", ",", "不", "妨", "服用", "银耳", "化痰", "。", "具体做法", "是", ",", "干", "的", "银耳", "先", "用", "水泡", "一", "两", "个", "小时", ",", "换", "水", ",", "煮沸", "三分钟", ",", "再", "用", "小", "火", "炖", "半小时", "以上", ",", "煮", "到", "很", "软", "或", "成", "黏稠", "状", "即可", "。", "吃", "时", "冷热", "均", "可", ",", "稍", "加", "冰糖", "孩子", "更容易", "接受", ",", "每天", "三", "至", "四", "次", ",", "每次", "一", "小碗", "(", "约", "100", "毫升", ")", "。", "太", "大块", "容易", "造成", "宝宝", "吸食", "呛", "着", ",", "因此", ",", "一定要", "煮", "烂", "了", "给", "宝宝", "吃", ",", "要", "不", "不消化", "。", "冰糖", "要", "最后", "放", ",", "早", "放", "冰糖", ".", ".", ".", ".", ".", "."], ["宝宝", "能", "吃", "黑木耳", "吗", "宝宝", "能", "吃", "紫菜", "吗", "宝宝", "能", "吃", "海带", "吗", "宝宝", "能", "吃", "蘑菇", "吗", "宝宝", "能", "吃", "口蘑", "吗", "宝宝", "能", "吃", "茶树菇", "吗"], ["产妇", "能", "吃", "银耳", "吗"], ["江浙", "一", "带有", "个", "习俗", ",", "就是", "过年", "要", "喝", "红枣", "银耳汤", ",", "其", "口感", "滑", "润", ",", "香甜", "醇", "美", ",", "那么", "产妇", "能", "吃", "银耳", "吗", "?", "产妇", "能", "吃", "银耳", ",", "不少", "的", "医院", "还", "将", "银耳汤", "作为", "月子", "里", "的", "食谱", "呢", "。"], ["1", "、", "银耳", "富有", "天然植物", "性", "胶质", ",", "加上", "它", "的", "滋阴", "作用", ",", "长期服用", "可以", "润肤", ",", "并", "有", "祛除", "脸部", "黄褐斑", "、", "雀斑", "的", "功效", "。", "如果", "和", "苹果", "一起", "煮", "成", "汤", ",", "可", "使", "皮肤", "细腻", "、", "润滑", "、", "红润", "有", "光泽", "。", "2", "、", "产妇", "产后", "比较", "虚弱", ",", "因此", "排便", "力量", "减弱", ",", "再加上", "蔬菜", "、", "水果", "吃", "得", "少", ",", "产后", "经常", "有", "便秘", "现象", "。", "银耳", "中", "的", "膳食纤维", "可", "助", "胃肠蠕动", ",", "从而", "帮助", "预防", "产妇", "便秘", "。", "如果", "和", "紫薯", "一起", "食用", ",", "润肠通便", "的", "效果更佳", "。", "3", "、", "钙", "对", "产后", "妈妈", "仍然", "有", "十分重要", "的", "作用", ",", "如果", "不", "注意", ",", "产妇", "容易", "钙", "流失", ",", "对于", "自身", "身体", "的", "恢复", "和", "母乳喂养", "的", "宝宝", "均", "有", "影响", "。", "银耳", "富含", "维生素", "D", ",", "能", "防止", "钙", "的", "流失", ",", "有助于", "宝宝", "的", "生长", "发育", "。", "4", "、", "近年来", "的", "医学", "研究", "还", "证明", ",", "从", "银耳", "中", "分离", "出来", "的", "多", "种", "糖类", "物质", ",", "对", "恶性肿瘤", "也有", "明显", "的", "抑制", "作用", "。", "常", "服", "银耳汤", ",", "还", "可", "起", "到", "嫩肤", "美容", "的", "效果", "。"], ["产妇", "能", "吃", "黑木耳", "吗", "产妇", "能", "吃", "紫菜", "吗", "产妇", "能", "吃", "海带", "吗", "产妇", "能", "吃", "蘑菇", "吗", "产妇", "能", "吃", "口蘑", "吗", "产妇", "能", "吃", "茶树菇", "吗"], ["哺乳期", "能", "吃", "银耳", "吗"], ["银耳", "有", "“", "强", "精", "、", "补肾", "、", "润肺", "、", "生津", "、", "止咳", "、", "清热", "、", "养胃", "、", "补气", "、", "和", "血", "、", "强", "心", "、", "壮", "身", "、", "补脑", "、", "提神", "”", "之", "功", "。", "那么", "哺乳期", "能", "吃", "银耳", "吗", "?"], ["1", "、", "哺乳期", "的", "女性", "朋友", "很容易", "出现", "缺钙", "的", "现象", ",", "因为", "女性", "在", "哺乳", "期间", ",", "不管", "自己", "血液", "中", "含有", "多少", "钙", ",", "每天", "都会", "有", "一定", "量", "的", "钙", "通过", "乳汁", "给", "孩子", ",", "以", "满足", "孩子", "的", "营养", "需要", "。", "因此", ",", "哺乳期", "女性", "是", "骨质疏松", "的", "高发", "人群", "。", "银耳", "富含", "维生素", "D", ",", "能", "防止", "钙", "的", "流失", ",", "可以", "调节", "人体", "钙", "和", "磷", "的", "代谢", ",", "帮助", "肠道", "吸收", "钙", ",", "维持", "骨骼", "强度", ",", "预防", "骨质疏松", "。", "2", "、", "哺乳", "妈妈", "因为", "要", "母乳喂养", ",", "因此", ",", "要", "提高", "自身", "的", "免疫力", ",", "减少", "生病", "的", "机率", ",", "以", "免", "会", "影响", "到", "宝宝", "。", "在", "平时", ",", "哺乳", "妈妈", "除了", "可以", "通过", "体育锻炼", "提高免疫力", "外", ",", "还", "可以", "吃", "些", "可以", "增强", "免疫", "的", "食物", "。", "银耳", "中", "的", "有效成分", "酸性", "多", "糖类", "物质", ",", "能", "增强", "人体", "的", "免疫力", "3", "、", "人人", "都", "认为", "怀孕", "以及", "哺乳期", "需要", "增加", "热量", "摄入", ",", "为", "新妈妈", "的", "生产", "和", "哺乳", "提供", "充足", "的", "能量", "保证", ",", "但是", "很多", "新妈妈", "却", "高估", "了", "需要", "增加", "的", "热量", ",", "大量", "增加", "食物", "摄入", ",", "也", "就", "导致", "了", "肥胖", "。", "银耳", "中", "的", "膳食纤维", "可", "助", "胃肠", ".", ".", ".", ".", ".", "."], ["哺乳期", "能", "吃", "黑", "木耳", "吗", "哺乳期", "能", "吃", "紫菜", "吗", "哺乳期", "能", "吃", "海带", "吗", "哺乳期", "能", "吃", "蘑菇", "吗", "哺乳期", "能", "吃", "口蘑", "吗", "哺乳期", "能", "吃", "茶树菇", "吗"], ["食用", "银耳", "的", "注意事项"], ["吃", "银耳", "有很多", "好处", ",", "但", "吃", "银耳", "时", "也", "要", "注意", "一些", "事项", "哦", "。"]], "paragraphs": ["1、银耳能提高肝脏解毒能力,起保肝作用;银耳对老年慢性支气管炎、肺原性心脏病有一定疗效。  2、银耳富含维生素D,能防止钙的流失,对生长发育十分有益;因富含硒等微量元素,它可以增强机体抗肿瘤的免疫力。  3、银耳富有天然植物性胶质,加上它的滋阴作用,长期服用可以润肤,并有祛除脸部黄褐斑、雀斑的功效。  4、银耳中的有效成分酸性多糖类物质,能增强人体的免疫力,调动淋巴细胞,加强白细胞的吞噬能力,兴奋骨髓造血功能;银耳多糖具有抗肿瘤作用。", "5、银耳中的膳食纤维可助胃肠蠕动,减少脂肪吸收,从而达到减肥的效果。", "6、银耳还能增强肿瘤患者对放疗、化疗的耐受力。", "银耳的营养:", "银耳的营养成分相当丰富,在银耳中含有蛋白质、脂肪和多种氨基酸、矿物质及肝糖。银耳蛋白质中含有17种氨基酸,人体所必需的氨基酸中的3/4银耳都能提供。银耳还含有多种矿物质,如钙、磷、铁、钾、钠、镁、硫等。此外,银耳中还含有海藻糖、多缩戊糖、甘露糖醇等肝糖,营养价值很高,具有扶正强壮的作用,是一种高级滋养补品。", "每100克银耳含有下面的营养素:", "怎样挑选好的银耳 冰糖银耳可以化痰吗 银耳汤能治咳嗽吗 银耳红枣汤能丰胸吗 银耳含有胶原蛋白吗 哪些人群不宜吃银耳", "木瓜银耳羹的做法", "木瓜维生素较高,有利于提高免疫力,还有很强的催乳功效,适合产后爱美的新妈咪。", "木瓜半个、银耳1朵、枸杞子25克、冰糖50克", "1、木瓜切一半备用。木瓜去皮去籽切成块,银耳撕成小块,所有原料备好。 2、银耳和枸杞放在冷水中浸泡30分钟左右。 3、锅中放入适量水,烧开后转小火,将银耳和冰糖放入,煮约30分钟。 4、放入木瓜快和枸杞再煮5分钟后关火即可。", "1、木瓜最好不要选熟得太透的,青皮的最好,因为青皮木瓜美容丰胸效果最好。 2、银耳要先煮,喜欢吃软烂的把银耳煮至快要溶化更软糯。 3、木瓜和枸杞要最后放,煮几分钟就好,时间长营养就流失了。 4、放点大枣和百合也不错,这个随个人口味。", "功效:木瓜经常被认为是热量很高的水果,其实木瓜的热量极低,比苹果、橙子、桃、梨等的热量都低,每100克里只含27卡路里,苹果则是52卡路里,而维生素C的含量苹果的48倍,维生素A在水果中也可以说是最高的,适合所有爱美的女性。", "孕妇能吃银耳吗", "银耳营养丰富,为滋补佳品,能起到益气清肠、滋阴润肺的作用,同时还能增强人体免疫力,补气和血,强心壮身,补脑提神,那么孕妇能吃银耳吗?", "1、银耳富有天然植物性胶质,加上它的滋阴作用,长期服用可以润肤,并有祛除脸部黄褐斑、雀斑的功效。很多孕妇都会发现自从怀孕以后,脸上就长出了黄褐斑,这主要是因为孕妇在怀孕期间荷尔蒙的变化促使体内黑色素暂时增加,因此,孕妇不妨食用些银耳来防治黄褐斑。 2、银耳具有润肺止咳、补益肺气的功效,可以提高肺组织的防御功能,提高机体的免疫能力,从而增强体质,减少孕妇生病的机率。 3、银耳有补脾安神的作用,是秋冬进补的上乘佳品。而且其富含维生素D,能防止钙的流失,对胎儿的生长发育十分有益。孕期维生素D缺乏,可影响胎儿的骨骼发育,并能导致新生儿的低钙血症和牙齿发育不良。 4、银耳90%是胶原蛋白,孕妇食用可以缓解皮肤干燥,嘴唇干裂,但是,不建议孕妇食用过多,要合理平衡搭配饮食,才有益于胎儿的健......", "孕妇能吃黑木耳吗 孕妇能吃紫菜吗 孕妇能吃海带吗 孕妇能吃蘑菇吗 孕妇能吃口蘑吗 孕妇能吃茶树菇吗", "宝宝能吃银耳吗", "宝宝能吃银耳吗?宝宝要慎吃银耳,主要是因为一岁以前的宝宝吞咽功能还没有发育完善,而银耳不容易煮烂,不利于宝宝吞咽。因此,不要给宝宝食用整块的银耳。", "宝宝冬天上火在北方相对更常见一些,因为北方冬季干燥,户外寒冷,很容易引起宝宝上火。再加上北方室内一般都有暖气,更容易加重上火症状。如果宝宝已经上火了,不妨为他们炖点冰糖银耳汤。银耳有滋阴润燥的功效,可以作为宝宝去火的辅助食疗。但是,一定要剪碎后再给宝宝食用,而且腹泻的宝宝不可食用,否则会加重病情。", "银耳可以作为肺热咳嗽、肺燥干咳的辅助食疗,因此如果宝宝秋季肺燥干咳,不妨服用银耳化痰。具体做法是,干的银耳先用水泡一两个小时,换水,煮沸三分钟,再用小火炖半小时以上,煮到很软或成黏稠状即可。吃时冷热均可,稍加冰糖孩子更容易接受,每天三至四次,每次一小碗(约100毫升)。太大块容易造成宝宝吸食呛着,因此,一定要煮烂了给宝宝吃,要不不消化。冰糖要最后放,早放冰糖......", "宝宝能吃黑木耳吗 宝宝能吃紫菜吗 宝宝能吃海带吗 宝宝能吃蘑菇吗 宝宝能吃口蘑吗 宝宝能吃茶树菇吗", "产妇能吃银耳吗", "江浙一带有个习俗,就是过年要喝红枣银耳汤,其口感滑润,香甜醇美,那么产妇能吃银耳吗?产妇能吃银耳,不少的医院还将银耳汤作为月子里的食谱呢。", "1、银耳富有天然植物性胶质,加上它的滋阴作用,长期服用可以润肤,并有祛除脸部黄褐斑、雀斑的功效。如果和苹果一起煮成汤,可使皮肤细腻、润滑、红润有光泽。  2、产妇产后比较虚弱,因此排便力量减弱,再加上蔬菜、水果吃得少,产后经常有便秘现象。银耳中的膳食纤维可助胃肠蠕动,从而帮助预防产妇便秘。如果和紫薯一起食用,润肠通便的效果更佳。  3、钙对产后妈妈仍然有十分重要的作用,如果不注意,产妇容易钙流失,对于自身身体的恢复和母乳喂养的宝宝均有影响。银耳富含维生素D,能防止钙的流失,有助于宝宝的生长发育。  4、近年来的医学研究还证明,从银耳中分离出来的多种糖类物质,对恶性肿瘤也有明显的抑制作用。常服银耳汤,还可起到嫩肤美容的效果。", "产妇能吃黑木耳吗 产妇能吃紫菜吗 产妇能吃海带吗 产妇能吃蘑菇吗 产妇能吃口蘑吗 产妇能吃茶树菇吗", "哺乳期能吃银耳吗", "银耳有“强精、补肾、润肺、生津、止咳、清热、养胃、补气、和血、强心、壮身、补脑、提神”之功。那么哺乳期能吃银耳吗?", "1、哺乳期的女性朋友很容易出现缺钙的现象,因为女性在哺乳期间,不管自己血液中含有多少钙,每天都会有一定量的钙通过乳汁给孩子,以满足孩子的营养需要。因此,哺乳期女性是骨质疏松的高发人群。银耳富含维生素D,能防止钙的流失,可以调节人体钙和磷的代谢,帮助肠道吸收钙,维持骨骼强度,预防骨质疏松。  2、哺乳妈妈因为要母乳喂养,因此,要提高自身的免疫力,减少生病的机率,以免会影响到宝宝。在平时,哺乳妈妈除了可以通过体育锻炼提高免疫力外,还可以吃些可以增强免疫的食物。银耳中的有效成分酸性多糖类物质,能增强人体的免疫力  3、人人都认为怀孕以及哺乳期需要增加热量摄入,为新妈妈的生产和哺乳提供充足的能量保证,但是很多新妈妈却高估了需要增加的热量,大量增加食物摄入,也就导致了肥胖。银耳中的膳食纤维可助胃肠......", "哺乳期能吃黑木耳吗 哺乳期能吃紫菜吗 哺乳期能吃海带吗 哺乳期能吃蘑菇吗 哺乳期能吃口蘑吗 哺乳期能吃茶树菇吗", "食用银耳的注意事项", "吃银耳有很多好处,但吃银耳时也要注意一些事项哦。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "【孕妇能吃银耳吗】孕妇可以吃银耳吗_孕妇可以吃白木耳吗_亲子百科_", "most_related_para": 3, "segmented_title": ["【", "孕妇", "能", "吃", "银耳", "吗", "】", "孕妇", "可以", "吃", "银耳", "吗", "_", "孕妇", "可以", "吃", "白木耳", "吗", "_", "亲子", "百科", "_"], "segmented_paragraphs": [["美食", "百科", "/", "银耳", "/", "孕妇", "能", "吃", "银耳", "吗"], ["孕妇", "能", "吃", "银耳", "吗", "收藏"], ["银耳", "营养丰富", ",", "为", "滋补", "佳品", ",", "能", "起", "到", "益气", "清肠", "、", "滋阴", "润肺", "的", "作用", ",", "同时", "还能", "增强", "人体免疫力", ",", "补气", "和", "血", ",", "强心壮", "身", ",", "补脑", "提神", ",", "那么", "孕妇", "能", "吃", "银耳", "吗", "?"], ["1", "、", "银耳", "富有", "天然植物", "性", "胶质", ",", "加上", "它", "的", "滋阴", "作用", ",", "长期服用", "可以", "润肤", ",", "并", "有", "祛除", "脸部", "黄褐斑", "、", "雀斑", "的", "功效", "。", "很多", "孕妇", "都会", "发现", "自从", "怀孕", "以后", ",", "脸上", "就", "长", "出", "了", "黄褐斑", ",", "这", "主要", "是因为", "孕妇", "在", "怀孕期间", "荷尔蒙", "的", "变化", "促使", "体", "内", "黑色素", "暂时", "增加", ",", "因此", ",", "孕妇", "不", "妨", "食用", "些", "银耳", "来", "防治", "黄褐斑", "。", "2", "、", "银耳", "具有", "润肺止咳", "、", "补益", "肺", "气", "的", "功效", ",", "可以", "提高", "肺", "组织", "的", "防御", "功能", ",", "提高", "机体", "的", "免疫", "能力", ",", "从而", "增强体质", ",", "减少", "孕妇", "生病", "的", "机率", "。", "3", "、", "银耳", "有", "补脾", "安神", "的", "作用", ",", "是", "秋冬", "进补", "的", "上", "乘", "佳品", "。", "而且", "其", "富含", "维生素", "D", ",", "能", "防止", "钙", "的", "流失", ",", "对", "胎儿", "的", "生长发育", "十分", "有益", "。", "孕期", "维生素", "D", "缺乏", ",", "可", "影响", "胎儿", "的", "骨骼", "发育", ",", "并", "能", "导致", "新生儿", "的", "低", "钙", "血", "症", "和", "牙齿", "发育不良", "。", "4", "、", "银耳", "90", "%", "是", "胶原蛋白", ",", "孕妇", "食用", "可以", "缓解", "皮肤干燥", ",", "嘴唇干裂", ",", "但是", ",", "不", "建议", "孕妇", "食用", "过", "多", ",", "要合理", "平衡", "搭配", "饮食", ",", "才", "有益于", "胎儿", "的", "健康成长", "。"], ["1", "、", "银耳", "红枣", "汤", "的", "做法"], ["食材", ":", "银耳", "15", "克", ",", "红枣", "6", "个", ",", "枸", "10", "克", ",", "冰糖", "30", "克", "。"], ["(", "1", ")", "将", "银耳", "放入", "温水", ",", "浸泡", "30", "分钟", ",", "撕", "成", "小", "片", "。", "(", "2", ")", "放入", "锅", "内", ",", "加水", ",", "大火", "煮", "开", "。", "(", "3", ")", "加入", "洗净", "的", "红枣", "、", "冰糖", ",", "一同", "沸", "煮", "10", "分钟", "左右", ",", "再", "改为", "小", "火", ",", "煲", "上", "2", "个", "小时", ",", "即可", "。"], ["功效", ":", "银耳", "红枣", "汤", "是", "由", "古", "医书", "《", "补", "养", "篇", "》", "中", "的", "“", "黑木耳红枣汤", "”", "演化", "而", "成", ",", "银耳", "红枣", "汤", "气味", "清润", "可口", ",", "具有", "活血", "润燥", "、", "洁肤", "除", "斑", "之", "功", ",", "有助于", "消化", "面部", "褐斑", "和", "气虚", "血淤", "引致", "的", "面色", "暗", "黄", ",", "对", "改善", "便秘", "、", "口渴", "等", "也有", "效果", ",", "是", "一款", "美容养颜", "的", "家庭", "靓汤", "。"], ["食材", ":", "银耳", "10", "克", ",", "莲子", "6", "克", ",", "红枣", "10", "个", "。", "冰糖", "适量", "。"], ["(", "1", ")", "银耳", "泡", "发", "后", ",", "除去", "根部", "泥", "沙", "及", "杂质", ",", "撕", "成", "片状", ";", "红枣", "洗净", "去", "核", ",", "备用", "。", "(", "2", ")", "砂锅", "加入", "适量", "清水", ",", "放入", "银耳", "、", "莲子", "、", "红枣", "、", "冰糖", ",", "先", "大火", "烧", "开", ",", "再", "用", "小", "火", "慢", "炖", "。", "(", "3", ")", "待", "银耳", "煮", "至", "熟", "烂", ",", "汤汁", "粘稠", ",", "盛", "入", "碗", "中", "即可", "。"], ["功效", ":", "银耳", "富有", "天然植物", "性", "胶质", ",", "加上", "它", "的", "滋阴", "作用", ",", "长期服用", "可以", "润肤", ",", "并", "有", "祛除", "脸部", "黄褐斑", "、", "雀斑", "的", "功效", "。"], ["孕妇", "能", "吃", "黑木耳", "吗", "孕妇", "能", "吃", "紫菜", "吗", "孕妇", "能", "吃", "海带", "吗"], ["相关", "专家解答"], ["可以", ",", "没什么", "问题", ",", "注意", ":", "别", "太多", ",", "别", "太", "甜", "!"], ["葛静", "解放军总医院", "第", "一", "附属", "医院", "妇产科", "副主任医师"], ["孕妇", "可以", "吃", "银耳莲子汤", "。"], ["孕妇", "吃", "银耳莲子汤", "的", "好处", ":", "银耳莲子汤", "为", "以", "银耳", "和", "莲子", "为", "主要", "食材", "的", "家常", "汤", "品", ",", "味道", "香甜可口", ",", "可", "清热", "健胃", ",", "美容养颜", ",", "营养价值", "丰富", "。", "银耳", "能", "提高", "肝脏", "解毒", "能力", ",", "保护", "肝脏", "功能", ",", "它", "不", "但", "能", "增强", "机体", "抗", "肿瘤", "的", "免疫", "能力", ",", "还能", "增强", "肿瘤患者", "对", "放疗", "、", "化疗", "的", "耐受", "力", "。", "它", "也是", "一", "味", "滋补", "良药", ",", "特点", "是", "滋润", "而", "不", "腻", "滞", ",", "具有", "补脾", "开胃", "、", "益气", "清肠", "、", "安眠", "健胃", "、", "补脑", "、", "养阴清热", "、", "润燥", "之", "功", ",", "对", "阴虚火旺", "的", "孕妇", "是", "一", "种", "良好", "的", "补品", "。", "银耳", "富有", "天然", "特性", "胶质", ",", "加上", "它", "的", "滋阴", "作用", ",", "长期服用", "可以", "润肤", ",", "并", "有", "祛除", "脸部", "黄褐斑", "、", "雀斑", "的", "功效", "。", "银耳", "是", "和", "种", "含", "膳食纤维", "的", "减肥", "食品", ",", "它", "的", "膳食纤维", "可", "助", "胃肠蠕动", ",", "减少", "脂肪", "吸收", "。"], ["孕妇", "吃", "银耳莲子汤", "需", "注意", ":", "如若", "准妈妈", "感染", "风寒", "就", "最好", "不要", "食用", "。", "如果", "大便", "干结", "、", "腹部", "胀满", "的", "孕妇", "也", "最好", "忌食", "。"], ["吴佳子", "太平洋", "亲子", "网", "育儿", "频道", "资深", "主编"], ["你好", ",", "根据", "你", "描述", "的", "情况", ",", "蟹黄", "比较", "寒凉", ",", "容易导致", "孕妇", "流产", "或", "早产", ",", "建议", "最好不要", "吃", "了", "。", "怀孕期间", "的", "饮食", "应", "清淡", "有", "营养", ",", "注意", "多", "休息", ",", "情绪", "不能", "过度", "紧张", "激动", "。"], ["汪星星", "广州医学院", "荔湾", "医院", "妇产科", "主任医师"], ["你好", ",", "也是", "可以", "吃", "的", ",", "考虑", "影响不大", ",", "不知", "妈妈", "具体", "的", "情况", ",", "建议", "在", "医生", "的", "指导", "下", "进行", "治疗", "是", "比较好", "的", ",", "否则", "孕早期", "牙齿", "不适", "对", "胎儿", "也是", "有", "一定", "影响", "的", ",", "建议", "不要", "大意", "。"], ["冯力民", "首都医科大学", "附属", "北京", "天坛医院", "妇科", "主任医师"], ["其实", "孕妇", "在", "这个", "期间", ",", "最好", "还是", "不要", "吃", "甲鱼", ",", "因为", "甲鱼", "有", "活血化瘀", "、", "滑胎", "的", "作用", ",", "因此", "在", "怀孕期间", ",", "最好", "还是", "不要", "吃", "为", "好", "。", "另外", ",", "对于", "孕妇", "的", "饮食", ",", "只要", "注意", "不要吃", "哪些", "容易", "上火", "、", "过于", "油腻", ",", "或者", "是", "过于", "寒凉", "的", "食物", ",", "就会", "好", "了", "。", "而", "对于", "平时", "的", "饮食", "上", ",", "应", "要", "多", "吃", "瘦肉", "、", "鸡肉", "、", "牛肉", "、", "青菜", "、", "水果", "等", "。"], ["缪缙", "暨南大学", "附属", "第", "一", "医院", "产科", "副主任医师"], ["相关", "网友", "问答"], ["极", "\"", "智", "\"", "妈咪", "BOX", "开业", "优惠", "抢先", "购"]], "paragraphs": ["美食百科 / 银耳 / 孕妇能吃银耳吗", "孕妇能吃银耳吗 收藏", "银耳营养丰富,为滋补佳品,能起到益气清肠、滋阴润肺的作用,同时还能增强人体免疫力,补气和血,强心壮身,补脑提神,那么孕妇能吃银耳吗?", "1、银耳富有天然植物性胶质,加上它的滋阴作用,长期服用可以润肤,并有祛除脸部黄褐斑、雀斑的功效。很多孕妇都会发现自从怀孕以后,脸上就长出了黄褐斑,这主要是因为孕妇在怀孕期间荷尔蒙的变化促使体内黑色素暂时增加,因此,孕妇不妨食用些银耳来防治黄褐斑。 2、银耳具有润肺止咳、补益肺气的功效,可以提高肺组织的防御功能,提高机体的免疫能力,从而增强体质,减少孕妇生病的机率。 3、银耳有补脾安神的作用,是秋冬进补的上乘佳品。而且其富含维生素D,能防止钙的流失,对胎儿的生长发育十分有益。孕期维生素D缺乏,可影响胎儿的骨骼发育,并能导致新生儿的低钙血症和牙齿发育不良。 4、银耳90%是胶原蛋白,孕妇食用可以缓解皮肤干燥,嘴唇干裂,但是,不建议孕妇食用过多,要合理平衡搭配饮食,才有益于胎儿的健康成长。", "1、银耳红枣汤的做法", "食材:银耳15克,红枣6个,枸10克,冰糖30克。", "(1)将银耳放入温水,浸泡30分钟,撕成小片。  (2)放入锅内,加水,大火煮开。  (3)加入洗净的红枣、冰糖,一同沸煮10分钟左右,再改为小火,煲上2个小时,即可。", "功效:银耳红枣汤是由古医书《补养篇》中的“黑木耳红枣汤”演化而成,银耳红枣汤气味清润可口,具有活血润燥、洁肤除斑之功,有助于消化面部褐斑和气虚血淤引致的面色暗黄,对改善便秘、口渴等也有效果,是一款美容养颜的家庭靓汤。", "食材:银耳10克,莲子6克,红枣10个。冰糖适量。", "(1)银耳泡发后,除去根部泥沙及杂质,撕成片状;红枣洗净去核,备用。  (2)砂锅加入适量清水,放入银耳、莲子、红枣、冰糖,先大火烧开,再用小火慢炖。  (3)待银耳煮至熟烂,汤汁粘稠,盛入碗中即可。", "功效:银耳富有天然植物性胶质,加上它的滋阴作用,长期服用可以润肤,并有祛除脸部黄褐斑、雀斑的功效。", "孕妇能吃黑木耳吗 孕妇能吃紫菜吗 孕妇能吃海带吗", "相关专家解答", "可以,没什么问题,注意:别太多,别太甜!", "葛静 解放军总医院第一附属医院 妇产科 副主任医师", "孕妇可以吃银耳莲子汤。", "孕妇吃银耳莲子汤的好处:银耳莲子汤为以银耳和莲子为主要食材的家常汤品,味道香甜可口,可清热健胃,美容养颜,营养价值丰富。银耳能提高肝脏解毒能力,保护肝脏功能,它不但能增强机体抗肿瘤的免疫能力,还能增强肿瘤患者对放疗、化疗的耐受力。它也是一味滋补良药,特点是滋润而不腻滞,具有补脾开胃、益气清肠、安眠健胃、补脑、养阴清热、润燥之功,对阴虚火旺的孕妇是一种良好的补品。银耳富有天然特性胶质,加上它的滋阴作用,长期服用可以润肤,并有祛除脸部黄褐斑、雀斑的功效。银耳是和种含膳食纤维的减肥食品,它的膳食纤维可助胃肠蠕动,减少脂肪吸收。", "孕妇吃银耳莲子汤需注意:如若准妈妈感染风寒就最好不要食用。如果大便干结、腹部胀满的孕妇也最好忌食。", "吴佳子 太平洋亲子网 育儿频道 资深主编", "你好,根据你描述的情况,蟹黄比较寒凉,容易导致孕妇流产或早产,建议最好不要吃了。怀孕期间的饮食应清淡有营养,注意多休息,情绪不能过度紧张激动。", "汪星星 广州医学院荔湾医院 妇产科 主任医师", "你好,也是可以吃的,考虑影响不大,不知妈妈具体的情况,建议在医生的指导下进行治疗是比较好的,否则孕早期牙齿不适对胎儿也是有一定影响的,建议不要大意。", "冯力民 首都医科大学附属北京天坛医院 妇科 主任医师", "其实孕妇在这个期间,最好还是不要吃甲鱼,因为甲鱼有活血化瘀、滑胎的作用,因此在怀孕期间,最好还是不要吃为好。另外,对于孕妇的饮食,只要注意不要吃哪些容易上火、过于油腻,或者是过于寒凉的食物,就会好了。而对于平时的饮食上,应要多吃瘦肉、鸡肉、牛肉、青菜、水果等。", "缪缙 暨南大学附属第一医院 产科 副主任医师", "相关网友问答", "极\"智\"妈咪BOX  开业优惠抢先购"], "bs_rank_pos": 1}, {"is_selected": false, "title": "孕妇能吃银耳吗_百度文库", "most_related_para": 1, "segmented_title": ["孕妇", "能", "吃", "银耳", "吗", "_", "百度", "文库"], "segmented_paragraphs": [["孕妇", "能", "吃", "银耳", "吗", "_", "语文", "_", "初中", "教育", "_", "教育", "专区", "。", "孕妇", "能", "吃", "银耳", "吗", ".", "pdf"], ["孕妇", "能", "吃", "银耳", "吗", "银耳", "性", "平", ",", "孕妇", "是", "可以", "喝", "的", "。", "现在", "很多", "大", "医院", "每天", "都", "给", "孕妇", "提供", "一", "餐", "银耳汤", "。", "银耳", "90", "%", "是", "胶原蛋白", ",", "对", "皮肤", "很好", "噢", "。", "现在", "的", "天气", "喝", "可以", "缓解", "皮肤干燥", ",", "嘴唇", "干", "裂", "。", "还", "可以", "祛", "班", "。", "银耳汤", "具有", "润肺止咳", "、", "补肾", "健脑", "等", "功效", "。", "尤", "擅长", "补益", "肺", "气", ",", "可", "以", "提高", "肺", "组织", "的", "防御", "功能", ",", "提高", "机体", "的", "免疫", "能力", ",", "从而", "增强体质", ",", "达到", "抗衰老", "的", "作用", ",", "是", "秋天", "进补", "的", "上", "乘", "佳品", "。", "还有", "滋阴", "润肺", ",", "补脾", "安神", "的", "作用", "。", "适用于", "干咳", "痰", "少", "、", "口干", "咽干", "、", "饮食", "减少", "、", "心烦", "失眠", "、", "手足", "无力", "等", "症", "。", "健康", "人", "食用", "能", "消除疲劳", ",", "增进食欲", ",", "增强体质", "。", "什么", "样", "的", "银耳", "对", "孕妇", "最好", "呢", "?", "一看", ",", "质量", "好", "的", "银耳", ",", "耳", "花", "大", "而", "松散", ",", "耳", "肉", "肥厚", ",", "色泽", "呈", "白色", "或", "略带", "微", "黄", "。", "二", "摸", ",", "质量", "好", "的", "银耳", "应", "干燥", ",", "无", "潮湿", "感", "。", "三", "尝", ",", "质量", "好", "的", "银耳", "应", "无异味", ",", "如", "尝", "有", "辣味", ",", "则", "为", "劣质", "银耳", "。", "四", "闻", ",", "银耳", "受潮", "会", "发霉", "变质", ",", "如", "能", "闻", "出", "酸味", "或", "其他", "气味", ",", "则", "不能", "再", "食用", "。", "一些", "不法商贩", "要", "用", "硫磺", "来", "熏", "银耳", ",", "用", "硫磺", "熏", "漂白", "一方面", "警备", "干货", "发霉", "生", "虫", ",", "聪明", "的", "虫虫", "是", "不会", "吃", "的", "。", "而且", "这样", "的", "银耳", "放", "几", "年", "也", "会", "变质", ",", "永远是", "那么", "的", "光", "鲜", ",", "随便", "扔", "到", "一", "个", "角落", ",", "很好", "保存", ",", "这样", "就", "给", "不法商贩", "省", "下", "不少", "麻烦", "事", "了", "。", "另一方面", ",", "熏", "过", "的", "银耳", ",", "“", "卖", "相", "”", "更好", ",", "白白", "净", "净", "的", "像", "玉", "一样", ",", "晶莹剔透", ",", "甚至", "这样", "处理", "的", "银耳", "还", "可以", "加重", ",", "用", "硫磺", "加", "水泡", "过", "之后", "再", "晾干", "变", "得", "沉甸甸", "的", ",", "未", "处理", "的", "一斤", "银", "耳", "处理", "之后", "就能", "变成", "二", "斤", "。"]], "paragraphs": ["孕妇能吃银耳吗_语文_初中教育_教育专区。孕妇能吃银耳吗.pdf", "孕妇能吃银耳吗银耳性平, 孕妇是可以喝的。 现在很多大医院每天都给孕妇提供一餐银耳汤。 银耳 90%是胶原蛋白,对皮肤很好噢。现在的天气喝可以缓解皮肤干燥,嘴唇干 裂。还可以祛班。银耳汤具有润肺止咳、补肾健脑等功效。尤擅长补益肺气,可 以提高肺组织的防御功能,提高机体的免疫能力,从而增强体质,达到抗衰老的 作用,是秋天进补的上乘佳品。 还有滋阴润肺,补脾安神的作用。适用于干咳痰少、口干咽干、饮食减少、 心烦失眠、手足无力等症。健康人食用能消除疲劳,增进食欲,增强体质。 什么样的银耳对孕妇最好呢? 一看,质量好的银耳,耳花大而松散,耳肉肥厚,色泽呈白色或略带微黄。 二摸,质量好的银耳应干燥,无潮湿感。 三尝,质量好的银耳应无异味,如尝有辣味,则为劣质银耳。 四闻,银耳受潮会发霉变质,如能闻出酸味或其他气味,则不能再食用。 一些不法商贩要用硫磺来熏银耳,用硫磺熏漂白一方面警备干货发霉生虫, 聪明的虫虫是不会吃的。而且这样的银耳放几年也会变质,永远是那么的光鲜, 随便扔到一个角落, 很好保存, 这样就给不法商贩省下不少麻烦事了。 另一方面, 熏过的银耳, “卖相”更好,白白净净的像玉一样,晶莹剔透,甚至这样处理的 银耳还可以加重,用硫磺加水泡过之后再晾干变 得沉甸甸的,未处理的一斤银 耳处理之后就能变成二斤。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "怀孕可以吃银耳吗_百度文库", "most_related_para": 5, "segmented_title": ["怀孕", "可以", "吃", "银耳", "吗", "_", "百度", "文库"], "segmented_paragraphs": [["怀孕", "可以", "吃", "银耳", "吗", "_", "游戏", "_", "生活", "休闲", "。", "怀孕", "可以", "吃", "银耳", "吗", "孕妇", "作为", "一", "种", "非常", "特殊", "的", "群体", ",", "有些", "食物", "自己", "在", "日常", "的", "生活", "中", "是", "一定要", "注意", "的", ",", "正确", "的", "饮食", "习惯", "才能", "保证", "自己", "和", "胎儿", "的", "健康", ",", "那么", "怀孕", "可以", "吃", "银耳", "吗", "?", "答案", "是", "肯定", "的", ",", "银耳", "是", "一", "种", "性", "平", "的", "食物", ",", "现在", "很多", "的"], ["怀孕", "可以", "吃", "银耳", "吗", "孕妇", "作为", "一", "种", "非常", "特殊", "的", "群体", ",", "有些", "食物", "自己", "在", "日常", "的", "生活", "中", "是", "一定要", "注意", "的", ",", "正确", "的", "饮食", "习惯", "才能", "保证", "自己", "和", "胎儿", "的", "健康", ",", "那么", "怀孕", "可以", "吃", "银耳", "吗", "?"], ["答案", "是", "肯定", "的", ",", "银耳", "是", "一", "种", "性", "平", "的", "食物", ",", "现在", "很多", "的", "医院", "都会", "为", "孕妇", "提供", "一碗", "银耳汤", ",", "而且", "90", "%", "的", "银耳", "都是", "含有", "胶原蛋白", "的", ",", "对于", "对于", "孕", "妇", "的", "皮肤", "也是", "有着", "一定", "的", "帮助", "的", "。"], ["现在", "这种", "天气", "食用", "银耳", "的", "话", ",", "可以", "缓解", "皮肤", "出现", "干燥", "的", "情况", ",", "同时", "还能", "能", "到", "祛斑", "养颜", "的", "功效", "。", "最", "关键", "的", "就是", "银耳", "具备", "了", "一定", "的", "止咳", "、", "补肾", "的", "功能", ",", "是", "一", "种", "非常", "理想", "的", "补气", "产物", ",", "所以", "孕妇", "食用", "银耳", "是", "一", "种", "非常", "有", "意义", "的", "事情", "。", "银耳", "擅长", "补益", "肺", "气", ",", "可以", "提高", "肺", "组织", "的", "防御", "功能", ",", "提高", "机体", "的", "免疫", "能力", ",", "从而", "增强体质", ",", "达到", "抗衰老", "的", "作用", ",", "是", "秋天", "进补", "的", "上", "乘", "佳品", "。", "还有", "滋阴", "润肺", ",", "补脾", "安神", "的", "作用", "。", "适用于", "干咳", "痰", "少", "、", "口干", "咽干", "、", "饮食", "减少", "、", "心烦", "失眠", "、", "手足", "无力", "等", "症", "。", "健康", "人", "食用", "能", "消除疲劳", ",", "增进食欲", ",", "增强体质", "。"], ["什么", "样", "的", "银耳", "对", "孕妇", "最好", "呢", "?"], ["一看", ",", "质量", "好", "的", "银耳", ",", "耳", "花", "大", "而", "松散", ",", "耳", "肉", "肥厚", ",", "色泽", "呈", "白色", "或", "略带", "微", "黄", "。", "二", "摸", ",", "质量", "好", "的", "银耳", "应", "干燥", ",", "无", "潮湿", "感", "。", "三", "尝", ",", "质量", "好", "的", "银耳", "应", "无异味", ",", "如", "尝", "有", "辣味", ",", "则", "为", "劣质", "银耳", "。", "四", "闻", ",", "银耳", "受潮", "会", "发霉", "变质", ",", "如", "能", "闻", "出", "酸味", "或", "其他", "气味", ",", "则", "不能", "再", "食用", "。", "一些", "不法商贩", "要", "用", "硫磺", "来", "熏", "银耳", ",", "用", "硫磺", "熏", "漂白", "一方面", "警备", "干货", "发霉", "生", "虫", ",", "聪明", "的", "虫虫", "是", "不", "会", "吃", "的", "。", "而且", "这样", "的", "银耳", "放", "几", "年", "也", "会", "变质", ",", "永远是", "那么", "的", "光", "鲜", ",", "随便", "扔", "到", "一", "个", "角落", ",", "很好", "保存", ",", "这样", "就", "给", "不法商贩", "省", "下", "不少", "麻烦", "事", "了", "。", "另一方面", ",", "熏", "过", "的", "银耳", ",", "“", "卖", "相", "”", "更好", ",", "白白", "净", "净", "的", "像", "玉", "一样", ",", "晶莹剔透", ",", "甚至", "这样", "处理", "的", "银耳", "还", "可以", "加重", ",", "用", "硫磺", "加", "水泡", "过", "之后", "再", "晾干", "变更", "多", "精彩", "攻略", "访问", "gl", ".", "baidu", ".", "com", "1", "得", "沉甸甸", "的", ",", "未", "处理", "的", "一斤", "银耳", "处理", "之后", "就能", "变成", "二", "斤", "。"], ["更多精彩", "攻略", "访问", "gl", ".", "baidu", ".", "com", "2"]], "paragraphs": ["怀孕可以吃银耳吗_游戏_生活休闲。怀孕可以吃银耳吗孕妇作为一种非常特殊的群体,有些食物自己在日常的生活中是一定要注意的,正确的饮食 习惯才能保证自己和胎儿的健康,那么怀孕可以吃银耳吗?答案是肯定的,银耳是一种性平的食物 ,现在很多的", "怀孕可以吃银耳吗孕妇作为一种非常特殊的群体,有些食物自己在日常的生活中是一定要注意的,正确的饮食 习惯才能保证自己和胎儿的健康,那么怀孕可以吃银耳吗?", "答案是肯定的,银耳是一种性平的食物 ,现在很多的医院都会为孕妇提供一碗银耳汤,而且90%的银耳都是含有胶原蛋白的,对于对于孕 妇的皮肤也是有着一定的帮助的。", "现在这种天气食用银耳的话,可以缓解皮肤出现干燥的情况,同时还能能到祛斑养颜的功效。 最关键的就是银耳具备了一定的止咳、补肾的功能,是一种非常理想的补气产物,所以孕妇食用 银耳是一种非常有意义的事情。 银耳擅长补益肺气,可以提高肺组织的防御功能,提高机体的免疫能力,从而增强体质,达到 抗衰老的作用,是秋天进补的上乘佳品。 还有滋阴润肺,补脾安神的作用。适用于干咳痰少、口干咽干、饮食减少、心烦失眠、手足 无力等症。健康人食用能消除疲劳,增进食欲,增强体质。", "什么样的银耳对孕妇最好呢?", "一看,质量好的银耳,耳花大而松散,耳肉肥厚,色泽呈白色或略带微黄。 二摸,质量好的银耳应干燥,无潮湿感。 三尝,质量好的银耳应无异味,如尝有辣味,则为劣质银耳。 四闻,银耳受潮会发霉变质,如能闻出酸味或其他气味,则不能再食用。 一些不法商贩要用硫磺来熏银耳,用硫磺熏漂白一方面警备干货发霉生虫,聪明的虫虫是不 会吃的。而且这样的银耳放几年也会变质,永远是那么的光鲜,随便扔到一个角落,很好保存, 这样就给不法商贩省下不少麻烦事了。另一方面,熏过的银耳,“卖相”更好,白白净净的像玉一样 ,晶莹剔透,甚至这样处理的银耳还可以加重,用硫磺加水泡过之后再晾干变更多精彩攻略访问gl.baidu.com 1 得沉甸甸的,未处理的一斤银耳处理之后就能变成二斤。", "更多精彩攻略访问gl.baidu.com 2"], "bs_rank_pos": 3}, {"is_selected": false, "title": "孕妇可以吃白木耳吗_孕期饮食_育儿_99健康网", "most_related_para": 6, "segmented_title": ["孕妇", "可以", "吃", "白木耳", "吗", "_", "孕期", "饮食", "_", "育儿", "_", "99", "健康网"], "segmented_paragraphs": [["本", "文", "导读", ":", "怀孕后", ",", "很多", "准妈妈", "对于", "自己", "的", "日常饮食", "可以说是", "格外", "小心", "了", "。", "那么", "像", "白木耳", "这样", "一", "种", "具有", "滋阴", "润肺", "、", "补气", "益气", ",", "同时", "还", "可", "提高", "身体", "免疫力", "的", "食物", ",", "孕妇", "可以", "吃", "吗", "?"], ["便秘", "(", "constipation", ")", "是", "指", "排便", "频率", "减少", ",", "一周内", "大便", "次数", "少于", "2", "~", "3", "次", ",", "或者", "2", "~", "3", "天才", "大便", "1", "…", "[", "详细", "]"], ["可以肯定", "的", "是", "孕妇", "适当", "吃", "点", "白木耳", "对", "促进", "身体健康", "有很多", "好处", "的", "。"], ["增强免疫力"], ["白木耳", "中", "含有", "含有", "7", "种", "人体", "所需", "的", "氨基酸", ",", "特别", "是", "对于", "孕妇", "而言", "更", "具", "有", "很大", "的", "裨益", "作用", "。", "其", "不仅", "可", "增加", "人体细胞", "的", "免疫", "作用", ",", "同时", "还有", "很明显", "的", "抗氧化", "作用", "。", "再者", "白木耳", "也", "具有", "很好", "的", "润肺", "之", "咳", "的", "功效", ",", "因此", "多", "吃", "对于", "增强", "孕妇", "的", "抵抗力", ",", "减少", "生病", "的", "机会", "也", "会", "有", "很大", "的", "帮助", "的", "。"], ["预防", "钙质", "流失"], ["白木耳", "中", "含有", "丰富", "的", "维生素", "D", ",", "而", "维生素", "D", "可", "促进", "钙", "的", "吸收", ",", "所以", "在", "孕期", "适当", "的", "吃", "些", "白木耳", "对于", "预防", "缺钙", ",", "减少", "钙质", "的", "流失", "也是", "会", "有", "很大", "的", "帮助", "的", "。"], ["滋养", "成", "皮肤"], ["白木耳", "中", "含有", "丰富", "的", "植物", "性", "胶质", ",", "其", "对于", "孕期", "肤质", "突然", "变", "差", "的", "女性", "而言", "就", "具有", "很好", "的", "保健功效", "。", "特别", "是", "对于", "一些", "孕", "后", "长", "了", "黄褐", "班", "的", "女性", "更", "可", "多", "吃", "白木耳", "以", "减少", "黄褐斑", "的", "出现", "。"], ["安神"], ["孕期", "可能会", "荷尔蒙", "的", "变化", ",", "而", "使得", "自己", "心烦", "意", "燥", ",", "而", "白木耳", "素", "有", "安神", "的", "作用", "。", "因此", "孕妇", "适当", "的", "吃", "点", "白木耳", "对", "安", "度", "整个", "妊娠期", "也", "具有", "一定", "的", "帮助", "。", "特别", "是", "对于", "孕", "后期", "由于", "心理", "压力大", ",", "睡不着", ",", "或者", "失眠", "多梦", "者", "就", "具有", "很好", "的", "补益", "作用", "。"], ["所以说", "孕妇", "是", "可以", "吃", "白木耳", "的", ",", "孕妇", "适当", "吃", "点", "白木耳", "对", "促进", "优生优育", "也是", "有", "一定", "的", "帮助", "的", "。"], ["红枣", "白木耳", "汤"], ["做法", ":", "先", "将", "白木耳", "放到", "温", "水中", "泡", "发", "洗干净", ",", "然后", "撕", "成", "小", "片", ",", "放入", "锅", "中", ",", "加", "适量", "水", ",", "这个时候", "加点", "红枣", ",", "枸杞子", "一起", "煮", "开", "在", "煮", "10", "分钟", ",", "然后", "加入", "冰糖", "就", "可", "了", "。"], ["红枣", "白木耳", "汤", "具有", "滋阴", "润燥", "的", "功效", ",", "特别", "是", "对于", "孕期", "心烦意乱", ",", "脸上", "长", "斑", "的", "女性", "就", "具有", "很好", "的", "食疗", "作用", "。", "当然了", "其", "对于", "改善", "便秘", ",", "口渴", "的", "感觉", "也有", "一定", "的", "补益", "作用", "。"], ["莲子", "银耳汤"], ["做法", ":", "先", "将", "银耳", "和", "莲子", "分别", "用", "温水", "泡", "发", "后", ",", "去掉", "莲子", "的", "芯", ",", "把", "银耳", "撕", "成", "小", "片", "。"], ["取", "一", "锅", ",", "加入", "清水", ",", "将", "银耳", ",", "莲子", "一起", "放", "进去", "用", "大火", "烧", "开", ",", "然后", "改", "成", "小", "火", "慢", "炖", "两", "个", "小时", ",", "直到", "银耳", "的", "肉", "烂", "了", "之后", ",", "倒", "出", "加入", "冰糖", "就", "可食用", "了", "。"], ["这", "算得上", "是", "最", "适合", "孕妇", "在", "秋冬季", "进补", "的", "甜品", "之", "一", "了", "。"], ["当然了", "孕妇", "吃", "白木耳", "也", "要", "注意", "个", "量", ",", "特别", "是", "在", "孕早期", ",", "因为", "白木耳", "属", "凉", ",", "如果", "食用", "过", "多", "的", "话", ",", "容易", "引起", "胎动", "不安", ",", "甚至", "流产", "。"], ["再者", "隔夜", "的", "白木耳", "一定", "不能吃", ",", "隔夜", "的", "白木耳", "会", "产生", "很大", "的", "毒素", ",", "如果", "准妈妈", "吃", "了", "的", "话", ",", "对", "身体", "会", "造成", "很大", "的", "伤害", "的", ",", "甚至", "会", "产生", "畸形儿", ",", "因此", "一定要", "注意", "了", "。"], ["另外", "很多人在", "吃", "白木耳", "的", "时候", "喜欢", "加", "很多", "的", "糖", ",", "这样一来", "口感", "是", "有", "了", ",", "但是", "也", "会", "使得", "孕妇", "的", "血", "黏度", "增高", ",", "甚至", "有", "可能", "会引起", "妊娠高血压", ",", "因此", "在", "吃", "白木耳", "的", "时候", "也", "一定要", "注意", "这样", "的", "问题", "。", "(", "99", "健康网", "(", "www", ".", "99", ".", "com", ".", "cn", ")", "专稿", ",", "如", "需", "转载", "请", "注明", "出处", "。", ")"], ["(", "责任编辑", ":", "廖露", ")"], ["宝宝", "不爱", "喝", "奶粉", "?", "是", "不"], ["月经", "正常", "就能", "怀孕", "?", "这"], ["妇科", "最佳", "医院", "男科", "最佳", "医院", "眼科", "最佳", "医院", "儿科", "最佳", "医院", "心血管", "最佳", "医院", "皮肤科", "最佳", "医院", "肿瘤科", "最佳", "医院", "肝病", "最佳", "医院", "整形", "最佳", "医院", "综合", "最佳", "医院", "内科", "最佳", "医院", "性病", "科", "最佳", "医院", "上海市", "医院", "排行", "北京市", "医院", "排行", "妇产科", "医院", "排行", "儿科", "医院", "排行"], ["西安市", "医院", "排行", "厦门市", "糖尿病", "医院", "排行", "上海市", "医院", "排行榜", "北京市", "医院", "排行榜", "天津市", "医院", "排行榜", "重庆市", "医院", "排行榜", "武汉市", "医院", "排行榜", "南京市", "医院", "排行榜", "成都", "市", "医院", "排行榜", "广州市", "医院", "排行榜", "合肥市", "医院", "排行榜", "福州市", "医院", "排行榜", "大连市", "医院", "排行榜", "东莞市", "医院", "排行榜", "佛", "上市", "医院", "排行榜", "长沙市", "医院", "排行榜"], ["子宫肌瘤", "预防", "子宫肌瘤", "|", "子宫肌瘤", "自查", "|", "子宫肌瘤", "症状"], ["感冒", "伤风感冒", "|", "小儿感冒", "|", "孕妇", "感冒"], ["痛经", "什么", "是", "痛经", "|", "女性", "痛经", "|", "痛经", "的", "原因"], ["阴道炎", "女性", "阴道炎", "|", "阴道炎", "病因", "|", "治疗", "阴道炎"], ["水痘", "水痘", "饮食", "|", "水痘", "有", "哪些", "|", "什么", "是", "水痘"], ["包皮过长", "包皮过长", "手术", "|", "治疗", "包皮过长", "|", "包皮过长", "影响生育"], ["月经不调", "月经不调", "怎么办", "|", "月经不调", "症状", "|", "月经不调", "原因"], ["盆腔炎", "盆腔炎", "保健", "|", "盆腔炎", "病因", "|", "盆腔炎", "的", "症状"], ["宫颈炎", "治愈", "宫颈炎", "|", "产后", "宫颈炎", "|", "宫颈炎", "症状"], ["人流", "无痛人流", "|", "注意事项", "|", "如何", "预防", "人流"], ["口腔溃疡", "民间偏方", "|", "饮食", "预防", "|", "复发", "原因"], ["早泄", "早泄", "怎么办", "|", "假性", "早泄", "|", "怎么", "治疗", "早泄"], ["乳腺癌", "乳腺癌", "自查", "|", "乳腺癌", "原因", "|", "乳腺癌", "饮食"], ["宫外孕", "治疗", "宫外孕", "方法", "|", "警惕", "宫外孕", "|", "宫外孕", "初期"], ["外阴白斑", "外阴白斑", "生活", "|", "外阴白斑", "检测", "|", "外阴白斑", "症状"], ["阳痿", "认识", "阳痿", "|", "阳痿", "怎么办", "|", "阳痿", "的", "表现"], ["吃什么", "食物", "为", "身体", "补充", "营"], ["冬至", "吃什么", "食物", "好", "各地"], ["冬季", "心情", "忧郁", "该怎么办", "1"], ["冬季", "怎么", "泡脚", "推荐", "10", "个"]], "paragraphs": ["本文导读:怀孕后,很多准妈妈对于自己的日常饮食可以说是格外小心了。那么像白木耳这样一种具有滋阴润肺、补气益气,同时还可提高身体免疫力的食物,孕妇可以吃吗?", "便秘(constipation)是指排便频率减少,一周内大便次数少于2~3次,或者2~3天才大便1…[详细]", "可以肯定的是孕妇适当吃点白木耳对促进身体健康有很多好处的。", "增强免疫力", "白木耳中含有含有7种人体所需的氨基酸,特别是对于孕妇而言更具有很大的裨益作用。其不仅可增加人体细胞的免疫作用,同时还有很明显的抗氧化作用。再者白木耳也具有很好的润肺之咳的功效,因此多吃对于增强孕妇的抵抗力,减少生病的机会也会有很大的帮助的。", "预防钙质流失", "白木耳中含有丰富的维生素D,而维生素D可促进钙的吸收,所以在孕期适当的吃些白木耳对于预防缺钙,减少钙质的流失也是会有很大的帮助的。", "滋养成皮肤", "白木耳中含有丰富的植物性胶质,其对于孕期肤质突然变差的女性而言就具有很好的保健功效。特别是对于一些孕后长了黄褐班的女性更可多吃白木耳以减少黄褐斑的出现。", "安神", "孕期可能会荷尔蒙的变化,而使得自己心烦意燥,而白木耳素有安神的作用。因此孕妇适当的吃点白木耳对安度整个妊娠期也具有一定的帮助。特别是对于孕后期由于心理压力大,睡不着,或者失眠多梦者就具有很好的补益作用。", "所以说孕妇是可以吃白木耳的,孕妇适当吃点白木耳对促进优生优育也是有一定的帮助的。", "红枣白木耳汤", "做法:先将白木耳放到温水中泡发洗干净,然后撕成小片,放入锅中,加适量水,这个时候加点红枣,枸杞子一起煮开在煮10分钟,然后加入冰糖就可了。", "红枣白木耳汤具有滋阴润燥的功效,特别是对于孕期心烦意乱,脸上长斑的女性就具有很好的食疗作用。当然了其对于改善便秘,口渴的感觉也有一定的补益作用。", "莲子银耳汤", "做法:先将银耳和莲子分别用温水泡发后,去掉莲子的芯,把银耳撕成小片。", "取一锅,加入清水,将银耳,莲子一起放进去用大火烧开,然后改成小火慢炖两个小时,直到银耳的肉烂了之后,倒出加入冰糖就可食用了。", "这算得上是最适合孕妇在秋冬季进补的甜品之一了。", "当然了孕妇吃白木耳也要注意个量,特别是在孕早期,因为白木耳属凉,如果食用过多的话,容易引起胎动不安,甚至流产。", "再者隔夜的白木耳一定不能吃,隔夜的白木耳会产生很大的毒素,如果准妈妈吃了的话,对身体会造成很大的伤害的,甚至会产生畸形儿,因此一定要注意了。", "另外很多人在吃白木耳的时候喜欢加很多的糖,这样一来口感是有了,但是也会使得孕妇的血黏度增高,甚至有可能会引起妊娠高血压,因此在吃白木耳的时候也一定要注意这样的问题。(99健康网(www.99.com.cn)专稿,如需转载请注明出处。)", "(责任编辑:廖露)", "宝宝不爱喝奶粉?是不", "月经正常就能怀孕?这", "妇科最佳医院 男科最佳医院 眼科最佳医院 儿科最佳医院 心血管最佳医院 皮肤科最佳医院 肿瘤科最佳医院 肝病最佳医院 整形最佳医院 综合最佳医院 内科最佳医院 性病科最佳医院 上海市医院排行 北京市医院排行 妇产科医院排行 儿科医院排行", "西安市医院排行 厦门市糖尿病医院排行 上海市医院排行榜 北京市医院排行榜 天津市医院排行榜 重庆市医院排行榜 武汉市医院排行榜 南京市医院排行榜 成都市医院排行榜 广州市医院排行榜 合肥市医院排行榜 福州市医院排行榜 大连市医院排行榜 东莞市医院排行榜 佛上市医院排行榜 长沙市医院排行榜", "子宫肌瘤 预防子宫肌瘤| 子宫肌瘤自查| 子宫肌瘤症状", "感冒 伤风感冒| 小儿感冒| 孕妇感冒", "痛经 什么是痛经| 女性痛经| 痛经的原因", "阴道炎 女性阴道炎| 阴道炎病因| 治疗阴道炎", "水痘 水痘饮食| 水痘有哪些| 什么是水痘", "包皮过长 包皮过长手术| 治疗包皮过长| 包皮过长影响生育", "月经不调 月经不调怎么办| 月经不调症状| 月经不调原因", "盆腔炎 盆腔炎保健| 盆腔炎病因| 盆腔炎的症状", "宫颈炎 治愈宫颈炎| 产后宫颈炎| 宫颈炎症状", "人流 无痛人流| 注意事项| 如何预防人流", "口腔溃疡 民间偏方| 饮食预防| 复发原因", "早泄 早泄怎么办| 假性早泄| 怎么治疗早泄", "乳腺癌 乳腺癌自查| 乳腺癌原因| 乳腺癌饮食", "宫外孕 治疗宫外孕方法| 警惕宫外孕| 宫外孕初期", "外阴白斑 外阴白斑生活| 外阴白斑检测| 外阴白斑症状", "阳痿 认识阳痿| 阳痿怎么办| 阳痿的表现", "吃什么食物为身体补充营", "冬至吃什么食物好 各地", "冬季心情忧郁该怎么办 1", "冬季怎么泡脚 推荐10个"], "bs_rank_pos": 4}], "answer_spans": [[49, 86]], "yesno_answers": ["Yes"], "fake_answers": ["产妇产后比较虚弱,因此排便力量减弱,再加上蔬菜、水果吃得少,产后经常有便秘现象。银耳中的膳食纤维可助胃肠蠕动,从而帮助预防产妇便秘。"], "question": "孕妇能吃银耳吗", "segmented_answers": [["产妇", "能", "吃", "银耳", ",", "不少", "的", "医院", "还", "将", "银耳汤", "作为", "月子", "里", "的", "食谱", "。", "产妇", "产后", "比较", "虚弱", ",", "因此", "排便", "力量", "减弱", ",", "再加上", "蔬菜", "、", "水果", "吃", "得", "少", ",", "产后", "经常", "有", "便秘", "现象", "。", "银耳", "中", "的", "膳食纤维", "可", "助", "胃肠蠕动", ",", "从而", "帮助", "预防", "产妇", "便秘", ";", "银耳", "富含", "维生素", "D", ",", "能", "防止", "钙", "的", "流失", ",", "有助于", "宝宝", "的", "生长", "发育"]], "answers": ["产妇能吃银耳,不少的医院还将银耳汤作为月子里的食谱。产妇产后比较虚弱,因此排便力量减弱,再加上蔬菜、水果吃得少,产后经常有便秘现象。银耳中的膳食纤维可助胃肠蠕动,从而帮助预防产妇便秘;银耳富含维生素D,能防止钙的流失,有助于宝宝的生长发育"], "yesno_type": "OPINION", "answer_docs": [0], "segmented_question": ["孕妇", "能", "吃", "银耳", "吗"], "question_type": "YES_NO", "question_id": 181645, "fact_or_opinion": "OPINION", "match_scores": [0.6238532110091743]}
-{"documents": [{"is_selected": true, "title": "一个手机号码一天能注册几个QQ号_百度知道", "most_related_para": 2, "segmented_title": ["一", "个", "手机号码", "一", "天", "能", "注册", "几个", "QQ", "号", "_", "百度", "知道"], "segmented_paragraphs": [["一", ",", "QQ", "号码", "一天", "究竟", "可以申请", "几个", "?", "回答", ":", "可以", "无限制", "申请", "一", "次", "可以申请", "3", "个", "完", "你", "用", "你", "的", "360", "或者", "QQ管家", "清理", "下", "垃圾", "完", "在", "清理", "下", "痕迹", "还", "可以", "接着", "申请", "二", "、", "1", "个", "IP", "一", "天", "能", "申请", "几个", "QQ", "号", "?", "回答", ":", "好象", "是", "一", "个", "外网", "IP", "一", "天", "只能", "申请", "一", "个", "QQ", "号", "一", "天", "可以申请", "9", "个", "左右", ".", "每", "连续", "申请", "3", "个", ",", "要", "间隔", "几个", "小时", "才", "可以", "再次", "申请", "好象", "没有", "限制", ".", "手机", "上", "一块钱", "一", "个", "号", "三", "、", "一天", "能", "申请", "几个", "QQ", "号", "啊", "?", "回答", ":", "基本", "两", "三", "个", ",", "非法", ",", "或者", "第", "三", "软件", "就", "可以", "很多", "个", "甚至", "几", "十", "个", "。", "现在", "申请", "的", "号", "都", "不好", ",", "建议", "你", "申请", "两天", "个", "就", "可以", "了", ",", "没有", "必须", "为了", "那些", "不好", "的", "号", "花", "太多", "的", "时间", "。", "当然", "有", ",", "如果", "自己", "一", "条", "宽带", ",", "你", "注册", "3", "个", "后", ",", "重启", "猫", "连接", "后", "在", "注册", "。", "可以", "无限", "注册", "。", "如果", "有", "路由", "也是", "这个方法", "。", "你", "可以", "在", "网上", "下载", "一", "个", "“", "号码", "批量", "注册", "器", "”"], ["两", "三", "个", ",", "刚", "开始", "可能", "好", "注册", ",", "到", "最后", "就", "比较", "麻烦", ",", "建议", "还是", "不要这样", ",", "除非", "不得已", "。", "。", "。"], ["一", "个", "手机号", "只能", "申请", "一", "个", "免费", "QQ", "号码", "。"], ["无数", "个", "发", "个", "短信", "就好", "了"]], "paragraphs": ["一,QQ号码一天究竟可以申请几个? 回答:可以无限制申请 一次可以申请3个 完你用你的360或者QQ管家 清理下垃圾完在清理下痕迹 还可以接着申请 二、1个IP一天能申请几个QQ号? 回答:好象是一个外网IP一天只能申请一个QQ号 一天可以申请9个左右. 每连续申请3个,要间隔几个小时才可以再次申请 好象没有限制. 手机上一块钱一个号 三、一天能申请几个QQ号啊? 回答:基本两三个,非法,或者第三软件就可以很多个甚至几十个。 现在申请的号都不好,建议你申请两天个就可以了,没有必须为了那些不好的号花太多的时间。 当然有,如果自己一条宽带,你注册3个后,重启猫 连接后在注册。可以无限注册。如果有路由也是这个方法。你可以在网上下载一个“号码批量注册器”", "两三个,刚开始可能好注册,到最后就比较麻烦,建议还是不要这样,除非不得已。。。", "一个手机号只能申请一个免费QQ号码。", "无数个 发个短信就好了"], "bs_rank_pos": 0}, {"is_selected": true, "title": "一个手机号码可以注册多个QQ吗。_百度知道", "most_related_para": 0, "segmented_title": ["一", "个", "手机号码", "可以", "注册", "多", "个", "QQ", "吗", "。", "_", "百度", "知道"], "segmented_paragraphs": [["一", "个", "手机号码", "可以", "注册", "多", "个", "QQ", "。", "注册方法", ":", "1", ".", "双击", "QQ", "图标", ",", "打开", "QQ", "软件", "。", "2", ".", "打开", "QQ", "后", ",", "单击", "【", "注册账号", "】", "按钮", ",", "并", "在", "账号", "注册", "里面", "选择", "【", "手机", "账号", "】", "。", "3", ".", "根据", "意思", "填写", "资料", ",", "然后", "填写", "之前", "先", "打", "两", "个", "勾", ",", "然后", "点击", "注册", "。", "4", ".", "到达", "了", "输入", "手机", "验证码", "的", "时候", "了", ",", "手机号", "已经", "自动", "填写", ",", "然后", "点击", "【", "向", "此", "手机", "发送", "验证码", "】", "。", "收到", "验证码", "后", ",", "点击", "验证码", "输入框", ",", "输入", "短信", "验证码", ",", "单击", "【", "提交", "验证码", "】", "。", "5", ".", "到达", "【", "注册成功", "】", ",", "说明", "QQ", "号", "已经", "注册", ",", "可以", "登录", "QQ", "号", ",", "或者", "登录", "手机", "QQ", "。"], ["手机号", "注册", "qq", "数量", "没有", "限制", ",", "但", "一", "个", "手机号", "一", "天", "(", "24", "小时", "内", ")", "只能", "申请", "一次", "。", "24", "小时", "后", "才能", "重新", "申请", "。"], ["好像", "是", "一", "个", "吧", "。", "。", "。"], ["有", "的", "可以", "但", "最多", "注册", "两", "个", "(", "不确定", ")", "这", "是", "我", "所", "知道", "的"], ["可以", ",", "但", "一天", "只能", "注册", "一", "个", "QQ", "号"], ["只能", "注册", "一", "个"]], "paragraphs": ["一个手机号码可以注册多个QQ。 注册方法: 1.双击QQ图标,打开QQ软件。 2.打开QQ后,单击【注册账号】按钮,并在账号注册里面选择【手机账号】。 3.根据意思填写资料,然后填写之前先打两个勾,然后点击注册。 4.到达了输入手机验证码的时候了,手机号已经自动填写,然后点击【向此手机发送验证码】。 收到验证码后,点击验证码输入框,输入短信验证码,单击【提交验证码】。 5.到达【注册成功】,说明QQ号已经注册,可以登录QQ号,或者登录手机QQ。", "手机号注册qq数量没有限制,但一个手机号一天(24小时内)只能申请一次。24小时后才能重新申请。", "好像是一个吧。。。", "有的可以 但最多注册两个 (不确定)这是我所知道的", "可以,但一天只能注册一个QQ号", "只能注册一个"], "bs_rank_pos": 1}], "answer_spans": [[0, 10]], "answer_docs": [0], "fake_answers": ["一个手机号只能申请一个免费QQ号码。"], "question": "一个手机号码可以注册几个qq", "segmented_answers": [["一", "个", "手机号", "只能", "申请", "一", "个", "免费", "QQ", "号码", "。"], ["一", "个", "手机号码", "可以", "注册", "多", "个", "QQ", "。"]], "answers": ["一个手机号只能申请一个免费QQ号码。", "一个手机号码可以注册多个QQ。"], "entity_answers": [["一个"], []], "segmented_question": ["一", "个", "手机号码", "可以", "注册", "几个", "qq"], "question_type": "ENTITY", "match_scores": [1.0], "fact_or_opinion": "FACT", "question_id": 181646}
-{"documents": [{"is_selected": true, "title": "微信群发频繁多久解除 微信群发怎么会太频繁?-百科大全-就爱阅读网", "most_related_para": 16, "segmented_title": ["微信", "群发", "频繁", "多久", "解除", "微信", "群发", "怎么", "会", "太", "频繁", "?", "-", "百科", "大全", "-", "就爱阅读", "网"], "segmented_paragraphs": [["我", "也", "遇到", "同样", "的", "问题", ",", "开始", "发", "完", "一", "条", "后", ",", "再", "发", "就", "不行", "了", "。", "哪怕", "是", "你", "间隔", "十天", ",", "都是", "一样", "。", "。", "应该", "是", "属于", "微信", "的", "版本", "问题", "。"], ["用户", "使用", "群发", "功能", "20", "-", "30", "次", "后", ",", "就会", "变成", "有限", "字数", "的", "群发", "了", "。", "如", "再", "群发", "时", ",", "字数", "超过", "一定", "数量", ",", "将", "只", "提示", "用户", ":"], ["操作", "太", "频繁", ",", "请稍后", "再试", "!", "其实", ",", "你", "稍后", "再试", "(", "包括", ":", "转", "天", "再试", ",", "退出", "再试", ",", "注销", "再试", ")", ",", "只要", "超", "字数", ",", "群发", "时", "永远", "只", "会", "提示", ":", "操作", "太", "频繁", ",", "请稍后", "再试", "!", "(", "不会", "提示", "你", "其他", "原因", "的", ",", "从", "这", "一", "点", "不难看出", "tx", "一贯", "擅长", "的", "水深", "作风", ")", "。"], ["但", "我", "要", "说", "的", "是", ":", "为什么", "苹果", "的", "微信", "就", "没", "出现", "过", "这", "问题", "呢", "?", "是不是", "怕", "严格", "的", "审查", "不合格", "后", "被", "“", "下架", "”", ",", "不敢", "给", "苹果", "偷偷", "的", "穿小鞋", "呢", "?", "呵呵"], ["没办法", "!", "tx", "不", "想", "解决", ",", "你", "还是", "暂时", "精简", "文字", "后", "群发", "吧", ",", "谁", "叫", "咱", "依赖", "微信", "呢", ",", "谁", "叫", "微信", "是", "tx", "的", "呢", "。", "要", "么", "舆论", "让", "tx", "自己", "出", "面", "去", "解释", ",", "要", "么", "你", "就", "换", "成", "苹果", ",", "成本", "啊", "!", "!", "!"], ["用户", "使用", "群发", "功能", "20", "-", "30", "次", "后", ",", "就会", "变成", "有限", "字数", "的", "群发", "了", "。", "如", "再", "群发", "时", ",", "字数", "超过", "一定", "数量", ",", "将", "只", "提示", "用户", ":", "操作", "太", "频繁", ",", "请稍后", "再试", "!", "其实", ",", "你", "稍后", "再试", "(", "包括", ":", "转", "天", "再试", ",", "退出", "再试", ",", "注销", "再试", ")", ",", "只要", "超", "字数", ",", "群发", "时", "永远", "只", "会", "提示", ":", "操作", "太", "频繁", ",", "请", "稍", ".", ".", "."], ["你", "准备", "群发", "多少", "客户", ",", "微信", "群发", "助手", "一次", "只能", "发", "200", "人", ",", "你", "看", "下", "人数", "是否", "超出", ",", "如果", "没问题", "的", "话", ",", "你", "就", "先", "不", "发", "呗", ",", "等", "过", "几个", "小时", "在", "发", "。"], ["群发", "消息", "的", "规则", ":"], ["1", "、", "群发", "消息", "条", "数", ":", "公众", "订阅号", "(", "认证用户", "、", "非", "认证用户", ")", "在", "24", "小时", "内", "只能", "群发", "1", "条", "消息", ";", "公众", "服务", "号", "(", "认证用户", "、", "非", "认证用户", ")", ",", "1", "个", "月", "(", "按", "自然月", ")", "内", "可", "发送", "4", "条", "群发", "消息", "。", "2", "、", "通过", "微信", "公众", "平台", "已经", "群发", "的", "消息", "内容", "(", "包括", "群发", "成功", "、", "或", "群发", "后", "审核", "中", "的", "内容", ")", ",", "不支持", "修改", "或者", "删除", "消息", "内容", "。", "3", "、", "用户", "第", "1", "次", "群发", "时", ",", "会", "自动", "弹出", "签署", "使用", "协议", "(", "服务协议", ")", "提示", "框", ",", "签署协议", "以后", "不会", "再", "提醒", "、", "也", "无法", "查看", "协议", ",", "请", "您", "了解", "。", "4", "、", "被", "加入", "黑名单", "的", "关注", "用户", ",", "不会", "接收", "到", "群发", "信息", "。", "5", "、", "为了", "保持", "绿色", "网络环境", ",", "请", "您", "不要", "发布", "色情", "、", "暴力", "、", "赌博", "、", "血腥", "、", "政治", "等", "违反", "国家", "法律", "法规", "的", "信息", ",", "避免", "引起", "其他", "用户", "投诉", ",", "导致", "您", "的", "微信", "公众", "号", "无法", "正常", "使用", "。"], ["我", "开发", "微信", "群发", "消息"], ["你", "用", "无限", "还是", "自己", "流量", "?"], ["用户", "使用", "群发", "功能", "20", "-", "30", "次", "后", ",", "就会", "变成", "有限", "字数", "的", "群发", "了", "。", "如", "再", "群发", "时", ",", "字数", "超过", "一定", "数量", ",", "将", "只", "提示", "用户", ":"], ["操作", "太", "频繁", ",", "请稍后", "再试", "!", "其实", ",", "你", "稍后", "再试", "(", "包括", ":", "转", "天", "再试", ",", "退出", "再试", ",", "注销", "再试", ")", ",", "只要", "超", "字数", ",", "群发", "时", "永远", "只", "会", "提示", ":", "操作", "太", "频繁", ",", "请稍后", "再试", "!", "(", "不会", "提示", "你", "其他", "原因", "的", ",", "从", "这", "一", "点", "不难看出", "tx", "一贯", "擅长", "的", "水深", "作风", ")", "。"], ["但", "我", "要", "说", "的", "是", ":", "为什么", "苹果", "的", "微信", "就", "没", "出现", "过", "这", "问题", "呢", "?", "是不是", "怕", "严格", "的", "审查", "不合格", "后", "被", "“", "下架", "”", ",", "不敢", "给", "苹果", "偷偷", "的", "穿小鞋", "呢", "?", "呵呵"], ["没办法", "!", "tx", "不", "想", "解决", ",", "你", "还是", "暂时", "精简", "文字", "后", "群发", "吧", ",", "谁", "叫", "咱", "依赖", "微信", "呢", ",", "谁", "叫", "微信", "是", "tx", "的", "呢", "。", "要", "么", "舆论", "让", "tx", "自己", "出", "面", "去", "解释", ",", "要", "么", "你", "就", "换", "成", "苹果", ",", "成本", "啊", "!", "!", "!"], ["应该", "是", "你", "群发", "过", "多", "被", "限制", "了", ",", "微信", "很多", "都", "有", "条", "数", "限制", "。"], ["10", "分钟", "之后", "就", "可以", "了"], ["你", "那", "是", "操作", "速度", "太", "快", "了"], ["你", "稍后", "一会", "就", "行", "了"], ["个人", "不", "建议", "你", "每天", "都", "要", "发", ",", "不", "然", "容易", "被", "限制", "功能"], ["百度搜索", "“", "就", "爱", "阅读", "”", ",", "专业", "资料", ",", "生活", "学习", ",", "尽", "在", "就", "爱", "阅读", "网", "92to", ".", "com", ",", "您", "的", "在线", "图书馆"]], "paragraphs": ["我也遇到同样的问题,开始发完一条后,再发就不行了。哪怕是你间隔十天,都是一样。。应该是属于微信的版本问题。", "用户使用群发功能20-30次后,就会变成有限字数的群发了。如再群发时,字数超过一定数量,将只提示用户:", "操作太频繁,请稍后再试!其实,你稍后再试(包括:转天再试,退出再试,注销再试),只要超字数,群发时永远只会提示:操作太频繁,请稍后再试!(不会提示你其他原因的,从这一点不难看出tx一贯擅长的水深作风)。", "但我要说的是:为什么苹果的微信就没出现过这问题呢?是不是怕严格的审查不合格后被“下架”,不敢给苹果偷偷的穿小鞋呢?呵呵", "没办法!tx不想解决,你还是暂时精简文字后群发吧,谁叫咱依赖微信呢,谁叫微信是tx的呢。要么舆论让tx自己出面去解释,要么你就换成苹果,成本啊!!!", "用户使用群发功能20-30次后,就会变成有限字数的群发了。如再群发时,字数超过一定数量,将只提示用户: 操作太频繁,请稍后再试!其实,你稍后再试(包括:转天再试,退出再试,注销再试),只要超字数,群发时永远只会提示:操作太频繁,请稍...", "你准备群发多少客户,微信群发助手一次只能发200人,你看下人数是否超出,如果没问题的话,你就先不发呗,等过几个小时在发。", "群发消息的规则:", "1、群发消息条数: 公众订阅号(认证用户、非认证用户)在24小时内只能群发1条消息; 公众服务号(认证用户、非认证用户),1个月(按自然月)内可发送4条群发消息。 2、通过微信公众平台已经群发的消息内容(包括群发成功、或群发后审核中的内容),不支持修改或者删除消息内容。 3、用户第1次群发时,会自动弹出签署使用协议(服务协议)提示框,签署协议以后不会再提醒、也无法查看协议,请您了解。 4、被加入黑名单的关注用户,不会接收到群发信息。 5、为了保持绿色网络环境,请您不要发布色情、暴力、赌博、血腥、政治等违反国家法律法规的信息,避免引起其他用户投诉,导致您的微信公众号无法正常使用。", "我开发 微信群发消息", "你用无限还是自己流量?", "用户使用群发功能20-30次后,就会变成有限字数的群发了。如再群发时,字数超过一定数量,将只提示用户:", "操作太频繁,请稍后再试!其实,你稍后再试(包括:转天再试,退出再试,注销再试),只要超字数,群发时永远只会提示:操作太频繁,请稍后再试!(不会提示你其他原因的,从这一点不难看出tx一贯擅长的水深作风)。", "但我要说的是:为什么苹果的微信就没出现过这问题呢?是不是怕严格的审查不合格后被“下架”,不敢给苹果偷偷的穿小鞋呢?呵呵", "没办法!tx不想解决,你还是暂时精简文字后群发吧,谁叫咱依赖微信呢,谁叫微信是tx的呢。要么舆论让tx自己出面去解释,要么你就换成苹果,成本啊!!!", "应该是你群发过多被限制了,微信很多都有条数限制。", "10分钟之后就可以了", "你那是操作速度太快了", "你稍后一会就行了", "个人不建议你每天都要发,不然容易被限制功能", "百度搜索“就爱阅读”,专业资料,生活学习,尽在就爱阅读网92to.com,您的在线图书馆"], "bs_rank_pos": 0}, {"is_selected": false, "title": "微信群发频繁多久解除 微信群发怎么会太频繁_百度知道", "most_related_para": 0, "segmented_title": ["微信", "群发", "频繁", "多久", "解除", "微信", "群发", "怎么", "会", "太", "频繁", "_", "百度", "知道"], "segmented_paragraphs": [["微信", "不允许", "连续", "重复", "同", "一", "个", "动作", "太", "久", "的", ",", "所以", "你", "在", "群发", "的", "时候", "稍", "等等", "!"]], "paragraphs": ["微信不允许连续重复同一个动作太久的,所以你在群发的时候稍等等!"], "bs_rank_pos": 1}, {"is_selected": false, "title": "微信群发助手提示操作频繁多长时间恢复_百度知道", "most_related_para": 0, "segmented_title": ["微信", "群发", "助手", "提示", "操作", "频繁", "多长时间", "恢复", "_", "百度", "知道"], "segmented_paragraphs": [["用户", "使用", "群发", "功能", "20", "-", "30", "次", "后", ",", "就会", "变成", "有限", "字数", "的", "群发", "了", "。", "如", "再", "群发", "时", ",", "字数", "超过", "一定", "数量", ",", "将", "只", "提示", "用户", ":", "操作", "太", "频繁", ",", "请稍后", "再试", "!", "其实", ",", "你", "稍后", "再试", "(", "包括", ":", "转", "天", "再试", ",", "退出", "再试", ",", "注销", "再试", ")", ",", "只要", "超", "字数", ",", "群发", "时", "永远", "只", "会", "提示", ":", "操作", "太", "频繁", ",", "请稍后", "再试", "!", "(", "不会", "提示", "你", "其他", "原因", "的", ",", "从", "这", "一", "点", "不难看出", "tx", "一贯", "擅长", "的", "水深", "作风", ")", "。", "但", "我", "要", "说", "的", "是", ":", "为什么", "苹果", "的", "微信", "就", "没", "出现", "过", "这", "问题", "呢", "?", "是不是", "怕", "严格", "的", "审查", "不合格", "后", "被", "“", "下架", "”", ",", "不敢", "给", "苹果", "偷偷", "的", "穿小鞋", "呢", "?", "呵呵", "没办法", "!", "tx", "不", "想", "解决", ",", "你", "还是", "暂时", "精简", "文字", "后", "群发", "吧", ",", "谁", "叫", "咱", "依赖", "微信", "呢", ",", "谁", "叫", "微信", "是", "tx", "的", "呢", "。", "要", "么", "舆论", "让", "tx", "自己", "出", "面", "去", "解释", ",", "要", "么", "你", "就", "换", "成", "苹果", ",", "成本", "啊", "!", "!", "!"]], "paragraphs": ["用户使用群发功能20-30次后,就会变成有限字数的群发了。如再群发时,字数超过一定数量,将只提示用户: 操作太频繁,请稍后再试!其实,你稍后再试(包括:转天再试,退出再试,注销再试),只要超字数,群发时永远只会提示:操作太频繁,请稍后再试!(不会提示你其他原因的,从这一点不难看出tx一贯擅长的水深作风)。 但我要说的是:为什么苹果的微信就没出现过这问题呢?是不是怕严格的审查不合格后被“下架”,不敢给苹果偷偷的穿小鞋呢?呵呵 没办法!tx不想解决,你还是暂时精简文字后群发吧,谁叫咱依赖微信呢,谁叫微信是tx的呢。要么舆论让tx自己出面去解释,要么你就换成苹果,成本啊!!!"], "bs_rank_pos": 2}, {"is_selected": false, "title": "微信群发总提示操作频繁,求现实解决办法,急。_百度知道", "most_related_para": 0, "segmented_title": ["微信", "群发", "总", "提示", "操作", "频繁", ",", "求", "现实", "解决办法", ",", "急", "。", "_", "百度", "知道"], "segmented_paragraphs": [["那", "你", "是否", "真", "的", "有", "多发", "消息", "呢", "?", "你", "也", "可以", "选择", "拉", "个", "微信", "群", "发", "个", "消息", "大家", "也", "能", "看", "得到", "的", ",", "如果", "实在", "不行", ",", "第一次", "群发", "选择", "一半", "的", "人", "发送", ",", "第二次", "再", "选择", "另外", "一半", "人", "发生", "。", "再", "不行", "就", "把", "微信", "卸载", "重新", "下载", "一次", "。"], ["减少", "群发短信", "的", "内容", "即可", ",", "字数", "太多", "了"]], "paragraphs": ["那你是否真的有多发消息呢?你也可以选择拉个微信群 发个消息 大家也能看得到的,如果实在不行,第一次群发选择一半的人发送,第二次再选择另外一半人发生。再不行就把微信卸载重新下载一次。", "减少群发短信的内容即可,字数太多了"], "bs_rank_pos": 3}, {"is_selected": false, "title": "微信群发,隔多久发一次才不会操作频繁?_天天任务网", "most_related_para": 11, "segmented_title": ["微信", "群发", ",", "隔", "多久", "发", "一", "次", "才", "不会", "操作", "频繁", "?", "_", "天天", "任务", "网"], "segmented_paragraphs": [["微信", "群发", ",", "隔", "多久", "发", "一", "次", "才", "不会", "操作", "频繁", "?"], ["有人知道", "这个", "微信", "群发", ",", "隔", "多久", "发", "一", "次", "才", "不会", "操作", "频繁", "?"], ["q", "1301968100"], ["发表", "于", "2017", "-", "02", "-", "05", "10", ":", "09", ":", "02", "用", "电脑", "机器人", "发"], ["发表", "于", "2017", "-", "02", "-", "04", "16", ":", "34", ":", "25"], ["群发", "消息", "的", "规则", ":", "1", "、", "群发", "消息", "条", "数", ":", "公众", "订阅号", "(", "认证用户", "、", "非", "认证用户", ")", "在", "24", "小时", "内", "只能", "群发", "1", "条", "消息", ";", "公众", "服务", "号", "(", "认证用户", "、", "非", "认证用户", ")", ",", "1", "个", "月", "(", "按", "自然月", ")", "内", "可", "发送", "4", "条", "群发", "消息", "。", "2", "、", "通过", "微信", "公众", "平台", "已经", "群发", "的", "消息", "内容", "(", "包括", "群发", "成功", "、", "或", "群发", "后", "审核", "中", "的", "内容", ")", ",", "不支持", "修改", "或者", "删除", "消息", "内容", "。", "3", "、", "用户", "第", "1", "次", "群发", "时", ",", "会", "自动", "弹出", "签署", "使用", "协议", "(", "服务协议", ")", "提示", "框", ",", "签署协议", "以后", "不会", "再", "提醒", "、", "也", "无法", "查看", "协议", ",", "请", "您", "了解", "。", "4", "、", "被", "加入", "黑名单", "的", "关注", "用户", ",", "不会", "接收", "到", "群发", "信息", "。", "5", "、", "为了", "保持", "绿色", "网络环境", ",", "请", "您", "不要", "发布", "色情", "、", "暴力", "、", "赌博", "、", "血腥", "、", "政治", "等", "违反", "国家", "法律", "法规", "的", "信息", ",", "避免", "引起", "其他", "用户", "投诉", ",", "导致", "您", "的", "微信", "公众", "号", "无法", "正常", "使用", "。"], ["发表", "于", "2017", "-", "02", "-", "04", "16", ":", "34", ":", "17"], ["微信", "不允许", "连续", "重复", "同", "一", "个", "动作", "太", "久", "的", ",", "所以", "你", "在", "群发", "的", "时候", "稍", "等等", "!"], ["发表", "于", "2017", "-", "02", "-", "04", "16", ":", "33", ":", "46", "群发", "条", "数", "太多", "了"], ["发表", "于", "2017", "-", "02", "-", "04", "16", ":", "32", ":", "46", "两", "三", "天", "之", "内", "不要", "再", "发", "了"], ["发表", "于", "2017", "-", "02", "-", "04", "16", ":", "32", ":", "39"], ["10", "分钟", "之后", "就", "可以", "了", ",", "你", "那", "是", "操作", "速度", "太", "快", "了", ",", "你", "稍后", "一会", "就", "行", "了", ",", "个人", "不", "建议", "你", "每天", "都", "要", "发", ",", "不", "然", "容易", "被", "限制", "功能"], ["您", "需要", "登录", "后", "才", "可以", "回复", "登录", "|", "注册会员"]], "paragraphs": ["微信群发,隔多久发一次才不会操作频繁?", "有人知道这个微信群发,隔多久发一次才不会操作频繁?", "q1301968100", "发表于 2017-02-05 10:09:02 用电脑机器人发", "发表于 2017-02-04 16:34:25", "群发消息的规则: 1、群发消息条数: 公众订阅号(认证用户、非认证用户)在24小时内只能群发1条消息; 公众服务号(认证用户、非认证用户),1个月(按自然月)内可发送4条群发消息。 2、通过微信公众平台已经群发的消息内容(包括群发成功、或群发后审核中的内容),不支持修改或者删除消息内容。 3、用户第1次群发时,会自动弹出签署使用协议(服务协议)提示框,签署协议以后不会再提醒、也无法查看协议,请您了解。 4、被加入黑名单的关注用户,不会接收到群发信息。 5、为了保持绿色网络环境,请您不要发布色情、暴力、赌博、血腥、政治等违反国家法律法规的信息,避免引起其他用户投诉,导致您的微信公众号无法正常使用。", "发表于 2017-02-04 16:34:17", "微信不允许连续重复同一个动作太久的,所以你在群发的时候稍等等!", "发表于 2017-02-04 16:33:46 群发条数太多了", "发表于 2017-02-04 16:32:46 两三天之内不要再发了", "发表于 2017-02-04 16:32:39", "10分钟之后就可以了,你那是操作速度太快了,你稍后一会就行了,个人不建议你每天都要发,不然容易被限制功能", "您需要登录后才可以回复 登录 | 注册会员"], "bs_rank_pos": 4}], "answer_spans": [[0, 5]], "answer_docs": [0], "fake_answers": ["10分钟之后就可以了"], "question": "微信群发频繁多久解除", "segmented_answers": [["10", "分钟", "之后", "就", "可以", "了", "。"]], "answers": ["10分钟之后就可以了。"], "entity_answers": [["10分钟"]], "segmented_question": ["微信", "群发", "频繁", "多久", "解除"], "question_type": "ENTITY", "match_scores": [0.923076923076923], "fact_or_opinion": "FACT", "question_id": 181647}
-{"documents": [{"is_selected": true, "title": "如何使用打印机_百度经验", "most_related_para": 6, "segmented_title": ["如何", "使用", "打印机", "_", "百度", "经验"], "segmented_paragraphs": [["该", "经验", "图片", "、", "文字", "中", "可能", "存在", "外", "站", "链接", "或", "电话号码", "等", ",", "请注意", "识别", ",", "谨防上当受骗", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["当今社会", ",", "有", "的", "家庭", "为了", "方便", ",", "已经", "人", "手", "一", "台", "打印机", "了", "。"], ["想", "复印", "什么", "资料", ",", "详细", "的", "看看", "什么", "信息", ",", "可以", "很", "轻松", "的", "完成", "了", ",", "即", "不用", "守", "在", "电脑", "旁", "观看", ",", "还", "可以", "不用", "眼", "过度", ",", "最好", "的", "是", "方便", ",", "想", "什么", "时候", ",", "什么", "地点", "看", "都是", "可以", "的", "。"], ["下面", "简单", "说", "一", "下", "使用方法", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "安装", ",", "接上", "电脑", "打印机", "连", "到", "电脑", "上", "会出现", "提示", ",", "有", "新", "硬件", "提示", ",", "一般", "打印", "机会", "自带", "驱动", "安装", "好", ",", "然后", "就", "可以", "使用", "了", "。", "安装", "完", "之后", "可以", "在", "控制面板", ",", "添加", "打印机", ",", "会", "有", "显示", "打印", "测试", ",", "打印", "一", "份", "试", "试", "好不好", "使", "。", "步骤", "阅读", "步骤", "阅读", "2", "使用", "把", "要", "打印", "的", "文件", "准备", "好", ",", "打击", "文件", ",", "打印预览", ",", "看看", "版块", "合", "不", "合适", ",", "如果", "感觉", "可以", "点击", "打印", "就", "可以", "了", "。", "步骤", "阅读", "3", "图片", "打印", "预览", "完", "的", "时候", ",", "点击", "打印", ",", "然后", "选择", "自己", "要", "打印", "的", "图片", ",", "打", "上", "勾", "就", "可以", ",", "然后", "选择", "面板", "格式", ",", "就是", "一", "张", "纸", "上面", "打印", "几个", "图片", ",", "最后", "点击", "打印", "就", "可以", "了", "。", "步骤", "阅读", "4", "打印机", "工作", "有些", "打印机", "有", "自己", "的", "开关", ",", "所以", "打印", "的", "时候", "别", "忘", "了", "按", "开关", "。", "还", "需要", "放", "上", "准备", "好", "的", "A4", "之类", "的", "纸张", ",", "这样", "才能", "打印", "出来", "。", "步骤", "阅读", "5", "打印机", "的", "墨盒", "如果", "里面", "没有", "墨", "了", ",", "会", "打印", "不", "了", "。", "可以", "把", "打印机", "的", "盖", "打开", ",", "然后", "拿出", "墨盒", "摇", "几", "下", ",", "一般", "可以使用", "一", "小", "会", "的", "。", "如果", "上", "个", "办法", "不行", ",", "就", "需要", "去", "电脑城", "更换", "墨盒", ",", "或者", "去", "注", "墨盒", ",", "有", "专业人士", "帮", "你", "。", "步骤", "阅读", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["该经验图片、文字中可能存在外站链接或电话号码等,请注意识别,谨防上当受骗!", "百度经验:jingyan.baidu.com", "当今社会,有的家庭为了方便,已经人手一台打印机了。", "想复印什么资料,详细的看看什么信息,可以很轻松的完成了,即不用守在电脑旁观看,还可以不用眼过度,最好的是方便,想什么时候,什么地点看都是可以的。", "下面简单说一下使用方法。", "百度经验:jingyan.baidu.com", "1 安装,接上电脑 打印机连到电脑上会出现提示,有新硬件提示,一般打印机会自带驱动安装好,然后就可以使用了。 安装完之后可以在控制面板,添加打印机,会有显示打印测试,打印一份试试好不好使。 步骤阅读 步骤阅读 2 使用 把要打印的文件准备好,打击文件,打印预览,看看版块合不合适,如果感觉可以点击打印就可以了。 步骤阅读 3 图片打印 预览完的时候,点击打印,然后选择自己要打印的图片,打上勾就可以,然后选择面板格式,就是一张纸上面打印几个图片,最后点击打印就可以了。 步骤阅读 4 打印机工作 有些打印机有自己的开关,所以打印的时候别忘了按开关。 还需要放上准备好的A4之类的纸张,这样才能打印出来。 步骤阅读 5 打印机的墨盒 如果里面没有墨了,会打印不了。 可以把打印机的盖打开,然后拿出墨盒摇几下,一般可以使用一小会的。 如果上个办法不行,就需要去电脑城更换墨盒,或者去注墨盒,有专业人士帮你。 步骤阅读 END", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "怎么用打印机扫描_百度经验", "most_related_para": 4, "segmented_title": ["怎么", "用", "打印机", "扫描", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["首先", "你", "的", "打印机", "需要具备", "扫描", "这个功能", ",", "并且", "正确", "安装", "了", "相关", "的", "驱动程序", ",", "才能", "够", "实现", "扫描", "文件", "这个功能", ",", "我", "的", "办公室", "的", "打印机", "是", "复印", "、", "打印", "一体机", ",", "去年", "才", "买", "的", ",", "我", "上次", "试", "过", "了", "可以", "扫描", "的", ",", "复印", "只能", "是", "黑白", "的", ",", "扫描", "可以", "扫描", "彩色", "的", "文件", ",", "效果", "还不错", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "点击", "电脑", "左下角", "的", "开始菜单", ",", "点击", "设备", "和", "打印机", "步骤", "阅读", "步骤", "阅读", "2", "双击", "打开", "我", "的", "默认", "的", "且", "已经", "准备就绪", "了", "的", "打印机", ",", "点击", "右边", "的", "扫描", "文档", "或", "图片", "步骤", "阅读", "3", "将", "图片", "或", "文件", "放入", "复印机", ",", "点击", "开始", "扫描", "就", "可以", "了", "步骤", "阅读", "4", "扫描", "完成", "后", "会", "弹出", "一", "个", "对话框", ",", "要求", "输入", "一", "个", "文件", "名称", ",", "随便", "输入", "一", "个", "即可", ",", "步骤", "阅读", "步骤", "阅读", "5", "导入", "成功", ",", "会", "自动", "打开", "文件", "存储", "目录", ",", "下图", "便是", "我", "扫描", "的", "文件", ",", "步骤", "阅读", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["本", "经验", "都是", "经过", "本人", "实践", "过", "的", ",", "如果", "帮", "到", "你", "了", "请", "给", "本", "经验", "投", "上", "一票", ",", "或者", "是", "分享", "给", "你", "的", "好友", "如果", "有", "误差", "可能", "是", "本人", "的", "演示", "环境", "和", "你", "不一样", "请注意", "看", "经验", "的", "过程", "。", "对", "本", "经验", "有", "不同", "意见", "的", "请留言", "本人", "非常", "乐意", "与", "读者", "交流", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "首先你的打印机需要具备扫描这个功能,并且正确安装了相关的驱动程序,才能够实现扫描文件这个功能,我的办公室的打印机是复印、打印一体机,去年才买的,我上次试过了可以扫描的,复印只能是黑白的,扫描可以扫描彩色的文件,效果还不错。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 点击电脑左下角的开始菜单,点击设备和打印机 步骤阅读 步骤阅读 2 双击打开我的默认的且已经准备就绪了的打印机,点击右边的扫描文档或图片 步骤阅读 3 将图片或文件放入复印机,点击开始扫描就可以了 步骤阅读 4 扫描完成后会弹出一个对话框,要求输入一个文件名称,随便输入一个即可, 步骤阅读 步骤阅读 5 导入成功,会自动打开文件存储目录,下图便是我扫描的文件, 步骤阅读 步骤阅读 END", "百度经验:jingyan.baidu.com", "本经验都是经过本人实践过的,如果帮到你了请给本经验投上一票,或者是分享给你的好友如果有误差可能是本人的演示环境和你不一样请注意看经验的过程。对本经验有不同意见的请留言本人非常乐意与读者交流。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "打印机怎么用,打印机使用说明_百度知道", "most_related_para": 0, "segmented_title": ["打印机", "怎么", "用", ",", "打印机", "使用说明", "_", "百度", "知道"], "segmented_paragraphs": [["这个", "你", "不用担心", ".", "只要你", "对", "硬件", "有", "一点点", "懂", "就", "可以", "很快", "了解", "的", ".", "那个", "打印机", "安装", "上", "了", "没有", "?", "如果", "是", "让", "你", "安装", "很简单", ".", "你", "把", "它", "连", "到", "电脑", "上", "以后", "就会", "发现", "新", "硬件", ".", "你", "只要", "把", "驱动", "(", "打印机", "带", ")", "安装", "好", ".", "之后", "就", "可以", "打印", "了", ".", "如果", "你", "打印", "任务", "太多", "最好", "先", "重", "起", "一", "下", ".", "安装", "完", "以后", "在", "控制面板", "-", "打印机", "那", "栏", "里", "看一下", ".", "并", "打印", "一", "张", "测试", "页", ".", "如果", "打印机", "以", "经", "安装", "好", ".", "就是", "让", "你", "叫", "他", "怎么", "用", "的", "话", ".", "这个", "就", "更", "简单", "了", ".", "你", "把", "排", "好", "板", "的", "文件", ".", "点击", "文件", "-", "打印预览", "。", "先", "看", "一", "下", "你", "要", "打印", "的", "文件", ".", "之后", "点击", "打印", "就", "可以", ".", "快捷键", "就是", "CTRL", "+", "P", "(", "一般", "都是", "这个", ")", "如果", "要", "打印", "图片", ".", "预览", "的", "时候", "点击", "打印", ".", "之后", "选择", "图片", "把", "你", "想", "打的", "打", "上", "勾", ".", "之后", "选择", "板面", ".", "就是", "一", "张", "纸", "要", "打", "几个", "图片", ".", "点击", "打印", "就", "可以", ".", "如果", "遇到", "错误", ".", "不好", "接", "决", "的", ".", "就", "重", "起", "之后", "在", "试", "就好", "啦", ".", "还有", ".", "如果", "文件", "没有", "打印", ".", "就", "看一下", "右下角", "的", "打印", "任务", "是不是", "太多", "了", ".", "或是", "有", "错误", ".", "最好", "解决", "的", "方法", "就是", "重", "起", ".", "删除"]], "paragraphs": ["这个你不用担心. 只要你对硬件有一点点懂就可以很快了解的.那个打印机安装上了没有?如果是让你安装很简单.你把它连到电脑上以后就会发现新硬件.你只要把驱动(打印机带)安装好.之后就可以打印了.如果你打印任务太多最好先重起一下.安装完以后在控制面板-打印机那栏里看一下.并打印一张测试页. 如果打印机以经安装好.就是让你叫他怎么用的话.这个就更简单了.你把排好板的文件.点击文件-打印预览。先看一下你要打印的文件.之后点击打印就可以.快捷键就是CTRL+P(一般都是这个)如果要打印图片.预览的时候点击打印.之后选择图片把你想打的打上勾.之后选择板面.就是一张纸要打几个图片.点击打印就可以.如果遇到错误.不好接决的.就重起之后在试就好啦.还有.如果文件没有打印.就看一下右下角的打印任务是不是太多了.或是有错误.最好解决的方法就是重起.删除"], "bs_rank_pos": 2}, {"is_selected": false, "title": "打印机怎么使用???_百度知道", "most_related_para": 0, "segmented_title": ["打印机", "怎么", "使用", "?", "?", "?", "_", "百度", "知道"], "segmented_paragraphs": [["你们", "别误导", "人家", "了", ",", "不是", "驱动", "问题", ",", "是", "打印", "工作", "中", "打印机", "本身", "系统", "出", "故障", "了", "。", "先", "取消", "小", "窗口", "中", "的", "打印文档", ",", "关闭", "打印机", ";", "接下来", "重启", "电脑", "后", ",", "打开", "打印机", "和", "传真", "窗口", ",", "看", "你", "的", "打印机", "图标", "上", "的", "“", "三角", "惊叹号", "”", "是否", "变成", "“", "√", "“", "号", "?", "是", "对号", "就是", "经", "重新", "初始化", "后", "已", "恢复", "正常", "了", ",", "可", "正常", "使用", "啦", "。"], ["能", "打印", "出来", "吗", ",", "不能", "打印", "出来", "就", "驱动", "没", "装", "好"]], "paragraphs": ["你们别误导人家了,不是驱动问题,是打印工作中打印机本身系统出故障了。先取消小窗口中的打印文档,关闭打印机;接下来重启电脑后,打开打印机和传真窗口,看你的打印机图标上的“三角惊叹号”是否变成“√“号?是对号就是经重新初始化后已恢复正常了,可正常使用啦。", "能打印出来吗,不能打印出来就驱动没装好"], "bs_rank_pos": 3}, {"is_selected": false, "title": "打印机怎么使用?_百度知道", "most_related_para": 0, "segmented_title": ["打印机", "怎么", "使用", "?", "_", "百度", "知道"], "segmented_paragraphs": [["这个", "你", "不用担心", ".", "只要你", "对", "硬件", "有", "一点点", "懂", "就", "可以", "很快", "了解", "的", ".", "那个", "打印机", "安装", "上", "了", "没有", "?", "如果", "是", "让", "你", "安装", "很简单", ".", "你", "把", "它", "连", "到", "电脑", "上", "以后", "就会", "发现", "新", "硬件", ".", "你", "只要", "把", "驱动", "(", "打印机", "带", ")", "安装", "好", ".", "之后", "就", "可以", "打印", "了", ".", "如果", "你", "打印", "任务", "太多", "最好", "先", "重", "起", "一", "下", ".", "安装", "完", "以后", "在", "控制面板", "-", "打印机", "那", "栏", "里", "看一下", ".", "并", "打印", "一", "张", "测试", "页", ".", "如果", "打印机", "以", "经", "安装", "好", ".", "就是", "让", "你", "叫", "他", "怎么", "用", "的", "话", ".", "这个", "就", "更", "简单", "了", ".", "你", "把", "排", "好", "板", "的", "文件", ".", "点击", "文件", "-", "打印预览", "。", "先", "看", "一", "下", "你", "要", "打印", "的", "文件", ".", "之后", "点击", "打印", "就", "可以", ".", "快捷键", "就是", "CTRL", "+", "P", "(", "一般", "都是", "这个", ")", "如果", "要", "打印", "图片", ".", "预览", "的", "时候", "点击", "打印", ".", "之后", "选择", "图片", "把", "你", "想", "打的", "打", "上", "勾", ".", "之后", "选择", "板面", ".", "就是", "一", "张", "纸", "要", "打", "几个", "图片", ".", "点击", "打印", "就", "可以", ".", "如果", "遇到", "错误", ".", "不好", "接", "决", "的", ".", "就", "重", "起", "之后", "在", "试", "就好", "啦", ".", "还有", ".", "如果", "文件", "没有", "打印", ".", "就", "看一下", "右下角", "的", "打印", "任务", "是不是", "太多", "了", ".", "或是", "有", "错误", ".", "最好", "解决", "的", "方法", "就是", "重", "起", ".", "删除"], ["1", "、", "先", "安装", "随机", "光盘", "的", "驱动程序", "(", "和", "安装", "摄像头", "差不多", ")", "2", "、", "把", "打印机", "和", "计算机", "连接", "好", "后", "打开", "打印机", "电源开关", "3", "、", "计算机", "会", "提示", "找到", "新", "硬件", "(", "是不是", "在", "装", "摄像头", "啊", "其实", "一样", "的", ")", "4", "、", "自动搜索", "安装", "驱动", "就", "可以", "了", "。", "接下来", "找", "个", "文档", "打印", "试", "试", "吧"], ["不用", "教", "现在", "的", "打印机", "都是", "即插即用", "的", "连", "上", "USB", "就", "直接", "可以", "打印", "了", ".", ".", ".", ".", ".", ".", "安装", "下", "随机", "的", "光盘", "就好", "了", ".", "."], ["1", "、", "先", "将", "打印机", "光盘", "放", "进", "光驱", ",", "一般", "会", "自动", "运行", "一", "个", "安装程序", "。", "2", "、", "在", "安装", "过程", "中", "会", "提示", "插", "上", "打印机", "USB", "线", ",", "此时", "注意", "先", "开", "打印机", ",", "再", "接上", "USB", "电缆", "。", "3", "、", "按", "提示", "自动", "安装", "即可", "。", "4", "、", "点", "开始菜单", "-", "-", "设置", "-", "-", "打印机", "-", "-", "选中", "安装", "的", "打印机", "图标", ",", "点", "反键", ",", "选", "属性", ",", "弹出", "一", "个", "打印机", "设置", "对话框", ",", "选", "打印", "测试", "页", ",", "如", "能", "打印", "即", "证明", "打印机", "安装", "成功", "。"]], "paragraphs": ["这个你不用担心. 只要你对硬件有一点点懂就可以很快了解的.那个打印机安装上了没有?如果是让你安装很简单.你把它连到电脑上以后就会发现新硬件.你只要把驱动(打印机带)安装好.之后就可以打印了.如果你打印任务太多最好先重起一下.安装完以后在控制面板-打印机那栏里看一下.并打印一张测试页. 如果打印机以经安装好.就是让你叫他怎么用的话.这个就更简单了.你把排好板的文件.点击文件-打印预览。先看一下你要打印的文件.之后点击打印就可以.快捷键就是CTRL+P(一般都是这个)如果要打印图片.预览的时候点击打印.之后选择图片把你想打的打上勾.之后选择板面.就是一张纸要打几个图片.点击打印就可以.如果遇到错误.不好接决的.就重起之后在试就好啦.还有.如果文件没有打印.就看一下右下角的打印任务是不是太多了.或是有错误.最好解决的方法就是重起.删除", "1、先安装随机光盘的驱动程序 (和安装摄像头差不多) 2、把打印机和计算机连接好后打开打印机电源开关 3、计算机会提示找到新硬件 (是不是在装摄像头啊 其实一样的) 4、自动搜索安装驱动就可以了。 接下来找个文档打印试试吧", "不用教 现在的打印机都是即插即用的 连上USB 就直接可以打印了......安装下随机的光盘就好了..", "1、先将打印机光盘放进光驱,一般会自动运行一个安装程序。 2、在安装过程中会提示插上打印机USB线,此时注意先开打印机,再接上USB电缆。 3、按提示自动安装即可。 4、点开始菜单--设置--打印机--选中安装的打印机图标,点反键,选属性,弹出一个打印机设置对话框,选打印测试页,如能打印即证明打印机安装成功。"], "bs_rank_pos": 4}], "answer_spans": [[1, 234]], "fake_answers": ["安装,接上电脑打印机连到电脑上会出现提示,有新硬件提示,一般打印机会自带驱动安装好,然后就可以使用了。安装完之后可以在控制面板,添加打印机,会有显示打印测试,打印一份试试好不好使。步骤阅读步骤阅读2使用把要打印的文件准备好,打击文件,打印预览,看看版块合不合适,如果感觉可以点击打印就可以了。步骤阅读3图片打印预览完的时候,点击打印,然后选择自己要打印的图片,打上勾就可以,然后选择面板格式,就是一张纸上面打印几个图片,最后点击打印就可以了。步骤阅读4打印机工作有些打印机有自己的开关,所以打印的时候别忘了按开关。还需要放上准备好的A4之类的纸张,这样才能打印出来。步骤阅读5打印机的墨盒如果里面没有墨了,会打印不了。可以把打印机的盖打开,然后拿出墨盒摇几下,一般可以使用一小会的。如果上个办法不行,就需要去电脑城更换墨盒,或者去注墨盒,有专业人士"], "question": "打印机怎么使用", "segmented_answers": [["安装", ",", "接上", "电脑", ",", "打印机", "连", "到", "电脑", "上", "会出现", "提示", ",", "有", "新", "硬件", "提示", ",", "一般", "打印", "机会", "自带", "驱动", "安装", "好", ",", "然后", "就", "可以", "使用", "了", "。", "安装", "完", "之后", "可以", "在", "控制面板", ",", "添加", "打印机", ",", "会", "有", "显示", "打印", "测试", ",", "打印", "一", "份", "试", "试", "好不好", "使", "。", "把", "要", "打印", "的", "文件", "准备", "好", ",", "打击", "文件", ",", "打印预览", ",", "看看", "版块", "合", "不", "合适", ",", "如果", "感觉", "可以", "点击", "打印", "就", "可以", "了", "。", "图片", "打印预览", "完", "的", "时候", ",", "点击", "打印", ",", "然后", "选择", "自己", "要", "打印", "的", "图片", ",", "打", "上", "勾", "就", "可以", ",", "然后", "选择", "面板", "格式", ",", "就是", "一", "张", "纸", "上面", "打印", "几个", "图片", ",", "最后", "点击", "打印", "就", "可以", "了", "。", "打印机", "工作", ",", "有些", "打印机", "有", "自己", "的", "开关", ",", "所以", "打印", "的", "时候", "别", "忘", "了", "按", "开关", "。", "还", "需要", "放", "上", "准备", "好", "的", "A4", "之类", "的", "纸张", ",", "这样", "才能", "打印", "出来", "。", "打印机", "的", "墨盒", ",", "如果", "里面", "没有", "墨", "了", ",", "会", "打印", "不", "了", "。", "可以", "把", "打印机", "的", "盖", "打开", ",", "然后", "拿出", "墨盒", "摇", "几", "下", ",", "一般", "可以使用", "一", "小", "会", "的", "。", "如果", "上", "个", "办法", "不行", ",", "就", "需要", "去", "电脑城", "更换", "墨盒", ",", "或者", "去", "注", "墨盒", ",", "有", "专业人士", "帮忙", "。"], ["点击", "电脑", "左下角", "的", "开始菜单", ",", "点击", "设备", "和", "打印机", ",", "双击", "打开", "我", "的", "默认", "的", "且", "已经", "准备就绪", "了", "的", "打印机", ",", "点击", "右边", "的", "扫描", "文档", "或", "图片", ",", "将", "图片", "或", "文件", "放入", "复印机", ",", "点击", "开始", "扫描", "就", "可以", "了", ",", "扫描", "完成", "后", "会", "弹出", "一", "个", "对话框", ",", "要求", "输入", "一", "个", "文件", "名称", ",", "随便", "输入", "一", "个", "即可", ",", "导入", "成功", ",", "会", "自动", "打开", "文件", "存储", "目录", "。"]], "answers": ["安装,接上电脑,打印机连到电脑上会出现提示,有新硬件提示,一般打印机会自带驱动安装好,然后就可以使用了。安装完之后可以在控制面板,添加打印机,会有显示打印测试,打印一份试试好不好使。把要打印的文件准备好,打击文件,打印预览,看看版块合不合适,如果感觉可以点击打印就可以了。图片打印预览完的时候,点击打印,然后选择自己要打印的图片,打上勾就可以,然后选择面板格式,就是一张纸上面打印几个图片,最后点击打印就可以了。打印机工作,有些打印机有自己的开关,所以打印的时候别忘了按开关。还需要放上准备好的A4之类的纸张,这样才能打印出来。打印机的墨盒,如果里面没有墨了,会打印不了。可以把打印机的盖打开,然后拿出墨盒摇几下,一般可以使用一小会的。如果上个办法不行,就需要去电脑城更换墨盒,或者去注墨盒,有专业人士帮忙。", "点击电脑左下角的开始菜单,点击设备和打印机,双击打开我的默认的且已经准备就绪了的打印机,点击右边的扫描文档或图片,将图片或文件放入复印机,点击开始扫描就可以了,扫描完成后会弹出一个对话框,要求输入一个文件名称,随便输入一个即可,导入成功,会自动打开文件存储目录。"], "answer_docs": [0], "segmented_question": ["打印机", "怎么", "使用"], "question_type": "DESCRIPTION", "question_id": 181648, "fact_or_opinion": "FACT", "match_scores": [0.8402625820568927]}
-{"documents": [{"is_selected": true, "title": "运营管理的工作内容是什么", "most_related_para": 1, "segmented_title": ["运营管理", "的", "工作内容", "是", "什么"], "segmented_paragraphs": [["运营", "管理", "的", "对象", "是", "运营", "过程", "和", "运营", "系统", "。", "运营", "过程", "是", "一", "个", "投入", "、", "转换", "、", "产", "出", "的", "过程", ",", "是", "一", "个", "劳动", "过程", "或", "价值", "增值", "的", "过程", ",", "它", "是", "运营", "的", "第", "一", "大", "对象", ",", "运营", "必须", "考虑", "如何", "对", "这样", "的", "生产", "运营", "活动", "进行", "计划", "、", "组织", "和", "控制", "。", "运营", "系统", "是", "指", "上述", "变换", "过程", "得", "以", "实现", "的", "手段", ",", "那么", "运营管理", "的", "工作内容", "是", "什么", "?"], ["运营管理", "就是", "对", "运营", "过程", "的", "计划", "、", "组织", "、", "实施", "和", "控制", ",", "是", "与", "产品", "生产", "和", "服务", "创造", "密切相关", "的", "各项", "管理", "工作", "的", "总称", "。", "从", "另一个", "角度", "来", "讲", ",", "运营管理", "也", "可以", "指", "为", "对", "生产", "和", "提供", "公司", "主要", "的", "产品", "和", "服务", "的", "系统", "进行", "设计", "、", "运行", "、", "评价", "和", "改进", "。"], ["无论", "是", "制造", "型", "企业", "还是", "服务型企业", "或", "组织", ",", "怎样", "及时", "向", "顾客", "提供", "有", "价值", "的", "高质量", "的", "产品", "或", "服务", "是", "运营管理", "的", "核心", "。", "因此", ",", "运营管理", "就是", "为", "实现", "顾客", "价值", "而", "进行", "的", "系统设计", "、", "运行", "、", "评价", "和", "改进", "的", "管理", "过程", "。"], ["其实", ",", "最早", "“", "运营管理", "”", "这", "一", "术语", "是", "由", "“", "生产管理", "”", "演变", "而来", "的", ",", "近", "一", "二", "十", "年", "来", ",", "生产管理学", "界", "对于", "生产", "的", "理解", "逐渐", "深化", ":", "生产", "不仅", "指", "对", "有形", "产品", "的", "制造", ",", "同时", "还", "包含", "对", "无形", "产品", "—", "—", "服务", "的", "提供", ";", "它", "是", "指", "将", "生产要素", "投入", "转换", "为", "有形", "产品", "和", "无形", "服务", "产", "出", ",", "通过", "创造", "效用", "而", "增加", "附加", "价值", "的", "过程", "。"], ["因此", ",", "“", "生产管理", "”", "这", "门", "课程", "的", "名称", "也", "从", "“", "生产管理", "”", "(", "production", "management", ")", "演变", "到", "“", "生产", "与", "运营", "管理", "”", "(", "production", "and", "operations", "management", ")", ",", "或", "统称", "为", "“", "运营管理", "”", "(", "operations", "management", ")", "。", "运营管理", "所", "要", "研究", "的", "是", "如何", "对", "制造", "产品", "或", "提供", "服务", "的", "过程", "进行", "组织", "、", "计划", "、", "实施", "和", "控制", "。", "由于", "运营管理", "这", "门", "课程", "阐述", "的", "基本概念", "、", "方法", "和", "技术", ",", "不", "仅", "适用于", "制造业", ",", "同样", "也", "适用于", "服务业", "。"], ["随着", "科学技术", "的", "发展", "和", "人们", "生活水平", "的", "提高", ",", "服务业", "在", "GDP", "中", "所", "占", "比重", "日益", "提高", ",", "20", "世纪", "80", "年代", "末", ",", "纽约", "与", "伦敦", "的", "服务业", "占", "GDP", "比重", "已经达到", "80", "%", "以上", ",", "香港", "在", "1983", "年", "时", ",", "服务业", "的", "比重", "已", "67", "%", ",", "上海", "在", "2001", "-", "-", "2005", "年", "服务业", "的", "平均", "占", "比", "也", "已", "达到", "51", ".", "5", "%", ",", "因此", ",", "现代", "“", "运营管理", "”", "要", "控制", "的", "主要", "目标", "不仅仅", "只是", "是", "质量", ",", "成本", ",", "还有", "时间", "、", "柔性", "和", "服务", ",", "它们", "是", "企业", "竞争力", "的", "根本", "源泉", "。"], ["因此", ",", "运营管理", "在", "企业", "经营", "中", "就", "具有", "了", "重要", "的", "作用", "。", "特别", "是", "近", "二", "三", "十", "年", "来", ",", "现代企业", "的", "生产", "经营", "规模", "不断扩大", ",", "产品", "本身", "的", "技术", "和", "知识", "密集", "程度", "不断提高", ",", "产品", "的", "生产", "和", "服务", "过程", "日", "趋", "复杂", ",", "市场需求", "日益", "多样化", "、", "多", "变化", ",", "世界", "范围", "内", "的", "竞争", "日益", "激烈", ",", "这些", "因素", "使", "运营管理", "本身", "也", "在", "不断", "发生变化", "。", "尤其", "是", "近", "十", "几", "年", "来", ",", "随着", "信息技术", "突飞猛进", "的", "发展", ",", "为", "运营", "增添", "了", "新", "的", "有力", "手段", ",", "也", "使", "运营", "学", "的", "研究", "进入", "了", "一", "个", "新阶段", ",", "使", "其", "内容", "更加", "丰富", ",", "范围", "更加", "扩大", ",", "体系", "更加", "完整", "。"], ["现代", "运营", "管理", "涵盖", "的", "范围", "越来越大", "。", "现代", "运营", "的", "范围", "已", "从", "传统", "的", "制造业", "企业", "扩大", "到", "非", "制造业", "。", "其", "研究", "内容", "也", "已", "不", "局限", "于", "生产", "过程", "的", "计划", "、", "组织", "与", "控制", ",", "而是", "扩大", "到", "包括", "运营", "战略", "的", "制定", "、", "运营", "系统", "设计", "以及", "运营", "系统", "运行", "等", "多", "个", "层次", "的", "内容", "。", "把", "运营", "战略", "、", "新产品开发", "、", "产品设计", "、", "采购", "供应", "、", "生产制造", "、", "产品", "配送", "直至", "售后服务", "看", "作", "一", "个", "完整", "的", "“", "价值链", "”", ",", "对其", "进行", "集成", "管理", "。"], ["信息技术", "也", "成为", "运营管理", "的", "重要", "手段", "。", "由", "信息技术", "引起", "的", "一系列", "管理模式", "和", "管理", "方法", "上", "的", "变革", ",", "成为", "运营", "的", "重要", "研究", "内容", "。", "近", "30", "年", "来", "出现", "的", "计算机辅助设计", "(", "CAD", ")", "、", "计算机", "辅助", "制造", "(", "CAM", ")", "、", "计算机", "集成", "制造", "系统", "(", "CIMS", ")", "、", "物料需求计划", "(", "MRP", ")", "、", "制造", "资源", "计划", "(", "MRPII", ")", "以及", "企业资源计划", "(", "ERP", ")", "等", ",", "在", "企业", "生产", "运营", "中", "得到", "广泛", "应用", "。"], ["对象", "和", "目标"], ["运营", "管理", "的", "对象", "是", "运营", "过程", "和", "运营", "系统", "。", "运营", "过程", "是", "一", "个", "投入", "、", "转换", "、", "产", "出", "的", "过程", ",", "是", "一", "个", "劳动", "过程", "或", "价值", "增值", "的", "过程", ",", "它", "是", "运营", "的", "第", "一", "大", "对象", ",", "运营", "必须", "考虑", "如何", "对", "这样", "的", "生产", "运营", "活动", "进行", "计划", "、", "组织", "和", "控制", "。", "运营", "系统", "是", "指", "上述", "变换", "过程", "得", "以", "实现", "的", "手段", "。", "它", "的", "构成", "与", "变换", "过程", "中", "的", "物质", "转换", "过程", "和", "管理", "过程", "相", "对应", ",", "包括", "一", "个", "物质", "系统", "和", "一", "个", "管理系统", "。"], ["企业", "运营管理", "要", "控制", "的", "主要", "目标", "是", "质量", ",", "成本", ",", "时间", "和", "柔性", ",", "它们", "是", "企业", "竞争力", "的", "根本", "源泉", "。", "因此", ",", "运营管理", "在", "企业", "经营", "中", "具有", "重要", "的", "作用", "。", "特别", "是", "近", "二", "三", "十", "年", "来", ",", "现代企业", "的", "生产", "经营", "规模", "不断扩大", ",", "产品", "本身", "的", "技术", "和", "知识", "密集", "程度", "不断提高", ",", "产品", "的", "生产", "和", "服务", "过程", "日", "趋", "复杂", ",", "市场需求", "日益", "多样化", "、", "多", "变化", ",", "世界", "范围", "内", "的", "竞争", "日益", "激烈", ",", "这些", "因素", "使", "运营管理", "本身", "也", "在", "不断", "发生变化", "。", "尤其", "是", "近", "十", "几", "年", "来", ",", "随着", "信息技术", "突飞猛进", "的", "发展", ",", "为", "运营", "增添", "了", "新", "的", "有力", "手段", ",", "也", "使", "运营", "学", "的", "研究", "进入", "了", "一", "个", "新阶段", ",", "使", "其", "内容", "更加", "丰富", ",", "范围", "更加", "扩大", ",", "体系", "更加", "完整", "。"], ["现代", "运营", "管理"], ["现代", "运营", "管理", "涵盖", "的", "范围", "越来越大", "。", "现代", "运营", "的", "范围", "已", "从", "传统", "的", "制造业", "企业", "扩大", "到", "非", "制造业", "。", "其", "研究", "内容", "也", "已", "不", "局限", "于", "生产", "过程", "的", "计划", "、", "组织", "与", "控制", ",", "而是", "扩大", "到", "包括", "运营", "战略", "的", "制定", "、", "运营", "系统", "设计", "以及", "运营", "系统", "运行", "等", "多", "个", "层次", "的", "内容", "。", "把", "运营", "战略", "、", "新产品开发", "、", "产品设计", "、", "采购", "供应", "、", "生产制造", "、", "产品", "配送", "直至", "售后服务", "看", "作", "一", "个", "完整", "的", "“", "价值链", "”", ",", "对其", "进行", "集成", "管理", "。"], ["上", "一篇", ":", "壹基金", "的", "运营管理", "分析", "下一篇", ":", "企业管理", "和", "运营管理", "的", "知识点", "归纳"], ["【", "企业运营", "】", "精华", "文章"], ["【", "企业运营", "】", "相关文章"]], "paragraphs": ["运营管理的对象是运营过程和运营系统。运营过程是一个投入、转换、产出的过程,是一个劳动过程或价值增值的过程,它是运营的第一大对象,运营必须考虑如何对这样的生产运营活动进行计划、组织和控制。运营系统是指上述变换过程得以实现的手段,那么运营管理的工作内容是什么?", "运营管理就是对运营过程的计划、组织、实施和控制,是与产品生产和服务创造密切相关的各项管理工作的总称。从另一个角度来讲,运营管理也可以指为对生产和提供公司主要的产品和服务的系统进行设计、运行、评价和改进。", "无论是制造型企业还是服务型企业或组织,怎样及时向顾客提供有价值的高质量的产品或服务是运营管理的核心。因此,运营管理就是为实现顾客价值而进行的系统设计、运行、评价和改进的管理过程。", "其实,最早“运营管理”这一术语是由“生产管理”演变而来的,近一二十年来,生产管理学界对于生产的理解逐渐深化:生产不仅指对有形产品的制造,同时还包含对无形产品——服务的提供;它是指将生产要素投入转换为有形产品和无形服务产出,通过创造效用而增加附加价值的过程。", "因此,“生产管理”这门课程的名称也从“生产管理”(production management)演变到“生产与运营管理”(production and operations management),或统称为“运营管理”(operations management)。运营管理所要研究的是如何对制造产品或提供服务的过程进行组织、计划、实施和控制。由于运营管理这门课程阐述的基本概念、方法和技术,不仅适用于制造业,同样也适用于服务业。", "随着科学技术的发展和人们生活水平的提高,服务业在GDP中所占比重日益提高,20世纪80年代末,纽约与伦敦的服务业占GDP比重已经达到80%以上,香港在1983年时,服务业的比重已67%,上海在2001--2005年服务业的平均占比也已达到51.5%,因此,现代“运营管理”要控制的主要目标不仅仅只是是质量,成本,还有时间、柔性和服务,它们是企业竞争力的根本源泉。", "因此,运营管理在企业经营中就具有了重要的作用。特别是近二三十年来,现代企业的生产经营规模不断扩大,产品本身的技术和知识密集程度不断提高,产品的生产和服务过程日趋复杂,市场需求日益多样化、多变化,世界范围内的竞争日益激烈,这些因素使运营管理本身也在不断发生变化。尤其是近十几年来,随着信息技术突飞猛进的发展,为运营增添了新的有力手段,也使运营学的研究进入了一个新阶段,使其内容更加丰富,范围更加扩大,体系更加完整。", "现代运营管理涵盖的范围越来越大。现代运营的范围已从传统的制造业企业扩大到非制造业。其研究内容也已不局限于生产过程的计划、组织与控制,而是扩大到包括运营战略的制定、运营系统设计以及运营系统运行等多个层次的内容。把运营战略、新产品开发、产品设计、采购供应、生产制造、产品配送直至售后服务看作一个完整的“价值链”,对其进行集成管理。", "信息技术也成为运营管理的重要手段。由信息技术引起的一系列管理模式和管理方法上的变革,成为运营的重要研究内容。近30年来出现的计算机辅助设计(CAD)、计算机辅助制造(CAM)、计算机集成制造系统(CIMS)、物料需求计划(MRP)、制造资源计划(MRPII)以及企业资源计划(ERP)等,在企业生产运营中得到广泛应用。", "对象和目标", "运营管理的对象是运营过程和运营系统。运营过程是一个投入、转换、产出的过程,是一个劳动过程或价值增值的过程,它是运营的第一大对象,运营必须考虑如何对这样的生产运营活动进行计划、组织和控制。运营系统是指上述变换过程得以实现的手段。它的构成与变换过程中的物质转换过程和管理过程相对应,包括一个物质系统和一个管理系统。", "企业运营管理要控制的主要目标是质量,成本,时间和柔性,它们是企业竞争力的根本源泉。因此,运营管理在企业经营中具有重要的作用。特别是近二三十年来,现代企业的生产经营规模不断扩大,产品本身的技术和知识密集程度不断提高,产品的生产和服务过程日趋复杂,市场需求日益多样化、多变化,世界范围内的竞争日益激烈,这些因素使运营管理本身也在不断发生变化。尤其是近十几年来,随着信息技术突飞猛进的发展,为运营增添了新的有力手段,也使运营学的研究进入了一个新阶段,使其内容更加丰富,范围更加扩大,体系更加完整。", "现代运营管理", "现代运营管理涵盖的范围越来越大。现代运营的范围已从传统的制造业企业扩大到非制造业。其研究内容也已不局限于生产过程的计划、组织与控制,而是扩大到包括运营战略的制定、运营系统设计以及运营系统运行等多个层次的内容。把运营战略、新产品开发、产品设计、采购供应、生产制造、产品配送直至售后服务看作一个完整的“价值链”,对其进行集成管理。", "上一篇:壹基金的运营管理分析  下一篇:企业管理和运营管理的知识点归纳", "【企业运营】精华文章", "【企业运营】相关文章"], "bs_rank_pos": 0}, {"is_selected": true, "title": "营运管理具体是做什么?_百度知道", "most_related_para": 2, "segmented_title": ["营运", "管理", "具体", "是", "做什么", "?", "_", "百度", "知道"], "segmented_paragraphs": [["营运", "管理", "(", "OPERATION", "MANAGEMENT", ")", ":", "是", "零售", "管理", "术语", ",", "是", "指", "零售商", "透过", "一些", "硬指标", "及", "软", "指标", "对其", "门店", "的", "各项", "作业", ",", "起", "到", "培训", "、", "督导", "、", "考核", "、", "奖惩", "的", "一系列", "经营管理", "活动", "。", "  ", "运营管理", "就是", "对", "运营", "过程", "的", "计划", "、", "组织", "、", "实施", "和", "控制", ",", "是", "与", "产品", "生产", "和", "服务", "创造", "密切相关", "的", "各项", "管理", "工作", "的", "总称", "。", "从", "另一个", "角度", "来", "讲", ",", "运营管理", "也", "可以", "指", "为", "对", "生产", "和", "提供", "公司", "主要", "的", "产品", "和", "服务", "的", "系统", "进行", "设计", "、", "运行", "、", "评价", "和", "改进", "。", " ", "在", "当今", "社会", ",", "不断", "发展", "的", "生产力", "使得", "大量", "生产要素", "转移", "到", "商业", "、", "交通运输", "、", "房地产", "、", "通讯", "、", "公共事业", "、", "保险", "、", "金融", "和", "其他", "服务", "性", "行业", "和", "领域", ",", "传统", "的", "有形", "产品", "生产", "的", "概念", "已经", "不能", "反映", "和", "概括", "服务业", "所", "表现", "出来", "的", "生产", "形式", "。", "  ", "因此", ",", "随着", "服务业", "的", "兴起", ",", "生产", "的", "概念", "进一步", "扩展", ",", "逐步", "容纳", "了", "非", "制造", "的", "服务业", "领域", ",", "不仅", "包括", "了", "有形", "产品", "的", "制造", ",", "而且", "包括", "了", "无形", "服务", "的", "提供"], ["所谓", "市场", "营销", "管理", ",", "其实", "就是", "在", "规划", "实施", "市场", "理念", "、", "商品", "劳务", "、", "设计", "、", "定价", "、", "促销", "等", "环节", "中", ",", "为", "满足", "顾客", "需求", "及", "组织", "目标", ",", "从而", "创造", "交换", "机会", "的", "一", "个", "过程", ",", "它", "是", "通过", "分析", ",", "计划", "实施", "与", "控制", ",", "通过", "一定", "的", "管理", "交换", ",", "从而", "达到", "目的", "。", "对于", "一", "个", "公司", "而言", ",", "管理", "的", "指导思想", "与", "生产", "、", "产品", "、", "市场", "营销", "及", "社会", "营销", "是", "分不开", "的", ",", "因此", "营销管理", "它", "又", "与", "公司", "内部", "行政", "是", "密不可分", "的", "。", "在", "有", "了", "营销管理", "思想", "的", "同时", ",", "我", "认为", "它", "必须", "从", "各", "个", "方面", "着", "手", "进行", ":", "一", "、", "基本", "目标", "市场", "管理", "的", "任务", "与", "分类", ":", "一些人", "认为", ",", "营销人员", "的", "工作", "任务", "是", "刺激", "顾客", "对", "企业", "产品", "的", "需求", ",", "以便", "尽量", "扩大", "生产", "和", "销售", "。", "我", "认为", "这", "是", "一", "种", "狭义", "的", "理解", ",", "营销管理", "应该", "通过", "分析", "、", "计划", ",", "实施", "和", "控制", "来", "谋求", "创造", ",", "建立", "及", "保持", "公司", "与", "客户", "之间", "的", "利益", "交换", "。", "从而", "达到", "营销", "的", "目的", "。", "在", "有", "任务", "的", "同时", "不可", "忘记", "的", "是", "营销", "分类", "。", "比如", ":", "刺激性", "营"], ["营运", "管理", "(", "OPERATION", "MANAGEMENT", ")", ":", "是", "零售", "管理", "术语", ",", "是", "指", "零售商", "透过", "一些", "硬指标", "及", "软", "指标", "对其", "门店", "的", "各项", "作业", ",", "起", "到", "培训", "、", "督导", "、", "考核", "、", "奖惩", "的", "一系列", "经营管理", "活动", "。", "  ", "运营管理", "就是", "对", "运营", "过程", "的", "计划", "、", "组织", "、", "实施", "和", "控制", ",", "是", "与", "产品", "生产", "和", "服务", "创造", "密切相关", "的", "各项", "管理", "工作", "的", "总称", "。", "从", "另一个", "角度", "来", "讲", ",", "运营管理", "也", "可以", "指", "为", "对", "生产", "和", "提供", "公司", "主要", "的", "产品", "和", "服务", "的", "系统", "进行", "设计", "、", "运行", "、", "评价", "和", "改进", "。", " ", "在", "当今", "社会", ",", "不断", "发展", "的", "生产力", "使得", "大量", "生产要素", "转移", "到", "商业", "、", "交通运输", "、", "房地产", "、", "通讯", "、", "公共事业", "、", "保险", "、", "金融", "和", "其他", "服务", "性", "行业", "和", "领域", ",", "传统", "的", "有形", "产品", "生产", "的", "概念", "已经", "不能", "反映", "和", "概括", "服务业", "所", "表现", "出来", "的", "生产", "形式", "。", "  ", "因此", ",", "随着", "服务业", "的", "兴起", ",", "生产", "的", "概念", "进一步", "扩展", ",", "逐步", "容纳", "了", "非", "制造", "的", "服务业", "领域", ",", "不仅", "包括", "了", "有形", "产品", "的", "制造", ",", "而且", "包括", "了", "无形", "服务", "的", "提供"]], "paragraphs": ["营运管理(OPERATION MANAGEMENT):是零售管理术语,是指零售商透过一些硬指标及软指标对其门店的各项作业,起到培训、督导、考核、奖惩的一系列经营管理活动。   运营管理就是对运营过程的计划、组织、实施和控制,是与产品生产和服务创造密切相关的各项管理工作的总称。从另一个角度来讲,运营管理也可以指为对生产和提供公司主要的产品和服务的系统进行设计、运行、评价和改进。  在当今社会,不断发展的生产力使得大量生产要素转移到商业、交通运输、房地产、通讯、公共事业、保险、金融和其他服务性行业和领域,传统的有形产品生产的概念已经不能反映和概括服务业所表现出来的生产形式。   因此,随着服务业的兴起,生产的概念进一步扩展,逐步容纳了非制造的服务业领域,不仅包括了有形产品的制造,而且包括了无形服务的提供", "所谓市场营销管理,其实就是在规划实施市场理念、商品劳务、设计、定价、促销等环节中,为满足顾客需求及组织目标,从而创造交换机会的一个过程,它是通过分析,计划实施与控制,通过一定的管理交换,从而达到目的。对于一个公司而言,管理的指导思想与生产、产品、市场营销及社会营销是分不开的,因此营销管理它又与公司内部行政是密不可分的。 在有了营销管理思想的同时,我认为它必须从各个方面着手进行: 一、基本目标 市场管理的任务与分类 :一些人认为,营销人员的工作任务是刺激顾客对企业产品的需求,以便尽量扩大生产和销售。我认为这是一种狭义的理解,营销管理应该通过分析、计划,实施和控制来谋求创造,建立及保持公司与客户之间的利益交换。从而达到营销的目的。在有任务的同时不可忘记的是营销分类。比如:刺激性营", "营运管理(OPERATION MANAGEMENT):是零售管理术语,是指零售商透过一些硬指标及软指标对其门店的各项作业,起到培训、督导、考核、奖惩的一系列经营管理活动。   运营管理就是对运营过程的计划、组织、实施和控制,是与产品生产和服务创造密切相关的各项管理工作的总称。从另一个角度来讲,运营管理也可以指为对生产和提供公司主要的产品和服务的系统进行设计、运行、评价和改进。  在当今社会,不断发展的生产力使得大量生产要素转移到商业、交通运输、房地产、通讯、公共事业、保险、金融和其他服务性行业和领域,传统的有形产品生产的概念已经不能反映和概括服务业所表现出来的生产形式。   因此,随着服务业的兴起,生产的概念进一步扩展,逐步容纳了非制造的服务业领域,不仅包括了有形产品的制造,而且包括了无形服务的提供"], "bs_rank_pos": 1}, {"is_selected": false, "title": "运营管理主要是做什么的?_百度知道", "most_related_para": 1, "segmented_title": ["运营管理", "主要", "是", "做什么", "的", "?", "_", "百度", "知道"], "segmented_paragraphs": [["运营", "管理", "的", "对象", "是", "运营", "过程", "和", "运营", "系统", "。", "运营", "过程", "是", "一", "个", "投入", "、", "转换", "、", "产", "出", "的", "过程", ",", "是", "一", "个", "劳动", "过程", "或", "价值", "增值", "的", "过程", ",", "它", "是", "运营", "的", "第", "一", "大", "对象", ",", "运营", "必须", "考虑", "如何", "对", "这样", "的", "生产", "运营", "活动", "进行", "计划", "、", "组织", "和", "控制", "。", "运营", "系统", "是", "指", "上述", "变换", "过程", "得", "以", "实现", "的", "手段", "。", "它", "的", "构成", "与", "变换", "过程", "中", "的", "物质", "转换", "过程", "和", "管理", "过程", "相", "对应", ",", "包括", "一", "个", "物质", "系统", "和", "一", "个", "管理系统", "。", "企业", "运营管理", "要", "控制", "的", "主要", "目标", "是", "质量", ",", "成本", ",", "时间", "和", "柔性", ",", "它们", "是", "企业", "竞争力", "的", "根本", "源泉", "。", "因此", ",", "运营管理", "在", "企业", "经营", "中", "具有", "重要", "的", "作用", "。", "特别", "是", "近", "二", "三", "十", "年", "来", ",", "现代企业", "的", "生产", "经营", "规模", "不断扩大", ",", "产品", "本身", "的", "技术", "和", "知识", "密集", "程度", "不断提高", ",", "产品", "的", "生产", "和", "服务", "过程", "日", "趋", "复杂", ",", "市场需求", "日益", "多样化", "、", "多", "变化", ",", "世界", "范围", "内", "的", "竞争", "日益", "激烈", ",", "这些", "因素", "使", "运营管理", "本身", "也", "在", "不断", "发生变化", "。", "尤其", "是", "近", "十", "几", "年", "来", ",", "随着", "信息技术"], ["运营", "管理", "的", "对象", "是", "运营", "过程", "和", "运营", "系统", "。", "运营", "过程", "是", "一", "个", "投入", "、", "转换", "、", "产", "出", "的", "过程", ",", "是", "一", "个", "劳动", "过程", "或", "价值", "增值", "的", "过程", ",", "它", "是", "运营", "的", "第", "一", "大", "对象", ",", "运营", "必须", "考虑", "如何", "对", "这样", "的", "生产", "运营", "活动", "进行", "计划", "、", "组织", "和", "控制", "。", "运营", "系统", "是", "指", "上述", "变换", "过程", "得", "以", "实现", "的", "手段", "。", "它", "的", "构成", "与", "变换", "过程", "中", "的", "物质", "转换", "过程", "和", "管理", "过程", "相", "对应", ",", "包括", "一", "个", "物质", "系统", "和", "一", "个", "管理系统", "。", "  ", "企业", "运营管理", "要", "控制", "的", "主要", "目标", "是", "质量", ",", "成本", ",", "时间", "和", "柔性", ",", "它们", "是", "企业", "竞争力", "的", "根本", "源泉", "。", "因此", ",", "运营管理", "在", "企业", "经营", "中", "具有", "重要", "的", "作用", "。", "特别", "是", "近", "二", "三", "十", "年", "来", ",", "现代企业", "的", "生产", "经营", "规模", "不断扩大", ",", "产品", "本身", "的", "技术", "和", "知识", "密集", "程度", "不断提高", ",", "产品", "的", "生产", "和", "服务", "过程", "日", "趋", "复杂", ",", "市场需求", "日益", "多样化", "、", "多", "变化", ",", "世界", "范围", "内", "的", "竞争", "日益", "激烈", ",", "这些", "因素", "使", "运营管理", "本身", "也", "在", "不断", "发生变化", "。", "尤其", "是", "近", "十", "几", "年", "来", ",", "随着", "信"], ["运营管理", "就是", "对", "运营", "过程", "的", "计划", "、", "组织", "、", "实施", "和", "控制", ",", "也", "可以", "指", "为", "对", "生产", "和", "提供", "公司", "主要", "的", "产品", "和", "服务", "的", "系统", "进行", "设计", "、", "运行", "、", "评价", "和", "改进", "。"], ["方针", "管理", "、", "目标管理", "、", "统计", "管理", "、", "各项", "管理", "活动", "推动"]], "paragraphs": ["运营管理的对象是运营过程和运营系统。运营过程是一个投入、转换、产出的过程,是一个劳动过程或价值增值的过程,它是运营的第一大对象,运营必须考虑如何对这样的生产运营活动进行计划、组织和控制。运营系统是指上述变换过程得以实现的手段。它的构成与变换过程中的物质转换过程和管理过程相对应,包括一个物质系统和一个管理系统。企业运营管理要控制的主要目标是质量,成本,时间和柔性,它们是企业竞争力的根本源泉。因此,运营管理在企业经营中具有重要的作用。特别是近二三十年来,现代企业的生产经营规模不断扩大,产品本身的技术和知识密集程度不断提高,产品的生产和服务过程日趋复杂,市场需求日益多样化、多变化,世界范围内的竞争日益激烈,这些因素使运营管理本身也在不断发生变化。尤其是近十几年来,随着信息技术", "运营管理的对象是运营过程和运营系统。运营过程是一个投入、转换、产出的过程,是一个劳动过程或价值增值的过程,它是运营的第一大对象,运营必须考虑如何对这样的生产运营活动进行计划、组织和控制。运营系统是指上述变换过程得以实现的手段。它的构成与变换过程中的物质转换过程和管理过程相对应,包括一个物质系统和一个管理系统。   企业运营管理要控制的主要目标是质量,成本,时间和柔性,它们是企业竞争力的根本源泉。因此,运营管理在企业经营中具有重要的作用。特别是近二三十年来,现代企业的生产经营规模不断扩大,产品本身的技术和知识密集程度不断提高,产品的生产和服务过程日趋复杂,市场需求日益多样化、多变化,世界范围内的竞争日益激烈,这些因素使运营管理本身也在不断发生变化。尤其是近十几年来,随着信", "运营管理就是对运营过程的计划、组织、实施和控制,也可以指为对生产和提供公司主要的产品和服务的系统进行设计、运行、评价和改进。", "方针管理、目标管理、统计管理、各项管理活动推动"], "bs_rank_pos": 2}, {"is_selected": false, "title": "运营管理的目标是什么_百度知道", "most_related_para": 0, "segmented_title": ["运营管理", "的", "目标", "是", "什么", "_", "百度", "知道"], "segmented_paragraphs": [["企业", "运营管理", "要", "控制", "的", "主要", "目标", "是", "质量", ",", "成本", ",", "时间", "和", "柔性", "(", "灵活性", "/", "弹性", "/", "敏捷", "性", ")", ",", "它们", "是", "企业", "竞争力", "的", "根本", "源泉", "。", "因此", ",", "运营管理", "在", "企业", "经营", "中", "具有", "重要", "的", "作用", "。"]], "paragraphs": ["企业运营管理要控制的主要目标是质量,成本,时间和柔性(灵活性/弹性/敏捷性),它们是企业竞争力的根本源泉。因此,运营管理在企业经营中具有重要的作用。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "运营管理总结-工作内容运营做什么_图文_百度文库", "most_related_para": 2, "segmented_title": ["运营管理", "总结", "-", "工作内容", "运营", "做", "什么", "_", "图文", "_", "百度", "文库"], "segmented_paragraphs": [["暂无", "评价", "|", "0", "人", "阅读", "|", "0", "次", "下载"], ["运营管理", "总结", "-", "工作内容", "运营", "做", "什么", "_", "营销", "/", "活动策划", "_", "计划", "/", "解决方案", "_", "实用", "文档", "。", "运营", "究竟", "做", "什么", "?", "无论", "是", "平台", "运营", "还是", "app", "运营", ",", "如何", "保证", "用户数", "增量", "+", "盈利", "是", "每一个", "运营", "的", "小伙伴", "应该", "思考", "的", "问题", "。", "研发", "产品", "是", "产品经理", "的", "事", "儿", ",", "活跃", "用户", "发起", "活动", "就是", "运营", "的", "天职", "。", "淘", "大", "姜云宝", "本次", "分享", "是", "整个", "《", "从零开始", "学", "运营", "》", "的", "总结", "。"], ["最终", "版权", "归", "淘", "大", "姜云宝", "所有", "1", "最终", "版权", "归", "淘", "大", "姜云宝", "所有", "2", "存在", "即", "有道理", "最终", "版权", "归", "淘", "大", "姜云宝", "所有", "3", "任何", "事物", "的", "存在", ",", "都是因为", "它们", "被", "需要", "。", "与其", "说", "“", "存在", "就是", "合理", "”", ",", "不如", "说", "“", "存在", "就是", "被", "需要", "”", "。", "从", "一", "栋", "楼", "、", "到", "一个人", "、", "到", "一支笔", "、", "一个苹果", ",", "莫", "不", "满足", "这个道理", "最终", "版权", "归", "淘", "大", "姜云宝", "所有", "4", "“", "产品", "”", "外延", "任何", "东西", "都", "可以", "看", "作", "“", "产品", "”", "。", "它", "的", "好坏", "取决于", "它", "被", "需要", "的", "程度", ",", "以及", "它", "满足", "外界", "需要", "的", "程度", "。", "宝马汽车", "、", "卫生纸", "、", "男人", "对于", "女人", "…", "…", "都是", "产品", "。", "成功", "的", "人", "必", "是", "很好", "的", "满足", "大众", "需要", "的", "人", "。", "这", "和", "“", "好坏", "”", "无关", "。", "不", "被", "需要", "的", "东西", ",", "渐", "渐", "淡出", "历史", "而", "消亡", ",", "或者", "转化", "为", "新", "的", "被", "需要", "的", "方式", "。", "最终", "版权", "归", "淘", "大", "姜云宝", "所有", "5", "产品", "内涵", "产品", ",", "就是", "一系列", "符合", "用户", "需求", "的", "功能", "的", "组合", "。", "会议室", "用", "的", "荧光笔", ":", "写字", "笔", "盖", "(", "保护", "笔芯", ")", "颜色", "墨水", "荧光", "…", "…", "男朋友", ":", "带给", "你", "快乐", "(", "会", "玩", "、", "幽默", "…", "…", ")", "让", "你", "崇拜", "(", "才艺", "、", "能力", "…", "…", ")", "让", "你", "朋友", "羡慕", "(", "帅", "、", "高", "…", "…", ")", "让", "你", "有", "安全感", "(", "有钱", "、", "稳重", "…", "…", ")", "…", "…", "最终", "版权", "归", "淘", "大", "姜云宝", "所有", "6", "产品经理", "最", "需要", "了解", "人", "的", "需求", "吸引力", "归属感", "自由自在", "掌握", "和", "驾驭", "感", "乐趣", "与", "兴奋", "表现", "自我", "爱", "和", "被", "爱", "成为", "领导者", "拥有", "智慧", "和", "知识", "和谐", "尊重", "安全", "自我", "放纵", "传统", "自我感觉良好", "最终", "版权", "归", "淘", "大", "姜云宝", "所有", "7", "产品", "和", "运营", "是", "各自", "独立", "的", "产品", "团队", "内部", ",", "会", "将", "“", "产品", "/", "功能", "”", "和", "“", "运营", "/", "营收", "”", "清", "晰", "的", "分开", "来", "做", "。"]], "paragraphs": ["暂无评价|0人阅读|0次下载", "运营管理总结-工作内容运营做什么_营销/活动策划_计划/解决方案_实用文档。运营究竟做什么?无论是平台运营还是app运营,如何保证用户数增量+盈利是每一个运营的小伙伴应该思考的问题。研发产品是产品经理的事儿,活跃用户发起活动就是运营的天职。淘大姜云宝本次分享是整个《从零开始学运营》的总结。", "最终版权归淘大姜云宝所有 1 最终版权归淘大姜云宝所有 2 存在即有道理 最终版权归淘大姜云宝所有 3 任何事物的存在,都是因为它们 被需要。 与其说“存在就是合理”,不如 说“存在就是被需要”。 从一栋楼、到一个人、到一支笔 、一个苹果,莫不满足这个道理 最终版权归淘大姜云宝所有 4 “产品”外延 任何东西都可以看作“产品”。它的好坏取决于它被 需要的程度,以及它满足外界需要的程度。宝马汽车 、卫生纸、男人对于女人……都是产品。 成功的人必是很好的 满足大众需要的人。 这和“好坏”无关。 不被需要的东西,渐 渐淡出历史而消亡, 或者转化为新的被需要 的方式。 最终版权归淘大姜云宝所有 5 产品内涵 产品,就是一系列符合用户需求的功能的组合。 会议室用的荧光笔: 写字 笔盖(保护笔芯) 颜色墨水 荧光 …… 男朋友: 带给你快乐(会玩、幽默……) 让你崇拜(才艺、能力……) 让你朋友羡慕(帅、高……) 让你有安全感(有钱、稳重……)…… 最终版权归淘大姜云宝所有 6 产品经理最需要了解人的需求 吸引力 归属感 自由自在 掌握和驾驭感 乐趣与兴奋 表现自我 爱和被爱 成为领导者 拥有智慧和知识 和谐 尊重 安全 自我放纵 传统 自我感觉良好 最终版权归淘大姜云宝所有 7 产品和运营是各自独立的 产品团队内部,会将“产品/功能”和“运营/营收”清 晰的分开来做。"], "bs_rank_pos": 4}], "answer_spans": [[0, 28]], "fake_answers": ["运营管理就是对运营过程的计划、组织、实施和控制,是与产品生产和服务创造密切相关的各项管理工作的总称。"], "question": "运营管理是做什么的", "segmented_answers": [["运营管理", "就是", "对", "运营", "过程", "的", "计划", "、", "组织", "、", "实施", "和", "控制", ",", "是", "与", "产品", "生产", "和", "服务", "创造", "密切相关", "的", "各项", "管理", "工作", "的", "总称", "。"], ["是", "零售", "管理", "术语", ",", "是", "指", "零售商", "透过", "一些", "硬指标", "及", "软", "指标", "对其", "门店", "的", "各项", "作业", ",", "起", "到", "培训", "、", "督导", "、", "考核", "、", "奖惩", "的", "一系列", "经营管理", "活动", "。"]], "answers": ["运营管理就是对运营过程的计划、组织、实施和控制,是与产品生产和服务创造密切相关的各项管理工作的总称。", "是零售管理术语,是指零售商透过一些硬指标及软指标对其门店的各项作业,起到培训、督导、考核、奖惩的一系列经营管理活动。"], "answer_docs": [0], "segmented_question": ["运营管理", "是", "做什么", "的"], "question_type": "DESCRIPTION", "question_id": 181649, "fact_or_opinion": "FACT", "match_scores": [0.9655172413793104]}
-{"documents": [{"is_selected": true, "title": "慢游乌镇-两天一夜,乌镇旅游攻略 - 蚂蜂窝", "most_related_para": 2, "segmented_title": ["慢", "游", "乌镇", "-", "两天一夜", ",", "乌镇", "旅游攻略", "-", "蚂", "蜂窝"], "segmented_paragraphs": [["有", "202811", "张", "照片"], ["相关", "目的地", ":", "乌镇"], ["其实", "类似", "乌镇", "这样", "古镇", "系", "的", "地方", "我", "也", "去", "过", "很多", "了", ",", "无论", "是", "临近", "的", "西塘", "、", "周庄", "、", "苏州", "还是", "遥", "处", "云南", "的", "丽江", ",", "这些", "以", "水", "为", "傍", ",", "主", "打", "民俗风情", "的", "古风", "小镇", "于", "我", "来", "说", "并", "不", "陌生", "。", "去年", "还", "信誓旦旦", "地", "和", "闺蜜", "说", ",", "下次", "再", "不会", "去", "这些", "江南水乡", "了", ",", "却", "突然", "兴起", "乌镇", "小", "游", "一", "番", "~", "~", "(", "也是", "迫于", "麻麻", "给", "的", "生活费", "的", "限制", ",", "只能", "去", "去", "近", "的", "地方", ")", "去", "过", "之后", "没有", "失望", ",", "更多", "的", "是", "惊喜", "。", "乌镇", "和", "其他", "古镇", "没有", "什么", "根本性", "差别", ",", "但", "它", "的", "气质", "是", "特别", "的", ",", "给", "人", "一", "种", "治愈系", "的", "感觉", "。", "。", "。", "。", "。", "。", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "分割线来惹", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "Day", "1", "(", "上海", "长途", "客运", "南站", "—", "乌镇", "汽车站", "—", "西栅", ")", "从", "上海", "到", "乌镇", "的", "途径", "很多", ",", "可以", "做", "高铁", "到", "桐乡", "再", "转车", ",", "也", "可以", "直接", "坐", "长途", "大巴", "。", "询", "过", "万能", "的", "度", "妈", ",", "我们", "果断", "选择", "了", "后者", "。", "在", "网上", "买", "的", "车票", ",", "很方便", "也", "不贵", "(", "50", "大洋", ")", "。", "1", ".", "5", "h", "车程", "后", "我们", "到达", "乌镇", "汽车站", ",", "然后", "乘", "K", "350", "公交车", ",", "几分钟", "就", "到", "了", "西栅", "景区", "(", "乌镇", "主要景区", "是", "西栅", "和", "东栅", ",", "东栅", "下午", "5", "点", "就", "闭馆", "了", ",", "并且", "不接受", "入住", ",", "西栅", "一直", "开放", ",", "且", "旅客", "可", "住", "景区", "内", ")", "。"], ["旅店", "我们", "是", "提前", "在", "乌镇", "官网", "上", "订", "好", "的", ",", "订", "的", "是", "水巷", "青旅", "(", "西栅", "景区", "内", "只有", "两家", "青旅", ":", "紫藤", "和", "水巷", ",", "都", "很", "火爆", ",", "旺季", "一般", "要", "提前", "1", "个", "月", ",", "因为", "是", "淡季", "我们", "很幸运", "地", "仅", "在", "提前", "10", "天", "就", "订", "到", "辣", "~", "景区", "内", "旅店", "相对", "会", "贵", "些", ",", "但", "住在里面", "的", "旅客", "可", "享受", "超值", "两", "日", "联", "票", "、", "免费", "电瓶车", "接送", "以及", "无限次", "免费", "西栅", "出入", ",", "性价比", "相对", "高", ",", "而且", "灰", "常", "舒服", ",", "很", "推荐", ")", "。", "在", "西栅", "景区", "门口", "服务", "大厅", "里", "办理", "好", "入住", "、", "两", "日", "联", "票", "以及", "出入证", "后", "我们", "被", "电瓶车", "送", "到", "了", "水巷", "青旅", "~", "~"], ["乌镇", "西栅", "水巷驿", "青年旅舍"], ["(", "去", "之", "前", "在", "刷", "别人", "的", "游记", "的", "时候", "看到", "这个", "青旅", ",", "去", "的", "人", "都", "说", "超", "nice", ",", "而且", "乌镇", "官网", "上", "也有", "推荐", "。", "真", "的", "到", "了", "发现", "果", "真", "棒棒", "哒", "~", ")"], ["乌镇", "西栅", "水巷驿", "青年旅舍"], ["乌镇", "西栅", "水巷驿", "青年旅舍"], ["(", "在", "铺床", "滴", "巴扎黑", "~", "~", "~", ")"], ["(", "介", "个", "是", "女生", "的", "活动", "室", "~", "男生", "活动", "室", "里", "好像", "是", "桌球", "啥", "的", "。", "。", "。", ")", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "来", "个", "分割线", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "Dinner", "time", "来", "惹", "~", "~", "前台", "MM", "倾情", "推荐", "我们", "去", "民宿", "里", "吃", "晚餐", "。", "我们", "随意", "走进", "一", "家", ",", "菜", "也是", "随意", "点", "的", ",", "期待", "并", "不", "高", ",", "但", "味道", "真的很棒", ",", "民宿", "大妈", "和", "老大爷", "也", "超", "热心", "的", "。", "。", "。", "乌镇", "是", "鱼米之乡", "也是", "酒", "乡", ",", "连", "我们", "的", "菜", "里", "都", "飘着", "淡淡", "的", "酒", "香", "跟", "我们", "拼桌", "的", "是", "两", "个", "北大女生", ",", "一", "上", "来", "就", "点", "了", "2", "斤", "白酒", ",", "想到", "我", "最多", "只能", "搞定", "一听", "啤酒", "真是", "觉得", "自己", "弱爆了"], ["(", "次", "饭", "滴", "民宿", "~", ")"], ["(", "快", "吃", "完", "才", "想起", "要", "照", "的", ",", "所以", "很丑", ",", "大家", "海涵", "海涵", ")", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "华丽", "丽滴", "分割线", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "吃完饭", "就", "开始", "游走", "辣", "~", "~", "那天", "因为", "下雨", ",", "花鼓戏", "、", "露天电影", "都", "没有", "开放", ",", "想起来", "有点", "小", "遗憾", "(", "评书", "总是", "开放", "的", ",", "时间", "一般", "都是", "19", ":", "30", "开始", ")", ",", "所以", "我们", "更多", "的", "是", "散步", ",", "欣赏", "西栅", "的", "夜景", "。", "因为", "是", "淡季", ",", "而且", "晚上", "没有", "旅游团", ",", "在", "西栅", "里", "的", "人", "不", "多", ",", "基本", "都是", "住", "客", ",", "比较", "安静", ",", "氛围", "很", "闲适", "惬意", "。", "下", "过", "雨", "的", "空气", "也是", "湿", "湿", "的", ",", "很", "清新", "很干净", "。"], ["(", "乌镇", "特产", "-", "定胜糕", ",", "味道", "可以", "的", "~", "~", "point", "是", "有", "大爱", "的", "糯米纸", ")"], ["(", "唐朝", "甜品", ",", "马蜂窝", "上", "好像", "是", "必", "吃", "体验", ",", "不行", "的", "不行", "的", ",", "又", "贵", "又", "一般", ",", "大家", "不要", "被骗", "了", ")", "西栅", "不大", ",", "全", "长", "也", "就", "1800", "多米", ",", "半个小时", "就能", "走", "完", "单程", "~", "~", "However", ",", "我们", "两", "个", "拍照", "狂人", "硬生生", "来", "回", "走", "了", "快", "2", "h", "。", "西栅", "里", "还有很多", "轻", "吧", ",", "喜欢", "来", "点", "小", "酒", "的", "可以", "进去", "慢摇", "一", "下", "。", "。", "。", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "分割线", "又", "来", "惹", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "Day", "2", "(", "西栅", "-", "东栅", "-", "乌镇", "汽车站", ")", "早晨", "的", "西栅", "也是", "很安静", "的", ",", "店铺", "大", "多", "到", "10", "点", "才", "开始", "营业", "。", "到", "乌镇", "我", "最大", "的", "感受", "就是", "当地", "人", "生活", "的", "真", "的", "很随意", ",", "很自然", "。", "早上", "很", "晚", "才", "开始", "营业", ",", "晚上", "很早", "就", "收", "工", "回家", "。", "我", "想", "这", "也是", "我", "感觉", "乌镇", "比", "西塘", "好", "太多", "的", "原因", ",", "虽然", "乌镇", "旅游", "开发", "程度", "比", "西塘", "高", ",", "但", "规范", "的", "管理", "并没有", "掩盖", "太多", "朴实", "的", "民风", ",", "反", "而是", "号称", "没有", "被", "过度", "开发", "的", "西塘", "商业", "性", "欲盖弥彰", "。", "乌镇", "可贵", "的", "也", "在于", "它", "的", "创新", ",", "由于", "早期", "80", "后", "文艺", "青年", "入驻", "开店", "开", "客栈", ",", "微博", "微信", "二维码", "等", "网络营销", "给", "乌镇", "注入", "了", "互联网", "基因", ",", "使得", "乌镇", "成为", "早期", "几个", "得益于", "次", "的", "旅游地", "。", "乌镇", "也", "由此", "成为", "世界", "互联网大会", "的", "永久", "会址", "。", "废话", "太多", "。", "。", "。", "来", "上", "图", "吧", "~", "~"]], "paragraphs": ["有202811张照片", "相关目的地:乌镇", "其实类似乌镇这样古镇系的地方我也去过很多了,无论是临近的西塘、周庄、苏州还是遥处云南的丽江,这些以水为傍,主打民俗风情的古风小镇于我来说并不陌生。去年还信誓旦旦地和闺蜜说,下次再不会去这些江南水乡了,却突然兴起乌镇小游一番~~(也是迫于麻麻给的生活费的限制,只能去去近的地方) 去过之后没有失望,更多的是惊喜。乌镇和其他古镇没有什么根本性差别,但它的气质是特别的,给人一种治愈系的感觉。。。。。。 ------------------------------------------------分割线来惹-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------- Day 1 (上海长途客运南站—乌镇汽车站—西栅) 从上海到乌镇的途径很多,可以做高铁到桐乡再转车,也可以直接坐长途大巴。询过万能的度妈,我们果断选择了后者。在网上买的车票,很方便也不贵(50大洋)。1.5h车程后我们到达乌镇汽车站,然后乘K350公交车,几分钟就到了西栅景区(乌镇主要景区是西栅和东栅,东栅下午5点就闭馆了,并且不接受入住,西栅一直开放,且旅客可住景区内)。", "旅店我们是提前在乌镇官网上订好的,订的是水巷青旅(西栅景区内只有两家青旅:紫藤和水巷,都很火爆,旺季一般要提前1个月,因为是淡季我们很幸运地仅在提前10天就订到辣~景区内旅店相对会贵些,但住在里面的旅客可享受超值两日联票、免费电瓶车接送以及无限次免费西栅出入,性价比相对高,而且灰常舒服,很推荐)。在西栅景区门口服务大厅里办理好入住、两日联票以及出入证后我们被电瓶车送到了水巷青旅~~", "乌镇西栅水巷驿青年旅舍", "(去之前在刷别人的游记的时候看到这个青旅,去的人都说超nice,而且乌镇官网上也有推荐。真的到了发现果真棒棒哒~)", "乌镇西栅水巷驿青年旅舍", "乌镇西栅水巷驿青年旅舍", "(在铺床滴巴扎黑~~~)", "(介个是女生的活动室~男生活动室里好像是桌球啥的。。。) ------------------------------------------------来个分割线------------------------------------------------------------------ Dinner time 来惹~~ 前台MM倾情推荐我们去民宿里吃晚餐。我们随意走进一家,菜也是随意点的,期待并不高,但味道真的很棒,民宿大妈和老大爷也超热心的。。。乌镇是鱼米之乡也是酒乡,连我们的菜里都飘着淡淡的酒香跟我们拼桌的是两个北大女生,一上来就点了2斤白酒,想到我最多只能搞定一听啤酒真是觉得自己弱爆了", "(次饭滴民宿~)", "(快吃完才想起要照的,所以很丑,大家海涵海涵) --------------------------------------------华丽丽滴分割线------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------ 吃完饭就开始游走辣~~那天因为下雨,花鼓戏、露天电影都没有开放,想起来有点小遗憾(评书总是开放的,时间一般都是19:30开始),所以我们更多的是散步,欣赏西栅的夜景。因为是淡季,而且晚上没有旅游团,在西栅里的人不多,基本都是住客,比较安静,氛围很闲适惬意。下过雨的空气也是湿湿的,很清新很干净。", "(乌镇特产-定胜糕,味道可以的~~ point是有大爱的糯米纸)", "( 唐朝甜品,马蜂窝上好像是必吃体验,不行的不行的,又贵又一般,大家不要被骗了) 西栅不大,全长也就1800多米,半个小时就能走完单程~~However,我们两个拍照狂人硬生生来回走了快2h。西栅里还有很多轻吧,喜欢来点小酒的可以进去慢摇一下。。。 ----------------------------------------------------------分割线又来惹------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------- Day 2 (西栅-东栅-乌镇汽车站) 早晨的西栅也是很安静的,店铺大多到10点才开始营业。到乌镇我最大的感受就是当地人生活的真的很随意,很自然。早上很晚才开始营业,晚上很早就收工回家。我想这也是我感觉乌镇比西塘好太多的原因,虽然乌镇旅游开发程度比西塘高,但规范的管理并没有掩盖太多朴实的民风,反而是号称没有被过度开发的西塘商业性欲盖弥彰。乌镇可贵的也在于它的创新,由于早期80后文艺青年入驻开店开客栈,微博微信二维码等网络营销给乌镇注入了互联网基因,使得乌镇成为早期几个得益于次的旅游地。乌镇也由此成为世界互联网大会的永久会址。 废话太多。。。来上图吧~~"], "bs_rank_pos": 0}, {"is_selected": true, "title": "乌镇三人行(两天一夜自由行),乌镇旅游攻略 - 蚂蜂窝", "most_related_para": 2, "segmented_title": ["乌镇", "三人行", "(", "两天一夜", "自由行", ")", ",", "乌镇", "旅游攻略", "-", "蚂", "蜂窝"], "segmented_paragraphs": [["头", "图", "加载", "中", ".", ".", "."], ["有", "202798", "张", "照片"], ["相关", "目的地", ":", "乌镇"]], "paragraphs": ["头图加载中...", "有202798张照片", "相关目的地:乌镇"], "bs_rank_pos": 1}, {"is_selected": false, "title": "乌镇旅游攻略两天一夜,吃喝玩乐2日1夜!", "most_related_para": 49, "segmented_title": ["乌镇", "旅游攻略", "两天一夜", ",", "吃喝玩乐", "2", "日", "1", "夜", "!"], "segmented_paragraphs": [["乌镇", "旅游攻略", "两天一夜", ",", "吃喝玩乐", "2", "日", "1", "夜", "!"], ["=", "WU", "ZHEN", "="], ["攻略", "概要", ":", "门票", "→", "两", "日游", "行程", "推荐", "→", "美食", "→", "住宿", "→", "交通", "→", "注意事项"], ["门票", ":", "东栅", "门票", "100", "元", ",", "西栅", "门票", "120", "元", ",", "东", "西栅", "联", "票", "150", "元", "(", "一", "日内", "有效", ")", "可以", "买", "联", "票", ",", "白天", "游", "东栅", ",", "夜晚", "住", "西栅", "景区", "内", ",", "第二天", "不用", "门票", "继续", "游", "西栅", "。", "营业时间", ":", "东栅", "景区", "/", "07", ":", "00", "-", "18", ":", "00", ",", "西栅", "景区", "/", "09", ":", "00", "-", "22", ":", "00", "。"], ["DAY", "1"], ["白天", "游", "东栅", ",", "夜宿", "西栅", "看", "夜景"], ["路线", ":", "逢源", "双桥", "→", "财神", "湾", "→", "江南", "百床馆", "→", "宏源", "泰", "染坊", "→", "余榴梁", "钱币", "馆", "→", "茅盾故居", "→", "乌镇", "古", "戏", "台", "→", "修真观", "→", "皮影戏", "馆", "→", "访卢阁", "→", "汇源", "当铺"], ["乌镇", "之所以", "这么", "有名", ",", "与", "一", "代", "文豪", "茅盾", "的", "关系", "很大", ",", "茅盾故居", "只", "在", "白天", "开放", ",", "到", "了", "乌镇", "如果没有", "去", "茅盾故居", ",", "等于", "没有", "去", "过", "乌镇", "。"], ["乌镇", "南派", "的", "皮影戏", ",", "名扬", "海内外", ",", "戏", "馆", "里", "收留", "下", "也许", "仅仅", "是", "老", "艺人", "对", "过去", "的", "一往情深", ",", "更", "是", "一", "种", "原生态", "生活", "的", "回归", "与", "渴望", "。"], ["夜晚", "的", "西栅", "是", "乌镇", "最美", "的", "景色", ";", "江南水乡", "的", "夜", ",", "犹如", "深闺", "女子", "一般", ",", "遮遮掩掩", "中", "流露", "出", "女人", "的", "柔情", "来", ",", "青石板", "路", "传", "来", "阵阵", "蹩", "音", ",", "远处", "是", "穿着", "旗袍", "的", "曼妙", "女人", ".", ".", "."], ["坐", "着", "乌篷船", "泛舟", "河", "上", ",", "河", "面", "上", "是", "被", "灯光", "映照", "出", "彩色", "倒影", "的", "一座", "座", "古桥", ",", "新旧交替", "恍然", "如", "入", "两", "座", "古镇", ",", "一", "个", "是", "昨日", "的", "斑驳", ",", "一", "个", "是", "今日", "的", "绚烂", "。"], ["DAY", "2"], ["?"], ["西栅", "一日游"], ["路线", ":", "草木", "本色", "染坊", "→", "昭明", "书院", "→", "三寸金莲", "展馆", "→", "老", "邮局", "→", "乌镇", "大戏院", "→", "乌镇", "关帝庙", "→", "白莲", "塔", "→", "乌", "将军", "庙", "→", "灵水居", "→", "茅盾", "纪念馆", "→", "水上", "集市", "→", "叙", "昌", "酱园"], ["早起", "看看", "清晨", "的", "乌镇", ",", "泛", "着", "薄", "薄雾", "气", "的", "河流", ",", "湿润", "的", "青石板", "道理", ",", "少", "了", "游人如织", ",", "千年古镇", "的", "静谧", "之", "美", "此刻", "才能", "深刻", "体会", "。"], ["到", "了", "乌镇", "大戏院", "里", "听", "评弹", ",", "欣赏", "地方戏曲", ",", "老", "邮局", "里", "写", "一", "张", "明信片", "或者", "寄", "一封信", ",", "盖上", "乌镇", "的", "邮戳", ",", "才", "不", "枉", "此", "行", "。"], ["乌镇", "美食"], ["白水鱼"], ["一般", "白水鱼", "捕捞", "出水", "即", "死", ",", "但", "保存", "得", "法", ",", "其", "味", "不变", "。", "如若", "遇到", "活", "的", "白水鱼", ",", "则", "不要", "错失", "机会", ",", "可", "让", "店家", "活", "杀", "清蒸", ",", "尽", "品", "其", "鲜嫩", "原味", "。", "推荐", "在", "乌镇", "东栅", "景区", "百年", "老字号", "九江", "楼", "酒店", "里", "品尝", "。"], ["红烧羊肉"], ["乌镇", "的", "红烧羊肉", "选料", "十分讲究", ",", "一定要", "以", "当年", "的", "“", "花", "窠", "羊", "”", "即", "青年湖羊", "为", "原料", ",", "这种", "羊肉", "肉", "嫩", "脂肪", "少", ",", "皮细洁", "多", "膏", ",", "味道", "一级棒", ",", "同样", "可", "在", "九江", "楼", "酒店", "品尝", "。"], ["乌镇", "酱", "鸡", "酱鸭"], ["加工", "时", "整体", "原汁", "浸", "烧", ",", "三", "次", "出", "汤", ";", "再", "放入", "上", "等", "酱油", "、", "黄酒", "佐料", "浸烧", "。", "出", "锅", "后", "又", "得", "涂上一层", "麻油", ",", "方", "可", "完成", "。", "应", "家", "桥", "堍", "的", "三珍斋", "酱鸭", ",", "游客", "赞不绝口", "。"], ["特产"], ["姑嫂饼"], ["三", "白酒"], ["3", "、", "定胜糕"], ["青团"], ["臭", "豆干", ",", "茅", "老太", "臭豆腐", "店", "能", "找", "够", "尝", "到", "正宗", "的", "豆腐干"], ["抗", "白菊"], ["美食", "分布", "点"], ["1", "、", "在", "西栅", "的", "各所", "民宿", "内", ",", "房东", "均", "可", "单独", "经营", "餐饮", ",", "且", "都", "烧", "得", "一手", "好", "菜", ",", "但", "桌", "头", "不", "多", ",", "每家", "只有", "1", "到", "3", "桌", "。", "菜谱", "和", "价格", "都是", "大致", "统一", "的", ",", "土鸡", "煲", "35", "元", ",", "红烧羊肉", "48", "元", "。", "挑", "家", "靠", "水临阁", "的", "民宿", ",", "坐", "下来", "品尝", "房东", "的", "拿", "手", "好", "菜", ",", "也是", "很", "惬意", "实惠", "的", "。", "2", "、", "在", "几个", "作坊", "、", "酱园", "边上", ",", "都", "开", "有", "小吃店", ",", "卖", "炸", "臭豆腐", "(", "5", "元", "/", "份", ")", "等", "小吃", ",", "配料", "多", "得", "眼花缭乱", ",", "风味独特", "。", "3", "、", "在", "东栅", "小吃店", "更", "普遍", ",", "羊肉", "面", "随处可见", ",", "10", "元", "一", "份", ",", "红烧羊肉", "也", "只要", "35", "元", ",", "还有", "蚕", "花", "糕", "、", "桂花糕", "等", "特色", "糕点", ",", "但", "坏", "境", "不如", "西栅", "清幽", "干净", ",", "推荐", "江南水乡", "小吃店", "。"], ["乌镇", "住宿"], ["西栅", "景区", ":", "西栅", "的", "住宿条件", "非常", "发达", "。", "从", "高档", "会所", "到", "临水", "客栈", "应有尽有", "。", "其中", "最", "受", "推崇", "的", "是", "当地", "民宿", ",", "由", "景区", "统一管理", "房子", "都是", "当地", "人", "的", "民宅", ",", "很", "有特色", ",", "管理", "也", "很好", "。", "住宿", "在", "西栅", "景区", "内", ",", "可以", "办理", "西栅", "临时", "出入证", "。"], ["东栅", "景区", ":", "东栅", "虽然", "没有", "西栅", "那么", "繁华", "热闹", ",", "但是", "保留", "了", "很多", "当地", "原始", "的", "风情", "和", "韵味", ",", "价格", "要", "比", "西栅", "便宜", ",", "所以", "住在", "东栅", "也是", "不错", "的", "选择", ",", "但", "需要", "注意", "的", "是", ",", "东栅", "每天", "早上", "8", "点", "要", "清肠", ",", "如果", "你", "住在", "东栅", "景区", "内", ",", "最好", "8", "点", "以后", "出来", "。"], ["东", "西栅", "景区", "门口", ":", "附近", "也", "都", "还有很多", "的", "家庭旅馆", "和", "宾馆", "可", "供", "选择", ",", "价格", "比", "景区", "内", "便宜", "很多", ",", "交通", "也", "很", "方便", ",", "适合", "追求", "高", "性价比", "出游", "的", "朋友", "们", "。"], ["酒店", ":", "世界遗产", "级", "古镇", "与", "五星酒店", "配置", "的", "完美", "结合", ",", "推荐", "西栅", "景区", "枕", "水", "度假酒店", ",", "标", "间", "30", "元", "起", "。"], ["会所", ":", "成功", "商务", "人士", "的", "雅", "集", "之", "地", ",", "叱咤", "商场", "之", "余", "的", "禅意", "之", "园", ",", "推荐", "乌镇", "锦堂", "会所", ",", "高级", "大床", "房", ",", "1500", "元", "起", "。"], ["客栈", ":", "推", "窗", "临河", ",", "枕", "水", "而", "居", ",", "归家", "的", "感受", ",", "享", "不", "尽", "惬意", "与", "浪漫", ",", "推荐", "嘉兴", "月河", "客栈", "、", "乌镇", "万宝", "座", "客栈", "、", "两", "府", "客栈", "、", "通", "安", "客栈", ",", "100", "元", "至", "1000", "元", "不等", "。"], ["民宿", ":", "江南", "风情", "水乡人家", ",", "体验", "星级", "宾馆", "洁净", "与", "水上人家", "亲情", ",", "推荐", "乌镇", "民宿", "计", "阿姨", "、", "殷", "阿姨", "家", "等", ",", "民宿", "多", "在", "400", "元", "左右", "。"], ["乌镇", "交通"], ["飞机", ":", "目前", "只有", "杭州", "萧山", "机场", "有", "直达", "乌镇", "的", "班车", ",", "其他", "地方", "都", "需要", "下", "机", "后", "周转", "汽车", "或", "火车", "前往", "乌镇", "。", "每天", "有", "多", "趟", "快客", "班车", "往返", "乌镇", "(", "桐乡", ")", "和", "杭州", "萧山", "国际机场", ",", "票价", "约", "为", "46", "/", "人", "。", "若", "从", "萧山", "机场", "直接", "打车", "去", "乌镇", ",", "费用", "在", "300", "元", "左右", "。"], ["汽车", ":", "目前", ",", "上海", "、", "杭州", "、", "南京", "、", "温州", "、", "绍兴", "、", "苏州", "已", "开通", "直达", "乌镇", "的", "旅游专线", ",", "旅客", "可", "到", "各", "旅游", "集散中心", "乘坐", "。", "到", "乌镇", "的", "一般", "路线", "是", "目的地", "—", "—", "桐乡", "—", "—", "乌镇", ",", "或者", "目的地", "—", "—", "嘉兴", "—", "—", "乌镇", "。", "其中", ",", "汽车", "是", "最方便", "的", "到达", "方式", "。"], ["火车", ":", "乌镇", "没有", "火车站", ",", "前往", "乌镇", "旅游", ",", "坐火车", "可", "到", "乌镇", "周边地区", "之后", "再", "到", "附近", "汽车站", "进行", "中转", "。", "到达", "桐乡", "火车站", "后", ",", "可", "直接", "换", "成", "k", "282", "路", "公交车", ",", "直接", "抵达", "乌镇", "汽车站", ",", "桐乡", "火车站", "发", "往", "乌镇", "的", "公交", "末班车", "时间", "为", "7", ":", "40", "和", "17", ":", "50", ",", "每隔", "30", "分钟", "一趟", ",", "票价", "5", "元", ",", "用", "时", "在", "半小时", "左右", "。", "出租车", "前往", "80", "元", "起", "。"], ["tips", ":", "乌镇", "虽", "是", "浙江", "桐乡市", "的", "一", "个", "镇", ",", "但", "去", "乌镇", "一般", "先", "到", "上海", "、", "苏州", "或", "杭州", ",", "然后", "再", "坐", "汽车", "去", "乌镇", "。"], ["自驾", ":", "乌镇", "距", "桐乡", "市区", "13", "公里", ",", "距", "周围", "嘉兴", "、", "湖州", "、", "吴江", "三", "市", "分别", "为", "27", "公里", "、", "45", "公里", "和", "60", "公里", ",", "距", "杭州", "、", "苏州", "均为", "80", "公里", ",", "距", "上海", "140", "公里", "。", "自驾", "都是", "不错", "的", "选择", "噢", "!"], ["A", ".", "杭州", "自驾", "线路", ":", "全程", "约", "80", "公里", ",", "行程", "时间", "约", "1", "小时", "40", "分钟", "B", ".", "苏州", "出发", ":", "最好", "是", "自驾", ",", "沿", "路", "风光", "不错", ",", "全程", "88", "公里", ",", "行程", "时间", "约", "为", "1", "小时", "45", "分钟", "。", "C", ".", "上海", "自驾", "线路", ":", "以", "黄浦区", "为", "出发点", "全程", "约", "合", "120", "公里", "行程", ",", "耗时", "约", "合", "2", "小时", "30", "分钟", "。"], ["初", "到", "乌镇", ",", "你", "需要", "了解", "的", "几", "件", "小事"], ["1", "、", "请", "避免", "夏季", "正午", "时", "去", "乌镇", "游览", ",", "白晃晃", "的", "日光", "直", "直", "地", "晒", "下来", ",", "也", "没", "什么", "廊", "棚", "可", "遮挡", ",", "让", "人", "感觉", "非常", "不好", "。", "2", "、", "乌镇", "东栅", "景区", "与", "西栅", "景区", "之间", "有", "免费", "班车接送", ",", "营运", "时间", "通常", "为", "7", ":", "30", "至", "17", ":", "20", "。", "周一", "至", "周四", "的", "班车", "间隔时间", "为", "20", "分钟", ",", "周五", "至", "周日", "的", "班车", "间隔时间", "为", "10", "分钟", "。", "3", "、", "最好", "避开", "节假日", ",", "因为", "这段时间", "不仅", "住宿", "等", "价格", "很", "贵", ",", "而且", "人", "多", "就", "无法", "品味", "古镇", "的", "宁静", "美", "。", "4", "、", "去", "过", "的", "游客", "感觉", "东栅", "的", "景点", "一般", "半天", "就", "可以", "逛", "完", "了", ",", "而", "西栅", "内容", "比较", "丰富", "一些", ",", "可以", "花", "时间", "多一点", "在", "西栅"], ["本", "文", "仅", "代表", "作者", "观点", ",", "不", "代表", "百度", "立场", "。"], ["本", "文", "系", "作者", "授权", "百家", "号", "发表", ",", "未经许可", ",", "不得转载", "。"], ["还没有人", "评论", ",", "点击", "抢沙发", "~"]], "paragraphs": ["乌镇旅游攻略两天一夜,吃喝玩乐2日1夜!", "= WU ZHEN =", "攻略概要 :门票→两日游行程推荐→美食→住宿→交通→注意事项", "门票:东栅门票100元,西栅门票120元,东西栅联票150元(一日内有效)可以买联票,白天游东栅,夜晚住西栅景区内,第二天不用门票继续游西栅。营业时间:东栅景区/07:00-18:00,西栅景区/09:00-22:00。", "DAY1", "白天游东栅,夜宿西栅看夜景", "路线:逢源双桥→财神湾→江南百床馆→宏源泰染坊→余榴梁钱币馆→茅盾故居→乌镇古戏台→修真观→皮影戏馆→访卢阁→汇源当铺", "乌镇之所以这么有名,与一代文豪茅盾的关系很大,茅盾故居只在白天开放,到了乌镇如果没有去茅盾故居,等于没有去过乌镇。", "乌镇南派的皮影戏,名扬海内外,戏馆里收留下也许仅仅是老艺人对过去的一往情深,更是一种原生态生活的回归与渴望。", "夜晚的西栅是乌镇最美的景色;江南水乡的夜,犹如深闺女子一般,遮遮掩掩中流露出女人的柔情来,青石板路传来阵阵蹩音,远处是穿着旗袍的曼妙女人...", "坐着乌篷船泛舟河上,河面上是被灯光映照出彩色倒影的一座座古桥,新旧交替恍然如入两座古镇,一个是昨日的斑驳,一个是今日的绚烂。", "DAY2", "?", "西栅一日游", "路线:草木本色染坊→昭明书院→三寸金莲展馆→老邮局→乌镇大戏院→乌镇关帝庙→白莲塔→乌将军庙→灵水居→茅盾纪念馆→水上集市→叙昌酱园", "早起看看清晨的乌镇,泛着薄薄雾气的河流,湿润的青石板道理,少了游人如织,千年古镇的静谧之美此刻才能深刻体会。", "到了乌镇大戏院里听评弹,欣赏地方戏曲,老邮局里写一张明信片或者寄一封信,盖上乌镇的邮戳,才不枉此行。", "乌镇美食", "白水鱼", "一般白水鱼捕捞出水即死,但保存得法,其味不变。如若遇到活的白水鱼,则不要错失机会,可让店家活杀清蒸,尽品其鲜嫩原味。推荐在乌镇东栅景区百年老字号九江楼酒店里品尝。", "红烧羊肉", "乌镇的红烧羊肉选料十分讲究,一定要以当年的“花窠羊”即青年湖羊为原料,这种羊肉肉嫩脂肪少,皮细洁多膏,味道一级棒,同样可在九江楼酒店品尝。", "乌镇酱鸡酱鸭", "加工时整体原汁浸烧,三次出汤;再放入上等酱油、黄酒佐料浸烧。出锅后又得涂上一层麻油,方可完成。应家桥堍的三珍斋酱鸭,游客赞不绝口。", "特产", "姑嫂饼", "三白酒", "3、定胜糕", "青团", "臭豆干,茅老太臭豆腐店能找够尝到正宗的豆腐干", "抗白菊", "美食分布点", "1、在西栅的各所民宿内,房东均可单独经营餐饮,且都烧得一手好菜,但桌头不多,每家只有1到3桌。菜谱和价格都是大致统一的,土鸡煲35元,红烧羊肉48元。挑家靠水临阁的民宿,坐下来品尝房东的拿手好菜,也是很惬意实惠的。2、在几个作坊、酱园边上,都开有小吃店,卖炸臭豆腐(5元/份)等小吃,配料多得眼花缭乱,风味独特。3、在东栅小吃店更普遍,羊肉面随处可见,10元一份,红烧羊肉也只要35元,还有蚕花糕、桂花糕等特色糕点,但坏境不如西栅清幽干净,推荐江南水乡小吃店。", "乌镇住宿", "西栅景区:西栅的住宿条件非常发达。从高档会所到临水客栈应有尽有。其中最受推崇的是当地民宿,由景区统一管理房子都是当地人的民宅,很有特色,管理也很好。住宿在西栅景区内,可以办理西栅临时出入证。", "东栅景区:东栅虽然没有西栅那么繁华热闹,但是保留了很多当地原始的风情和韵味,价格要比西栅便宜,所以住在东栅也是不错的选择,但需要注意的是,东栅每天早上8点要清肠,如果你住在东栅景区内,最好8点以后出来。", "东西栅景区门口:附近也都还有很多的家庭旅馆和宾馆可供选择,价格比景区内便宜很多,交通也很方便,适合追求高性价比出游的朋友们。", "酒店:世界遗产级古镇与五星酒店配置的完美结合,推荐西栅景区枕水度假酒店,标间30元起。", "会所:成功商务人士的雅集之地,叱咤商场之余的禅意之园,推荐乌镇锦堂会所,高级大床房,1500元起。", "客栈:推窗临河,枕水而居,归家的感受,享不尽惬意与浪漫,推荐嘉兴月河客栈、乌镇万宝座客栈、两府客栈、通安客栈,100元至1000元不等。", "民宿:江南风情水乡人家,体验星级宾馆洁净与水上人家亲情,推荐乌镇民宿计阿姨、 殷阿姨家等,民宿多在400元左右。", "乌镇交通", "飞机:目前只有杭州萧山机场有直达乌镇的班车,其他地方都需要下机后周转汽车或火车前往乌镇。每天有多趟快客班车往返乌镇(桐乡)和杭州萧山国际机场,票价约为46/人。若从萧山机场直接打车去乌镇,费用在300元左右。", "汽车:目前,上海、杭州、南京、温州、绍兴、苏州已开通直达乌镇的旅游专线,旅客可到各旅游集散中心乘坐。到乌镇的一般路线是目的地——桐乡——乌镇,或者目的地——嘉兴——乌镇。其中,汽车是最方便的到达方式。", "火车:乌镇没有火车站,前往乌镇旅游,坐火车可到乌镇周边地区之后再到附近汽车站进行中转。到达桐乡火车站后,可直接换成k282路公交车,直接抵达乌镇汽车站,桐乡火车站发往乌镇的公交末班车时间为7:40和17:50,每隔30分钟一趟,票价5元,用时在半小时左右。出租车前往80元起。", "tips:乌镇虽是浙江桐乡市的一个镇,但去乌镇一般先到上海、苏州或杭州,然后再坐汽车去乌镇。", "自驾:乌镇距桐乡市区13公里,距周围嘉兴、湖州、吴江三市分别为27公里、45公里和60公里,距杭州、苏州均为80公里,距上海140公里。自驾都是不错的选择噢!", "A.杭州自驾线路:全程约80公里,行程时间约1小时40分钟B.苏州出发:最好是自驾,沿路风光不错,全程88公里,行程时间约为1小时45分钟。C.上海自驾线路:以黄浦区为出发点全程约合120公里行程,耗时约合2小时30分钟。", "初到乌镇,你需要了解的几件小事", "1、请避免夏季正午时去乌镇游览,白晃晃的日光直直地晒下来,也没什么廊棚可遮挡,让人感觉非常不好。2、乌镇东栅景区与西栅景区之间有免费班车接送,营运时间通常为7:30至17:20。周一至周四的班车间隔时间为20分钟,周五至周日的班车间隔时间为10分钟。3、最好避开节假日,因为这段时间不仅住宿等价格很贵,而且人多就无法品味古镇的宁静美。4、去过的游客感觉东栅的景点一般半天就可以逛完了,而西栅内容比较丰富一些,可以花时间多一点在西栅", "本文仅代表作者观点,不代表百度立场。", "本文系作者授权百家号发表,未经许可,不得转载。", "还没有人评论,点击抢沙发~"], "bs_rank_pos": 2}, {"is_selected": false, "title": "去乌镇两天一夜的行程安排-乌镇旅游问答 【携程攻略】", "most_related_para": 2, "segmented_title": ["去", "乌镇", "两天一夜", "的", "行程安排", "-", "乌镇", "旅游", "问答", "【", "携程", "攻略", "】"], "segmented_paragraphs": [["已", "解决", "问题", ":", "2857613"], ["6830168", "人", "贡献", "宝贵", "经验"], ["打算", "自驾游", "去", "乌镇", "玩", "个", "两天一夜", ",", "民宿", "已经", "选", "在", "东栅", "景区", "内", ",", "寻求", "攻略", ",", "比如", "早上", "几点", "到", "乌镇", ",", "不会", "错过", "一些", "美丽", "的", "风景", ",", "东西", "两栅", "有", "哪些", "值得", "去", "的", "景区", "?", "等等"], ["按", "赞同", "数", "排序"], ["我们", "找到", "了", "一", "个", "相同", "的", "答案", ",", "不能", "重复", "回答", "哦", "。"], ["和", "问题", "无关", "、", "信息", "错误", "的", "回答", "会", "被", "隐藏", "。"], ["这", "条", "回答", "是否", "对", "问题", "没有", "帮助", "?"], ["乌镇", "旅游", "攻略", "指南", "?", "携程", "攻略", "社区", "!", "靠谱", "的", "旅游攻略", "平台", ",", "最佳", "的", "乌镇", "自助游", "、", "自由行", "、", "自驾游", "、", "跟团", "旅", "线路", ",", "海量", "乌镇", "旅游景点", "图片", "、", "游记", "、", "交通", "、", "美食", "、", "购物", "、", "住宿", "、", "娱乐", "、", "行程", "、", "指南", "等", "旅游", "攻略", "信息", ",", "了解更多", "乌镇", "旅游", "信息", "就", "来", "携程", "旅游攻略", "。"], ["美", "奈", "旅游攻略", "宜川", "旅游攻略", "郧西", "旅游攻略", "涞源", "旅游攻略", "巴拉圭", "旅游攻略", "加那利群岛", "旅游攻略", "紫金", "旅游攻略", "新郑", "旅游攻略", "宁河", "旅游攻略", "乾县", "旅游", "攻略", "禄丰", "旅游攻略", "米兰", "旅游攻略", "爱丁堡", "旅游", "攻略", "罗定", "旅游攻略", "连城", "旅游攻略", "塞班岛", "旅游攻略", "五大连池", "旅游攻略", "象山", "旅游攻略", "岳阳", "旅游攻略", "格拉茨", "旅游攻略"], ["上海", "旅游攻略", "重庆", "旅游攻略", "西双版纳", "旅游攻略", "敦煌", "旅游攻略", "三亚", "旅游攻略", "西安", "旅游攻略", "桂林", "旅游攻略", "厦门", "旅游攻略", "北京", "旅游攻略", "九寨沟", "旅游攻略", "成都", "旅游攻略", "长白山", "旅游攻略", "阳朔", "旅游攻略", "张家界", "旅游攻略", "黄山", "旅游攻略", "拉萨", "旅游攻略", "台湾", "旅游攻略", "青岛", "旅游攻略", "香港", "旅游攻略", "乌镇", "旅游攻略"], ["点亮", "旅行家", "勋章", ",", "开启", "新", "福利", "教", "你", "写出", "精华", "游记", ",", "还", "赚", "礼品卡"]], "paragraphs": ["已解决问题:2857613", "6830168人贡献宝贵经验", "打算自驾游去乌镇玩个两天一夜,民宿已经选在东栅景区内,寻求攻略,比如早上几点到乌镇,不会错过一些美丽的风景,东西两栅有哪些值得去的景区?等等", "按赞同数排序", "我们找到了一个相同的答案,不能重复回答哦。", "和问题无关、信息错误的回答会被隐藏。", "这条回答是否对问题没有帮助?", "乌镇旅游攻略指南? 携程攻略社区! 靠谱的旅游攻略平台,最佳的乌镇自助游、自由行、自驾游、跟团旅线路,海量乌镇旅游景点图片、游记、交通、美食、购物、住宿、娱乐、行程、指南等旅游攻略信息,了解更多乌镇旅游信息就来携程旅游攻略。", "美奈旅游攻略 宜川旅游攻略 郧西旅游攻略 涞源旅游攻略 巴拉圭旅游攻略 加那利群岛旅游攻略 紫金旅游攻略 新郑旅游攻略 宁河旅游攻略 乾县旅游攻略 禄丰旅游攻略 米兰旅游攻略 爱丁堡旅游攻略 罗定旅游攻略 连城旅游攻略 塞班岛旅游攻略 五大连池旅游攻略 象山旅游攻略 岳阳旅游攻略 格拉茨旅游攻略", "上海旅游攻略 重庆旅游攻略 西双版纳旅游攻略 敦煌旅游攻略 三亚旅游攻略 西安旅游攻略 桂林旅游攻略 厦门旅游攻略 北京旅游攻略 九寨沟旅游攻略 成都旅游攻略 长白山旅游攻略 阳朔旅游攻略 张家界旅游攻略 黄山旅游攻略 拉萨旅游攻略 台湾旅游攻略 青岛旅游攻略 香港旅游攻略 乌镇旅游攻略", "点亮旅行家勋章,开启新福利 教你写出精华游记,还赚礼品卡"], "bs_rank_pos": 3}, {"is_selected": false, "title": "乌镇两天一夜游,乌镇旅游攻略 - 蚂蜂窝", "most_related_para": 1, "segmented_title": ["乌镇", "两天一夜", "游", ",", "乌镇", "旅游攻略", "-", "蚂", "蜂窝"], "segmented_paragraphs": [["头", "图", "加载", "中", ".", ".", "."], ["2016", "-", "11", "-", "17", "21", ":", "45", "1325", "/", "5"], ["有", "202808", "张", "照片"], ["相关", "目的地", ":", "乌镇"]], "paragraphs": ["头图加载中...", "2016-11-17 21:45 1325/5", "有202808张照片", "相关目的地:乌镇"], "bs_rank_pos": 4}], "answer_spans": [[391, 495]], "fake_answers": ["从上海到乌镇的途径很多,可以做高铁到桐乡再转车,也可以直接坐长途大巴。询过万能的度妈,我们果断选择了后者。在网上买的车票,很方便也不贵(50大洋)。1.5h车程后我们到达乌镇汽车站,然后乘K350公交车,几分钟就到了西栅景区(乌镇主要景区是西栅和东栅,东栅下午5点就闭馆了,并且不接受入住,西栅一直开放,且旅客可住景区内)。"], "question": "乌镇两天一夜穷游攻略", "segmented_answers": [["从", "上海", "到", "乌镇", "的", "途径", "很多", ",", "可以", "做", "高铁", "到", "桐乡", "再", "转车", ",", "也", "可以", "直接", "坐", "长途", "大巴", "。", "询", "过", "万能", "的", "度", "妈", ",", "我们", "果断", "选择", "了", "后者", "。", "在", "网上", "买", "的", "车票", ",", "很方便", "也", "不贵", "(", "50", "大洋", ")", "。", "1", ".", "5", "h", "车程", "后", "我们", "到达", "乌镇", "汽车站", ",", "然后", "乘", "K", "350", "公交车", ",", "几分钟", "就", "到", "了", "西栅", "景区", "(", "乌镇", "主要景区", "是", "西栅", "和", "东栅", ",", "东栅", "下午", "5", "点", "就", "闭馆", "了", ",", "并且", "不接受", "入住", ",", "西栅", "一直", "开放", ",", "且", "旅客", "可", "住", "景区", "内", ")", "。"], ["行程", ":", "高铁", "南京", "-", "嘉兴", "南", "(", "高铁", "不到", "2", "小时", ",", "因为", "早上", "还要", "上班", ",", "就", "选择", "13", ":", "30", "分", "到", "嘉兴", "南", "的", "高铁", ",", "票价", "172", ".", "5", "元", ",", "1", "小时", "42", "分", "到达", ")", "滴滴", "快车", "嘉兴", "南", "-", "乌镇", "西栅", "景区", "(", "提前", "约", "的", "车", ",", "加", "上", "高速", "费用", "167", ".", "5", "元", ",", "50", "分钟", ")", "第二天", "返回", "高铁", "桐乡", "火车站", "-", "南京南站", "(", "18", ":", "09", "分", "的", "车", ",", "2", "小时", "30", "分", "到达", ")", "打车", "那一年", "餐厅", "-", "桐乡", "火车站", "(", "100", "块", ",", "50", "分钟", ")", "住宿", ":", "乌镇", "民宿", "(", "家庭", "房", "1108", "一晚", ",", "可", "住", "3", "人", ",", "一", "张", "小", "床", ",", "一", "张", "双人床", ",", "两", "个", "房间", "哦", ")", "人员", ":", "3", "人", "。"]], "answers": ["从上海到乌镇的途径很多,可以做高铁到桐乡再转车,也可以直接坐长途大巴。询过万能的度妈,我们果断选择了后者。在网上买的车票,很方便也不贵(50大洋)。1.5h车程后我们到达乌镇汽车站,然后乘K350公交车,几分钟就到了西栅景区(乌镇主要景区是西栅和东栅,东栅下午5点就闭馆了,并且不接受入住,西栅一直开放,且旅客可住景区内)。", "行程:高铁 南京-嘉兴南(高铁不到2小时,因为早上还要上班,就选择13:30分到嘉兴南的高铁,票价172.5元,1小时42分到达)  滴滴快车  嘉兴南-乌镇西栅景区(提前约的车,加上高速费用167.5元,50分钟)第二天返回  高铁  桐乡火车站-南京南站(18:09分的车,2小时30分到达)打车  那一年餐厅-桐乡火车站 (100块,50分钟) 住宿:乌镇民宿(家庭房 1108一晚,可住3人,一张小床,一张双人床,两个房间哦)人员:3人。"], "answer_docs": [0], "segmented_question": ["乌镇", "两天一夜", "穷游", "攻略"], "question_type": "DESCRIPTION", "question_id": 181650, "fact_or_opinion": "OPINION", "match_scores": [0.8666666666666667]}
-{"documents": [{"is_selected": true, "title": "如何计算企业研发费用加计扣除_百度经验", "most_related_para": 4, "segmented_title": ["如何", "计算", "企业", "研发", "费用", "加计扣除", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "职场", "/", "理财", ">", "投资理财"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["企业", "研究", "开发", "费用", "税前", "加计扣除", ",", "是", "为", "鼓励", "企业", "开展", "研究", "开发", "活动", ",", "规范", "企业", "研究", "开发", "费用", "的", "税前", "扣除", "及", "有关", "税收", "优惠政策", "。", "为", "激发", "市场", "活力", ",", "给", "企业", "“", "减负", "、", "松绑", "”", ",", "国务院", "提出", "转变", "政府职能", "、", "改进", "工作作风", "、", "取消", "和", "下放", "行政审批", "等", "要求", ",", "对", "落实", "企业所得税", "优惠政策", "和", "加强", "税收优惠", "管理", "起", "到", "积极", "作用", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "2016", "年", "1", "月", "1", "日", ",", "《", "财政部", "、", "国家税务局", "、", "科技部", "关于", "完善", "研究", "开发", "费用", "税前", "加计扣除", "政策", "的", "通知", "》", "正式", "施行", "。", "企业", "研发", "费用", "按", "50", "%", "加计扣除", "。", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["烟草", "制造业", "、", "住宿", "和", "餐饮业", "、", "批发", "和", "零售业", "、", "房地产业", "、", "租赁", "和", "商务", "服务业", "、", "娱乐业", "不适合", "做", "加计扣除", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验 > 职场/理财 > 投资理财", "百度经验:jingyan.baidu.com", "企业研究开发费用税前加计扣除,是为鼓励企业开展研究开发活动,规范企业研究开发费用的税前扣除及有关税收优惠政策。为激发市场活力,给企业“减负、松绑”,国务院提出转变政府职能、改进工作作风、取消和下放行政审批等要求,对落实企业所得税优惠政策和加强税收优惠管理起到积极作用。", "百度经验:jingyan.baidu.com", "1 2016年1月1日,《财政部、国家税务局、科技部关于完善研究开发费用税前加计扣除政策的通知》正式施行。企业研发费用按50%加计扣除。 END", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "烟草制造业、住宿和餐饮业、批发和零售业、房地产业、租赁和商务服务业、娱乐业不适合做加计扣除。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "科技型中小企业研发费用加计扣除比例由50%调至75%--财经--人民网 ", "most_related_para": 10, "segmented_title": ["科技型", "中小企业", "研发", "费用", "加计扣除", "比例", "由", "50", "%", "调", "至", "75", "%", "-", "-", "财经", "-", "-", "人民网"], "segmented_paragraphs": [["原", "标题", ":", "科技型", "中小企业", "研发", "费用", "加计扣除", "比例", "由", "50", "%", "调", "至", "75", "%"], ["企业", "主导", "的", "技术", "研发", "已然成为", "科研", "创新", "的", "主要", "力量", ",", "科技型", "中小企业", "是", "其中", "最", "有活力", "的", "群体", "。", "相比", "于", "大型", "企业", ",", "激励", "科技型", "中小企业", "的", "技术创新", "活动", "就", "显得", "尤", "为", "重要", "。"], ["本报记者", "何", "亮"], ["“", "研发", "费用", "加计扣除", "的", "政策", "红利", "我们", "已经", "享受", "4", "年", ",", "每年", "获得", "近", "30", "万", "的", "研发", "财税", "优惠", "。", "”", "听到", "研发", "税收", "新政", "发布", ",", "黑龙江省", "东安", "橡胶", "集团", "有限公司", "的", "财务部长", "许丽梅", "在", "电话", "一", "端", "激情", "流露", ",", "“", "如果", "研发", "费用", "加计扣除", "的", "比例", "还能", "提高", ",", "得到", "的", "实惠", "自然", "增多", ",", "作为", "科技", "企业", "群体", "中", "的", "‘", "婴幼儿", "’", "怎能", "不", "欢迎", "这", "顿", "‘", "营养餐", "’", "?", "”"], ["近日", ",", "财政部", "、", "国家税务总局", "、", "科技部", "(", "以下简称", "“", "三", "部委", "”", ")", "联合发布", "了", "《", "关于", "提高", "科技型", "中小企业", "研究", "开发", "费用", "税前", "加计扣除", "比例", "的", "通知", "》", ",", "将", "科技型", "中小企业", "研发", "费用", "加计扣除", "比例", "由", "50", "%", "提高", "到", "75", "%", ";", "随后", ",", "三", "部委", "联合", "印发", "《", "科技型", "中小企业", "评价", "办法", "》", "(", "以下简称", "《", "评价", "办法", "》", ")", ",", "明确", "科技型", "中小企业", "的", "评价", "条件", "、", "评价", "程序", "和", "评价", "管理", "工作", "。"], ["新政", "出台", "后", ",", "正式", "通过", "政策", "核定", "的", "科技型", "中小企业", ",", "不仅", "能", "拿到", "更大", "的", "激励", "红包", ",", "还能", "获得", "全国", "统一", "的", "身份", "名片", "。"], ["提高", "扣除", "比例", ",", "中小企业", "研发", "提升", "“", "获得", "感", "”"], ["研发", "费用", "加计扣除", "的", "基本", "政策", "原理", "是", ",", "通过", "降低", "企业", "的", "应", "纳税", "所得", "额", "和", "相应", "税负", ",", "从而", "降低", "企业", "研发", "投入", "的", "风险", "。", "企业", "必须", "产生", "足够", "利润", ",", "在", "此", "前提", "下", ",", "研发", "投入", "越", "大", ",", "享受", "研发", "费用", "加计扣除", "政策", "扶植", "的", "力度", "也", "就", "越", "大", "。"], ["在", "世界", "范围", "内", ",", "科技型", "中小企业", "有", "两", "个", "共同", "特点", "。", "一方面", "规模", "较", "小", ",", "另一方面", "处于", "创业", "初期", ",", "发展", "不成熟", "。", "这样", "的", "企业", ",", "即便", "前期", "研发", "费用", "投入", "较", "大", ",", "但是", "市场规模小", "、", "利润", "少", "、", "甚至", "长期", "亏损", ",", "研发", "费用", "加计扣除", "的", "优惠政策", "相对", "于", "大企业", ",", "“", "获得", "感", "”", "大打折扣", "。"], ["科技部", "政策法规", "与", "监督", "司", "有关", "负责人", "在", "接受", "科技日报", "记者", "采访", "时", "表示", ",", "通过", "调研", "和", "对", "地方", "加计扣除", "政策", "评估", "发现", ",", "由于", "研发", "费用", "本身", "的", "政策", "专业", "性", "比较", "强", ",", "项目管理", "、", "经费", "使用", "要求", "比较", "高", ",", "企业", "需要", "一定", "的", "人力", "投入", "或者", "委托", "中介机构", "的", "经济", "投入", "。", "如果", "优惠", "力度", "小", ",", "小微", "企业", "没有", "积极性", ",", "导致", "政策", "落地", "动能", "不足", "、", "政策", "落实", "效果", "不好", "。"], ["一", "组", "数据", "显示", ",", "2015", "年", ",", "企业", "的", "研发", "经费", "投入", "占", "全", "社会", "研发", "经费", "投入", "的", "76", ".", "8", "%", "。", "同", "年", ",", "全国", "享受", "研发", "费用", "加计扣除", "优惠", "的", "企业", "数", "为", "5", ".", "36", "万户", ",", "优惠", "金额", "3035", ".", "46", "亿元", ",", "约", "等于", "减免税额", "758", ".", "86", "亿元", "。", "“", "从", "总体上看", ",", "企业", "主导", "的", "技术", "研发", "已然成为", "科研", "创新", "的", "主要", "力量", ",", "科技型", "中小企业", "是", "其中", "最", "有活力", "的", "群体", "。", "相比", "于", "大型", "企业", ",", "激励", "科技型", "中小企业", "的", "技术创新", "活动", "就", "显得", "尤", "为", "重要", "。", "”", "该", "负责人", "表示", ",", "“", "将", "科技型", "中小企业", "实施", "研发", "费用", "加计扣除", "比例", "由", "原先", "的", "50", "%", "提高", "到", "75", "%", ",", "目的", "是", "落实", "国家", "大力", "支持", "‘", "双创", "’", "和", "发展", "新", "动能", "的", "总体", "部署", ",", "尽量", "加大", "科技型", "中小企业", "的", "税收", "优惠", "力度", ",", "对", "科技型", "中小企业", "进行", "精准", "支持", ",", "激励", "他们", "更多", "的", "去", "创新", "。", "”", "突出", "技术", "先导", ",", "科技型", "中小企业", "认定", "是", "前提", "要", "想", "实现", "对", "科技型", "中小企业", "研发", "费用", "加计扣除", "比例", "的", "提高", ",", "一", "个", "隐含", "的", "必要条件", "不可", "被", "忽视", ",", "即", "厘清", "哪些", "企业", "是", "“", "科技型", "中小企业", "”", "。", "此", "前", ",", "科技部", "曾", "规定", "企业", "申请", "“", "科技型", "中小企业", "技术创新基金", "”", "需", "满足", "的", "条件", ",", "各地", "针对", "享受", "优惠政策", "的", "科技型", "中小企业", "也", "会", "有", "不同", "的", "要求", ",", "但", "全国", "并没有", "统一", "的", "科技型", "中小企业", "评价", "标准", "。", "此次", "《", "评价", "办法", "》", "的", "出台", ",", "使得", "科技型", "中小企业", "有", "了", "统一", "的", "评价", "条件", "和", "办法", "。", "科技型", "中小企业", "评价", "指标", "具体", "包括", "科技", "人员", "、", "研发", "投入", "、", "科技成果", "三类", ",", "满分", "100", "分", "。", "企业", "根据", "科技型", "中小企业", "评价", "指标", "进行", "综合评价", "所得", "分值", "不", "低于", "60", "分", ",", "且", "科技", "人员", "指标", "得分", "不得", "为", "0", "分", "。", "“", "在", "《", "评价", "办法", "》", "中", ",", "对", "科技型", "中小企业", "的", "定义", "突出", "‘", "技术", "先导", "’", "作用", "。", "”", "中国", "科学", "技术", "发展战略", "研究院", "科技", "体制", "与", "管理", "研究所", "副所长", "、", "研究员", "张", "赤东", "告诉", "科技日报", "记者", ",", "“", "办法", "中", "提到", "研究", "开发", "活动", "、", "自主", "知识产权", "、", "高新技术", "产品", "或", "服务", "转化", "等", "要素", "条件", ",", "明确", "了", "科技创新", "在", "科技型", "中小企业", "评定", "中", "的", "主导作用", "。", "”", "张", "赤东", "进一步", "解释", "科技型", "中小企业", "准入", "与", "科技", "活动", "评分", "条件", "的", "特点", "。", "一", "是", "参照", "国际", "上", "通行", "的", "规则", ",", "对", "企业", "的", "规模", "如", "职工", "总数", "、", "销售收入", "和", "资产", "总额", "进行", "了", "规定", ";", "二则", "为", "促进", "产业", "转型", "升级", ",", "促进", "科技型", "中小企业", "健康发展", ",", "对", "企业", "的", "产品", "和", "服务", "范围", "进行", "了", "合理", "的", "界定", ";", "三", "是", "通过", "设置", "科学", "合理", "的", "企业", "科技", "活动", "评价", "指标", ",", "有效", "评价", "企业", "的", "科技", "和", "技术", "属性", ",", "聚焦", "科技创新", "这", "一", "核心", ";", "四", "是", "整个", "评价", "方法", "设计", "突出", "了", "科技创新", "和", "体制机制", "创新", "双轮", "驱动", "的", "有机结合", ",", "既", "精准", "施", "策", "又", "重", "体系", "建设", "。", "科技部", "政策法规", "与", "监督", "司", "有关", "负责人", "表示", ",", "考虑到", "我", "国", "目前", "存在", "多层次", "的", "企业", "科技创新", "评价体系", ",", "《", "评价", "办法", "》", "规定", ",", "企业", "在", "满足", "基本准入条件", "的", "同时", ",", "如果", "符合", "“", "高技术", "”", "条件", "中", "的", "一项", ",", "可", "直接", "确认", "符合", "科技型", "中小企业", "条件", "。", "这一方面", "减轻", "了", "企业", "重复", "申报", "的", "工作量", "、", "提高", "了", "工作", "效率", ",", "另一方面", "也", "体现", "了", "技术", "先导", "在", "不同", "的", "企业", "科技创新", "评价体系", "中", "的", "连贯性", "。", "落地", "优惠政策", ",", "还", "需", "具体操作", "和", "企业", "自律", "对", "科技型", "中小企业", "给予", "更多", "适度", "的", "优惠政策", ",", "是", "国际社会", "的", "一", "种", "主流", "做法", "。", "比如", "英国", "的", "中小企业", "研发", "费用", "税前", "加计扣除", "比例", "达到", "230", "%", ",", "大型", "企业", "只有", "130", "%", ";", "澳大利亚", "中小企业", "的", "税收", "抵免", "率", "为", "43", ".", "5", "%", ",", "大型", "企业", "为", "38", ".", "5", "%", "。", "“", "相比", "于", "大型", "企业", ",", "国际", "上", "很多", "国家", "对", "中小企业", "的", "研发", "支出", "给以", "‘", "加强", "’", "的", "税收优惠", ",", "而且", "优惠", "力度", "在", "不断提高", "。", "”", "中国", "科学", "技术", "发展战略", "研究院", "研究员", "薛薇", "告诉", "科技日报", "记者", ",", "我", "国", "的", "政策调整", "正在", "与", "先进", "国家", "靠近", "。", "值得", "注意", "的", "是", ",", "此次", "科技型", "中小企业", "研发", "费用", "加计扣除", "新政", "的", "执行", "期限", "是", "2017", "年", "1", "月", "1", "日", "至", "2019", "年", "12", "月", "31", "日", "。", "薛薇", "表示", ",", "“", "作为", "三年", "周期", "的", "一", "个", "阶段性", "政策", ",", "如果", "执行", "的", "效果", "比较好", ",", "建议", "变成", "一", "种", "长期", "稳定", "的", "政策", "支持", "。", "”", "除此之外", ",", "如果", "企业", "的", "应", "纳税", "所得", "额", "不足", "抵扣", ",", "我", "国", "现行", "税法", "规定", ",", "可", "在", "以后", "纳税", "年度", "结转", "抵扣", ",", "但", "结转", "期限", "最长", "不得超过", "5", "年", "。", "薛薇", "建议", ",", "未来", "的", "政策", "完善", "应", "考虑", "很多", "科技型", "中小企业", "在", "研发", "投入", "前期", "长期", "处于", "亏损", "或", "微利", ",", "要", "经历", "超过", "5", "年", "时间", "才能", "逐步", "盈利", ",", "应", "延长", "亏损", "结转", "年限", ",", "更", "大地", "激励", "中小企业", "的", "创新", "研发", "积极性", "。", "政策", "的", "执行", "体现", "“", "放", "管", "结合", "”", ",", "虽然", "政策", "主张", "各", "中小企业", "积极", "按照", "评价", "办法", "自主", "评价", "及", "信息", "更新", ",", "但是", "对于", "企业", "作假", "与", "失信", "行为", "也有", "相应", "的", "惩罚", "措施", "。", "北京", "高精尖", "科技", "开发", "院", "院长", "汪斌", "建议", ",", "各", "中小型", "企业", "应", "尊重", "规则", "、", "严格", "自律", ",", "以便", "充分利用", "政策", "提供", "的", "宽松环境", "提升", "自身", "研发", "实力", "。"], ["(", "责编", ":", "孙博洋", "、", "夏", "晓", "伦", ")"], ["连接", "东西南北", ",", "跨越", "万水千山", "的", "中欧", "班", "列", "上", ",", "除了", "满载", "的", "商品", "货物", ",", "就", "只", "剩", "下", "两", "名", "开火车", "的", "司机", "了", ",", "他们", "夙兴夜寐", ",", "拉", "着", "沉甸甸", "的", "货物", "奔跑", "在", "新", "时期", "的", "“", "丝绸之路", "”", "上", ",", "他们", "是", "现代", "的", "“", "丝路", "”", "人", ",", "更", "是", "中欧", "经济", "文化", "的", "使者", "。", "本期", "《", "财", "景", "》", ",", "走近", "中欧", "班", "列", "的", "80", "后", "“", "老", "司机", "”", "。", "财", "景", "故事", ":", "走近", "中欧", "班", "列", "80", "后", "“", "老", "司机", "”", "…", "【", "详细", "】"], ["重庆", "抗洪", "演练", "海陆空", "救援", "堪比", "大片", "\"", "五", "分钱", "\"", "粉", "汤", "诠释", "地道", "\"", "定安", "味道", "\"", "专家", "谈", "\"", "一", "带", "一", "路", "\"", ":", "刷新", "视野", "鼓舞人心"]], "paragraphs": ["原标题:科技型中小企业研发费用加计扣除比例由50%调至75%", "企业主导的技术研发已然成为科研创新的主要力量,科技型中小企业是其中最有活力的群体。相比于大型企业,激励科技型中小企业的技术创新活动就显得尤为重要。", "本报记者 何亮", "“研发费用加计扣除的政策红利我们已经享受4年,每年获得近30万的研发财税优惠。”听到研发税收新政发布,黑龙江省东安橡胶集团有限公司的财务部长许丽梅在电话一端激情流露,“如果研发费用加计扣除的比例还能提高,得到的实惠自然增多,作为科技企业群体中的‘婴幼儿’怎能不欢迎这顿‘营养餐’?”", "近日,财政部、国家税务总局、科技部(以下简称“三部委”)联合发布了《关于提高科技型中小企业研究开发费用税前加计扣除比例的通知》,将科技型中小企业研发费用加计扣除比例由50%提高到75%;随后,三部委联合印发《科技型中小企业评价办法》(以下简称《评价办法》),明确科技型中小企业的评价条件、评价程序和评价管理工作。", "新政出台后,正式通过政策核定的科技型中小企业,不仅能拿到更大的激励红包,还能获得全国统一的身份名片。", "提高扣除比例,中小企业研发提升“获得感”", "研发费用加计扣除的基本政策原理是,通过降低企业的应纳税所得额和相应税负,从而降低企业研发投入的风险。企业必须产生足够利润,在此前提下,研发投入越大,享受研发费用加计扣除政策扶植的力度也就越大。", "在世界范围内,科技型中小企业有两个共同特点。一方面规模较小,另一方面处于创业初期,发展不成熟。这样的企业,即便前期研发费用投入较大,但是市场规模小、利润少、甚至长期亏损,研发费用加计扣除的优惠政策相对于大企业,“获得感”大打折扣。", "科技部政策法规与监督司有关负责人在接受科技日报记者采访时表示,通过调研和对地方加计扣除政策评估发现,由于研发费用本身的政策专业性比较强,项目管理、经费使用要求比较高,企业需要一定的人力投入或者委托中介机构的经济投入。如果优惠力度小,小微企业没有积极性,导致政策落地动能不足、政策落实效果不好。", "一组数据显示,2015年,企业的研发经费投入占全社会研发经费投入的76.8%。同年,全国享受研发费用加计扣除优惠的企业数为5.36万户,优惠金额3035.46亿元,约等于减免税额758.86亿元。 “从总体上看,企业主导的技术研发已然成为科研创新的主要力量,科技型中小企业是其中最有活力的群体。相比于大型企业,激励科技型中小企业的技术创新活动就显得尤为重要。”该负责人表示,“将科技型中小企业实施研发费用加计扣除比例由原先的50%提高到75%,目的是落实国家大力支持‘双创’和发展新动能的总体部署,尽量加大科技型中小企业的税收优惠力度,对科技型中小企业进行精准支持,激励他们更多的去创新。” 突出技术先导,科技型中小企业认定是前提 要想实现对科技型中小企业研发费用加计扣除比例的提高,一个隐含的必要条件不可被忽视,即厘清哪些企业是“科技型中小企业”。 此前,科技部曾规定企业申请“科技型中小企业技术创新基金”需满足的条件,各地针对享受优惠政策的科技型中小企业也会有不同的要求,但全国并没有统一的科技型中小企业评价标准。此次《评价办法》的出台,使得科技型中小企业有了统一的评价条件和办法。 科技型中小企业评价指标具体包括科技人员、研发投入、科技成果三类,满分100分。企业根据科技型中小企业评价指标进行综合评价所得分值不低于60分,且科技人员指标得分不得为0分。 “在《评价办法》中,对科技型中小企业的定义突出‘技术先导’作用。”中国科学技术发展战略研究院科技体制与管理研究所副所长、研究员张赤东告诉科技日报记者,“办法中提到研究开发活动、自主知识产权、高新技术产品或服务转化等要素条件,明确了科技创新在科技型中小企业评定中的主导作用。” 张赤东进一步解释科技型中小企业准入与科技活动评分条件的特点。一是参照国际上通行的规则,对企业的规模如职工总数、销售收入和资产总额进行了规定;二则为促进产业转型升级,促进科技型中小企业健康发展,对企业的产品和服务范围进行了合理的界定;三是通过设置科学合理的企业科技活动评价指标,有效评价企业的科技和技术属性,聚焦科技创新这一核心;四是整个评价方法设计突出了科技创新和体制机制创新双轮驱动的有机结合,既精准施策又重体系建设。 科技部政策法规与监督司有关负责人表示,考虑到我国目前存在多层次的企业科技创新评价体系,《评价办法》规定,企业在满足基本准入条件的同时,如果符合“高技术”条件中的一项,可直接确认符合科技型中小企业条件。这一方面减轻了企业重复申报的工作量、提高了工作效率,另一方面也体现了技术先导在不同的企业科技创新评价体系中的连贯性。 落地优惠政策,还需具体操作和企业自律 对科技型中小企业给予更多适度的优惠政策,是国际社会的一种主流做法。 比如英国的中小企业研发费用税前加计扣除比例达到230%,大型企业只有130%;澳大利亚中小企业的税收抵免率为43.5%,大型企业为38.5%。 “相比于大型企业,国际上很多国家对中小企业的研发支出给以‘加强’的税收优惠,而且优惠力度在不断提高。”中国科学技术发展战略研究院研究员薛薇告诉科技日报记者,我国的政策调整正在与先进国家靠近。 值得注意的是,此次科技型中小企业研发费用加计扣除新政的执行期限是2017年1月1日至2019年12月31日。薛薇表示,“作为三年周期的一个阶段性政策,如果执行的效果比较好,建议变成一种长期稳定的政策支持。” 除此之外,如果企业的应纳税所得额不足抵扣,我国现行税法规定,可在以后纳税年度结转抵扣,但结转期限最长不得超过5年。薛薇建议,未来的政策完善应考虑很多科技型中小企业在研发投入前期长期处于亏损或微利,要经历超过5年时间才能逐步盈利,应延长亏损结转年限,更大地激励中小企业的创新研发积极性。 政策的执行体现“放管结合”,虽然政策主张各中小企业积极按照评价办法自主评价及信息更新,但是对于企业作假与失信行为也有相应的惩罚措施。北京高精尖科技开发院院长汪斌建议,各中小型企业应尊重规则、严格自律,以便充分利用政策提供的宽松环境提升自身研发实力。", "(责编:孙博洋、夏晓伦)", "连接东西南北,跨越万水千山的中欧班列上,除了满载的商品货物,就只剩下两名开火车的司机了,他们夙兴夜寐,拉着沉甸甸的货物奔跑在新时期的“丝绸之路”上,他们是现代的“丝路”人,更是中欧经济文化的使者。本期《财景》,走近中欧班列的80后“老司机”。 财景故事:走近中欧班列80后“老司机” …【详细】", "重庆抗洪演练 海陆空救援堪比大片 \"五分钱\"粉汤诠释地道\"定安味道\" 专家谈\"一带一路\":刷新视野 鼓舞人心"], "bs_rank_pos": 1}, {"is_selected": false, "title": "财税〔2017〕最新研究开发费用税前加计扣除比例政策_最新研究开发", "most_related_para": 7, "segmented_title": ["财税", "〔", "2017", "〕", "最新", "研究", "开发", "费用", "税前", "加计扣除", "比例", "政策", "_", "最新", "研究", "开发"], "segmented_paragraphs": [["财税", "〔", "2017", "〕", "34", "号", "最新", "研究", "开发", "费用", "税前", "加计扣除", "比例", "政策"], ["日前", ",", "税务总局", "、", "财政部", "以及", "科技部", "联合", "公布", "了", ",", "关于", "研究", "开发", "费用", "的", "最新", "通知", "。", "对", "研发", "费用", "的", "计", "扣除", "相关问题", "公布", "了", "新", "的", "规定", ",", "以", "进一步", "刺激", "中小企业", "加大", "研发", "投入", "。", "以下", "是", "相关", "通知", "公告", "的", "全文", ",", "需要", "对", "研究", "开发", "费用", "进行", "纳税申报", "等", "行为", "的", "企业", ",", "可", "详细", "了解", "该", "通知", "内容", ",", "以便", "更好", "处理", "企业", "相关", "税务", "问题", "。"], ["财政部", "税务总局", "科技部"], ["关于", "提高", "科技型", "中小企业", "研究", "开发", "费用", "税前", "加计扣除", "比例", "的", "通知"], ["财税", "〔", "2017", "〕", "34", "号"], ["各省", "、", "自治区", "、", "直辖市", "、", "计划单列市", "财政厅", "(", "局", ")", "、", "国家", "税务局", "、", "地方税务局", "、", "科技厅", "(", "局", ")", ",", "新疆", "生产", "建设", "兵团", "财务", "局", "、", "科技局", ":"], ["为", "进一步", "激励", "中小企业", "加大", "研发", "投入", ",", "支持", "科技创新", ",", "现", "就", "提高", "科技型", "中小企业", "研究", "开发", "费用", "(", "以下简称", "研发", "费用", ")", "税前", "加计扣除", "比例", "有关", "问题", "通知", "如", "下", ":"], ["一", "、", "科技型", "中小企业", "开展", "研发", "活动", "中", "实际", "发生", "的", "研发", "费用", ",", "未", "形成", "无形资产", "计入当期损益", "的", ",", "在", "按", "规定", "据", "实", "扣除", "的", "基础", "上", ",", "在", "2017", "年", "1", "月", "1", "日", "至", "2019", "年", "12", "月", "31", "日", "期间", ",", "再", "按照", "实际", "发生额", "的", "75", "%", "在", "税前", "加计扣除", ";", "形成", "无形资产", "的", ",", "在", "上述", "期间", "按照", "无形资产", "成本", "的", "175", "%", "在", "税前", "摊销", "。", "二", "、", "科技型", "中小企业", "享受", "研发", "费用", "税前", "加计扣除", "政策", "的", "其他", "政策", "口径", "按照", "《", "财政部", "国家税务总局", "科技部", "关于", "完善", "研究", "开发", "费用", "税前", "加计扣除", "政策", "的", "通知", "》", "(", "财税", "〔", "2015", "〕", "119", "号", ")", "规定", "执行", "。", "三", "、", "科技型", "中小企业", "条件", "和", "管理办法", "由", "科技部", "、", "财政部", "和", "国家税务", "总局", "另行", "发布", "。", "科技", "、", "财政", "和", "税务部门", "应", "建立", "信息共享", "机制", ",", "及时", "共享", "科技型", "中小企业", "的", "相关", "信息", ",", "加强", "协调", "配合", ",", "保障", "优惠政策", "落实到位", "。"], ["财政部", "税务总局", "科技部"], ["热点推荐", ":", "各省市", "2017", "年", "报名时间", "、", "入口", "【", "专题", "】"], ["财会", "问题", "请", "扫一扫", "加", "周", "老师", "(", "微信", "号", ":", "c18188611406", ")"], ["老师", "邀", "你", "加入", "实操", "交流", "群", ",", "和", "大", "咖", "一起", "学", "会计", "!"], ["进", "群", "还有", "老师", "免费", "答疑", "、", "免费", "直播", "体验", "课", "!"]], "paragraphs": ["财税〔2017〕34号 最新研究开发费用税前加计扣除比例政策", "日前,税务总局、财政部以及科技部联合公布了,关于研究开发费用的最新通知。对研发费用的计扣除相关问题公布了新的规定,以进一步刺激中小企业加大研发投入。以下是相关通知公告的全文,需要对研究开发费用进行纳税申报等行为的企业,可详细了解该通知内容,以便更好处理企业相关税务问题。", "财政部 税务总局 科技部", "关于提高科技型中小企业研究开发费用税前加计扣除比例的通知", "财税〔2017〕34号", "各省、自治区、直辖市、计划单列市财政厅(局)、国家税务局、地方税务局、科技厅(局),新疆生产建设兵团财务局、科技局:", "为进一步激励中小企业加大研发投入,支持科技创新,现就提高科技型中小企业研究开发费用(以下简称研发费用)税前加计扣除比例有关问题通知如下:", "一、科技型中小企业开展研发活动中实际发生的研发费用,未形成无形资产计入当期损益的,在按规定据实扣除的基础上,在2017年1月1日至2019年12月31日期间,再按照实际发生额的75%在税前加计扣除;形成无形资产的,在上述期间按照无形资产成本的175%在税前摊销。  二、科技型中小企业享受研发费用税前加计扣除政策的其他政策口径按照《财政部 国家税务总局 科技部关于完善研究开发费用税前加计扣除政策的通知》(财税〔2015〕119号)规定执行。  三、科技型中小企业条件和管理办法由科技部、财政部和国家税务总局另行发布。科技、财政和税务部门应建立信息共享机制,及时共享科技型中小企业的相关信息,加强协调配合,保障优惠政策落实到位。", "财政部 税务总局 科技部", "热点推荐:各省市2017年报名时间、入口【专题】", "财会问题请扫一扫加周老师(微信号:c18188611406)", "老师邀你加入实操交流群,和大咖一起学会计!", "进群还有老师免费答疑、免费直播体验课!"], "bs_rank_pos": 2}, {"is_selected": true, "title": "政策落地!研发费加计扣除比例提高到75%_东奥会计在线", "most_related_para": 0, "segmented_title": ["政策", "落地", "!", "研发", "费", "加计扣除", "比例", "提高", "到", "75", "%", "_", "东奥", "会计", "在线"], "segmented_paragraphs": [["【", "东奥", "会计", "在线", "—", "—", "中级会计", "职称", "频道", "推荐", "】", "根据", "《", "关于", "提高", "科技型", "中小企业", "研究", "开发", "费用", "税前", "加计扣除", "比例", "的", "通知", "》", "的", "规定", ",", "研发", "费", "加计扣除", "比例", "提高", "到", "75", "%", "。"], ["财政部", "、", "国家税务总局", "、", "科技部", "发布", "《", "关于", "提高", "科技型", "中小企业", "研究", "开发", "费用", "税前", "加计扣除", "比例", "的", "通知", "》", "。"], ["通知", "称", ",", "为", "进一步", "激励", "中小企业", "加大", "研发", "投入", ",", "支持", "科技创新", ",", "就", "提高", "科技型", "中小企业", "研究", "开发", "费用", "(", "以下简称", "研发", "费用", ")", "税前", "加计扣除", "比例", "有关", "问题", "发布", "通知", "。"], ["通知", "明确", ",", "科技型", "中小企业", "开展", "研发", "活动", "中", "实际", "发生", "的", "研发", "费用", ",", "未", "形成", "无形资产", "计入当期损益", "的", ",", "在", "按", "规定", "据", "实", "扣除", "的", "基础", "上", ",", "在", "2017", "年", "1", "月", "1", "日", "至", "2019", "年", "12", "月", "31", "日", "期间", ",", "再", "按照", "实际", "发生额", "的", "75", "%", "在", "税前", "加计扣除", ";", "形成", "无形资产", "的", ",", "在", "上述", "期间", "按照", "无形资产", "成本", "的", "175", "%", "在", "税前", "摊销", "。"], ["科技型", "中小企业", "享受", "研发", "费用", "税前", "加计扣除", "政策", "的", "其他", "政策", "口径", "按照", "《", "财政部", "国家税务总局", "科技部", "关于", "完善", "研究", "开发", "费用", "税前", "加计扣除", "政策", "的", "通知", "》", "(", "财税", "〔", "2015", "〕", "119", "号", ")", "规定", "执行", "。"], ["科技型", "中小企业", "条件", "和", "管理办法", "由", "科技部", "、", "财政部", "和", "国家税务", "总局", "另行", "发布", "。", "科技", "、", "财政", "和", "税务部门", "应", "建立", "信息共享", "机制", ",", "及时", "共享", "科技型", "中小企业", "的", "相关", "信息", ",", "加强", "协调", "配合", ",", "保障", "优惠政策", "落实到位", "。"], ["(", "转载", "自", ":", "中国", "会计", "视野", ")"], ["东奥", "会计", "在线", "微信", "东奥", "中级会计", "职称", "微信"], ["上", "一篇", "文章", ":", "关于", "2016", "年度", "企业", "研究", "开发", "费用", "税前", "加计扣除", "政策", "企业所得税", "纳税申报", "问题", "的", "公告", "下一篇", "文章", ":", "关于", "提高", "科技型", "中小企业", "研究", "开发", "费用", "税前", "加计扣除", "比例", "的", "通知"]], "paragraphs": ["【东奥会计在线——中级会计职称频道推荐】根据《关于提高科技型中小企业研究开发费用税前加计扣除比例的通知》的规定,研发费加计扣除比例提高到75%。", "财政部、国家税务总局、科技部发布《关于提高科技型中小企业研究开发费用税前加计扣除比例的通知》。", "通知称,为进一步激励中小企业加大研发投入,支持科技创新,就提高科技型中小企业研究开发费用(以下简称研发费用)税前加计扣除比例有关问题发布通知。", "通知明确,科技型中小企业开展研发活动中实际发生的研发费用,未形成无形资产计入当期损益的,在按规定据实扣除的基础上,在2017年1月1日至2019年12月31日期间,再按照实际发生额的75%在税前加计扣除;形成无形资产的,在上述期间按照无形资产成本的175%在税前摊销。", "科技型中小企业享受研发费用税前加计扣除政策的其他政策口径按照《财政部国家税务总局科技部关于完善研究开发费用税前加计扣除政策的通知》(财税〔2015〕119号)规定执行。", "科技型中小企业条件和管理办法由科技部、财政部和国家税务总局另行发布。科技、财政和税务部门应建立信息共享机制,及时共享科技型中小企业的相关信息,加强协调配合,保障优惠政策落实到位。", "(转载自:中国会计视野)", "东奥会计在线微信 东奥中级会计职称微信", "上一篇文章:关于2016年度企业研究开发费用税前加计扣除政策企业所得税纳税申报问题的公告 下一篇文章:关于提高科技型中小企业研究开发费用税前加计扣除比例的通知"], "bs_rank_pos": 3}, {"is_selected": false, "title": "税务总局:进一步提高科技型中小企业研发费用加计扣除比例", "most_related_para": 6, "segmented_title": ["税务总局", ":", "进一步提高", "科技型", "中小企业", "研发", "费用", "加计扣除", "比例"], "segmented_paragraphs": [["国家税务总局", "所得税", "司", "副司长", "刘宝柱", "做客", "《", "今天", "我", "值班", "》", "回答", "热点", "问题"], ["央", "广", "网", "北京", "4", "月", "12", "日", "消息", "(", "记者", "刘祎辰", ")", "据", "中国", "之", "声", "《", "央广新闻", "》", "报道", ",", "当前", ",", "“", "大众创业", "、", "万众", "创新", "”", "的", "热潮", "正在", "我", "国", "蓬勃", "兴起", "。", "税收", "优惠政策", "在", "支持", "“", "大众创业", "、", "万众", "创新", "”", "方面", "是", "如何", "发挥", "作用", "的", "呢", "?", "国家税务总局", "所得税", "司", "副司长", "刘宝柱", "做客", "《", "今天", "我", "值班", "》", "直播间", ",", "就", "相关", "热点", "问题", "与", "央", "广", "主持人", "进行", "深入", "交流", "。"], ["关于", "研发", "费用", "加计扣除", "政策", ",", "一些", "科技型", "企业", ",", "尤其", "是", "双创", "的", "小微", "企业", ",", "谈到", "这个", "政策", "特别", "有", "热情", "。"], ["刘宝柱", "表示", ",", "研发", "费用", "加计扣除", "企业所得税", "优惠政策", ",", "是", "助推", "大众", "创业", "、", "万众", "创新", "的", "重要", "政策", "工具", "。"], ["什么叫", "加计扣除", "?", "比如", "研发", "费用", "为", "100", "万", "元", ",", "加计扣除", "50", "%", "。", "最终", "计算", "应", "纳税", "所得", "额", "时", "税前", "扣除", "费用", "为", "100", "×", "(", "1", "+", "50", "%", ")", "=", "150", "万元", "。", "也就是说", ",", "这", "150", "万", "元", "企业", "就", "不用", "缴", "所得税", "了", ";", "形成", "无形资产", "的", "部分", "则", "按", "无形资产", "成本", "的", "150", "%", "在", "税前", "摊销", ",", "也就是", "说", "这", "部分", "成本", "实际", "抵扣", "了", "150", "%", "。"], ["2016", "年", ",", "执行", "新", "修订", "的", "研发", "费用", "加计扣除", "政策", ",", "和", "原", "政策", "相比", ",", "一", "是", "政策", "面", "扩大", ",", "产业", "导向", "更加", "清晰", "。", "新", "修订", "的", "政策", "采取", "反", "列举", "的", "方式", ",", "规定", "除了", "烟草", "制造业", "等", "6", "个", "行业", "外", ",", "其余", "行业", "均", "能", "享受", ",", "较", "之", "原", "政策", "的", "正", "列举", "方式", ",", "明显", "扩大", "了", "享受", "政策", "的", "行业", "范围", "。", "二", "是", "靶向", "性", "突出", ",", "服务", "国家", "创新", "战略", "。", "从", "修订", "的", "内容", "看", ",", "咬定", "“", "研发", "”", "不放松", ",", "在", "原来", "允许", "扣除", "的", "范围", "基础", "上", ",", "考虑", "企业", "生产", "经营", "及", "研发", "活动", "实际", ",", "将", "外", "聘", "人员", "劳务费", "、", "试", "制", "产品", "检验", "费", "、", "专家", "咨询", "费", "、", "高新", "科技", "研发", "保险", ",", "以及", "与", "研发", "直接", "相关", "的", "差旅费", "、", "会议", "费", "等", ",", "也", "纳入", "加计扣除", "范围", "。", "三", "是", "放", "管", "服", "深化", ",", "帮助", "企业", "享受", "政策", "。", "税务", "机关", "落实", "政策", "时", ",", "原则上", "只", "核实", "当年", "情况", ",", "对", "以前", "年度", "有", "涉税", "问题", "的", ",", "不得", "影响", "当年", "的", "享受", "。", "四", "是", "跨部门", "协调", ",", "完善", "争议", "解决", "机制", "。", "发生", "税", "企", "争议", "时", ",", "税务", "机关", "请", "有关", "部门", "出具", "意见", ",", "有关部门", "也", "明确责任", ",", "负责", "解释", "和", "复核", "工作", ",", "免去", "企业", "在", "政府", "部门", "间", "来", "回", "跑", "文", "的", "辛苦", "。"], ["目前", ",", "税务总局", "正", "密切配合", "财政部", "等", "牵头", "部门", "落实", "2017", "年", "《", "政府工作报告", "》", "的", "重点", "工作", "任务", ",", "也", "就是要", "进一步", "提高", "科技型", "中小企业", "的", "研发", "费用", "加计扣除", "比例", ",", "将", "科技型", "中小企业", "开发", "新技术", "、", "新产品", "、", "新工艺", "实际", "发生", "的", "研发", "费用", "税前", "加计扣除", "比例", "由", "50", "%", "提高", "到", "75", "%", "。"], ["本", "文", "系", "转载", ",", "不", "代表", "参考消息", "网", "的", "观点", "。", "参考消息", "网", "对其", "文字", "、", "图片", "与", "其他", "内容", "的", "真实性", "、", "及时", "性", "、", "完整性", "和", "准确性", "以及", "其", "权利", "属性", "均", "不", "作", "任何", "保证", "和", "承诺", ",", "请", "读者", "和", "相关", "方", "自行", "核实", "。"]], "paragraphs": ["国家税务总局所得税司副司长刘宝柱做客《今天我值班》 回答热点问题", "央广网北京4月12日消息(记者刘祎辰)据中国之声《央广新闻》报道,当前,“大众创业、万众创新”的热潮正在我国蓬勃兴起。税收优惠政策在支持“大众创业、万众创新”方面是如何发挥作用的呢?国家税务总局所得税司副司长刘宝柱做客《今天我值班》直播间,就相关热点问题与央广主持人进行深入交流。", "关于研发费用加计扣除政策,一些科技型企业,尤其是双创的小微企业,谈到这个政策特别有热情。", "刘宝柱表示,研发费用加计扣除企业所得税优惠政策,是助推大众创业、万众创新的重要政策工具。", "什么叫加计扣除?比如研发费用为100万元,加计扣除50%。最终计算应纳税所得额时税前扣除费用为100×(1+50%)=150万元。也就是说,这150万元企业就不用缴所得税了;形成无形资产的部分则按无形资产成本的150%在税前摊销,也就是说这部分成本实际抵扣了150%。", "2016年,执行新修订的研发费用加计扣除政策,和原政策相比,一是政策面扩大,产业导向更加清晰。新修订的政策采取反列举的方式,规定除了烟草制造业等6个行业外,其余行业均能享受,较之原政策的正列举方式,明显扩大了享受政策的行业范围。二是靶向性突出,服务国家创新战略。从修订的内容看,咬定“研发”不放松,在原来允许扣除的范围基础上,考虑企业生产经营及研发活动实际,将外聘人员劳务费、试制产品检验费、专家咨询费、高新科技研发保险,以及与研发直接相关的差旅费、会议费等,也纳入加计扣除范围。三是放管服深化,帮助企业享受政策。税务机关落实政策时,原则上只核实当年情况,对以前年度有涉税问题的,不得影响当年的享受。四是跨部门协调,完善争议解决机制。发生税企争议时,税务机关请有关部门出具意见,有关部门也明确责任,负责解释和复核工作, 免去企业在政府部门间来回跑文的辛苦。", "目前,税务总局正密切配合财政部等牵头部门落实2017年《政府工作报告》的重点工作任务,也就是要进一步提高科技型中小企业的研发费用加计扣除比例,将科技型中小企业开发新技术、新产品、新工艺实际发生的研发费用税前加计扣除比例由50%提高到75%。", "本文系转载,不代表参考消息网的观点。参考消息网对其文字、图片与其他内容的真实性、及时性、完整性和准确性以及其权利属性均不作任何保证和承诺,请读者和相关方自行核实。"], "bs_rank_pos": 4}], "answer_spans": [[29, 37]], "answer_docs": [3], "fake_answers": ["研发费加计扣除比例提高到75%。"], "question": "研发费用加计扣除比例", "segmented_answers": [["第", "一", "种", ":", "加计扣除", "前", ",", "根据", "公示", ":", "A", "=", "利润", "*", "税率", ",", "2", "第", "二", "种", ":", "加计扣除", "后", "因", "研发", "费", "加计扣除", "占", "比例", "的", "50", "%", ",", "推出", "公示", ":", "B", "=", "(", "利润", "-", "研发", "费用", "*", "50", "%", ")", "*", "税率", "。"], ["研发", "费", "加计扣除", "比例", "提高", "到", "75", "%", "。"]], "answers": ["第一种:加计扣除前,根据公示:A=利润*税率,2第二种:加计扣除后因研发费加计扣除占比例的50%,推出公示:B=(利润-研发费用*50%)*税率。", "研发费加计扣除比例提高到75%。"], "entity_answers": [[], ["75%"]], "segmented_question": ["研发", "费用", "加计扣除", "比例"], "question_type": "ENTITY", "match_scores": [1.0], "fact_or_opinion": "FACT", "question_id": 181651}
-{"documents": [{"is_selected": true, "title": "win7怎么显示文件的后缀名啊_百度知道", "most_related_para": 0, "segmented_title": ["win7", "怎么", "显示", "文件", "的", "后缀名", "啊", "_", "百度", "知道"], "segmented_paragraphs": [["win7", "显示", "文件", "的", "后缀名", "的", "方法", ":", "1", "、", "打开", "桌面", "上", "的", "计算机", ",", "点", "组织", "—", "—", "文件夹", "和", "搜索选项", ";", "2", "、", "点", "查看", ",", "将", "隐藏", "已知", "文件类型", "的", "扩展名", "前", "的", "勾", "去掉", ",", "点", "应用", "。"], ["1", "、", "打开", "任意", "文件夹", ",", "资源", "管理器", "界面", ",", "点击", "“", "组织", "”", "—", "“", "文件夹", "和", "搜索选项", "”", ";", "2", "、", "在", "文件夹", "选项", "下", "点击", "“", "查看", "”", ",", "找到", "并", "取消", "“", "隐藏", "已知", "文件类型", "的", "扩展名", "”", ",", "确定", ";", "3", "、", "这个时候", "文件", "的", "后缀名", "就", "显示", "出来", "了", "。", "win7", "查看", "扩展名", "方法", "http", ":", "/", "/", "www", ".", "xitong", "city", ".", "com", "/", "jiaocheng", "/", "win7", "_", "content", "_", "4226", ".", "html"], ["打开", "随意", "一", "个", "盘符", "找到", "“", "组织", "”", "找到", "下拉菜单", "中", "的", "“", "文件夹", "和", "搜索选项", "”", "点击", "“", "查看", "”", "下面", "的", "根", "xp", "一样", "了", "运行", "项", "呢", "其实", "就是", "开始菜单", "中", "的", "写", "着", "“", "搜索", "程序", "和", "文件", "”", "的", "搜索", "项"], ["win7", "怎么", "显示", "文件", "的", "后缀名", "啊", "?", "下载", "一", "个", "win7", "优化大师", "!", "!", "!", "里面", "有", "右键菜单", "设置"]], "paragraphs": ["win7显示文件的后缀名的方法: 1、打开桌面上的计算机,点组织——文件夹和搜索选项; 2、点查看,将隐藏已知文件类型的扩展名前的勾去掉,点应用。", "1、打开任意文件夹,资源管理器界面,点击“组织”—“文件夹和搜索选项”; 2、在文件夹选项下点击“查看”,找到并取消“隐藏已知文件类型的扩展名”,确定; 3、这个时候文件的后缀名就显示出来了。 win7查看扩展名方法http://www.xitongcity.com/jiaocheng/win7_content_4226.html", "打开随意一个盘符 找到 “组织” 找到下拉菜单中的“文件夹和搜索选项” 点击 “查看”下面的根xp一样了 运行项呢 其实就是开始菜单中的 写着“搜索程序和文件”的搜索项", "win7怎么显示文件的后缀名啊?下载一个win7优化大师!!!里面有右键菜单设置"], "bs_rank_pos": 0}, {"is_selected": true, "title": "如何在win7中让文件的后缀名都显示出来_百度知道", "most_related_para": 0, "segmented_title": ["如何", "在", "win7", "中", "让", "文件", "的", "后缀名都", "显示", "出来", "_", "百度", "知道"], "segmented_paragraphs": [["在", "win7", "中", "让", "文件", "的", "后缀名都", "显示", "出来", "的", "步骤", ":", "1", "、", "点击", "桌面", "上", "的", "计算机", ";", "2", "、", "点", "组织", "—", "—", "文件夹", "和", "搜索选项", ";", "3", "、", "点", "查看", "选项卡", ",", "将", "【", "隐藏", "已知", "文件类型", "的", "扩展名", "】", "前", "的", "勾", "去掉", ",", "点", "确定", "。"], ["打开", "我", "的", "电脑", "-", "-", "左", "上方", "组织", "-", "-", "-", "文件夹", "和", "搜索选项", "-", "-", "-", "查看", "-", "-", "-", "-", "隐藏", "已知", "文件类型", "的", "扩展名", "前面", "的", "勾", "去掉"], ["打开", "计算机", "-", "-", "-", "-", "左上角", "组织", "-", "-", "-", "文件夹", "和", "搜索选项", "-", "-", "-", "-", "-", "-", "查看", "-", "-", "-", "-", "-", "-", "-", "里面", "找到", "“", "隐藏", "已知", "类型", "文件", "的", "扩展名", ",", "把", "前面", "的", "勾勾", "去掉"]], "paragraphs": ["在win7中让文件的后缀名都显示出来的步骤: 1、点击桌面上的计算机; 2、点组织——文件夹和搜索选项; 3、点查看选项卡,将【隐藏已知文件类型的扩展名】前的勾去掉,点确定。", "打开我的电脑--左上方组织---文件夹和搜索选项---查看----隐藏已知文件类型的扩展名前面的勾去掉", "打开 计算机----左上角 组织---文件夹和搜索选项------查看-------里面找到“隐藏已知类型文件的扩展名,把前面的勾勾去掉"], "bs_rank_pos": 1}, {"is_selected": false, "title": "win7系统中如何使文件显示出扩展名_百度经验", "most_related_para": 4, "segmented_title": ["win7", "系统", "中", "如何", "使", "文件", "显示", "出", "扩展名", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["这里", "讲解", "的", "是", "win7", "系统", "中", "如何", "使", "文件", "显示", "出", "扩展名", "的", "操作", "步骤"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "首先", "我们", "双击", "打开", "桌面", "上", "的", "“", "计算机", "”", "图标", ",", "以此", "打开", "计算机", "磁盘", "窗口", "如图", "步骤", "阅读", "2", "在", "打开", "的", "计算机", "窗口", "中", ",", "我们", "点击", "左上角", "的", "“", "组织", "”", "后面", "的", "倒", "三角", ",", "在", "弹出", "的", "选项", "中", ",", "我们", "点击", "“", "文件夹", "和", "搜索选项", "”", "如图", "步骤", "阅读", "3", "在", "打开", "的", "文件夹", "选项", "设置", "窗口", "中", ",", "我们", "点击", "“", "查看", "”", "以此", "进入", "电脑", "文件", "的", "设置", "参数", "如图", "步骤", "阅读", "4", "点击查看", "按钮", "之后", ",", "我们", "在", "高级", "设置", "窗口", "中", ",", "找到", "“", "隐藏", "已知", "文件类型", "的", "扩展名", "”", ",", "并且", "把", "他", "前面", "的", "勾", "给", "去掉", "如图", "步骤", "阅读", "5", "完成", "以上", "操作步骤", "之后", ",", "我们", "点击", "“", "确定", "”", ",", "保存", "好", "我们", "的", "设置", ",", "这", "时候", "我们", "就", "可以看到", "文件", "的", "扩展名", "了", ",", "也", "就是", "所谓", "的", "后缀名", "了", "如图", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["以上", "只是", "关于", "W7", "系统", "的", "解决办法", ",", "其他", "操作系统", "的", "解决办法", "或许", "会", "不一样", ",", "这个", "需要", "大家注意", "下"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "因为", "分享", "而", "快乐", "因", "你", "赞", "而", "努力"]], "paragraphs": ["百度经验:jingyan.baidu.com", "这里讲解的是win7系统中如何使文件显示出扩展名的操作步骤", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 首先我们双击打开桌面上的“计算机”图标,以此打开计算机磁盘窗口 如图 步骤阅读 2 在打开的计算机窗口中,我们点击左上角的“组织”后面的倒三角,在弹出的选项中,我们点击“文件夹和搜索选项” 如图 步骤阅读 3 在打开的文件夹选项设置窗口中,我们点击“查看” 以此进入电脑文件的设置参数 如图 步骤阅读 4 点击查看按钮之后,我们在高级设置窗口中,找到“隐藏已知文件类型的扩展名”,并且把他前面的勾给去掉 如图 步骤阅读 5 完成以上操作步骤之后,我们点击“确定”,保存好我们的设置,这时候我们就可以看到文件的扩展名了,也就是所谓的后缀名了 如图 步骤阅读 END", "百度经验:jingyan.baidu.com", "以上只是关于W7系统的解决办法,其他操作系统的解决办法或许会不一样,这个需要大家注意下", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:因为分享而快乐 因你赞而努力"], "bs_rank_pos": 2}, {"is_selected": false, "title": "[显示文件扩展名]win7系统中如何使文件显示出扩展名", "most_related_para": 1, "segmented_title": ["[", "显示", "文件", "扩展名", "]", "win7", "系统", "中", "如何", "使", "文件", "显示", "出", "扩展名"], "segmented_paragraphs": [["当前位置", ":", "首页", ">", "[", "显示", "文件", "扩展名", "]", "win7", "系统", "中", "如何", "使", "文件", "显示", "出", "扩展名"], ["篇", "一", ":", "win7", "系统", "中", "如何", "使", "文件", "显示", "出", "扩展名", "很多", "初次", "使用", "win7", "系统", "的", "朋友", "都", "不知道", "文件", "的", "扩展名", "为什么", "显示", "不", "出来", ",", "不知道", "去", "哪", "设置", ",", "此", "教程", "将", "为你", "解决", "此", "问题", "点击", "组织", ",", "然后选择", "“", "文件夹", "及", "搜索选项", "”", "在", "弹出", "的", "窗口", "中", "点击", "“", "查看", "”", "在", "高级", "设置", "中将", "滚动条", "拉", "到", "最", "底部", ",", "将", "“", "隐藏", "已知", "文件类型", "的", "扩展名", "”", "前面", "的", "勾", "去掉", "篇", "二", ":", "如何", "显示", "文件", "扩展名", "?", "如何", "显示", "文件", "扩展名", "?", "打开", "“", "我", "的", "电脑", "”", "或", "“", "资源", "管理器", "”", "在", "菜单栏", "里", "选择", "“", "工具", "”", "-", "“", "文件夹", "选项", "”", "-", "“", "查看", "”", "把", "“", "隐藏", "己", "知", "文件类型", "的", "扩展名", "”", "的", "前面", "的", "勾", "去掉", "就", "OK", "。", "篇", "三", ":", "win7", "系统", "中", "如何", "使", "文件", "显示", "出", "扩展名", "1", ".", "点击", "计算机", "2", ".", "点击", "组织", ",", "然后选择", "“", "文件夹", "及", "搜索选项", "”", "如何", "显示", "文件", "后缀名", "win7", "系统", "中", "如何", "使", "文件", "显示", "出", "扩展名", "3", ".", "在", "弹出", "的", "窗口", "中", "点击", "“", "查看", "”", "4", ".", "在", "高级", "设置", "中将", "滚动条", "拉", "到", "最", "底部", ",", "将", "“", "隐藏", "已知", "文件类型", "的", "扩展名", "”", "前面", "的", "勾", "去掉"], ["如何", "显示", "文件", "后缀名", "win7", "系统", "中", "如何", "使", "文件", "显示", "出", "扩展名"], ["5", ".", "最后", "点击", "确认"]], "paragraphs": ["当前位置:首页 > [显示文件扩展名]win7系统中如何使文件显示出扩展名", "篇一: win7系统中如何使文件显示出扩展名很多初次使用win7系统的朋友都不知道文件的扩展名为什么显示不出来,不知道去哪设置,此教程将为你解决此问题点击组织,然后选择“文件夹及搜索选项”在弹出的窗口中点击“查看”在高级设置中将滚动条拉到最底部,将“隐藏已知文件类型的扩展名”前面的勾去掉 篇二: 如何显示文件扩展名? 如何显示文件扩展名? 打开“我的电脑”或“资源管理器”在菜单栏里选择“工具”-“文件夹选项”-“查看” 把“隐藏己知文件类型的扩展名”的前面的勾去掉就OK。 篇三: win7系统中如何使文件显示出扩展名 1. 点击计算机 2. 点击组织,然后选择“文件夹及搜索选项” 如何显示文件后缀名 win7系统中如何使文件显示出扩展名 3. 在弹出的窗口中点击“查看” 4. 在高级设置中将滚动条拉到最底部,将“隐藏已知文件类型的扩展名”前面的勾去掉", "如何显示文件后缀名 win7系统中如何使文件显示出扩展名", "5. 最后点击确认"], "bs_rank_pos": 3}, {"is_selected": false, "title": "如何显示电脑文件扩展名(Win7)_百度经验", "most_related_para": 4, "segmented_title": ["如何", "显示", "电脑", "文件", "扩展名", "(", "Win7", ")", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["通过", "系统设置", ",", "显示", "文件", "的", "扩展名", "(", "文件类型", ",", "如", "“", ".", "doc", "、", ".", "jpg", "”", "等", ")"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "打开", "“", "我", "的", "电脑", "”", "或者", "任意", "文件夹", "。", "步骤", "阅读", "2", "点击", "左上角", "的", "“", "组织", "”", "-", "-", "-", ">", "\"", "文件夹", "和", "搜索选项", "“", "步骤", "阅读", "3", "选择", "”", "查看", "“", "选项卡", "。", "步骤", "阅读", "4", "在", "高级", "设置", "中", "查找", "”", "隐藏", "已知", "文件类型", "的", "扩展名", "“", ",", "将", "前面", "方框", "内", "的", "”", "√", "“", "去掉", "。", "步骤", "阅读", "5", "看看", "实例", ",", "文件", "后面", "的", "\"", ".", "jpg", "\"", "已经", "显示", "出来", "啦", "。", "步骤", "阅读", "6", "显示", "出来", "文件", "后缀", "后", ",", "我们", "就", "可以", "针对", "一些", "简单", "的", "文件", "直接", "进行", "后缀", "的", "更改", "来", "变更", "文件类型", "了", ",", "比如", "由", "\"", ".", "jpg", "\"", "图片", "变更", "为", "“", ".", "bmp", "\"", "图片", "。", "步骤", "阅读", "7", "点击", "”", "是", "“", "之后", "文件类型", "变更", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["扩展名", "显示", "后", "不要随便", "变更", "文件类型", ",", "容易", "造成", "文件", "损坏", ",", "除非", "知道", "变更", "前后", "的", "风险", ",", "并", "做", "好", "了", "备份"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "通过系统设置,显示文件的扩展名(文件类型,如“.doc、.jpg”等)", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 打开“我的电脑”或者任意文件夹。 步骤阅读 2 点击左上角的“组织”--->\"文件夹和搜索选项“ 步骤阅读 3 选择”查看“选项卡。 步骤阅读 4 在高级设置中查找”隐藏已知文件类型的扩展名“,将前面方框内的”√“去掉。 步骤阅读 5 看看实例,文件后面的\".jpg\"已经显示出来啦。 步骤阅读 6 显示出来文件后缀后,我们就可以针对一些简单的文件直接进行后缀的更改来变更文件类型了,比如由\".jpg\"图片变更为“.bmp\"图片。 步骤阅读 7 点击”是“之后文件类型变更。 步骤阅读 END", "百度经验:jingyan.baidu.com", "扩展名显示后不要随便变更文件类型,容易造成文件损坏,除非知道变更前后的风险,并做好了备份", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 4}], "answer_spans": [[8, 42]], "fake_answers": ["1、打开桌面上的计算机,点组织——文件夹和搜索选项;2、点查看,将隐藏已知文件类型的扩展名前的勾去掉,点应用。"], "question": "win7怎么显示文件后缀名", "segmented_answers": [["1", "、", "打开", "桌面", "上", "的", "计算机", ",", "点", "组织", "—", "—", "文件夹", "和", "搜索选项", ";", "2", "、", "点", "查看", ",", "将", "隐藏", "已知", "文件类型", "的", "扩展名", "前", "的", "勾", "去掉", ",", "点", "应用", "。"], ["1", "、", "打开", "任意", "文件夹", ",", "资源", "管理器", "界面", ",", "点击", "“", "组织", "”", "—", "“", "文件夹", "和", "搜索选项", "\"", ";", "2", "、", "在", "文件夹", "选项", "下", "点击", "“", "查看", "”", ",", "找到", "并", "取消", "“", "隐藏", "已知", "文件类型", "的", "扩展名", "”", ",", "确定", ";", "3", "、", "这个时候", "文件", "的", "后缀名", "就", "显示", "出来", "了", "。"], ["控制面板", "—", "—", "外观", "和", "个性化", "—", "—", "文件夹", "选项", "—", "—", "显示", "隐藏", "的", "文件", "和", "文件夹", "—", "—", "查看", "—", "—", "显示", "隐藏", "的", "文件", "、", "文件夹", "和", "驱动器"]], "answers": ["1、打开桌面上的计算机,点组织——文件夹和搜索选项;2、点查看,将隐藏已知文件类型的扩展名前的勾去掉,点应用。", "1、打开任意文件夹,资源管理器界面,点击“组织”—“文件夹和搜索选项\";2、在文件夹选项下点击“查看”,找到并取消“隐藏已知文件类型的扩展名”,确定;3、这个时候文件的后缀名就显示出来了。", "控制面板——外观和个性化——文件夹选项——显示隐藏的文件和文件夹——查看——显示隐藏的文件、文件夹和驱动器"], "answer_docs": [0], "segmented_question": ["win7", "怎么", "显示", "文件", "后缀名"], "question_type": "DESCRIPTION", "question_id": 181652, "fact_or_opinion": "FACT", "match_scores": [0.8857142857142857]}
-{"documents": [{"is_selected": false, "title": "玩LOL的时候出现你的QQ暂时无法登陆怎么办_百度经验", "most_related_para": 4, "segmented_title": ["玩", "LOL", "的", "时候", "出现", "你", "的", "QQ", "暂时", "无法", "登陆", "怎么办", "_", "百度", "经验"], "segmented_paragraphs": [["该", "经验", "图片", "、", "文字", "中", "可能", "存在", "外", "站", "链接", "或", "电话号码", "等", ",", "请注意", "识别", ",", "谨防上当受骗", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["对于", "很多", "LOL", "玩家", "来", "说", ",", "用", "的", "游戏账号", "很多", "都", "不是我们", "经常", "使用", "的", "QQ", "号", ",", "也", "就是说", "游戏账号", "是", "我们", "的", "QQ", "小号", ",", "那么", "我们", "我们", "经常", "不用", "或者", "绑定", "的", "不是", "很好", ",", "就会", "出现", "我们", "在", "登陆", "游戏", "的", "时候", "提示", "我们", "的", "QQ", "暂时", "无法", "登陆", "的", "提示", ",", "那么", "我们", "怎么", "解决", "呢", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "一般来说", ",", "我们", "不", "论", "是", "使用", "QQ游戏", "中心", "的", "TGP", "还是", "直接打开", "我们", "的", "游戏", "客户端", ",", "我们", "都会", "收到", "这样", "的", "提示", "。", "步骤", "阅读", "2", "然后", "我们", "需要", "做", "的", "就是", ",", "我们", "打开", "我们", "的", "浏览器", ",", "然后", "我们", "打开", "百度", ",", "这里", "我们", "在", "百度", "输入", "里面", "输入", "我们", "的", "QQ", "安全", "中心", ",", "这里", "我们", "进入", "我们", "的", "QQ", "安全", "中心", "的", "官网", ",", "这里", "不要", "选择", "错误", "了", "。", "一般", "第一个", "就是", "。", "步骤", "阅读", "3", "然后", "我们", "就是", "登陆", "我们", "的", "账号", ",", "这里", "对于", "我们", "来", "说", ",", "我们", "基本上", "应该", "还是", "记得", "到", "我们", "的", "账号", "和", "密码", "吧", ",", "然后", "我们", "输入", "我们", "的", "QQ", "号", "和", "密码", "过后", ",", "点击", "登陆", "就", "可以", "了", "。", "步骤", "阅读", "4", "然后", "我们", "就是", "进入", "到", "我们", "的", "安全", "中心", ",", "之后", "我们", "需要", "做", "的", "就是", "在", "中间", "可以看到", "有", "一哥", "账号", "解封", "的", "选项", ",", "这里", "我们", "就", "点击进入", "我们", "这个", "选择", "。", "一般", "出现", "这种情况", ",", "就是", "因为", "腾讯", "把", "我们", "的", "qq", "给", "封", "了", "。", "步骤", "阅读", "5", "然后", "我们", "接下来", "需要", "做", "的", "就是", "点击", "我们", "的", "解放", "功能", ",", "这里", "我们", "输入", "不能", "正常", "登陆", "的", "QQ", "账号", ",", "然后", "说", "我们", "的", "验证码", "。", "然后", "就是", "点击", "下图", "表示", "出", "的", "下一步", "。", "步骤", "阅读", "6", "然后", "我们", "这里", "可以看到", "我们", "QQ", "出", "问题", "的", "详细", "情况", ",", "这里", "我们", "可以看到", "我们", "登陆", "地点", ",", "异常", "次数", ",", "然后", "我们", "接下来", "就是", "点击", "恢复", "正常", "使用", "。", "步骤", "阅读"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "分享", "最", "实用", "的", "经验"]], "paragraphs": ["该经验图片、文字中可能存在外站链接或电话号码等,请注意识别,谨防上当受骗!", "百度经验:jingyan.baidu.com", "对于很多LOL玩家来说,用的游戏账号很多都不是我们经常使用的QQ号,也就是说游戏账号是我们的QQ小号,那么我们我们经常不用或者绑定的不是很好,就会出现我们在登陆游戏的时候提示我们的QQ暂时无法登陆的提示,那么我们怎么解决呢。", "百度经验:jingyan.baidu.com", "1 一般来说,我们不论是使用QQ游戏中心的TGP还是直接打开我们的游戏客户端,我们都会收到这样的提示。 步骤阅读 2 然后我们需要做的就是,我们打开我们的浏览器,然后我们打开百度,这里我们在百度输入里面输入我们的QQ安全中心,这里我们进入我们的QQ安全中心的官网,这里不要选择错误了。一般第一个就是。 步骤阅读 3 然后我们就是登陆我们的账号,这里对于我们来说,我们基本上应该还是记得到我们的账号和密码吧,然后我们输入我们的QQ号和密码过后,点击登陆就可以了。 步骤阅读 4 然后我们就是进入到我们的安全中心,之后我们需要做的就是在中间可以看到有一哥账号解封的选项,这里我们就点击进入我们这个选择。一般出现这种情况,就是因为腾讯把我们的qq给封了。 步骤阅读 5 然后我们接下来需要做的就是点击我们的解放功能,这里我们输入不能正常登陆的QQ账号,然后说我们的验证码。然后就是点击下图表示出的下一步。 步骤阅读 6 然后我们这里可以看到我们QQ出问题的详细情况,这里我们可以看到我们登陆地点,异常次数,然后我们接下来就是点击恢复正常使用。 步骤阅读", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:分享最实用的经验"], "bs_rank_pos": 0}, {"is_selected": true, "title": "lol您的QQ暂时无法登入。_百度知道", "most_related_para": 0, "segmented_title": ["lol", "您", "的", "QQ", "暂时", "无法", "登入", "。", "_", "百度", "知道"], "segmented_paragraphs": [["QQ", "异地", "登陆", "保护", "或者说", "账号", "被冻结", "到", "这个", "网址", "解冻", "就", "行"], ["你", "的", "qq", "好", "被冻结", "了", "按照", "他", "说", "的", "去", "哪个", "网站", "解冻", "就", "行", "了", "需要", "手机", "验证", "的"], ["呵呵", "我", "就", "笑", "了", "。", "不会", "别", "胡", "答", "。", "这", "是", "LOL", "封号", "了", "?", "明明", "就是", "QQ", "被冻结", "了"], ["估计", "封号", "了", "吧", "。", "。", "。", "。"], ["去", "解除", "就", "行", "一般", "因为", "账号", "异常"], ["可能", "是", "被", "某人", "举报", "封号", "了", ",", "又", "有", "可能", "是", "系统", "出", "问题", "了", "!"], ["过", "段", "时间", "会", "自动", "解封", "的"]], "paragraphs": ["QQ异地登陆保护 或者说账号被冻结 到这个网址解冻就行", "你的qq好被冻结了 按照他说的 去哪个网站解冻就行了 需要手机验证的", "呵呵 我就笑了。不会别胡答。这是LOL封号了?明明就是QQ被冻结了", "估计封号了吧。。。。", "去解除就行 一般因为账号异常", "可能是被某人举报封号了,又有可能是系统出问题了!", "过段时间会自动解封的"], "bs_rank_pos": 1}, {"is_selected": false, "title": "为啥英雄联盟说我qq号暂时无法登陆_百度知道", "most_related_para": 0, "segmented_title": ["为啥", "英雄", "联盟", "说", "我", "qq", "号", "暂时", "无法", "登陆", "_", "百度", "知道"], "segmented_paragraphs": [["1", "、", "我们", "需要", "做", "的", "就是", ",", "我们", "打开", "我们", "的", "浏览器", ",", "然后", "我们", "打开", "百度", ",", "这里", "我们", "在", "百度", "输入", "里面", "输入", "我们", "的", "QQ", "安全", "中心", ",", "这里", "我们", "进入", "我们", "的", "QQ", "安全", "中心", "的", "官网", ",", "这里", "不要", "选择", "错误", "了", "。", "一般", "第一个", "就是", "。", "2", "、", "然后", "我们", "就是", "登陆", "我们", "的", "账号", ",", "这里", "对于", "我们", "来", "说", ",", "我们", "基本上", "应该", "还是", "记得", "到", "我们", "的", "账号", "和", "密码", "吧", ",", "然后", "我们", "输入", "我们", "的", "QQ", "号", "和", "密码", "过后", ",", "点击", "登陆", "就", "可以", "了", "。", "3", "、", "然后", "我们", "就是", "进入", "到", "我们", "的", "安全", "中心", ",", "之后", "我们", "需要", "做", "的", "就是", "在", "中间", "可以看到", "有", "一哥", "账号", "解封", "的", "选项", ",", "这里", "我们", "就", "点击进入", "我们", "这个", "选择", "。", "一般", "出现", "这种情况", ",", "就是", "因为", "腾讯", "把", "我们", "的", "qq", "给", "封", "了", "。", "4", "、", "然后", "我们", "接下来", "需要", "做", "的", "就是", "点击", "我们", "的", "解放", "功能", ",", "这里", "我们", "输入", "不能", "正常", "登陆", "的", "QQ", "账号", ",", "然后", "说", "我们", "的", "验证码", "。", "然后", "就是", "点击", "下图", "表示", "出", "的", "下一步", "。", "5", "、", "然后", "我们", "这里", "可以看到", "我们", "QQ", "出", "问题", "的", "详细", "情况", ",", "这里", "我"], ["可能", "是", "你", "的", "qq", "号", "被冻结", "了", "或者", "是", "你", "的", "帐号", "被", "封", "了"]], "paragraphs": ["1、我们需要做的就是,我们打开我们的浏览器,然后我们打开百度,这里我们在百度输入里面输入我们的QQ安全中心,这里我们进入我们的QQ安全中心的官网,这里不要选择错误了。一般第一个就是。 2、然后我们就是登陆我们的账号,这里对于我们来说,我们基本上应该还是记得到我们的账号和密码吧,然后我们输入我们的QQ号和密码过后,点击登陆就可以了。 3、然后我们就是进入到我们的安全中心,之后我们需要做的就是在中间可以看到有一哥账号解封的选项,这里我们就点击进入我们这个选择。一般出现这种情况,就是因为腾讯把我们的qq给封了。 4、然后我们接下来需要做的就是点击我们的解放功能,这里我们输入不能正常登陆的QQ账号,然后说我们的验证码。然后就是点击下图表示出的下一步。 5、然后我们这里可以看到我们QQ出问题的详细情况,这里我", "可能是你的qq号被冻结了或者是你的帐号被封了"], "bs_rank_pos": 2}], "answer_spans": [[0, 6]], "fake_answers": ["QQ异地登陆保护或者说账号被冻结"], "question": "lol帐号暂时无法登录", "segmented_answers": [["QQ", "异地", "登陆", "保护", "或者说", "账号", "被冻结", "。"]], "answers": ["QQ异地登陆保护或者说账号被冻结。"], "answer_docs": [1], "segmented_question": ["lol", "帐号", "暂时", "无法", "登录"], "question_type": "DESCRIPTION", "question_id": 181653, "fact_or_opinion": "FACT", "match_scores": [0.9333333333333333]}
-{"documents": [{"is_selected": true, "title": "怀孕初期有褐色分泌物正常吗?_有问必答_快速问医生", "most_related_para": 2, "segmented_title": ["怀孕", "初期", "有", "褐色", "分泌物", "正常", "吗", "?", "_", "有问必答", "_", "快速", "问", "医生"], "segmented_paragraphs": [["健康", "咨询", "描述", ":", "前几天", "我", "用", "早孕", "试", "条", "测出", "怀孕", ",", "去", "医院", "检查", "也", "确认", "是", "怀孕", "了", ",", "但", "经常", "会", "感觉", "头晕", "想吐", ",", "浑身", "不舒服", ",", "吃什么", "吐", "什么", ",", "有时候", "吃", "的", "很少", ",", "但", "感觉", "胃里", "满满", "的", "好像", "消化", "不", "了", "的", "样子", ",", "特别", "难受", ",", "今天", "早上", "去", "厕所", "后", "又", "发现", "内裤", "上", "有", "褐色", "的", "东西", "。"], ["想得到", "怎样", "的", "帮助", ":", "怀孕", "初期", "有", "褐色", "分泌物", "正常", "吗", "?"], ["1", "、", "专家", "说", ",", "当", "怀孕", "初期", "有", "褐色", "分泌物", "时", ",", "只", "需", "过", "一段时间", "就会", "好", ",", "需", "注意", "不要", "操劳", ",", "多", "休息", "。", "褐色", "分泌物", "颜色", "很", "淡", "是", "没什么", "问题", ",", "如果", "颜色", "比较", "深", "最好", "去", "医院", "栓", "查", "一", "下", "。", "2", "、", "另外", ",", "要", "做", "血", "HCG", "检查", "以", "明确", "怀孕", "。", "若", "确", "为", "怀孕", "且", "孕早期", "有", "阴道出血", "情况", ",", "需", "去", "医院", "做", "阴道", "B超", "检查", "以", "明确", "是否", "宫", "内", "孕", ",", "若", "为", "宫", "内", "孕", "还", "需", "做", "血", "HCG", "、", "孕酮", "检查", "以", "明确", "激素", "水平", "及", "胎儿", "发育", "情况", ",", "若", "为", "宫外孕", "则", "最好", "采取", "电子", "腹腔镜", "手术", "以", "最大限度", "的", "保留", "器官", "及", "功能", "完整性", "。", "需", "去", "医院", "检查", "以", "明确", "诊断", ",", "对症治疗", "。", "3", "、", "一般来讲", ",", "阴道分泌物", "中", "有", "褐色", "的", "物质", ",", "有", "可能", "是", "宫颈糜烂", ",", "子宫内膜", "不规则", "的", "少量", "脱落", "等", ",", "至于", "是否", "先兆", "性", "流产", "还", "不能", "确立", "。", "建议", "你", "到", "妇幼保健院", "定期", "产前检查", ",", "以便", "保证", "胎儿", "的", "正常", "。", "4", "、", "要", "是", "总会", "断断续续", "出现", "褐色", "分泌物", ",", "要", "暂时", "避免", "性交", ",", "否则", "会", "有", "流产", "危险", "。", "妊娠", "早期", "受精卵", "(", "胚胎", ")", "在", "子宫", "内", "着床", "不", "就", ",", "处于", "发育", "初期", ",", "胎盘", "尚未", "发育", "完全", ",", "胎盘", "和", "子宫", "壁", "连接", "还", "不", "稳固", "。", "如果", "这时", "性交", ",", "子宫", "会", "受到", "震动", ",", "很容易", "使", "胎盘", "脱落", ",", "造成", "流产", "。", "早期", "进行", "性生活", ",", "就", "很", "可能", "由于", "精液", "中", "所", "含", "的", "前列腺素", "使", "到", "子宫收缩", ",", "子宫", "宫颈", "松弛", ",", "加上", "性交", "时", "的", "刺激", ",", "能够", "导致", "流产", "。", "在", "头", "10", "个", "星期", "内", "仍", "应", "禁止", "发生", "性行为", "。"], ["病情", "分析", ":", "你好", ",", "身体", "的", "情况", "考虑", "与", "怀孕期间", ",", "有", "出血", "意外", ",", "有", "先兆流产", "征兆", "影响", "也有", "关", "的", "指导意见", ":", "怀孕期间", "的", "情况", ",", "不是", "很正常", "的", ",", "建议", "及时", "到", "医院", "看看", ",", "更安全", "的", ",", "祝", "身体健康"], ["病情", "分析", ":", "在", "怀孕早期", "出现", "这种", "分泌物", ",", "是", "不", "正常", "的", ",", "不排除", "有", "导致", "先兆流产", "的", "可能", "指导意见", ":", "最好", "是", "抽血", "做", "个", "HCG", "血", "检", "与", "孕酮", "检查", ",", "看", "是否", "存在", "值", "过低", ",", "是否", "有必要", "用药", "来", "保胎", "的", ",", "祝", "好", "孕", "以上", "是", "对", "“", "怀孕", "初期", "有", "褐色", "分泌物", "正常", "吗", "?", "”", "这个问题", "的", "建议", ",", "希望", "对", "您", "有", "帮助", ",", "祝您健康", "!"], ["病情", "分析", ":", "你好", ",", "像", "你", "这个", "症状", "属于", "先兆流产", ",", "对", "胎儿", "发育", "也是", "有", "一定", "影响", "的", "。", "指导意见", ":", "我建议", "你", "最好", "再次", "进行", "检查", "来", "明确", "孕囊", "发育", "的", "情况", ",", "必要时", "进行", "药物", "保胎", ",", "期间", "注意", "卧床休息", ",", "避免", "剧烈运动", ",", "减少", "吃", "辛辣", "刺激", "的", "食物", ",", "可以", "少", "吃", "多", "餐", ",", "另外", "定期", "复查", ",", "祝", "身体健康", "!"], ["病情", "分析", ":", "你好", ",", "怀孕早期", "有", "褐色", "的", "分泌物", ",", "这个", "考虑", "为", "先兆流产", "的", "可能性", ",", "出现", "这样", "的", "症状", "需要", "引起重视", "的", "指导意见", ":", "你", "的", "情况", "要", "及时", "去", "医院", "进行检查", ",", "看看", "孕酮", "等", "是否", "正常", ",", "另外", "就是", "要", "注意", "多", "卧床休息", ",", "禁止", "性生活", ",", "注意", "营养", ",", "及时", "就医"], ["怀孕后", "有", "褐色", "分泌物", "说明", "有", "出血", "的", "情况", ",", "这时", "一定要", "提高", "警惕", ",", "建议", "及时", "到", "医院", "检查", ",", "及时处理", ",", "千万不要", "延误", "病情", "。", "无论", "是", "怀孕", "初期", "还是", "怀孕", "任何", "时期", ",", "有", "任何", "出血", "症状", "都", "需要", "告诉", "医生", ",", "通常", "轻微", "出血", "不会", "被", "认为", "是", "严重", "问题", "。", "但是", "见红", "或", "流", "鲜血", ",", "尤其", "伴有", "腹部", "疼痛", "或", "绞痛", "时", ",", "最好", "能", "马上", "就诊", ",", "因为", "这", "可能", "是", "流产", "或", "宫外孕", "的", "征兆", "。", "在", "怀孕", "后期", ",", "这样", "的", "出血", "症状", "也", "可能", "是", "胎盘", "出现", "了", "问题", "。", "怀孕后", "有", "褐色", "分泌物", "的", "几种情况", "1", "、", "先兆流产", ",", "主要", "表现", "是", "在", "怀孕早期", "出现", "怀孕", "出血", "和", "腹痛", "。", "一般", "在", "先兆流产", "阶段", ",", "阴道出血", "较", "少", ",", "腹痛", "轻", "。", "如果没有", "胚胎发育", "异常", ",", "经过", "保胎", "治疗", ",", "出血", "就会", "停止", ",", "可以", "继续", "妊娠", "。", "2", "、", "异位妊娠", ",", "异位妊娠", "也称", "宫外孕", "。", "发生", "异位妊娠", "时", ",", "一般", "在", "停经", "40", "天", "左右", "出现", "阴道", "流血", ",", "多", "伴有", "下腹部", "的", "隐痛", "、", "胀痛", "、", "坠", "痛", "等", "。", "此时", "进行", "尿", "妊娠", "检查", "可", "为", "阳性", ",", "而", "超声检查", "宫", "腔", "内", "见", "不到", "妊娠", "的", "胚囊", ",", "往往", "在", "输卵管", "的", "部位", "可以", "发现", "异常", "的", "肿物", "。", "3", "、", "孕妇", "宫颈", "疾病", ":", "孕妇", "怀孕", "前", "患", "有", "宫颈糜烂", "、", "宫颈息肉", "等", "疾病", "也", "可", "出现", "有", "褐色", "分泌物", "等", "可能", "。"], ["病情", "分析", ":", "怀孕", "以后", "的", "分泌物", "会", "发生", "明显", "的", "变化", ",", "由于", "怀孕", "以后", "卵巢", "的", "黄体", "分泌", "大量", "雌激素", "和", "孕激素", ",", "因此", "会出现", "白带", "量", "增多", "。", "但", "不", "应该", "出现", "褐色", "分泌物", ",", "怀孕后", "有", "褐色", "分泌物", "说明", "有", "出血", "的", "情况", ",", "这时", "一定要", "提高", "警惕", ",", "建议", "及时", "到", "医院", "检查", ",", "及时处理", ",", "千万不要", "延误", "病情", "。", "指导意见", ":", "怀孕后", "有", "褐色", "分泌物", "的", "几种情况", ":", "1", "、", "宫外孕", ":", "宫外孕", "一般", "在", "停经", "40", "天", "左右", "出现", "阴道", "流血", ",", "多", "伴有", "下腹部", "的", "隐痛", "、", "胀痛", "、", "坠", "痛", "等", "。", "此时", "进行", "尿", "妊娠", "检查", "可", "为", "阳性", ",", "而", "超声检查", "宫", "腔", "内", "见", "不到", "妊娠", "的", "胚囊", ",", "往往", "在", "输卵管", "的", "部位", "可以", "发现", "异常", "的", "肿物", "。", "2", "、", "阴道", "滴虫", "感染", ":", "这种", "感染", "出", "易", "造成", "白带", "增多", ",", "还会", "伴有", "恶臭", ",", "同时", "还会", "发生", "阴部", "的", "瘙痒", "。", "普遍", "的", "认为", "这种", "感染", "是", "性病", "的", "一", "种", ",", "很容易", "在", "性伴侣", "之间", "相互", "感染", ",", "治疗", "时", "必须", "同时", "治疗", "性伴侣", "才能", "杜绝", "交叉感染", "而", "彻底", "治愈", "。", "3", "、", "先兆流产", ":", "主要", "表现", "是", "在", "怀孕早期", "出现", "怀孕", "出血", "和", "腹痛", "。", "一般", "在", "先兆流产", "阶段", ",", "阴道出血", "较", "少", ",", "腹痛", "轻", "。", "如果没有", "胚胎发育", "异常", ",", "经过", "保胎", "治疗", ",", "出血", "就会", "停止", ",", "可以", "继续", "妊娠", "。", "4", "、", "有", "可能", "是", "怀孕后", "少量", "月经", "的", "表现", ",", "应", "卧床", "多", "休息", ",", "不要", "做", "剧烈", "的", "活动", ",", "除了", "上厕所", "最好", "就", "不要", "下床", ",", "一般", "这种现象", "在", "2", "天", "左右", "就会", "消失", "。", "此外", ",", "为了", "防止", "孕期", "阴道出血", "是", "妇科疾病", "引起", "的", ",", "建议", "去", "医院", "了解一下", "原因", ";", "以上", "是", "对", "“", "怀孕", "初期", "有", "褐色", "分泌物", "正常", "吗", "?", "”", "这个问题", "的", "建议", ",", "希望", "对", "您", "有", "帮助", ",", "祝您健康", "!"], ["保妇康栓", "本", "品", "用于", "湿热", "瘀", "滞", "所致", "的", "带", "下", "病", "。", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "28"], ["云南白药胶囊", "本", "品", "用于", "跌打损伤", ",", "跖骨", "、", "趾骨", "骨折", ",", "瘀血", "肿痛", ",", "吐血", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "17", ".", "5"], ["用", "什么", "能", "杀死", "阴虱", "引产", "过程", "需要", "几天", "阴虱", "会", "影响", "睡眠", "吗", "阴虱", "感染", "多久", "发病", "引产", "会", "造成", "不孕", "吗", "引产", "需要", "几天", "时间", "阴虱病", "会不会", "复发", "引产", "手术", "需要", "几天", "阴虱", "对", "女性", "有害", "吗", "阴道", "痒", "是什么", "原因"], ["医生", "在线", "免费咨询"], ["看病", "男科", "妇科", "癫痫", "性病", "养生", "新闻", "白癫风", "牛皮癣"], ["就医", "疾病", "信息", "健康", "经验", "症状", "信息", "手术", "项目", "检查", "项目", "健康", "百科", "求医问药"], ["用药", "药品", "库", "疾病", "用药", "药品", "心得", "用药", "安全", "药品", "资讯", "用药", "方案", "品牌", "药企", "明星", "药品"], ["整形", "整形", "项目", "整形", "案例", "整形", "资讯", "整形医院", "减肥", "塑形", "眼部", "整形", "鼻部", "整形", "面部", "整形"], ["有问必答", "内科", "外科", "儿科", "药品", "遗传", "美容", "检查", "减肥", "中医科", "五官科", "传染科", "体检", "科", "妇产科", "肿瘤科", "康复科", "子女教育", "心理健康", "整形美容", "家居", "环境", "皮肤性病", "营养保健", "其他", "科室", "保健养生"], ["下载", "APP", ",", "免费", "快速", "问", "医生"]], "paragraphs": ["健康咨询描述: 前几天我用早孕试条测出怀孕,去医院检查也确认是怀孕了,但经常会感觉头晕想吐,浑身不舒服,吃什么吐什么,有时候吃的很少,但感觉胃里满满的好像消化不了的样子,特别难受,今天早上去厕所后又发现内裤上有褐色的东西。", "想得到怎样的帮助:怀孕初期有褐色分泌物正常吗?", "1、专家说,当怀孕初期有褐色分泌物时,只需过一段时间就会好,需注意不要操劳,多休息。褐色分泌物颜色很淡是没什么问题,如果颜色比较深最好去医院栓查一下。 2、另外,要做血HCG检查以明确怀孕。若确为怀孕且孕早期有阴道出血情况,需去医院做阴道B超检查以明确是否宫内孕,若为宫内孕还需做血HCG、孕酮检查以明确激素水平及胎儿发育情况,若为宫外孕则最好采取电子腹腔镜手术以最大限度的保留器官及功能完整性。需去医院检查以明确诊断,对症治疗。 3、一般来讲,阴道分泌物中有褐色的物质,有可能是宫颈糜烂,子宫内膜不规则的少量脱落等,至于是否先兆性流产还不能确立。建议你到妇幼保健院定期产前检查,以便保证胎儿的正常。 4、要是总会断断续续出现褐色分泌物,要暂时避免性交,否则会有流产危险。妊娠早期受精卵(胚胎)在子宫内着床不就,处于发育初期,胎盘尚未发育完全,胎盘和子宫壁连接还不稳固。如果这时性交,子宫会受到震动,很容易使胎盘脱落,造成流产。早期进行性生活,就很可能由于精液中所含的前列腺素使到子宫收缩,子宫宫颈松弛,加上性交时的刺激,能够导致流产。在头10个星期内仍应禁止发生性行为。", "病情分析: 你好,身体的情况考虑与怀孕期间,有出血意外,有先兆流产征兆影响也有关的 指导意见: 怀孕期间的情况,不是很正常的,建议及时到医院看看,更安全的,祝身体健康", "病情分析: 在怀孕早期出现这种分泌物,是不正常的,不排除有导致先兆流产的可能 指导意见: 最好是抽血做个HCG血检与孕酮检查,看是否存在值过低,是否有必要用药来保胎的,祝好孕 以上是对“怀孕初期有褐色分泌物正常吗?”这个问题的建议,希望对您有帮助,祝您健康!", "病情分析: 你好,像你这个症状属于先兆流产,对胎儿发育也是有一定影响的。 指导意见: 我建议你最好再次进行检查来明确孕囊发育的情况,必要时进行药物保胎,期间注意卧床休息,避免剧烈运动,减少吃辛辣刺激的食物,可以少吃多餐,另外定期复查,祝身体健康!", "病情分析: 你好,怀孕早期有褐色的分泌物,这个考虑为先兆流产的可能性,出现这样的症状需要引起重视的 指导意见: 你的情况要及时去医院进行检查,看看孕酮等是否正常,另外就是要注意多卧床休息,禁止性生活,注意营养,及时就医", "怀孕后有褐色分泌物说明有出血的情况,这时一定要提高警惕,建议及时到医院检查,及时处理,千万不要延误病情。无论是怀孕初期还是怀孕任何时期,有任何出血症状都需要告诉医生,通常轻微出血不会被认为是严重问题。但是见红或流鲜血,尤其伴有腹部疼痛或绞痛时,最好能马上就诊,因为这可能是流产或宫外孕的征兆。在怀孕后期,这样的出血症状也可能是胎盘出现了问题。怀孕后有褐色分泌物的几种情况 1、先兆流产,主要表现是在怀孕早期出现怀孕出血和腹痛。一般在先兆流产阶段,阴道出血较少,腹痛轻。如果没有胚胎发育异常,经过保胎治疗,出血就会停止,可以继续妊娠。 2、异位妊娠,异位妊娠也称宫外孕。发生异位妊娠时,一般在停经40天左右出现阴道流血,多伴有下腹部的隐痛、胀痛、坠痛等。此时进行尿妊娠检查可为阳性,而超声检查宫腔内见不到妊娠的胚囊,往往在输卵管的部位可以发现异常的肿物。 3、孕妇宫颈疾病:孕妇怀孕前患有宫颈糜烂、宫颈息肉等疾病也可出现有褐色分泌物等可能。", "病情分析: 怀孕以后的分泌物会发生明显的变化,由于怀孕以后卵巢的黄体分泌大量雌激素和孕激素,因此会出现白带量增多。但不应该出现褐色分泌物,怀孕后有褐色分泌物说明有出血的情况,这时一定要提高警惕,建议及时到医院检查,及时处理,千万不要延误病情。 指导意见: 怀孕后有褐色分泌物的几种情况: 1、宫外孕:宫外孕一般在停经40天左右出现阴道流血,多伴有下腹部的隐痛、胀痛、坠痛等。此时进行尿妊娠检查可为阳性,而超声检查宫腔内见不到妊娠的胚囊,往往在输卵管的部位可以发现异常的肿物。 2、阴道滴虫感染:这种感染出易造成白带增多,还会伴有恶臭,同时还会发生阴部的瘙痒。普遍的认为这种感染是性病的一种,很容易在性伴侣之间相互感染,治疗时必须同时治疗性伴侣才能杜绝交叉感染而彻底治愈。 3、先兆流产:主要表现是在怀孕早期出现怀孕出血和腹痛。一般在先兆流产阶段,阴道出血较少,腹痛轻。如果没有胚胎发育异常,经过保胎治疗,出血就会停止,可以继续妊娠。 4、有可能是怀孕后少量月经的表现,应卧床多休息,不要做剧烈的活动,除了上厕所最好就不要下床,一般这种现象在2天左右就会消失。此外,为了防止孕期阴道出血是妇科疾病引起的,建议去医院了解一下原因; 以上是对“怀孕初期有褐色分泌物正常吗?”这个问题的建议,希望对您有帮助,祝您健康!", "保妇康栓 本品用于湿热瘀滞所致的带下病。...[说明书] 参考价格:¥28", "云南白药胶囊 本品用于跌打损伤,跖骨、趾骨骨折,瘀血肿痛,吐血...[说明书] 参考价格:¥17.5", "用什么能杀死阴虱 引产过程需要几天 阴虱会影响睡眠吗 阴虱感染多久发病 引产会造成不孕吗 引产需要几天时间 阴虱病会不会复发 引产手术需要几天 阴虱对女性有害吗 阴道痒是什么原因", "医生在线免费咨询", "看病 男科 妇科 癫痫 性病 养生 新闻 白癫风 牛皮癣", "就医 疾病信息 健康经验 症状信息 手术项目 检查项目 健康百科 求医问药", "用药 药品库 疾病用药 药品心得 用药安全 药品资讯 用药方案 品牌药企 明星药品", "整形 整形项目 整形案例 整形资讯 整形医院 减肥塑形 眼部整形 鼻部整形 面部整形", "有问必答 内科 外科 儿科 药品 遗传 美容 检查 减肥 中医科 五官科 传染科 体检科 妇产科 肿瘤科 康复科 子女教育 心理健康 整形美容 家居环境 皮肤性病 营养保健 其他科室 保健养生", "下载APP,免费快速问医生"], "bs_rank_pos": 1}, {"is_selected": true, "title": "怀孕初期流褐色分泌物的宝妈们看看这个。 - 2016年10月妈妈帮 - ", "most_related_para": 0, "segmented_title": ["怀孕", "初期", "流", "褐色", "分泌物", "的", "宝", "妈", "们", "看看这个", "。", "-", "2016", "年", "10", "月", "妈妈", "帮", "-"], "segmented_paragraphs": [["惊", "!", "!", "准妈妈", "出现", "褐色", "分泌物", "!", "!", "什么", "是", "褐色", "分泌物", "?", "出现", "褐色", "分泌物", "的", "孕妇", "不在少数", ",", "一般", "都", "发生", "在", "孕前", "三个月", "。", "所谓", "的", "褐色", "分泌物", ",", "其实", "是", "前", "宫", "腔", "出", "的", "血", ",", "经过", "一段时间", "血液", "里面", "的", "铁", "元素", "发生", "氧化", ",", "并", "随着", "分泌物", "排出", ",", "因此", "颜色", "发", "褐", "或者", "发", "黑", "。", "如果", "是", "当时", "的", "出血", ",", "那么", "颜色", "应该", "是", "粉色", ",", "红色", ",", "而", "不", "应该", "是", "褐色", "。", "造成", "了", "褐色", "分泌物", "的", "原因", "1", "、", "占", "比", "最大", "的", ",", "也是", "自己", "首先", "要", "想到", "的", "就是", "着床", "血", "的", "延迟", "排出", "。", "胎儿", "在", "着床", "的", "时候", ",", "因为", "绒毛", "穿透", "子宫内膜", ",", "内膜", "会出现", "少量", "出血", "。", "因为", "血量", "少", ",", "当时", "不", "会", "流出", ",", "随着", "孕期", "推进", ",", "受", "内分泌", "影响", ",", "孕妇", "分泌物", "增加", "而", "排出体外", "。", "时间", "会", "发生", "在", "孕", "30", "-", "40", "天", "左右", "。", "2", "、", "子宫", "壁", "是", "有", "褶皱", "的", ",", "随着", "孕期", "的", "推进", ",", "子宫", "变", "大", ",", "褶皱", "慢慢", "舒展", ",", "以前", "残存", "的", "经血", "也", "会", "随着", "分泌物", "排出", ",", "颜色", "会", "比", "褐色", "更", "深", "一", "点", "。", "这", "是", "宝宝", "在", "打扫卫生", "了", ",", "宝宝", "需要", "一", "个", "干净", "的", "环境", "。", "3", "、", "宫颈炎", "、", "盆腔炎", "、", "阴道炎", "这些", "生殖系统", "的", "炎症", "的", "存在", ",", "导致", "部分", "皮肤", "破", "溃", "出血", ",", "血量", "不", "多", "。", "表现", "为", "局部", "瘙痒", ",", "分泌物", "异味", "以及", "褐色", "分泌物", "不", "多", "但是", "时有时无", ",", "持续", "时间长", "。", "4", "、", "孕囊", "和", "子宫内膜", "接触", "部位", ",", "因为", "不", "稳固", "而", "出现", "少量", "子宫内膜", "脱落", "的", "出血", ",", "B超", "的", "时候", "会", "看见", "积液", "。", "如果", "脱落", "过", "多", ",", "胚胎", "可能", "缺乏", "营养", "而", "造成", "胎停", ",", "可以", "结合", "HCG", "检查", "进行", "排除", "。", "这", "属于", "先兆流产", "迹象", ",", "孕酮", "一般", "也", "会", "比较", "低", "。", "5", "、", "宫外孕", "或者", "葡萄胎", "这种", "特殊", "妊娠", ",", "胎儿", "无法正常", "发育", ",", "会出现", "流产", "的", "迹象", ",", "但是", "一般", "都会", "在", "褐色", "分泌物", "后", "出现", "粉色", ",", "红色", "的", "血迹", ",", "容易", "辨别", "。", "出现", "褐色", "分泌物", "了", "怎么办", "?", "1", "、", "观察", "分泌物", ",", "如果", "是", "随着", "白带", "一起", ",", "量", "少", ",", "不", "持续", ",", "无", "腹痛", ",", "三天内", "就", "没有了", ",", "不必担心", ",", "属于", "着床", "血", "或者", "褶皱", "血", "。", "2", "、", "看", "孕期", "反应", ",", "如果", "反应", "还在", ",", "说明", "孩子", "没事", ",", "以前", "的", "出血", "并没有", "对", "孩子", "造成", "影响", ",", "不必担心", "。", "3", "、", "验血", ",", "通过", "HCG", "是否", "增长", ",", "孕酮", "是否", "在", "正常值", "(", "相关数据", "请", "在", "订阅号", "回复", "HCG", "、", "孕酮", "查询", ")", "来", "判断", "胎儿", "和", "子宫", "环境", ",", "如果", "都", "正常", "就", "不必担心", "。", "4", "、", "以上", "问题", "都", "排除", "了", ",", "褐色", "分泌物", "还是", "时有时无", ",", "检查", "分泌物", ",", "如果", "有", "炎症", ",", "是", "可以", "进行", "治疗", "的", ",", "生殖系统", "的", "严重", "炎症", "会", "上行", "感染", "子宫", "造成", "胎儿畸形", "或者", "早产", ",", "如果", "症状", "轻微", "可以", "不", "治疗", "。", "5", "、", "如果", "炎症", "也", "没有", ",", "褐色", "分泌物", "不止", ",", "去", "B超", "看看", "宫", "内", "情况", ",", "假如", "有", "宫", "内", "出血", "是", "可以", "看", "出来", "的", "。", "确定", "胎儿", "大小", ",", "如果", "胎儿", "大小", "符合", "孕", "周", ",", "确定", "不是", "宫外孕", "和", "葡萄胎", ",", "可以", "进行", "常规", "保胎", "治疗", "。", "以上", "都是", "针对", "没有", "过", "不良", "孕", "史", "的", "MM", ",", "如果", "曾经", "有", "过", "流产", "经历", ",", "子宫内膜", "比较", "敏感", ",", "那么", "少量", "的", "刺激", "也", "可能", "引起", "宫缩", ",", "也", "就是", "我们", "所说", "的", "习惯性流产", "。", "这", "类", "MM", "遇到", "褐色", "分泌物", ",", "请", "立刻", "就医", "。"], ["本", "文", "由", "妈妈", "帮", "用户", "发布", "。", "未经许可", ",", "禁止转载", "。"], ["想", "第一时间", "看到", "最新", "的", "孕育", "文章", ",", "与", "妈妈们", "交流", "育儿", "经验"], ["请", "关注", "妈妈", "帮", "微信", "服务", "号", ":", "mama", "bang", "2017"], ["只有", "注册用户", "才能", "发表回复", "。", "请", "登录", "或者", "立即注册"], ["宝宝", "一切正常", "1", "楼", "2016", "-", "03", "-", "18", "09", ":", "42"], ["我", "是", "吃药", "打针", "了", ",", "打", "了", "第四天", "白带", "正常", "了", ",", "我", "觉得", "没事", "了", ",", "就", "走路", "比较", "多", ",", "玩", "上", "又", "有", "一", "点", "了", ",", "第五天", "有", "一", "点", ",", "今天", "暂时", "还", "没有"], ["只", "想", "宝宝", "健", "健康", "康", "3", "楼", "2016", "-", "03", "-", "18", "10", ":", "11"], ["我", "是", "孕酮", "低", ",", "褐色", "分泌物", ",", "去", "医院", "医生", "说", "是", "先兆流产", ",", "让", "打", "七天", "黄体酮", ",", "要", "是", "孕酮", "还", "没", "升", "上去", "就要", "持续", "打针", "到", "第", "十", "周", ",", "要", "多多", "卧床休息", "。"], ["还有", "一", "种", "可能", "就是", "宫缩", "形成", "的", "间隔", "12", "周", "之后", "长", "胎盘", "了", "会", "自动", "被", "吸收"], ["母婴", "血型", "不合", "是", "引起", "习惯性流产", "的", "一", "种", "原因", "。", "初次", "怀孕", "对", "胎儿", "影响", "不大", ",", "分娩", "次数", "越", "多", ",", "胎儿", "、", "新生儿", "发病", "的", "可能性", "越", "大", ",", "因此", "九州", "家", "圆", "的", "人", "说", "常", "在", "第", "二胎", "以后", "发病", "。", "此类", "血型", "不合", "的", "病情", "重", ",", "可", "常见", "流产", "、", "死产", "、", "严重", "的", "新生儿", "溶血性黄疸", "等", "。"], ["使用", "妈妈", "帮", "APP", "或", "微信", "号"], ["免费", "领取", "妈妈", "礼包"], ["妈妈", "帮", "微信", "号"], ["领取", "粉丝", "专享", "福利"], ["妈妈", "帮", "百科", "热门", "内容"], ["孩子", "太", "磨蹭", "拖拉", ",", "真", "急", "人", ",", "怎么", "破", "?"], ["治愈", "妇科炎症", ",", "中药", "更有效", "!"]], "paragraphs": ["惊!!准妈妈出现褐色分泌物!! 什么是褐色分泌物? 出现褐色分泌物的孕妇不在少数,一般都发生在孕前三个月。所谓的褐色分泌物,其实是前宫腔出的血,经过一段时间血液里面的铁元素发生氧化,并随着分泌物排出,因此颜色发褐或者发黑。如果是当时的出血,那么颜色应该是粉色,红色,而不应该是褐色。 造成了褐色分泌物的原因 1、占比最大的,也是自己首先要想到的就是着床血的延迟排出。胎儿在着床的时候,因为绒毛穿透子宫内膜,内膜会出现少量出血。因为血量少,当时不会流出,随着孕期推进,受内分泌影响,孕妇分泌物增加而排出体外。时间会发生在孕30-40天左右。 2、子宫壁是有褶皱的,随着孕期的推进,子宫变大,褶皱慢慢舒展,以前残存的经血也会随着分泌物排出,颜色会比褐色更深一点。这是宝宝在打扫卫生了,宝宝需要一个干净的环境。 3、宫颈炎、盆腔炎、阴道炎这些生殖系统的炎症的存在,导致部分皮肤破溃出血,血量不多。表现为局部瘙痒,分泌物异味以及褐色分泌物不多但是时有时无,持续时间长。 4、孕囊和子宫内膜接触部位,因为不稳固而出现少量子宫内膜脱落的出血,B超的时候会看见积液。如果脱落过多,胚胎可能缺乏营养而造成胎停,可以结合HCG检查进行排除。这属于先兆流产迹象,孕酮一般也会比较低。 5、宫外孕或者葡萄胎这种特殊妊娠,胎儿无法正常发育,会出现流产的迹象,但是一般都会在褐色分泌物后出现粉色,红色的血迹,容易辨别。 出现褐色分泌物了怎么办? 1、观察分泌物,如果是随着白带一起,量少,不持续,无腹痛,三天内就没有了,不必担心,属于着床血或者褶皱血。 2、看孕期反应,如果反应还在,说明孩子没事,以前的出血并没有对孩子造成影响,不必担心。 3、验血,通过HCG是否增长,孕酮是否在正常值(相关数据请在订阅号回复HCG、孕酮查询)来判断胎儿和子宫环境,如果都正常就不必担心。 4、以上问题都排除了,褐色分泌物还是时有时无,检查分泌物,如果有炎症,是可以进行治疗的,生殖系统的严重炎症会上行感染子宫造成胎儿畸形或者早产,如果症状轻微可以不治疗。 5、如果炎症也没有,褐色分泌物不止,去B超看看宫内情况,假如有宫内出血是可以看出来的。确定胎儿大小,如果胎儿大小符合孕周,确定不是宫外孕和葡萄胎,可以进行常规保胎治疗。 以上都是针对没有过不良孕史的MM,如果曾经有过流产经历,子宫内膜比较敏感,那么少量的刺激也可能引起宫缩,也就是我们所说的习惯性流产。这类MM遇到褐色分泌物,请立刻就医。", "本文由妈妈帮用户发布。未经许可,禁止转载。", "想第一时间看到最新的孕育文章,与妈妈们交流育儿经验", "请关注妈妈帮微信服务号:mamabang2017", "只有注册用户才能发表回复。请 登录 或者立即注册", "🐒宝宝一切正常 1楼2016-03-18 09:42", "我是吃药打针了,打了第四天白带正常了,我觉得没事了,就走路比较多,玩上又有一点了,第五天有一点,今天暂时还没有", "只想宝宝健健康康 3楼2016-03-18 10:11", "我是孕酮低,褐色分泌物,去医院医生说是先兆流产,让打七天黄体酮,要是孕酮还没升上去就要持续打针到第十周,要多多卧床休息。", "还有一种可能就是宫缩形成的间隔 12周之后长胎盘了会自动被吸收", "母婴血型不合是引起习惯性流产的一种原因。初次怀孕对胎儿影响不大,分娩次数越多,胎儿、新生儿发病的可能性越大,因此九州家圆的人说常在第二胎以后发病。此类血型不合的病情重,可常见流产、死产、严重的新生儿溶血性黄疸等。", "使用妈妈帮APP或微信号", "免费领取妈妈礼包", "妈妈帮微信号", "领取粉丝专享福利", "妈妈帮百科热门内容", "孩子太磨蹭拖拉,真急人,怎么破?", "治愈妇科炎症,中药更有效!"], "bs_rank_pos": 2}, {"is_selected": false, "title": "孕初期有褐色分泌物,现一切正常、献给有同样经历的宝妈们_孕早期", "most_related_para": 2, "segmented_title": ["孕", "初期", "有", "褐色", "分泌物", ",", "现", "一切正常", "、", "献给", "有", "同样", "经历", "的", "宝", "妈", "们", "_", "孕早期"], "segmented_paragraphs": [["辣妈", "帮", "首页", ">", "孕早期", "辣妈", "帮", ">", "孕", "初期", "有", "褐色", "分泌物", ",", "现", "一切正常", "、", "献给", "有", "同样", "经历", "的", "宝", "妈", "们"], ["帖子", "37", "万", "美", "图", "416", "万", "人数", "2884", "万", "回复", "680", "万"], ["末", "次", "月经", "11", "月", "19", "日", "、", "在这期间", "身体", "也", "没有", "什么", "不适", ",", "22", "号", "帮", "家", "拔", "了", "一上午", "的", "萝卜", "、", "后面", "腰", "有些", "痛", "、", "下面", "有", "月经", "初期", "的", "那种", "褐色", "的", "东西", ",", "以为", "是", "月经", "来", "了", "…", "…", "可是", "到", "了", "24", "号", "还是", "那么", "一", "点", "、", "用", "试孕纸", "测", "两条线", "、", "是", "又", "惊喜", "又", "担心", "、", "我", "以前", "有", "过", "宫外孕", "、", "于是", "赶紧", "去", "医院", "检查", "、", "结果", "什么", "都", "没有", "查", "出来", "、", "还", "打", "了", "阴超", "、", "医生", "说", "有", "可能", "是", "宫外孕", "、", "吓死人", "了", "、", "叫", "我", "回去", "好好休息", "有", "肚子疼", "出血", "的", "症状", "马上", "到", "医院", "、", "我不知道", "自己", "是", "怎么", "度过", "的", "、", "这", "是", "我", "第一", "次", "36", "天照", "的", "BC", "、", "其实", "这么早", "根本", "就", "看不见", "什么", "的", "、", "我只想", "排除", "宫外孕", "而已"], ["分享"], ["全部", "只", "看", "楼主", "只", "看", "图片"]], "paragraphs": ["辣妈帮首页>孕早期辣妈帮>孕初期有褐色分泌物,现一切正常、献给有同样经历的宝妈们", "帖子 37万 美图 416万 人数 2884万 回复 680万", "末次月经11月19日、在这期间身体也没有什么不适,22号帮家拔了一上午的萝卜、后面腰有些痛、下面有月经初期的那种褐色的东西,以为是月经来了……可是到了24号还是那么一点、用试孕纸测两条线、是又惊喜又担心、我以前有过宫外孕、于是赶紧去医院检查、结果什么都没有查出来、还打了阴超、医生说有可能是宫外孕、吓死人了、叫我回去好好休息有肚子疼出血的症状马上到医院、我不知道自己是怎么度过的、这是我第一次36天照的BC、其实这么早根本就看不见什么的、我只想排除宫外孕而已", "分享", "全部 只看楼主 只看图片"], "bs_rank_pos": 4}, {"is_selected": true, "title": "怀孕初期有褐色分泌物怎么办?这些信号可能是疾病-母婴频道-手机搜狐", "most_related_para": 0, "segmented_title": ["怀孕", "初期", "有", "褐色", "分泌物", "怎么办", "?", "这些", "信号", "可能", "是", "疾病", "-", "母婴", "频道", "-", "手机", "搜狐"], "segmented_paragraphs": [["怀孕", "四", "十", "二", "天", "的", "时候", ",", "发现", "下面", "有", "褐色", "的", "分泌物", ",", "很少", ",", "一", "丝丝", "而已", ",", "一般", "早上起来", "上", "大便", "的", "时候", "用", "纸巾", "擦", "会", "有", "一", "点", ",", "其他", "时候", "就", "没有了", ",", "我", "去", "看", "了", "医生", ",", "打", "了", "三天", "针", ",", "还", "吃", "了", "三天", "的", "中药", ",", "情况", "还是一样", ",", "怀孕", "初期", "有", "褐色", "分泌物", "怎么办", "呢", "?", "怀孕", "初期", "常见", "阴道分泌物", "的", "颜色", "及", "症状", "?", "分泌物", "出现", "下面", "这些", "情况", "是", "不", "正常", "的", ",", "这些", "信号", "可能", "是", "疾病", "吗", "!"], ["一", "、", "孕期", "阴道", "分泌物", "增多", "的", "原因", "在", "整个", "妊娠", "期间", ",", "由于", "体", "内", "荷尔蒙", "的", "变化", ",", "阴道", "粘膜", "亦", "有", "充血", "水肿", ",", "皱襞", "增多", ",", "阴道", "变", "软", ",", "伸展性", "好", ",", "清澈", "或", "淡黄色", "的", "阴道分泌物", "可能会", "比", "平时", "稍", "多", "一些", ",", "为", "乳白色", ",", "但", "不", "感到", "痒", "或", "疼痛", "。", "主要", "是因为", "宫颈", "腺体", "分泌", "增多", "所致", ",", "故", "妇女", "怀孕后", "常", "感到", "白带", "增多", ",", "阴道", "上皮细胞", "糖原", "积聚", ",", "在", "阴道", "杆菌", "作用", "下", "分解", "产生", "乳酸", ",", "使", "阴道", "酸度", "增高", ",", "不利于", "细菌", "生长", "。", "二", "、", "为什么", "孕期", "分泌物", "会", "增多", "?", "没有评论", ",", "快", "来", "抢沙发", "!"]], "paragraphs": ["怀孕四十二天的时候,发现下面有褐色的分泌物,很少,一丝丝而已,一般早上起来上大便的时候用纸巾擦会有一点,其他时候就没有了,我去看了医生,打了三天针,还吃了三天的中药,情况还是一样,怀孕初期有褐色分泌物怎么办呢?怀孕初期常见阴道分泌物的颜色及症状?分泌物出现下面这些情况是不正常的,这些信号可能是疾病吗!", "一、孕期阴道分泌物增多的原因 在整个妊娠期间,由于体内荷尔蒙的变化,阴道粘膜亦有充血水肿,皱襞增多,阴道变软,伸展性好,清澈或淡黄色的阴道分泌物可能会比平时稍多一些,为乳白色,但不感到痒或疼痛。主要是因为宫颈腺体分泌增多所致,故妇女怀孕后常感到白带增多,阴道上皮细胞糖原积聚,在阴道杆菌作用下分解产生乳酸,使阴道酸度增高,不利于细菌生长。 二、为什么孕期分泌物会增多? 没有评论,快来抢沙发!"], "bs_rank_pos": 5}, {"is_selected": false, "title": "怀孕初期为什么一直有褐色分泌物?_百度宝宝知道", "most_related_para": 0, "segmented_title": ["怀孕", "初期", "为什么", "一直", "有", "褐色", "分泌物", "?", "_", "百度", "宝宝", "知道"], "segmented_paragraphs": [["你好", ",", "如果", "只是", "单纯", "的", "分泌物", ",", "而", "不是", "红色", "的", "血", "的", "话", "也是", "不用", "太", "担心", "的", "。", "因为", "在", "怀孕", "初期", "甚至", "是", "怀孕", "整个", "时期", ",", "女性", "体", "内", "的", "激素", "会", "有", "急剧", "的", "变化", ",", "这", "也", "会", "导", "到", "女性", "分泌物", "增多", "。", "有时候", "可能", "也", "会", "有", "黄色", "的", "。", "而且", "你现在", "怀孕", "还没有", "一个月", ",", "应该", "好", "好", "养", "身体", ",", "老是", "担心", "反而", "对", "胎儿", "的", "发育", "不好", "。"], ["吃", "竹子", "的", "猴子", "2011", "-", "09", "-", "13", "17", ":", "17"], ["宝宝", "知道", "提示", "您", ":", "回答", "为", "网友", "贡献", ",", "仅供参考", "。"], ["测试一下", "孕酮", "和", "雌", "二", "酮", ",", "如果", "指标", "都", "正常", "的", "话", ",", "一般", "情况", "下", "没有", "什么", "问题", "。", "等", "过", "了", "五", "十", "天", "再", "照", "B超", "看看", ","], ["知道", "贡献", "者", "0876", "2011", "-", "09", "-", "13", "14", ":", "14"], ["出现", "这种情况", ",", "要", "注意", "休息", "。"], ["百度", "知道", "用户", "2011", "-", "09", "-", "13", "15", ":", "37"], ["要", "是", "医生", "说", "没有问题", ",", "那你", "就好", "好", "休息", ",", "应该", "没事", "的", "。", "不过", "有", "褐色", "分泌物", "可不", "是", "好事", ",", "最", "好多", "注意", "一", "下", "。"], ["yoyoli", "_", "520", "2011", "-", "09", "-", "13", "16", ":", "15"]], "paragraphs": ["你好,如果只是单纯的分泌物,而不是红色的血的话也是不用太担心的。因为在怀孕初期甚至是怀孕整个时期,女性体内的激素会有急剧的变化,这也会导到女性分泌物增多。有时候可能也会有黄色的。而且你现在怀孕还没有一个月,应该好好养身体,老是担心反而对胎儿的发育不好。", "吃竹子的猴子 2011-09-13 17:17", "宝宝知道提示您:回答为网友贡献,仅供参考。", "测试一下孕酮和雌二酮,如果指标都正常的话,一般情况下没有什么问题。等过了五十天再照B超看看,", "知道贡献者0876 2011-09-13 14:14", "出现这种情况,要注意休息。", "百度知道用户 2011-09-13 15:37", "要是医生说没有问题,那你就好好休息,应该没事的。不过有褐色分泌物可不是好事,最好多注意一下。", "yoyoli_520 2011-09-13 16:15"], "bs_rank_pos": 6}], "answer_spans": [[0, 180]], "fake_answers": ["1、专家说,当怀孕初期有褐色分泌物时,只需过一段时间就会好,需注意不要操劳,多休息。褐色分泌物颜色很淡是没什么问题,如果颜色比较深最好去医院栓查一下。2、另外,要做血HCG检查以明确怀孕。若确为怀孕且孕早期有阴道出血情况,需去医院做阴道B超检查以明确是否宫内孕,若为宫内孕还需做血HCG、孕酮检查以明确激素水平及胎儿发育情况,若为宫外孕则最好采取电子腹腔镜手术以最大限度的保留器官及功能完整性。需去医院检查以明确诊断,对症治疗。3、一般来讲,阴道分泌物中有褐色的物质,有可能是宫颈糜烂,子宫内膜不规则的少量脱落等,至于是否先兆性流产还不能确立。建议你到妇幼保健院定期产前检查,以便保证胎儿的正常。"], "question": "怀孕初期有褐色分泌物", "segmented_answers": [["1", "、", "专家", "说", ",", "当", "怀孕", "初期", "有", "褐色", "分泌物", "时", ",", "只", "需", "过", "一段时间", "就会", "好", ",", "需", "注意", "不要", "操劳", ",", "多", "休息", "。", "褐色", "分泌物", "颜色", "很", "淡", "是", "没什么", "问题", ",", "如果", "颜色", "比较", "深", "最好", "去", "医院", "栓", "查", "一", "下", "。", "2", "、", "另外", ",", "要", "做", "血", "HCG", "检查", "以", "明确", "怀孕", "。", "若", "确", "为", "怀孕", "且", "孕早期", "有", "阴道出血", "情况", ",", "需", "去", "医院", "做", "阴道", "B超", "检查", "以", "明确", "是否", "宫", "内", "孕", ",", "若", "为", "宫", "内", "孕", "还", "需", "做", "血", "HCG", "、", "孕酮", "检查", "以", "明确", "激素", "水平", "及", "胎儿", "发育", "情况", ",", "若", "为", "宫外孕", "则", "最好", "采取", "电子", "腹腔镜", "手术", "以", "最大限度", "的", "保留", "器官", "及", "功能", "完整性", "。", "需", "去", "医院", "检查", "以", "明确", "诊断", ",", "对症治疗", "。", "3", "、", "一般来讲", ",", "阴道分泌物", "中", "有", "褐色", "的", "物质", ",", "有", "可能", "是", "宫颈糜烂", ",", "子宫内膜", "不规则", "的", "少量", "脱落", "等", ",", "至于", "是否", "先兆", "性", "流产", "还", "不能", "确立", "。", "建议", "你", "到", "妇幼保健院", "定期", "产前检查", ",", "以便", "保证", "胎儿", "的", "正常", "。"], ["1", "、", "占", "比", "最大", "的", ",", "也是", "自己", "首先", "要", "想到", "的", "就是", "着床", "血", "的", "延迟", "排出", "。", "时间", "会", "发生", "在", "孕", "30", "-", "40", "天", "左右", "。", "2", "、", "子宫", "壁", "是", "有", "褶皱", "的", ",", "随着", "孕期", "的", "推进", ",", "子宫", "变", "大", ",", "褶皱", "慢慢", "舒展", ",", "以前", "残存", "的", "经血", "也", "会", "随着", "分泌物", "排出", ",", "颜色", "会", "比", "褐色", "更", "深", "一", "点", "。", "这", "是", "宝宝", "在", "打扫卫生", "了", ",", "宝宝", "需要", "一", "个", "干净", "的", "环境", "。", "3", "、", "宫颈炎", "、", "盆腔炎", "、", "阴道炎", "这些", "生殖系统", "的", "炎症", "的", "存在", ",", "导致", "部分", "皮肤", "破", "溃", "出血", ",", "血量", "不", "多", "。", "表现", "为", "局部", "瘙痒", ",", "分泌物", "异味", "以及", "褐色", "分泌物", "不", "多", "但是", "时有时无", ",", "持续", "时间长", "。", "4", "、", "孕囊", "和", "子宫内膜", "接触", "部位", ",", "因为", "不", "稳固", "而", "出现", "少量", "子宫内膜", "脱落", "的", "出血", ",", "B超", "的", "时候", "会", "看见", "积液", "。", "如果", "脱落", "过", "多", ",", "胚胎", "可能", "缺乏", "营养", "而", "造成", "胎停", ",", "可以", "结合", "HCG", "检查", "进行", "排除", "。", "这", "属于", "先兆流产", "迹象", ",", "孕酮", "一般", "也", "会", "比较", "低", "。"], ["怀孕", "初期", "出现", "咖啡色", "血丝", "很有可能", "是", "“", "着床", "性", "出血", "”", ",", "一般而言", ",", "从", "最后一", "次", "月经", "算", "起", "的", "第", "4", "-", "6", "周", "可能会", "出现", "这样", "的", "情形", ",", "属正常", "现象", ",", "不必", "过于", "担心", ",", "一般", "一", "两天后", "就会", "恢复正常", "。", "但", "如果", "血丝", "量", "持续", "增加", "且", "合并", "下腹", "闷痛", ",", "就", "有", "可能", "是", "先兆流产", "。", "孕", "中", "后期", "分泌物", "出现", "血丝", ",", "甚至", "有", "咖啡色", "的", "出血", ",", "则", "代表", "产前", "出血", ",", "可能", "是", "子宫颈", "扩张", "、", "胎盘早剥", "或", "前置胎盘", "等", "引起", "的", ",", "应", "尽快", "就医", "。"]], "answers": ["1、专家说,当怀孕初期有褐色分泌物时,只需过一段时间就会好,需注意不要操劳,多休息。褐色分泌物颜色很淡是没什么问题,如果颜色比较深最好去医院栓查一下。2、另外,要做血HCG检查以明确怀孕。若确为怀孕且孕早期有阴道出血情况,需去医院做阴道B超检查以明确是否宫内孕,若为宫内孕还需做血HCG、孕酮检查以明确激素水平及胎儿发育情况,若为宫外孕则最好采取电子腹腔镜手术以最大限度的保留器官及功能完整性。需去医院检查以明确诊断,对症治疗。3、一般来讲,阴道分泌物中有褐色的物质,有可能是宫颈糜烂,子宫内膜不规则的少量脱落等,至于是否先兆性流产还不能确立。建议你到妇幼保健院定期产前检查,以便保证胎儿的正常。", "1、占比最大的,也是自己首先要想到的就是着床血的延迟排出。时间会发生在孕30-40天左右。2、子宫壁是有褶皱的,随着孕期的推进,子宫变大,褶皱慢慢舒展,以前残存的经血也会随着分泌物排出,颜色会比褐色更深一点。这是宝宝在打扫卫生了,宝宝需要一个干净的环境。3、宫颈炎、盆腔炎、阴道炎这些生殖系统的炎症的存在,导致部分皮肤破溃出血,血量不多。表现为局部瘙痒,分泌物异味以及褐色分泌物不多但是时有时无,持续时间长。4、孕囊和子宫内膜接触部位,因为不稳固而出现少量子宫内膜脱落的出血,B超的时候会看见积液。如果脱落过多,胚胎可能缺乏营养而造成胎停,可以结合HCG检查进行排除。这属于先兆流产迹象,孕酮一般也会比较低。", "怀孕初期出现咖啡色血丝很有可能是“着床性出血”,一般而言,从最后一次月经算起的第4-6周可能会出现这样的情形,属正常现象,不必过于担心,一般一两天后就会恢复正常。但如果血丝量持续增加且合并下腹闷痛,就有可能是先兆流产。孕中后期分泌物出现血丝,甚至有咖啡色的出血,则代表产前出血,可能是子宫颈扩张、胎盘早剥或前置胎盘等引起的,应尽快就医。"], "answer_docs": [0], "segmented_question": ["怀孕", "初期", "有", "褐色", "分泌物"], "question_type": "DESCRIPTION", "question_id": 181654, "fact_or_opinion": "FACT", "match_scores": [0.9171270718232044]}
-{"documents": [{"is_selected": true, "title": "北京天道留学是不是中介,好不好有去过的吗 ", "most_related_para": 0, "segmented_title": ["北京", "天道", "留学", "是不是", "中介", ",", "好不好", "有", "去", "过", "的", "吗"], "segmented_paragraphs": [["84", "人", "聚集", "在", "这个", "小组", "加入", "小组"]], "paragraphs": ["84 人聚集在这个小组 加入小组"], "bs_rank_pos": 0}, {"is_selected": false, "title": "天道留学怎么样?天道留学并非黑中介么?【天道国际教育吧】_百度贴吧", "most_related_para": 9, "segmented_title": ["天道", "留学", "怎么样", "?", "天道", "留学", "并非", "黑中介", "么", "?", "【", "天道", "国际", "教育", "吧", "】", "_", "百度贴吧"], "segmented_paragraphs": [["天道", "留学", "怎么样", "?", "天道", "留学", "并非", "黑中介", "么", "?"], ["近日", "有", "同行", "竞争对手", "刻意", "抹黑", "我", "天道", "留学", "公司", ",", "在", "此", "我", "深", "感", "悲叹", "!", "我", "悲叹", "那些", "竞争", "不过", "别人", "的", "公司", "竟然", "做", "这种", "下三滥", "事情", ",", "试", "问", "你们", "的", "爸妈", "造", "吗", "?", "有本事", "来", "公平竞争", "啊", ",", "何必", "这样", "呢", "?"], ["天道", "教育", "公关", "部门", "已", "开始", "着", "手", "调查", "百度", "帐号", "名", "为", "“", "天道", "留学", "黑中介", "”", "的", "网友", "在", "黑中介", "吧", "发表", "的", "一篇", "抹黑", "我", "天道", "公司", "的", "一篇", "帖子", ",", "望", "其", "尽快", "删除", ",", "不", "然", "我们", "将", "动", "用", "法律手段", "来", "解决", "!"], ["天道", "留学", "作为", "国内", "首屈一指", "的", "欧美", "一", "流", "名校", "申请", "咨询服务机构", ",", "十年来", ",", "天道", "留学", "名校", "申请", "成功率", "高达", "98", "%", ",", "在", "名校", "申请", "质量", "、", "录取率", "和", "咨询服务", "满意度", "上", "持续", "保持", "行业", "领先地位", "。", "天道", "留学", "凭借", "专业化", "、", "个性化", "、", "人性化", "的", "申请", "咨询服务", ",", "成为", "广", "大学生", "和", "家长", "信赖", "的", "教育", "品牌", "。"], ["天道", "培训", "旨", "为", "梦想", "冲击", "名校", "的", "优秀", "学子", "提供", "最", "优质", "的", "北美", "应试", "培训", ",", "十", "年", "留学申请", "服务", "经验", "与", "一", "流", "应试", "培训", "服务", "完美结合", "。", "天道", "学子", "50", "%", "以上", "获得", "TOEFL", "100", "和", "SAT", "2000", "以上", "分数", ",", "90", "%", "以上", "成功", "进入", "美国", "TOP", "50", "名校", "。"], ["相信", "天道", ",", "携手", "天道", ",", "你的未来", "不是梦", "!"], ["创立", "之", "初", ",", "天道", "教育", "打破", "了", "传统", "留学", "中介", "代理", "的", "服务", "模式", ",", "最早提出", "了", "“", "留学", "规划", "”", "这一概念", ",", "引进", "世界顶级", "咨询公司", "麦肯锡", "(", "McKinsey", ")", "、", "埃森哲", "(", "Accenture", ")", "、", "普华永道", "(", "PwC", ")", "和", "海", "德", "斯", "哲", "(", "Heidrick", "&", "Struggles", ")", "之", "先进", "咨询服务", "模型", ";", "首创", "天道", "“", "留学", "六", "步", "曲", "”", "服务体系", "和", "留学", "八大", "精英", "课程", ",", "制定", "了", "海外", "教育", "咨询", "行业", "服务", "新标准", ",", "成为", "国内", "留学", "咨询服务", "行业", "的", "领", "军", "力量", "。"], ["据", "不", "完全", "统计", ",", "75", "%", "以上", "的", "申请人", "留学", "是", "为了", "有", "一", "个", "更高", "、", "更", "有", "竞争力", "的", "职业", "发展", "平台", "。", "天道", "教育", "一直秉承", "“", "关注", "就业", ",", "重视", "职业生涯规划", "”", "的", "服务理念", ",", "是", "国内", "最早", "也是", "唯一一家", "提供", "“", "海内外", "求职", "”", "附加", "服务", "(", "天道", "六", "步", "曲", "第六步", ")", "的", "留学咨询公司", ",", "成功", "指导", "和", "推荐", "众多", "申请人", "入职", "于", "海内外", "名", "企", "和", "政府", "组织", "等", "。"], ["留学", "咨询服务", "不同于", "简单", "的", "中介代理", "招生", ",", "也", "不仅仅", "是", "普通", "的", "文书", "制作", ",", "而是", "帮助", "申请人", "从", "根本", "上", "提升", "综合", "背景", "、", "全程", "指导", "申请", "、", "提出", "包括", "留学", "规划", "+", "考试", "+", "实习", "+", "申请", "+", "面试", "+", "海外求职", "在", "内", "的", "全套", "解决方案", "。", "帮助", "申请人", "进入", "世界顶级", "名校", "也", "远", "不是", "天道", "的", "终极目标", ",", "天道", "志", "在", "“", "让", "普通", "的", "人", "不再", "普通", ",", "让", "优秀", "的", "人", "更加", "优秀", "”", "。"], ["天道", "教育", "建立", "了", "行业", "内", "最", "为", "精英", "的", "咨询顾问", "团队", ",", "团队成员", "主要", "来自", "于", "清华", "、", "北大", "、", "人大", "、", "北外", "等", "国内", "一", "流", "学府", ";", "同时", "汇聚", "了", "由", "哈佛", "、", "耶鲁", "、", "麻省理工", "、", "宾", "大", "、", "哥", "大", "等", "名校", "近百名", "不同", "专业", "的", "优秀", "在", "读", "PhD", "和", "MBA", "组成", "的", "兼职", "顾问", "团队", "。", "正是", "这", "支", "业", "内", "实力", "最", "强大", ",", "最", "专业", "的", "顾问", "团队", ",", "六年来", "累计", "为", "数", "千", "申请人", "提供", "了", "留学申请", "服务", ",", "其中", "90", "%", "以上", "申请人", "获得", "了", "美国", "综合", "排名", "前", "100", "和", "加拿大", "、", "英国", "前", "10", "名", "的", "学校", "录取", "。", "这", "支", "业", "内", "实力", "最", "强大", ",", "最", "专业", "的", "精英", "顾问", "团队", ",", "将会", "不断", "超越自我", ",", "成就", "更多", "的", "未来", "精英", "。"], ["天道", "留学", "监督", "电话", ":", "18810586221"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "paragraphs": ["天道留学怎么样?天道留学并非黑中介么?", "近日有同行竞争对手刻意抹黑我天道留学公司,在此我深感悲叹!我悲叹那些竞争不过别人的公司竟然做这种下三滥事情,试问你们的爸妈造吗?有本事来公平竞争啊,何必这样呢?", "天道教育公关部门已开始着手调查百度帐号名为“天道留学黑中介”的网友在黑中介吧发表的一篇抹黑我天道公司的一篇帖子,望其尽快删除,不然我们将动用法律手段来解决!", "天道留学作为国内首屈一指的欧美一流名校申请咨询服务机构,十年来,天道留学名校申请成功率高达98%,在名校申请质量、录取率和咨询服务满意度上持续保持行业领先地位。天道留学凭借专业化、个性化、人性化的申请咨询服务,成为广大学生和家长信赖的教育品牌。", "天道培训旨为梦想冲击名校的优秀学子提供最优质的北美应试培训,十年留学申请服务经验与一流应试培训服务完美结合。天道学子50%以上获得TOEFL100和SAT2000以上分数,90%以上成功进入美国TOP50名校。", "相信天道,携手天道,你的未来不是梦!", "创立之初,天道教育打破了传统留学中介代理的服务模式,最早提出了“留学规划”这一概念,引进世界顶级咨询公司麦肯锡(McKinsey)、埃森哲(Accenture)、普华永道(PwC)和海德斯哲(Heidrick & Struggles)之先进咨询服务模型;首创天道“留学六步曲”服务体系和留学八大精英课程,制定了海外教育咨询行业服务新标准,成为国内留学咨询服务行业的领军力量。", "据不完全统计,75%以上的申请人留学是为了有一个更高、更有竞争力的职业发展平台。天道教育一直秉承“关注就业,重视职业生涯规划”的服务理念,是国内最早也是唯一一家提供“海内外求职”附加服务(天道六步曲第六步)的留学咨询公司,成功指导和推荐众多申请人入职于海内外名企和政府组织等。", "留学咨询服务不同于简单的中介代理招生,也不仅仅是普通的文书制作,而是帮助申请人从根本上提升综合背景、全程指导申请、提出包括留学规划+考试+实习+申请+面试+海外求职在内的全套解决方案。帮助申请人进入世界顶级名校也远不是天道的终极目标,天道志在“让普通的人不再普通,让优秀的人更加优秀”。", "天道教育建立了行业内最为精英的咨询顾问团队,团队成员主要来自于清华、北大、人大、北外等国内一流学府;同时汇聚了由哈佛、耶鲁、麻省理工、宾大、哥大等名校近百名不同专业的优秀在读PhD和MBA组成的兼职顾问团队。正是这支业内实力最强大,最专业的顾问团队,六年来累计为数千申请人提供了留学申请服务,其中90%以上申请人获得了美国综合排名前100和加拿大、英国前10名的学校录取。这支业内实力最强大,最专业的精英顾问团队,将会不断超越自我,成就更多的未来精英。", "天道留学监督电话:18810586221", "下载贴吧APP看高清直播、视频!", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "bs_rank_pos": 1}, {"is_selected": false, "title": "天道留学黑中介!我来曝光天道留学怎么样 ", "most_related_para": 0, "segmented_title": ["天道", "留学", "黑中介", "!", "我", "来", "曝光", "天道", "留学", "怎么样"], "segmented_paragraphs": [["11589", "人", "聚集", "在", "这个", "小组", "加入", "小组"]], "paragraphs": ["11589 人聚集在这个小组 加入小组"], "bs_rank_pos": 2}, {"is_selected": false, "title": "天道留学黑中介,我来曝光天道留学怎么样_百度知道", "most_related_para": 0, "segmented_title": ["天道", "留学", "黑中介", ",", "我", "来", "曝光", "天道", "留学", "怎么样", "_", "百度", "知道"], "segmented_paragraphs": [["什么", "仇", "什么", "怨", ",", "我", "是", "觉得", "申请", "这一关", "还", "得", "根据", "自身", "情况", "来", ",", "你", "的", "成绩", "低", ",", "雅思", ",", "平均分", "都", "很", "低", "的", "话", ",", "就是", "再", "好", "的", "中介", "也", "申请", "不", "了", "好", "大学", ",", "保底", "的", "都", "危险", ",", "如果", "你", "的", "成绩", "高", ",", "雅思", ",", "平均分", "都", "不错", ",", "那", "完全", "可以", "尝试", "自己", "申请", "啊", ",", "去", "英国大学", "官方", "申请", ",", "或者", "在", "自助", "申请", "平台", "申请", ",", "比如", "51", "offer", "和", "Application", "UK", ",", "说", "到底", ",", "关键", "是", "看", "自身", "的", "情况"], ["沙发", "坐等", ".", ".", ".", "卖", "西瓜", "瓜子", "的", "快来呀", ".", ".", "."]], "paragraphs": ["什么仇什么怨,我是觉得申请这一关还得根据自身情况来,你的成绩低,雅思,平均分都很低的话,就是再好的中介也申请不了好大学,保底的都危险,如果你的成绩高,雅思,平均分都不错,那完全可以尝试自己申请啊,去英国大学官方申请,或者在自助申请平台申请,比如51offer和ApplicationUK,说到底,关键是看自身的情况", "沙发坐等...卖西瓜瓜子的快来呀..."], "bs_rank_pos": 3}, {"is_selected": false, "title": "北京天道留学是黑中介吗?_百度知道", "most_related_para": 3, "segmented_title": ["北京", "天道", "留学", "是", "黑中介", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["不好说", "。", "现在", "很多", "都是", "挂羊头卖狗肉", ",", "上", "当", "的", "多", "了", "去", "了", "。", "小心点", "好", "。"], ["为啥", "这么", "问", "啊", "。", "莫名其妙", "。", "不要", "听风", "就是", "雨", ",", "现在", "有", "太多", "不负责任", "的", "言论", "给", "它", "正名", ",", "正规", "无疑", "。"], ["哪有", "那么多", "这", "黑", ",", "那", "黑", "的", "呀", "。", "没有", "那么", "邪乎", "黑", "的", "能", "开到", "现在", ",", "不可能", "的", "。", "放心", "吧", "。"], ["不是", "的", "。", "你", "从", "哪", "听说", "的", "。", "呐", "呐", ",", "今天", "呢", ",", "从今天起", ",", "把", "心", "放到", "肚子", "里", ",", "不用", "提到", "嗓子眼", "上", ",", "是", "正规", "的", "。", "不用担心", "了"], ["当然", "不是", "。", "正规", "的", "。", "这", "点", "上", "放心", "吧", "。", "不要轻信", "传言", ",", "谣言", ",", "要", "做", "一", "个", "明辨是非", "的", "智者", "。", "懂", "吗", "?"]], "paragraphs": ["不好说。现在很多都是挂羊头卖狗肉, 上当的多了去了。小心点好。", "为啥这么问啊。 莫名其妙。不要听风就是雨,现在有太多不负责任的言论 给它正名,正规无疑。", "哪有那么多这黑,那黑的呀。没有那么邪乎 黑的能开到现在,不可能的。放心吧。", "不是的。你从哪听说的。 呐呐,今天呢,从今天起,把心放到肚子里,不用提到嗓子眼上, 是正规的。不用担心了", "当然不是。正规的。这点上放心吧。 不要轻信传言,谣言,要做一个明辨是非的智者。懂吗?"], "bs_rank_pos": 4}], "answer_spans": [[3, 3]], "yesno_answers": ["Yes", "No"], "fake_answers": ["在"], "question": "天道留学是黑中介吗", "segmented_answers": [["天道", "费用", "算", "的", "中介", "里", "比较", "高", ",", "说实话", "也是", "最", "坑", "的", ",", "完全", "不", "你", "不管不顾", ",", "让", "你", "自身", "自灭", "。"], ["天道", "在", "大", "中介", "里", "还是", "不错", "的", ",", "擅长", "的", "几个", "国家", "是", "英国", "、", "美国", "、", "加拿大", "。"]], "answers": ["天道费用算的中介里比较高,说实话也是最坑的,完全不你不管不顾,让你自身自灭。", "天道在大中介里还是不错的,擅长的几个国家是英国、美国、加拿大。"], "yesno_type": "OPINION", "answer_docs": [0], "segmented_question": ["天道", "留学", "是", "黑中介", "吗"], "question_type": "YES_NO", "question_id": 181655, "fact_or_opinion": "OPINION", "match_scores": [0.09523809523809523]}
-{"documents": [{"is_selected": true, "title": "72mbps的网速是快是慢??_百度知道", "most_related_para": 2, "segmented_title": ["72", "mbps", "的", "网速", "是", "快", "是", "慢", "?", "?", "_", "百度", "知道"], "segmented_paragraphs": [["下载速度", "达到", "72", "mbp", "/", "s", "速度", "相当", "快", "。", "相当于", "500", "兆", "带宽", "。", "在", "网速", "计算", "中", ",", "b", "=", "bit", ",", "B", "=", "byte", "8", "×", "b", "=", "1", "×", "B", "意思", "是", "8", "个", "小写", "的", "b", "才是", "一", "个", "大写", "B", "。", "4M", "理论", "下载速度", ":", "4M", "就是", "4Mb", "/", "s", "理论", "下载速度", "公式", ":", "4", "×", "1024", "÷", "8", "=", "512", "KB", "/", "s", "请注意", "按", "公式", "单位", "已经", "变为", "KB", "/", "s", "依此类推", ":", "2M", "理论", "下载速度", ":", "2", "×", "1024", "÷", "8", "=", "256", "KB", "/", "s", "8M", "理论", "下载速度", ":", "8", "×", "1024", "÷", "8", "=", "1024", "KB", "/", "s", "=", "1MB", "/", "s", "10M", "理论", "下载速度", ":", "10", "×", "1024", "÷", "8", "=", "1280", "KB", "/", "s", "=", "2M", "理论", "下载速度", "+", "8M", "理论", "下载速度", "50M", "理论", "下载速度", ":", "50", "×", "1024", "÷", "8", "=", "6400", "KB", "/", "s", "1Gb", "理论", "下载速度", ":", "1024", "×", "1024", "÷", "8", "=", "128", "MB", "/", "s", "公式", ":", "几", "兆", "带宽", "×", "1024", "÷", "8", "=", "(", ")", "KB", "/", "s", "。"], ["1", "兆", "的", "网速", "是", "1mbps", ",", "大概", "下载速度", "在", "80", "-", "110", "KB", "/", "S", ",", "你", "自己", "折算", "吧", ",", "如果", "你", "的", "网络", "下载", "真", "能", "到", "这么多", ",", "那", "就是", "神", "级", "了", "。", "不过", "你", "说", "的", "很", "可能", "是", "你", "的", "交换机", "的", "带宽", "。", "你", "可以", "上", "百度搜索", "一", "下", "“", "测", "网速", "”", ",", "测", "出来", "的", "才是", "你", "的", "真实", "网速"], ["下载速度", "达到", "72", "mbp", "/", "s", "速度", "相当", "快", "。", "相当于", "500", "兆", "带宽", "。", "在", "网速", "计算", "中", ",", "b", "=", "bit", ",", "B", "=", "byte", "8", "×", "b", "=", "1", "×", "B", "意思", "是", "8", "个", "小写", "的", "b", "才是", "一", "个", "大写", "B", "。", "4M", "理论", "下载速度", ":", "4M", "就是", "4Mb", "/", "s", "理论", "下载速度", "公式", ":", "4", "×", "1024", "÷", "8", "=", "512", "KB", "/", "s", "请注意", "按", "公式", "单位", "已经", "变为", "KB", "/", "s", "依此类推", ":", "2M", "理论", "下载速度", ":", "2", "×", "1024", "÷", "8", "=", "256", "KB", "/", "s", "8M", "理论", "下载速度", ":", "8", "×", "1024", "÷", "8", "=", "1024", "KB", "/", "s", "=", "1MB", "/", "s", "10M", "理论", "下载速度", ":", "10", "×", "1024", "÷", "8", "=", "1280", "KB", "/", "s", "=", "2M", "理论", "下载速度", "+", "8M", "理论", "下载速度", "50M", "理论", "下载速度", ":", "50", "×", "1024", "÷", "8", "=", "6400", "KB", "/", "s", "1Gb", "理论", "下载速度", ":", "1024", "×", "1024", "÷", "8", "=", "128", "MB", "/", "s", "公式", ":", "几", "兆", "带宽", "×", "1024", "÷", "8", "=", "(", ")", "KB", "/", "s", "。"], ["可以", "吧", "。", "理论", "上", "是", "挺", "快", "的", "。", "一般", "家里", "的", "宽带", "也", "就是", "2M", "、", "4", "Mbps", "。", "72", "Mbps", ",", "那么", "理论", "下载速度", "有", "9", "MB", "/", "S", "。", "如果", "真", "能", "达到", "下载速度", "为", "9", "MB", ",", "确实", "是", "很快", "了", "。", "但", "如果", "是", "无线网卡", ",", "显示", "不", "一定", "是", "准确", "的", ",", "无线网络", "的", "连接", "与", "连接", "质量", "、", "信号", "稳定性", "关系", "很大", ",", "即便", "显示", "的", "是", "120", "mbps", "如果", "连接", "质量", "不", "高", ",", "还是", "远远", "达", "不到", "理论", "值", "的", "。", "质量", "不", "高", ",", "即便", "显示", "是", "600", "mbps", ",", "看", "视频", "等", ",", "也", "还是", "比较", "卡", "的", ",", "与", "连接", "质量", ",", "信号强度", "主要", "是", "稳定性", "关系", "很大", "。", "而且", "无线局域网", "的", "连接", "速率", "是", "72Mbps", ",", "应该", "是", "访问", "局域网", "中", "其它", "机器", "或", "机器", "到", "无线路由器", "的", "连接", "速率", ",", "并", "不是", "上", "互联网", "的", "速率", "。"], ["对于", "你", "正常", "上网", "来", "说", ",", "已经", "是", "非常", "非常", "快", "了", "。"], ["慢", "正常", "的", "都是", "100"], ["超", "快", "啊", "。", "72Mbps", "那么", "理论", "下载速度", "有", "8MB", "。", "我", "家", "是", "4", "mbps", "的", "宽带"]], "paragraphs": ["下载速度达到72mbp/s速度相当快。 相当于500兆带宽。 在网速计算中, b=bit ,B=byte 8×b=1×B 意思是 8个小写的b 才是一个大写B。 4M理论下载速度:4M就是4Mb/s 理论下载速度公式:4×1024÷8=512KB /s 请注意按公式单位已经变为 KB/s 依此类推: 2M理论下载速度:2×1024÷8=256KB /s 8M理论下载速度:8×1024÷8=1024KB /s =1MB/s 10M理论下载速度:10×1024÷8=1280KB /s =2M理论下载速度+8M理论下载速度 50M理论下载速度:50×1024÷8=6400KB /s 1Gb理论下载速度:1024×1024÷8=128MB /s 公式:几兆带宽×1024÷8=()KB/s。", "1兆的网速是1mbps,大概下载速度在80-110KB/S,你自己折算吧,如果你的网络下载真能到这么多,那就是神级了。不过你说的很可能是你的交换机的带宽。你可以上百度搜索一下“测网速”,测出来的才是你的真实网速", "下载速度达到72mbp/s速度相当快。 相当于500兆带宽。 在网速计算中, b=bit ,B=byte 8×b=1×B 意思是 8个小写的b 才是一个大写B。 4M理论下载速度:4M就是4Mb/s 理论下载速度公式:4×1024÷8=512KB /s 请注意按公式单位已经变为 KB/s 依此类推: 2M理论下载速度:2×1024÷8=256KB /s 8M理论下载速度:8×1024÷8=1024KB /s =1MB/s 10M理论下载速度:10×1024÷8=1280KB /s =2M理论下载速度+8M理论下载速度 50M理论下载速度:50×1024÷8=6400KB /s 1Gb理论下载速度:1024×1024÷8=128MB /s 公式:几兆带宽×1024÷8=()KB/s。", "可以吧。理论上是挺快的。一般家里的宽带也就是2M、4Mbps。 72Mbps ,那么理论下载速度 有9MB/S 。如果真能达到下载速度为9MB,确实是很快了。 但如果是无线网卡,显示不一定是准确的,无线网络的连接与连接质量、信号稳定性关系很大,即便显示的是120mbps如果连接质量不高,还是远远达不到理论值的。 质量不高,即便显示是600mbps,看视频等,也还是比较卡的,与连接质量,信号强度主要是稳定性关系很大。 而且无线局域网的连接速率是72Mbps,应该是访问局域网中其它机器或机器到无线路由器的连接速率,并不是上互联网的速率。", "对于你正常上网来说,已经是非常非常快了。", "慢 正常的都是100", "超快啊。72Mbps 那么理论下载速度 有 8MB 。 我家是4mbps的宽带"], "bs_rank_pos": 0}, {"is_selected": false, "title": "这种网速72mbps能看出每月的流量是多少吗?_百度知道", "most_related_para": 0, "segmented_title": ["这种", "网速", "72", "mbps", "能", "看出", "每月", "的", "流量", "是", "多少", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["不能", "。", "72mb", "只是", "速度", "。", "和", "你", "使用", "量", "没关系"]], "paragraphs": ["不能。72mb只是速度。和你使用量没关系"], "bs_rank_pos": 1}, {"is_selected": false, "title": "72Mbps是几兆流量_百度知道", "most_related_para": 1, "segmented_title": ["72", "Mbps", "是", "几", "兆", "流量", "_", "百度", "知道"], "segmented_paragraphs": [["72", "Mbps", "是", "9", "MByte", "/", "秒", "的", "流量", "。", "Mbps", "=", "Mbit", "/", "s", "即", "兆", "比特", "每秒", "(", "Million", "bits", "per", "second", "的", "缩写", ")", "。", "bps", "(", "bits", "per", "second", ")", ",", "即", "比特率", "、", "比特", "/", "秒", "、", "位", "/", "秒", "、", "每秒", "传送", "位数", ",", "数据", "传输速率", "的", "常用", "单位", "。", "而", "通常", "所说", "的", "文件大小", "的", "兆", "是", "指", "8M", "Byte", "。", "字节", "(", "Byte", ")", "是", "计算机", "信息技术", "用于", "计量", "存储", "容量", "的", "一", "种", "计量单位", ",", "也", "表示", "一些", "计算机", "编程语言", "中", "的", "数据类型", "和", "语言", "字符", "。", "字节", "和", "比特", "的", "换算", "关系", "如", "下", ":", "1", "Byte", "=", "8", "bit", "1", "KByte", "=", "1024", "Byte", "1M", "=", "1024", "KByte"], ["这个", "谁", "也", "不", "知道", "100", ".", "00", "Mbps", "显示", "的", "是", "你", "电脑", "网络", "连接", "的", "上限", ",", "最大", "可以", "达到", "100", ".", "00", "电脑", "的", "网卡", "跟", "Modem", "连接", "的", "速度", "。", "这个", "显示", "的", "与", "网速", "没关系", "这个", "是", "2", "种", "速度", "实际", "速度", "你", "下", "个", "东西", "看看", "能", "达到", "250", "就是", "2", "兆", "的"]], "paragraphs": ["72Mbps是9MByte/秒的流量。Mbps=Mbit/s即兆比特每秒(Million bits per second的缩写)。bps(bits per second),即比特率、比特/秒、位/秒、每秒传送位数,数据传输速率的常用单位。 而通常所说的文件大小的兆是指8MByte。字节(Byte)是计算机信息技术用于计量存储容量的一种计量单位,也表示一些计算机编程语言中的数据类型和语言字符。 字节和比特的换算关系如下: 1Byte=8bit 1KByte=1024Byte 1M=1024KByte", "这个谁也不知道 100.00Mbps 显示的是你电脑网络连接的上限,最大可以达到100.00 电脑的网卡跟Modem连接的速度。 这个显示的与网速没关系这个是2种速度 实际速度你下个东西看看能达到250就是2兆的"], "bs_rank_pos": 2}], "answer_spans": [[9, 13]], "answer_docs": [0], "fake_answers": ["。相当于500兆带宽"], "question": "72mbps是多少网速", "segmented_answers": [["相当于", "500", "兆", "带宽", "。"]], "answers": ["相当于500兆带宽。"], "entity_answers": [["500兆"]], "segmented_question": ["72", "mbps", "是", "多少", "网速"], "question_type": "ENTITY", "match_scores": [1.0], "fact_or_opinion": "FACT", "question_id": 181656}
-{"documents": [{"is_selected": true, "title": "全屏看视频的时候最底下的任务栏不会隐藏。怎么办_百度知道", "most_related_para": 1, "segmented_title": ["全屏", "看", "视频", "的", "时候", "最", "底下", "的", "任务栏", "不会", "隐藏", "。", "怎么办", "_", "百度", "知道"], "segmented_paragraphs": [["简单", ",", "关掉", "360"], ["打开", "任务管理器", "找", "找", "里面", "一", "个", "WINDOWS", "的", "文件", "点", "一", "下", "重新启动", "就", "可以"], ["哇", "可以", ",", "二", "楼", "的", "老", "铁", "谢谢", "了"]], "paragraphs": ["简单,关掉360", "打开任务管理器 找找里面一个WINDOWS的文件 点一下重新启动就可以", "哇可以,二楼的老铁谢谢了"], "bs_rank_pos": 0}, {"is_selected": true, "title": "win7 家庭版看视频全屏是任务栏无法隐藏_百度知道", "most_related_para": 0, "segmented_title": ["win7", "家庭版", "看", "视频", "全屏", "是", "任务栏", "无法", "隐藏", "_", "百度", "知道"], "segmented_paragraphs": [["右键", "任务栏", ",", "不要", "锁定", ",", "。", "就", "行", "了", "。", "。", "或者", "选", "属性", "然后", "选", "不要", "总", "在", "最前面", "。", "打字", "不容易", ",", "感觉", "ok", "就", "给", "个", "好评", "采纳", "吧", ",", "谢谢", "。", "。", "。", "。", "。"]], "paragraphs": ["右键任务栏,不要锁定,。就行了。。或者选属性然后选不要总在最前面。 打字不容易,感觉ok就给个好评采纳吧,谢谢。。。。。"], "bs_rank_pos": 1}, {"is_selected": true, "title": "我的电脑是win7系统,底下的任务栏在全屏视频的时候都不会自动隐藏,", "most_related_para": 0, "segmented_title": ["我", "的", "电脑", "是", "win7", "系统", ",", "底下", "的", "任务栏", "在", "全屏", "视频", "的", "时候", "都", "不会", "自动隐藏", ","], "segmented_paragraphs": [["点击", "下面", "的", "任务栏", ",", "右键", ",", "属性", ",", "然后", "在", "里面", "第一个", "“", "任务栏", "选项", "”", "里", "有", "选择", "自动隐藏", "任务栏", ",", "你", "打勾勾", "就", "可以", "了", "。"], ["鼠标", "指", "到", "任务栏", "右", "击", "选", "属性", "然后", "在", "里面", "进行", "设置"]], "paragraphs": ["点击下面的任务栏,右键,属性,然后在里面第一个“任务栏选项”里有选择自动隐藏任务栏,你打勾勾就可以了。", "鼠标指到任务栏右击选属性然后在里面进行设置"], "bs_rank_pos": 2}, {"is_selected": false, "title": "最近我全屏看电影的时候下面的任务栏总是自动弹出来。_百度知道", "most_related_para": 1, "segmented_title": ["最近", "我", "全屏", "看电影", "的", "时候", "下面", "的", "任务栏", "总是", "自动", "弹", "出来", "。", "_", "百度", "知道"], "segmented_paragraphs": [["一般来说", ",", "当", "任务栏", "自动", "弹", "出来", "的", "时候", ",", "再次", "把", "鼠标", "移", "开", ",", "随便", "点击", "屏幕", "一", "个", "地方", ",", "它", "就会", "自动隐藏", ",", "如果", "还", "不能", "自动隐藏", "说明", ",", "explorer", ".", "exe", "不能", "没有", "反映", "过来", ",", "或者说", ",", "CPU", "没有", "处理", "过来", "。", "以下", "为", "处理方法", ":", "一", "、", "将", "任务栏", "设", "为", "自动隐藏", ":", "右键", "点击", "屏幕", "最", "下面", "的", "工具条", ",", "然后", "选择", "属性", "、", "任务栏", "、", "自动隐藏", "任务栏", "。", "以上", "操作", "如果", "成功", ",", "那", "不仅", "是", "在", "看电影", "的", "时候", ",", "只要", "平常", "把", "鼠标", "移", "开", ",", "任务栏", "就会", "自动隐藏", ",", "这", "时候", "再", "全屏", "看电影", "试", "试", "。", "二", "、", "还有", "一些", "视频", "播放", "软件", ",", "全屏", "播放", "时", "可以", "设置", ",", "将", "“", "正在", "播放", "”", "保持", "在", "其他", "窗口", "前端", "。", "任务栏", "也", "不会", "显示", "。", "三", "、", "也有", "可能", "是", "flash", "播放", "有问题", ",", "重装", "flash", "。", "四", "、", "重装系统", "。"], ["一般来说", ",", "当", "任务栏", "自动", "弹", "出来", "的", "时候", ",", "再次", "把", "鼠标", "移", "开", ",", "随便", "点击", "屏幕", "一", "个", "地方", ",", "它", "就会", "自动隐藏", ",", "如果", "还", "不能", "自动隐藏", "说明", ",", "explorer", ".", "exe", "不能", "没有", "反映", "过来", ",", "或者说", ",", "CPU", "没有", "处理", "过来", "。", "以下", "为", "处理方法", ":", "一", "、", "将", "任务栏", "设", "为", "自动隐藏", ":", "右键", "点击", "屏幕", "最", "下面", "的", "工具条", ",", "然后", "选择", "属性", "、", "任务栏", "、", "自动隐藏", "任务栏", "。", "以上", "操作", "如果", "成功", ",", "那", "不仅", "是", "在", "看电影", "的", "时候", ",", "只要", "平常", "把", "鼠标", "移", "开", ",", "任务栏", "就会", "自动隐藏", ",", "这", "时候", "再", "全屏", "看电影", "试", "试", "。", "二", "、", "还有", "一些", "视频", "播放", "软件", ",", "全屏", "播放", "时", "可以", "设置", ",", "将", "“", "正在", "播放", "”", "保持", "在", "其他", "窗口", "前端", "。", "任务栏", "也", "不会", "显示", "。", "三", "、", "也有", "可能", "是", "flash", "播放", "有问题", ",", "重装", "flash", "。", "四", "、", "重装系统", "。"]], "paragraphs": ["一般来说,当任务栏自动弹出来的时候,再次把鼠标移开,随便点击屏幕一个地方,它就会自动隐藏,如果还不能自动隐藏说明,explorer.exe不能没有反映过来,或者说,CPU没有处理过来。 以下为处理方法: 一、将任务栏设为自动隐藏:右键点击屏幕最下面的工具条,然后选择属性、任务栏、自动隐藏任务栏。 以上操作如果成功,那不仅是在看电影的时候,只要平常把鼠标移开,任务栏就会自动隐藏,这时候再全屏看电影试试。 二、还有一些视频播放软件,全屏播放时可以设置,将“正在播放”保持在其他窗口前端。任务栏也不会显示。 三、也有可能是flash播放有问题,重装flash。 四、重装系统。", "一般来说,当任务栏自动弹出来的时候,再次把鼠标移开,随便点击屏幕一个地方,它就会自动隐藏,如果还不能自动隐藏说明,explorer.exe不能没有反映过来,或者说,CPU没有处理过来。 以下为处理方法: 一、将任务栏设为自动隐藏:右键点击屏幕最下面的工具条,然后选择属性、任务栏、自动隐藏任务栏。 以上操作如果成功,那不仅是在看电影的时候,只要平常把鼠标移开,任务栏就会自动隐藏,这时候再全屏看电影试试。 二、还有一些视频播放软件,全屏播放时可以设置,将“正在播放”保持在其他窗口前端。任务栏也不会显示。 三、也有可能是flash播放有问题,重装flash。 四、重装系统。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "win10看视频全屏任务栏还在怎么办 win10看视频任务栏不隐藏解决方法", "most_related_para": 7, "segmented_title": ["win", "10", "看", "视频", "全屏", "任务栏", "还在", "怎么办", "win", "10", "看", "视频", "任务栏", "不", "隐藏", "解决方法"], "segmented_paragraphs": [["资讯", "首页", ">", "软件", "教程", ">", "操作系统", ">", "win", "10", "看", "视频", "全屏", "任务栏", "还在", "怎么办", "win", "10", "看", "视频", "任务栏", "不", "隐藏", "解决方法"], ["win", "10", "看", "视频", "全屏", "任务栏", "还在", "怎么办", "win", "10", "看", "视频", "任务栏", "不", "隐藏", "解决方法"], ["win", "10", "看", "视频", "全屏", "任务栏", "还在", "怎么办", "?", "有", "用户反馈", "全屏", "看", "视频", "时", "任务栏", "不", "隐藏", ",", "下", "文", "介绍", "win", "10", "看", "视频", "任务栏", "不", "隐藏", "解决方法", ",", "一起", "和", "小乐", "哥", "来", "了解", "下吧", "!"], ["PC", "版"], ["大小", ":", "6", ".", "84", "MB", "语言", ":", "简体中文"], ["类型", ":", "备份", "还原", "等级", ":"], ["win", "10", "看", "视频", "任务栏", "不", "隐藏", "解决方法", ":"], ["1", "、", "首先", "在", "任务栏", "右键", ",", "选择", "“", "任务管理器", "”", ";", "2", "、", "然后", "在", "进程", "下面", "找到", "“", "Windows", "资源管理器", "”", ",", "右键", "“", "重新启动", "”", ";", "3", "、", "或者", "选中", "后", "点击", "下方", "的", "“", "重新启动", "”", "。", "4", "、", "重新启动", "Windows", "资源管理器", "后", ",", "问题", "基本", "就", "可以", "解决", "了", "。"], ["关于", "win", "10", "看", "视频", "全屏", "任务栏", "还在", "怎么办", "就", "给", "大家", "分享", "到", "这里", "了", ",", "解决方法", "很简单", ",", "只要", "重新启动", "Windows", "资源管理器", "就", "可以", "了", ",", "大家", "可以", "试", "一", "下", "。"], ["本", "类", "推荐", "本", "类", "排行"], ["热门软件", "热门", "标签"]], "paragraphs": ["资讯首页 > 软件教程 > 操作系统 > win10看视频全屏任务栏还在怎么办 win10看视频任务栏不隐藏解决方法", "win10看视频全屏任务栏还在怎么办 win10看视频任务栏不隐藏解决方法", "win10看视频全屏任务栏还在怎么办?有用户反馈全屏看视频时任务栏不隐藏,下文介绍win10看视频任务栏不隐藏解决方法,一起和小乐哥来了解下吧!", "PC版", "大小:6.84MB 语言:简体中文", "类型:备份还原 等级:", "win10看视频任务栏不隐藏解决方法:", "1、首先在任务栏右键,选择“任务管理器”; 2、然后在进程下面找到“Windows资源管理器”,右键“重新启动”; 3、或者选中后点击下方的“重新启动”。 4、重新启动Windows资源管理器后,问题基本就可以解决了。", "关于win10看视频全屏任务栏还在怎么办就给大家分享到这里了,解决方法很简单,只要重新启动Windows资源管理器就可以了,大家可以试一下。", "本类推荐 本类排行", "热门软件 热门标签"], "bs_rank_pos": 4}], "answer_spans": [[0, 15]], "fake_answers": ["打开任务管理器找找里面一个WINDOWS的文件点一下重新启动就可以"], "question": "全屏看视频任务栏不隐藏", "segmented_answers": [["打开", "任务管理器", ",", "找", "找", "里面", "一", "个", "WINDOWS", "的", "文件", ",", "点", "一", "下", "重新启动", "就", "可以", "。"], ["右键", "任务栏", ",", "不要", "锁定", ",", "或者", "选", "属性", "然后", "选", "不要", "总", "在", "最前面", "。"], ["点击", "下面", "的", "任务栏", ",", "右键", ",", "属性", ",", "然后", "在", "里面", "第一个", "“", "任务栏", "选项", "”", "里", "有", "选择", "自动隐藏", "任务栏", ",", "打", "勾", "就", "可以", "。"]], "answers": ["打开任务管理器,找找里面一个WINDOWS的文件,点一下重新启动就可以。", "右键任务栏,不要锁定,或者选属性然后选不要总在最前面。", "点击下面的任务栏,右键,属性,然后在里面第一个“任务栏选项”里有选择自动隐藏任务栏,打勾就可以。"], "answer_docs": [0], "segmented_question": ["全屏", "看", "视频", "任务栏", "不", "隐藏"], "question_type": "DESCRIPTION", "question_id": 181657, "fact_or_opinion": "OPINION", "match_scores": [0.9142857142857143]}
-{"documents": [{"is_selected": false, "title": "2017年~2018 年SAT考试时间以及注意事项_百度文库", "most_related_para": 3, "segmented_title": ["2017", "年", "~", "2018", "年", "SAT", "考试时间", "以及", "注意事项", "_", "百度", "文库"], "segmented_paragraphs": [["2017", "年", "~", "2018", "年", "SAT", "考试时间", "以及", "注意事项", "_", "英语学习", "_", "外语学习", "_", "教育", "专区", "。", "本", "文", "主要", "讲", "2017", "年", "~", "2018", "年", "SAT", "考试时间", "以及", "注意事项", ",", "包括", "应试技巧", ",", "硬是", "能力", "提升", ",", "应试", "思想", "指导"], ["2017", "年", "~", "2018", "年", "SAT", "考试时间", "以及", "注意事项", "近日", ",", "SAT", "报名", "官网", "公布", "了", "最新", "的", "考试", "时间表", "。", "接下来", "小", "编", "给", "各位", "考生", "汇总", "最新", "的", "考试安排", ",", "即将", "申请", "参加", "SAT", "考试", "的", "同学", ",", "可以", "提前", "做", "好", "考试", "准备", "。"], ["2017", "-", "2018", "年", "SAT", "1", "北美", "考区", "出", "分", "时间", "汇总", "2017", "-", "2018", "年", "SAT", "1", "国际", "考区", "出", "分", "时间", "汇总", "2017", "-", "2018", "年", "SAT2", "出", "分", "时间", "汇总", "以上", "是", "考试时间", "汇总", ",", "同学们", "需要", "根据", "自己", "的", "情况", "合理安排", "考试时间", ",", "不要", "因为", "出", "分", "问题", "而", "影响", "了", "学校", "的", "申请", "。"], ["在", "他们", "离场", "之后", ",", "会", "有", "2", "分钟", "的", "休息时间", "。", "这", "2", "分钟", "的", "休息", "监", "考官", "不准", "大家", "离开", "考场", ",", "如果", "需要", "上厕所", "的", "话", "一次", "只能", "去", "1", "男", "1", "女", ",", "且", "一旦", "超时", "直接", "占用", "自己", "的", "写作", "时间", "。", "所以", "要", "上厕所", "的", "请", "一定要", "在", "第二次", "中场休息", "时", "过去", "。", "10", "、", "写作", "考试", "2", "分钟", "过去", "后", ",", "就", "开始", "了", "写作", "考试", "。", "写作", "考试", "开始", "后", ",", "监考", "官", "会", "另行", "下发", "作文", "试题", "。", "作文", "试题", "是", "一", "张", "A3", "的", "折叠", "起来", "了", "的", "硬", "卡纸", ",", "在", "所有", "考生", "都", "拿到", "作文", "了", "之后", ",", "考官", "会", "要求", "大家", "在", "背面", "填写", "个", "人", "信息", ",", "然后", "就", "开始", "答题", "。", "写作", "一共", "是", "50", "分钟", ",", "要求", "在", "规定", "时间", "内", "对", "给", "出", "的", "一篇", "文章", "分析", "他", "是", "如何", "完", "成", "它", "的", "目的", "的", "。", "新", "SAT", "写作", "比", "老", "SAT", "写作", "长", "太多", "了", ",", "大家", "一定要", "带", "好多", "好多", "好多", "铅笔", ",", "强烈建议", "大家", "准备", "20", "支", "铅笔", ",", "至少", "也", "不要", "低于", "5", "支", "铅笔", "。", "11", "、", "考试", "结束", "写作", "考试", "结束", "后", ",", "时间", "接近", "2", "点", "了", "。", "在", "考试", "结束", "后", ",", "收", "上去", "的", "手机", "会", "在", "考试", "结束", "后", "发", "下来", "。", "所有", "考生", "请", "务必", "注意", ",", "在", "考试", "接受", "后", "拿到", "自己", "的", "手机", "后", "不要", "在", "考场", "内", "打开", "自己", "的", "手机", "。", "另外", ",", "在", "监考", "官", "叫停", "笔", "后", ",", "包括", "考试结束", "开始", "发", "手机", "之后", ",", "请", "大家", "不要", "再", "写", "任何", "东西", "。"]], "paragraphs": ["2017年~2018 年SAT考试时间以及注意事项_英语学习_外语学习_教育专区。本文主要讲2017年~2018 年SAT考试时间以及注意事项,包括应试技巧,硬是能力提升,应试思想指导", "2017 年~2018 年 SAT 考试时间以及注意事项 近日,SAT 报名官网公布了最新的考试时间表。接下来小编给各位考生汇总最新 的考试安排,即将申请参加 SAT 考试的同学,可以提前做好考试准备。", "2017-2018 年 SAT1 北美考区出分时间汇总 2017-2018 年 SAT1 国际考区出分时间汇总 2017-2018 年 SAT2 出分时间汇总 以上是考试时间汇总, 同学们需要根据自己的情况合理安排考试时间,不要 因为出分问题而影响了学校的申请。", "在他们离场之后, 会有 2 分钟的休息时间。这 2 分钟的休息监考官不准大家 离开考场, 如果需要上厕所的话一次只能去 1 男 1 女,且一旦超时直接占用自己 的写作时间。所以要上厕所的请一定要在第二次中场休息时过去。 10、写作考试 2 分钟过去后,就开始了写作考试。 写作考试开始后,监考官会另行下发作文试题。作文试题是一张 A3 的折叠 起来了的硬卡纸, 在所有考生都拿到作文了之后,考官会要求大家在背面填写个 人信息,然后就开始答题。 写作一共是 50 分钟,要求在规定时间内对给出的一篇文章分析他是如何完 成它的目的的。 新 SAT 写作比老 SAT 写作长太多了, 大家一定要带好多好多好多 铅笔,强烈建议大家准备 20 支铅笔,至少也不要低于 5 支铅笔。 11、考试结束 写作考试结束后,时间接近 2 点了。 在考试结束后, 收上去的手机会在考试结束后发下来。 所有考生请务必注意, 在考试接受后拿到自己的手机后不要在考场内打开自己的手机。 另外,在监考官叫停笔后,包括考试结束开始发手机之后,请大家不要再写 任何东西。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "2017年下半年SAT考试出分时间汇总_SAT_新东方在线", "most_related_para": 8, "segmented_title": ["2017", "年", "下半年", "SAT", "考试", "出", "分", "时间", "汇总", "_", "SAT", "_", "新东方", "在线"], "segmented_paragraphs": [["新东方", "在线", "SAT", "频道", "为", "大家", "带来", "2017", "年", "下半年", "SAT", "考试", "出", "分", "时间", "汇总", "一", "文", ",", "希望", "对", "大家", "SAT", "备考", "有所帮助", "。", "更多精彩", "尽", "请", "关注", "新东方", "在线", "SAT", "频道", "!"], ["2017", "年", "下半年", "SAT", "考试", "出", "分", "时间", "分", "国际", "考区", "和", "北美", "考区", ",", "北美", "考区", "考试", "场次", "较多", "。", "以下", "分别", "介绍", "2017", "年", "下半年", "SAT", "北美", "考区", "出", "分", "时间", "和", "2017", "年", "下半年", "SAT", "国际", "考区", "出", "分", "时间", "。"], ["以上", "就是", "新东方", "在线", "SAT", "频道", "为你", "带来", "的", "2017", "年", "下半年", "SAT", "考试", "出", "分", "时间", "汇总", ",", "更多精彩", "敬请关注", "新东方", "在线", "SAT", "频道", "。"], ["相关", "推荐", ":"], ["【", "考试时间", "】", "2017", "年", "SAT", "考试", "时间表", "【", "SAT", "改革", "】", "直", "面", "新", "SAT", "改革", "为", "1600", "而", "冲", "分", "【", "深度", "解析", "】", "2016", "年", "SAT", "考试", "改革", "新动向"], ["SAT", "数学", "备考策略", "如何", "拯救", "SAT", "数学", "SAT", "需要", "多少", "词汇量", "SAT", "词汇", "词根", "大全", "新", "SAT", "写作", "评分标准", "SAT", "文法", "100", "个", "介词"], ["新", "SAT", "写作", "满分", "范文", "SAT", "Essay", "作文", "怎么写", "SAT", "文法", "出错", "率", "最高", "的", "100", "个", "固定", "搭配", "SAT", "语法", "备考", "重点", "SAT", "填空", "模拟", "练习题"], ["版权", "及", "免责声明"], ["1", ",", "\"", "新东方", "在线", "\"", "上", "的", "内容", ",", "包括", "文章", "、", "资料", "、", "资讯", "等", ",", "本", "网", "注明", "\"", "稿件来源", ":", "新东方", "在线", "\"", "的", ",", "其", "版权", "均为", "\"", "新东方", "在线", "\"", "或", "北京", "新东方", "迅", "程", "网络", "科技", "有限公司", "所有", ",", "任何", "公司", "、", "媒体", "、", "网站", "或", "个人", "未经", "授权", "不得转载", "、", "链接", "、", "转贴", "或", "以", "其他", "方式", "使用", "。", "已经", "得到", "\"", "新东方", "在线", "\"", "许可", "的", "媒体", "、", "网站", ",", "在", "使用时", "必须", "注明", "\"", "稿件来源", ":", "新东方", "\"", ",", "违者", "本网站", "将", "依法", "追究责任", "。", "2", ",", "\"", "新东方", "在线", "\"", "未", "注明", "\"", "稿件来源", ":", "新东方", "\"", "的", "文章", "、", "资料", "、", "资讯", "等", "均为", "转载", "稿", ",", "本网站", "转载", "出于", "传递", "更多", "信息", "之", "目的", ",", "并不意味着", "赞同", "其", "观点", "或", "证实", "其", "内容", "的", "真实性", "。", "如", "其他", "媒体", "、", "网站", "或", "个人", "从", "本网站", "下载", "使用", ",", "必须", "保留", "本网站", "注明", "的", "\"", "稿件来源", "\"", ",", "并", "自负", "版权", "等", "法律责任", "。", "如", "擅自篡改", "为", "\"", "稿件来源", ":", "新东方", "\"", ",", "本网站", "将", "依法", "追究", "其", "法律责任", "。", "3", ",", "如", "本", "网", "转载", "稿", "涉及", "版权", "等", "问题", ",", "请", "作者", "见稿", "后", "在", "两", "周", "内", "与", "新东方", "在线", "联系", "。"], ["美国", "TOP", "100", "名校", "新旧", "SAT", "及", "托福", "要求", "新", "SAT", "考试", "时间表", "及", "早", "/", "常规", "申请", "安排", "【", "测", "一", "测", "】", "SAT", "与", "ACT", "到底", "考", "哪个", "?", "新", "SAT", "与", "ACT", "分数", "换算表"], ["2017", "年", "SAT", "考试", "时间表", "(", "全年", ")", "新", "SAT", "考试", "1540", "分", "是", "如何", "修炼", "的", "?", "新", "SAT", "样卷", "下载", "及", "新旧", "SAT", "考试", "对比", "新东方", "在线", "全程", "陪跑", "新", "SAT", "备战", "之路"], ["为", "新", "SAT", "而来", "直", "面", "变革", "始终", "巅峰", "超值", "大", "礼包", "—", "—", "SAT", "备考", ":", "词汇", "、", "写作", "、", "阅", ".", ".", ".", "【", "新东方", "在线", "内部", "讲义", "】", "AP", "讲义", "(", "微积分", ",", ".", ".", "."], ["w", "06", "分", "18", "秒", "1", "新东方", "在线", "曾循", ":", "SAT", "写作", "观点", "的", "不同", "写法", "2", "新东方", "在线", "贺", "灿", ":", "SAT", "文法", "中", "的", "平行结构", "3", "新东方", "在线", "焦", "亚", "新", ":", "SAT", "写作", "Reasoning", "的", "写法", "4", "新东方", "在线", "侯仲红", ":", "SAT", "阅读", "中", "的", "三种", "转折", "类型", "5", "新东方", "在线", "徐", "男", ":", "如何", "掌握", "SAT", "阅读", "中", "句子", "的", "逻辑"]], "paragraphs": ["新东方在线SAT频道为大家带来2017年下半年SAT考试出分时间汇总一文,希望对大家SAT备考有所帮助。更多精彩尽请关注新东方在线SAT频道!", "2017年下半年SAT考试出分时间分国际考区和北美考区,北美考区考试场次较多。以下分别介绍2017年下半年SAT北美考区出分时间和2017年下半年SAT国际考区出分时间。", "以上就是新东方在线SAT频道为你带来的2017年下半年SAT考试出分时间汇总,更多精彩敬请关注新东方在线SAT频道。", "相关推荐:", "【考试时间】2017年SAT考试时间表 【SAT改革】 直面新SAT改革 为1600而冲分 【深度解析】2016年SAT考试改革新动向", "SAT数学备考策略 如何拯救SAT数学 SAT需要多少词汇量 SAT词汇词根大全 新SAT写作评分标准 SAT文法100个介词", "新SAT写作满分范文 SAT Essay作文怎么写 SAT文法出错率最高的100个固定搭配 SAT语法备考重点 SAT填空模拟练习题", "版权及免责声明", "1,\"新东方在线\"上的内容,包括文章、资料、资讯等, 本网注明\"稿件来源:新东方在线\"的,其版权 均为\"新东方在线\"或北京新东方迅程网络科技有限公司所有 ,任何公司、媒体、网站或个人未经授权不得转载、链接、转贴或以其他方式使用。已经得到 \"新东方在线\"许可 的媒体、网站,在使用时必须注明\"稿件来源:新东方\",违者本网站将依法追究责任。  2, \"新东方在线\" 未注明\"稿件来源:新东方\"的 文章、资料、资讯等 均为转载稿,本网站转载出于传递更多信息之目的,并不意味着赞同其观点或证实其内容的真实性。如其他媒体、网站或个人从本网站下载使用,必须保留本网站注明的\"稿件来源\",并自负版权等法律责任。如擅自篡改为 \" 稿件来源:新东方 \" ,本网站将依法追究其法律责任。  3,如本网转载稿涉及版权等问题,请作者见稿后在两周内与新东方在线联系。", "美国TOP100名校新旧SAT及托福要求 新SAT考试时间表及早/常规申请安排 【测一测】SAT与ACT到底考哪个? 新SAT与ACT分数换算表", "2017年SAT考试时间表(全年) 新SAT考试1540分是如何修炼的? 新SAT样卷下载及新旧SAT考试对比 新东方在线全程陪跑新SAT备战之路", "为新SAT而来 直面变革 始终巅峰 超值大礼包——SAT备考:词汇、写作、阅... 【新东方在线内部讲义】AP讲义(微积分,...", "w 06分18秒  1 新东方在线曾循:SAT写作观点的不同写法  2 新东方在线贺灿:SAT文法中的平行结构  3 新东方在线焦亚新:SAT写作Reasoning的写法  4 新东方在线侯仲红:SAT阅读中的三种转折类型  5 新东方在线徐男:如何掌握SAT阅读中句子的逻辑"], "bs_rank_pos": 1}, {"is_selected": true, "title": "★SAT考试时间:2017年SAT考试时间-SAT考试时间安排", "most_related_para": 0, "segmented_title": ["★", "SAT", "考试时间", ":", "2017", "年", "SAT", "考试时间", "-", "SAT", "考试时间安排"], "segmented_paragraphs": [["SAT", "考试时间", "网站", "免费提供", "SAT", "考试时间", ":", "2017", "年", "SAT", "考试时间", ",", "SAT", "考试时间安排", "等", "最新", "信息", ",", "欢迎访问", "SAT", "考试", "栏目", "获取", "更多", "SAT", "考试时间", "信息", "。", "SAT", "考试", "时间", "更新时间", ":", "2017", "-", "7", "-", "27"]], "paragraphs": ["SAT考试时间网站免费提供SAT考试时间:2017年SAT考试时间,SAT考试时间安排等最新信息,欢迎访问SAT考试栏目获取更多SAT考试时间信息。SAT考试时间更新时间:2017-7-27"], "bs_rank_pos": 2}, {"is_selected": true, "title": "2017年SAT考试时间大变动-美国留学通 ", "most_related_para": 2, "segmented_title": ["2017", "年", "SAT", "考试时间", "大", "变动", "-", "美国", "留学", "通"], "segmented_paragraphs": [["美国留学", ">", "美国留学", "考试", ">", "SAT", ">", "2017", "年", "SAT", "考试时间", "大", "变动"], ["2017", "年", "将", "进行", "最后一次", "于", "1", "月份", "举行", "的", "SAT", "考试", ",", "首次", "于", "8", "月份", "举行", "SAT", "考试", ",", "而", "自", "2018", "年", "始", ",", "1", "月份", "的", "SAT", "考试", "将", "被", "8", "月份", "的", "SAT", "考试", "所", "取代", "。"], ["从", "某种", "意义", "来", "说", ",", "1", "月份", "的", "考试", "调整", "至", "8", "月份", "举行", "对", "同学们", "来", "说", "是", "有利", "的", ",", "它", "给", "大家", "增加", "了", "一次", "在", "EA", "/", "ED", "获得", "良好", "的", "SAT", "成绩", "的", "机会", ",", "因为", "很多", "同学", "在", "1", "月份", "并没有", "完全", "做", "好", "SAT", "考试", "的", "准备", "工作", ",", "而且", "对于", "应届生", "来", "说", "1", "月份", "的", "考试", "又", "是", "画蛇添足", "之", "举", ",", "因为", "有", "不少", "好", "学校", "并", "不接受", "1", "月份", "的", "SAT", "考试成绩", "。"]], "paragraphs": ["美国留学 > 美国留学考试 > SAT > 2017年SAT考试时间大变动", "2017年将进行最后一次于1月份举行的SAT考试,首次于8月份举行SAT考试,而自2018年始,1月份的SAT考试将被8月份的SAT考试所取代。", "从某种意义来说,1月份的考试调整至8月份举行对同学们来说是有利的,它给大家增加了一次在EA/ED获得良好的SAT成绩的机会,因为很多同学在1月份并没有完全做好SAT考试的准备工作,而且对于应届生来说1月份的考试又是画蛇添足之举,因为有不少好学校并不接受1月份的SAT考试成绩。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "2017年SAT考试时间调整有利中国考生-迁木网", "most_related_para": 6, "segmented_title": ["2017", "年", "SAT", "考试时间", "调整", "有利", "中国", "考生", "-", "迁木网"], "segmented_paragraphs": [["发送", "您", "的", "姓名", "+", "专业", "+", "电话", "到", "下方", "微信", ",", "可", "免费", "听讲座", "哦", "~"], ["【", "qianmu", ".", "org", "-", "2017", "年", "SAT", "考试时间", "调整", "有利", "中国", "考生", "】"], ["2017", "年", ",", "SAT", "主办方", "美国", "大学", "理事会", "终于", "调整", "了", "SAT", "的", "考试时间", ",", "1", "月", "的", "SAT", "考试", "取消", ",", "改", "成", "了", "8", "月", "下旬", ",", "其它", "时间", "基本", "不变", "。", "专家", "认为", "从", "某种", "意义", "来", "说", ",", "1", "月份", "的", "美国留学", "SAT", "考试", "调整", "至", "8", "月份", "举行", "对", "中国", "学生", "来", "说", "是", "有利", "的", ",", "它", "给", "大家", "增加", "了", "一次", "在", "EA", "/", "ED", "获得", "良好", "的", "SAT", "成绩", "的", "机会", ",", "因为", "很多", "同学", "在", "1", "月份", "并没有", "完全", "做", "好", "SAT", "考试", "的", "准备", "工作", ",", "而且", "对于", "应届生", "来", "说", "1", "月份", "的", "考试", "又", "是", "画蛇添足", "之", "举", ",", "因为", "有", "不少", "好", "学校", "并", "不接受", "1", "月份", "的", "SAT", "考试成绩", "。"], ["据报道", ",", "2017", "年", "美国留学", "SAT", "考试时间", "调整", "了", ",", "美国", "本科", "留学", "申请", "所需", "的", "sat", "考试", "不仅", "调整", "了", "结构", "以及", "拼分", "等", "规定", ",", "考试时间", "也", "进行", "了", "调整", ":"], ["2017", "年", "将", "进行", "最后一次", "于", "1", "月份", "举行", "的", "SAT", "考试", ",", "首次", "于", "8", "月份", "举行", "SAT", "考试", ";", "而", "自", "2018", "年", "始", ",", "1", "月份", "的", "SAT", "考试", "将", "被", "8", "月份", "的", "SAT", "考试", "所", "取代", ",", "也就是说", ",", "从", "2018", "年", "开始", ",", "1", "月份", "将", "不再", "有", "SAT", "考试", ",", "8", "月份", "可以", "参加", "考试", "。"], ["美国留学", "SAT", "考试时间", "调整", "或", "将", "带来", "的", "影响", ",", "从", "某种", "意义", "来", "说", ",", "1", "月份", "的", "美国留学", "SAT", "考试", "调整", "至", "8", "月份", "举行", "对", "同学们", "来", "说", "是", "有利", "的", ",", "它", "给", "大家", "增加", "了", "一次", "在", "EA", "/", "ED", "获得", "良好", "的", "SAT", "成绩", "的", "机会", ",", "因为", "很多", "同学", "在", "1", "月份", "并没有", "完全", "做", "好", "SAT", "考试", "的", "准备", "工作", ",", "而且", "对于", "应届生", "来", "说", "1", "月份", "的", "考试", "又", "是", "画蛇添足", "之", "举", ",", "因为", "有", "不少", "好", "学校", "并", "不接受", "1", "月份", "的", "SAT", "考试成绩", "。"], ["对于", "普通中学", "的", "高一", "同学", "来", "说", ",", "高二", "小", "高考", "(", "学业", "水平", "测试", ")", "结束", "后", ",", "学生", "就会", "有", "更", "充足", "的", "时间", "备考", "SAT", ",", "基于", "5", "月份", "的", "水平测试", ",", "把", "目标", "放在", "8", "、", "10", "月份", "更为", "合理", ";", "对于", "国际", "班", "的", "同学", "来", "说", ",", "5", "、", "6", "月份", "正是", "国际", "课程", "考试", "(", "A", "-", "Level", "、", "I", "B", "、", "AP", ")", "的", "关键", "期", ",", "可以", "在", "从容", "备考", "完", "学校", "课程", "后", ",", "全身心投入", "SAT", "的", "学习", "中", ",", "把握住", "8", "月", "、", "10", "月", "的", "考试", ",", "这样", "更容易", "拿下", "高分", "。"], ["本", "文", "来源", ":", "http", ":", "/", "/", "www", ".", "qianmu", ".", "org", "/", "article", "/", "3497", ".", "htm"]], "paragraphs": ["发送您的姓名+专业+电话到下方微信,可免费听讲座哦~", "【 qianmu.org-2017年SAT考试时间调整有利中国考生 】", "2017年,SAT主办方美国大学理事会终于调整了SAT的考试时间,1月的SAT考试取消,改成了8月下旬,其它时间基本不变。专家认为从某种意义来说,1月份的美国留学SAT考试调整至8月份举行对中国学生来说是有利的,它给大家增加了一次在EA/ED获得良好的SAT成绩的机会,因为很多同学在1月份并没有完全做好SAT考试的准备工作,而且对于应届生来说1月份的考试又是画蛇添足之举,因为有不少好学校并不接受1月份的SAT考试成绩。", "据报道,2017年美国留学SAT考试时间调整了,美国本科留学申请所需的sat考试不仅调整了结构以及拼分等规定,考试时间也进行了调整:", "2017年将进行最后一次于1月份举行的SAT考试,首次于8月份举行SAT考试;而自2018年始,1月份的SAT考试将被8月份的SAT考试所取代,也就是说,从2018年开始,1月份将不再有SAT考试,8月份可以参加考试。", "美国留学SAT考试时间调整或将带来的影响,从某种意义来说,1月份的美国留学SAT考试调整至8月份举行对同学们来说是有利的,它给大家增加了一次在EA/ED获得良好的SAT成绩的机会,因为很多同学在1月份并没有完全做好SAT考试的准备工作,而且对于应届生来说1月份的考试又是画蛇添足之举,因为有不少好学校并不接受1月份的SAT考试成绩。", "对于普通中学的高一同学来说,高二小高考(学业水平测试)结束后,学生就会有更充足的时间备考SAT,基于5月份的水平测试,把目标放在8、10月份更为合理;对于国际班的同学来说,5、6月份正是国际课程考试(A-Level、IB、 AP)的关键期,可以在从容备考完学校课程后,全身心投入SAT的学习中,把握住8月、10月的考试,这样更容易拿下高分。", "本文来源:http://www.qianmu.org/article/3497.htm"], "bs_rank_pos": 4}], "answer_spans": [[25, 29]], "answer_docs": [2], "fake_answers": ["考试时间信息。SAT考试"], "question": "2017年sat考试时间", "segmented_answers": [["2017", ".", "6", ".", "3", "。", "2017", ".", "8", ".", "26", "。", "2017", ".", "10", ".", "7", "。", "2017", ".", "11", ".", "4", "。", "2017", ".", "12", ".", "2", "。"], ["SAT", "考试", "改革", "后", ",", "国际", "学生", "的", "考试时间", "调整", "为", ":", "10", "月", "、", "11", "月", "、", "12", "月", "、", "5", "月", "和", "6", "月", "。"], ["2017", "年", "美国留学", "SAT", "考试时间", ":", "1", "月", "21", "日", "、", "3", "月", "11", "日", "、", "5", "月", "6", "日", "、", "6", "月", "3", "日", "、", "8", "月", "26", "日", "、", "10", "月", "7", "日", "、", "11", "月", "4", "日", "、", "12", "月", "2", "日", "。", "2018", "年", "美国留学", "SAT", "考试时间", ":", "3", "月", "10", "日", "、", "5", "月", "5", "日", "、", "6", "月", "2", "日", "、", "8", "月", "25", "日", "、", "10", "月", "6", "日", "、", "11", "月", "3", "日", "、", "12", "月", "1", "日", "。"]], "answers": ["2017.6.3。2017.8.26。2017.10.7。2017.11.4。2017.12.2。", "SAT考试改革后,国际学生的考试时间调整为:10月、11月、12月、5月和6月。", "2017年美国留学SAT考试时间:1月21日、3月11日、5月6日、6月3日、8月26日、10月7日、11月4日、12月2日。2018年美国留学SAT考试时间:3月10日、5月5日、6月2日、8月25日、10月6日、11月3日、12月1日。"], "entity_answers": [["2017.6.3", "2017.8.26", "2017.10.7", "2017.11.4", "2017.12.2"], ["0月", "11月", "12月", "5月", "6月"], ["1月21日", "3月11日", "5月6日", "6月3日", "8月26日", "10月7日", "11月4日", "12月2日"]], "segmented_question": ["2017", "年", "sat", "考试时间"], "question_type": "ENTITY", "match_scores": [0.25], "fact_or_opinion": "FACT", "question_id": 181658}
-{"documents": [{"is_selected": false, "title": "FCA监管怎么查询 fca监管号如何查询_百度知道", "most_related_para": 0, "segmented_title": ["FCA", "监管", "怎么", "查询", "fca", "监管", "号", "如何", "查询", "_", "百度", "知道"], "segmented_paragraphs": [["ACM", "Group", "PLC", "接受", "英国", "金融市场", "行为", "监管", "局", "Financial", "Conduct", "Authority", "的", "授权", "与", "监管", ",", "FCA", "编号", ":", "441689", ",", "您", "可以", "在", "FCA", "官方网站", "查阅", "我们", "的", "注册", "信息", ",", "我们", "拥有", "的", "是", "最高", "规格", "的", "FCA", "牌照", ",", "并", "已", "接受", "英国", "当", "局", "监管", "超过", "10", "年", "。"]], "paragraphs": ["ACM Group PLC接受英国金融市场行为监管局FinancialConduct Authority的授权与监管,FCA编号:441689,您可以在FCA官方网站查阅我们的注册信息,我们拥有的是最高规格的FCA牌照,并已接受英国当局监管超过10年。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "现在FCA监管网站怎么没法查询监管号?_百度知道", "most_related_para": 0, "segmented_title": ["现在", "FCA", "监管", "网站", "怎么", "没法", "查询", "监管", "号", "?", "_", "百度", "知道"], "segmented_paragraphs": [["你好", "肯定", "是", "可以", "查询", "的", ",", "应该", "是", "你", "的", "方法", "不得", "当", "在", "By", "Firm", "reference", "number", "对话框", "内", "输入", "监管", "号", "然后", ",", "再", "在", "出现", "的", "页面", "上", "单击", "Basic", "details", ",", "Basic", "details", "是", "基础", "信息", "的", "中文", "意思", ",", ".", "点击", "之后", "您", "就", "可以", "在", "页面", "上", "看到", "监管", "上", "会", "显示", "这句话", ":", "Notices", ":", "Able", "to", "hold", "and", "control", "client", "money", ".", "(", "允许", "持有", "和", "控制", "客户", "资金", ")", ",", "平台", "的", "FCA", "监管", "查询", "都", "可以", "查询", "到", "这句话", "英文", ",", "任何", "没有", "这句话", "的", "都", "不是", "正规", "FCA", "监管", "平台", "IFX", "不是", ".", "我", "认为", "多", "把", "技术", "搞好", "。", "这样", "才", "实实在在", "。", "新手", "在", "投资", "前", "建议", "要", "做", "好", "以下", "准备", "工作", "。", "对", "新手", "可以", "少", "走", "弯路", "。", "1", ".", "不要", "听老汇友", "说", "什么", "不用", "看书", ",", "也", "不用", "看", "技术", "资料", ",", "多", "炒", "就会", "了", "。", "我", "觉得", "新手", "必须", "知道", "的", "一些", "外汇", "基础知识", "还是", "要", "学习", "的", "例如", ",", "你是否知道", "什么", "是", "K线", ",", "什么", "是", "压力线", ",", "如何", "使用", "模板", ",", "5", "根", "均线", "如何", "使用", "等等", "。", "2", ".", "蜡烛", "曲线图", "这本书", ",", "完全", "是", "外汇", "圣经", ",", "推荐", "你", "看", "这边", "汇友", "必看", "的", "书", "。", "3", ".", "多看", "数据"]], "paragraphs": ["你好 肯定是可以查询的,应该是你的方法不得当 在By Firm reference number对话框内输入监管号 然后,再在出现的页面上单击Basic details,Basic details是基础信息的中文意思,.点击之后您就可以在页面上看到监管上会显示这句话:Notices: Able to hold and control client money.(允许持有和控制客户资金),平台的FCA监管查询都可以查询到这句话英文,任何没有这句话的都不是正规FCA监管平台IFX不是. 我认为多把技术搞好。这样才实实在在。 新手在投资前建议要做好以下准备工作。对新手可以少走弯路。 1.不要听老汇友说什么不用看书,也不用看技术资料,多炒就会了。我觉得新手必须知道的一些外汇基础知识还是要学习的 例如,你是否知道什么是K线,什么是压力线,如何使用模板,5根均线如何使用等等。 2.蜡烛曲线图 这本书,完全是外汇圣经,推荐你看这边汇友必看的书。 3.多看数据"], "bs_rank_pos": 1}, {"is_selected": true, "title": "FCA监管怎么查询 fca监管号如何查询 - 希财新金融", "most_related_para": 2, "segmented_title": ["FCA", "监管", "怎么", "查询", "fca", "监管", "号", "如何", "查询", "-", "希", "财", "新", "金融"], "segmented_paragraphs": [["FCA", "监管", "怎么", "查询", "?", "外汇", "平台", "是否", "安全", "首先", "看", "起", "监管", "机构", ",", "FCA", "作为", "投资者", "比较", "信赖", "的", "监管", "机构", "之", "一", ",", "其", "监管", "下", "的", "外汇", "平台", "更", "受", "用户", "的", "信赖", "。", "但是", "fca", "监管", "好", "如何", "查询", ",", "下面", "让", "我们", "一起来", "了解一下", "吧", "。"], ["FCA", "监管", "怎么", "查询"], ["1", "、", "开", "FCA", "官方网站", ":", "http", ":", "/", "/", "www", ".", "fca", ".", "org", ".", "uk", "/", ",", "如", "下", "图", "所示", ",", "点击", "网页", "中间", "Firms", "(", "机构", ")", ",", "下面", "的", "子栏目", "Financial", "Services", "Register", "(", "金融服务", "注册", ")", "。", "2", "、", "点击", "上方", "图片", "红色", "按钮", ",", "将", "进入", "搜索", "页面", ",", "点击", "search", "the", "register", "将", "跳转", "到", "FCA", "监管", "页面", "。", "页面", "网址", "为", "http", ":", "/", "/", "www", ".", "fsa", ".", "gov", ".", "uk", "/", "register", "/", "home", ".", "do", "。", "3", "、", "点击", "Financial", "Services", "Firm", "Search", ",", "将", "能够", "进入", "监管", "信息查询", "页面", ",", "可以通过", "查询", "监管", "ID", "和", "监管", "名称", "进行", "查询", ",", "下图", "我们", "以", "查询", "GKFX", "为", "例", "进行", "介绍", ":", "如图所示", ",", "我们", "在", "机构名称", "一栏", "里面", "输入", "GKFX", ",", "然后", "提交", "得到", "如", "下", "信息", ":", "4", "、", "我们", "查询", "其", "监管", "号", "是", "501320", ",", "也", "可以", "返回上一步", "在", "监管", "号", "中", "输入", "501320", ",", "对于", "有", "监管", "号", "的", "平台", "我们", "就", "可以", "如此", "查询", "。", "点击", "图", "中", "红色", "链接", "Basic", "details", "可以", "查看", "监管", "的", "详细", "信息", ",", "如", "下", "图", "所示", ",", "可以看到", "监管", "地址", ",", "联系电话", ",", "网址", ",", "是否", "允许", "持有", "客户", "资金", "等", "情况", "。"], ["【", "原创", "声明", "】", "凡", "注明", "“", "来源", ":", "希", "财", "新", "金融", "”", "的", "文章", ",", "系", "本站原创", ",", "任何", "单位", "或", "个人", "未经", "本站", "书面", "授权", "不得转载", "、", "链接", "、", "转贴", "或", "以", "其他", "方式", "复制", "发表", "。", "否则", ",", "本站", "将", "依法", "追究", "其", "法律责任", "。"], ["当天", "能", "撸", "钱", "的", "手机", "贷款", "小额", "贷款", "10", "分钟", "下款", "快速", "借", "到", "10", "万", "揭秘", "房价", "不会", "暴跌", "的", "原因", "如何", "提升", "借款", "成功率", "马上", "到账", "的", "贷款", "口子"], ["相关", "阅读"], ["暂时", "还", "没有", "评论", "哦", ",", "来", "说", "两句", "吧", "!"], ["怎样", "正确", "投资", "能", "让", "你", "的", "10", "万", "迅速", "变", "100", "万", "?", "易通贷", ":", "5", "年", "运营", "放心", "老", "平台", "进入", "P2P", "超市"], ["风险提示", ":", "广告", "信息", "均", "来自", "平台", "方", ",", "不", "代表", "平台", "安全性", ",", "不", "构成", "投资", "建议", "!", "红包", "、", "体验", "金", "、", "理财", "金", "、", "大礼包", "、", "加息", "券", "、", "满", "减", "券", "、", "优惠券", "等", "都", "不", "直接", "等同", "于", "现金", "。", "参考", "收益", "说明", "不是", "收益", "承诺", ",", "不", "代表", "最终", "真实", "收益", "。", "理财", "有", "风险", ",", "投资", "需谨慎", "!"]], "paragraphs": ["FCA监管怎么查询?外汇平台是否安全首先看起监管机构,FCA作为投资者比较信赖的监管机构之一,其监管下的外汇平台更受用户的信赖。但是fca监管好如何查询,下面让我们一起来了解一下吧。", "FCA监管怎么查询", "1、开FCA官方网站:http://www.fca.org.uk/,如下图所示,点击网页中间Firms(机构),下面的子栏目Financial Services Register(金融服务注册)。 2、点击上方图片红色按钮,将进入搜索页面,点击search the register将跳转到FCA监管页面。页面网址为http://www.fsa.gov.uk/register/home.do。 3、点击Financial Services Firm Search,将能够进入监管信息查询页面,可以通过查询监管ID和监管名称进行查询,下图我们以查询GKFX为例进行介绍: 如图所示,我们在机构名称一栏里面输入GKFX,然后提交得到如下信息: 4、我们查询其监管号是501320,也可以返回上一步在监管号中输入501320,对于有监管号的平台我们就可以如此查询。点击图中红色链接Basic details可以查看监管的详细信息,如下图所示,可以看到监管地址,联系电话,网址,是否允许持有客户资金等情况。", "【原创声明】凡注明“来源:希财新金融”的文章,系本站原创,任何单位或个人未经本站书面授权不得转载、链接、转贴或以其他方式复制发表。否则,本站将依法追究其法律责任。", "当天能撸钱的手机贷款 小额贷款10分钟下款 快速借到10万 揭秘房价不会暴跌的原因 如何提升借款成功率 马上到账的贷款口子", "相关阅读", "暂时还没有评论哦,来说两句吧!", "怎样正确投资能让你的10万迅速变100万? 易通贷:5年运营放心老平台 进入P2P超市", "风险提示:广告信息均来自平台方,不代表平台安全性,不构成投资建议!红包、体验金、理财金、大礼包、加息券、满减券、优惠券等都不直接等同于现金。参考收益说明不是收益承诺,不代表最终真实收益。理财有风险,投资需谨慎!"], "bs_rank_pos": 2}, {"is_selected": false, "title": "怎么查交易平台的监管账号_百度知道", "most_related_para": 0, "segmented_title": ["怎么", "查", "交易平台", "的", "监管", "账号", "_", "百度", "知道"], "segmented_paragraphs": [["进入", "监管", "的", "网站", ",", "输入", "监管", "号", "查询", "监管", "网站", "和", "监管", "号", ",", "向", "你", "的", "代理人", "索取", ",", "不会", "的", "话", ",", "可以", "让", "他", "教", "你", "(", "一", "个", "有", "实力", "的", "代理", "公司", "不会", "连", "基本", "的", "监管", "查询", "也", "不会", "的", ",", "真", "不会", "的", "话", "那", "就要", "考虑", "清楚", ",", "到底", "什么", "原因", ")", "国外", "的", "监管", "网站", "一般", "都是", "英文", "的", ",", "英文", "没", "学", "好", "的", ",", "可以直接", "百度", "在线翻译", "或", "装上", "翻译软件", ",", "直接", "取词", "划", "句", "的", "翻译", "查看", "(", "外汇", "是", "投资", ",", "平台", "监管", "的", "资金", "安全", "的", "保证", ",", "要", "耐心", "点", ")", "最好", ",", "输入", "监管", "号", "进入", "平台", "受", "监管", "的", "页面", ",", "也", "多", "看看", ",", "有", "没", "不良", "的", "记录", "和", "监管", "信息", "。", "这些", "前提", "的", "事情", ",", "就像", "你", "在", "投资", "其他行业", ",", "需要", "一定", "的", "实地考察", "一样", ",", "不容忽视", "。"], ["国外", "的", "很难", "查", "是否", "真实", "!", "还是", "做", "香港", "的", "吧", "!", "外汇", "选择", "在", "银行", "交易", "就好", "!", "黄金", "选择", "香港", "的", "!", "这样", "才能", "查", "到", "你", "的", "单", "!"], ["美国", "监管", "NFA", "英国", "监管", "FSA", "百度搜索"]], "paragraphs": ["进入监管的网站,输入监管号查询监管网站和监管号,向你的代理人索取,不会的话,可以让他教你(一个有实力的代理公司不会连基本的监管查询也不会的,真不会的话那就要考虑清楚,到底什么原因)国外的监管网站一般都是英文的,英文没学好的,可以直接百度在线翻译或装上翻译软件,直接取词划句的翻译查看(外汇是投资,平台监管的资金安全的保证,要耐心点)最好,输入监管号进入平台受监管的页面,也多看看,有没不良的记录和监管信息。这些前提的事情,就像你在投资其他行业,需要一定的实地考察一样,不容忽视。", "国外的很难查是否真实!还是做香港的吧!外汇选择在银行交易就好!黄金选择香港的!这样才能查到你的单!", "美国监管NFA英国监管FSA百度搜索"], "bs_rank_pos": 3}, {"is_selected": false, "title": "澳大利亚ASIC监管号最新查询方法 - 汇友网", "most_related_para": 7, "segmented_title": ["澳大利亚", "ASIC", "监管", "号", "最新", "查询", "方法", "-", "汇友", "网"], "segmented_paragraphs": [["ASIC", "澳大利亚", "证券", "和", "投资", "委员会成立", "于", "2001", "年", ",", "是", "澳大利亚", "金融服务", "和", "市场", "的", "法定", "监管", "机构", ",", "也是", "一", "个", "独立", "的", "联邦政府", "机构", ",", "依法", "对", "全", "澳大利亚", "金融体系", "、", "各", "金融机构", "和", "专业", "从业人员", "行使", "金融监管", "的", "职能", "。", "致力于", "确保", "澳大利亚", "金融市场", "公平", "与", "透明", ",", "以此", "来", "保障", "澳大利亚", "经济", "的", "名誉", "及", "健康", "。"], ["监管", "范围", ":"], ["牌照", ":"], ["AFSL", "、", "ABN", "(", "澳大利亚", "商业", "注册", "代码", ")", "、", "ACN", "(", "澳大利亚", "公司", "代码", ")"], ["特别提示", ":", "金融公司", "如", "从事", "金融", "衍生品", "交易", "服务", "需要", "三", "个", "号码", "皆", "具备", ",", "仅", "有", "后", "两种", "的", "公司", "是", "没有资格", "开展", "相关", "业务", "的", "。"], ["查询", "澳大利亚", "ASIC", "监管", "号", "的", "方法", "步骤如下", ":"], ["2", "、", "在", "官网", "首页", "的", "右侧", "位置", "选择", ":", "Professional", "registers"], ["3", "、", "在", "下面", "的", "页面", "中", ",", "在", "输入框", "中", "输入", "相关", "信息", ",", "点击", "“", "search", "”", "即可", "(", "我们", "这里", "以", "Aetos", "的", "监管", "号", "查询", "为", "例", ")"], ["4", "、", "在", "查询", "结果", "中", "就会", "出现", "该", "平台", "的", "相关", "信息", "了", "。"], ["本", "外汇", "网站", "所有", "文章", "仅", "代表", "作者", "立场", "及", "观点", ",", "与", "汇友", "网", "本身", "无关", "。", "如果", "觉得", "文章", "符合", "你", "的", "交易", "观点", ",", "可以", "收藏", "一", "下", ";", "如果", "与", "你", "的", "交易", "观点", "背驰", ",", "也", "请", "不要", "谩骂", ",", "每个", "人", "的", "交易", "理念", "都是", "有", "差别", "的", "!"]], "paragraphs": ["ASIC澳大利亚证券和投资委员会成立于2001年,是澳大利亚金融服务和市场的法定监管机构,也是一个独立的联邦政府机构,依法对全澳大利亚金融体系、各金融机构和专业从业人员行使金融监管的职能。致力于确保澳大利亚金融市场公平与透明,以此来保障澳大利亚经济的名誉及健康。", "监管范围:", "牌照:", "AFSL、ABN(澳大利亚商业注册代码)、ACN(澳大利亚公司代码)", "特别提示:金融公司如从事金融衍生品交易服务需要三个号码皆具备,仅有后两种的公司是没有资格开展相关业务的。", "查询澳大利亚ASIC监管号的方法步骤如下:", "2、在官网首页的右侧位置选择:Professional registers", "3、在下面的页面中,在输入框中输入相关信息,点击“search”即可(我们这里以Aetos的监管号查询为例)", "4、在查询结果中就会出现该平台的相关信息了。", "本外汇网站所有文章仅代表作者立场及观点,与汇友网本身无关。如果觉得文章符合你的交易观点,可以收藏一下;如果与你的交易观点背驰,也请不要谩骂,每个人的交易理念都是有差别的!"], "bs_rank_pos": 4}], "answer_spans": [[24, 111]], "fake_answers": ["点击网页中间Firms(机构),下面的子栏目FinancialServicesRegister(金融服务注册)。2、点击上方图片红色按钮,将进入搜索页面,点击searchtheregister将跳转到FCA监管页面。页面网址为http://www.fsa.gov.uk/register/home.do。3、点击FinancialServicesFirmSearch,将能够进入监管信息查询页面,可以通过查询监管ID和监管名称进行查询"], "question": "如何查监管号", "segmented_answers": [["1", "、", "打开", "FCA", "官方网站", ",", "点击", "网页", "中间", "Firms", "(", "机构", ")", ",", "下面", "的", "子栏目", "Financial", "Services", "Register", "(", "金融服务", "注册", ")", "。", "2", "、", "点击", "上方", "红色", "按钮", ",", "将", "进入", "搜索", "页面", ",", "点击", "search", "the", "register", "将", "跳转", "到", "FCA", "监管", "页面", "。", "3", "、", "点击", "Financial", "Services", "Firm", "Search", ",", "将", "能够", "进入", "监管", "信息查询", "页面", ",", "可以通过", "查询", "监管", "ID", "和", "监管", "名称", "进行", "查询", "。", "4", "、", "点击", "红色", "链接", "Basic", "details", "可以", "查看", "监管", "的", "详细", "信息", ",", "可以看到", "监管", "地址", ",", "联系电话", ",", "网址", ",", "是否", "允许", "持有", "客户", "资金", "等", "情况", "。"]], "answers": ["1、打开FCA官方网站,点击网页中间Firms(机构),下面的子栏目Financial Services Register(金融服务注册)。2、点击上方红色按钮,将进入搜索页面,点击search the register将跳转到FCA监管页面。3、点击Financial Services Firm Search,将能够进入监管信息查询页面,可以通过查询监管ID和监管名称进行查询。4、点击红色链接Basic details可以查看监管的详细信息,可以看到监管地址,联系电话,网址,是否允许持有客户资金等情况。"], "answer_docs": [2], "segmented_question": ["如何", "查", "监管", "号"], "question_type": "DESCRIPTION", "question_id": 181659, "fact_or_opinion": "FACT", "match_scores": [0.6178010471204188]}
-{"documents": [{"is_selected": true, "title": "如何使用Photoshop轻松去水印_百度经验", "most_related_para": 6, "segmented_title": ["如何", "使用", "Photoshop", "轻松", "去", "水印", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["各位", "新手", "在", "使用", "PS", "时", ",", "利用", "网上", "找到", "的", "图片", "做", "素材", "的", "时候", ",", "往往", "都会", "有许多", "素材", "的", "是", "带有", "水印", "的", ",", "那么", "这个时候", "我们", "要", "怎么办", "呢", ",", "不用怕", ",", "小", "编", "在", "此", "利用", "Photoshop", "这", "款", "软件", "介绍", "3", "种", "方法", ",", "教会", "大家", "如何", "轻松", "去除", "素材", "上", "的", "水印", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "首先", "我们", "选择", "好", "那", "张", "带有", "水印", "的", "图片", "拖入", "Photoshop", "中", "打开", ",", "并且", "对", "图片", "图层", "进行", "拷贝", "复制", ",", "或者", "按", "Ctrl", "+", "j", "对", "图层", "进行", "拷贝", "复制", "步骤", "阅读", "步骤", "阅读", "2", "选择", "修补", "工具", ",", "框", "选", "图片", "上", "的", "水印", ",", "如图所示", "。", "步骤", "阅读", "3", "将", "选区", "拖动", "到", "与", "水印", "位置", "最", "相似", "的", "区域", ",", "如果", "相似", "的", "地方", "比较", "少", ",", "就", "需要", "一", "点", "一", "点", "的", "把", "它", "进行", "修补", ",", "如果", "相似", "的", "地方", "范围", "较", "大", ",", "可", "随便", "拖拽", "任意", "位置", ",", "都", "可以", "产生", "出", "理想", "效果", "。", "步骤", "阅读", "4", "看", "!", "和", "没有", "做", "过", "任何", "修补", "一样", "吧", "!", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "另外一种", "方法", ",", "是", "通过", "图章", "工具", "来", "对", "水印", "进行", "修补", "的", "方法", ",", "首先", "同样", "是", "从", "Photoshop", "打开", "需要", "去", "水印", "的", "图片", ",", "并且", "对其", "图层", "做", "拷贝", "备份", "。", "步骤", "阅读", "2", "选择", "图章", "工具", ",", "按住", "Alt", "键", "点击", "与", "水印", "位置", "较为", "相似", "的", "位置", ",", "松开", "按钮", ",", "在", "水印", "位置", "进行", "涂抹", "填充", "。", "步骤", "阅读", "步骤", "阅读", "3", "涂抹", "完", "后", ",", "也", "一样", "产生", "出", "修补", "的", "效果", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "还有", "一", "种", "方法", "可能", "很多人", "没有", "用", "过", ",", "就是", "利用", "新版", "Photoshop", "CS6", "/", "CC", "当", "中", "的", "内容", "感知", "移动", "工具", ",", "首先", "打开", "图片", ",", "备份", "图层", "。", "步骤", "阅读", "2", "选择", "内容", "感知", "移动", "工具", ",", "框", "选", "图片", "上", "的", "水印", ",", "把", "框", "选", "区域", "拖拽", "到", "图片", "的", "边缘", "外", "。", "步骤", "阅读", "3", "效果", "一下子", "产生", "了", ",", "很方便", "是", "吧", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["修补", "工具", "修补", "范围", "尽量", "贴近", "色差", "较", "小", "的", "位置", ",", "否则", "会", "产生", "出", "修补", "不", "协调", "的", "效果", "图章", "修补", "工具", "的", "原理", "是", "把", "别处", "相似", "的", "位置", "复制", "到", "修补", "位置", "进行", "视觉", "上", "的", "修补", ",", "对于", "一些", "细节", "较多", "的", "图片", "修补", "很容易", "会", "发生", "位置", "不", "搭", "内容", "感知", "移动", "工具", "是", "CS6", "版本", "开始", "有", "的", "一", "个", "功能", ",", "强大", "而又", "方便", ",", "适用于", "大", "范围", "修补", ",", "不过", "细节", "上", "却", "抓", "得", "不是", "很", "紧", "各", "工具", "应用范围", "因", "图", "而", "异", ",", "可能", "这个", "工具", "能", "修补", "这", "幅", "图", ",", "却", "不能", "修补", "这", "幅", "图", ",", "这个", "工具", "能", "修补", "这", "幅", "图", "却", "不能", "修补", "那", "幅", "图", ",", "需要", "自己", "的", "学习", "和", "发觉", "本", "教程", "适用于", "Photoshop", "新手", "的", "学习"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["如何", "利用", "PS", "简单", "处理", "破旧", "图片", "如何", "泡", "好", "一", "杯", "美味", "香浓", "的", "速溶咖啡"]], "paragraphs": ["百度经验:jingyan.baidu.com", "各位新手在使用PS时,利用网上找到的图片做素材的时候,往往都会有许多素材的是带有水印的,那么这个时候我们要怎么办呢,不用怕,小编在此利用Photoshop这款软件介绍3种方法,教会大家如何轻松去除素材上的水印。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 首先我们选择好那张带有水印的图片拖入Photoshop中打开,并且对图片图层进行拷贝复制,或者按Ctrl+j对图层进行拷贝复制 步骤阅读 步骤阅读 2 选择修补工具,框选图片上的水印,如图所示。 步骤阅读 3 将选区拖动到与水印位置最相似的区域,如果相似的地方比较少,就需要一点一点的把它进行修补,如果相似的地方范围较大,可随便拖拽任意位置,都可以产生出理想效果。 步骤阅读 4 看!和没有做过任何修补一样吧! 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 另外一种方法,是通过图章工具来对水印进行修补的方法,首先同样是从Photoshop打开需要去水印的图片,并且对其图层做拷贝备份。 步骤阅读 2 选择图章工具,按住Alt键点击与水印位置较为相似的位置,松开按钮,在水印位置进行涂抹填充。 步骤阅读 步骤阅读 3 涂抹完后,也一样产生出修补的效果。 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 还有一种方法可能很多人没有用过,就是利用新版Photoshop CS6/CC当中的内容感知移动工具,首先打开图片,备份图层。 步骤阅读 2 选择内容感知移动工具,框选图片上的水印,把框选区域拖拽到图片的边缘外。 步骤阅读 3 效果一下子产生了,很方便是吧。 步骤阅读 END", "百度经验:jingyan.baidu.com", "修补工具修补范围尽量贴近色差较小的位置,否则会产生出修补不协调的效果 图章修补工具的原理是把别处相似的位置复制到修补位置进行视觉上的修补,对于一些细节较多的图片修补很容易会发生位置不搭 内容感知移动工具是CS6版本开始有的一个功能,强大而又方便,适用于大范围修补,不过细节上却抓得不是很紧 各工具应用范围因图而异,可能这个工具能修补这幅图,却不能修补这幅图,这个工具能修补这幅图却不能修补那幅图,需要自己的学习和发觉 本教程适用于Photoshop新手的学习", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "如何利用PS简单处理破旧图片 如何泡好一杯美味香浓的速溶咖啡"], "bs_rank_pos": 0}, {"is_selected": false, "title": "ps怎么去水印?ps去水印的三种方法_脚本之家", "most_related_para": 2, "segmented_title": ["ps", "怎么", "去", "水印", "?", "ps", "去", "水印", "的", "三种", "方法", "_", "脚本", "之", "家"], "segmented_paragraphs": [["在", "网上", "看到", "了", "很多", "漂亮", "的", "图片", ",", "想", "下载", "下来", "当作", "桌面", "壁纸", "或者", "其他", "的", "装饰", ",", "但是", "一般", "漂亮", "的", "图片", "都", "有", "别人", "的", "水印", ",", "看上去", "很", "不爽", "。", "那么", "ps", "怎么", "去", "水印", "?", "下面", "小", "编", "就", "为", "大家", "介绍", "ps", "去", "水印", "的", "三种", "方法", ",", "一起来", "看看", "吧"], ["对于", "很多人", "来", "说", "去", "水印", "是", "比较", "头疼", "的", "事情", ",", "如果", "你", "会", "PS", ",", "那么", "一切", "都", "不是", "问题", "。", "那么", "ps", "怎么", "去", "水印", "?", "下面", "小", "编", "就", "为", "大家", "介绍", "ps", "去", "水印", "的", "三种", "方法", ",", "一起来", "看看", "吧", "!"], ["方法", "1", ":", "用", "内容", "感知", "移动", "工具", "去", "水印", "打开", "素材", "图片", "【", "ctrl", "+", "o", "】", ",", "如", "下", "图", "所示", "。", "复制", "图层", "【", "ctrl", "+", "j", "】", ",", "如", "下", "图", "所示", "。", "单击", "工具箱", "中", "的", "内容", "感知", "移动", "工具", ",", "选中", "图片", "中", "的", "水印", ",", "如", "下", "图", "所示", "。", "往下", "移", ",", "水印", "不见", "了", ",", "如", "下", "图", "所示", "。", "方法", "2", ":", "用", "污点", "修复", "画笔", "工具", "去", "水印", "打开", "素材", "图片", "【", "ctrl", "+", "o", "】", ",", "复制", "图层", "【", "ctrl", "+", "j", "】", ",", "如", "下", "图", "所示", "。", "单击", "工具箱", "中", "的", "【", "污点", "修复", "画笔", "】", "工具", ",", "设置", "好", "参数", ",", "如", "下", "图", "所示", "。", "在", "文字处", "涂抹", ",", "如", "下", "图", "所示", "。", "去掉", "水印", "后", "的", "效果", ",", "如", "下", "图", "所示", "。", "方法", "3", ":", "用", "内容", "识别", "填充", "去", "水印", "打开", "素材", "图片", "【", "ctrl", "+", "o", "】", ",", "复制", "图层", "【", "ctrl", "+", "j", "】", ",", "如", "下", "图", "所示", "。", "单击", "工具箱", "中", "的", "矩形", "选", "框", "工具", ",", "框", "选", "住", "水印", ",", "如", "下", "图", "所示", "。", "按", "【", "shift", "+", "f5", "】", ",", "选择", "【", "内容", "识别", "】", "填充", ",", "如", "下", "图", "所示", "。", "单击", "确定", "后", "的", "效果", "如", "下", "图", "所示", "。", "选中", "水印", ",", "按", "【", "shift", "+", "f5", "】", "-", "-", "【", "内容", "识别", "】", "填充", "-", "-", "确定", ",", "如", "下", "图", "所示", "。"], ["最终", "的", "效果", ",", "如", "下", "图", "所示", "。"], ["以上", "就是", "ps", "去", "水印", "的", "三种", "方法", "介绍", ",", "其实", "去", "水印", "的", "方法", "有很多", ",", "欢迎", "各位", "留言", "交流", "。"]], "paragraphs": ["在网上看到了很多漂亮的图片,想下载下来当作桌面壁纸或者其他的装饰,但是一般漂亮的图片都有别人的水印,看上去很不爽。那么ps怎么去水印?下面小编就为大家介绍ps去水印的三种方法,一起来看看吧", "对于很多人来说去水印是比较头疼的事情,如果你会PS,那么一切都不是问题。那么ps怎么去水印?下面小编就为大家介绍ps去水印的三种方法,一起来看看吧!", "方法1:用内容感知移动工具去水印 打开素材图片【ctrl+o】,如下图所示。 复制图层【ctrl+j】,如下图所示。 单击工具箱中的内容感知移动工具,选中图片中的水印,如下图所示。 往下移,水印不见了,如下图所示。 方法2:用污点修复画笔工具去水印 打开素材图片【ctrl+o】,复制图层【ctrl+j】,如下图所示。 单击工具箱中的【污点修复画笔】工具,设置好参数,如下图所示。 在文字处涂抹,如下图所示。 去掉水印后的效果,如下图所示。 方法3:用内容识别填充去水印 打开素材图片【ctrl+o】,复制图层【ctrl+j】,如下图所示。 单击工具箱中的矩形选框工具,框选住水印,如下图所示。 按【shift+f5】,选择【内容识别】填充,如下图所示。 单击确定后的效果如下图所示。 选中水印,按【shift+f5】--【内容识别】填充--确定,如下图所示。", "最终的效果,如下图所示。", "以上就是ps去水印的三种方法介绍,其实去水印的方法有很多,欢迎各位留言交流。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "photoshop去除水印的六种方法_百度经验", "most_related_para": 5, "segmented_title": ["photoshop", "去除", "水印", "的", "六", "种", "方法", "_", "百度", "经验"], "segmented_paragraphs": [["Photoshop", "城市规划", "总", "平面", "制作", "教程", "2", "-", "1", "简易", "示范", "时", "长", ":", "13", ":", "25", "来自", ":", "窝", "风尚", "品"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["对于", "很多人", "来", "说", "去", "水印", "是", "比较", "头疼", "的", "事情", ",", "这里", "教", "你", "六", "招", "去", "水印", "的", "方法", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "使用", "仿制图章工具", "去除", "使用", "仿制图章工具", "去除", "文字", "这", "是", "比较", "常用", "的", "方法", ",", "具体", "的", "操作", "是", ",", "选取", "仿制图章工具", ",", "按住", "Alt", "键", ",", "在", "无", "文字", "区域", "点击", "相似", "的", "色彩", "名", "图案", "采样", ",", "然后", "在", "文字", "区域", "拖动", "鼠标", "复制", "以", "覆盖", "文字", "。", "要", "注意", "的", "是", ",", "采样", "点", "即", "为", "复制", "的", "起始", "点", "。", "选择", "不同", "的", "笔刷", "直径", "会", "影响", "绘制", "的", "范围", ",", "而", "不同", "的", "笔刷", "硬度", "会", "影响", "绘制", "区域", "的", "边缘", "融合", "效果", "。", "步骤", "阅读", "2", "使用", "修补", "工具", "去除", "文字", "如果", "图片", "的", "背景", "色彩", "或", "图案", "比较", "一致", ",", "使用", "修补", "工具", "就", "比较", "方便", "具体操作", "是", ":", "选取", "修补", "工具", ",", "在", "公共", "栏", "中", "选择", "修补", "项", "为", "“", "源", "”", ",", "关闭", "“", "透明", "”", "选项", "。", "然后", "用", "修补", "工具", "框", "选", "文字", ",", "拖动", "到", "无", "文字", "区域", "中", "色彩", "或", "图案", "相似", "的", "位置", ",", "松开", "鼠标", "就", "完成", "复制", "。", "修补", "工具", "具有", "自动", "匹配", "颜色", "的", "功能", ",", "复制", "的", "效果", "与", "周围", "的", "色彩", "较为", "融合", ",", "这", "是", "仿制图章工具", "所", "不具备", "的", "。", "步骤", "阅读", "3", "使用", "修复", "画笔", "工具", "去除", "文字", "操作", "的", "方法", "与", "仿制图章工具", "相似", "。", "按住", "Alt", "键", ",", "在", "无", "文字", "区域", "点击", "相似", "的", "色彩", "或", "图案", "采样", ",", "然后", "在", "文字", "区域", "拖动", "鼠标", "复制", "以", "覆盖", "文字", ",", "只是", "修复", "画笔", "工具", "与", "修补", "工具", "一样", ",", "也", "具有", "自动", "匹配", "颜色", "的", "功能", ",", "可", "根据", "需要", "进行", "选用", "。", "步骤", "阅读"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["Photoshop城市规划总平面制作教程2-1 简易示范 时长:13:25来自:窝风尚品", "百度经验:jingyan.baidu.com", "对于很多人来说去水印是比较头疼的事情,这里教你六招去水印的方法!", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 使用仿制图章工具去除使用仿制图章工具去除文字这是比较常用的方法,具体的操作是,选取仿制图章工具,按住Alt键,在无文字区域点击相似的色彩名图案采样,然后在文字区域拖动鼠标复制以覆盖文字。要注意的是,采样点即为复制的起始点。选择不同的笔刷直径会影响绘制的范围,而不同的笔刷硬度会影响绘制区域的边缘融合效果。 步骤阅读 2 使用修补工具去除文字如果图片的背景色彩或图案比较一致,使用修补工具就比较方便具体操作是:选取修补工具,在公共栏中选择修补项为“源”,关闭“透明”选项。然后用修补工具框选文字,拖动到无文字区域中色彩或图案相似的位置,松开鼠标就完成复制。修补工具具有自动匹配颜色的功能,复制的效果与周围的色彩较为融合,这是仿制图章工具所不具备的。 步骤阅读 3 使用修复画笔工具去除文字操作的方法与仿制图章工具相似。按住Alt键,在无文字区域点击相似的色彩或图案采样,然后在文字区域拖动鼠标复制以覆盖文字,只是修复画笔工具与修补工具一样,也具有自动匹配颜色的功能,可根据需要进行选用。 步骤阅读", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "PS如何去除照片水印_百度经验", "most_related_para": 3, "segmented_title": ["PS", "如何", "去除", "照片", "水印", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["水印", "大", "多", "是", "作者", "为了", "保护", "劳动", "果实", "而", "在", "果子", "上", "打的", "标签", ",", "但是", "为了", "满足", "人们", "的", "需求", ",", "这里", "介绍", "三种", "方法", ",", "根据", "不同", "的", "情况", ",", "用", "不同", "的", "工具", "来", "解决", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "首先", "观察", "图案", ",", "背景", "比较", "复杂", ",", "建议", "用", "修补", "工具", "。", "如图", "示", "选择", "修补", "工具", ",", "调整", "工具", "属性", ",", "使用", "比较", "简单", ",", "点", "左键", "圈", "选", "就", "可以", "了", "。", "步骤", "阅读", "步骤", "阅读", "步骤", "阅读", "2", "同类", "颜色", "的", "区域", "分开", "处理", ",", "这里", "先", "处理", "比较", "简单", "的", "近", "白色", "区域", "。", "用", "修补", "工具", "圈", "选", "需要", "去掉", "的", "文字", "部分", ",", "然后", "点击", "左键", "不", "松", ",", "拖动", "到", "你", "想要", "的", "颜色", "的", "区域", ",", "如图", "。", "步骤", "阅读", "步骤", "阅读", "3", "比较", "难", "处理", "的", "是", "两种", "颜色", "相", "接", "的", "区域", ",", "这里", "建议", "先", "用", "纯色", "覆盖", ",", "再", "进行", "修补", "。", "如图", ":", "选择", "一", "个", "贴近", "花瓣", "边缘", "的", "选", "框", ",", "选择", "“", "矩形", "选", "框", "工具", "”", ",", "点击右键", ",", "选择", "“", "通过", "拷贝", "的", "图层", "”", "。", "会", "重新", "新建", "一", "个", "选区", "的", "图层", ",", "将", "其", "移动", "到", "花瓣", "边缘", "(", "注意", ",", "这里", "要", "先", "将", "花瓣", "上", "的", "文字处理", "以后", ",", "再", "将", "图层", "合并", ",", "用", "修补", "工具", "做", "进一步", "调整", ",", "因为", "这里", "颜色", "不", "很", "一样", ")", "。", "步骤", "阅读", "步骤", "阅读", "步骤", "阅读", "步骤", "阅读", "4", "最后", "对", "花瓣", "上", "的", "文字", "进行", "处理", ",", "这里", "比较", "复杂", "一些", ",", "需要", "有", "足够", "的", "耐心", ",", "当然", "也", "要", "细心", "。", "首先", "要", "将", "图片", "放大", ",", "放到", "足够", "大", ",", "然后", "再", "用", "修补", "工具", "小", "范围", "的", "修补", ",", "重复", "操作", "。", "最终", "效果", "步骤", "阅读", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "使用", "这种", "方法", "一般", "是", "水印", "所", "覆盖", "的", "地方", "比较", "规则", "平整", ",", "或者", "有", "规律", ",", "我们", "可以", "复制", "某", "一部分", "选取", "来", "覆盖", "水印", "。", "首先", "要", "准备", "工作", ",", "选择", "“", "矩形", "选择", "工具", "”", ",", "调整", "工具", "的", "羽化", "值", ",", "可", "根据", "图", "的", "大小", "调整", ",", "这里", "调整", "为", "10", "步骤", "阅读", "步骤", "阅读", "步骤", "阅读", "2", "然后", "选择", "和", "水印", "大小", "差不多", "的", "选取", ",", "在", "选取", "内", "点击右键", ",", "在", "弹出", "的", "选", "框", "中", "选择", "“", "通过", "拷贝", "的", "图层", "”", ",", "这里", "要", "注意", "的", "是", ",", "一定要", "是", "在", "选择", "“", "矩形", "选择", "工具", "”", "的", "状态", "下", ",", "才", "可以", "操作", "。", "步骤", "阅读", "步骤", "阅读", "3", "最后", "一", "步", ":", "调整", "。", "选择", "拷贝", "出", "的", "图层", ",", "调整", "图层", "的", "位置", "。", "步骤", "阅读", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "这种", "方法", "适于", "有", "透视", "的", "场景", ",", "而且", "背景", "有", "规则", "整齐", ",", "像", "地板", ",", "瓷砖", "之类", "。", "首先", "点", "选", "滤镜", "—", "—", "消失点", ",", "弹出", "消失点", "编辑", "页面", "步骤", "阅读", "步骤", "阅读", "步骤", "阅读", "2", "沿着", "地板", "的", "缝隙", "点", "选", "出", "一", "个", "梯形", "的", "网格", ",", "如图", "步骤", "阅读", "3", "选择", "第三个", "矩形", "选", "框", "工具", ",", "参数", "如图", ",", "可", "根据", "需要", "自由", "调节", "。", "按着", "alt", "键", ",", "在", "蓝色", "方框", "选取", "内", ",", "画", "出", "梯形", "选取", "选", "框", ",", "意图", "在于", "将", "选", "框", "的", "内容", "覆盖", "在", "水印", "上", "。", "步骤", "阅读", "4", "将", "鼠标", "向", "水印", "引", "动", ",", "按住", "shift", "键", "可以", "使", "选取", "按照", "透视", "方向", "平稳", "移动", "。", "最终", "效果", "如图", "。", "步骤", "阅读", "5", "如果", "需要", "特殊", "的", "形状", ",", "也", "可以", "用", "第", "四", "个", "—", "图章", "工具", ",", "或", "第五个", "—", "画笔", "工具", ",", "可以", "选择", "画笔", "工具", "的", "形状", ",", "调出", "自己", "想要", "的", "效果", "。", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "一", "个", "会", "点", "设计", "的", "环保", "人"]], "paragraphs": ["百度经验:jingyan.baidu.com", "水印大多是作者为了保护劳动果实而在果子上打的标签,但是为了满足人们的需求,这里介绍三种方法,根据不同的情况,用不同的工具来解决。", "百度经验:jingyan.baidu.com", "1 首先观察图案,背景比较复杂,建议用修补工具。如图示选择修补工具,调整工具属性,使用比较简单,点左键圈选就可以了。 步骤阅读 步骤阅读 步骤阅读 2 同类颜色的区域分开处理,这里先处理比较简单的近白色区域。用修补工具圈选需要去掉的文字部分,然后点击左键不松,拖动到你想要的颜色的区域,如图。 步骤阅读 步骤阅读 3 比较难处理的是两种颜色相接的区域,这里建议先用纯色覆盖,再进行修补。如图:选择一个贴近花瓣边缘的选框,选择“矩形选框工具”,点击右键,选择“通过拷贝的图层”。会重新新建一个选区的图层,将其移动到花瓣边缘(注意,这里要先将花瓣上的文字处理以后,再将图层合并,用修补工具做进一步调整,因为这里颜色不很一样)。 步骤阅读 步骤阅读 步骤阅读 步骤阅读 4 最后对花瓣上的文字进行处理,这里比较复杂一些,需要有足够的耐心,当然也要细心。 首先要将图片放大,放到足够大,然后再用修补工具小范围的修补,重复操作。最终效果 步骤阅读 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 使用这种方法一般是水印所覆盖的地方比较规则平整,或者有规律,我们可以复制某一部分选取来覆盖水印。 首先要准备工作,选择“矩形选择工具”,调整工具的羽化值,可根据图的大小调整,这里调整为10 步骤阅读 步骤阅读 步骤阅读 2 然后选择和水印大小差不多的选取,在选取内点击右键,在弹出的选框中选择“通过拷贝的图层”,这里要注意的是,一定要是在选择“矩形选择工具”的状态下,才可以操作。 步骤阅读 步骤阅读 3 最后一步:调整。选择拷贝出的图层,调整图层的位置。 步骤阅读 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 这种方法适于有透视的场景,而且背景有规则整齐,像地板,瓷砖之类。首先点选滤镜——消失点,弹出消失点编辑页面 步骤阅读 步骤阅读 步骤阅读 2 沿着地板的缝隙点选出一个梯形的网格,如图 步骤阅读 3 选择 第三个 矩形选框工具,参数如图,可根据需要自由调节。按着alt键,在蓝色方框选取内,画出梯形选取选框,意图在于将选框的内容覆盖在水印上。 步骤阅读 4 将鼠标向水印引动,按住shift键可以使选取按照透视方向平稳移动。最终效果如图。 步骤阅读 5 如果需要特殊的形状,也可以用第四个—图章工具,或第五个—画笔工具,可以选择画笔工具的形状,调出自己想要的效果。 END", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:一个会点设计的环保人"], "bs_rank_pos": 3}, {"is_selected": false, "title": "ps怎么去复杂水印?PS快速去除水印方法_脚本之家", "most_related_para": 2, "segmented_title": ["ps", "怎么", "去", "复杂", "水印", "?", "PS", "快速", "去除", "水印", "方法", "_", "脚本", "之", "家"], "segmented_paragraphs": [["很多", "素材", "图片", "上", "都", "被", "加上", "了", "各种各样", "的", "水印", ",", "而", "我们", "偏偏", "非常", "需要", "这", "张", "图片", ",", "那么", "ps", "怎么", "去", "复杂", "水印", "?", "下面", "小", "编", "就", "为", "大家", "介绍", "PS", "快速", "去除", "水印", "方法", ",", "一起来", "看看", "吧"], ["作为", "设计师", ",", "相信", "大家", "都", "有", "收藏", "佳作", "的", "习惯", ",", "但", "像", "某些", "图片", "中", "包含", "了", "非常", "繁琐", "的", "水印", "时常", "会", "影响", "画面", "美", "感", ",", "那么", "ps", "怎么", "去", "复杂", "水印", "?", "下面", "小", "编", "就", "为", "大家", "介绍", "PS", "快速", "去除", "水印", "方法", ",", "一起来", "看看", "吧", "!"], ["第一步", "、", "打开", "PS", ",", "将", "准备", "好", "要", "处理", "的", "图片", "打开", ",", "然后", "按", "快捷键", "M", "切换", "到", "选择工具", "第二步", "、", "按着", "鼠标", ",", "拖动", "选择", "我们", "要", "去掉", "的", "水印", ",", "并且", "按", "快捷键", "Ctrl", "+", "J", "把", "刚才", "我们", "所", "选择", "的", "水印", "建立", "一", "个", "新", "图层", "。", "如", "下", "图", "所示", "第三步", "、", "移动", "一", "下", "刚才", "新建", "的", "图层", "可见", "水印", "图层", "。", "如", "下", "图", "所示", ":", "第四步", "、", "把", "图层", "的", "混", "保", "模式", "设置", "为", "颜色", "减淡"], ["第五步", "、", "按", "快捷键", "Ctrl", "+", "i", ",", "这个", "快捷键", "的", "作用", "是", "把", "图层", "改为", "反相", "状态", "。", "如", "下", "图", "所示"], ["第六步", "、", "移动", "水印", "图层", "并且", "将", "其", "对准", "底", "图", "上", "的", "水印", "就", "处理", "好", "了", "这个", "局部", "的", "效果", "。", "如", "下", "图", "所示", "。"], ["第", "七步", "、", "继续", "复制", "水印", "图层", "复", "盖", "底", "图", "的", "水印", ",", "这样", "就", "可以", "去掉", "图片", "中", "所有", "的", "水印", "效果", "。", "如", "下", "图", "所示", ",", "一", "张", "我们", "希望", "看到", "的", "光", "鲜", "画面", "效果", "就", "呈现", "出来", "了", "。"], ["注意事项"], ["软件", "是", "死", "的", ",", "人", "是", "活", "的"], ["教程", "是", "用来", "学习", "的", ",", "不是", "用来", "局限", "人", "的", "思维", "的"], ["以上", "就是", "PS", "快速", "去除", "水印", "方法", "介绍", ",", "希望", "能", "对", "大家", "有所帮助", "!"]], "paragraphs": ["很多素材图片上都被加上了各种各样的水印,而我们偏偏非常需要这张图片,那么ps怎么去复杂水印?下面小编就为大家介绍PS快速去除水印方法,一起来看看吧", "作为设计师,相信大家都有收藏佳作的习惯,但像某些图片中包含了非常繁琐的水印时常会影响画面美感,那么ps怎么去复杂水印?下面小编就为大家介绍PS快速去除水印方法,一起来看看吧!", "第一步、打开PS,将准备好要处理的图片打开,然后按快捷键M 切换到选择工具 第二步、按着鼠标,拖动选择我们要去掉的水印,并且按快捷键 Ctrl+J 把刚才我们所选择的水印建立一个新图层。如下图所示 第三步、移动一下刚才新建的图层可见水印图层。如下图所示: 第四步、把图层的混保模式设置为颜色减淡", "第五步、按快捷键 Ctrl+i ,这个快捷键的作用是把图层改为反相状态。如下图所示", "第六步、移动水印图层并且将其对准底图上的水印就处理好了这个局部的效果。如下图所示。", "第七步、继续复制水印图层复盖底图的水印,这样就可以去掉图片中所有的水印效果。如下图所示,一张我们希望看到的光鲜画面效果就呈现出来了。", "注意事项", "软件是死的,人是活的", "教程是用来学习的,不是用来局限人的思维的", "以上就是PS快速去除水印方法介绍,希望能对大家有所帮助!"], "bs_rank_pos": 4}], "answer_spans": [[16, 80]], "fake_answers": ["首先同样是从Photoshop打开需要去水印的图片,并且对其图层做拷贝备份。步骤阅读2选择图章工具,按住Alt键点击与水印位置较为相似的位置,松开按钮,在水印位置进行涂抹填充。步骤阅读步骤阅读3涂抹完后,也一样产生出修补的效果。"], "question": "ps怎么去除水印", "segmented_answers": [["Photoshop", "任意", "版本", "软件", "一款", ";", "修补", "工具", "去", "水印", ":", "首先", "我们", "选择", "好", "那", "张", "带有", "水印", "的", "图片", "拖入", "Photoshop", "中", "打开", ",", "并且", "对", "图片", "图层", "进行", "拷贝", "复制", ",", "或者", "按", "Ctrl", "+", "j", "对", "图层", "进行", "拷贝", "复制", ";", "选择", "修补", "工具", ",", "框", "选", "图片", "上", "的", "水印", ",", "将", "选区", "拖动", "到", "与", "水印", "位置", "最", "相似", "的", "区域", ",", "如果", "相似", "的", "地方", "比较", "少", ",", "就", "需要", "一", "点", "一", "点", "的", "把", "它", "进行", "修补", ",", "如果", "相似", "的", "地方", "范围", "较", "大", ",", "可", "随便", "拖拽", "任意", "位置", ",", "都", "可以", "产生", "出", "理想", "效果", "。"], ["图章", "工具", "去", "水印", ":", "1", ",", "首先", "同样", "是", "从", "Photoshop", "打开", "需要", "去", "水印", "的", "图片", ",", "并且", "对其", "图层", "做", "拷贝", "备份", "。", "2", ",", "选择", "图章", "工具", ",", "按住", "Alt", "键", "点击", "与", "水印", "位置", "较为", "相似", "的", "位置", ",", "松开", "按钮", ",", "在", "水印", "位置", "进行", "涂抹", "填充", "。", "3", ",", "涂抹", "完", "后", ",", "也", "一样", "产生", "出", "修补", "的", "效果", "。"], ["内容", "感知", "移动", "工具", "去", "水印", ":", "1", ",", "还有", "一", "种", "方法", "可能", "很多人", "没有", "用", "过", ",", "就是", "利用", "新版", "Photoshop", "CS6", "/", "CC", "当", "中", "的", "内容", "感知", "移动", "工具", ",", "首先", "打开", "图片", ",", "备份", "图层", "。", "2", ",", "选择", "内容", "感知", "移动", "工具", ",", "框", "选", "图片", "上", "的", "水印", ",", "把", "框", "选", "区域", "拖拽", "到", "图片", "的", "边缘", "外", "。", "3", ",", "效果", "一下子", "产生", "了", "。"]], "answers": ["Photoshop任意版本软件一款;修补工具去水印:首先我们选择好那张带有水印的图片拖入Photoshop中打开,并且对图片图层进行拷贝复制,或者按Ctrl+j对图层进行拷贝复制;选择修补工具,框选图片上的水印,将选区拖动到与水印位置最相似的区域,如果相似的地方比较少,就需要一点一点的把它进行修补,如果相似的地方范围较大,可随便拖拽任意位置,都可以产生出理想效果。", "图章工具去水印:1,首先同样是从Photoshop打开需要去水印的图片,并且对其图层做拷贝备份。2,选择图章工具,按住Alt键点击与水印位置较为相似的位置,松开按钮,在水印位置进行涂抹填充。3,涂抹完后,也一样产生出修补的效果。", "内容感知移动工具去水印:1,还有一种方法可能很多人没有用过,就是利用新版Photoshop CS6/CC当中的内容感知移动工具,首先打开图片,备份图层。2,选择内容感知移动工具,框选图片上的水印,把框选区域拖拽到图片的边缘外。3,效果一下子产生了。"], "answer_docs": [0], "segmented_question": ["ps", "怎么", "去除", "水印"], "question_type": "DESCRIPTION", "question_id": 181660, "fact_or_opinion": "FACT", "match_scores": [0.8120300751879699]}
-{"documents": [{"is_selected": true, "title": "吃红薯会胖吗_有问必答_快速问医生", "most_related_para": 6, "segmented_title": ["吃", "红薯", "会", "胖", "吗", "_", "有问必答", "_", "快速", "问", "医生"], "segmented_paragraphs": [["健康", "咨询", "描述", ":", "自己", "比", "以前", "胖", "了", "大概", "有", "15", "斤", "左右", "了", ",", "由于", "比较", "喜欢", "吃", "红薯", ",", "所以", "大家", "都", "说", "我", "是", "吃", "过", "了", "红薯", "引起", "的", "发胖", ",", "请问", "吃", "红薯", "会", "胖", "吗", ",", "请", "有经验", "的", "人", "帮忙", "解答", "一", "下", ",", "谢谢"], ["病情", "分析", ":", "红薯", "不会", "发胖", ",", "吃", "红薯", "对", "人", "身体", "是", "有", "好处", "的", ",", "适当", "的", "吃", "可以", ",", "不可以", "吃", "的", "太多", ",", "不管", "任何", "食物", "超量", "了", "之后", "都会", "引起", "发胖", "的", "。", "指导意见", ":", "我", "建议", "平常", "适当", "的", "吃", "一些", ",", "不可以", "暴饮暴食", ",", "吃", "多", "了", "容易", "胃胀", ",", "减肥", "可以通过", "多", "运动", ",", "保持", "很好", "的", "身材", ",", "减少", "身体", "的", "负担", "。"], ["病情", "分析", ":", "你好", ",", "吃什么", "东西", "多", "都会", "发胖", "的", ",", "吃", "红薯", "也", "一样", ",", "你", "找", "找", "发胖", "的", "其他", "原因", ",", "是不是", "运动", "少", "了", "。", "指导意见", ":", "你好", ",", "红薯", "是", "个", "好东西", ",", "可以", "通便", ",", "可以", "美容", ",", "还", "可以", "降脂", ",", "但", "什么", "东西", "也", "的", "适可而止", ",", "不能吃", "太多", "。"], ["病情", "分析", ":", "你好", ",", "不会", "。", "红薯", "是", "一", "种", "常见", "的", "果蔬", ",", "其", "含有", "丰富", "的", "淀粉", ",", "糖", "含量", "相对", "较", "高", ",", "故", "大", "多数", "人", "认为", "吃", "红薯", "会", "发胖", ",", "但", "其实", ",", "红薯", "还", "含有", "膳食纤维", "、", "胡萝卜素", "、", "各种", "维生素", "以及", "数", "十种", "微量元素", ",", "营养价值", "很高", ",", "这些", "膳食纤维", "和", "微量元素", "可以", "保持", "血管", "弹性", ",", "对", "老年人", "较好", "。", "指导意见", ":", "而且", ",", "膳食纤维", "在", "肠道", "内", "无法", "被", "消化", "吸收", ",", "能", "刺激", "肠道", "增强", "其", "蠕动", ",", "从而", "达到", "通便", "排毒", "的", "功效", "。", "所以说", ",", "红薯", "其实", "是", "一", "种", "健康食品", ",", "但", "最好", "是", "也", "别", "多", "吃", "了", ",", "易", "导致", "积食", "。", "以上", "是", "对", "“", "吃", "红薯", "会", "胖", "吗", "”", "这个问题", "的", "建议", ",", "希望", "对", "您", "有", "帮助", ",", "祝您健康", "!"], ["病情", "分析", ":", "除了", "正常", "的", "三餐", "外", ",", "还", "吃", "太多", "红薯", "会", "发胖", "的", ".", "含", "淀粉", "和", "糖", "份", "高", ".", "如果", "把", "红薯", "当成", "正餐", ",", "没有", "超量", "就", "不会", ".", "红薯", "含有", "丰富", "的", "淀粉", "、", "膳食纤维", "、", "胡萝卜素", "、", "维生素A", "、", "B", "、", "C", "、", "E", "以及", "钾", "、", "铁", "、", "铜", "、", "硒", "、", "钙", "等", "10", "余", "种", "微量元素", "和", "亚油酸", "等", ",", "营养价值", "很高", ",", "被", "营养", "学", "家", "们", "称为", "营养", "最", "均衡", "的", "保健食品", "。", "指导意见", ":", "吃", "红薯", "不仅", "不会", "发胖", ",", "相反", "能够", "减肥", "、", "健美", "、", "防止", "亚健康", "、", "通便", "排毒", "。", "每", "100", "克", "鲜红薯", "仅", "含", "0", ".", "2", "克", "脂肪", ",", "产生", "99", "千卡", "热能", ",", "大概", "为", "大米", "1", "/", "3", ",", "是", "很好", "的", "低脂肪", "、", "低热", "能", "食品", ",", "同时", "又", "能", "有效", "地", "阻止", "糖类", "变为", "脂肪", ",", "有利于", "减肥", "、", "健美", "。", "红薯", "含有", "大量", "膳食纤维", ",", "在", "肠道", "内", "无法", "被", "消化", "吸收", ",", "能", "刺激", "肠道", ",", "增强", "蠕动", ",", "通便", "排毒", ",", "尤其", "对", "老年", "性", "便秘", "有", "较好", "的", "疗效", "。", "吃", "红薯", "时", "要", "注意", "一定要", "蒸熟", "煮", "透", "。", "食用", "红薯", "不宜", "过量", ",", "中医诊断", "中", "的", "湿", "阻", "脾胃", "、", "气滞", "食积", "者", "应", "慎", "食", "。"], ["病情", "分析", ":", "不会", ",", "一般人", "认为", "红薯", "里面", "的", "主要成分", "是", "淀粉", ",", "所以", "吃", "多", "了", "会导致", "肥胖", ",", "其实", "不是", "。", "红薯", "里面", "富含", "丰富", "的", "蛋白质", ",", "纤维素", "、", "果胶", "等", "具有", "阻止", "糖分", "转化", "为", "脂肪", "的", "功能", "。", "当然", "吃什么", "东西", "都", "要", "适量", "指导意见", ":", "吃", "胖", "的", "是", "薯条", ",", "薯片", "还有", "其他", "油炸食品", "。", "这些", "就", "千万不要", "吃", "了", "啊", "!", "最后", "提醒", "你", ",", "吃", "绿豆沙", "可以", "帮助", "排毒", ",", "而且", "吃", "胡萝卜汁", "和", "黄瓜", "汁", "对", "皮肤", "好", "哦", "!", "希望", "你", "越来越", "漂", "!"], ["如果", "除了", "正常", "的", "三餐", "外", ",", "还", "吃", "太多", "红薯", "会", "发胖", "的", ".", "含", "淀粉", "和", "糖", "份", "高", ".", "如果", "把", "红薯", "当成", "正餐", ",", "没有", "超量", "就", "不会", ".", "红薯", "含有", "丰富", "的", "淀粉", "、", "膳食纤维", "、", "胡萝卜素", "、", "维生素A", "、", "B", "、", "C", "、", "E", "以及", "钾", "、", "铁", "、", "铜", "、", "硒", "、", "钙", "等", "10", "余", "种", "微量元素", "和", "亚油酸", "等", ",", "营养价值", "很高", ",", "被", "营养", "学", "家", "们", "称为", "营养", "最", "均衡", "的", "保健食品", "。", "这些", "物质", "能", "保持", "血管", "弹性", ",", "对", "防治", "老年", "习惯性便秘", "十分", "有效", "。", "遗憾的是", ",", "人们", "大都", "以为", "吃", "红薯", "会", "使", "人", "发胖", "而", "不敢", "食用", "。", "其实", "恰恰相反", ",", "吃", "红薯", "不仅", "不会", "发胖", ",", "相反", "能够", "减肥", "、", "健美", "、", "防止", "亚健康", "、", "通便", "排毒", "。", "每", "100", "克", "鲜红薯", "仅", "含", "0", ".", "2", "克", "脂肪", ",", "产生", "99", "千卡", "热能", ",", "大概", "为", "大米", "1", "/", "3", ",", "是", "很好", "的", "低脂肪", "、", "低热", "能", "食品", ",", "同时", "又", "能", "有效", "地", "阻止", "糖类", "变为", "脂肪", ",", "有利于", "减肥", "、", "健美", "。", "红薯", "含有", "大量", "膳食纤维", ",", "在", "肠道", "内", "无法", "被", "消化", "吸收", ",", "能", "刺激", "肠道", ",", "增强", "蠕动", ",", "通便", "排毒", ",", "尤其", "对", "老年", "性", "便秘", "有", "较好", "的", "疗效", "。", "吃", "红薯", "时", "要", "注意", "一定要", "蒸熟", "煮", "透", "。", "食用", "红薯", "不宜", "过量", ",", "中医诊断", "中", "的", "湿", "阻", "脾胃", "、", "气滞", "食积", "者", "应", "慎", "食", "。"], ["平均", "费用", ":", "1661", "元", "肥胖", "一直", "是", "长期", "困扰", "年轻人", ",", "尤其", "是", "年轻女性", "的", "热点", "问题", ",", "目前", "世界上", "无论", "是", "发达国家", "还是", "发展中国家", ",", "肥胖", "率", "正", "以", "惊人", "的", "速度", "在", "增长", ",", "肥胖", "不仅", "影响", "形体", "美", ",", ".", ".", ".", "全部", ">", ">", "手术", "项目", ":", "奥利司他", "|", "中药", "减肥", "|", "针灸", "拔罐", "减肥", "|", "减肥食谱", "|", "按摩", "减肥", "|", "刮痧", "减肥", "|", "西布曲明", "|", "芬", "氟", "拉", "明"], ["减肥胶囊", "参考价格", ":", "0", "查看", "说明书"], ["降脂", "减肥", "片", "参考价格", ":", "24", ".", "6", "查看", "说明书"], ["降脂", "减肥", "片", "参考价格", ":", "90", "查看", "说明书"], ["轻身", "减肥", "片", "轻身", "减肥", ",", "益气健脾", ",", "活血化淤", ",", "宽", "胸", "去", "积", "。", "用于", "单纯", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "46"], ["轻身", "减肥", "片", "轻身", "减肥", ",", "益气健脾", ",", "活血化淤", ",", "宽", "胸", "去", "积", "。", "用于", "单纯", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "46"], ["内分泌失调", "喝", "什么", "中药", "汤", "?", "治疗", "二", "型", "糖尿病", "的", "药", "十二指肠", "大", "乳头", "腺瘤", "可以", "保守", "治疗", "吗", "妊娠期糖尿病", "能", "吃", "米粉", "吗", "妊娠", "糖尿病", "能", "吃", "核桃", "吗", "哪些", "食物", "不会引起", "高血糖", "明星", "减肥", "方法", "2", "型", "糖尿病", "病人", "饮食", "妊娠", "糖尿病", "吃", "什么", "降血糖", "中医", "经络", "减肥", "价格"], ["专家", "在线", "免费咨询"], ["看病", "男科", "妇科", "癫痫", "性病", "养生", "新闻", "白癫风", "牛皮癣"], ["就医", "疾病", "信息", "健康", "经验", "症状", "信息", "手术", "项目", "检查", "项目", "健康", "百科", "求医问药"], ["用药", "药品", "库", "疾病", "用药", "药品", "心得", "用药", "安全", "药品", "资讯", "用药", "方案", "品牌", "药企", "明星", "药品"], ["整形", "整形", "项目", "整形", "案例", "整形", "资讯", "整形医院", "减肥", "塑形", "眼部", "整形", "鼻部", "整形", "面部", "整形"], ["有问必答", "内科", "外科", "儿科", "药品", "遗传", "美容", "检查", "减肥", "中医科", "五官科", "传染科", "体检", "科", "妇产科", "肿瘤科", "康复科", "子女教育", "心理健康", "整形美容", "家居", "环境", "皮肤性病", "营养保健", "其他", "科室", "保健养生"], ["下载", "APP", ",", "免费", "快速", "问", "医生"]], "paragraphs": ["健康咨询描述: 自己比以前胖了大概有15斤左右了,由于比较喜欢吃红薯,所以大家都说我是吃过了红薯引起的发胖,请问吃红薯会胖吗,请有经验的人帮忙解答一下,谢谢", "病情分析: 红薯不会发胖,吃红薯对人身体是有好处的,适当的吃可以,不可以吃的太多,不管任何食物超量了之后都会引起发胖的。 指导意见: 我建议平常适当的吃一些,不可以暴饮暴食,吃多了容易胃胀,减肥可以通过多运动,保持很好的身材,减少身体的负担。", "病情分析: 你好,吃什么东西多都会发胖的,吃红薯也一样,你找找发胖的其他原因,是不是运动少了。 指导意见: 你好,红薯是个好东西,可以通便,可以美容,还可以降脂,但什么东西也的适可而止,不能吃太多。", "病情分析: 你好,不会。红薯是一种常见的果蔬,其含有丰富的淀粉,糖含量相对较高,故大多数人认为吃红薯会发胖,但其实,红薯还含有膳食纤维、胡萝卜素、各种维生素以及数十种微量元素,营养价值很高,这些膳食纤维和微量元素可以保持血管弹性,对老年人较好。 指导意见: 而且,膳食纤维在肠道内无法被消化吸收,能刺激肠道增强其蠕动,从而达到通便排毒的功效。所以说,红薯其实是一种健康食品,但最好是也别多吃了,易导致积食。 以上是对“吃红薯会胖吗”这个问题的建议,希望对您有帮助,祝您健康!", "病情分析: 除了正常的三餐外,还吃太多红薯会发胖的.含淀粉和糖份高.如果把红薯当成正餐,没有超量就不会.红薯含有丰富的淀粉、膳食纤维、胡萝卜素、维生素A、B、C、E以及钾、铁、铜、硒、钙等10余种微量元素和亚油酸等,营养价值很高,被营养学家们称为营养最均衡的保健食品。 指导意见: 吃红薯不仅不会发胖,相反能够减肥、健美、防止亚健康、通便排毒。每100克鲜红薯仅含0.2克脂肪,产生99千卡热能,大概为大米1/3,是很好的低脂肪、低热能食品,同时又能有效地阻止糖类变为脂肪,有利于减肥、健美。红薯含有大量膳食纤维,在肠道内无法被消化吸收,能刺激肠道,增强蠕动,通便排毒,尤其对老年性便秘有较好的疗效。吃红薯时要注意一定要蒸熟煮透。食用红薯不宜过量,中医诊断中的湿阻脾胃、气滞食积者应慎食。", "病情分析: 不会,一般人认为红薯里面的主要成分是淀粉,所以吃多了会导致肥胖,其实不是。红薯里面富含丰富的蛋白质,纤维素、果胶等具有阻止糖分转化为脂肪的功能。当然吃什么东西都要适量 指导意见: 吃胖的是薯条,薯片还有其他油炸食品。这些就千万不要吃了啊! 最后提醒你,吃绿豆沙可以帮助排毒,而且吃胡萝卜汁和黄瓜汁对皮肤好哦!希望你越来越漂!", "如果除了正常的三餐外,还吃太多红薯会发胖的.含淀粉和糖份高.如果把红薯当成正餐,没有超量就不会.红薯含有丰富的淀粉、膳食纤维、胡萝卜素、维生素A、B、C、E以及钾、铁、铜、硒、钙等10余种微量元素和亚油酸等,营养价值很高,被营养学家们称为营养最均衡的保健食品。这些物质能保持血管弹性,对防治老年习惯性便秘十分有效。遗憾的是,人们大都以为吃红薯会使人发胖而不敢食用。其实恰恰相反,吃红薯不仅不会发胖,相反能够减肥、健美、防止亚健康、通便排毒。每100克鲜红薯仅含0.2克脂肪,产生99千卡热能,大概为大米1/3,是很好的低脂肪、低热能食品,同时又能有效地阻止糖类变为脂肪,有利于减肥、健美。红薯含有大量膳食纤维,在肠道内无法被消化吸收,能刺激肠道,增强蠕动,通便排毒,尤其对老年性便秘有较好的疗效。 吃红薯时要注意一定要蒸熟煮透。食用红薯不宜过量,中医诊断中的湿阻脾胃、气滞食积者应慎食。", "平均费用:1661元 肥胖一直是长期困扰年轻人,尤其是年轻女性的热点问题,目前世界上无论是发达国家还是发展中国家,肥胖率正以惊人的速度在增长,肥胖不仅影响形体美,...全部>> 手术项目: 奥利司他| 中药减肥| 针灸拔罐减肥| 减肥食谱| 按摩减肥| 刮痧减肥| 西布曲明| 芬氟拉明", "减肥胶囊  参考价格:0 查看说明书", "降脂减肥片  参考价格:24.6 查看说明书", "降脂减肥片  参考价格:90 查看说明书", "轻身减肥片 轻身减肥,益气健脾,活血化淤,宽胸去积。用于单纯...[说明书] 参考价格:¥46", "轻身减肥片 轻身减肥,益气健脾,活血化淤,宽胸去积。用于单纯...[说明书] 参考价格:¥46", "内分泌失调喝什么中药汤? 治疗二型糖尿病的药 十二指肠大乳头腺瘤可以保守治疗吗 妊娠期糖尿病能吃米粉吗 妊娠糖尿病能吃核桃吗 哪些食物不会引起高血糖 明星减肥方法 2型糖尿病病人饮食 妊娠糖尿病吃什么降血糖 中医经络减肥价格", "专家在线免费咨询", "看病 男科 妇科 癫痫 性病 养生 新闻 白癫风 牛皮癣", "就医 疾病信息 健康经验 症状信息 手术项目 检查项目 健康百科 求医问药", "用药 药品库 疾病用药 药品心得 用药安全 药品资讯 用药方案 品牌药企 明星药品", "整形 整形项目 整形案例 整形资讯 整形医院 减肥塑形 眼部整形 鼻部整形 面部整形", "有问必答 内科 外科 儿科 药品 遗传 美容 检查 减肥 中医科 五官科 传染科 体检科 妇产科 肿瘤科 康复科 子女教育 心理健康 整形美容 家居环境 皮肤性病 营养保健 其他科室 保健养生", "下载APP,免费快速问医生"], "bs_rank_pos": 0}, {"is_selected": false, "title": "每天吃红薯会不会长胖啊?_百度知道", "most_related_para": 2, "segmented_title": ["每天", "吃", "红薯", "会不会", "长", "胖", "啊", "?", "_", "百度", "知道"], "segmented_paragraphs": [["吃", "红薯", "不", "会", "使", "人", "发胖", ":", "  ", "根据", "科学", "研究", ",", "吃", "红薯", "是", "不会", "使", "人", "发胖", "的", ",", "相反", "红薯", "还是", "一", "种", "理想", "的", "减肥", "食品", "。", "它", "的", "含", "热量", "非常", "低", ",", "比", "一般", "米饭", "低", "得", "多", ",", "所以", "吃", "了", "之后", "不必担心", "会", "发胖", ",", "反而", "可", "起", "到", "减肥", "作用", "。", "红薯", "中", "还", "含有", "一", "种", "类似", "雌性激素", "的", "物质", ",", "对", "保护", "人体", "皮肤", ",", "延缓衰老", "有", "一定", "的", "作用", "。", "因此", ",", "国外", "许多", "女性", "把", "红薯", "当作", "驻颜", "美容", "食品", "。", "红薯", "生", "食", "脆", "甜", ",", "可", "代替", "水果", ";", "熟食", "甘", "软", ",", "吃", "在", "嘴里", ",", "甜", "在", "心头", "。", "它", "既", "可", "作", "主食", ",", "又", "可", "当", "蔬菜", "。", "蒸", "、", "煮", "、", "煎", "、", "炸", ",", "吃法", "众多", ",", "一", "经", "巧手", "烹饪", ",", "也", "能", "成为", "席", "上", "佳肴", "。", "  ", "红薯", "的", "功效", "与", "作用", "  ", "1", ".", "红薯", "有益于", "心脏", "  ", "红薯", "富", "含", "钾", "、", "β", "-", "胡萝卜素", "、", "叶酸", "、", "维生素", "C", "和", "维生素B6", ",", "这", "5", "种", "成分", "均", "有助于", "预防", "心血管疾病", "。", "钾", "有助于", "人体", "细胞", "液体", "和", "电解质", "平衡", ",", "维持", "正常", "血压", "和", "心脏", "功能", "。", "β", "-", "胡萝卜素", "和", "维生素", "C", "有", "抗", "脂质", "氧化", "、", "预防", "动脉粥样硬化", "的", "作用", "。", "补"], ["吃", "红薯", "不", "会", "使", "人", "发胖", "。", "  ", "根据", "科学", "研究", ",", "吃", "红薯", "是", "不会", "使", "人", "发胖", "的", ",", "相反", "红薯", "还是", "一", "种", "理想", "的", "减肥", "食品", "。", "它", "的", "含", "热量", "非常", "低", ",", "比", "一般", "米饭", "低", "得", "多", ",", "所以", "吃", "了", "之后", "不必担心", "会", "发胖", ",", "反而", "可", "起", "到", "减肥", "作用", "。", "红薯", "中", "还", "含有", "一", "种", "类似", "雌性激素", "的", "物质", ",", "对", "保护", "人体", "皮肤", ",", "延缓衰老", "有", "一定", "的", "作用", "。", "因此", ",", "国外", "许多", "女性", "把", "红薯", "当作", "驻颜", "美容", "食品", "。", "红薯", "生", "食", "脆", "甜", ",", "可", "代替", "水果", ";", "熟食", "甘", "软", ",", "吃", "在", "嘴里", ",", "甜", "在", "心头", "。", "它", "既", "可", "作", "主食", ",", "又", "可", "当", "蔬菜", "。", "蒸", "、", "煮", "、", "煎", "、", "炸", ",", "吃法", "众多", ",", "一", "经", "巧手", "烹饪", ",", "也", "能", "成为", "席", "上", "佳肴", "。", "  ", "红薯", "的", "功效", "与", "作用", "  ", "1", ".", "红薯", "有益于", "心脏", "  ", "红薯", "富", "含", "钾", "、", "β", "-", "胡萝卜素", "、", "叶酸", "、", "维生素", "C", "和", "维生素B6", ",", "这", "5", "种", "成分", "均", "有助于", "预防", "心血管疾病", "。", "钾", "有助于", "人体", "细胞", "液体", "和", "电解质", "平衡", ",", "维持", "正常", "血压", "和", "心脏", "功能", "。", "β", "-", "胡萝卜素", "和", "维生素", "C", "有", "抗", "脂质", "氧化", "、", "预防", "动脉粥样硬化", "的", "作用", "。", "补"], ["吃", "红薯", "不", "会", "使", "人", "发胖", ":", "  ", "根据", "科学", "研究", ",", "吃", "红薯", "是", "不会", "使", "人", "发胖", "的", ",", "相反", "红薯", "还是", "一", "种", "理想", "的", "减肥", "食品", "。", "它", "的", "含", "热量", "非常", "低", ",", "比", "一般", "米饭", "低", "得", "多", ",", "所以", "吃", "了", "之后", "不必担心", "会", "发胖", ",", "反而", "可", "起", "到", "减肥", "作用", "。", "红薯", "中", "还", "含有", "一", "种", "类似", "雌性激素", "的", "物质", ",", "对", "保护", "人体", "皮肤", ",", "延缓衰老", "有", "一定", "的", "作用", "。", "因此", ",", "国外", "许多", "女性", "把", "红薯", "当作", "驻颜", "美容", "食品", "。", "红薯", "生", "食", "脆", "甜", ",", "可", "代替", "水果", ";", "熟食", "甘", "软", ",", "吃", "在", "嘴里", ",", "甜", "在", "心头", "。", "它", "既", "可", "作", "主食", ",", "又", "可", "当", "蔬菜", "。", "蒸", "、", "煮", "、", "煎", "、", "炸", ",", "吃法", "众多", ",", "一", "经", "巧手", "烹饪", ",", "也", "能", "成为", "席", "上", "佳肴", "。", "  ", "红薯", "的", "功效", "与", "作用", "  ", "1", ".", "红薯", "有益于", "心脏", "  ", "红薯", "富", "含", "钾", "、", "β", "-", "胡萝卜素", "、", "叶酸", "、", "维生素", "C", "和", "维生素B6", ",", "这", "5", "种", "成分", "均", "有助于", "预防", "心血管疾病", "。", "钾", "有助于", "人体", "细胞", "液体", "和", "电解质", "平衡", ",", "维持", "正常", "血压", "和", "心脏", "功能", "。", "β", "-", "胡萝卜素", "和", "维生素", "C", "有", "抗", "脂质", "氧化", "、", "预防", "动脉粥样硬化", "的", "作用", "。", "补"], ["每", "百", "克", "红薯", "的", "热量", "是", "119", ".", "00", "千卡", "。", "每", "百", "克", "米饭", "的", "热量", "是", "116", ".", "00", "千卡", "(", "蒸饭", ")", "因此", ",", "红薯", "的", "热量", "比", "米饭", "的", "热量", "高", "。", "红薯", "并没有", "减肥", "的", "作用", ",", "但是", "具有", "促进", "肠胃", "蠕动", "和", "通便", "的", "作用", "。", "因为", ",", "红薯", "经过", "蒸煮", "后", ",", "部分", "淀粉", "发生变化", ",", "可以", "起", "到", "食物", "纤维", "的", "作用", ",", "能", "有效", "刺激", "肠道", "的", "蠕动", ",", "促进", "排便", "。", "此外", ",", "我们", "在", "切", "红薯", "时", "看见", "的", "红薯", "皮下", "会", "渗出", "有", "一", "种", "白色", "液体", ",", "它", "含有", "紫茉莉", "甙", ",", "还", "可以", "治疗", "习惯性便秘", "。", "不会", "长", "胖", "。"], ["每天", "都", "吃", "肯定", "不好", ",", "凡事", "都", "有", "个", "度", ",", "长", "不", "长", "胖", "影响不大", ",", "主要", "看", "你", "的", "主食", "吃什么", "以及", "运动", "情况"], ["不会", "啊", ",", "这个", "属于", "粗粮", "。", "有利于", "消化", ",", "而且", "红薯", "还有", "好多", "吃法", "。", "。"], ["把", "红薯", "当", "主食", ",", "不", "吃", "米饭", ",", "就", "不会", "胖", ",", "不能", "多", "吃", "哦"]], "paragraphs": ["吃红薯不会使人发胖:   根据科学研究,吃红薯是不会使人发胖的,相反红薯还是一种理想的减肥食品。它的含热量非常低,比一般米饭低得多,所以吃了之后不必担心会发胖,反而可起到减肥作用。红薯中还含有一种类似雌性激素的物质,对保护人体皮肤,延缓衰老有一定的作用。因此,国外许多女性把红薯当作驻颜美容食品。红薯生食脆甜,可代替水果;熟食甘软,吃在嘴里,甜在心头。它既可作主食,又可当蔬菜。蒸、煮、煎、炸,吃法众多,一经巧手烹饪,也能成为席上佳肴。   红薯的功效与作用   1.红薯有益于心脏   红薯富含钾、β-胡萝卜素、叶酸、维生素C和维生素B6,这5种成分均有助于预防心血管疾病。钾有助于人体细胞液体和电解质平衡,维持正常血压和心脏功能。β-胡萝卜素和维生素C有抗脂质氧化、预防动脉粥样硬化的作用。补", "吃红薯不会使人发胖。   根据科学研究,吃红薯是不会使人发胖的,相反红薯还是一种理想的减肥食品。它的含热量非常低,比一般米饭低得多,所以吃了之后不必担心会发胖,反而可起到减肥作用。红薯中还含有一种类似雌性激素的物质,对保护人体皮肤,延缓衰老有一定的作用。因此,国外许多女性把红薯当作驻颜美容食品。红薯生食脆甜,可代替水果;熟食甘软,吃在嘴里,甜在心头。它既可作主食,又可当蔬菜。蒸、煮、煎、炸,吃法众多,一经巧手烹饪,也能成为席上佳肴。   红薯的功效与作用   1.红薯有益于心脏   红薯富含钾、β-胡萝卜素、叶酸、维生素C和维生素B6,这5种成分均有助于预防心血管疾病。钾有助于人体细胞液体和电解质平衡,维持正常血压和心脏功能。β-胡萝卜素和维生素C有抗脂质氧化、预防动脉粥样硬化的作用。补", "吃红薯不会使人发胖:   根据科学研究,吃红薯是不会使人发胖的,相反红薯还是一种理想的减肥食品。它的含热量非常低,比一般米饭低得多,所以吃了之后不必担心会发胖,反而可起到减肥作用。红薯中还含有一种类似雌性激素的物质,对保护人体皮肤,延缓衰老有一定的作用。因此,国外许多女性把红薯当作驻颜美容食品。红薯生食脆甜,可代替水果;熟食甘软,吃在嘴里,甜在心头。它既可作主食,又可当蔬菜。蒸、煮、煎、炸,吃法众多,一经巧手烹饪,也能成为席上佳肴。   红薯的功效与作用   1.红薯有益于心脏   红薯富含钾、β-胡萝卜素、叶酸、维生素C和维生素B6,这5种成分均有助于预防心血管疾病。钾有助于人体细胞液体和电解质平衡,维持正常血压和心脏功能。β-胡萝卜素和维生素C有抗脂质氧化、预防动脉粥样硬化的作用。补", "每百克红薯的热量是119.00千卡。 每百克米饭的热量是116.00千卡(蒸饭) 因此,红薯的热量比米饭的热量高。 红薯并没有减肥的作用, 但是具有促进肠胃蠕动和通便的作用。因为,红薯经过蒸煮后,部分淀粉发生变化,可以起到食物纤维的作用,能有效刺激肠道的蠕动,促进排便。 此外,我们在切红薯时看见的红薯皮下会渗出有一种白色液体,它含有紫茉莉甙,还可以治疗习惯性便秘。 不会长胖。", "每天都吃肯定不好,凡事都有个度,长不长胖影响不大,主要看你的主食吃什么以及运动情况", "不会啊,这个属于粗粮。有利于消化,而且红薯还有好多吃法。。", "把红薯当主食,不吃米饭,就不会胖,不能多吃哦"], "bs_rank_pos": 1}, {"is_selected": false, "title": "天天吃红薯会发胖吗?_百度知道", "most_related_para": 0, "segmented_title": ["天天", "吃", "红薯", "会", "发胖", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["如果", "经常食用", "会", "的", ",", "因为", "红薯", "中", "含有", "淀粉", ",", "淀粉", "在", "人体", "内", "会", "转变", "为", "麦芽糖", ",", "麦芽糖", "是", "人体", "能量", "的", "提供者", ",", "如果", "摄入", "过", "多", "能量", "无法", "消耗", ",", "就会", "转变", "为", "脂肪", "储存", ",", "从而", "发胖", "。", "红薯", "的", "营养价值", "1", ".", "红薯", "含有", "膳食纤维", "、", "胡萝卜素", "、", "维生素A", "、", "维生素", "B", "、", "维生素", "C", "、", "维生素", "E", "以及", "钾", "、", "铁", "、", "铜", "、", "硒", "、", "钙", "、", "等", "10", "余", "种", "微量元素", "。", "营养价值", "很高", ",", "被", "营养", "学", "家", "们", "称为", "营养", "最", "均衡", "的", "保健食品", "。", "2", ".", "里面", "β", "-", "胡萝卜素", "、", "维生素", "E", "和", "维生素", "C", "尤", "多", "。", "特别", "是", "红薯", "含有", "丰富", "的", "赖氨酸", ",", "而", "大米", "、", "面粉", "恰恰", "缺乏", "赖氨酸", "。", "红薯", "与", "米", "面", "混", "吃", ",", "可以", "得到", "更", "为", "全面", "的", "蛋白质", "补充", "。", "就", "总体", "营养", "而言", ",", "红薯", "可谓", "是", "粮食", "和", "蔬菜", "中", "的", "佼佼者", "。", "欧美", "人", "赞", "它", "是", "「", "第", "二", "面包", "」", ",", "前苏联", "科学家", "说", "它", "是", "未来", "的", "「", "宇航", "食品", "」", ",", "法国", "人称", "它", "是", "当之无愧", "的", "「", "高级", "保健食品", "」", "。", "3", ".", "每", "100", "克", "鲜红薯", "仅", "含", "0", ".", "2", "克", "脂肪", ",", "产生", "99", "千卡", "热量", ",", "大概", "为", "大米", "1", "/", "3", ",", "是", "很好", "的"], ["你", "只", "吃", "这个", "吗", "?", "只", "吃", "这个", "以后", "肯定", "会", "胖", "还有", ",", "会", "不停", "的", "打屁", ".", ".", "."]], "paragraphs": ["如果经常食用会的,因为红薯中含有淀粉,淀粉在人体内会转变为麦芽糖,麦芽糖是人体能量的提供者,如果摄入过多能量无法消耗,就会转变为脂肪储存,从而发胖。 红薯的营养价值 1.红薯含有膳食纤维、胡萝卜素、维生素A、维生素B、维生素C、维生素E以及钾、铁、铜、硒、钙、等10余种微量元素。营养价值很高,被营养学家们称为营养最均衡的保健食品。 2.里面β-胡萝卜素、维生素E和维生素C尤多。特别是红薯含有丰富的赖氨酸,而大米、面粉恰恰缺乏赖氨酸。红薯与米面混吃,可以得到更为全面的蛋白质补充。就总体营养而言,红薯可谓是粮食和蔬菜中的佼佼者。欧美人赞它是「第二面包」,前苏联科学家说它是未来的「宇航食品」,法国人称它是当之无愧的「高级保健食品」。 3.每100克鲜红薯仅含0.2克脂肪,产生99千卡热量,大概为大米1/3,是很好的", "你只吃这个吗? 只吃这个以后肯定会胖 还有,会不停的打屁..."], "bs_rank_pos": 2}], "answer_spans": [[103, 124]], "yesno_answers": ["Yes", "No"], "fake_answers": ["吃红薯会使人发胖而不敢食用。其实恰恰相反,吃红薯不仅不会发胖,相反能够减肥"], "question": "吃红薯会发胖吗", "segmented_answers": [["如果", "经常食用", "会", "的", ",", "因为", "红薯", "中", "含有", "淀粉", ",", "淀粉", "在", "人体", "内", "会", "转变", "为", "麦芽糖", ",", "麦芽糖", "是", "人体", "能量", "的", "提供者", ",", "如果", "摄入", "过", "多", "能量", "无法", "消耗", ",", "就会", "转变", "为", "脂肪", "储存", ",", "从而", "发胖"], ["根据", "科学", "研究", ",", "吃", "红薯", "是", "不会", "使", "人", "发胖", "的", ",", "相反", "红薯", "还是", "一", "种", "理想", "的", "减肥", "食品", "。", "它", "的", "含", "热量", "非常", "低", ",", "比", "一般", "米饭", "低", "得", "多", ",", "所以", "吃", "了", "之后", "不必担心", "会", "发胖", ",", "反而", "可", "起", "到", "减肥", "作用", "。"]], "answers": ["如果经常食用会的,因为红薯中含有淀粉,淀粉在人体内会转变为麦芽糖,麦芽糖是人体能量的提供者,如果摄入过多能量无法消耗,就会转变为脂肪储存,从而发胖", "根据科学研究,吃红薯是不会使人发胖的,相反红薯还是一种理想的减肥食品。它的含热量非常低,比一般米饭低得多,所以吃了之后不必担心会发胖,反而可起到减肥作用。"], "yesno_type": "OPINION", "answer_docs": [0], "segmented_question": ["吃", "红薯", "会", "发胖", "吗"], "question_type": "YES_NO", "question_id": 181661, "fact_or_opinion": "OPINION", "match_scores": [0.35135135135135137]}
-{"documents": [{"is_selected": true, "title": "王者荣耀操作设置怎么设置比较好_百度经验", "most_related_para": 5, "segmented_title": ["王者", "荣耀", "操作", "设置", "怎么", "设置", "比较好", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["作为", "农药", "新手", "玩家", "的", "你", ",", "玩", "射手", "想", "射", "脆皮", "却", "总", "射", "向", "坦克", ",", "想", "补兵", "想", "a", "塔", "却", "总", "不由自主", "地", "往", "敌方", "英雄", "走", "去", "!", "!", "想要", "万", "军", "从", "中", "抢", "人头", "你", "需要", "这样做", "~", "~", "~"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["智能手机", "装上", "王者", "荣耀", "软件"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "如图所示", ",", "进入游戏", "主界面", "(", "在", "游戏", "进行中", "时", "也", "可以更改", "操作", "设置", ")", ",", "点击", "设置", "图标", ",", "进入", "设置", "界面", "。", "步骤", "阅读", "2", "点击", "操作", "设置", ",", "接下来", "我们", "就", "可以", "开始", "设置", "我们", "所", "需要", "的", "操作", "模式", "了", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "自由", "目标", "模式", "和", "锁定目标", "模式", "有", "什么", "区别", "呢", "?", "锁定目标", "模式", "就是", "你", "一旦", "攻击", "某", "个", "单位", "而", "没有", "主动", "去", "更改", "的", "话", ",", "英雄会", "锁定", "攻击", "该", "单位", "而", "不会", "去", "改变", "。", "所以", "为了", "防", "止", "我们", "的", "英雄", "跑到", "人", "堆", "里", "去", "推荐", "采用", "自由", "目标", "模式", "步骤", "阅读", "2", "辅助", "轮盘", "施法", "和", "自由", "简易", "施法", "有", "什么", "区别", "?", "例如", "后裔", "的", "大招", "这", "类", "指向", "性", "技能", ",", "如果", "选择", "简易", "施法", "就", "没法", "主动", "地", "选择", "攻击", "方向", ",", "所以", "推荐", "使用", "辅助轮盘", "施法", "!", "步骤", "阅读", "3", "补兵", "加", "推塔", "攻击", "这", "是", "每个", "玩家", "必然", "要", "设置", "的", "!", "按", "补兵", "键", "攻击", ",", "英雄", "优先", "攻击", "小兵", ",", "其次", "攻击", "野怪", "和", "防御塔", "。", "按", "推塔", "键", "攻击", ",", "英雄", "优先", "攻击", "防御塔", ",", "其次", "攻击", "小兵", "。", "这", "就", "可以防止", "你", "的", "英雄", "在", "敌方", "塔", "下去", "攻击", "敌方", "英雄", "了", "。", "步骤", "阅读", "4", "勾", "选", "“", "显示", "可", "攻击", "头像", "”", "不仅可以", "将", "点", "选", "敌方", "英雄", "头像", "准确", "释放", "技能", ",", "当", "敌方", "英", "雄", "想要", "偷袭", "时", ",", "屏幕", "上", "会", "显示", "其", "头像", ",", "提醒", "你", "对方", "来", "人", "了", "。", "步骤", "阅读", "5", "其他", "设置", ":", "近战", "英雄", "选择", "优先", "血量", "最少", ",", "远程", "英雄", "选择", "优先", "最近", "单位", "防止", "脆皮", "英", "雄", "跑到", "人", "堆", "里", "去", ",", "具体", "选择", "可以", "进", "游戏", "在", "游戏", "中", "更改", "。", "取消", "技能", "位置", "看", "个人", "喜好", "。", "自动", "攻击", "建议", "开启", "。", "轮盘", "灵敏度", "调", "高点", "比较好", "。", "轮盘", "施法", "位置", "选择", "手指", "位置", "。", "头像", "锁定", "开启", ",", "可以", "点击", "头像", "锁定", "敌人", "!", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["高", "版本", "CAD", "保存", "为", "低", "版本", "怎么", "提高", "蚂蚁", "花呗", "的", "额度", "(", "高", "额度", "使用", ".", ".", "."]], "paragraphs": ["百度经验:jingyan.baidu.com", "作为农药新手玩家的你,玩射手想射脆皮却总射向坦克,想补兵想a塔却总不由自主地往敌方英雄走去!!想要万军从中抢人头你需要这样做~~~", "百度经验:jingyan.baidu.com", "智能手机装上王者荣耀软件", "百度经验:jingyan.baidu.com", "1 如图所示,进入游戏主界面(在游戏进行中时也可以更改操作设置),点击设置图标,进入设置界面。 步骤阅读 2 点击操作设置,接下来我们就可以开始设置我们所需要的操作模式了。 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 自由目标模式和锁定目标模式有什么区别呢?锁定目标模式就是你一旦攻击某个 单位而没有主动去更改的话,英雄会锁定攻击该单位而不会去改变。所以为了防 止我们的英雄跑到人堆里去推荐采用自由目标模式 步骤阅读 2 辅助轮盘施法和自由简易施法有什么区别?例如后裔的大招这类指向性技能,如果选择简易施法就没法主动地选择攻击方向,所以推荐使用辅助轮盘施法! 步骤阅读 3 补兵加推塔攻击这是每个玩家必然要设置的!按补兵键攻击,英雄优先攻击小兵,其次攻击野怪和防御塔。按推塔键攻击,英雄优先攻击防御塔,其次攻击小兵 。这就可以防止你的英雄在敌方塔下去攻击敌方英雄了。 步骤阅读 4 勾选“显示可攻击头像”不仅可以将点选敌方英雄头像准确释放技能,当敌方英 雄想要偷袭时,屏幕上会显示其头像,提醒你对方来人了。 步骤阅读 5 其他设置:近战英雄选择优先血量最少,远程英雄选择优先最近单位防止脆皮英 雄跑到人堆里去,具体选择可以进游戏在游戏中更改。取消技能位置看个人喜好 。自动攻击建议开启。轮盘灵敏度调高点比较好。轮盘施法位置选择手指位置。 头像锁定开启,可以点击头像锁定敌人! 步骤阅读 END", "百度经验:jingyan.baidu.com", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "高版本CAD保存为低版本 怎么提高蚂蚁花呗的额度(高额度使用..."], "bs_rank_pos": 0}, {"is_selected": true, "title": "王者荣耀高手怎么设置操作 王者荣耀高手操作技巧_安趣网", "most_related_para": 3, "segmented_title": ["王者", "荣耀", "高手", "怎么", "设置", "操作", "王者", "荣耀", "高手", "操作技巧", "_", "安", "趣", "网"], "segmented_paragraphs": [["王者", "荣耀", "高手", "怎么", "设置", "操作", "?", "王者", "荣耀", "高手", "操作技巧", "。", "王者", "荣耀", "设置", "操作", "与", "王者", "荣耀", "高手", "设置", "操作", "存在", "哪些", "差别", "呢", "!", "王者", "荣耀", "高手", "操作", "有", "哪些", "技巧", ",", "跟着", "安", "趣", "网", "小", "编", "一起来", "看看", "王者", "荣耀", "高手", "怎么", "设置", "操作", "?", "王者", "荣耀", "高手", "操作技巧", "。"], ["王者", "荣耀", "怎么", "设置", "操作", ":"], ["王者", "荣耀", "高手", "操作", "设置", "技巧", ":"], ["1", "施法", "方式", "也", "就是", "操作方式", ",", "总共", "有", "2", "种", "选择", "。", "自动", "施法", ",", "非常", "推荐", "给", "新手", "玩家", ",", "轻松", "简单", ",", "在", "释放", "技能", "时", "系统", "能", "帮助", "你", "自动", "选择", "方向", "释放", "技能", ",", "当然了", "最", "优先", "选择", "的", "目标", "还是", "玩家", "锁定", "的", "单位", ";", "辅助轮盘", "施法", ",", "熟练", "的", "玩家", "必", "选", "的", "操作", "方式", ",", "可以", "在", "第一时间", "内", "释放", "所有", "技能", "将", "伤害", "打", "在", "目标", "身上", "。", "选择", "了", "辅助轮盘", "施法", ",", "我们", "还能", "选择", "灵敏度", "和", "轮盘", "位置", ",", "达到", "一", "种", "随心所欲", "的", "效果", ",", "极度", "方便", "。"], ["2", ".", "攻击方式", "有", "2", "种", "选择", ",", "大家", "也", "很好", "了解", "。", "一", "种", "是", "优先", "最近", "单位", "的", "攻击方式", ",", "玩家", "如果没有", "选定", "目标", "就", "发出", "了", "进攻", "的", "命令", ",", "那么", "英雄", "就会", "自动", "攻击", "离", "他", "最近", "的", "目标", ";", "另外一种", "是", "优先", "攻击", "血量", "最少", "的", "单位", ",", "就是", "在", "一定", "范围", "内", ",", "英雄", "会", "自动", "锁定", "目前", "血量", "低", "的", "单位", "进行", "攻击", "。"], ["3", ".", "对于", "英雄", "的", "移动", ",", "王者", "荣耀", "也是", "为", "玩家", "提供", "了", "方便", ",", "在", "游戏", "中", "我们", "可以", "将", "左边", "的", "摇杆", "设置", "成", "可", "移动", "和", "不可", "移动", "2", "种", "模式", ",", "也", "决定", "了", "摇杆", "是否", "会", "待", "在", "固定", "位置", ",", "还是", "会", "随着", "玩家", "的", "手指", "在", "屏幕", "上", "移动", "。"], ["4", ".", "在", "操作", "设置", "中", ",", "设置", "成", "优先", "血量", "最少", ",", "你", "懂得", "。"], ["5", ".", "显示", "了", "攻击", "头像", "绝对", "是", "特别", "重要", "的", "。"], ["以上", "就是", "安", "趣", "网", "小", "编", "为", "大家", "带来", "的", "王者", "荣耀", "高手", "操作", "设置", "技巧", "!", "希望", "可以", "帮助", "到", "各位", "玩家", "!", "祝", "各位", "玩家", "游戏", "愉快", "!"], ["王者", "荣耀", "类型", ":", "体育", "竞技", "状态", ":", "公测", "游戏资讯", "游戏", "公告", "游戏攻略", "游戏", "问答"], ["微信", "扫", "码", "关注", "安", "趣", "网", "公众", "号", "或", "添加", "微信", "号", ":", "anqucom", "关注", "\"", "安", "趣", "游戏", "\"", "回复", "\"", "王者", "荣耀", "\"", "即可", "免费", "领取", "王者", "荣耀", "最新", "礼包", "!"], ["微信", "扫", "码", "关注", "安", "趣", "小", "文学", "或", "添加", "微信", "号", ":", "安", "趣", "小文学", "关注", "\"", "安", "趣", "小", "文学", "\"", "安", "趣", "小", "文学", ",", "大世界", "!"], ["王者", "荣耀", "下载", "攻略", "助手"], ["状态", ":", "公测", "类型", ":", "体育", "竞技", "QQ群", ":", "549409235"], ["热门排行", "最新"], ["领", "礼包", "新", "游", "表"], ["时间", "游戏", "名", "游戏", "状态", "领", "号"], ["网游", "排行", "单机", "腾讯"], ["《", "魔法禁书目录", "》", "开", "测", "安", "趣", "网", "一", "周", "新", "游", "预告"], ["手游", "播报", ":", "端午节", "将至", "大", "批", "IP", "手游", "上线"], ["点击下载", "按钮", ",", "或", "扫描", "二维码", "直接下载", "!"], ["官方", "推荐", "下载"], ["安卓", "下载", "大小", ":", "326", "M"], ["苹果", "下载", "大小", ":", "413", "M"], ["其他", "安卓", "下载"], ["官方", "版", "下载", "大小", ":", "9", ".", "5", "M"]], "paragraphs": ["王者荣耀高手怎么设置操作?王者荣耀高手操作技巧。王者荣耀设置操作与王者荣耀高手设置操作存在哪些差别呢! 王者荣耀高手操作有哪些技巧,跟着安趣网小编一起来看看王者荣耀高手怎么设置操作?王者荣耀高手操作技巧。", "王者荣耀怎么设置操作:", "王者荣耀高手操作设置技巧:", "1 施法方式也就是操作方式,总共有2种选择。自动施法,非常推荐给新手玩家,轻松简单,在释放技能时系统能帮助你自动选择方向释放技能,当然了最优先选择的目标还是玩家锁定的单位;辅助轮盘施法,熟练的玩家必选的操作方式,可以在第一时间内释放所有技能将伤害打在目标身上。选择了辅助轮盘施法,我们还能选择灵敏度和轮盘位置,达到一种随心所欲的效果,极度方便。", "2.攻击方式有2种选择,大家也很好了解。一种是优先最近单位的攻击方式,玩家如果没有选定目标就发出了进攻的命令,那么英雄就会自动攻击离他最近的目标;另外一种是优先攻击血量最少的单位,就是在一定范围内,英雄会自动锁定目前血量低的单位进行攻击。", "3.对于英雄的移动,王者荣耀也是为玩家提供了方便,在游戏中我们可以将左边的摇杆设置成可移动和不可移动2种模式,也决定了摇杆是否会待在固定位置,还是会随着玩家的手指在屏幕上移动。", "4.在操作设置中,设置成优先血量最少,你懂得。", "5.显示了攻击头像绝对是特别重要的。", "以上就是安趣网小编为大家带来的王者荣耀高手操作设置技巧!希望可以帮助到各位玩家!祝各位玩家游戏愉快!", "王者荣耀 类型:体育竞技状态:公测 游戏资讯 游戏公告 游戏攻略 游戏问答", "微信扫码关注安趣网公众号 或添加微信号:anqucom关注\"安趣游戏\" 回复\"王者荣耀\"即可免费领取王者荣耀最新礼包!", "微信扫码关注安趣小文学 或添加微信号:安趣小文学关注\"安趣小文学\" 安趣小文学,大世界!", "王者荣耀下载 攻略助手", "状态:公测 类型:体育竞技 QQ群:549409235", "热门排行 最新", "领礼包 新游表", "时间 游戏名 游戏状态 领号", "网游排行 单机 腾讯", "《魔法禁书目录》开测 安趣网一周新游预告", "手游播报:端午节将至 大批IP手游上线", "点击下载按钮,或扫描二维码直接下载!", "官方推荐下载", "安卓下载 大小:326M", "苹果下载 大小:413M", "其他安卓下载", "官方版下载 大小:9.5M"], "bs_rank_pos": 1}, {"is_selected": true, "title": "王者荣耀怎么开启荣耀战区 荣耀战区开启设置方法_西西软件资讯", "most_related_para": 4, "segmented_title": ["王者", "荣耀", "怎么", "开启", "荣耀", "战区", "荣耀", "战区", "开启", "设置方法", "_", "西西", "软件", "资讯"], "segmented_paragraphs": [["首页", "→", "安卓", "游戏", "资讯", "→", "安卓", "游戏攻略", "→", "王者", "荣耀", "怎么", "开启", "荣耀", "战区", "荣耀", "战区", "开启", "设置", "方法"], ["王者", "荣耀", "腾讯", "版", "V", "1", ".", "17", ".", "1", ".", "15", "安卓", "最新版"], ["王者", "荣耀", "怎么", "开启", "荣耀", "战区", ",", "荣耀", "战区", "怎么", "设置", ",", "王者", "荣耀", "新版本", "即将", "开启", "荣耀", "战区", "玩法", ",", "荣耀", "战区", "根据", "玩家", "排位", "赛", "的", "战姬", "和", "荣耀", "战力", "值", "来", "计算", ",", "选择", "属于", "自己", "的", "王者", "荣耀", "战区", ",", "可以获得", "XX", "区", "第", "一", "XX", "的", "称号", ",", "下面", "带来", "王者", "荣耀", "荣耀", "战区", "开启", "设置方法", "。"], ["荣耀", "战区", "开启", "设置", "方法"], ["1", "、", "如何", "进入", "和", "开启", "“", "荣耀", "战区", "”", "只要", "开启", "排位", "赛", "即可", "默认", "激活", "”", "荣耀", "玩法", "”", ",", "排位", "赛", "入口", "增加", "荣耀", "战区", "入口", "。", "排位", "赛", "结算", "根据", "单场", "表现", "和", "历史战绩", "获得", "英雄", "荣耀", "战力", "值", "详细", "分数", "和", "评分", "因子", "在", "结算", "/", "数据", "切", "页", "(", "荣耀", "战力", "将", "是", "未来", "最", "硬", "的", "硬通货", ",", "此处", "策划", "大", "大", "一定要", "老", "亚瑟", "敲", "黑板", "打", "着重号", ")", "2", "、", "荣耀", "战区", "进入", "和", "设置", "1", ")", "我们", "将", "在", "个人资料", "“", "交友", "名片", "”", "的", "入口", "设置", "荣耀", "战区", "的", "选择", ",", "您", "可以", "在这里", "选择", "自己", "专属", "的", "战区", ",", "开启", "XX", "区", "第", "一", "XX", "的", "无敌", "之", "旅", "。", "2", ")", "当然", ",", "进入", "荣耀", "战区", "后", "在", "地图", "上方", "也", "可以", "设置", "专属", "的", "荣耀", "战区", "。", "以上", "就是", "王者", "荣耀", "怎么", "开启", "荣耀", "战区", ",", "荣耀", "战区", "开启", "设置", "方法", ",", "希望", "对", "大家", "有所帮助", "。", "(", "42", ")", "王者", "荣耀", "腾讯", "王者", "荣耀", "西西", "专区", "为您", "提供", "该", "游戏", "的", "体验服", "电脑", "版", "苹果", "版", "等", "相关下载", "助", "你", "在", "游戏", "中", "能够", "玩", "的", "更加", "的", "愉快快来", "下载", "游戏", "体验", "吧", "王者", "荣耀", "介绍", "腾讯", "全球", "首", "款", "英雄", "公平", "对战", "手游", "王者", "荣耀", "为", "喜欢", "的", "玩家", "开启", "了", "一", "个", "掌上", "竞技", "时代", "。", "相比", "端", "开", "黑", ",", "王者", "荣耀", "别出心裁", "的", "独创", "了", "掌上", "秒", "开", "团", "的", "时代", ",", "在", "游戏", "里", "里", ",", "玩家", "不仅可以", "体验", "到", "在", "与", "好友", "协同", "做", "战", "的", "刺激", "体验", ",", "还", "可以", "在", "地图", "竞技", "中", ",", "体验", "到", "端", "上", "大杀四方", "互动性", "和", "颇具", "智慧", "性", "的", "策略战术", "。", "王者", "荣耀", "攻略", "王者", "联盟", "获胜", ".", ".", ".", "更多", ">", ">"], ["(", "17", ")", "大型", "手机", "游戏", "西西", "大型", "手游", "下载专区", "为你", "带来", "手机", "上", "最", "好玩", "的", "游戏", ",", "包括", "最流行", "的", "移动", "大型", "手游", "排行榜", ",", "以及", "好玩", "的", "单机", "网游", "的", "大型", "手机", "游戏", "下载", ",", "帮助", "你", "找到", "最", "好玩", "的", "大型", "手机游戏", ",", "只要你", "的", "手机", "配置", "够", "高", ",", "还", "担心", "没", "玩", "的", "吗", "精选", "游戏", "推荐", "王者", "荣耀", "王者", "荣耀", "是", "全球", "首", "款", "英雄", "公平", "对战", "手游", ",", "腾讯", "最新", "手游", "大", "作", "作为", "一款", "类", "游戏", ",", "王者", "荣耀", "特色", "多多", ",", "在", "同类", "的", "游戏", "中", "可谓", "是", "一枝独秀", ",", "艳压全场", "。", "王者", "峡谷", "深渊", "大乱斗", "以及", "等", "多样", "模式", "一键", "体验", ",", "热血", "竞技", "尽", "享", "快感", "海量", "英雄", "随", ".", ".", ".", "更多", ">", ">"], ["(", "73", ")", "手机", "装机", "必备", "一般", "我们", "在", "新", "买", "了", "手机", "后", "总", "要", "装", "一些", "必备", "的", "软件", ",", "比如", "微信", "微博", "之类", "的", ",", "这些", "软件", "慢慢", "的", "一", "个", "个", "去", "找", "会", "非常", "麻烦", ",", "因此", "西西", "在这里", "为", "大家", "整理", "了", "一些", "比较", "常见", "的", "手机", "装机", "必备", "软件", "。", "这里", "包含", "了", "用户", "们", "经常", "会", "使用", "到", "的", "一些", "手机", "应用", ",", "你", "可以", "在", "西西", "一", "次", "安装", "所有", "你", "需要", "的", "手机软件", ",", "不用", "再", "到处", "找", "这些", "软件", ",", "非常", "节省时间", "。", ".", ".", ".", "更多", ">", ">"], ["12", "-", "22", "王者", "荣耀", "总冠军", "打野", "刺客", "英雄", "有", "哪些", "仙阁", "打野", "刺客", "英雄", "汇总", "一览", "12", "-", "22", "王者", "荣耀", "王", "胖子", "特征", "英雄", "是", "谁", "王者", "荣耀", "王", "胖子", "指定", "英雄", "分析", "12", "-", "22", "王者", "荣耀", "shirley", "杨", "英雄", "是", "谁", "王者", "荣耀", "shirley", "杨", "特征", "英雄", "是", "谁", "12", "-", "22", "王者", "荣耀", "黄忠", "新", "皮肤", "黑帮", "大佬", "怎么", "获得", "黄忠", "新", "皮肤", "黑帮", "大佬", "多少", "钱", "12", "-", "22", "王者", "荣耀", "王", "胖子", "特征", "英雄", "是", "谁", "胖子", "指定", "英雄", "是", "哪", "两", "个", "12", "-", "22", "王者", "荣耀", "鬼吹灯", "活动", "shirley", "杨", "是", "谁", "寻找", "shirley", "杨", "英雄", "活动", "怎么", "完成", "12", "-", "22", "王者", "荣耀", "shirley", "杨", "是", "哪", "两", "个", "英雄", "shirley", "杨", "指定", "英雄", "是", "谁", "12", "-", "22", "王者", "荣耀", "王", "胖子", "是", "谁", "王", "胖子", "特征", "英雄", "分析", "介绍", "12", "-", "22", "王者", "荣耀", "王", "胖子", "特征", "英雄", "是", "谁", "鬼吹灯", "活动", "王", "胖子", "英雄", "分析", "12", "-", "22", "王者", "荣耀", "shirley", "杨", "是", "谁", "shirley", "杨", "特征", "英雄", "分析", "介绍"]], "paragraphs": ["首页 → 安卓游戏资讯→ 安卓游戏攻略→ 王者荣耀怎么开启荣耀战区 荣耀战区开启设置方法", "王者荣耀腾讯版V1.17.1.15 安卓最新版", "王者荣耀怎么开启荣耀战区,荣耀战区怎么设置,王者荣耀新版本即将开启荣耀战区玩法,荣耀战区根据玩家排位赛的战姬和荣耀战力值来计算,选择属于自己的王者荣耀战区,可以获得XX区第一XX的称号,下面带来王者荣耀荣耀战区开启设置方法。", "荣耀战区开启设置方法", "1、如何进入和开启“荣耀战区” 只要开启排位赛即可默认激活”荣耀玩法”,排位赛入口增加荣耀战区入口。 排位赛结算根据单场表现和历史战绩获得英雄荣耀战力值 详细分数和评分因子在结算/数据切页(荣耀战力将是未来最硬的硬通货,此处策划大大一定要老亚瑟敲黑板打着重号) 2、荣耀战区进入和设置 1)我们将在个人资料“交友名片”的入口设置荣耀战区的选择,您可以在这里选择自己专属的战区,开启XX区第一XX的无敌之旅。 2)当然,进入荣耀战区后在地图上方也可以设置专属的荣耀战区。 以上就是王者荣耀怎么开启荣耀战区,荣耀战区开启设置方法,希望对大家有所帮助。(42)王者荣耀  腾讯王者荣耀西西专区为您提供该游戏的体验服电脑版苹果版等相关下载助你在游戏中能够玩的更加的愉快快来下载游戏体验吧王者荣耀介绍腾讯全球首款英雄公平对战手游王者荣耀为喜欢的玩家开启了一个掌上竞技时代。相比端开黑,王者荣耀别出心裁的独创了掌上秒开团的时代,在游戏里里,玩家不仅可以体验到在与好友协同做战的刺激体验,还可以在地图竞技中,体验到端上大杀四方互动性和颇具智慧性的策略战术。王者荣耀攻略王者联盟获胜...更多>>", "(17)大型手机游戏  西西大型手游下载专区为你带来手机上最好玩的游戏,包括最流行的移动大型手游排行榜,以及好玩的单机网游的大型手机游戏下载,帮助你找到最好玩的大型手机游戏,只要你的手机配置够高,还担心没玩的吗精选游戏推荐王者荣耀王者荣耀是全球首款英雄公平对战手游,腾讯最新手游大作作为一款类游戏,王者荣耀特色多多,在同类的游戏中可谓是一枝独秀,艳压全场。王者峡谷深渊大乱斗以及等多样模式一键体验,热血竞技尽享快感海量英雄随...更多>>", "(73)手机装机必备  一般我们在新买了手机后总要装一些必备的软件,比如微信微博之类的,这些软件慢慢的一个个去找会非常麻烦,因此西西在这里为大家整理了一些比较常见的手机装机必备软件。这里包含了用户们经常会使用到的一些手机应用,你可以在西西一次安装所有你需要的手机软件,不用再到处找这些软件,非常节省时间。...更多>>", "12-22王者荣耀总冠军打野刺客英雄有哪些 仙阁打野刺客英雄汇总一览 12-22王者荣耀王胖子特征英雄是谁 王者荣耀王胖子指定英雄分析 12-22王者荣耀shirley杨英雄是谁 王者荣耀shirley杨特征英雄是谁 12-22王者荣耀黄忠新皮肤黑帮大佬怎么获得 黄忠新皮肤黑帮大佬多少钱 12-22王者荣耀王胖子特征英雄是谁 胖子指定英雄是哪两个 12-22王者荣耀鬼吹灯活动shirley杨是谁 寻找shirley杨英雄活动怎么完成 12-22王者荣耀shirley杨是哪两个英雄 shirley杨指定英雄是谁 12-22王者荣耀王胖子是谁 王胖子特征英雄分析介绍 12-22王者荣耀王胖子特征英雄是谁 鬼吹灯活动王胖子英雄分析 12-22王者荣耀shirley杨是谁 shirley杨特征英雄分析介绍"], "bs_rank_pos": 2}, {"is_selected": false, "title": "王者荣耀怎么设置基友_百度经验", "most_related_para": 4, "segmented_title": ["王者", "荣耀", "怎么", "设置", "基友", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["王者", "荣耀", "里面", "关系", "很多", ",", "一", "个", "好", "的", "关系", "有助于", "更好", "的", "打", "排位"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "打开", "王者", "荣耀", "步骤", "阅读", "2", "点击", "右上角", "好友", "系统", "步骤", "阅读", "3", "然后", "选择", "游戏", "好友", "步骤", "阅读", "4", "亲密", "度", "达到", "要求", "的", "就是", "可以", "建立", "关系", "的", "步骤", "阅读", "5", "然后", "选择", "一", "个", "关系", "步骤", "阅读", "6", "最后", "点击", "确认", "步骤", "阅读", "7", "显示", "的", "基友", "关系", "就是这样", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["喜欢", "的", "点赞", "收藏"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "分享", "自己", "的", "经验", ",", "播", "下", "希望"]], "paragraphs": ["百度经验:jingyan.baidu.com", "王者荣耀里面关系很多,一个好的关系有助于更好的打排位", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 打开王者荣耀 步骤阅读 2 点击右上角好友系统 步骤阅读 3 然后选择游戏好友 步骤阅读 4 亲密度达到要求的就是可以建立关系的 步骤阅读 5 然后选择一个关系 步骤阅读 6 最后点击确认 步骤阅读 7 显示的基友关系就是这样 步骤阅读 END", "百度经验:jingyan.baidu.com", "喜欢的点赞收藏", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:分享自己的经验,播下希望"], "bs_rank_pos": 3}, {"is_selected": false, "title": "王者荣耀怎样更改默认设置最好 更改默认设置上王者方法介绍-闽南网", "most_related_para": 2, "segmented_title": ["王者", "荣耀", "怎样", "更改", "默认", "设置", "最好", "更改", "默认", "设置", "上", "王者", "方法", "介绍", "-", "闽南", "网"], "segmented_paragraphs": [["王者", "荣耀", "怎样", "更改", "默认", "设置", "最好", "更改", "默认", "设置", "上", "王者", "方法", "介绍"], ["相关", "阅读", ":", "lol", "2017", "买", "的", "英雄", "不见", "了", "怎么回事", "英雄", "消失了", "怎么办", "2017", "-", "03", "-", "25", "手机", "以", "换壳", "为", "本", "?", "华为", "余承东", ":", "没有", "创新", "才", "这么", "干", "2017", "-", "03", "-", "25", "《", "王者", "荣耀", "》", "女帝", "武则天", "COS", ":", "要", "叫", "我", "女王", "大人", "2017", "-", "03", "-", "27"], ["新闻", "娱乐", "福建", "泉州", "漳州", "厦门", "4", "月", "最", "热", "美女", "排行榜", "2017", "女神", "辣", "模", "盘点", "美国", "马里兰大学", "留学生", "杨舒平", "Charity", "资料", "微博", "演讲", "涉", "辱", "2017", "-", "05", "-", "22", "18", ":", "04", "中国留学生", "杨舒平", "演讲", "视频", "观看", "中英", "全文", ":", "美国", "的", "空气", "都", "2017", "-", "05", "-", "22", "17", ":", "59", "美", "媒", ":", "国务卿", "蒂勒森", "举办", "新闻发布会", "现场", "竟", "无", "美国", "记者", "2017", "-", "05", "-", "22", "17", ":", "47", "特朗普", "到", "访", "之", "前", "以色列", "对", "巴勒斯坦", "做出", "经济", "让步", "举措", "2017", "-", "05", "-", "22", "17", ":", "47", "韩国", "总统", "保镖", "爆", "红", "后", "辞职", "文在寅", "高", "颜值", "保镖", ":", "不", "想", "抢风头", "2017", "-", "05", "-", "22", "17", ":", "41", "河北", "邢台", "任县", "新华", "电器", "坍塌", "现场", "图", "已有", "2", "人", "被", "救出", "2017", "-", "05", "-", "22", "17", ":", "38", "调查", ":", "日本人", "最大", "盐分", "摄取", "源", "为", "方便面", "或", "影响", "健康", "2017", "-", "05", "-", "22", "17", ":", "35"], ["猜", "你", "喜欢", ":", "《", "LOL", "》", "千", "珏", "重做", "后", "技能", "预览", "介绍", "2017", "-", "05", "-", "19", "DOTA2", "TI", "7", "奖金", "池", "破", "1000", "万", "美元", "中国队", "能否", "夺冠", "2017", "-", "05", "-", "22", "DNF", "论", "暴击", "率", "的", "重要性", "—", "假面", "实际", "收益", "2017", "-", "05", "-", "19"], ["热门评论", ":"], ["新闻", "推荐", "高校", "曝光", "校园情侣", "亲密", "照片", "引", "网友", "热议", "大妈", "史诗", "级", "碰瓷", "?", "警方", ":", "系", "病情", "发作", "拦车", "大连", "女大学生", "踹", "女童", "视频", "称", "只", "踹", "了", "椅子", "党报", ":", "性教育", "不是", "洪水猛兽", "应", "坦然面对", "医院", "主任", "收", "礼", "被停职", "办公室", "冰箱", "装", "名烟"]], "paragraphs": ["王者荣耀怎样更改默认设置最好 更改默认设置上王者方法介绍", "相关阅读: lol2017买的英雄不见了怎么回事 英雄消失了怎么办2017-03-25 手机以换壳为本?华为余承东:没有创新才这么干2017-03-25 《王者荣耀》女帝武则天COS:要叫我女王大人2017-03-27", "新闻 娱乐 福建 泉州 漳州 厦门 4月最热美女排行榜 2017女神辣模盘点美国马里兰大学留学生杨舒平Charity资料微博 演讲涉辱2017-05-22 18:04 中国留学生杨舒平演讲视频观看中英全文:美国的空气都2017-05-22 17:59 美媒:国务卿蒂勒森举办新闻发布会 现场竟无美国记者2017-05-22 17:47 特朗普到访之前以色列对巴勒斯坦做出经济让步举措2017-05-22 17:47 韩国总统保镖爆红后辞职 文在寅高颜值保镖:不想抢风头2017-05-22 17:41 河北邢台任县新华电器坍塌现场图 已有2人被救出2017-05-22 17:38 调查:日本人最大盐分摄取源为方便面 或影响健康2017-05-22 17:35", "猜你喜欢:《LOL》千珏重做后技能预览介绍2017-05-19 DOTA2TI7奖金池破1000万美元 中国队能否夺冠2017-05-22 DNF论暴击率的重要性—假面实际收益2017-05-19", "热门评论:", "新闻推荐 高校曝光校园情侣亲密照片 引网友热议 大妈史诗级碰瓷?警方:系病情发作拦车 大连女大学生踹女童视频 称只踹了椅子 党报:性教育不是洪水猛兽 应坦然面对 医院主任收礼被停职 办公室冰箱装名烟"], "bs_rank_pos": 4}], "answer_spans": [[86, 140]], "fake_answers": ["我们将在个人资料“交友名片”的入口设置荣耀战区的选择,您可以在这里选择自己专属的战区,开启XX区第一XX的无敌之旅。2)当然,进入荣耀战区后在地图上方也可以设置专属的荣耀战区。"], "question": "王者荣耀怎么设置", "segmented_answers": [["进入游戏", "主界面", "(", "在", "游戏", "进行中", "时", "也", "可以更改", "操作", "设置", ")", ",", "点击", "设置", "图标", ",", "进入", "设置", "界面", "。", "点击", "操作", "设置", ",", "接下来", "我们", "就", "可以", "开始", "设置", "我们", "所", "需要", "的", "操作", "模式", "了", "。"], ["施法", "方式", "也", "就是", "操作方式", ",", "总共", "有", "2", "种", "选择", "。", "自动", "施法", ",", "非常", "推荐", "给", "新手", "玩家", ",", "轻松", "简单", ",", "在", "释放", "技能", "时", "系统", "能", "帮助", "你", "自动", "选择", "方向", "释放", "技能", ",", "当然了", "最", "优先", "选择", "的", "目标", "还是", "玩家", "锁定", "的", "单位", ";", "辅助轮盘", "施法", ",", "熟练", "的", "玩家", "必", "选", "的", "操作", "方式", ",", "可以", "在", "第一时间", "内", "释放", "所有", "技能", "将", "伤害", "打", "在", "目标", "身上", "。", "选择", "了", "辅助轮盘", "施法", ",", "我们", "还能", "选择", "灵敏度", "和", "轮盘", "位置", ",", "达到", "一", "种", "随心所欲", "的", "效果", ",", "极度", "方便", "。", "攻击方式", "有", "2", "种", "选择", ",", "大家", "也", "很好", "了解", "。", "一", "种", "是", "优先", "最近", "单位", "的", "攻击方式", ",", "玩家", "如果没有", "选定", "目标", "就", "发出", "了", "进攻", "的", "命令", ",", "那么", "英雄", "就会", "自动", "攻击", "离", "他", "最近", "的", "目标", ";", "另外一种", "是", "优先", "攻击", "血量", "最少", "的", "单位", ",", "就是", "在", "一定", "范围", "内", ",", "英雄", "会", "自动", "锁定", "目前", "血量", "低", "的", "单位", "进行", "攻击", "。", "在", "操作", "设置", "中", ",", "设置", "成", "优先", "血量", "最少", "。"], ["我们", "将", "在", "个人资料", "交友", "名片", "的", "入口", "设置", "荣耀", "战区", "的", "选择", ",", "可以", "在这里", "选择", "自己", "专属", "的", "战区", ",", "开启", "某", "区", "第", "一", "的", "无敌", "之", "旅", "。", "当然", ",", "进入", "荣耀", "战区", "后", "在", "地图", "上方", "也", "可以", "设置", "专户", "的", "荣耀", "战区", "。"]], "answers": ["进入游戏主界面(在游戏进行中时也可以更改操作设置),点击设置图标,进入设置界面。点击操作设置,接下来我们就可以开始设置我们所需要的操作模式了。", "施法方式也就是操作方式,总共有2种选择。自动施法,非常推荐给新手玩家,轻松简单,在释放技能时系统能帮助你自动选择方向释放技能,当然了最优先选择的目标还是玩家锁定的单位;辅助轮盘施法,熟练的玩家必选的操作方式,可以在第一时间内释放所有技能将伤害打在目标身上。选择了辅助轮盘施法,我们还能选择灵敏度和轮盘位置,达到一种随心所欲的效果,极度方便。攻击方式有2种选择,大家也很好了解。一种是优先最近单位的攻击方式,玩家如果没有选定目标就发出了进攻的命令,那么英雄就会自动攻击离他最近的目标;另外一种是优先攻击血量最少的单位,就是在一定范围内,英雄会自动锁定目前血量低的单位进行攻击。在操作设置中,设置成优先血量最少。", "我们将在个人资料交友名片的入口设置荣耀战区的选择,可以在这里选择自己专属的战区,开启某区第一的无敌之旅。当然,进入荣耀战区后在地图上方也可以设置专户的荣耀战区。"], "answer_docs": [2], "segmented_question": ["王者", "荣耀", "怎么", "设置"], "question_type": "DESCRIPTION", "question_id": 181662, "fact_or_opinion": "OPINION", "match_scores": [0.8461538461538463]}
-{"documents": [{"is_selected": true, "title": "旭日阳刚现状曝光,单飞后为何又重归于好?_新闻频道_中华网", "most_related_para": 5, "segmented_title": ["旭日", "阳刚", "现状", "曝光", ",", "单飞", "后", "为何", "又", "重归于好", "?", "_", "新闻频道", "_", "中华网"], "segmented_paragraphs": [["用", "微信", "扫描", "二维码", "分享", "至", "好友", "和", "朋友圈"], ["比", "起", "那些", "明星", ",", "很多人", "更喜欢", "支持", "那些", "草根", "出身", "的", "他们", ",", "比如", "旭日", "阳刚", ",", "西单", "女孩", "。", "曾经", "红遍", "全国", "的", "旭日", "阳刚", "为何", "逐渐", "销声匿迹", "呢", "?", "离开", "了", "群众", "视野", "和", "媒体", "炒作", "的", "他们", "去哪里", "了", "呢", "?"], ["2010", "年", ",", "在", "北京", "漂泊", "的", "王旭", "遇见", "了", "年", "仅", "29岁", "的", "刘刚", ",", "二人", "因为", "共同", "的", "身份", "和", "志向", "走", "在", "了", "一起", "。", "出租屋", "里", "的", "两个人", ",", "一同", "翻唱", "了", "汪峰", "的", "《", "春天里", "》", ",", "这首歌", "恰到好处", "的", "描绘", "了", "他们", "的", "处境", "。", "也", "引起", "了", "社会", "各界人士", "的", "共鸣", "。", "他们", "没有", "特殊", "的", "背景", ",", "唯有", "用", "真情", "打动人心", "。", "同", "年", ",", "二人", "站", "在", "了", "《", "星光大道", "》", "的", "舞台", "上", "并", "夺得", "亚军", "。", "随后", "又", "登上", "了", "春晚", "的", "舞台", ",", "一切", "都", "像", "是", "命运", "的", "转机", ",", "出身", "于", "劳苦", "大众", "的", "二人", "最终", "得", "以", "翻身", "。"], ["同", "年", ",", "二人", "站", "在", "了", "《", "星光大道", "》", "的", "舞台", "上", "并", "夺得", "亚军", "。", "随后", "又", "登上", "了", "春晚", "的", "舞台", ",", "一切", "都", "像", "是", "命运", "的", "转机", ",", "出身", "于", "劳苦", "大众", "的", "二人", "最终", "得", "以", "翻身", "。", "接下来", "的", "日子", ",", "二人", "接", "到", "了", "无数", "商演", "。", "据", "爆料", ",", "在", "爆", "红", "的", "那段", "时间", ",", "每个月", "会", "接", "到", "大概", "十", "场", "商演", ",", "平均", "每场", "20", "万", "左右", ",", "这样", "下来", ",", "每个", "人", "都", "可以", "月", "入", "百万", "。"], ["然而", ",", "二人", "随即", "接", "到", "了", "汪峰", "的", "起诉", "并", "被", "告知", "无法", "再次", "演唱", "《", "春天里", "》", "。", "没", "过", "多久", ",", "二人", "就", "传", "出", "了", "“", "分手", "”", "的", "消息", ",", "二人", "分别", "签约", "了", "不同", "的", "公司", "。", "然而", ",", "2015", "年", ",", "“", "大", "荧幕", "”", "公司", "再次", "将", "二人", "聚集", "在一起", ",", "二人", "再次", "合作", "了", "《", "旭日", "阳刚", "》", ",", "这首歌", "请到", "了", "高进", "为", "其", "作词", "作曲", "。"], ["如今", ",", "王旭", "把", "家人", "接", "到", "了", "北京", ",", "他", "也", "在", "北京", "安", "了", "家", "。", "即使", "成名", "了", "他", "也", "依旧", "朴实", ",", "或许", "这", "才是", "最", "难", "得", "的", "。", "而", "王刚", "则", "被曝", "出", "时常", "出入", "北京", "某", "高档", "小区", "并", "乘坐", "豪车", "的", "消息", ",", "看", "来", "成名", "的", "确", "赋予", "了", "他们", "物质", "上", "的", "富足", "。"], ["关于", "二人", "当年", "的", "“", "分手", "”", "原因", ",", "其实", "不难", "发现", ",", "两个人", "的", "性格", "和", "为人处世", "大相径庭", "。", "成名", "后", "的", "二人", "也", "过", "着", "不同", "的", "生活", ",", "甚至", "有", "传言", "称", ",", "二人", "因为", "报酬", "分配", "不均", "而", "闹掰", "。", "对于", "网上", "的", "各种", "传言", ",", "王旭", "表示", ",", "二人", "对于", "音乐", "的", "追求", "大", "有", "不同", ",", "因此", "常常", "闹", "出", "分歧", ",", "最终", "才", "各自", "单飞", "。"], ["习惯了", "有人", "扶持", "的", "他们", "在", "单飞", "后", "难免", "无法", "展开", "拳脚", ",", "最终", "在", "公司", "的", "撮合", "下", "重归于好", ",", "希望", "他们", "能", "拿出", "更多", "的", "作品", "。"], ["(", "责任编辑", ":", "曲", "格林", "CN", "064", ")"]], "paragraphs": ["用微信扫描二维码分享至好友和朋友圈", "比起那些明星,很多人更喜欢支持那些草根出身的他们,比如旭日阳刚,西单女孩。曾经红遍全国的旭日阳刚为何逐渐销声匿迹呢?离开了群众视野和媒体炒作的他们去哪里了呢?", "2010年,在北京漂泊的王旭遇见了年仅29岁的刘刚,二人因为共同的身份和志向走在了一起。出租屋里的两个人,一同翻唱了汪峰的《春天里》,这首歌恰到好处的描绘了他们的处境。也引起了社会各界人士的共鸣。他们没有特殊的背景,唯有用真情打动人心。 同年,二人站在了《星光大道》的舞台上并夺得亚军。随后又登上了春晚的舞台,一切都像是命运的转机,出身于劳苦大众的二人最终得以翻身。", "同年,二人站在了《星光大道》的舞台上并夺得亚军。随后又登上了春晚的舞台,一切都像是命运的转机,出身于劳苦大众的二人最终得以翻身。 接下来的日子,二人接到了无数商演。据爆料,在爆红的那段时间,每个月会接到大概十场商演,平均每场20万左右,这样下来,每个人都可以月入百万。", "然而,二人随即接到了汪峰的起诉并被告知无法再次演唱《春天里》。没过多久,二人就传出了“分手”的消息,二人分别签约了不同的公司。然而,2015年,“大荧幕”公司再次将二人聚集在一起,二人再次合作了《旭日阳刚》,这首歌请到了高进为其作词作曲。", "如今,王旭把家人接到了北京,他也在北京安了家。即使成名了他也依旧朴实,或许这才是最难得的。而王刚则被曝出时常出入北京某高档小区并乘坐豪车的消息,看来成名的确赋予了他们物质上的富足。", "关于二人当年的“分手”原因,其实不难发现,两个人的性格和为人处世大相径庭。成名后的二人也过着不同的生活,甚至有传言称,二人因为报酬分配不均而闹掰。对于网上的各种传言,王旭表示,二人对于音乐的追求大有不同,因此常常闹出分歧,最终才各自单飞。", "习惯了有人扶持的他们在单飞后难免无法展开拳脚,最终在公司的撮合下重归于好,希望他们能拿出更多的作品。", "(责任编辑:曲格林 CN064)"], "bs_rank_pos": 0}, {"is_selected": false, "title": "2016年旭日阳刚现状 负面消息不断_中国道路运输在线", "most_related_para": 2, "segmented_title": ["2016", "年", "旭日", "阳刚", "现状", "负面", "消息", "不断", "_", "中国", "道路", "运输", "在线"], "segmented_paragraphs": [["旭日", "阳刚", "近况", "?", "为什么", "在", "媒体", "上", "比较", "少", "看到", "他们", "的", "声", "影", ",", "作为", "凭空出世", "的", "草根", "歌手", ",", "旭日", "阳刚", "以", "质朴", "的", "声音", "赢得", "了", "大众", "追求", "生活", "的", "心", ",", "在", "经历", "了", "春晚", "之后", "的", "爆", "红", "后", ",", "旭日", "阳刚", "频", "频", "爆出", "负面", "报道", ":"], ["旭日", "阳刚", "成员", "开", "豪车", "持械", "殴打"], ["近日", ",", "又", "有", "网友", "爆料", "旭日", "阳刚", "吉他手", "刘刚", "在", "丰台区", "某", "小区", ",", "开", "着", "奥迪", "车", ",", "因", "小区", "内", "有", "老人", "行动", "缓慢", "挡", "车道", "而", "不满", ",", "不停", "按喇叭", ",", "见", "按喇叭", "不", "奏效", ",", "奥迪", "车", "的", "司机", "就", "拐弯", "停车", ",", "下车", "到", "后备箱", "取出", "一根", "尖利", "的", "铁棍", ",", "期间", "司机", "还", "与", "路人", "发生口角", "。", "这时", ",", "该", "网友", "称", "自己", "也", "看清", "了", "司机", "的", "全部", "体征", "认", "出", "他", "就是", "旭日", "阳刚", "的", "刘刚", "!", "据", "称", ",", "幸好", "有", "保安", "上", "前", "阻拦", ",", "否则", "在", "一", "旁", "鸣不平", "的", "路人", "恐怕", "也", "会", "遭遇", "不", "测", "。", "该", "网友", "透露", ",", "刘刚", "看到", "自己", "拍照", ",", "还", "凶巴巴", "地上", "前", "要求", "删掉", "照片", ",", "更", "现场", "恐吓", "“", "小心点", "!", "”", "据", "称", ",", "事发时", "刘刚", "的", "车", "里", "还", "坐", "着", "一位女性", "。"], ["微博", "爆料", "原文", ":"], ["吉他手", "刘刚", "持械", "斗殴", "伤人", ":", "下午", "在", "丰台区", "某", "小区", ",", "因", "唱", "春天里", "而", "走红", "的", "旭日", "阳刚", "组合", "成员", "刘刚", ",", "开", "着", "黑色", "奥迪", ",", "在", "小区", "内因", "有", "老人", "行动", "迟缓", "挡车道", "而", "狂", "摁", "喇叭", "不止", ",", "发生口角", "后", "又", "下车", "从", "后备箱", "拿出", "铁棍", "动", "武", ",", "光天化日", "太", "吓人", "了", "。", "虽说", "是", "农民工", "出身", ",", "但", "有", "了", "点", "钱", ",", "也", "仍然", "改", "不", "了", "骨子里", "那", "股", "不入流", "的", "东西", "呦", "。"], ["此", "刘刚", "也", "在", "当晚", "12", "点", "左右", "在", "腾讯", "微博", "连发", "三", "条", "微博", "表明", "态度", ",", "澄清", "此事", ":", "对于", "今天下午", "发生", "的", "突然", "事件", ",", "本人", "向", "各位", "关注", "此", "事件", "的", "各位", "媒体", ",", "网友", "朋友", "做出", "如", "下", "回应", ":", "1", ":", "今天下午", "16", ":", "00", "左右", ",", "我", "驾车", "外出", ",", "遇到", "多", "位", "行", "人", "在", "道", "中间", "行走", ",", "我", "鸣笛", "提示", ",", "并", "引发", "之后", "言语", "冲突", "为", "事实", "。", "2", ":", "在", "整个", "事件", "中", "我", "与", "对方", "并", "未", "发生", "肢体", "上", "的", "冲突", ",", "更", "未", "出现", "有", "博友", "声称", "的", "持械", "殴斗", "情况", "。", "3", ":", "在", "整个", "事件", "发生", "过程", "中", ",", "我", "与", "争执", "方", "均", "未", "出现", "伤人", "或", "更", "为", "打人", "的", "事情", "。", "做为", "公众人物", "及", "艺人", ",", "我", "深刻", "的", "反思", "了", "自己", "的", "行为", "及", "做法", ",", "就像", "很多", "网友", "提醒", "我", ",", "小区", "内", "不应", "鸣笛", ",", "更", "不该", "和", "他人", "产生", "激烈", "的", "言语", "冲突", "。", "对于", "此次", "事件", ",", "我", "向", "所有", "对", "我", "提出", "批评", "的", "网友", ",", "以及", "支持", "我的歌", "迷", "与", "媒体", "朋友们", "表示", "歉意", "。", "刘刚", "表示", ",", "“", "今后", "我", "会", "更加", "注意", "自己", "的", "言行", ",", "希望", "各位朋友", "监督", "。", "”"], ["加", "微信", "公众", "号", "\"", "糗事", "百科", "橙", "人", "\"", "或", "\"", "qsb", "kcr", "\"", "。", "福利", "视频", "图片", "尽情", "看"], ["北京", "涉黄", "高端", "会所", "背后", "的", "权贵", "身影", "2016", "-", "12", "-", "26", "08", "-", "46", "夏庆丰", "进京", "任", "国资委", "副主任", "?", "2016", "-", "12", "-", "18", "10", "-", "59", "九江", "某", "官员", "床上", "不雅", "照", "被", "拍", "?", "2016", "-", "12", "-", "17", "02", "-", "59", "2016", "年", "蒙面", "唱", "将", "真实", "身份", "汇总", "阿凡达", "妹妹", "等", "明星", "尽", "揭", "面", "2016", "-", "11", "-", "30", "10", "-", "49", "2016", "年", "喜剧", "总动员", "排名", "蒋欣", "获得", "总冠军", "2016", "-", "11", "-", "28", "16", "-", "29"], ["足浴", "店", "小姐", "自述", "不", "戴", "套", "姐妹", "大", "多", "有", "特", "服", "经历", "2015", "-", "07", "-", "17", "14", "-", "10", "和", "少妇", "约炮", "微信", "露骨", "聊天记录", "2015", "-", "07", "-", "03", "18", "-", "27", "赵本山", "弟子", "宋晓峰", "老婆", "是", "谁", "?", "杨晓茹", "个人资料", "照片曝光", "2016", "-", "03", "-", "17", "13", "-", "15", "神秘", "的", "日本", "AV", "面试官", "怎样", "挑选", "女优", ",", "需要", "当场", "真枪实弹", "干", "一", "场", "?", "2015", "-", "07", "-", "24", "14", "-", "25", "温佩琪", "父亲", "是", "谁", "?", "家庭背景", "资料", "曝光", "2016", "-", "04", "-", "08", "20", "-", "46"]], "paragraphs": ["旭日阳刚近况?为什么在媒体上比较少看到他们的声影,作为凭空出世的草根歌手,旭日阳刚以质朴的声音赢得了大众追求生活的心,在经历了春晚之后的爆红后,旭日阳刚频频爆出负面报道:", "旭日阳刚成员开豪车持械殴打", "近日,又有网友爆料旭日阳刚吉他手刘刚在丰台区某小区,开着奥迪车,因小区内有老人行动缓慢挡车道而不满,不停按喇叭,见按喇叭不奏效,奥迪车的司机就拐弯停车,下车到后备箱取出一根尖利的铁棍,期间司机还与路人发生口角。这时,该网友称自己也看清了司机的全部体征认出他就是旭日阳刚的刘刚!据称,幸好有保安上前阻拦,否则在一旁鸣不平的路人恐怕也会遭遇不测。该网友透露,刘刚看到自己拍照,还凶巴巴地上前要求删掉照片,更现场恐吓“小心点!”据称,事发时刘刚的车里还坐着一位女性。", "微博爆料原文:", "吉他手刘刚持械斗殴伤人:下午在丰台区某小区,因唱春天里而走红的旭日阳刚组合成员刘刚,开着黑色奥迪,在小区内因有老人行动迟缓挡车道而狂摁喇叭不止,发生口角后又下车从后备箱拿出铁棍动武,光天化日太吓人了。虽说是农民工出身,但有了点钱,也仍然改不了骨子里那股不入流的东西呦。", "此刘刚也在当晚12点左右在腾讯微博连发三条微博表明态度,澄清此事:对于今天下午发生的突然事件,本人向各位关注此事件的各位媒体,网友朋友做出如下回应:1:今天下午16:00左右,我驾车外出,遇到多位行人在道中间行走,我鸣笛提示,并引发之后言语冲突为事实。2:在整个事件中我与对方并未发生肢体上的冲突,更未出现有博友声称的持械殴斗情况。3:在整个事件发生过程中,我与争执方均未出现伤人或更为打人的事情。做为公众人物及艺人,我深刻的反思了自己的行为及做法,就像很多网友提醒我,小区内不应鸣笛,更不该和他人产生激烈的言语冲突。对于此次事件,我向所有对我提出批评的网友,以及支持我的歌迷与媒体朋友们表示歉意。刘刚表示,“今后我会更加注意自己的言行,希望各位朋友监督。”", "加微信公众号\"糗事百科橙人\"或\"qsbkcr\"。福利视频图片尽情看", "北京涉黄高端会所背后的权贵身影  2016-12-26 08-46  夏庆丰进京任国资委副主任? 2016-12-18 10-59  九江某官员床上不雅照被拍? 2016-12-17 02-59  2016年蒙面唱将真实身份汇总 阿凡达妹妹等明星尽揭面  2016-11-30 10-49  2016年喜剧总动员排名 蒋欣获得总冠军  2016-11-28 16-29", "足浴店小姐自述不戴套 姐妹大多有特服经历  2015-07-17 14-10  和少妇约炮微信露骨聊天记录  2015-07-03 18-27  赵本山弟子宋晓峰老婆是谁?杨晓茹个人资料照片曝光  2016-03-17 13-15  神秘的日本AV面试官怎样挑选女优,需要当场真枪实弹干一场? 2015-07-24 14-25  温佩琪父亲是谁?家庭背景资料曝光  2016-04-08 20-46"], "bs_rank_pos": 1}, {"is_selected": false, "title": "旭日阳刚现状和近况_加加网", "most_related_para": 4, "segmented_title": ["旭日", "阳刚", "现状", "和", "近况", "_", "加", "加", "网"], "segmented_paragraphs": [["2010", "年", "旭日", "阳刚", "凭借", "一", "首", "《", "春天里", "》", "在", "网络", "走红", ",", "视频", "中", "两人", "在", "工地", "宿舍", "那些", "吉他", "用", "沙哑", "的", "声音", "唱", "着", "这", "首", "《", "春天里", "》", "。", "歌曲", "唱", "的", "真", "的", "挺", "好听", ",", "视频", "一", "到", "网上", "两人", "就", "火", "了", "!"], ["他们", "两个人", ",", "王旭", "来自", "河南", ",", "16", "岁", "以后", "就", "开始", "闯荡", "社会", ",", "曾经", "组建", "过", "歌舞团", ",", "烧", "过", "锅炉", ",", "摆", "过", "水果", "摊", ",", "刘刚", "是", "黑龙江", "人", ",", "曾经", "当", "过", "兵", ",", "2003", "年", "开始", "到", "北京", "谋生", "。"], ["视频", "火", "了", "之后", "两个人", "登上", "了", "2011", "年", "春晚", "和", "元宵晚会", "分别", "唱", "了", "《", "春天里", "》", "和", "《", "我的未来不是梦", "》", "。", "从此", "旭日", "阳刚", "组合", "被", "全国", "观众", "知晓", "。"], ["但是", "两人", "的", "事业", "也", "不是", "一帆风顺", ",", "汪峰", "作为", "《", "春天里", "》", "这首歌", "的", "版权所有者", ",", "在", "2011", "年", "春晚", "之后", "要求", "旭日", "阳刚", "不能", "再", "唱", "《", "春天里", "》", ",", "汪峰", "作为", "一", "个", "歌手", "音乐", "行业", "的", "前辈", ",", "对于", "后辈", "旭日", "阳刚", "所作所为", "却", "是", "有点", "苛刻", "。"], ["旭日", "阳刚", "现在", "多方面", "发展", ",", "商演", "出厂价", "为", "20", "万", "元", ",", "两人", "抽", "的", "香烟", "也是", "中华", "牌", "的", ",", "开", "的", "车", "价值", "也", "60", "万", "左右", "。", "有", "网友", "曾经", "见过", "他们", "出入", "在", "北京", "东三环", "国贸", "附近", "的", "某", "知名", "高档", "小区", "。"], ["草根", "歌手", "旭日", "阳刚", "发现", "之路", "还是", "比较", "顺利", ",", "希望", "他们", "能", "带来", "更多", "的", "好", "作品", "。"], ["旭日", "阳刚", ",", "是", "两位", "流浪歌手", "组成", "的", "音乐", "组合", ",", "主唱", "王旭", ",", "吉他手", "刘刚", "。", "2010", "年", "8", "月", "网络", "拍客", "将", "旭日", "阳刚", "唱歌", "的", "视频", "\"", "农民工", "\"", "版", "《", "春天里", "》", "上传", "到", "网上", ",", "使", "旭日", "阳刚", "一下子", "火", "了", "起来", ",", "受到", "不", "少", "网友", "和", "音乐", "人", "的", "追捧", ",", "从而", "摇", "身", "变", "为了", "网络红人", "。", "他们", "以", "其", "质朴", "无华", "的", "演唱", "风格", "红遍", "了", "各", "大", "视频", "网站", "以及", "各", "个", "网站", "的", "微博", "里", ",", "目前", "在", "人人网", "、", "优酷", "等", "各", "大", "网站", "论坛", "上", "疯传", "其", "视频", "作品", "。", "刘刚", "于", "2016", "年", "2", "月", "26", "号", "上映", "的", "《", "衰", "鬼", "记", "》", "中", "饰演", "流浪歌手", "。"], ["王旭", "于", "1966", "年", "出生", "在", "商丘", "地区", "国", "营", "民权", "农场", "二", "队", "。", "高中毕业", ",", "花", "45", "元", "买", "了", "自己", "的", "第", "一", "把", "吉他", ",", "唱", "费翔", "的", "歌", "。", "20", "世纪", "80", "年代", "末", "90", "年代", "初", ",", "王旭", "和", "志同道合", "的", "一", "帮", "人", "组建", "了", "歌舞团", "四处", "走穴", "。", "2000", "年", ",", "王旭", "到", "北京", "烧", "锅炉", "。", "而后", "10", "年", ",", "他", "在", "北京", "和", "开封", "之间", "游走", ",", "卖", "过", "水果", "、", "水煎包", ",", "唱", "过", "酒吧", "。"], ["刘刚", "家", "在", "黑龙江省", "牡丹江", "地区", "穆棱市", "河西乡", "三兴村", "。", "早年", "当", "过", "兵", "退伍之后", "前往", "北京", ",", "2003", "年", "开始", "“", "北漂", "”", "。"]], "paragraphs": ["2010年旭日阳刚凭借一首《春天里》在网络走红,视频中两人在工地宿舍那些吉他用沙哑的声音唱着这首《春天里》。歌曲唱的真的挺好听,视频一到网上两人就火了!", "他们两个人,王旭来自河南,16岁以后就开始闯荡社会,曾经组建过歌舞团,烧过锅炉,摆过水果摊,刘刚是黑龙江人,曾经当过兵,2003年开始到北京谋生。", "视频火了之后两个人登上了2011年春晚和元宵晚会分别唱了《春天里》和《我的未来不是梦》。从此旭日阳刚组合被全国观众知晓。", "但是两人的事业也不是一帆风顺,汪峰作为《春天里》这首歌的版权所有者,在2011年春晚之后要求旭日阳刚不能再唱《春天里》,汪峰作为一个歌手音乐行业的前辈,对于后辈旭日阳刚所作所为却是有点苛刻。", "旭日阳刚现在多方面发展,商演出厂价为20万元,两人抽的香烟也是中华牌的,开的车价值也60万左右。有网友曾经见过他们出入在北京东三环国贸附近的某知名高档小区。", "草根歌手旭日阳刚发现之路还是比较顺利,希望他们能带来更多的好作品。", "旭日阳刚,是两位流浪歌手组成的音乐组合,主唱王旭,吉他手刘刚。2010年8月网络拍客将旭日阳刚唱歌的视频\"农民工\"版《春天里》上传到网上,使旭日阳刚一下子火了起来,受到不少网友和音乐人的追捧,从而摇身变为了网络红人。他们以其质朴无华的演唱风格红遍了各大视频网站以及各个网站的微博里,目前在人人网、优酷等各大网站论坛上疯传其视频作品。刘刚于2016年2月26号上映的《衰鬼记》中饰演流浪歌手。", "王旭于1966年出生在商丘地区国营民权农场二队。高中毕业,花45元买了自己的第一把吉他,唱费翔的歌。20世纪80年代末90年代初,王旭和志同道合的一帮人组建了歌舞团四处走穴。2000年,王旭到北京烧锅炉。而后10年,他在北京和开封之间游走,卖过水果、水煎包,唱过酒吧 。", "刘刚家在黑龙江省牡丹江地区穆棱市河西乡三兴村。早年当过兵退伍之后前往北京,2003年开始“北漂”。"], "bs_rank_pos": 2}, {"is_selected": true, "title": "旭日阳刚现状_旭日阳刚最新消息_旭日阳刚近况2015_旭日阳刚为什么被", "most_related_para": 4, "segmented_title": ["旭日", "阳刚", "现状", "_", "旭日", "阳刚", "最新消息", "_", "旭日", "阳刚", "近况", "2015", "_", "旭日", "阳刚", "为什么", "被"], "segmented_paragraphs": [["旭日", "阳刚", "近况", "2015"], ["1", "旭日", "阳刚", "两人", "现状", "2", "旭日", "阳刚", "历史", "消息"], ["旭日", "阳刚", "现状", "是", "接", "商演", ",", "目前", "出场", "价", "为", "20", "万", "元", ",", "两人", "生活", "条件", "比", "以前", "好", "了", ",", "抽烟", "的", "档次", "一般", "是", "中华", ",", "两人", "开", "着", "60", "万", "左右", "的", "高档", "轿车", "。", "不过", "据", "网友", "曝", "料", ",", "旭日", "阳刚", "组合", "其实", "的", "生活", "除了", "音乐", ",", "两人", "并没有", "太多", "交集", ",", "对外", "称兄道弟", "只是", "为了", "维护", "旭日", "阳刚", "这个牌子", "。"], ["网", "曝", "旭日", "阳刚", "生活", "现状"], ["据", "一", "位", "北京", "网友", "琪", "妞妞", "在", "论坛", "爆出", "《", "我", "证明", ":", "旭日", "阳刚", "现在", "真", "的", "暴富", "了", "》", "的", "帖子", "引起", "网友", "热议", ",", "据", "该", "网友", "透露", ":", "她", "亲", "眼", "看到", "旭日", "阳刚", "成员", "刘刚", "乘坐", "高档", "轿跑车", ",", "出入", "在", "北京", "东三环", "国贸", "附近", "的", "某", "知名", "高档", "小区", "。", "据", "该", "网友", "介绍", ",", "该", "高档", "小区", "位", "处", "CBD", "商圈", "高级公寓", ",", "附近", "二手房", "单价", "都", "在", "4", "万", "以上", ",", "而", "当天", "刘刚", "乘坐", "的", "是", "一辆", "白色", "某", "进口", "品牌", "的", "高档", "轿跑车", ",", "目前", "的", "市场", "均价", "都", "在", "60", "万", "左右", ",", "车牌号", "属于", "黑龙江", "牌照", "。", "很多", "网友", "看", "完", "帖子", "都", "惊叹", "旭日", "阳刚", "的", "吸金", "能力", ",", "针对", "旭日", "阳刚", "的", "暴富", "一", "说", ",", "记者", "也", "从", "圈", "内", "人士", "那里", "得", "以", "证明", ",", "据", "资深", "演出", "商", "罗", "先生", "透露", ":", "目前", "旭日", "阳刚", "对外", "的", "商演", "价格", "都", "在", "20", "万", "左右", ",", "春晚", "之后", "他们", "档期", "都", "非常", "满", ",", "每个月", "至少", "有", "十", "场", "演出", ",", "所以", "按", "这么", "算", "下来", "每个", "成员", "月收入", "过百万", "绝对", "不是", "问题", "。"], ["走红", "网络"], ["2010", "年", "8", "月", ",", "名", "不见经传", "的", "旭日", "阳刚", "在", "破旧", "出租房", "里", "演唱", "汪峰", "的", "《", "春天里", "》", ",", "恰巧", "被", "一", "位", "网络", "拍客", "拍", "到", ",", "并", "将", "他们", "演唱", "的", "农民工", "版", "《", "春天里", "》", "视频", "传到", "了", "网上", ",", "随后", ",", "走红", "网络", "。"], ["登上", "春晚"], ["2011", "年", "2", "月", "2", "日", ",", "旭日", "阳刚", "成功", "登上", "了", "央视", "春晚", ",", "歌唱", "《", "春天里", "》", ",", "使", "演艺生涯", "攀", "上", "了", "一", "个", "新", "的", "高峰", "。"], ["不过", "真正", "让", "旭日", "阳刚", "命运", "发生", "大", "改写", "的", "还是", "在", "2011", "年", "他们", "走", "上", "春晚", "后", "。", "几", "年", "过去", ",", "他们", "演出", "多", "了", ",", "还", "拍电影", ",", "成", "了", "闻名全国", "的", "明星", "。"], ["遭", "汪峰", "封杀"], ["2011", "年", "2", "月", "11", "日", ",", "旭日", "阳刚", "的", "经纪人", "黎", "冬", "收到", "了", "《", "春天里", "》", "原唱", "者", "汪峰", "方面", "打来", "的", "电话", ",", "被", "明确", "告知", "旭日", "阳刚", "今后", "不能", "以", "任何形式", "演唱", "《", "春天里", "》", "。", "对于", "这样", "的", "结果", ",", "黎", "冬", "表示", "尊重", "他们", "的", "意见", ",", "但", "同时", "也", "希望", "事件", "能", "有", "所", "转机", "。"], ["汪峰", "回应", "说", ",", "自己", "从一开始", "的", "确", "是", "本着", "帮助", "旭日", "阳刚", "的", "想法", ",", "允许", "他们", "演唱", "自己的歌", "。", "包括", "授权", "其", "在", "央视", "春晚", "演唱", "。", "但", "后来", "发现", ",", "自己", "的", "善意", "被", "利用", ",", "无奈之下", "决定", "停止", "授权", "旭日", "阳刚", "在", "任何", "大型", "演出", "、", "商业", "活动", "以及", "音像制品", "中", "演唱", "自己", "的", "作品", "。"], ["旭日", "阳刚", "签约", "浙江卫视"], ["2011", "年", "2", "月", "21", "日", ",", "在", "兔", "年", "春晚", "一炮走红", "的", "农民工", "组合", "旭日", "阳刚", "签约", "浙江卫视", ",", "成为", "《", "我爱记歌词", "》", "节目", "的", "领唱", ",", "并", "参加", "该", "节目录制", "。", "浙江卫视", "节目", "中心", "副主任", "陈伟", "透露", ",", "正", "积极", "为", "旭日", "阳刚", "寻找", "适合", "的", "歌曲", ",", "不排除", "重", "金", "买", "歌", "的", "可能", "。", "当家", "主持", "朱丹", "更", "是", "在", "节目", "中", "以", "栏目组", "的", "名义", "宣布", ":", "在", "三个月", "内", "打造", "出", "旭日", "阳刚", "的", "首支", "单曲", "。"], ["回应", "甩", "大牌"], ["2011", "月", "8", "月", ",", "因", "央视", "春晚", "而", "走红", "的", "农民工", "组合", "旭日", "阳刚来", "川", "演出", ",", "演出", "前", ",", "组合", "成员", "之", "一", "的", "王旭", "接受", "访问", "时", ",", "当", "提及", "耍大牌", "、", "旭日", "阳刚", "要", "解散", "等", "传闻", "时", "王旭", "一", "一", "给予", "回应", ",", "王旭", "还", "说", "起", "旭日", "阳刚", "的", "现状", ",", "不", "太忙", ",", "接", "一些", "演出", ",", "录制", "一些", "电视节目", "。", "他", "表示", ",", "旭日", "阳刚", "现在", "是", "一", "个", "松散", "的", "组合", ",", "应该", "不会", "解散", "…", "…", "我们", "也", "没有", "忘本", "。"], ["旭日", "阳刚", "解散"], ["2011", "年", "3", "月", "4", "日", ",", "有人", "在", "微博", "爆料", ",", "称", "旭日", "阳刚", "已", "于", "当天下午", "解体", ",", "王旭", "和", "李刚", "各自", "发展", "。", "旭日", "阳刚", "组合", ",", "今日", "下午", "正式", "解体", "了", ",", "各自", "发展", "了", "。", "这", "条", "4", "日", "15", "时", "25", "分", "发出", "的", "一", "条", "微博", ",", "短", "短", "几分钟", "内", "就", "被", "转发", "了", "几", "百", "次", ",", "引起", "许多", "网友", "的", "惊讶", ",", "不", "少", "网友", "都", "纷纷", "询问", "消息", "真假", "。", "但", "很快", ",", "发布", "这", "条", "微博", "的", "博", "主", "就", "将", "这", "条", "爆料", "微博", "删除", "了", ",", "随后", "又", "发", "了", "条", "微博", "称", ":", "一定要", "删除", "!", "恐怕", "是", "假", "消息", "要", "吃官司", "!", "但", "北京", "某", "报", "记", "走", "说", "的", "不知道", "是", "祖话", "还是", "假话", "!", "怕", "怕怕", "…", "…", "几分钟", "就", "122", "人", "转载", "。", "但", "这", "条", "微博", "很快", "也", "被", "博", "主", "删除", "了", "。"], ["当天", "21", "时", "16", "分", ",", "旭日", "阳刚", "的", "成员", "李刚", "在", "其", "个人", "微博", "贴", "出", "了", "他", "与", "王旭", "的", "合影", ",", "是", "两人", "行", "将", "上台", "参加", "一", "场", "电视节目", ",", "在", "候场", "时", "所", "拍", "。", "一分钟", "后", ",", "王旭", "也", "在", "自己", "的", "微博", "连发", "两", "张", "二人", "候场", "时", "拍摄", "的", "照片", "。", "旭日", "阳刚", "在", "微博", "贴", "出", "的", "照片", ",", "让", "解散", "谣言", "不攻自破", "。"], ["回应", "解散", "传闻"], ["2011", "年", "8", "月", ",", "旭日", "阳刚", "各自", "推出", "了", "自己", "的", "单曲", ",", "随后", "便", "传", "出", "该", "组合", "解散", "的", "传闻", "。", "当天", ",", "王旭", "直言", ":", "我们", "两个人", "只有", "四", "只", "手", ",", "别人", "那么多", "嘴", "他们", "说", "什么", "我们", "管不住", ",", "旭日", "阳刚", "应该", "不会", "解散", ",", "还", "和", "以前", "一样", ",", "有", "合适", "的", "歌", "就", "一起唱", ",", "不适合", "就", "单个", "唱", ",", "旭日", "阳刚", "现在", "是", "一", "个", "松散", "的", "组合", "。", "有意思", "的", "是", ",", "当天", ",", "旭日", "阳刚", "成员", "王旭", "和", "刘刚", "并没有", "乘坐", "同", "一", "航班", "抵达", "成都", ",", "王旭", "解释", "说", ",", "北京", "那么", "大", ",", "我", "和", "刚子", "住", "的", "地方", "距离", "有点", "远", ",", "他", "没赶上", "我", "这个", "航班", ",", "所以", "我", "就", "提前", "来", "了", "。"], ["旭日", "阳刚", "刘刚", "被", "爆", "持械", "伤人"], ["2012", "年", "9", "月", "10", "日", ",", "一", "位", "微博", "认证", "为", "《", "公益时报", "》", "记者", "的", "网友", "芳芳", "是", "坏蛋", "微博", "爆料", ",", "旭日", "阳刚", "组合", "的", "吉他手", "刘刚", ",", "在", "北京", "丰台区", "某", "小区", "持", "铁棍", "打人", "。", "该", "消息", "爆出", "后", ",", "引来", "骂声一片", ",", "不", "少", "网友", "在", "刘刚", "微博", "和", "网上", "留言", "骂", "其", "忘本", "没有", "素质", "。"], ["旭日", "阳刚", "分手"], ["2012", "年", "12", "月", "27", "日", ",", "北京", "某", "音乐人", "向", "记者", "爆料", ":", "旭日", "阳刚", "近日", "分手", "单飞", "了", "。", "几天前", ",", "王旭", "和", "刘刚", "分别", "签", "了", "不同", "的", "经纪公司", "。", "王旭", "签", "在", "了", "北京", "著名", "经纪人", "赵", "玉", "的", "旗下", ",", "而", "刘刚", "则", "签约", "到", "北京", "艾", "音", "嘉华", "文化", "公司", "负责人", "万宇", "旗下", "。", "而", "旭日", "阳刚", "两位", "之", "前", "的", "亲密", "经纪人", ",", "都", "已", "下课", "。"], ["陷", "假唱", "风波"], ["2013", "年", "2", "月", "3", "日", ",", "在", "江苏省", "盐城市", "滨海县", "体育馆", ",", "旭日", "阳刚", "组合", "在", "为", "某", "房产商", "助兴", "造势", "演出", "时", ",", "竟然", "遭到", "场地", "方面", "两次", "停电", "骚扰", "。", "事发时", "旭日", "阳刚", "依然", "从容", "淡定", ",", "却", "被", "在", "场", "观众", "和", "当地", "网友", "指出", ":", "他们", "是", "用", "假唱", "来", "忽悠", "观众", "。", "这", "是", "该", "组合", "继", "去年", "9", "月", "因", "超速驾驶", "行为", "身陷", "负面", "报道", "之后", ",", "又一次", "被", "网友", "和", "媒体", "推向", "了", "风口浪尖", "。"], ["旭日", "阳刚", "王旭", "发", "新专辑"], ["2013", "年", "6", "月", "29", "日", ",", "旭日", "阳刚", "主唱", "王旭", "携", "个人", "新专辑", "《", "北漂", "鱼", "》", "在", "梅地亚", "中心", "举行", "发布会", "。", "新专辑", "中", ",", "王旭", "参与", "多", "首", "歌曲", "的", "创作", ",", "转型", "唱", "作", "歌手", "。"], ["专辑", "主打歌曲", "《", "北漂", "鱼", "》", ",", "同时", "也是", "暑期", "上映", "的", "电影", "《", "北漂", "鱼", "》", "主题曲", ",", "王旭", "用", "他", "沧桑", "的", "嗓音", "诠释", "了", "歌曲", "主题", "。", "在", "《", "北漂", "鱼", "》", "这", "张", "专辑", "中", ",", "王旭", "参与", "了", "《", "爱的力量", "》", "、", "《", "你在哪里", "》", "、", "《", "故乡", "》", "、", "《", "我", "是", "你", "的", "一首歌", "》", "、", "《", "关于", "生命", "》", "、", "《", "麻雀", "》", "六", "首", "歌", "的", "创作", "。"], ["旭日", "阳刚", "王旭", "为", "儿子", "操办", "婚事"], ["2014", "年", "9", "月", "29", "日", ",", "旭日", "阳刚", "组合", "主唱", "王旭", "在", "老家", "河南", "为", "儿子", "操办", "大", "婚", ",", "并", "邀请", "了", "众多", "圈", "中", "好友", "前", "来", "助阵", "。"], ["旭日", "阳刚", "出场费", "10", "万"], ["2014", "年", "9", "月", "13", "日", ",", "在", "德阳市", "体育中心", "上演", "了", "一幕", "群星璀璨", "的", "演唱会", ",", "汪峰", "、", "蔡依林", "、", "旭日", "阳刚", "等", "明星", "献唱", "。", "令人", "关注", "的", "是", ",", "旭日", "阳刚", "和", "汪峰", "自", "2010", "年", "上海演唱会", "后", "再次", "同台", "演出", "。", "当晚", "演出", "结束", "后", ",", "华西都市报", "记者", "来到", "演出", "明星", "所", "住", "的", "酒店", "面对面", "地", "采访", "了", "旭日", "阳刚", "。"], ["在", "谈到", "4", "年", "后", "与", "汪峰", "同台", "献", "歌", "的", "感受", "时", ",", "旭日", "阳刚", "说", ":", "可以说", ",", "汪峰", "大哥", "是", "我们", "的", "恩人", "。", "正", "因为", "我们", "演唱", "了", "汪峰", "的", "《", "春天里", "》", ",", "命运", "才", "发生", "了", "春天", "般", "地", "变化", ",", "出场费", "涨", "到", "10", "万", ",", "又", "上", "了", "央视", "春晚", "。", "如今", ",", "全国", "请", "我们", "去", "演出", "的", "公司", "络绎不绝", "。"]], "paragraphs": ["旭日阳刚近况2015", "1旭日阳刚两人现状 2旭日阳刚历史消息", "旭日阳刚现状是接商演,目前出场价为20万元,两人生活条件比以前好了,抽烟的档次一般是中华,两人开着60万左右的高档轿车。不过据网友曝料,旭日阳刚组合其实的生活除了音乐,两人并没有太多交集,对外称兄道弟只是为了维护旭日阳刚这个牌子。", "网曝旭日阳刚生活现状", "据一位北京网友琪妞妞在论坛爆出《我证明:旭日阳刚现在真的暴富了》的帖子引起网友热议,据该网友透露:她亲眼看到旭日阳刚成员刘刚乘坐高档轿跑车,出入在北京东三环国贸附近的某知名高档小区。据该网友介绍,该高档小区位处CBD商圈高级公寓,附近二手房单价都在4万以上,而当天刘刚乘坐的是一辆白色某进口品牌的高档轿跑车,目前的市场均价都在60万左右,车牌号属于黑龙江牌照。很多网友看完帖子都惊叹旭日阳刚的吸金能力,针对旭日阳刚的暴富一说,记者也从圈内人士那里得以证明,据资深演出商罗先生透露:目前旭日阳刚对外的商演价格都在20万左右,春晚之后他们档期都非常满,每个月至少有十场演出,所以按这么算下来每个成员月收入过百万绝对不是问题。", "走红网络", "2010年8月,名不见经传的旭日阳刚在破旧出租房里演唱汪峰的《春天里》,恰巧被一位网络拍客拍到,并将他们演唱的农民工版《春天里》视频传到了网上,随后,走红网络。", "登上春晚", "2011年2月2日,旭日阳刚成功登上了央视春晚,歌唱《春天里》,使演艺生涯攀上了一个新的高峰。", "不过真正让旭日阳刚命运发生大改写的还是在2011年他们走上春晚后。几年过去,他们演出多了,还拍电影,成了闻名全国的明星。", "遭汪峰封杀", "2011年2月11日,旭日阳刚的经纪人黎冬收到了《春天里》原唱者汪峰方面打来的电话,被明确告知旭日阳刚今后不能以任何形式演唱《春天里》。对于这样的结果,黎冬表示尊重他们的意见,但同时也希望事件能有所转机。", "汪峰回应说,自己从一开始的确是本着帮助旭日阳刚的想法,允许他们演唱自己的歌。包括授权其在央视春晚演唱。但后来发现,自己的善意被利用,无奈之下决定停止授权旭日阳刚在任何大型演出、商业活动以及音像制品中演唱自己的作品。", "旭日阳刚签约浙江卫视", "2011年2月21日,在兔年春晚一炮走红的农民工组合旭日阳刚签约浙江卫视,成为《我爱记歌词》节目的领唱,并参加该节目录制。浙江卫视节目中心副主任陈伟透露,正积极为旭日阳刚寻找适合的歌曲,不排除重金买歌的可能。当家主持朱丹更是在节目中以栏目组的名义宣布:在三个月内打造出旭日阳刚的首支单曲。", "回应甩大牌", "2011月8月,因央视春晚而走红的农民工组合旭日阳刚来川演出,演出前,组合成员之一的王旭接受访问时,当提及耍大牌、旭日阳刚要解散等传闻时王旭一一给予回应,王旭还说起旭日阳刚的现状,不太忙,接一些演出,录制一些电视节目。他表示,旭日阳刚现在是一个松散的组合,应该不会解散……我们也没有忘本。", "旭日阳刚解散", "2011年3月4日,有人在微博爆料,称旭日阳刚已于当天下午解体,王旭和李刚各自发展。旭日阳刚组合,今日下午正式解体了,各自发展了。这条4日15时25分发出的一条微博,短短几分钟内就被转发了几百次,引起许多网友的惊讶,不少网友都纷纷询问消息真假。但很快,发布这条微博的博主就将这条爆料微博删除了,随后又发了条微博称:一定要删除!恐怕是假消息要吃官司!但北京某报记走说的不知道是祖话还是假话!怕怕怕……几分钟就122人转载。但这条微博很快也被博主删除了。", "当天21时16分,旭日阳刚的成员李刚在其个人微博贴出了他与王旭的合影,是两人行将上台参加一场电视节目,在候场时所拍。一分钟后,王旭也在自己的微博连发两张二人候场时拍摄的照片。旭日阳刚在微博贴出的照片,让解散谣言不攻自破。", "回应解散传闻", "2011年8月,旭日阳刚各自推出了自己的单曲,随后便传出该组合解散的传闻。当天,王旭直言:我们两个人只有四只手,别人那么多嘴他们说什么我们管不住,旭日阳刚应该不会解散,还和以前一样,有合适的歌就一起唱,不适合就单个唱,旭日阳刚现在是一个松散的组合。有意思的是,当天,旭日阳刚成员王旭和刘刚并没有乘坐同一航班抵达成都,王旭解释说,北京那么大,我和刚子住的地方距离有点远,他没赶上我这个航班,所以我就提前来了。", "旭日阳刚刘刚被爆持械伤人", "2012年9月10日,一位微博认证为《公益时报》记者的网友芳芳是坏蛋微博爆料,旭日阳刚组合的吉他手刘刚,在北京丰台区某小区持铁棍打人。该消息爆出后,引来骂声一片,不少网友在刘刚微博和网上留言骂其忘本没有素质。", "旭日阳刚分手", "2012年12月27日,北京某音乐人向记者爆料:旭日阳刚近日分手单飞了。几天前,王旭和刘刚分别签了不同的经纪公司。王旭签在了北京著名经纪人赵玉的旗下,而刘刚则签约到北京艾音嘉华文化公司负责人万宇旗下。而旭日阳刚两位之前的亲密经纪人,都已下课。", "陷假唱风波", "2013年2月3日,在江苏省盐城市滨海县体育馆,旭日阳刚组合在为某房产商助兴造势演出时,竟然遭到场地方面两次停电骚扰。事发时旭日阳刚依然从容淡定,却被在场观众和当地网友指出:他们是用假唱来忽悠观众。这是该组合继去年9月因超速驾驶行为身陷负面报道之后,又一次被网友和媒体推向了风口浪尖。", "旭日阳刚王旭发新专辑", "2013年6月29日,旭日阳刚主唱王旭携个人新专辑《北漂鱼》在梅地亚中心举行发布会。新专辑中,王旭参与多首歌曲的创作,转型唱作歌手。", "专辑主打歌曲《北漂鱼》,同时也是暑期上映的电影《北漂鱼》主题曲,王旭用他沧桑的嗓音诠释了歌曲主题。在《北漂鱼》这张专辑中,王旭参与了《爱的力量》、《你在哪里》、《故乡》、《我是你的一首歌》、《关于生命》、《麻雀》六首歌的创作。", "旭日阳刚王旭为儿子操办婚事", "2014年9月29日,旭日阳刚组合主唱王旭在老家河南为儿子操办大婚,并邀请了众多圈中好友前来助阵。", "旭日阳刚出场费10万", "2014年9月13日,在德阳市体育中心上演了一幕群星璀璨的演唱会,汪峰、蔡依林、旭日阳刚等明星献唱。令人关注的是,旭日阳刚和汪峰自2010年上海演唱会后再次同台演出。当晚演出结束后,华西都市报记者来到演出明星所住的酒店面对面地采访了旭日阳刚。", "在谈到4年后与汪峰同台献歌的感受时,旭日阳刚说:可以说,汪峰大哥是我们的恩人。正因为我们演唱了汪峰的《春天里》,命运才发生了春天般地变化,出场费涨到10万,又上了央视春晚。如今,全国请我们去演出的公司络绎不绝。"], "bs_rank_pos": 3}, {"is_selected": true, "title": "【图】旭日阳刚现状遭曝光 疑两人忘恩负义竟独自过奢靡的生活_娱乐", "most_related_para": 6, "segmented_title": ["【", "图", "】", "旭日", "阳刚", "现状", "遭", "曝光", "疑", "两人", "忘恩负义", "竟", "独自", "过", "奢靡", "的", "生活", "_", "娱乐"], "segmented_paragraphs": [["主页", ">", "娱乐", ">", "娱乐", "新闻", ">", "旭日", "阳刚", "现状", "遭", "曝光", ">", "正文"], ["自从", "旭日", "阳刚", "参加", "玩", "《", "中国", "好声音", "》", "之后", ",", "几乎", "能", "用", "一夜", "爆", "红", "来", "形容", ",", "他们", "从", "身", "处", "草根", "底层", "瞬间", "成为", "万众瞩目", "的", "歌手", "。", "但", "正", "因为", "备受关注", ",", "旭日", "阳刚", "近", "段", "时间", "一直", "被曝", "出", "各种", "猛料", ",", "瞬间", "引起", "网友", "的", "热议", "。", "到底", "旭日", "阳刚", "的", "近况", "怎么样", "呢", "?", "难道", "旭日", "阳刚", "真", "的", "变", "了", "?", "详情", "请", "看", "后续", "详细", "报道", "。"], ["旭日", "阳刚", "现状", "遭", "曝光"], ["旭日", "阳刚", "现状", "遭", "曝光"], ["日前", ",", "网上", "爆出", "一篇", "《", "我", "证明", ":", "旭日", "阳刚", "现在", "真", "暴富", "了", "》", "帖子", "引发", "网友", "关注", "。", "据", "该", "网友", "透露", ":", "\"", "我", "亲", "眼", "看到", "旭日", "阳刚", "成员", "刘刚", "乘坐", "高档", "轿跑车", ",", "出入", "在", "北京", "东三环", "国贸", "附近", "某", "知名", "高档", "小区", "。", "该", "高档", "小区", "位", "处", "CBD", "商圈", ",", "连", "附近", "二手房", "单价", "都", "在", "4", "万", "以上", ",", "而", "当天", "刘刚", "乘坐", "是", "一辆", "白色", "某", "进口", "品牌", "高档", "轿跑车", ",", "目前", "市场", "均价", "都", "在", "60", "万", "左右", ",", "车牌号", "属于", "黑龙江", "牌照", "\"", "。", "很多", "网友", "看", "完", "帖子", "都", "惊叹", "\"", "旭日", "阳刚", "\"", "吸金", "能力", "。"], ["旭日", "阳刚", "现状", "遭", "曝光"], ["据", "据", "业", "内", "资深", "演出", "经纪人", "透露", ":", "“", "目前", "旭日", "阳刚", "对外", "的", "商演", "价格", "都", "在", "20", "万", "左右", ",", "春晚", "之后", "他们", "档期", "都", "非常", "满", ",", "每个月", "至少", "有", "十", "场", "演出", ",", "所以", "按", "这么", "算", "下来", "每个", "成员", "月收入", "过百万", "绝对", "不是", "问题", "”", "。"], ["旭日", "阳刚", "现状", "遭", "曝光"], ["由于", "旭日", "阳刚", "的", "负面", "新闻", "不断", ",", "加上", "他们", "本身", "都是", "以", "翻唱", "而", "爆", "红", ",", "自己", "本身", "并没有", "优秀", "的", "原创作品", "面", "世", ",", "使得", "旭日", "阳刚", "的", "关注", "度", "开始", "逐渐", "降低", "。"]], "paragraphs": ["主页 > 娱乐 > 娱乐新闻 > 旭日阳刚现状遭曝光 > 正文", "自从旭日阳刚参加玩《中国好声音》之后,几乎能用一夜爆红来形容,他们从身处草根底层瞬间成为万众瞩目的歌手。但正因为备受关注,旭日阳刚近段时间一直被曝出各种猛料,瞬间引起网友的热议。到底旭日阳刚的近况怎么样呢?难道旭日阳刚真的变了?详情请看后续详细报道。", "旭日阳刚现状遭曝光", "旭日阳刚现状遭曝光", "日前,网上爆出一篇《我证明:旭日阳刚现在真暴富了》帖子引发网友关注。据该网友透露:\"我亲眼看到旭日阳刚成员刘刚乘坐高档轿跑车,出入在北京东三环国贸附近某知名高档小区。该高档小区位处CBD商圈,连附近二手房单价都在4万以上,而当天刘刚乘坐是一辆白色某进口品牌高档轿跑车,目前市场均价都在60万左右,车牌号属于黑龙江牌照\"。很多网友看完帖子都惊叹\"旭日阳刚\"吸金能力。", "旭日阳刚现状遭曝光", "据据业内资深演出经纪人透露:“目前旭日阳刚对外的商演价格都在20万左右,春晚之后他们档期都非常满,每个月至少有十场演出,所以按这么算下来每个成员月收入过百万绝对不是问题”。", "旭日阳刚现状遭曝光", "由于旭日阳刚的负面新闻不断,加上他们本身都是以翻唱而爆红,自己本身并没有优秀的原创作品面世,使得旭日阳刚的关注度开始逐渐降低。"], "bs_rank_pos": 4}], "answer_spans": [[150, 190]], "fake_answers": ["目前旭日阳刚对外的商演价格都在20万左右,春晚之后他们档期都非常满,每个月至少有十场演出,所以按这么算下来每个成员月收入过百万绝对不是问题。"], "question": "旭日阳刚现状", "segmented_answers": [["王旭", "把", "家人", "接", "到", "了", "北京", ",", "也", "在", "北京", "安", "了", "家", "。", "即使", "成名", "了", "也", "依旧", "朴实", ",", "或许", "这", "才是", "最", "难", "得", "的", "。", "而", "刘刚", "则", "被曝", "出", "时常", "出入", "北京", "某", "高档", "小区", "并", "乘坐", "豪车", "的", "消息", "。"], ["旭日", "阳刚", "现状", "是", "接", "商演", ",", "目前", "出场", "价", "为", "20", "万", "元", ",", "两人", "生活", "条件", "比", "以前", "好", "了", ",", "抽烟", "的", "档次", "一般", "是", "中华", ",", "两人", "开", "着", "60", "万", "左右", "的", "高档", "轿车", "。", "不过", "据", "网友", "曝", "料", ",", "旭日", "阳刚", "组合", "其实", "的", "生活", "除了", "音乐", ",", "两人", "并没有", "太多", "交集", ",", "对外", "称兄道弟", "只是", "为了", "维护", "旭日", "阳刚", "这个牌子", "。"], ["目前", "旭日", "阳刚", "对外", "的", "商演", "价格", "都", "在", "20", "万", "左右", ",", "春晚", "之后", "档期", "都", "非常", "满", ",", "每个月", "至少", "有", "十", "场", "演出", ",", "所以", "按", "这么", "算", "下来", "每个", "成员", "月收入", "过百万", "绝对", "不是", "问题", "。"]], "answers": ["王旭把家人接到了北京,也在北京安了家。即使成名了也依旧朴实,或许这才是最难得的。而刘刚则被曝出时常出入北京某高档小区并乘坐豪车的消息。", "旭日阳刚现状是接商演,目前出场价为20万元,两人生活条件比以前好了,抽烟的档次一般是中华,两人开着60万左右的高档轿车。不过据网友曝料,旭日阳刚组合其实的生活除了音乐,两人并没有太多交集,对外称兄道弟只是为了维护旭日阳刚这个牌子。", "目前旭日阳刚对外的商演价格都在20万左右,春晚之后档期都非常满,每个月至少有十场演出,所以按这么算下来每个成员月收入过百万绝对不是问题。"], "answer_docs": [3], "segmented_question": ["旭日", "阳刚", "现状"], "question_type": "DESCRIPTION", "question_id": 181663, "fact_or_opinion": "OPINION", "match_scores": [0.9135802469135802]}
-{"documents": [{"is_selected": false, "title": "肩袖损伤到今天正好一年,去医院看了一下,大家要引以为戒呀,…_健美", "most_related_para": 0, "segmented_title": ["肩袖损伤", "到", "今天", "正好", "一年", ",", "去", "医院", "看", "了", "一", "下", ",", "大家", "要", "引以为戒", "呀", ",", "…", "_", "健美"], "segmented_paragraphs": [["去年", "的", "今天", "在", "做", "平板", "卧推", "的", "时候", ",", "热身", "不足", "拉伤", "了", ",", "去", "找", "中医", "推拿", "也", "没用", ",", "后来", "一直", "养", "到", "现在", ",", "今天", "去", "医院", "看", "了", "一", "下", ",", "说", "恢复", "了", "70", "%", "到", "80", "%", "了", "。", "。", "医生", "说", "最短", "一年半", "才能", "好", "。", "。", "唉", ",", "今天", "跑", "了", "两家", "医院", ",", "中心医院", "的", "医生", "居然", "说", "是", "肩周炎", "。", "。", "直接", "无语", "了", "我", ",", "还给我", "打印", "了", "一", "张", "小人", "图", "让", "我", "照", "着", "拉伸", "。", "。", "。", "现在", "的", "医生", "真", "没", "医德", ",", "也", "不", "检查", "看看", ",", "直接", "就", "问", "我", ",", "我", "说什么", "他", "写", "什么", ",", "气", "得", "够呛", ",", "虽然", "那", "我", "不", "喜欢", "吐槽", ",", "但是", "我", "实在", "忍不住", "了", "。", "。", "前后", "诊疗", "不到", "一分钟", "给", "我", "确诊", "肩周炎", "。", "。", "然后", "哥", "换", "了", "家", "医院", "。", "。", "这", "家", "医院", "超级", "大", "但是", "一个人", "没有", ",", "果断", "不", "靠谱", "的", "样子", ",", "挂", "了", "个", "专家", ",", "这", "可", "真", "清闲", ",", "也", "不用", "排队", "。", "。", "直接", "进去", "了", ",", "诺", "大", "个", "候诊室", "就", "我", "一", "个", "。", "。", "这个", "医生", "比较", "靠谱", ",", "听我说", "了", "大概", "情况", ",", "一", "摸", "就", "摸", "到", "我", "的", "病患", "处", ",", "然后", "说", "我", "是", "肩部", "损伤", ",", "我", "说", "是", "肩袖损伤", "吧", ",", "医生", "说", "你", "还", "知道", "肩", "袖", "呀", "~", "。", "。", "然后", "说", "我", "是", "上网", "查", "的", "。", "。", "。", "话说", "哥", "从", "受伤", "就", "开始", "查", "相关资料", "了", "。", "。", "这个", "医生", "还是", "比较", "靠谱", ",", "也", "没", "忽悠", "俺", "去", "做", "什么", "磁共振", "。", "。", "让", "俺", "继续", "养", "着", "吧", "。", "。", "这", "医生", "才", "有", "医德", "嘛", ",", "至少", "没", "瞎", "忽悠", ",", "哥", "还", "得", "恢复", "一年", "估计", "才", "差不多", "。", "。", "唉", ",", "悲催", "啊", ",", "大家", "一定要", "注意", "呀", ",", "以前", "启鑫", "发", "过", "肩", "袖", "的", "帖子", "我", "研究", "了", "很久", ",", "自己", "通过", "恢复", "动作", "也", "恢复", "了", "七七八八", ",", "这里", "我自己", "也有", "一些", "恢复", "训练", "的", "动作", "资料", "跟", "大家", "分享", "一", "下", "。", "二", "楼", "上", "图", "~"], ["盂肱", "关节", "是", "人体", "活动", "度", "最大", "的", "关节", ",", "稳定性", "低", ",", "需要", "关节", "盂唇", "、", "韧带", "和", "肩", "袖", "以及", "周围", "的", "肌肉", "提供", "静态", "和", "动态", "的", "稳定性", ",", "肩", "袖", "最容易", "反映", "肩关节", "功能", "状态", ":", "肩", "袖", "的", "压痛", "往往", "是", "最早", "出现", "的", "体征", "之", "一", ";", "针对", "肩", "袖", "的", "力量", "训练", "可以", "非常", "有效", "的", "提高", "肩关节", "功能"], ["网速", "真", "慢", "肩关节", "有", "肱骨", "、", "肩胛骨", "、", "锁骨", "和", "其", "附属", "结构", "组成", ",", "包括", "盂肱", "关节", "、", "肩", "锁", "关节", "和", "胸", "锁", "关节", "三", "个", "解剖", "关节", ",", "肩", "胸", "和", "肩峰", "下", "两", "个", "关节", "样", "结构", ",", "喙", "锁", "间", "的", "韧带", "样", "连接"], ["公司", "网速", "太", "慢", "了", ",", "回家", "再", "发", "。", "。", "。"], ["一句话", "带", "护具", ",", "别小看", "薄", "薄", "一", "层", "弹力布", ",", "我", "肩", "锁", "关节", "有", "旧", "伤", ",", "带", "护肩", "训练", "没", "太", "大", "问题", "。"], ["我", "也", "悲剧", "我", "是", "训练", "后", "脱衣服", "时候", "伤", "的", "衣服", "太紧", "了", ",", "脱", "不", "下来", "把", "肩膀", "拉伤", "了", "几个月", "了"], ["肩周炎", "的", "诊断", "很简单", ",", "楼主", "是", "排队", "排", "久", "了", "憋", "的", "吧", "。", "拍", "张", "片", "骨头", "没事", "就", "回去", "休养", "可以", "了", "。", "如果", "变", "粘连", "肩", "再", "考虑", "其他", "治疗", "。"], ["伤", "了", "几个月", "了", "不", "练", "肩膀", "也", "一个月", "了", "今天", "刚", "想", "练", "你", "一", "说", "不敢", "了", "楼主", "是否", "和", "老夫", "一", "个", "症状", "一", "活动", "啪啪", "响", "锻炼", "胸肌", "或者", "二", "头", "时", "3", "角", "也", "火辣辣", "得", "感觉", "不是", "骨头", "响", "是", "筋"], ["肩", "伤", "好", "痛苦", "卧推", "从", "210", "磅", "5", "个", "掉", "到", "160", "磅", "8", "个", "了", "好惨", "·", "·", "·"], ["肩", "袖", "肌", "群", ",", "亚", "体", "说", "肩胛", "提", "肌", "不应", "强化"]], "paragraphs": ["去年的今天在做平板卧推的时候,热身不足拉伤了,去找中医推拿也没用,后来一直养到现在,今天去医院看了一下,说恢复了70%到80%了。。医生说最短一年半才能好。。唉,今天跑了两家医院,中心医院的医生居然说是肩周炎。。直接无语了我,还给我打印了一张小人图让我照着拉伸。。。现在的医生真没医德,也不检查看看,直接就问我,我说什么他写什么,气得够呛,虽然那我不喜欢吐槽,但是我实在忍不住了。。前后诊疗不到一分钟给我确诊肩周炎。。然后哥换了家医院。。这家医院超级大但是一个人没有,果断不靠谱的样子,挂了个专家,这可真清闲,也不用排队。。直接进去了,诺大个候诊室就我一个。。这个医生比较靠谱,听我说了大概情况,一摸就摸到我的病患处,然后说我是肩部损伤,我说是肩袖损伤吧,医生说你还知道肩袖呀~。。然后说我是上网查的。。。话说哥从受伤就开始查相关资料了。。这个医生还是比较靠谱,也没忽悠俺去做什么磁共振。。让俺继续养着吧。。这医生才有医德嘛,至少没瞎忽悠,哥还得恢复一年估计才差不多。。唉,悲催啊,大家一定要注意呀,以前启鑫发过肩袖的帖子我研究了很久,自己通过恢复动作也恢复了七七八八,这里我自己也有一些恢复训练的动作资料跟大家分享一下。二楼上图~", "盂肱关节是人体活动度最大的关节,稳定性低,需要关节盂唇、韧带和肩袖以及周围的肌肉提供静态和动态的稳定性,肩袖最容易反映肩关节功能状态:肩袖的压痛往往是最早出现的体征之一;针对肩袖的力量训练可以非常有效的提高肩关节功能", "网速真慢 肩关节有肱骨、肩胛骨、锁骨和其附属结构组成,包括盂肱关节、肩锁关节和胸锁关节三个解剖关节,肩胸和肩峰下两个关节样结构,喙锁间的韧带样连接", "公司网速太慢了,回家再发。。。", "一句话带护具,别小看薄薄一层弹力布,我肩锁关节有旧伤,带护肩训练没太大问题。", "我也悲剧 我是训练后 脱衣服时候伤的 衣服太紧了,脱不下来把肩膀拉伤了几个月了", "肩周炎的诊断很简单,楼主是排队排久了憋的吧。拍张片骨头没事就回去休养可以了。如果变粘连肩再考虑其他治疗。", "伤了几个月了 不练肩膀也一个月了 今天刚想练 你一说 不敢了 楼主是否和老夫一个症状 一活动啪啪响 锻炼胸肌或者二头时 3角也火辣辣得 感觉不是骨头响 是筋", "肩伤好痛苦 卧推从210磅5个掉到160磅8个了 好惨···", "肩袖肌群,亚体说肩胛提肌不应强化"], "bs_rank_pos": 0}, {"is_selected": false, "title": "肩袖损伤和肩周炎的区别,两者都可以自愈吗_有问必答_快速问医生", "most_related_para": 3, "segmented_title": ["肩袖损伤", "和", "肩周炎", "的", "区别", ",", "两者", "都", "可以", "自愈", "吗", "_", "有问必答", "_", "快速", "问", "医生"], "segmented_paragraphs": [["健康", "咨询", "描述", ":", "肩膀", "疼痛", "一年", "了", ",", "医生", "的", "诊断", "不", "一致", ",", "有", "的", "说", "是", "肩袖损伤", ",", "有", "的", "说", "是", "肩周炎", ",", "疼痛", "越来越", "严重", ",", "手臂", "无力", "。"], ["病情", "分析", ":", "你", "的", "情况", "一般", "考虑", "是", "皮肤", "血液循环", "不良", "引起", "肩", "周", "炎症", "的", "情况", "指导意见", ":", "建议", "口服", "云南白药胶囊", "以及", "三七片", "活血化淤", "同时", "毛巾", "热敷", "疼痛", "部位", ",", "避免", "剧烈运动"], ["病情", "分析", ":", "从", "病人", "的", "症状", "看", "应该", "是", "肩关节", "反复", "的", "一", "个", "动作", "导致", "肩关节", "周围", "的", "韧带", "和", "筋膜", "劳损", "引起", "疼痛", "的", ",", "如果", "工作", "的", "时候", "长时间", "一", "个", "姿势", "的", "话", "就会", "导致", "肩周炎", "指导意见", ":", "是", "需要", "去", "医院", "骨科", "检查", "肩关节", "的", "x光片", "看看", "如果", "没有问题", "在", "让", "医生", "检查", "肩关节", "的", "活动", "角度", "如果", "有", "韧带", "粘连", "的", "情况", "就是", "肩周炎", "可以", "进行", "功能", "锻练", "在", "使用", "金不换膏", "外敷", "治疗", "服用", "强筋松", "和", "双氯灭痛", "就会", "好转"], ["病情", "分析", ":", "你好", "朋友", ",", "肩周炎", "是", "可以", "治愈", "的", ",", "但是", "需要", "锻炼", ",", "不然的话", "。", "时间长", "了", "肩周炎", ",", "就", "很难", "活动", "了", "。", "指导意见", ":", "肩周炎", "是", "自愈", "性", "疾病", "一般", "的", "一年", ",", "自行", "恢复", "。", "但是", "一年内", "需要", "多", "锻炼", ",", "可以", ",", "小燕子", "飞", ",", "还有", "爬墙", "。", "锻炼", ",", "肩周炎", "。", "以上", "是", "对", "“", "肩袖损伤", "和", "肩周炎", "的", "区别", ",", "两者", "都", "可以", "自愈", "吗", "”", "这个问题", "的", "建议", ",", "希望", "对", "您", "有", "帮助", ",", "祝您健康", "!"], ["病情", "分析", ":", "可能", "是", "颈椎病", "和", "肩周炎", "导致", "的", "症状", "啊", "。", "注意", "防止", "受寒", "和", "热敷", "试", "试", "。", "另外", "牵引", ",", "理疗", ",", "红外线", ",", "推拿", "按摩治疗", "。", "指导意见", ":", "一定要", "避免", "长期", "保持", "一", "个", "姿势", "工作", "和", "学习", ",", "尤其", "是", "低头", "工作", "学习", ",", "每", "1", "小时", "左右", "要", "休息", "10", "分钟", "左右", "。"], ["病情", "分析", ":", "你好", ",", "根据", "你", "对", "病情", "的", "描述", ",", "很有可能", "是", "肩周炎", "或者", "是", "颈椎病", ",", "指导意见", ":", "建议", "你", "做", "个", "颈椎", "的", "CT", "或者", "MRI", ",", "检查", "一", "下", "排除", "颈椎", "间", "盘", "病变", ",", "祝你健康快乐", ",", "早日康复", "!"], ["病情", "分析", ":", "肩", "袖", "是", "覆盖", "于", "肩关节", "前", "、", "上", "、", "后方", "之", "肩胛", "下", "肌", "、", "冈", "上", "肌", "、", "冈", "下", "肌", "、", "小圆肌", "等", "肌腱", "组织", "的", "总称", "。", "位于", "肩峰", "和", "三角肌", "下方", ",", "与", "关节囊", "紧密相连", "。", "肩", "袖", "的", "功能", "是", "上臂", "外", "展", "过程", "中", "使", "肱骨", "头", "向", "关节", "盂", "方向", "拉近", ",", "维持", "肱骨", "头", "与", "关节", "盂", "的", "正常", "支点", "关节", "。", "肩袖损伤", "将", "减弱", "甚至", "丧失", "这", "一", "功能", ",", "严重影响", "上肢", "外", "展", "功能", "。", "指导意见", ":", "肩周炎", "也", "被", "称", "之", "为", "五十肩", ",", "是", "指", "以", "肩部", "逐渐", "产生", "疼痛", ",", "夜间", "为甚", ",", "逐渐", "加重", ",", "肩关节", "活动", "功能", "受限", "而且", "日益", "加重", ",", "致", "一定", "某种", "程度", "后", "逐渐", "缓解", ",", "直至", "最后", "完全", "复原", "为", "主要", "表现", "的", "肩关节", "囊", "及其", "周围", "韧带", "、", "肌腱", "和", "滑", "囊", "的", "慢性", "特异性", "炎症", "。", "女性", "发病率", "高于", "男性", ",", "多", "见于", "体力", "劳动", "者", "。", "肩周炎", "在", "治疗", "过程", "中", "以及", "以后", "的", "康复治疗", "中", ",", "一般", "主张", "治疗", "与", "功能", "锻炼", "同时", "进行", ",", "避免", "愈", "后", "并发症", ",", "配合", "正确", "的", "功能", "活动", ",", "康复", "后", "的", "保健", "至关重要", ","], ["病情", "分析", ":", "你", "这样", "应", "和", "查", "一", "下", "B超", ",", "查", "一", "下", "ct", "看看", "骨科", "诊断", "一", "下", "比较好", "的", ",", "。", "应", "注意", "合理", "的", "休息", "保养", "气血", "很重要", "指导意见", ":", "可以", "针灸", "按摩", "一", "下", "。", "注意保暖", "合理", "的", "休息", ",", "调养", "生活", "的", "习惯", ",", "可以", "适当", "的", "多", "喝汤", "忌", "辛辣", "的", "食物", ",", "可以", "用", "舒筋活血", "片", ",", "寄生", "独活", "汤", "等", "以上", "是", "对", "“", "肩袖损伤", "和", "肩周炎", "的", "区别", ",", "两者", "都", "可以", "自愈", "吗", "”", "这个问题", "的", "建议", ",", "希望", "对", "您", "有", "帮助", ",", "祝您健康", "!"], ["肩周炎", "又", "称", "肩关节周围炎", ",", "俗称", "凝肩", "、", "五十肩", ",", "冻", "肩", ",", "五十肩", ",", "冻结肩", ",", "漏肩风", ",", "肩", "痹", ",", "肩", "凝", "。", "以", "肩部", "逐渐", "产生", "疼痛", ",", "夜间", "为甚", ",", "逐渐", "加重", ",", "肩关节", "活动", "功能", "受限", "而且", "日益", "加重", ",", "达到", "某种", "程度", "后", "逐渐", "缓解", ",", "直至", "最后", "完全", "复原", "为", "主", ".", ".", ".", "更多", ">", ">"], ["金不换膏", "参考价格", ":", "29", "查看", "说明书"], ["舒筋活血", "片", "参考价格", ":", "8", "查看", "说明书"], ["云南白药胶囊", "化瘀", "止血", ",", "活血", "止痛", ",", "解毒", "消肿", "。", "本", "品", "用于", "跌打损伤", ",", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "36"], ["三七片", "清热", ",", "凉血", "。", "本", "品", "用于", "由", "血热", "引起", "的", "疮疖", ";", "由", "肝", "热", "引起", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "10"], ["桑拿", "按摩", "全套", "有", "哪些", "针灸治疗", "扁桃体", "发炎", "成都", "正规", "按摩", "针灸治疗", "闭经", "针灸治疗", "胃酸过多", "埋线", "穴位", "减肥", "方法", "针灸治疗", "肝火", "胃火", "宫颈糜烂", "针灸治疗", "针灸", "能", "治", "闭经", "吗", "针灸治疗", "胃痛"], ["专家", "在线", "免费咨询"], ["看病", "男科", "妇科", "癫痫", "性病", "养生", "新闻", "白癫风", "牛皮癣"], ["就医", "疾病", "信息", "健康", "经验", "症状", "信息", "手术", "项目", "检查", "项目", "健康", "百科", "求医问药"], ["用药", "药品", "库", "疾病", "用药", "药品", "心得", "用药", "安全", "药品", "资讯", "用药", "方案", "品牌", "药企", "明星", "药品"], ["整形", "整形", "项目", "整形", "案例", "整形", "资讯", "整形医院", "减肥", "塑形", "眼部", "整形", "鼻部", "整形", "面部", "整形"], ["有问必答", "内科", "外科", "儿科", "药品", "遗传", "美容", "检查", "减肥", "中医科", "五官科", "传染科", "体检", "科", "妇产科", "肿瘤科", "康复科", "子女教育", "心理健康", "整形美容", "家居", "环境", "皮肤性病", "营养保健", "其他", "科室", "保健养生"], ["下载", "APP", ",", "免费", "快速", "问", "医生"]], "paragraphs": ["健康咨询描述: 肩膀疼痛一年了,医生的诊断不一致,有的说是肩袖损伤,有的说是肩周炎,疼痛越来越严重,手臂无力。", "病情分析: 你的情况一般考虑是皮肤血液循环不良引起肩周炎症的情况 指导意见: 建议口服云南白药胶囊以及三七片活血化淤同时毛巾热敷疼痛部位,避免剧烈运动", "病情分析: 从病人的症状看应该是肩关节反复的一个动作导致肩关节周围的韧带和筋膜劳损引起疼痛的,如果工作的时候长时间一个姿势的话就会导致肩周炎 指导意见: 是需要去医院骨科检查肩关节的x光片看看如果没有问题在让医生检查肩关节的活动角度如果有韧带粘连的情况就是肩周炎可以进行功能锻练在使用金不换膏外敷治疗服用强筋松和双氯灭痛就会好转", "病情分析: 你好朋友,肩周炎是可以治愈的,但是需要锻炼,不然的话。时间长了肩周炎,就很难活动了。 指导意见: 肩周炎是自愈性疾病一般的一年,自行恢复。但是一年内需要多锻炼,可以,小燕子飞,还有爬墙。锻炼,肩周炎。 以上是对“肩袖损伤和肩周炎的区别,两者都可以自愈吗”这个问题的建议,希望对您有帮助,祝您健康!", "病情分析: 可能是颈椎病和肩周炎导致的症状啊。注意防止受寒和热敷试试。另外牵引,理疗,红外线,推拿按摩治疗。 指导意见: 一定要避免长期保持一个姿势工作和学习,尤其是低头工作学习,每1小时左右要休息10分钟左右。", "病情分析: 你好,根据你对病情的描述,很有可能是肩周炎或者是颈椎病, 指导意见: 建议你做个颈椎的CT或者MRI,检查一下排除颈椎间盘病变,祝你健康快乐,早日康复!", "病情分析: 肩袖是覆盖于肩关节前、上、后方之肩胛下肌、冈上肌、冈下肌、小圆肌等肌腱组织的总称。位于肩峰和三角肌下方,与关节囊紧密相连。肩袖的功能是上臂外展过程中使肱骨头向关节盂方向拉近,维持肱骨头与关节盂的正常支点关节。肩袖损伤将减弱甚至丧失这一功能,严重影响上肢外展功能。 指导意见: 肩周炎也被称之为五十肩,是指以肩部逐渐产生疼痛,夜间为甚,逐渐加重,肩关节活动功能受限而且日益加重,致一定某种程度后逐渐缓解,直至最后完全复原为主要表现的肩关节囊及其周围韧带、肌腱和滑囊的慢性特异性炎症。女性发病率高于男性,多见于体力劳动者。肩周炎在治疗过程中以及以后的康复治疗中,一般主张治疗与功能锻炼同时进行,避免愈后并发症,配合正确的功能活动,康复后的保健至关重要,", "病情分析: 你这样应和查一下B超,查一下ct看看骨科诊断一下比较好的,。应注意合理的休息保养气血很重要 指导意见: 可以针灸按摩一下。注意保暖合理的休息,调养生活的习惯,可以适当的多喝汤忌辛辣的食物,可以用舒筋活血片,寄生独活汤等 以上是对“肩袖损伤和肩周炎的区别,两者都可以自愈吗”这个问题的建议,希望对您有帮助,祝您健康!", "肩周炎又称肩关节周围炎,俗称凝肩、五十肩,冻肩,五十肩,冻结肩,漏肩风,肩痹,肩凝。以肩部逐渐产生疼痛,夜间为甚,逐渐加重,肩关节活动功能受限而且日益加重,达到某种程度后逐渐缓解,直至最后完全复原为主... 更多>>", "金不换膏  参考价格:29 查看说明书", "舒筋活血片  参考价格:8 查看说明书", "云南白药胶囊 化瘀止血,活血止痛,解毒消肿。本品用于跌打损伤,...[说明书] 参考价格:¥36", "三七片 清热,凉血。本品用于由血热引起的疮疖;由肝热引起...[说明书] 参考价格:¥10", "桑拿按摩全套有哪些 针灸治疗扁桃体发炎 成都正规按摩 针灸治疗闭经 针灸治疗胃酸过多 埋线穴位减肥方法 针灸治疗肝火胃火 宫颈糜烂针灸治疗 针灸能治闭经吗 针灸治疗胃痛", "专家在线免费咨询", "看病 男科 妇科 癫痫 性病 养生 新闻 白癫风 牛皮癣", "就医 疾病信息 健康经验 症状信息 手术项目 检查项目 健康百科 求医问药", "用药 药品库 疾病用药 药品心得 用药安全 药品资讯 用药方案 品牌药企 明星药品", "整形 整形项目 整形案例 整形资讯 整形医院 减肥塑形 眼部整形 鼻部整形 面部整形", "有问必答 内科 外科 儿科 药品 遗传 美容 检查 减肥 中医科 五官科 传染科 体检科 妇产科 肿瘤科 康复科 子女教育 心理健康 整形美容 家居环境 皮肤性病 营养保健 其他科室 保健养生", "下载APP,免费快速问医生"], "bs_rank_pos": 1}, {"is_selected": false, "title": "【肩袖损伤能自愈吗】【图】肩袖损伤能自愈吗? 了解其病因和治疗_伊", "most_related_para": 1, "segmented_title": ["【", "肩袖损伤", "能", "自愈", "吗", "】", "【", "图", "】", "肩袖损伤", "能", "自愈", "吗", "?", "了解", "其", "病因", "和", "治疗", "_", "伊"], "segmented_paragraphs": [["肩", "袖", "是", "覆盖", "于", "肩关节", "前", "、", "上", "、", "后方", "之", "肩胛", "下", "肌", "、", "冈", "上", "肌", "、", "冈", "下", "肌", "、", "小圆肌", "等", "肌腱", "组织", "的", "总称", "。", "位于", "肩峰", "和", "三角肌", "下方", ",", "与", "关节囊", "紧密相连", "。", "肩", "袖", "的", "功能", "是", "上臂", "外", "展", "过程", "中", ".", ".", "."], ["肩", "袖", "是", "覆盖", "于", "肩关节", "前", "、", "上", "、", "后方", "之", "肩胛", "下", "肌", "、", "冈", "上", "肌", "、", "冈", "下", "肌", "、", "小圆肌", "等", "肌腱", "组织", "的", "总称", "。", "位于", "肩峰", "和", "三角肌", "下方", ",", "与", "关节囊", "紧密相连", "。", "肩", "袖", "的", "功能", "是", "上臂", "外", "展", "过程", "中", "使", "肱骨", "头", "向", "关节", "盂", "方向", "拉近", ",", "维持", "肱骨", "头", "与", "关节", "盂", "的", "正常", "支点", "关节", "。", "肩袖损伤", "将", "减弱", "甚至", "丧失", "这", "一", "功能", ",", "严重影响", "上肢", "外", "展", "功能", "。", "本", "病", "常", "发生", "在", "需要", "肩关节", "极度", "外", "展", "的", "反复", "运动", "中", "(", "如", "棒球", ",", "自由泳", "、", "仰泳", "和", "蝶泳", ",", "举重", ",", "球拍", "运动", ")", "。"], ["是", "年轻人", "肩袖损伤", "的", "主要", "原因", ",", "当", "跌倒", "时", "手", "外", "展", "着地", "或", "手持", "重物", ",", "肩关节", "突然", "外", "展", "上", "举", "或", "扭伤", "而", "引起", "。"], ["引起", "肩", "袖", "组织", "退行性", "变", "。", "当", "肱骨", "内", "旋", "或", "外", "旋", "中立", "位", "时", ",", "肩", "袖", "的", "这个", "危险区", "最", "易", "受到", "肱骨", "头", "的", "压迫", "、", "挤压", "血管", "而", "使", "该", "区", "相对", "缺血", ",", "使", "肌腱", "发生", "退行性", "变", "。", "临床", "上", "肩", "袖", "完全", "断裂", "大", "多发生", "在", "这", "一", "区域", "。"], ["中老年", "患者", "其", "肩", "袖", "组织", "因", "长期", "遭受", "肩峰", "下", "撞击", "、", "磨损", "而", "发生", "退", "变", "。", "本", "病", "常", "发生", "在", "需要", "肩关节", "极度", "外", "展", "的", "反复", "运动", "中", "(", "如", "棒球", "、", "仰泳", "和", "蝶泳", ",", "举重", ",", "球拍", "运动", ")", "。", "当", "上肢", "前", "伸", "时", ",", "肱骨", "头", "向前", "撞击", "肩峰", "与", "喙", "肩", "韧带", ",", "引起", "冈", "上", "肌", "肌腱", "损伤", "。", "慢性", "刺激", "可以", "引起", "肩峰", "下", "滑囊炎", "、", "无菌性炎症", "和", "肌腱", "侵袭", "。", "急性", "的", "暴力", "损伤", "可以", "导致", "旋转", "带", "断裂", "。"], ["本", "病", "多", "见于", "40", "岁", "以上", "患者", ",", "特别", "是", "重", "体力", "劳动", "者", "。", "伤", "前", "肩部", "无", "症状", ",", "伤", "后", "肩部", "有", "一", "时", "性", "疼痛", ",", "隔日", "疼痛", "加剧", ",", "持续", "4", "~", "7", "天", "。", "患者", "不能", "自动", "使用", "患", "肩", ",", "当", "上臂", "伸直", "肩关节", "内", "旋", "、", "外", "展", "时", ",", "大", "结节", "与", "肩峰", "间", "压痛", "明显", "。", "肩", "袖", "完全", "断裂", "时", ",", "因", "丧失", "其", "对", "肱骨", "头", "的", "稳定", "作用", ",", "将", "严重影响", "肩关节", "外", "展", "功能", "。", "肩", "袖", "部分", "撕裂", "时", ",", "患者", "仍", "能", "外", "展", "上臂", ",", "但", "有", "60", "°", "~", "120", "°", "疼痛弧", "。"], ["对", "肩峰", "形态", "的", "判断", "及", "肩关节", "骨性", "结构", "的", "改变", "有", "帮助", "。", "部分", "肩袖损伤", "患者", "肩峰", "前", "外侧", "缘", "及", "大", "结节", "处", "有", "明显", "骨质增生", "。"], ["可", "帮助", "确定", "肌腱", "损伤", "的", "损伤", "部位", "和", "严重", "程度", ",", "尤其", "是", "磁共振", "造影", "检查", "(", "MRA", ")", "可以", "清晰", "的", "显示", "肩", "袖", "的", "部分", "撕裂", ",", "对", "诊断", "具有", "较", "高", "的", "价值", "。"], ["根据", "临床表现", "及", "相关", "检查", "可做出", "诊断", "。"], ["上", "一篇", "文章", ":", "【", "图", "】", "脊髓损伤", "的", "治疗方法", "有", "哪些", "如何", "预防", "手术", "后", "的", "畸形", "下一篇", "文章", ":", "【", "图", "】", "米醋", "泡", "黑豆", "的", "功效", "是", "什么", "?", "专家", "为你", "解答", "疑惑"]], "paragraphs": ["肩袖是覆盖于肩关节前、上、后方之肩胛下肌、冈上肌、冈下肌、小圆肌等肌腱组织的总称。位于肩峰和三角肌下方,与关节囊紧密相连。肩袖的功能是上臂外展过程中...", "肩袖是覆盖于肩关节前、上、后方之肩胛下肌、冈上肌、冈下肌、小圆肌等肌腱组织的总称。位于肩峰和三角肌下方,与关节囊紧密相连。肩袖的功能是上臂外展过程中使肱骨头向关节盂方向拉近,维持肱骨头与关节盂的正常支点关节。肩袖损伤将减弱甚至丧失这一功能,严重影响上肢外展功能。本病常发生在需要肩关节极度外展的反复运动中(如棒球,自由泳、仰泳和蝶泳,举重,球拍运动)。", "是年轻人肩袖损伤的主要原因,当跌倒时手外展着地或手持重物,肩关节突然外展上举或扭伤而引起。", "引起肩袖组织退行性变。当肱骨内旋或外旋中立位时,肩袖的这个危险区最易受到肱骨头的压迫、挤压血管而使该区相对缺血,使肌腱发生退行性变。临床上肩袖完全断裂大多发生在这一区域。", "中老年患者其肩袖组织因长期遭受肩峰下撞击、磨损而发生退变。本病常发生在需要肩关节极度外展的反复运动中(如棒球、仰泳和蝶泳,举重,球拍运动)。当上肢前伸时,肱骨头向前撞击肩峰与喙肩韧带,引起冈上肌肌腱损伤。慢性刺激可以引起肩峰下滑囊炎、无菌性炎症和肌腱侵袭。急性的暴力损伤可以导致旋转带断裂。", "本病多见于40岁以上患者,特别是重体力劳动者。伤前肩部无症状,伤后肩部有一时性疼痛,隔日疼痛加剧,持续4~7天。患者不能自动使用患肩,当上臂伸直肩关节内旋、外展时,大结节与肩峰间压痛明显。肩袖完全断裂时,因丧失其对肱骨头的稳定作用,将严重影响肩关节外展功能。肩袖部分撕裂时,患者仍能外展上臂,但有60°~120°疼痛弧。", "对肩峰形态的判断及肩关节骨性结构的改变有帮助。部分肩袖损伤患者肩峰前外侧缘及大结节处有明显骨质增生。", "可帮助确定肌腱损伤的损伤部位和严重程度,尤其是磁共振造影检查(MRA)可以清晰的显示肩袖的部分撕裂,对诊断具有较高的价值。", "根据临床表现及相关检查可做出诊断。", "上一篇文章: 【图】脊髓损伤的治疗方法有哪些 如何预防手术后的畸形 下一篇文章: 【图】米醋泡黑豆的功效是什么? 专家为你解答疑惑"], "bs_rank_pos": 3}, {"is_selected": false, "title": "肩袖损伤能自愈吗_百度知道", "most_related_para": 0, "segmented_title": ["肩袖损伤", "能", "自愈", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["伤筋动骨", "一百天", ",", "就是说", "回复", "的", "时间", "要", "比较", "长", ",", "即使", "是", "好", "了", "你", "也", "不能", "马上", "剧烈", "的", "运动", ",", "毕竟", "伤", "过", "了", "就", "不会", "跟", "之", "前", "一样", "的", "。", "避免", "剧烈运动", ",", "好", "好", "养", "一段时间", "会", "没事", "的", "。"]], "paragraphs": ["伤筋动骨一百天,就是说回复的时间要比较长,即使是好了你也不能马上剧烈的运动,毕竟伤过了就不会跟之前一样的。避免剧烈运动,好好养一段时间会没事的。"], "bs_rank_pos": 5}, {"is_selected": true, "title": "肩袖损伤和肩周炎的区别,两者都可以自愈吗_百度知道", "most_related_para": 1, "segmented_title": ["肩袖损伤", "和", "肩周炎", "的", "区别", ",", "两者", "都", "可以", "自愈", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["有", "区别", ",", "肩周炎", "早期症状", "都", "有", "那些", "呢", "?", "肩周炎", "是", "中老年人", "常见", "的", "一", "种", "疾病", ",", "主要", "表现", "为", "肩关节", "疼痛", "和", "活动", "不便", ",", "严重影响", "患者", "的", "正常", "生活", "和", "工作", ",", "患者", "应", "及", "早", "的", "接受治疗", ",", "那", "肩周炎", "早期症状", "都", "有", "那些", "呢", "?", "我们", "一起来", "了解一下", "。", "  ", "首先", ",", "肩", "痛", ":", "早期", "时", "肩部", "呈", "阵", "发", "性", "疼痛", ",", "多数", "为", "慢性", "发作", ",", "以后", "疼痛", "逐渐", "加剧", "或", "顿", "痛", ",", "且", "呈", "持续", "性", ",", "气候变化", "或", "劳累", "后", ",", "常", "使", "疼痛", "加重", ",", "疼痛", "可", "向", "颈项", "及", "上肢", "(", "特别", "是", "肘部", ")", "扩散", ",", "当", "肩部", "偶然", "受到", "碰撞", "或", "牵拉", "时", ",", "常", "可", "引起", "撕裂", "样", "剧痛", ",", "肩", "痛", "昼", "轻", "夜", "重", "为", "本", "病", "一大", "特点", ",", "多数", "患者", "常", "诉说", "后", "半夜", "痛", "醒", ",", "不能", "成", "寐", ",", "尤其", "不能", "向", "患", "侧", "侧卧", ",", "此种情况", "因", "血虚", "而", "致", "者", "更为", "明显", ";", "若", "因", "受寒", "而", "致", "痛", "者", ",", "则", "对", "气候变化", "特别敏感", "。", "  ", "其次", ",", "肩关节", "活动", "受限", ":", "肩关节", "向", "各", "方向", "活动", "均", "可", "受限", ",", "以", "外", "展", "、", "上", "举", "、", "内外", "旋", "更为", "明显", "。", "随着", "病情", "进展", ",", "由于", "长期", "废", "用", "引起", "关节囊", "及"], ["不可以", ",", "但是", "可以", "治愈", "的", ",", "肩周炎", "和", "肩袖损伤", "多久", "了", "。"]], "paragraphs": ["有区别, 肩周炎早期症状都有那些呢?肩周炎是中老年人常见的一种疾病,主要表现为肩关节疼痛和活动不便,严重影响患者的正常生活和工作,患者应及早的接受治疗,那肩周炎早期症状都有那些呢?我们一起来了解一下。   首先, 肩痛:早期时肩部呈阵发性疼痛,多数为慢性发作,以后疼痛逐渐加剧或顿痛,且呈持续性,气候变化或劳累后,常使疼痛加重,疼痛可向颈项及上肢(特别是肘部)扩散,当肩部偶然受到碰撞或牵拉时,常可引起撕裂样剧痛 ,肩痛昼轻夜重为本病一大特点,多数患者常诉说后半夜痛醒,不能成寐,尤其不能向患侧侧卧,此种情况因血虚而致者更为明显;若因受寒而致痛者,则对气候变化特别敏感。   其次,肩关节活动受限:肩关节向各方向活动均可受限,以外展、上举、内外旋更为明显。随着病情进展,由于长期废用引起关节囊及", "不可以, 但是可以治愈的,肩周炎和肩袖损伤多久了。"], "bs_rank_pos": 6}], "answer_spans": [[2, 12]], "yesno_answers": ["Yes", "No"], "fake_answers": ["但是可以治愈的,肩周炎和肩袖损伤多久了。"], "question": "肩袖损伤能自愈吗", "segmented_answers": [["肩周炎", "是", "可以", "治愈", "的", ",", "但是", "需要", "锻炼", ",", "不然的话", "。", "时间长", "了", "肩周炎", ",", "就", "很难", "活动", "了", "。"], ["一般", "是", "不可以", "治愈", "的", ",", "需要", "外", "用", "膏药", ",", "结合", "活血化瘀", "的", "药品", "治疗"]], "answers": ["肩周炎是可以治愈的,但是需要锻炼,不然的话。时间长了肩周炎,就很难活动了。", "一般是不可以治愈的,需要外用膏药,结合活血化瘀的药品治疗"], "yesno_type": "OPINION", "answer_docs": [4], "segmented_question": ["肩袖损伤", "能", "自愈", "吗"], "question_type": "YES_NO", "question_id": 181664, "fact_or_opinion": "OPINION", "match_scores": [0.43749999999999994]}
-{"documents": [{"is_selected": true, "title": "【直播】《笑傲江湖》哪个版本好看?【电影票房吧】_百度贴吧", "most_related_para": 4, "segmented_title": ["【", "直播", "】", "《", "笑傲江湖", "》", "哪个", "版本", "好看", "?", "【", "电影", "票房", "吧", "】", "_", "百度贴吧"], "segmented_paragraphs": [["不", "然", ",", "所有", "的", "笑傲江湖", "里", "我", "认为", "李亚鹏", "演", "的", "最", "有味道", ",", "最", "能够", "表现", "这部小说", "的", "主题", "。", "还有", "岳不群", "和", "任我行", "的", "扮演", "也", "很", "恰当", "。"], ["喜欢", "这个时候", "的", "李亚鹏", "和", "许晴", ",", "真的好", "有", "武侠", "的", "感觉"], ["作者", "金庸", "亲", "口", "说", "的", "李连杰", "版", "最", "符合", "原著", "他", "的", "描写"], ["笑傲", "几", "部", "都", "拍", "的", "挺好", "的", ",", "个人", "最喜欢", "tvb", "的", "那", "版"], ["看", "的", "第一版", "笑傲江湖", "就是", "李亚鹏", "版", "的", ",", "挺", "喜欢", "后来", "于", "妈", "版", "实在", "不忍", "吐槽", "TVB", "不喜欢", "色调", "就", "没看过"], ["《", "笑傲江湖", "》", "只有", "一", "个", "真正", "的", "版本", ",", "就是", "徐克", "版", ",", "其它", "都是", "什么", "《", "瞎熬浆糊", "》", "、", "《", "哮嗷江湖", "》", "或", "《", "笑", "凹", "江湖", "》", "和", "什么", "《", "笑", "拗", "江湖", "》", "之类", "的", "。", "当然", "TVB", "或", "其它", "电视剧", "的", "是", "以", "老人", "孩子", "和", "家庭", "妇女", "为", "目标", "观众", "的", ",", "就", "不必", "跟", "它们", "有", "什么", "高", "要求", "了", "。"], ["不管", "哪", "版", "的", "令狐冲", "都", "完爆", "霍建华", "十", "条", "街", "上联", ":", "忆", "昨日", ",", "大妈", "败", "姨", "紫", "婶", "统", "统", "表", "脸", "倒贴", "下联", ":", "见", "今朝", ",", "心", "如", "乔恩", "唐嫣", "谁", "来", "救", "哥", "都", "行", "横批", ":", "霍", "白莲", "宇宙", "无敌", "-", "-", "来自", "最爱", "霍霍", "的", "华", "建", "霍", "吧"], ["明显", "李连杰", ",", "这", "还", "用", "比", "?", "吕颂贤", "的", "也", "还行", ",", "李亚鹏", "的", "看", "了", "几", "集", "尼玛", "那", "能", "看", "?", "内地", "武侠剧", "没", "多少", "江湖", "的", "味道", ",", "有些", "合拍", "的", "还", "凑合"], ["我", "看", "过", "李连杰", "那", "版", ",", "还有", "许冠杰", "版", ",", "我", "喜欢", "看", "香港", "武侠电影", ",", "居然", "还", "看", "过", "周润发", "版", "的", ",", "那个", "小师妹", "好漂亮", ",", "就是", "任盈盈", "太难看", "了"], ["说实话", "目前为止", "没有", "哪", "一", "版", "我", "觉得", "特别", "好看", "当然", "我", "只是", "个人", "意见", "个人", "有个人", "的", "看法"], ["只有", "李亚鹏", "版", "是", "全部", "看", "完", "的", ",", "不过", "那时", "挺", "小", "的", ",", "班上", "很多人", "都", "在", "讨论", ",", "那时", "没看过", "原著", "不知道", "好不好", ",", "只是", "我们", "那个年代", "这", "类", "片", "很多人", "看"], ["当然", "是", "李亚鹏", "诠释", "最", "全面", "许冠杰", "也", "不错", "但是", "是", "电影", "比较", "短"], ["实话实说", ",", "没", "一", "个", "好看", ",", "期待", "有", "新", "的", "精品"], ["许冠杰", "的", "最好", ",", "就是", "年龄", "略", "大"], ["我", "能", "说", "许晴", "版", "的", "任盈盈", "惊艳", "了", "我", "吗", "我", "上学", "时候", "特别", "喜欢", "她"], ["电影版", "必须", "李连杰", "的", ",", "电视剧", "版", "必须", "吕颂贤", "的"]], "paragraphs": ["不然,所有的笑傲江湖里我认为李亚鹏演的最有味道,最能够表现这部小说的主题。还有岳不群和任我行的扮演也很恰当。", "喜欢这个时候的李亚鹏和许晴,真的好有武侠的感觉", "作者金庸亲口说的李连杰版最符合原著他的描写", "笑傲几部都拍的挺好的,个人最喜欢tvb的那版", "看的第一版笑傲江湖就是李亚鹏版的,挺喜欢后来于妈版实在不忍吐槽TVB不喜欢色调就没看过", "《笑傲江湖》只有一个真正的版本,就是徐克版,其它都是什么《瞎熬浆糊》、《哮嗷江湖》或《笑凹江湖》和什么《笑拗江湖》之类的。当然TVB或其它电视剧的是以老人孩子和家庭妇女为目标观众的,就不必跟它们有什么高要求了。", "不管哪版的令狐冲都完爆霍建华十条街 上联: 忆昨日,大妈败姨紫婶统统表脸倒贴 下联: 见今朝,心如乔恩唐嫣谁来救哥都行 横批: 霍白莲宇宙无敌 --来自最爱霍霍的华建霍吧", "明显李连杰,这还用比? 吕颂贤的也还行,李亚鹏的看了几集尼玛那能看? 内地武侠剧没多少江湖的味道,有些合拍的还凑合", "我看过李连杰那版,还有许冠杰版,我喜欢看香港武侠电影,居然还看过周润发版的,那个小师妹好漂亮,就是任盈盈太难看了", "说实话目前为止没有哪一版我觉得特别好看  当然我只是个人意见 个人有个人的看法", "只有李亚鹏版是全部看完的,不过那时挺小的,班上很多人都在讨论,那时没看过原著不知道好不好,只是我们那个年代这类片很多人看", "当然是李亚鹏诠释最全面 许冠杰也不错 但是是电影比较短", "实话实说,没一个好看,期待有新的精品", "许冠杰的最好,就是年龄略大", "我能说许晴版的任盈盈惊艳了我吗 我上学时候特别喜欢她", "电影版必须李连杰的,电视剧版必须吕颂贤的"], "bs_rank_pos": 1}, {"is_selected": true, "title": "第一次看笑傲江湖的话看哪个版本比较好? ", "most_related_para": 0, "segmented_title": ["第一次", "看", "笑傲江湖", "的", "话", "看", "哪个", "版本", "比较好", "?"], "segmented_paragraphs": [["608177", "人", "聚集", "在", "这个", "小组", "加入", "小组"]], "paragraphs": ["608177 人聚集在这个小组 加入小组"], "bs_rank_pos": 2}, {"is_selected": true, "title": "《笑傲江湖》连续剧哪个版本好看_百度知道", "most_related_para": 0, "segmented_title": ["《", "笑傲江湖", "》", "连续剧", "哪个", "版本", "好看", "_", "百度", "知道"], "segmented_paragraphs": [["我", "个人", "感觉", "是", "吕颂贤", "版", ",", "剧情", "和", "原著", "差别", "不大", ",", "虽然", "TVB", "演员", "颜值", "和", "风光", "没有", "大陆", "的", "好", "。", "但是", "香港特区", "人口", "和", "地域", "的", "限制", ",", "只能", "注重", "在", "演员", "的", "演技", "方面", "发挥", "很", "出色", ",", "楼主", "看", "过", "大陆", "排", "《", "笑傲江湖", "》", "吧", "!", "在", "台词", "上", "表现", "的", "很", "生硬", "没有", "香港", "的", "注重", "神", "色", "配", "台词", ",", "比如", "杜燕歌", "把", "吕颂贤", "表情", "和", "性格", "几乎", "和", "原著", "差别", "不大", "。", "武打", "几乎", "沿用", "徐克", "和", "程小东", "动作", "的", "风格", "很", "注重", "实际", "技巧", ",", "没有", "大陆版", "的", "在", "武打", "场面", "依靠", "电脑", "特效", "表现", "的", "太夸张", "了", "。", "李亚鹏", "版", "的", "武打", "动作", "和", "导演", "还是", "香港", "的", "元彬", ",", "大陆", "毕竟", "还是", "在", "武侠剧", "起步", "的", "比较", "晚", ",", "主要", "是", "还是", "靠", "明星大腕", "压阵", "而", "香港", "却", "是", "恰恰相反", "。"], ["李亚鹏", "版"], ["李亚鹏", "版", "的", "和", "吕颂贤", "版", "的", "。"]], "paragraphs": ["我个人感觉是吕颂贤版,剧情和原著差别不大,虽然TVB演员颜值和风光没有大陆的好。但是香港特区人口和地域的限制,只能注重在演员的演技方面发挥很出色,楼主看过大陆排《笑傲江湖》吧!在台词上表现的很生硬没有香港的注重神色配台词,比如杜燕歌把吕颂贤表情和性格几乎和原著差别不大。武打几乎沿用徐克和程小东动作的风格很注重实际技巧,没有大陆版的在武打场面依靠电脑特效表现的太夸张了。李亚鹏版的武打动作和导演还是香港的元彬,大陆毕竟还是在武侠剧起步的比较晚,主要是还是靠明星大腕压阵而香港却是恰恰相反。", "李亚鹏 版", "李亚鹏版的和吕颂贤版的。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "笑傲江湖那个版本最好看,最经典_百度知道", "most_related_para": 0, "segmented_title": ["笑傲江湖", "那个", "版本", "最", "好看", ",", "最", "经典", "_", "百度", "知道"], "segmented_paragraphs": [["84", "版", "主演", ":", "周润发", "、", "陈秀珠", "(", "年代", "久远", ")", "96", "版", "主演", ":", "吕颂贤", "、", "梁", "佩", "玲", "(", "老", "经典", ")", "00", "版", "主演", ":", "马景涛", "、", "范文芳", "(", "新加坡", "拍", "的", ",", "感觉", "一般", ")", "00", "版", "主演", ":", "任贤齐", "、", "袁咏仪", "(", "很多", "明星", "加盟", ",", "不过", "男主角", "太", "坑", ")", "01", "版", "主演", ":", "李亚鹏", "、", "许晴", "(", "经典", "央视版", ",", "如果", "真正", "看", "过", ",", "还是", "有很多", "亮点", ",", "如", "许晴", "的", "任盈盈", "、", "孙海英", "的", "田伯光", "、", "巍子", "的", "岳不群", "、", "李解", "的", "林平之", ")", "13", "版", "主演", ":", "霍建华", "、", "陈乔恩", "(", "于正", "的", "作品", ",", "马桶", "台", "投资", "。", "。", "。", ")", "90", "电影版", "主演", ":", "许冠杰", "、", "张敏", "(", "沧海一声笑", "~", "~", "~", "~", ")", "93", "电影版", "主演", ":", "林青霞", "(", "女", "版", "东方不败", "惊艳", "!", "经典", "!", ")", "满意", "请", "采纳"], ["个人", "最喜欢", "李亚鹏", "版本", "的", "。"], ["最新", "的", "版本", "吧", ",", "望", "采纳"], ["2013", "年", "霍建华", "主演", "的", "那", "部", "很好"], ["陈乔恩", "那个", "版本", "吧", "."]], "paragraphs": ["84版 主演:周润发、陈秀珠(年代久远) 96版 主演:吕颂贤、梁佩玲(老经典) 00版 主演:马景涛、范文芳(新加坡拍的,感觉一般) 00版 主演:任贤齐、袁咏仪(很多明星加盟,不过男主角太坑) 01版 主演:李亚鹏、许晴(经典央视版,如果真正看过,还是有很多亮点,如许晴的任盈盈、孙海英的田伯光、巍子的岳不群、李解的林平之) 13版 主演:霍建华、陈乔恩(于正的作品,马桶台投资。。。) 90电影版 主演:许冠杰、张敏(沧海一声笑~~~~) 93电影版 主演:林青霞(女版东方不败惊艳!经典!) 满意请采纳", "个人最喜欢李亚鹏版本的。", "最新的版本吧,望采纳", "2013年 霍建华主演的那部 很好", "陈乔恩那个版本吧 ."], "bs_rank_pos": 4}], "answer_spans": [[1, 23]], "answer_docs": [2], "fake_answers": ["个人感觉是吕颂贤版,剧情和原著差别不大,虽然TVB演员颜值和风光没有大陆的好。"], "question": "笑傲江湖哪个版本好看", "segmented_answers": [["看", "的", "第一版", "笑傲江湖", "就是", "李亚鹏", "版", "的", ",", "挺", "喜欢", "。"], ["笑傲江湖", "吕颂贤", "的", "最好", ",", "虽然", "情节", "有些", "改动", ",", "布景", "服装", "也", "一般", ",", "但", "他", "演", "的", "才是", "真正", "的", "令狐冲", ",", "射雕", "黄日华", "翁美玲", "83", "版", "最好", ",", "神雕", "古天乐", "李若彤", "版", "最好", "。"], ["个人", "感觉", "是", "吕颂贤", "版", ",", "剧情", "和", "原著", "差别", "不大", ",", "虽然", "TVB", "演员", "颜值", "和", "风光", "没有", "大陆", "的", "好", "。"]], "answers": ["看的第一版笑傲江湖就是李亚鹏版的,挺喜欢。", "笑傲江湖吕颂贤的最好,虽然情节有些改动,布景服装也一般,但他演的才是真正的令狐冲,射雕黄日华翁美玲83版最好,神雕古天乐李若彤版最好。", "个人感觉是吕颂贤版,剧情和原著差别不大,虽然TVB演员颜值和风光没有大陆的好。"], "entity_answers": [["李亚鹏版"], ["吕颂贤"], ["吕颂贤版"]], "segmented_question": ["笑傲江湖", "哪个", "版本", "好看"], "question_type": "ENTITY", "match_scores": [0.9130434782608695], "fact_or_opinion": "OPINION", "question_id": 181665}
-{"documents": [{"is_selected": true, "title": "微信零钱支付密码怎么设置_百度知道", "most_related_para": 1, "segmented_title": ["微信", "零钱", "支付", "密码", "怎么", "设置", "_", "百度", "知道"], "segmented_paragraphs": [["如果", "是", "想", "修改", "的", "话", ",", "点击", "我", "-", "钱包", ",", "进入", "微信", "钱包", ",", "点击", "右上角", "的", "3", "个", "点", ",", "选择", "支付", "管理", "-", "修改", "支付", "密码", "。", "如果", "是", "第一次", "设置", "的", "话", ",", "必须", "绑定", "银行卡", ",", "在", "绑定", "的", "过程", "中", "微信", "会", "要求", "设置"], ["自已", "设置", "个", "6", "位数", "的", "密码"], ["你好", ",", "需要", "帮忙", "吗", "?"]], "paragraphs": ["如果是想修改的话,点击我-钱包,进入微信钱包,点击右上角的3个点,选择支付管理-修改支付密码。 如果是第一次设置的话,必须绑定银行卡,在绑定的过程中微信会要求设置", "自已设置个6位数的密码", "你好,需要帮忙吗?"], "bs_rank_pos": 0}, {"is_selected": true, "title": "微信上的支付密码怎么设置的?_百度知道", "most_related_para": 2, "segmented_title": ["微信", "上", "的", "支付", "密码", "怎么", "设置", "的", "?", "_", "百度", "知道"], "segmented_paragraphs": [["一", "、", "更改", "微信", "支付", "密码", "的", "方法", ":", "打开", "微信", ",", "登陆", "到", "个人", "微信", "首页", ",", "点击", "右上角", "的", "三", "点", "成", "条状", "的", "菜单", "按钮", ";", "在", "弹出", "的", "下拉菜单", "栏", "中", ",", "选择", "我", "的", "钱包", ";", "进入", "我", "的", "钱包", "页面", ",", "点击", "右上角", "三", "点", "呈", "条状", "的", "菜单", "按钮", ",", "选择", "支付", "密码", ";", "进入", "支付", "密码", "的", "设置", "页面", ",", "点击", "修改", "支付", "密码", ";", "此时", "需要", "我们", "输入", "目前", "所用", "的", "6", "位", "数字", "支付", "密码", ";", "输入", "正确", "之后", "直接", "跳", "到", "新", "密码", "的", "设置", "页面", ",", "输入", "6", "位", "与", "旧", "密码", "不同", "的", "数字", ";", "再次", "输入", "相同", "的", "新", "密码", ",", "点击", "完成", "就", "可以", "了", "。", "二", "、", "微信", "(", "英文名", ":", "wechat", ")", "是", "腾讯公司", "于", "2011", "年", "1", "月", "21", "日", "推出", "的", "一", "个", "为", "智能终端", "提供", "即时通讯", "服务", "的", "免费", "应用程序", ",", "微信", "支持", "跨", "通信", "运营商", "、", "跨", "操作系统", "平台", "通过", "网络", "快速发送", "免费", "(", "需", "消耗", "少量", "网络流量", ")", "语音短信", "、", "视频", "、", "图片", "和", "文字", ",", "同时", ",", "也", "可以", "使用", "通过", "共享", "流媒体", "内容", "的", "资料", "和", "基于", "位置", "的", "社交", "插件", "“", "摇一摇", "”", "、", "“", "漂流瓶", "”", "、", "“", "朋友"], ["1", "、", "首先", ",", "在", "“", "我", "”", "的", "个人", "信息", "中", "打开", "“", "我", "的", "银行卡", "”", "2", "、", "选择", "“", "支付", "密码", "”", "3", "、", "选择", "“", "忘记", "支付", "密码", "”", "4", "、", "选择", "一", "张", "已经", "绑定", "的", "银行卡", "进行", "信息", "验证", ",", "验证", "通过", "后", ",", "即可", "重设密码", "。", "希望", "能", "帮", "到", "你"], ["一", "、", "更改", "微信", "支付", "密码", "的", "方法", ":", "打开", "微信", ",", "登陆", "到", "个人", "微信", "首页", ",", "点击", "右上角", "的", "三", "点", "成", "条状", "的", "菜单", "按钮", ";", "在", "弹出", "的", "下拉菜单", "栏", "中", ",", "选择", "我", "的", "钱包", ";", "进入", "我", "的", "钱包", "页面", ",", "点击", "右上角", "三", "点", "呈", "条状", "的", "菜单", "按钮", ",", "选择", "支付", "密码", ";", "进入", "支付", "密码", "的", "设置", "页面", ",", "点击", "修改", "支付", "密码", ";", "此时", "需要", "我们", "输入", "目前", "所用", "的", "6", "位", "数字", "支付", "密码", ";", "输入", "正确", "之后", "直接", "跳", "到", "新", "密码", "的", "设置", "页面", ",", "输入", "6", "位", "与", "旧", "密码", "不同", "的", "数字", ";", "再次", "输入", "相同", "的", "新", "密码", ",", "点击", "完成", "就", "可以", "了", "。", "二", "、", "微信", "(", "英文名", ":", "wechat", ")", "是", "腾讯公司", "于", "2011", "年", "1", "月", "21", "日", "推出", "的", "一", "个", "为", "智能终端", "提供", "即时通讯", "服务", "的", "免费", "应用程序", ",", "微信", "支持", "跨", "通信", "运营商", "、", "跨", "操作系统", "平台", "通过", "网络", "快速发送", "免费", "(", "需", "消耗", "少量", "网络流量", ")", "语音短信", "、", "视频", "、", "图片", "和", "文字", ",", "同时", ",", "也", "可以", "使用", "通过", "共享", "流媒体", "内容", "的", "资料", "和", "基于", "位置", "的", "社交", "插件", "“", "摇一摇", "”", "、", "“", "漂流瓶", "”", "、", "“", "朋友"], ["1", "、", "首先", ",", "在", "“", "我", "”", "的", "个人", "信息", "中", "打开", "“", "我", "的", "银行卡", "”", "2", "、", "选择", "“", "支付", "密码", "”", "3", "、", "选择", "“", "忘记", "支付", "密码", "”", "4", "、", "选择", "一", "张", "已经", "绑定", "的", "银行卡", "进行", "信息", "验证", ",", "验证", "通过", "后", ",", "即可", "重设密码", "。"]], "paragraphs": ["一、更改微信支付密码的方法: 打开微信,登陆到个人微信首页,点击右上角的三点成条状的菜单按钮; 在弹出的下拉菜单栏中,选择我的钱包; 进入我的钱包页面,点击右上角三点呈条状的菜单按钮,选择支付密码; 进入支付密码的设置页面,点击修改支付密码; 此时需要我们输入目前所用的6位数字支付密码; 输入正确之后直接跳到新密码的设置页面,输入6位与旧密码不同的数字; 再次输入相同的新密码,点击完成就可以了。 二、微信(英文名:wechat)是腾讯公司于2011年1月21日推出的一个为智能终端提供即时通讯服务的免费应用程序,微信支持跨通信运营商、跨操作系统平台通过网络快速发送免费(需消耗少量网络流量)语音短信、视频、图片和文字,同时,也可以使用通过共享流媒体内容的资料和基于位置的社交插件“摇一摇”、“漂流瓶”、“朋友", "1、首先,在“我”的个人信息中打开“我的银行卡” 2、选择“支付密码” 3、选择“忘记支付密码” 4、选择一张已经绑定的银行卡进行信息验证,验证通过后,即可重设密码。 希望能帮到你", "一、更改微信支付密码的方法: 打开微信,登陆到个人微信首页,点击右上角的三点成条状的菜单按钮; 在弹出的下拉菜单栏中,选择我的钱包; 进入我的钱包页面,点击右上角三点呈条状的菜单按钮,选择支付密码; 进入支付密码的设置页面,点击修改支付密码; 此时需要我们输入目前所用的6位数字支付密码; 输入正确之后直接跳到新密码的设置页面,输入6位与旧密码不同的数字; 再次输入相同的新密码,点击完成就可以了。 二、微信(英文名:wechat)是腾讯公司于2011年1月21日推出的一个为智能终端提供即时通讯服务的免费应用程序,微信支持跨通信运营商、跨操作系统平台通过网络快速发送免费(需消耗少量网络流量)语音短信、视频、图片和文字,同时,也可以使用通过共享流媒体内容的资料和基于位置的社交插件“摇一摇”、“漂流瓶”、“朋友", "1、首先,在“我”的个人信息中打开“我的银行卡” 2、选择“支付密码” 3、选择“忘记支付密码” 4、选择一张已经绑定的银行卡进行信息验证,验证通过后,即可重设密码。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "微信零钱支付密码设置_百度知道", "most_related_para": 0, "segmented_title": ["微信", "零钱", "支付", "密码", "设置", "_", "百度", "知道"], "segmented_paragraphs": [["进入", "我", "的", "钱包", "后", "点击", "右上角", "的", "设置", "键", ",", "就是", "那", "三", "个", "点", ",", "然后", "选", "支付", "管理", ",", "可以", "修改密码", ",", "或者", "忘记密码", "重置", "密码", ",", "你", "这种情况", "直接", "忘记密码", ",", "然后", "重置", "就", "可以", "了", "。"], ["以前", "是", "没有", ".", ".", ".", "这个", "密码", "是", "六", "位", "的", ".", ".", "你", "自己", "设置", "一", "个", "就", "可以", "了", ".", ".", "."], ["支付", "密码", "怎么", "弄"]], "paragraphs": ["进入我的钱包后点击右上角的设置键,就是那三个点,然后选支付管理,可以修改密码,或者忘记密码重置密码,你这种情况直接忘记密码,然后重置就可以了。", "以前是没有... 这个密码是六位的.. 你自己设置一个就可以了...", "支付密码怎么弄"], "bs_rank_pos": 2}], "answer_spans": [[0, 6]], "fake_answers": ["自已设置个6位数的密码"], "question": "微信支付密码怎么设置", "segmented_answers": [["点击", "我", "-", "钱包", ",", "进入", "微信", "钱包", ",", "点击", "右上角", "的", "3", "个", "点", ",", "选择", "支付", "管理", "-", "修改", "支付", "密码", "。"], ["自已", "设置", "个", "6", "位数", "的", "密码", "。"], ["打开", "微信", ",", "登陆", "到", "个人", "微信", "首页", ",", "点击", "右上角", "的", "三", "点", "成", "条状", "的", "菜单", "按钮", ";", "在", "弹出", "的", "下拉菜单", "栏", "中", ",", "选择", "我", "的", "钱包", ";", "进入", "我", "的", "钱包", "页面", ",", "点击", "右上角", "三", "点", "呈", "条状", "的", "菜单", "按钮", ",", "选择", "支付", "密码", ";", "进入", "支付", "密码", "的", "设置", "页面", ",", "点击", "修改", "支付", "密码", ";", "此时", "需要", "输入", "目前", "所用", "的", "6", "位", "数字", "支付", "密码", ";", "输入", "正确", "之后", "直接", "跳", "到", "新", "密码", "的", "设置", "页面", ",", "输入", "6", "位", "与", "旧", "密码", "不同", "的", "数字", ";", "再次", "输入", "相同", "的", "新", "密码", ",", "点击", "完成", "就", "可以", "了", "。"]], "answers": ["点击我-钱包,进入微信钱包,点击右上角的3个点,选择支付管理-修改支付密码。", "自已设置个6位数的密码。", "打开微信,登陆到个人微信首页,点击右上角的三点成条状的菜单按钮;在弹出的下拉菜单栏中,选择我的钱包;进入我的钱包页面,点击右上角三点呈条状的菜单按钮,选择支付密码;进入支付密码的设置页面,点击修改支付密码;此时需要输入目前所用的6位数字支付密码;输入正确之后直接跳到新密码的设置页面,输入6位与旧密码不同的数字;再次输入相同的新密码,点击完成就可以了。"], "answer_docs": [0], "segmented_question": ["微信", "支付", "密码", "怎么", "设置"], "question_type": "DESCRIPTION", "question_id": 181666, "fact_or_opinion": "FACT", "match_scores": [0.9333333333333333]}
-{"documents": [{"is_selected": false, "title": "大家都来说说你们所知的求愿很灵的寺庙 ", "most_related_para": 0, "segmented_title": ["大家", "都", "来说说", "你们", "所", "知", "的", "求", "愿", "很", "灵", "的", "寺庙"], "segmented_paragraphs": [["175715", "人", "聚集", "在", "这个", "小组", "加入", "小组"]], "paragraphs": ["175715 人聚集在这个小组 加入小组"], "bs_rank_pos": 0}, {"is_selected": true, "title": "雍和宫都能求什么?白云观又能求什么?这两座寺庙哪个更灵验?_百度", "most_related_para": 0, "segmented_title": ["雍和宫", "都", "能", "求", "什么", "?", "白云观", "又", "能", "求", "什么", "?", "这", "两", "座", "寺庙", "哪个", "更", "灵验", "?", "_", "百度"], "segmented_paragraphs": [["什么", "都", "能", "求", ",", "只要", "是", "符合", "正确", "的", "愿望", "。", "只不过", "雍和宫", "是", "佛教", "的", ",", "白云观", "是", "道家", "的", "。", "建议", "去", "雍和宫", "会", "更好", "些", "。", "谢谢", "。"]], "paragraphs": ["什么都能求,只要是符合正确的愿望。只不过雍和宫是佛教的,白云观是道家的。建议去雍和宫会更好些。谢谢。"], "bs_rank_pos": 1}, {"is_selected": true, "title": "北京白云观求什么最灵_百度知道", "most_related_para": 0, "segmented_title": ["北京", "白云观", "求", "什么", "最", "灵", "_", "百度", "知道"], "segmented_paragraphs": [["心诚则灵", "!"]], "paragraphs": ["心诚则灵!"], "bs_rank_pos": 2}, {"is_selected": false, "title": "父亲生病啦去白云观求什么灵_百度知道", "most_related_para": 0, "segmented_title": ["父亲", "生病", "啦", "去", "白云观", "求", "什么", "灵", "_", "百度", "知道"], "segmented_paragraphs": [["都是", "不", "怎么", "灵", "的", "最好", "的", "还是", "去", "医院", "赶紧", "的", "治疗", "一", "下", "相信", "很快", "就", "可以", "好", "起来"]], "paragraphs": ["都是不怎么灵的 最好的还是去医院 赶紧的治疗一下 相信很快就可以好起来"], "bs_rank_pos": 3}, {"is_selected": true, "title": "想去白云观求姻缘,请问需要注意什么?要请什么样的香呢?_百度知道", "most_related_para": 0, "segmented_title": ["想", "去", "白云观", "求", "姻缘", ",", "请问", "需要", "注意", "什么", "?", "要", "请", "什么", "样", "的", "香", "呢", "?", "_", "百度", "知道"], "segmented_paragraphs": [["哈哈哈", "一年前", "的", "问题", "了", "按照", "百度", "的", "新", "规矩", "我", "回答", "了", "应该", "会", "成为", "满意", "答案", "的", "话说", "白云观", "求", "姻缘", "灵", "的", "很", "的", "说", "。", "我", "的", "两", "个", "女朋友", "都是", "白云观", "求", "来", "的", ",", "当然", "你", "也", "可以", "认为", "是", "赶巧", "了", "。", "再", "说", "注意", "什么", ":", "无知者", "无罪", "。", "你", "只要", "虔诚", "心无杂念", "即可", "。", "香火", "看", "自己", "了", ",", "随意", "买", "的", "。", "跟", "个人", "的", "经济", "能力", "有关", ",", "比如", ",", "有人", "不", "上香", ",", "天天", "去", ";", "比如", "有人", "又", "上香", "有", "捐", "功德", "钱", ";", "我", "反正", "是", "上香", ",", "经济", "能力", "不允许", "每一个", "都", "捐", "功德款", "。", "只要", "虔诚", "就好", "一些", "简单", "的", "规矩", ":", "膜拜", ",", "各", "殿", "各", "路", "神仙", "都", "要", "拜", ",", "不能", "只", "拜", "你", "有", "所求", "的", "神仙", ",", "那样", "是", "对", "其他", "神仙", "的", "不", "敬", "。", "要", "常常", "在", "无所求", "的", "状态", ",", "多", "去", "几", "次", "添", "一", "添", "香火", ",", "不能", "临时抱佛脚", "。", "另外", ",", "同", "理", ",", "香火", "也", "不能", "求", "谁", "给", "谁", "上香", "火", ",", "而且", "香火", "只", "可以", "多", "带", "不能", "不够", ",", "所谓", "的", "不够", "就是", "最后", "发现", "还有", "大殿", "没有", "进", "或者", "神仙", "没有", "拜", "香火", "不够", "了", "。", "。", "。", "。", "基本上", "就", "上面", "几点", "人之常情", "的", ",", "通俗易懂"]], "paragraphs": ["哈哈哈 一年前的问题了 按照百度的新规矩 我回答了 应该会成为满意答案的 话说白云观求姻缘灵的很的说。我的两个女朋友都是白云观求来的,当然你也可以认为是赶巧 了。 再说注意什么:无知者无罪。你只要虔诚心无杂念即可。香火看自己了,随意买的。跟个人的经济能力有关,比如,有人不上香,天天去;比如有人又上香有捐功德钱;我反正是上香,经济能力不允许每一个都捐功德款。只要虔诚就好 一些简单的规矩:膜拜,各殿各路神仙都要拜,不能只拜你有所求的神仙,那样是对其他神仙的不敬。要常常在无所求的状态,多去几次添一添香火,不能临时抱佛脚。另外,同理,香火也不能求谁给谁上香火,而且香火只可以多带不能不够,所谓的不够就是最后发现还有大殿没有进或者神仙没有拜香火不够了。。。。基本上就上面几点人之常情的,通俗易懂"], "bs_rank_pos": 4}], "answer_spans": [[21, 28]], "answer_docs": [4], "fake_answers": ["求姻缘灵的很的说。"], "question": "白云观求什么最灵验", "segmented_answers": [["什么", "都", "能", "求", ",", "只要", "是", "符合", "正确", "的", "愿望", "。"], ["心诚则灵", "。"], ["求", "姻缘", "灵", "的", "很", "的", "。"]], "answers": ["什么都能求,只要是符合正确的愿望。", "心诚则灵。", "求姻缘灵的很的。"], "entity_answers": [[], [], ["姻缘"]], "segmented_question": ["白云观", "求", "什么", "最", "灵验"], "question_type": "ENTITY", "match_scores": [0.9333333333333333], "fact_or_opinion": "OPINION", "question_id": 181667}
-{"documents": [{"is_selected": false, "title": "龙之谷舞娘一转转什么好_百度知道", "most_related_para": 1, "segmented_title": ["龙之谷", "舞娘", "一", "转", "转", "什么", "好", "_", "百度", "知道"], "segmented_paragraphs": [["这个问题", "你可以", "在", "游戏", "官网", "看看", ",", "现在", "很多", "的", "网友", "都", "玩", "王", "f", "牌", "a", "对决", "啦", "哈", ",", "这", "款", "游戏", "的", "特点", "还是", "很多", "的", ",", "首先", "是", "熟人", "很多", ",", "像", "杰克船长", "、", "路西法", ",", "还有", "最爱", "的", "八神", ",", "火舞", "。", "在", "里面", "这些", "一百", "多", "个", "人物", "都是", "不一样", "的", ",", "让", "你", "每天", "都", "有", "新鲜", ",", "刺激", "的", "场面", ",", "谢谢", ",", "望", "采纳", "。"], ["杀伤力", "大", "单刷", "副本", "的", "话", "还是", "转", "噬魂者", "吧", ",", "萨满", "比较", "偏", "控制", "是", "倾向", "于", "PK", "的", "。"]], "paragraphs": ["这个问题你可以在游戏官网看看, 现在很多的网友都玩王f牌a对决啦哈, 这款游戏的特点还是很多的, 首先是熟人很多,像杰克船长、 路西法,还有最爱的八神,火舞。 在里面这些一百多个人物都是不一样的, 让你每天都有新鲜,刺激的场面,谢谢,望采纳。", "杀伤力大单刷副本的话还是转噬魂者吧,萨满比较偏控制是倾向于PK的。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "龙之谷舞娘转什么好_百度知道", "most_related_para": 0, "segmented_title": ["龙之谷", "舞娘", "转", "什么", "好", "_", "百度", "知道"], "segmented_paragraphs": [["建议", "转", "魔卡", ",", "其中", "黑暗", "萨满", "刚", "加强", "不", "久", ",", "拥有", "极", "强", "的", "团队", "加", "最终", "暗", "攻", "、", "减抗", "和", "减速", "能力", "。", "不过", "这", "也是", "全", "DN", "唯一", "一", "个", "需要", "堆", "血", "和", "MP", "恢复", "的", "职业", "。"]], "paragraphs": ["建议转魔卡,其中黑暗萨满刚加强不久, 拥有极强的团队加最终暗攻、减抗和减速能力。 不过这也是全DN唯一一个需要堆血和MP恢复的职业。"], "bs_rank_pos": 1}, {"is_selected": true, "title": "龙之谷舞娘转什么好 龙之谷舞娘转职选择攻略_百度知道", "most_related_para": 0, "segmented_title": ["龙之谷", "舞娘", "转", "什么", "好", "龙之谷", "舞娘", "转职", "选择", "攻略", "_", "百度", "知道"], "segmented_paragraphs": [["一", "转", "只有", "呐喊", "着", "二", "转", "黑暗", "萨满", ",", "擅长", "范围", "攻击", "和", "扇形", "攻击", "的", "能手", "黑暗", "萨满", "特征", "就是", ",", "利用", "黑暗", "力量", "对", "敌人", "使用", "炫丽", "的", "技能", "进行", "战斗", "。", "所有", "技能", "都", "要", "卡莉", "发动", ",", "由于", "近战", "状态", "下", "与", "敌人", "战斗", ",", "所以", "需要", "操作", "方面", "方面", "技术", "。", "黑暗", "萨满", "技能", "连击", "强", ",", "可以", "造成", "一定", "程度", "的", "范围", "伤害", "。", "同时", "黑暗", "萨满", "拥有", "聚集", "很多", "怪", "后", "使用", "强力", "的", "连续", "技能", ",", "可以", "一", "次", "消灭", "完", "。", "在", "攻击", "上", "黑暗", "萨满", "表现", "强劲", ",", "在", "躲避", "上", "也", "毫不含糊", ",", "可以", "在空中", "使用", "回避", "移动", "技能", "。", "二", "转", "噬魂者", ",", "善于", "正面", "直线", "攻击", "的", "召唤师", "噬魂者", "可以", "召唤", "出", "黑暗", "召唤兽", "后", "替", "卡莉", "进行", "战斗", ",", "但", "与", "学者", "召唤兽", "不同", "的", "是", "一", "次性", "攻击", "的", "召唤兽", "。", "噬魂者", "会", "使用", "“", "烙印", "”", "DEBUFF", "技能", ",", "用", "烙印", "瞄准", "敌人", "后", "会", "发出", "怪物", "数量", "一样", "多", "的", "技能", "。", "同样", "的", "技能", "会", "按照", "烙印", "数量", "造成", "不同", "的", "伤害", ",", "由于", "烙印", "技能", "冷却", "时间", "是", "10", "秒", ",", "可以更换", "使用", "可以", "收到", "烙印", "技能", "影响", "的", "技能"]], "paragraphs": ["一转只有呐喊着 二转黑暗萨满,擅长范围攻击和扇形攻击的能手 黑暗萨满特征就是,利用黑暗力量对敌人使用炫丽的技能进行战斗。所有技能都要卡莉发动,由于近战状态下与敌人战斗,所以需要操作方面方面技术。黑暗萨满技能连击强,可以造成一定程度的范围伤害。同时黑暗萨满拥有聚集很多怪后使用强力的连续技能,可以一次消灭完。在攻击上黑暗萨满表现强劲,在躲避上也毫不含糊,可以在空中使用回避移动技能。 二转噬魂者,善于正面直线攻击的召唤师 噬魂者可以召唤出黑暗召唤兽后替卡莉进行战斗,但与学者召唤兽不同的是一次性攻击的召唤兽。噬魂者会使用“烙印”DEBUFF技能,用烙印瞄准敌人后会发出怪物数量一样多的技能。同样的技能会按照烙印数量造成不同的伤害,由于烙印技能冷却时间是10秒,可以更换使用可以收到烙印技能影响的技能"], "bs_rank_pos": 2}, {"is_selected": true, "title": "龙之谷90舞娘转什么好2016_百度知道", "most_related_para": 0, "segmented_title": ["龙之谷", "90", "舞娘", "转", "什么", "好", "2016", "_", "百度", "知道"], "segmented_paragraphs": [["4", "个", "2", "转", "都", "差不多", "的", "输出", "比较", "上次", "更新", "都", "加强", "了", "只是", "看", "你", "喜欢", "什么", "了"]], "paragraphs": ["4个2转都差不多的输出比较上次更新都加强了 只是看你喜欢什么了"], "bs_rank_pos": 3}, {"is_selected": false, "title": "舞娘这个版本转什么比较好?-龙之谷综合讨论区-龙之谷-多玩游戏论坛 ", "most_related_para": 10, "segmented_title": ["舞娘", "这个", "版本", "转", "什么", "比较好", "?", "-", "龙之谷", "综合讨论区", "-", "龙之谷", "-", "多玩", "游戏论坛"], "segmented_paragraphs": [["UID", "33474014", "帖子", "358", "威望", "0", "多玩", "草", "324", "草"], ["如", "题", "求", "大神", "!", "!", "!", "舞娘", "这个", "版本", "转", "什么", "好", ",", "刷图", "用", "的", "!"], ["特制", "红豆", "饭", "转", "暗", "比较好", "233", "发表", "于", "2015", "-", "10", "-", "27", "08", ":", "56", ":", "10"], ["都", "可以", ",", "输出", "都", "很不错"], ["物", "卡", "不错", "吧"], ["刀锋", "无误"], ["UID", "57148868", "帖子", "3445", "威望", "0", "多玩", "草", "0", "草"], ["刀锋", "好", "(", "_", ")"], ["刀锋", "不错", "。", "。", "。", "。", "。", "。", "。"], ["签名", "禁止", "针对", "用户", "—", "—", "蚊子", "留"], ["papa", "super", "如果", "你", "练", "一", "个", "灵魂", "你", "就", "知道", "了", ",", "pvp", "很厉害", ",", "pve", "并没有", "那么", "强势", "。", "怎么", "可能", "加强", "一", "个", "32", "大和", "50", "大", "就", "把", "灵魂", "从", "下水道", "拯救", "到", "一线", "呢", "?", "有", "大", "灵魂", "之所以", "打", "出", "9", "千万", "的", "暴击", "伤害", ",", "是因为", "带", "了", "巴纳尔", "佣兵", ",", "况且", "人家", "面板", "也", "炒", "鸡", "高", "。", "相对", "于", "发表", "于", "2015", "-", "10", "-", "27", "10", ":", "31", ":", "02"], ["舞娘", "二", "转", "应该", "转", "暗月", "主", ",", "月", "主", "的", "旋转", "冲击", "还是", "蛮", "给力", "的", "。"], ["您", "需要", "登录", "后", "才", "可以", "回帖", "登录", "|", "注册"]], "paragraphs": ["UID 33474014 帖子 358 威望 0 多玩草 324 草", "如题求大神!!!舞娘这个版本转什么好,刷图用的!", "特制红豆饭 转暗比较好233 发表于 2015-10-27 08:56:10", "都可以,输出都很不错", "物卡不错吧", "刀锋无误", "UID 57148868 帖子 3445 威望 0 多玩草 0草", "刀锋好(ಥ_ಥ)", "刀锋不错。。。。。。。", "签名禁止针对用户——蚊子留", "papasuper 如果你练一个灵魂你就知道了,pvp很厉害,pve并没有那么强势。怎么可能加强一个32大和50大就把灵魂从下水道拯救到一线呢?有大灵魂之所以打出9千万的暴击伤害,是因为带了巴纳尔佣兵,况且人家面板也炒鸡高。相对于 发表于 2015-10-27 10:31:02", "舞娘二转应该转暗月主,月主的旋转冲击还是蛮给力的。", "您需要登录后才可以回帖 登录 | 注册"], "bs_rank_pos": 4}], "answer_spans": [[2, 19]], "answer_docs": [3], "fake_answers": ["2转都差不多的输出比较上次更新都加强了只是看你喜欢什么了"], "question": "龙之谷舞娘转什么好", "segmented_answers": [["一", "转", "只有", "呐喊", "者", "。", "二", "转", "黑暗", "萨满", ",", "擅长", "范围", "攻击", "和", "扇形", "攻击", "的", "能手", ",", "黑暗", "萨满", "特征", "就是", ",", "利用", "黑暗", "力量", "对", "敌人", "使用", "炫丽", "的", "技能", "进行", "战斗", "。", "所有", "技能", "都", "要", "卡莉", "发动", ",", "由于", "近战", "状态", "下", "与", "敌人", "战斗", ",", "所以", "需要", "操作", "方面", "方面", "技术", "。", "黑暗", "萨满", "技能", "连击", "强", ",", "可以", "造成", "一定", "程度", "的", "范围", "伤害", "。", "同时", "黑暗", "萨满", "拥有", "聚集", "很多", "怪", "后", "使用", "强力", "的", "连续", "技能", ",", "可以", "一", "次", "消灭", "完", "。", "在", "攻击", "上", "黑暗", "萨满", "表现", "强劲", ",", "在", "躲避", "上", "也", "毫不含糊", ",", "可以", "在空中", "使用", "回避", "移动", "技能", "。", "二", "转", "噬魂者", ",", "善于", "正面", "直线", "攻击", "的", "召唤师", ",", "噬魂者", "可以", "召唤", "出", "黑暗", "召唤兽", "后", "替", "卡莉", "进行", "战斗", "。", "噬魂者", "会", "使用", "“", "烙印", "”", "DEBUFF", "技能", ",", "用", "烙印", "瞄准", "敌人", "后", "会", "发出", "怪物", "数量", "一样", "多", "的", "技能", "。", "同样", "的", "技能", "会", "按照", "烙印", "数量", "造成", "不同", "的", "伤害", "。", "噬魂者", "还", "可以", "召唤", "出", "黑暗", "狼", "或者", "可以", "连接", "次元", "的", "物体", "进行", "暗", "属性", "攻击", "。", "强大", "的", "范围", "技能", "可以", "造成", "连续", "伤害", ",", "并且", "召唤", "出", "噬魂者", "的", "BUFF", "型", "召唤兽", "“", "魂", "”", "后", "可以", "增加", "队友", "整体", "攻击", "伤害", "。", "无论", "是", "在", "单打独斗", "方面", "还是", "队友", "辅助", "方面", ",", "噬魂者", "都", "发挥", "了", "她", "的", "强大", "作用", "。"], ["2", "转", "都", "差不多", "的", "输出", "比较", "上次", "更新", "都", "加强", "了", ",", "只是", "看", "喜欢", "什么", "了", "。"]], "answers": ["一转只有呐喊者。二转黑暗萨满,擅长范围攻击和扇形攻击的能手,黑暗萨满特征就是,利用黑暗力量对敌人使用炫丽的技能进行战斗。所有技能都要卡莉发动,由于近战状态下与敌人战斗,所以需要操作方面方面技术。黑暗萨满技能连击强,可以造成一定程度的范围伤害。同时黑暗萨满拥有聚集很多怪后使用强力的连续技能,可以一次消灭完。在攻击上黑暗萨满表现强劲,在躲避上也毫不含糊,可以在空中使用回避移动技能。二转噬魂者,善于正面直线攻击的召唤师,噬魂者可以召唤出黑暗召唤兽后替卡莉进行战斗。噬魂者会使用“烙印”DEBUFF 技能,用烙印瞄准敌人后会发出怪物数量一样多的技能。同样的技能会按照烙印数量造成不同的伤害。噬魂者还可以召唤出黑暗狼或者可以连接次元的物体进行暗属性攻击。强大的范围技能可以造成连续伤害,并且召唤出噬魂者的 BUFF 型召唤兽“魂”后可以增加队友整体攻击伤害。无论是在单打独斗方面还是队友辅助方面,噬魂者都发挥了她的强大作用。", "2转都差不多的输出比较上次更新都加强了,只是看喜欢什么了。"], "entity_answers": [["呐喊者", "黑暗萨满", "噬魂者"], []], "segmented_question": ["龙之谷", "舞娘", "转", "什么", "好"], "question_type": "ENTITY", "match_scores": [0.918918918918919], "fact_or_opinion": "OPINION", "question_id": 181668}
-{"documents": [{"is_selected": true, "title": "养只猴子犯法吗_百度知道", "most_related_para": 1, "segmented_title": ["养", "只", "猴子", "犯法", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["因为", "猴", "类", "至少", "是", "国家", "二级", "保护动物", ",", "不允许", "私人", "饲养", ",", "个人", "养", "猴子", "作为", "宠物", "是", "违法", "的", ".", "1", "、", "《", "野生动物", "保护法", "》", "第九条", "将", "国家", "重点", "保护", "野生动物", "划分", "为", "国家", "一", "级", "保护动物", "和", "国家", "二级", "保护动物", "两种", ",", "并", "对其", "保护", "措施", "作出", "相关规定", "。", "2", "、", "根据", "中国", "的", "动物保护法", ",", "不同", "类", "的", "猴子", "保护", "级别", "不同", ":", "一", "级", "保护动物", ":", "金丝猴", "(", "所以", "种", ")", "、", "蜂猴", "(", "所有", "种", ")", "、", "熊", "猴", "、", "台湾猴", "、", "豚尾猴", "、", "叶猴", "(", "所有", "种", ")", "、", "长臂猿", "(", "所有", "种", ")", "。", "二级", "保护动物", ":", "短尾猴", "、", "猕猴", "、", "藏酋猴", "。", "猴", "类", "至少", "也是", "国家", "二级", "保护动物", ",", "而", "保护动物", "是", "不", "允许", "私人", "饲养", "的", "。", "3", "、", "猴科", "动物", "都", "属于", "国家", "二级", "保护动物", ",", "甚至", "是", "一", "级", "保护动物", ",", "个人", "或", "单位", "只有", "因", "科学", "研究", "、", "驯养繁殖", "、", "展览", "或者", "其他", "特殊", "情况", "下", "可", "准许", "饲养", ",", "且", "需要", "办理", "驯养繁殖许可证", ",", "目前", "尚", "不允许", "作为", "个人", "宠物", "饲养", "。", "4", "、", "另外", ",", "猴子", "是", "一", "种", "情绪波动", "很大", "的", "动物", ",", "如果", "笼养", ",", "就"], ["因为", "猴", "类", "至少", "是", "国家", "二级", "保护动物", ",", "不允许", "私人", "饲养", ",", "个人", "养", "猴子", "作为", "宠物", "是", "违法", "的", ".", "1", "、", "《", "野生动物", "保护法", "》", "第九条", "将", "国家", "重点", "保护", "野生动物", "划分", "为", "国家", "一", "级", "保护动物", "和", "国家", "二级", "保护动物", "两种", ",", "并", "对其", "保护", "措施", "作出", "相关规定", "。", "2", "、", "根据", "中国", "的", "动物保护法", ",", "不同", "类", "的", "猴子", "保护", "级别", "不同", ":", "一", "级", "保护动物", ":", "金丝猴", "(", "所以", "种", ")", "、", "蜂猴", "(", "所有", "种", ")", "、", "熊", "猴", "、", "台湾猴", "、", "豚尾猴", "、", "叶猴", "(", "所有", "种", ")", "、", "长臂猿", "(", "所有", "种", ")", "。", "二级", "保护动物", ":", "短尾猴", "、", "猕猴", "、", "藏酋猴", "。", "猴", "类", "至少", "也是", "国家", "二级", "保护动物", ",", "而", "保护动物", "是", "不", "允许", "私人", "饲养", "的", "。", "3", "、", "猴科", "动物", "都", "属于", "国家", "二级", "保护动物", ",", "甚至", "是", "一", "级", "保护动物", ",", "个人", "或", "单位", "只有", "因", "科学", "研究", "、", "驯养繁殖", "、", "展览", "或者", "其他", "特殊", "情况", "下", "可", "准许", "饲养", ",", "且", "需要", "办理", "驯养繁殖许可证", ",", "目前", "尚", "不允许", "作为", "个人", "宠物", "饲养", "。", "4", "、", "另外", ",", "猴子", "是", "一", "种", "情绪波动", "很大", "的", "动物", ",", "如果", "笼养", ",", "就"], ["猴子", "是", "国家级", "保护动物", ",", "养", "了", "会", "触犯", "野生动物", "保护法", ",", "会", "受到", "处罚", "。"], ["只要你", "不是", "养", "孙悟空", ",", "就", "不会", "犯法", "、"]], "paragraphs": ["因为猴类至少是国家二级保护动物,不允许私人饲养,个人养猴子作为宠物是违法的. 1、《野生动物保护法》第九条将国家重点保护野生动物划分为国家一级保护动物和国家二级保护动物两种,并对其保护措施作出相关规定。 2、根据中国的动物保护法,不同类的猴子保护级别不同: 一级保护动物:金丝猴(所以种)、蜂猴(所有种)、 熊猴 、台湾猴、 豚尾猴 、叶猴(所有种) 、长臂猿(所有种) 。 二级保护动物:短尾猴、 猕猴 、藏酋猴。猴类至少也是国家二级保护动物,而保护动物是不允许私人饲养的。 3、猴科动物都属于国家二级保护动物,甚至是一级保护动物,个人或单位只有因科学研究、驯养繁殖、展览或者其他特殊情况下可准许饲养,且需要办理驯养繁殖许可证,目前尚不允许作为个人宠物饲养。 4、另外,猴子是一种情绪波动很大的动物,如果笼养,就", "因为猴类至少是国家二级保护动物,不允许私人饲养,个人养猴子作为宠物是违法的. 1、《野生动物保护法》第九条将国家重点保护野生动物划分为国家一级保护动物和国家二级保护动物两种,并对其保护措施作出相关规定。 2、根据中国的动物保护法,不同类的猴子保护级别不同: 一级保护动物:金丝猴(所以种)、蜂猴(所有种)、 熊猴 、台湾猴、 豚尾猴 、叶猴(所有种) 、长臂猿(所有种) 。 二级保护动物:短尾猴、 猕猴 、藏酋猴。猴类至少也是国家二级保护动物,而保护动物是不允许私人饲养的。 3、猴科动物都属于国家二级保护动物,甚至是一级保护动物,个人或单位只有因科学研究、驯养繁殖、展览或者其他特殊情况下可准许饲养,且需要办理驯养繁殖许可证,目前尚不允许作为个人宠物饲养。 4、另外,猴子是一种情绪波动很大的动物,如果笼养,就", "猴子是国家级保护动物,养了会触犯野生动物保护法,会受到处罚。", "只要你不是养孙悟空,就不会犯法、"], "bs_rank_pos": 0}, {"is_selected": false, "title": "养猴子犯法吗_百度知道", "most_related_para": 0, "segmented_title": ["养", "猴子", "犯法", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["北京", "动物园", "有关", "人员", "指", "小猴", "属于", "我", "国", "二类", "保护动物", ",", "不允许", "私人", "饲养", "。", "当成", "宠物", "养", "大", "的", "小猴", "即使", "最后", "放归", "自然", "或", "送", "交", "动物园", ",", "小猴", "也", "会", "因为", "可能", "无法", "融入", "野生", "猴群", "而", "受到", "伤害", "。", "即便", "是", "饲养", "野生动物", "的", "动物", "保护", "部门", "或", "动物园", "、", "科研机构", "饲养", "都", "要", "向", "国家", "林业部", "提交", "申请", ",", "严格审核", "合格", "后", "才能", "发放", "许可证", "。"], ["猴子", "是", "国家级", "保护动物", ",", "养", "了", "会", "触犯", "野生动物", "保护法", ",", "会", "受到", "警告", "、", "罚款", "、", "拘留", "等", "处罚", "。"], ["我", "看见", "有人", "养", ",", "但", "不知道", "怎么回事", ",", "他", "也是", "把", "它", "当", "宠物", "养", "的", ",", "我", "帮", "你", "问", "一", "下"], ["你", "要", "么", "15000"]], "paragraphs": ["北京动物园有关人员指小猴属于我国二类保护动物,不允许私人饲养。当成宠物养大的小猴即使最后放归自然或送交动物园,小猴也会因为可能无法融入野生猴群而受到伤害。即便是饲养野生动物的动物保护部门或动物园、科研机构饲养都要向国家林业部提交申请,严格审核合格后才能发放许可证。", "猴子是国家级保护动物,养了会触犯野生动物保护法,会受到警告、罚款、拘留等处罚。", "我看见有人养,但不知道怎么回事,他也是把它当宠物养的,我帮你问一下", "你要么15000"], "bs_rank_pos": 1}, {"is_selected": false, "title": "买只猴子当宠物?个人饲养猴类属于违法行为_社会_温州网", "most_related_para": 4, "segmented_title": ["买", "只", "猴子", "当", "宠物", "?", "个人", "饲养", "猴", "类", "属于", "违法行为", "_", "社会", "_", "温州网"], "segmented_paragraphs": [["温州", "网讯", "“", "哇", ",", "温州", "也有", "人", "卖", "小猴子", ",", "养", "只", "宠物", "猴", "真是", "新", "奇", "又", "拉风", "啊", "。", "”", "近日", ",", "温州", "市民", "林", "小姐", "在", "微信", "朋友圈", "里", "看到", "有人", "发", "了", "“", "出售", "日本", "袖珍", "石猴", "”", "的", "帖子", ",", "有点", "心动", "。", "近年来", ",", "这种", "名", "为", "日本", "袖珍", "石猴", "的", "宠物", "品种", "成为", "新宠", ",", "受到", "不", "少", "宠物", "爱好者", "的", "追捧", "。"], ["在", "网上", "可以", "搜", "到", "不少", "网友", "出售", "、", "转卖", "日本", "袖珍", "石猴", "的", "帖子", ",", "卖家", "都", "表示", "石猴", "性格", "温顺", "。", "不过", ",", "市民", "王", "女士", "说", ",", "她", "曾", "因为", "被", "小猴子", "的", "小巧", "可爱", "“", "萌", "翻", "了", "”", ",", "买", "过", "一只", ",", "但", "养", "了", "没多久", "就", "发现", "猴子", "不仅", "会", "抢", "东西", "吃", ",", "有时", "凶猛", "起来", "还会", "咬人", ",", "于是", "便", "把", "石猴", "转卖", "给", "别人", "了", "。"], ["据了解", ",", "猴子", "是", "国家", "保护动物", ",", "不允许", "私下", "买卖", ",", "所以", "宠物", "市场", "上", "并没有", "出售", "日本", "石猴", "。", "买卖", "石猴", "的", "人", "一般", "都是", "通过", "微信", "、", "QQ", "、", "微博", "、", "论坛", "等", "网络", "渠道", "进行", "交易", "。"], ["据", "在", "微信", "上", "出售", "石猴", "的", "卖家", "介绍", ",", "去年", "至今", "已", "卖", "了", "近", "20", "只", "日本", "袖珍", "石猴", ",", "所", "售", "日本", "袖珍", "石猴", "都是", "从", "广州", "空运", "来", "的", ",", "是", "杂交", "配种", "第三代", ",", "售价", "根据", "石猴", "的", "年龄", "大小", "来", "定", ",", "2", "~", "5", "个", "月", "的", "石猴", "价格", "为", "5800", "元", ",", "5", "~", "8", "个", "月", "的", "为", "7500", "元", ",", "8", "~", "12", "个", "月", "的", "为", "8800", "元", "。", "该", "卖家", "说", ",", "石猴", "很好", "养", ",", "平时", "只用", "给", "它", "喂", "水果", "、", "面包", "之类", "的", "食物", "就", "行", ",", "石猴", "最大", "只能", "长", "到", "矿泉水瓶", "这么", "大", ",", "平均", "能", "活", "到", "35", "岁", ",", "相当于", "人类", "的", "七", "八", "十", "岁", "。", "至于", "养", "猴子", "是否", "合法", ",", "该", "卖家", "表示", "只要", "有", "合法", "证件", "就", "行", ",", "并", "“", "出示", "”", "了", "石猴", "的", "领养", "证", "、", "动物", "健康", "免疫证", "等", "证件", "的", "照片", ",", "表示", "所有", "石猴", "出货", "前", "都会", "打", "疫苗", ",", "所以", "不会", "有", "病菌", "。"], ["养", "猴子", "真", "的", "合法", "吗", "?", "据", "市", "林业", "部门", "介绍", ",", "虽然", "网上", "所谓", "的", "日本", "袖珍", "石猴", "并", "不在", "《", "国家重点", "保护", "野生动物", "名录", "》", "里", ",", "但", "不管它", "属于", "哪", "种", "猴", "类", "、", "是否", "为", "野生", "、", "是否", "为", "国外", "进口", ",", "所有", "灵长类动物", "都", "属", "国家", "二级", "以上", "保护动物", "。", "根据", "《", "野生动物", "保护法", "》", ",", "饲养", "猴类", "必须", "取得", "省级", "林业", "部门", "的", "《", "驯养繁殖许可证", "》", ",", "私自", "饲养", "即", "属", "违法", "。", "申请", "《", "驯养繁殖证", "许可证", "》", "必须", "要", "有", "相应", "的", "固定", "场所", "、", "设施", "、", "资金", "、", "技术", "人员", "以及", "饲料", "来源", "的", "证明", ",", "且", "申请", "此", "证", "大", "多", "用于", "科研", "工作", ",", "所以", "个人", "申请", "很难", "通过", "。", "因此", ",", "即使", "卖家", "提供", "了", "猴子", "的", "领养", "证", "等一系列", "证件", ",", "但", "没有", "取得", "林业", "部门", "《", "驯养繁殖许可证", "》", ",", "个人", "饲养", "猴", "类", "还是", "属于", "违法行为", "。"], ["温州", "动物园", "兽医", "侯", "忠义", "说", ",", "网上", "卖", "的", "日本", "袖珍", "石猴", "大", "多", "是", "假冒", "的", ",", "有些", "其实", "就是", "猕猴", "的", "幼", "仔", "。", "在", "日本", ",", "确实", "有", "石猴", "这个", "品种", ",", "但是", "数量", "很少", "。", "猴类", "这种", "动物", "并", "不", "适合", "放", "家里", "养", ",", "猴子", "性格活泼", ",", "小的时候", "会", "比较", "乖巧", ",", "但", "长大", "一点", "就会", "很", "调皮", ",", "还会", "带有", "很", "强", "的", "攻击性", "。", "“", "之", "前", "有人", "在家", "养", "猴子", ",", "平时", "出去", "都会", "把", "猴子", "关", "在", "笼子", "里", ",", "有一天", "出门", "忘记", "把", "它", "关", "在", "笼子", "里", ",", "结果", "回家", "发现", "家里", "被", "猴子", "闹翻", "了", "天", "。", "”", "侯", "忠义", "说", ",", "猴子", "很聪明", ",", "会", "与", "人", "争宠", ",", "所以", "妒忌", "心", "很", "强", ",", "容易产生", "报复性", "心理", ",", "凶猛", "起来", "不仅", "会", "咬人", "还会", "抓人", ",", "饲养", "在家", "可能", "会", "对", "老人", "和", "小孩", "带来", "危险", "。", "另外", ",", "他", "认为", "网上", "商家", "所称", "的", "石猴", "只能", "长", "到", "矿泉水", "这么", "大", "是", "不可能", "的", ",", "这些", "猴子", "可能会", "比", "一般", "猴子", "小", ",", "但", "不至于", "小", "到", "一", "瓶", "小", "矿泉水", "这么", "大", ",", "而且", "猴子", "身上", "能", "携带", "和", "人", "互相", "传染", "的", "病菌", ",", "所以", "并", "不", "建议", "家养", "。"], ["N", "编辑", ":", "诸葛", "之", "伊", "|", "责任编辑", ":", "黄作敏"], ["网友评论", "仅供", "其", "表达", "个人", "看法", ",", "并", "不", "表明", "温州网", "立场", "。"]], "paragraphs": ["温州网讯 “哇,温州也有人卖小猴子,养只宠物猴真是新奇又拉风啊。”近日,温州市民林小姐在微信朋友圈里看到有人发了“出售日本袖珍石猴”的帖子,有点心动。近年来,这种名为日本袖珍石猴的宠物品种成为新宠,受到不少宠物爱好者的追捧。", "在网上可以搜到不少网友出售、转卖日本袖珍石猴的帖子,卖家都表示石猴性格温顺。不过,市民王女士说,她曾因为被小猴子的小巧可爱“萌翻了”,买过一只,但养了没多久就发现猴子不仅会抢东西吃,有时凶猛起来还会咬人,于是便把石猴转卖给别人了。", "据了解,猴子是国家保护动物,不允许私下买卖,所以宠物市场上并没有出售日本石猴。买卖石猴的人一般都是通过微信、QQ、微博、论坛等网络渠道进行交易。", "据在微信上出售石猴的卖家介绍,去年至今已卖了近20只日本袖珍石猴,所售日本袖珍石猴都是从广州空运来的,是杂交配种第三代,售价根据石猴的年龄大小来定,2~5个月的石猴价格为5800元, 5~8个月的为7500元,8~12个月的为8800元。该卖家说,石猴很好养,平时只用给它喂水果、面包之类的食物就行,石猴最大只能长到矿泉水瓶这么大,平均能活到35岁,相当于人类的七八十岁。至于养猴子是否合法,该卖家表示只要有合法证件就行,并“出示”了石猴的领养证、动物健康免疫证等证件的照片,表示所有石猴出货前都会打疫苗,所以不会有病菌。", "养猴子真的合法吗?据市林业部门介绍,虽然网上所谓的日本袖珍石猴并不在《国家重点保护野生动物名录》里,但不管它属于哪种猴类、是否为野生、是否为国外进口,所有灵长类动物都属国家二级以上保护动物。根据《野生动物保护法》,饲养猴类必须取得省级林业部门的《驯养繁殖许可证》,私自饲养即属违法。申请《驯养繁殖证许可证》必须要有相应的固定场所、设施、资金、技术人员以及饲料来源的证明,且申请此证大多用于科研工作,所以个人申请很难通过。因此,即使卖家提供了猴子的领养证等一系列证件,但没有取得林业部门《驯养繁殖许可证》,个人饲养猴类还是属于违法行为。", "温州动物园兽医侯忠义说,网上卖的日本袖珍石猴大多是假冒的,有些其实就是猕猴的幼仔。在日本,确实有石猴这个品种,但是数量很少。猴类这种动物并不适合放家里养,猴子性格活泼,小的时候会比较乖巧,但长大一点就会很调皮,还会带有很强的攻击性。“之前有人在家养猴子,平时出去都会把猴子关在笼子里,有一天出门忘记把它关在笼子里,结果回家发现家里被猴子闹翻了天。”侯忠义说,猴子很聪明,会与人争宠,所以妒忌心很强,容易产生报复性心理,凶猛起来不仅会咬人还会抓人,饲养在家可能会对老人和小孩带来危险。另外,他认为网上商家所称的石猴只能长到矿泉水这么大是不可能的,这些猴子可能会比一般猴子小,但不至于小到一瓶小矿泉水这么大,而且猴子身上能携带和人互相传染的病菌,所以并不建议家养。", "N编辑: 诸葛之伊|责任编辑: 黄作敏", "网友评论仅供其表达个人看法,并不表明温州网立场。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "养猴子犯法吗,普通人可以养宠物猴吗?_百度知道", "most_related_para": 0, "segmented_title": ["养", "猴子", "犯法", "吗", ",", "普通人", "可以", "养宠物", "猴", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["个人", "也", "不是", "完全", "不能", "养", "猴子", "。", "如果", "你", "到", "当地", "林业", "管理", "部门", "办理", "了", "《", "野生动物", "驯养繁殖许可证", "》", "以后", ",", "就", "可以", "饲养", "国家", "二级", "保护", "以下", "的", "猴子", "种类", "。", "需要", "提醒", "的", "是", ",", "猴子", "是", "一", "种", "情绪波动", "很大", "的", "动物", ",", "如果", "笼养", ",", "就", "失去", "了", "宠物", "的", "意义", ";", "如果", "牵", "着", "养", ",", "则", "需要", "很好", "的", "驯", "猴", "技巧", ",", "否则", "容易发生", "逃跑", "和", "伤人", "的", "情况", "。", "所以", "目前", "把", "猴子", "作为", "宠物", "饲养", "的", "人", "尚", "不是", "很多", ",", "请", "慎重", "考虑", "。"]], "paragraphs": ["个人也不是完全不能养猴子。如果你到当地林业管理部门办理了《野生动物驯养繁殖许可证》以后,就可以饲养国家二级保护以下的猴子种类。 需要提醒的是,猴子是一种情绪波动很大的动物,如果笼养,就失去了宠物的意义;如果牵着养,则需要很好的驯猴技巧,否则容易发生逃跑和伤人的情况。 所以目前把猴子作为宠物饲养的人尚不是很多,请慎重考虑。"], "bs_rank_pos": 3}], "answer_spans": [[1, 21]], "yesno_answers": ["Yes"], "fake_answers": ["猴类至少是国家二级保护动物,不允许私人饲养,个人养猴子作为宠物是违法的."], "question": "养猴子犯法吗", "segmented_answers": [["猴", "类", "至少", "是", "国家", "二级", "保护动物", ",", "不允许", "私人", "饲养", ",", "个人", "养", "猴子", "作为", "宠物", "是", "违法", "的", "."]], "answers": ["猴类至少是国家二级保护动物,不允许私人饲养,个人养猴子作为宠物是违法的."], "yesno_type": "FACT", "answer_docs": [0], "segmented_question": ["养", "猴子", "犯法", "吗"], "question_type": "YES_NO", "question_id": 181669, "fact_or_opinion": "FACT", "match_scores": [0.9047619047619048]}
-{"documents": [{"is_selected": true, "title": "视频去水印超简单方法,一般人我不告诉他_百度经验", "most_related_para": 4, "segmented_title": ["视频", "去", "水印", "超", "简单", "方法", ",", "一般", "人", "我", "不", "告诉他", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["怎么", "去掉", "视频", "上", "的", "水印", "、", "台标", "?", "很多人", "不知道", "怎么", "去", "弄", ",", "今天", "小", "编", "给", "大家", "带来", "了", "一款", "超", "简单", "去", "水印", "的", "方法", ":"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "首先", "准备", "Remove", "logo", "Now", "软件", ",", "没有", "的", "或", "不知道", "的", "去", "百度", "下载", ",", "准备", "好", "后", "打开", ",", "选择", "(", "添加", "文件", ")", ",", "如下图", ":", "步骤", "阅读", "2", "打开后", "选择", "自己", "需要", "去", "水印", "的", "视频", ",", "如下图", ":", "步骤", "阅读", "3", "打开", "需要", "去", "水印", "的", "视频", "后", "(", "小", "编", "测试", "的", "是", "MV", "感恩的心", ")", ",", "点击", "界面", "上方", "的", "(", "选择", ")", ",", "用来", "选择", "水印", "或", "台标", ":", "步骤", "阅读", "4", "在", "需要", "去除", "水印", "或", "台标", "的", "地方", ",", "用", "选择", "框框", "出来", "就", "可以", "了", ",", "不要", "框", "的", "太", "大", ",", "也", "不要", "太", "小", ",", "合适", "的", "尺寸", "就", "行", ",", "如下图", ":", "步骤", "阅读", "5", "框", "完", "后", "点击", "开始", ",", "就", "开始", "去", "水印", "了", ",", "如下图", ":", "步骤", "阅读", "6", "如果", "视频", "大", "的", "话", "需要", "稍", "等", "一段时间", ",", "界面", "下方", "有", "进度条", "可以随时", "查看", "进度", "的", ";", "步骤", "阅读", "7", "结束了", "会", "提示", "你", "保存", "文件", ",", "是否", "打开", "文件", ",", "点击", "打开", "可以", "看", "一", "下", "效果", ",", "如下图", ",", "是不是", "水印", "不见", "了", ",", "大家", "如果", "觉得", "有用", "的", "话", ",", "给", "个", "赞", "吧", ",", "谢谢", "!", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "有", "粉", "必", "会", ",", "互利", "共赢", "!"]], "paragraphs": ["百度经验:jingyan.baidu.com", "怎么去掉视频上的水印、台标?很多人不知道怎么去弄,今天小编给大家带来了一款超简单去水印的方法:", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 首先准备RemovelogoNow软件 ,没有的或不知道的去百度下载,准备好后打开,选择(添加文件),如下图: 步骤阅读 2 打开后选择自己需要去水印的视频,如下图: 步骤阅读 3 打开需要去水印的视频后(小编测试的是MV感恩的心),点击界面上方的(选择),用来选择水印或台标: 步骤阅读 4 在需要去除水印或台标的地方,用选择框框出来就可以了,不要框的太大,也不要太小,合适的尺寸就行,如下图: 步骤阅读 5 框完后点击开始,就开始去水印了,如下图: 步骤阅读 6 如果视频大的话需要稍等一段时间,界面下方有进度条可以随时查看进度的; 步骤阅读 7 结束了会提示你保存文件,是否打开文件,点击打开可以看一下效果,如下图,是不是水印不见了,大家如果觉得有用的话,给个赞吧,谢谢! 步骤阅读 END", "百度经验:jingyan.baidu.com", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:有粉必会,互利共赢!"], "bs_rank_pos": 1}, {"is_selected": true, "title": "如何将视频水印去除_百度经验", "most_related_para": 5, "segmented_title": ["如何", "将", "视频", "水印", "去除", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["从", "视频", "网站", "下载", "了", "视频", "后", ",", "视频", "的", "角", "上", "会", "有", "视频", "网站", "的", "水印", ",", "那", "这个", "水印", "该", "怎么", "去除", "呢", "?", "其实", "这个问题", "难倒", "了", "很多", "的", "新手", ",", "那", "还是", "让", "编导", "老师", "给你们", "分享", "一", "下", "吧", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["安装", "完整", "的", "EDIUS", "6", "软件", "网络", "下载", "的", "视频"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "把", "网络", "下载", "的", "视频", "导入", "EDIUS", ",", "如果", "到", "不", "进去", "的", "话", ",", "那", "就", "转", "格式", "后", "再", "导入", "。", "步骤", "阅读", "2", "方法", "一", ":", "在", "PS", "中", "制作", "镂空", "的", "上下", "黑边", "压", "屏", "图片", ",", "让", "黑边", "的", "位置", "刚好", "压住", "网站", "的", "水印", "位置", "。", "步骤", "阅读", "3", "EDIUS", "导入", "图片", ",", "调节", "图片", "位置", ",", "让", "其", "完全", "压住", "网站", "水印", "。", "步骤", "阅读", "4", "方法", "二", ":", "利用", "EDIUS", "区域", "命令", ",", "在", "水印", "处", "画圈", ",", "然后", "添加", "模糊", "命令", "。", "步骤", "阅读", "5", "调节", "模糊", "命令", "的", "参数", ",", "让", "网站", "水印", "的", "模糊", "融合", "到", "背景", "视频", "里面", "。", "步骤", "阅读", "6", "调节", "完成", "后", ",", "选择", "合适", "的", "输出格式", ",", "输出", "视频", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["原创", "视频", "制作", "经验", ",", "禁止转载", ",", "转载", "可耻", "!"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "百度", "经验", ",", "为", "生活", "献计献策", "!"]], "paragraphs": ["百度经验:jingyan.baidu.com", "从视频网站下载了视频后,视频的角上会有视频网站的水印,那这个水印该怎么去除呢?其实这个问题难倒了很多的新手,那还是让编导老师给你们分享一下吧。", "百度经验:jingyan.baidu.com", "安装完整的EDIUS 6 软件 网络下载的视频", "百度经验:jingyan.baidu.com", "1 把网络下载的视频导入EDIUS,如果到不进去的话,那就转格式后再导入。 步骤阅读 2 方法一:在PS中制作镂空的上下黑边压屏图片,让黑边的位置刚好压住网站的水印位置。 步骤阅读 3 EDIUS导入图片,调节图片位置,让其完全压住网站水印。 步骤阅读 4 方法二:利用EDIUS区域命令,在水印处画圈,然后添加模糊命令。 步骤阅读 5 调节模糊命令的参数,让网站水印的模糊融合到背景视频里面。 步骤阅读 6 调节完成后,选择合适的输出格式,输出视频。 步骤阅读 END", "百度经验:jingyan.baidu.com", "原创视频制作经验,禁止转载,转载可耻!", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:百度经验,为生活献计献策!"], "bs_rank_pos": 2}, {"is_selected": false, "title": "怎么去除视频字幕清理视频字幕或水印的几种方法 ", "most_related_para": 0, "segmented_title": ["怎么", "去除", "视频", "字幕", "清理", "视频", "字幕", "或", "水印", "的", "几", "种", "方法"], "segmented_paragraphs": [["相信", "大家", "都", "有", "看电影", "的", "习惯", "吧", ",", "平", "日", "里", "闲暇", "无事", "的", "时候", "就会", "在", "网上", "下载", "些", "电影", "、", "电视剧", "之类", "的", "来", "看看", ",", "别说", "大家", ",", "就", "连", "我", "也是", "酱紫", "滴", "!", "相信", "大家", "也", "都", "注意", "到", "了", ",", "网上", "下载", "的", "视频", "上面", "的", "广告", "字幕", "和", "台标", "水印", "等", "很", "是", "明显", ",", "看", "的", "时候", "就", "让", "人", "郁闷", "啦", ",", "淡定", "!", "与其", "郁闷", "不如", "想办法", "解决", ",", "下面", "就", "为", "大家", "总结", "出", "了", "去除", "视频", "字幕", "或", "水印", "的", "几", "种", "方法", "啦", "。", "(", "分享", ":", "剪辑", "视频", "片段", "重新", "合并", "如何", "制作", "透明", "logo", ")", "给", "视频", "加", "水印", "控制", "显示", "时间", "http", ":", "/", "/", "www", ".", "leawo", ".", "cn", "/", "space", "-", "756442", "-", "do", "-", "thread", "-", "id", "-", "37652", ".", "html", "在", "开始", "之", "前", "还是", "先", "得", "跟", "大家", "说", "些", "小知识", ",", "这样", "更", "有助于", "大家", "的", "学习", ",", "添加", "到", "视频", "上", "的", "字幕", "或是", "水印", ",", "一般", "都会", "有", "两种", ",", "一", "种", "是", "外挂", "字幕", "/", "水印", ",", "它", "是", "与", "视频", "分开", "的", "独立", "文件", ",", "只", "需", "将", "文件", "删除", "掉", "或", "移", "至", "别处", "即可", "“", "去", "水印", "”", "。", "而", "另一种", "就是", "接下来", "将要", "说", "的", ",", "即", "文字", "、", "水印", "已", "和", "视频", "合成", "一", "个", "完整", "文件", ",", "视频", "中", "的", "水印", "已经", "是", "视频", "画面", "的", "组成", "部分", ",", "是", "无法", "消除", "的", "。", "无法", "消除", "的", "字幕", "/", "水印", ",", "并", "不是", "拿", "他", "没办法", "了", ",", "我们", "还有", "别", "的", "方法", "解决", ",", "只要", "不", "影响", "我们", "的", "视觉", "和", "看电影", "的", "效果", ",", "这", "就", "OK啦", "。", "况且", "在", "网上", "关于", "去除", "字幕", "/", "水印", "的", "方法", "还", "真", "的", "是", "比比皆是", "啊", ",", "相信", "让", "你", "看", "了", "也", "没啥", "心情", "啦", ",", "故此", ",", "特", "地", "为", "大家", "总结", "出来", "几", "种", "去", "字幕", "/", "水印", "的", "方法", ",", "狸", "友", "们", "就", "有福", "啦啦啦", "!", "—", "—", "!", "【", "方法", "一", ":", "去除", "外挂", "字幕", "】", "对于", "视频", "与", "字幕", "愤慨", "的", "外挂", "字幕", "/", "水印", ",", "还是", "很容易", "就", "去除", "掉", "!", "不相信", "的", "话", "就", "跟我一起来", "见证", "这个", "神奇", "的", "时刻", "把", ",", "去除", "外挂", "字幕", "软件", "下载地址", ":", "http", ":", "/", "/", "www", ".", "leawo", ".", "cn", "/", "ND", "_", "upload", ".", "php", "?", "do", "=", "info", "&", "id", "=", "2296"], ["安装", "好", "狸窝", "全能", "转换器", "之后", "就", "运行", "吧", ",", "点击", "软件", "左上角", "的", "添加", "视频", "按钮", "把", "需要", "去除", "字幕", "的", "视频", "添加", "进来", "。", "添加", "进来", "可以", "在", "右边", "的", "预览", "窗口", "看到", "视频", "的", "字幕", "。"], ["【", "方法", "五", ":", "用", "模糊", "的", "方法", "去", "字幕", "/", "水印", "】", "用", "模糊", "的", "方法", "去除", "水印", ",", "似乎", "又", "是", "一", "个", "很不错", "的", "方法", ",", "且", "又", "不", "难", "操作", ",", "废话", "还是", "少", "说", "点", "啦", ",", "先", "把", "软件", "下载", "下来", "先", "吧", ",", "下载地址", ":", "http", ":", "/", "/", "www", ".", "leawo", ".", "cn", "/", "space", "-", "722069", "-", "do", "-", "thread", "-", "id", "-", "49226", ".", "html", "打开", "软件", ",", "新建", "合成", "之后", ",", "把", "素材", "导入", "进来", ",", "再", "把", "素材", "拖拽", "到", "下方", "的", "合成", "里", ",", "选择", "矩形", "遮罩", "工具", ",", "把", "文字", "水印", "圈", "起来", ",", "用", "选择工具", "双击", "遮罩", "还", "可以", "调节", "大小", ",", "如下图", ":"], ["选择", "效果", "—", "模糊", "与", "锐化", "—", "高斯模糊", ",", "把", "模糊", "量", "的", "参数", "置", "为", "15", ",", "同时", "在", "右边", "就能", "看到", "效果", "了", "。"], ["然后", "回到", "项目", "面板", "把", "素材", "再一次", "拖拽", "到", "合成", "组", "里", ",", "不过", "要", "记得", "放在", "第一次", "素材", "的", "下面", "哦", ",", "顺序", "绝对不能", "搞", "反", "了", "哦", "。"], ["好", "啦", ",", "以上", "就是", "我", "为", "大家", "总结", "的", "五", "种", "去除", "字幕", "/", "水印", "的", "方法", "啦", ",", "相信", "不要", "让", "大家", "看", "得", "目不暇接", "就好", "啦", ",", "别", "玩", "可", "别", "看", "眼花", "啦", ",", "为", "大家", "整理", "出来", "的", "我", "也", "很辛苦", "滴", ",", "可谓", "是", "功不可没", "啊", ",", "不过", "为了", "狸", "友", "们", "的", "福利", ",", "这", "点", "辛苦", "还是", "值得", "的", "。", "嘿嘿", ",", "大家", "只要", "继续", "关注", "狸窝", "家园", "就好", "啦", "!"], ["【", "快乐", "笑话", "】", "一", "男", "内急", "欲", "找", "厕所", ",", "路", "遇", "一", "美女", "。", "男", ":", "“", "你好", ",", "你", "知道", "附近", "哪有", "厕所", "吗", "?", "”", "女", ":", "“", "你", "是", "找", "男厕所", "还是", "女厕所", "?", "”", "男", ":", "“", "…", "…", "男厕所", "。", "”", "女", ":", "“", "在", "女厕所", "旁边", "。", "”", "男", ":", "“", "女", "厕所", "在", "哪", "?", "”", "女", ":", "“", "你", "个", "大", "变态", ",", "一", "大老爷们", "找", "女厕所", "…", "…", "”", "男", "尿崩", "而亡", "。"]], "paragraphs": ["相信大家都有看电影的习惯吧,平日里闲暇无事的时候就会在网上下载些电影、电视剧之类的来看看,别说大家,就连我也是酱紫滴!相信大家也都注意到了,网上下载的视频上面的广告字幕和台标水印等很是明显,看的时候就让人郁闷啦,淡定!与其郁闷不如想办法解决,下面就为大家总结出了去除视频字幕或水印的几种方法啦。(分享:剪辑视频片段重新合并 如何制作透明logo) 给视频加水印 控制显示时间 http://www.leawo.cn/space-756442-do-thread-id-37652.html 在开始之前还是先得跟大家说些小知识,这样更有助于大家的学习,添加到视频上的字幕或是水印,一般都会有两种,一种是外挂字幕/水印,它是与视频分开的独立文件,只需将文件删除掉或移至别处即可“去水印”。而另一种就是接下来将要说的,即文字、水印已和视频合成一个完整文件,视频中的水印已经是视频画面的组成部分,是无法消除的。 无法消除的字幕/水印,并不是拿他没办法了,我们还有别的方法解决,只要不影响我们的视觉和看电影的效果,这就OK啦。况且在网上关于去除字幕/水印的方法还真的是比比皆是啊,相信让你看了也没啥心情啦,故此,特地为大家总结出来几种去字幕/水印的方法,狸友们就有福啦啦啦!——! 【方法一:去除外挂字幕】 对于视频与字幕愤慨的外挂字幕/水印,还是很容易就去除掉!不相信的话就跟我一起来见证这个神奇的时刻把,去除外挂字幕软件下载地址:http://www.leawo.cn/ND_upload.php?do=info&id=2296", "安装好狸窝全能转换器之后就运行吧,点击软件左上角的添加视频按钮把需要去除字幕的视频添加进来。添加进来可以在右边的预览窗口看到视频的字幕。", "【方法五:用模糊的方法去字幕/水印】 用模糊的方法去除水印,似乎又是一个很不错的方法,且又不难操作,废话还是少说点啦,先把软件下载下来先吧,下载地址:http://www.leawo.cn/space-722069-do-thread-id-49226.html 打开软件,新建合成之后,把素材导入进来,再把素材拖拽到下方的合成里,选择矩形遮罩工具,把文字水印圈起来,用选择工具双击遮罩还可以调节大小,如下图:", "选择效果 — 模糊与锐化 — 高斯模糊,把模糊量的参数置为15,同时在右边就能看到效果了。", "然后回到项目面板把素材再一次拖拽到合成组里,不过要记得放在第一次素材的下面哦,顺序绝对不能搞反了哦。", "好啦,以上就是我为大家总结的五种去除字幕/水印的方法啦,相信不要让大家看得目不暇接就好啦,别玩可别看眼花啦,为大家整理出来的我也很辛苦滴,可谓是功不可没啊,不过为了狸友们的福利,这点辛苦还是值得的。嘿嘿,大家只要继续关注狸窝家园就好啦!", "【快乐笑话】一男内急欲找厕所,路遇一美女。 男:“你好,你知道附近哪有厕所吗?”女:“你是找男厕所还是女厕所?” 男:“……男厕所。”女:“在女厕所旁边。”男:“女厕所在哪?”女:“你个大变态,一大老爷们找女厕所……”男尿崩而亡。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "有什么办法可以去掉视频中的水印?_百度知道", "most_related_para": 0, "segmented_title": ["有", "什么", "办法", "可以", "去掉", "视频", "中", "的", "水印", "?", "_", "百度", "知道"], "segmented_paragraphs": [["现在", "常见", "的", "视频格式", "是", "没有", "“", "图层", "”", "这个概念", "的", ",", "视频", "在", "被", "加上", "水印", "之后", ",", "被", "水印", "覆盖", "的", "部分", "就", "不会", "再", "存在", "于", "视频", "当", "中", "了", "。", "直接", "地", "说", ",", "没办法", "达到", "真正", "“", "去", "水印", "”", "的", "目的", "。", "当然", "还有", "一", "种", "折", "中", "的", "方法", ",", "就是", "通过", "软件", "算法", "在", "视频", "中将", "水印", "替换", "为", "附近", "的", "图像", ",", "这样的话", "就", "看不到", "这个", "水印", "了", ",", "不过", "这", "部分", "看起来", "依然", "不太", "自然", "。", "@", "刘腾", "远", "所", "介绍", "的", "Video", "Enchancer", "和", "Remove", "Logo", "Now", "应该", "就是", "这", "类", "。", "要", "不", "然", ",", "就", "直接", "打", "个", "马赛克", "吧", "。", "去除", "马赛克", "可以", ",", "因为", "马赛克", "是", "通过", "加密算法", "加密", "了", "视频", "的", "部分", ",", "通过", "软件", "可以", "解密", "。", "最后", "总结一下", ",", "给", "不", "想", "看", "文字", "的", "人", "。", "从", "网络", "上", "找到", "无", "水印", "的", "版本", "。", "通过", "软件", "算法", "“", "模糊", "”", "水印", "。", "(", "类似于", "PS", "中", "的", "“", "消失点", "”", ")", "。", "打", "马赛克", "。", "求", "采纳", "为", "满意", "回答", "。"], ["没法", "去掉", ",", "只能", "打", "上", "马赛克"], ["你", "可以", "用", "CA", "试", "试", "吧"]], "paragraphs": ["现在常见的视频格式是没有“图层”这个概念的,视频在被加上水印之后,被水印覆盖的部分就不会再存在于视频当中了。直接地说,没办法达到真正“去水印”的目的。 当然还有一种折中的方法,就是通过软件算法在视频中将水印替换为附近的图像,这样的话就看不到这个水印了,不过这部分看起来依然不太自然。@刘腾远 所介绍的Video Enchancer 和RemoveLogoNow应该就是这类。 要不然,就直接打个马赛克吧。 去除马赛克可以,因为马赛克是通过加密算法加密了视频的部分,通过软件可以解密。 最后总结一下,给不想看文字的人。从网络上找到无水印的版本。通过软件算法“模糊”水印。(类似于PS中的“消失点”)。打马赛克。 求采纳为满意回答。", "没法去掉,只能打上马赛克", "你可以用CA试试吧"], "bs_rank_pos": 4}, {"is_selected": false, "title": "怎样去除视频中的水印_百度知道", "most_related_para": 0, "segmented_title": ["怎样", "去除", "视频", "中", "的", "水印", "_", "百度", "知道"], "segmented_paragraphs": [["你好", ",", "如果", "是", "合成", "的", "视频", ",", "水印", "是", "无法", "去掉", "的", "!", "至于", "具体", "的", "情况", ",", "有", "的", "可以", "根据", "需要", "用", "一些", "模糊", ",", "或者", "马赛克", "等等", "虚化", "一", "下", "水印", "!", "比如", "有些", "电视台", "去除", "台标", "可以", "用", "模糊", ",", "或者", "有些", "视频", "边缘", "的", "水印", ",", "可以", "把", "视频", "镜头", "拉近", "而", "裁切", "掉", "!", "具体操作", ",", "软件", "不同", ",", "可能", "操作步骤", "稍", "有", "区别", "!", "至于", "视频编辑", "软件", ",", "那", "很多", "了", ",", "从", "简单", "角度", "来", "说", ",", "可以", "分为", "横", "编", "软件", "和", "纵编", "软件", ",", "比如", ",", "AE", ",", "3D", ",", "Maya", "等等", "属于", "纵编", "软件", ",", "侧重", "多层", "特效", "的", "制作", ",", "甚至", "可以", "做", "动画", "特效", "和", "角色", "动画", "等等", "。", "另", "一类", "就是", "横编", "软件", ",", "也", "就是", "我们", "说", "的", "非编", "软件", ",", "常用", "的", "会声会影", ",", "premiere", ",", "sony", "vagas", ",", "edius", ",", "稍微", "专业", "的", "大洋", "非编", ",", "索贝", ",", "苹果", "非编", ",", "avid", "等等", ",", "都", "属于", "横编", "软件", ",", "比如", "做", "电影", "用", "的", "最多", "的", "是", "avid", "media", "composer", ",", "电视剧", "用", "的", "苹果", "比较", "多", ",", "edius", "适合", "专题片", ",", "宣传片", ",", "电视剧", "!", "而", "国内", "电视台", "一般", "用", "的", "苹果", "、", "大洋", ",", "索贝", ",", "新", "奥特"], ["把", "视频", "中", "的", "水印", "去掉", ",", "可以", "利用", "下面", "的", "软件", "来试试", ",", "简单", "好", "用", "的", "百度搜索", ":", "狸窝", "视频", "去", "水印", "工具", "免费下载", "使用", "的", ",", "而且", "还", "简单", "还", "用"]], "paragraphs": ["你好,如果是合成的视频,水印是无法去掉的!至于具体的情况,有的可以根据需要用一些模糊,或者马赛克等等虚化一下水印!比如有些电视台去除台标可以用模糊,或者有些视频边缘的水印,可以把视频镜头拉近而裁切掉!具体操作,软件不同,可能操作步骤稍有区别! 至于视频编辑软件,那很多了,从简单角度来说,可以分为横编软件和纵编软件,比如,AE,3D ,Maya等等属于纵编软件,侧重多层特效的制作,甚至可以做动画特效和角色动画等等。另一类就是横编软件,也就是我们说的非编软件,常用的会声会影,premiere,sony vagas ,edius,稍微专业的大洋非编,索贝,苹果非编,avid等等,都属于横编软件,比如做电影用的最多的是avid media composer,电视剧用的苹果比较多,edius适合专题片,宣传片,电视剧!而国内电视台一般用的苹果、大洋,索贝,新奥特", "把视频中的水印去掉,可以利用下面的软件来试试,简单好用的 百度搜索:狸窝视频去水印工具 免费下载使用的,而且还简单还用"], "bs_rank_pos": 7}], "answer_spans": [[1, 70]], "fake_answers": ["把网络下载的视频导入EDIUS,如果到不进去的话,那就转格式后再导入。步骤阅读2方法一:在PS中制作镂空的上下黑边压屏图片,让黑边的位置刚好压住网站的水印位置。步骤阅读3EDIUS导入图片,调节图片位置,让其完全压住网站水印。"], "question": "如何去掉视频中的水印", "segmented_answers": [["1", ".", "首先", "准备", "Remove", "logo", "Now", "软件", ",", "没有", "的", "或", "不知道", "的", "去", "百度", "下载", ",", "准备", "好", "后", "打开", ",", "选择", "(", "添加", "文件", ")", "2", ".", "打开后", "选择", "自己", "需要", "去", "水印", "的", "视频", "。", "3", ".", "打开", "需要", "去", "水印", "的", "视频", "后", ",", "点击", "界面", "上方", "的", ",", "用来", "选择", "水印", "或", "台标", "。", "4", "在", "需要", "去除", "水印", "或", "台标", "的", "地方", ",", "用", "选择", "框框", "出来", "就", "可以", "了", ",", "不要", "框", "的", "太", "大", ",", "也", "不要", "太", "小", ",", "合适", "的", "尺寸", "就", "行", "。", "5", ".", "框", "完", "后", "点击", "开始", ",", "就", "开始", "去", "水印", "了", "6", ".", "如果", "视频", "大", "的", "话", "需要", "稍", "等", "一段时间", ",", "界面", "下方", "有", "进度条", "可以随时", "查看", "进度", "的", ";", "7", ".", "结束了", "会", "提示", "你", "保存", "文件", ",", "是否", "打开", "文件", ",", "点击", "打开", "可以", "看", "一", "下", "效果", "。"], ["方法", "一", ":", "把", "网络", "下载", "的", "视频", "导入", "EDIUS", ",", "如果", "到", "不", "进去", "的", "话", ",", "那", "就", "转", "格式", "后", "再", "导入", "。", "在", "PS", "中", "制作", "镂空", "的", "上下", "黑边", "压", "屏", "图片", ",", "让", "黑边", "的", "位置", "刚好", "压住", "网站", "的", "水印", "位置", "。", "EDIUS", "导入", "图片", ",", "调节", "图片", "位置", ",", "让", "其", "完全", "压住", "网站", "水印", "。"], ["方法", "二", ":", "利用", "EDIUS", "区域", "命令", ",", "在", "水印", "处", "画圈", ",", "然后", "添加", "模糊", "命令", "。", "5", "调节", "模糊", "命令", "的", "参数", ",", "让", "网站", "水印", "的", "模糊", "融合", "到", "背景", "视频", "里面", "。", "6", "调节", "完成", "后", ",", "选择", "合适", "的", "输出格式", ",", "输出", "视频", "。"]], "answers": ["1.首先准备RemovelogoNow软件 ,没有的或不知道的去百度下载,准备好后打开,选择(添加文件)2.打开后选择自己需要去水印的视频。3.打开需要去水印的视频后,点击界面上方的,用来选择水印或台标。4在需要去除水印或台标的地方,用选择框框出来就可以了,不要框的太大,也不要太小,合适的尺寸就行。5.框完后点击开始,就开始去水印了6.如果视频大的话需要稍等一段时间,界面下方有进度条可以随时查看进度的;7.结束了会提示你保存文件,是否打开文件,点击打开可以看一下效果。", "方法一:把网络下载的视频导入EDIUS,如果到不进去的话,那就转格式后再导入。在PS中制作镂空的上下黑边压屏图片,让黑边的位置刚好压住网站的水印位置。EDIUS导入图片,调节图片位置,让其完全压住网站水印。", "方法二:利用EDIUS区域命令,在水印处画圈,然后添加模糊命令。5调节模糊命令的参数,让网站水印的模糊融合到背景视频里面。6调节完成后,选择合适的输出格式,输出视频。"], "answer_docs": [1], "segmented_question": ["如何", "去掉", "视频", "中", "的", "水印"], "question_type": "DESCRIPTION", "question_id": 181670, "fact_or_opinion": "FACT", "match_scores": [0.8656716417910447]}
-{"documents": [{"is_selected": true, "title": "吃什么促进伤口愈合_百度经验", "most_related_para": 3, "segmented_title": ["吃什么", "促进", "伤口愈合", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "生活", "/", "家居"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["研究表明", ",", "饮食", "对于", "伤口愈合", "还是", "有着", "一定", "成", "的", "影响", "。", "好", "的", "饮食", "可以", "促进", "伤口", "的", "愈合", ",", "同时", "增加", "人体", "的", "自我", "修复", "能力", ",", "相反", "一些", "不", "正确", "的", "饮食", "可能", "还会", "影响", "到", "伤口愈合", "速度", ",", "具体", "来", "讲", ":"], ["1", "、", "含", "维生素", "C", "的", "食物", "维生素", "C", "增进", "伤口愈合", "及", "增加", "对", "受伤", "及", "感染", "等", "压力", "的", "感受", "力", "。", "在", "受", "感染", "、", "发热", "时", ",", "此", "维生素", "之", "损失", "亦", "随之", "增加", ",", "故", "其", "对", "刺激", "之", "反应", "扮演", "重要", "角色", "。", "同时", "手术", "后", "伤口愈合", "过程", "中", "需要", "靠", "胶原蛋白", "来", "填充", ",", "而", "胶原", "纤维", "的", "形成", "需要", "维生素", "C", "的", "帮助", "。", "维生素", "C", "存在", "于", "各种", "蔬菜", "、", "水果", "中", ",", "主要", "是", "青菜", "、", "菠菜", "、", "橙子", "、", "红枣", "、", "猕猴桃", "、", "柑橘", "、", "柚子", "、", "花菜", "、", "葡萄汁", "、", "西红柿", "。", "据", "研究", ",", "每人每天", "维生素", "C", "的", "最佳", "用量", "应", "为", "100", "―", "200", "毫克", ",", "最低", "不", "少于", "60", "微克", "。", "2", "、", "含", "维生素A", "食物", "维生素A", "也是", "一", "种", "既", "能", "促进", "伤口愈合", "又", "有", "美白", "作用", "的", "营养素", "。", "维生素A", "在", "细胞", "分化", "、", "上", "皮", "成纤维细胞", "增殖", "以及", "胶原蛋白", "合成", "中", "都", "起重", "要", "作用", "。", "维生素A", "缺乏", "将", "妨碍", "手术", "伤口", "的", "愈合", "。", "因此", "想", "让", "伤口愈合", "快", ",", "可", "多", "进食", "含", "维生素A", "的", "食物", ":", "动物肝脏", "、", "鸡蛋", "黄", "、", "胡萝卜", "、", "西红柿", "、", "牛奶", "等", "。", "成年", "男性", "每天", "需要", "摄入", "700", "微克", "维生素A", ",", "但", "注意", "不能", "过量", ",", "以", "免", "对", "身体", "健康", "产生", "危害", "。", "3", "、", "含", "葡萄糖", "的", "食物", "糖", "是", "人体", "主要", "的", "供", "能", "者", ",", "供给", "充足", "的", "能量", "是", "伤口愈合", "不可", "缺少", "的", "。", "在", "伤口", "愈合", "期", "可", "多", "吃", "含", "糖", "丰富", "的", "水果", ",", "既", "增加", "糖分", ",", "又", "能", "摄取", "足", "量", "的", "维生素", "。", "为了", "在", "一天之内", "得到", "充足", "的", "葡萄糖", ",", "需要", "注意", "每", "顿", "饭", "都", "要", "摄取", "富含", "葡萄糖", "的", "食品", "。", "最好", "是", "吸收", "速度慢", "的", "葡萄糖", ":", "通心粉", ",", "谷物", "食品", ",", "饼干", ",", "黑豆", ",", "米饭", ",", "木薯粉", "…", "…"], ["1", "、", "一般", "戒", "辛辣", "、", "烟酒", ",", "以", "少", "食", "油盐", "、", "清淡", "为", "主", "。", "2", "、", "中医", "讲究", "忌", "“", "发物", "”", ",", "如", "姜", "、", "花椒", "、", "胡椒", "、", "羊肉", "、", "狗肉", "等", ";", "羊肉", ",", "牛肉", "、", "腊肉", "等", "应该", "不", "吃", "。", "3", "、", "方便面", "、", "火腿肠", "、", "罐头", "类", "食品", "等", "要", "尽量少", "吃", "或者", "不", "吃", "。", "4", "、", "切忌", "术", "后", "补", "得", "太多", ",", "应", "根据", "病人", "的", "身体状况", "及", "食物", "特性", ",", "选择", "口感", "清淡", "、", "营养", "合理", "、", "质量", "适宜", "的", "食物", "。", "5", "、", "术", "后", "一天内", ",", "不宜", "进食", "牛奶", "、", "豆浆", "等", "易", "胀气", "的", "食物", "。", "能", "正常", "进食", "时", ",", "应", "给予", "熟", "烂", "、", "嫩", "、", "软", "、", "少", "渣", "以及", "营养", "搭配", "合理", "的", "食物", "。", "切忌", "让", "病人", "增进食欲", ",", "投其所好", ",", "进食", "辛辣", "、", "富含", "脂肪", "或", "煎", "炸", "食物", "。"], ["饮食", "对于", "伤口愈合", "只是", "辅助", ",", "好", "的", "换药", "和", "伤口", "护理", "才是", "愈合", "的", "保障", "。", "日常", "注意", "护理", ",", "对于", "一些", "较为", "严重", ",", "长期", "不能", "愈合", "的", "伤口", ",", "除了", "做", "好", "相关", "的", "饮食", "调理", "之外", ",", "还", "需", "使用", "收口", "方", "之类", "的", "生", "肌", "愈", "口", "的", "良药", "进行", "治疗", "。", "日常", "做", "好", "伤口", "的", "护理", ",", "保持", "良好", "的", "心态", ",", "愿", "大家健康", "快乐每一天", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["剖腹产", "伤口", "多久", "愈合"]], "paragraphs": ["百度经验 > 生活/家居", "百度经验:jingyan.baidu.com", "研究表明,饮食对于伤口愈合还是有着一定成的影响。好的饮食可以促进伤口的愈合,同时增加人体的自我修复能力,相反一些不正确的饮食可能还会影响到伤口愈合速度,具体来讲:", "1、含维生素C的食物 维生素C增进伤口愈合及增加对受伤及感染等压力的感受力。在受感染、发热时,此维生素之损失亦随之增加,故其对刺激之反应扮演重要角色。同时手术后伤口愈合过程中需要靠胶原蛋白来填充,而胶原纤维的形成需要维生素C的帮助。 维生素C存在于各种蔬菜、水果中,主要是青菜、菠菜、橙子、红枣、猕猴桃、柑橘、柚子、花菜、葡萄汁、西红柿。据研究,每人每天维生素C的最佳用量应为100―200毫克,最低不少于60微克。 2、含维生素A食物 维生素A也是一种既能促进伤口愈合又有美白作用的营养素。维生素A在细胞分化、上皮成纤维细胞增殖以及胶原蛋白合成中都起重要作用。维生素A缺乏将妨碍手术伤口的愈合。 因此想让伤口愈合快,可多进食含维生素A的食物:动物肝脏、鸡蛋黄、胡萝卜、西红柿、牛奶等。成年男性每天需要摄入700微克维生素A,但注意不能过量,以免对身体健康产生危害。 3、含葡萄糖的食物 糖是人体主要的供能者,供给充足的能量是伤口愈合不可缺少的。在伤口愈合期可多吃含糖丰富的水果,既增加糖分,又能摄取足量的维生素。 为了在一天之内得到充足的葡萄糖,需要注意每顿饭都要摄取富含葡萄糖的食品。最好是吸收速度慢的葡萄糖:通心粉,谷物食品,饼干,黑豆,米饭,木薯粉……", "1、一般戒辛辣、烟酒,以少食油盐、清淡为主。 2、中医讲究忌“发物”,如姜、花椒、胡椒、羊肉、狗肉等;羊肉,牛肉、腊肉等应该不吃。 3、方便面、火腿肠、罐头类食品等要尽量少吃或者不吃。 4、切忌术后补得太多,应根据病人的身体状况及食物特性,选择口感清淡、营养合理、质量适宜的食物。 5、术后一天内,不宜进食牛奶、豆浆等易胀气的食物。能正常进食时,应给予熟烂、嫩、软、少渣以及营养搭配合理的食物。切忌让病人增进食欲,投其所好,进食辛辣、富含脂肪或煎炸食物。", "饮食对于伤口愈合只是辅助,好的换药和伤口护理才是愈合的保障。日常注意护理,对于一些较为严重,长期不能愈合的伤口,除了做好相关的饮食调理之外,还需使用收口方之类的生肌愈口的良药进行治疗。日常做好伤口的护理,保持良好的心态,愿大家健康快乐每一天。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "剖腹产伤口多久愈合"], "bs_rank_pos": 0}, {"is_selected": true, "title": "伤口愈合吃什么好得快_百度经验", "most_related_para": 3, "segmented_title": ["伤口愈合", "吃什么", "好得快", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "生活", "/", "家居", ">", "生活常识"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["国", "人", "自古", "就", "讲究", "食疗", ",", "好", "的", "饮食", "不", "但", "能够", "帮助", "人们", "保养", "身体", ",", "而且", "好", "的", "饮食", "还能", "帮助", "人们", "治疗疾病", "。", "以下", "就", "跟", "大家", "分享", "一", "下", "常见", "的", "能够", "促进", "伤口愈合", "的", "食物", ",", "希望能够", "对", "大家", "有所帮助", ":"], ["一", "、", "吃", "一些", "含", "锌", "量", "丰富", "的", "食物", "能够", "促进", "伤口愈合", ",", "锌", "可", "与", "维生素", "C", "结合", ",", "参与", "体", "内", "胶原蛋白", "的", "合成", ",", "增加", "抵抗力", ",", "促进", "伤口愈合", "。", "含", "锌", "的", "食品", "有", "玉米", "、", "黄豆", "、", "萝卜", "、", "蘑菇", "、", "坚果", "、", "动物肝脏", "、", "木耳", "、", "海带", "、", "蛋", "、", "肉类", "、", "全", "谷类", "、", "坚果", "类", "。", "二", "、", "吃", "一些", "含有", "葡萄糖", "丰富", "的", "食物", "能够", "促进", "伤口愈合", ",", "糖", "是", "人体", "主要", "的", "供", "能", "者", ",", "供给", "充足", "的", "能量", "是", "伤口愈合", "不可", "缺少", "的", "。", "在", "伤口", "愈合", "期", "可", "多", "吃", "含", "糖", "丰富", "的", "水果", ",", "既", "增加", "糖分", ",", "又", "能", "摄取", "足", "量", "的", "维生素", "。", "含有", "葡萄糖", "丰富", "的", "食物", "蜂蜜", "、", "龙眼肉", "、", "红枣", "、", "葡萄", "、", "西瓜", "、", "青木瓜", "、", "猕猴桃", "、", "胡萝卜", "等", "。", "三", "、", "吃", "一些", "含有", "蛋白质", "丰富", "的", "食物", "能够", "促进", "伤口愈合", ",", "蛋白质", "能", "促进", "伤口愈合", ",", "减少", "感染", "机会", "。", "含", "蛋白质", "丰富", "的", "食物", "有", "各种", "瘦肉", "、", "牛奶", "、", "蛋类", "等", "。", "四", "、", "吃", "一些", "含有", "维生素A", "丰富", "的", "食物", "能够", "促进", "伤口愈合", ",", "维生素A", "在", "细胞", "分化", "、", "上", "皮", "成纤维细胞", "增殖", "以及", "胶原蛋白", "合成", "中", "都", "起重", "要", "作用", "。", "维生素A", "缺乏", "将", "妨碍", "手术", "伤口", "的", "愈合", "。", "同时", ",", "维生素A", "也是", "一", "种", "抗氧化", "营养素", ",", "能", "发挥", "美白", "皮肤", "的", "作用", "。", "维生素A", "含量", "丰富", "的", "食物", "包括", "动物", "肝脏", "、", "鸡蛋", "黄", "、", "牛奶", "等", "。", "五", "、", "吃", "一些", "含有", "维生素", "C", "丰富", "的", "食物", "能够", "促进", "伤口愈合", ",", "生", "素", "C", "作为", "还原剂", ",", "还", "可以", "减少", "黑色素", "的", "形成", ",", "甚至", "可以", "将", "已经", "生成", "的", "黑色素", "还原", "成", "无色", "物质", ",", "具有", "较好", "的", "美白", "作用", "。", "因此", ",", "在", "手术", "伤口", "愈合", "期间", "可以", "多", "吃", "一些", "维生素", "C", "含量", "丰富", "的", "水果蔬菜", ",", "如", "橙子", "、", "猕猴桃", "、", "柠檬", "、", "大枣", "等", "。"], ["除了", "以上", "可以", "吃", "的", "之外", ",", "还有", "一些", "食物", "应该", "尽量避免", "食用", ",", "否则", "可能", "影响", "伤口愈合", "。", "一些", "辛辣", "刺激性", "的", "食物", "、", "食用菌", "类", "、", "海鲜", "类", "、", "牛羊肉", "之类", "应该", "尽量避免", ",", "同时", "避免", "食用", "辛辣", "刺激性", "的", "食物", "。", "当然", "伤口", "愈合", "过程", "中", "除了", "做", "好", "饮食", "调理", "之外", "还", "应该", "注意", "做", "好", "相关", "的", "护理", "和", "治疗", "工作", ",", "长期", "不", "愈合", "的", "伤口", "搭配", "于氏", "收口", "方", "辅助", "修复", ",", "保持", "良好", "的", "心态", ",", "如此", "才能", "更好", "、", "更", "快", "的", "愈合", "伤口", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["痔疮", "手术", "后", "伤口", "不", "愈合", "怎么办", "包皮", "手术", "后", "伤口", "流水", "怎么办"]], "paragraphs": ["百度经验 > 生活/家居 > 生活常识", "百度经验:jingyan.baidu.com", "国人自古就讲究食疗,好的饮食不但能够帮助人们保养身体,而且好的饮食还能帮助人们治疗疾病。以下就跟大家分享一下常见的能够促进伤口愈合的食物,希望能够对大家有所帮助:", "一、吃一些含锌量丰富的食物能够促进伤口愈合,锌可与维生素C结合,参与体内胶原蛋白的合成,增加抵抗力,促进伤口愈合。含锌的食品有玉米、黄豆、萝卜、蘑菇、坚果、动物肝脏、木耳、海带、蛋、肉类、全谷类、坚果类。 二、吃一些含有葡萄糖丰富的食物能够促进伤口愈合,糖是人体主要的供能者,供给充足的能量是伤口愈合不可缺少的。在伤口愈合期可多吃含糖丰富的水果,既增加糖分,又能摄取足量的维生素。 含有葡萄糖丰富的食物蜂蜜、龙眼肉、红枣、葡萄、西瓜、青木瓜、猕猴桃 、胡萝卜等。 三、吃一些含有蛋白质丰富的食物能够促进伤口愈合,蛋白质能促进伤口愈合,减少感染机会。含蛋白质丰富的食物有各种瘦肉、牛奶、蛋类等。 四、吃一些含有维生素A丰富的食物能够促进伤口愈合,维生素A在细胞分化、上皮成纤维细胞增殖以及胶原蛋白合成中都起重要作用。维生素A缺乏将妨碍手术伤口的愈合。同时,维生素A也是一种抗氧化营养素,能发挥美白皮肤的作用。维生素A含量丰富的食物包括动物肝脏、鸡蛋黄、牛奶等。 五、吃一些含有维生素C丰富的食物能够促进伤口愈合,生素C作为还原剂,还可以减少黑色素的形成,甚至可以将已经生成的黑色素还原成无色物质,具有较好的美白作用。因此,在手术伤口愈合期间可以多吃一些维生素C含量丰富的水果蔬菜,如橙子、猕猴桃、柠檬、大枣等。", "除了以上可以吃的之外,还有一些食物应该尽量避免食用,否则可能影响伤口愈合。一些辛辣刺激性的食物、食用菌类 、海鲜类、牛羊肉之类应该尽量避免,同时避免食用辛辣刺激性的食物。当然伤口愈合过程中除了做好饮食调理之外还应该注意做好相关的护理和治疗工作,长期不愈合的伤口搭配于´氏收口方辅助修复,保持良好的心态,如此才能更好、更快的愈合伤口。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "痔疮手术后伤口不愈合怎么办 包皮手术后伤口流水怎么办"], "bs_rank_pos": 1}, {"is_selected": true, "title": "民间有奇方 15种食物可促进伤口愈合_寻医问药中医频道", "most_related_para": 1, "segmented_title": ["民间", "有", "奇", "方", "15", "种", "食物", "可", "促进", "伤口愈合", "_", "寻医问药", "中医", "频道"], "segmented_paragraphs": [["剖宫产", ",", "各种", "手术", ",", "还有", "生活", "中", "也", "会", "遇到", "一些", "意外", "情况", ",", "难免", "会出现", "一些", "伤口", ",", "很多人", "会", "担心", "伤口", "感染", ",", "难免", "有", "什么", "方法", "可以", "促进", "伤口", "的", "愈合", "呢", "?", "饮食", "也", "会", "影响", "到", "伤口愈合", "的", "进程", ",", "下面", "就", "为", "大家", "介绍", "促进", "伤口愈合", "的", "15", "种", "食物", "!"], ["一", "、", "鲈鱼", "鲈鱼", "含有", "丰富", "的", "、", "易", "消化", "的", "蛋白质", "、", "脂肪", "、", "维生素B2", "、", "尼克酸", "、", "钙", "、", "磷", "、", "钾", "、", "铜", "、", "铁", "、", "硒", "等", "。", "中医", "认为", "鲈鱼", "性", "温", "味", "甘", "有", "健脾", "胃", "、", "补", "肝肾", "、", "止咳", "化痰", "的", "作用", "。", "喝", "黑鱼汤", "对于", "伤口", "也", "很", "有", "好处", "。", "二", "、", "猪蹄", "猪蹄", "含有", "丰富", "的", "锌", "、", "胶原蛋白", "。", "缺锌", "会", "使", "纤维", "细胞", "功能", "下降", "。", "多", "补充", "胶原蛋白", "能", "促进", "伤口愈合", "的", "速度", "。", "三", "、", "海带", "海带", "所", "含", "蛋白质", "和", "碳水化合物", "是", "菠菜", "的", "几", "倍", "到", "几", "十", "倍", "。", "胡萝卜素", "、", "核黄素", "、", "硫胺素", "以及", "尼克酸", "等", "重要", "维生素", "的", "含量", "也", "很多", "。", "海带", "中", "的", "褐", "藻", "酸", "钠", "盐", ",", "对", "动脉", "出血", "症", "也有", "止血", "效能", "。", "四", "、", "木耳", "黑木耳", "富", "含", "铁", "等", "矿物元素", ",", "每日", "100", "克", "黑木耳", "中", "含", "铁", "高达", "185", "毫克", ",", "比", "绿叶", "蔬菜", "中", "含", "铁", "量", "最高", "的", "芹菜", "高", "出", "20", "倍", ",", "同时", "含有", "丰富", "的", "锌", "。", "五", "、", "乳鸽", "鸽", "是", "禽类", "唯一", "的", "无", "胆", "动物", ",", "肝脏", "中", "储存", "着", "丰富", "的", "胆", "素", ",", "血液", "中", "含有", "丰富", "的", "血红蛋白", ",", "骨骼", "中", "有", "大量", "的", "软骨素", "。", "这些", "特殊", "的", "营养", "成份", ",", "对", "调节", "人体", "大脑", "神经系统", ",", "改善睡眠", ",", "增进食欲", ",", "帮助", "消化", ",", "激活", "性腺", "分泌", "和", "脑垂体", "分泌", ",", "以至", "全面", "平衡", "人体", "机", "能", ",", "调理", "并", "强壮", "身体", ",", "有着", "特殊", "的", "食疗", "作用", "。"], ["六", "、", "西红柿"], ["西红柿", "可", "防止", "血栓", ",", "番茄", "籽", "周围", "的", "黄色", "胶状", "物质", "可以", "防止", "血液", "中", "血小板", "的", "凝结", ";", "还", "含有", "丰富", "的", "维生素", "C", "、", "番茄红素", "、", "胡萝卜素", "等", "抗氧化", "成分", ",", "对", "伤口", "愈合", "有利", "。"], ["七", "、", "蜂蜜"], ["喝", "一", "点", "蜂蜜", "对", "伤口愈合", "会", "有", "较", "大", "好处", "。", "另外", ",", "也", "可以", "将", "蜂蜜", "直接", "涂擦", "在", "皮肤", "或", "伤口", "上", ",", "有", "消炎", "、", "止痛", "、", "止血", "、", "减轻", "水肿", "、", "促进", "伤口愈合", "的", "作用", "。"], ["八", "、", "黑豆"], ["黑豆", "是", "各种", "豆类", "中", "蛋白质", "含量", "最高", "的", ",", "比", "猪", "腿", "肉", "多", "一倍", "还有", "余", "。", "它", "含有", "的", "脂肪", "主要", "是", "单", "不饱和脂肪酸", "和", "多", "不饱和脂肪酸", ",", "其中", "人体", "需要", "的", "必需脂肪酸", "占", "50", "%", ",", "还有", "磷脂", "、", "大豆", "黄酮", "、", "生物素", "。", "中医", "认为", ",", "黑豆", "性", "平", "味", "甘", ",", "有", "润肠", "补血", "的", "功能", ",", "术", "后", "体", "虚", "血", "缺", "患", "。"], ["相关", "问答", "相关话题", "相关", "医院", "相关", "医生", "相关", "药品"], ["向", "医生", "咨询", "相关问题"]], "paragraphs": ["剖宫产,各种手术,还有生活中也会遇到一些意外情况,难免会出现一些伤口,很多人会担心伤口感染,难免有什么方法可以促进伤口的愈合呢?饮食也会影响到伤口愈合的进程,下面就为大家介绍促进伤口愈合的15种食物!", "一、鲈鱼 鲈鱼含有丰富的、易消化的蛋白质、脂肪、维生素B2、尼克酸、钙、磷、钾、铜、铁、硒等。中医认为鲈鱼性温味甘有健脾胃、补肝肾、止咳化痰的作用。喝黑鱼汤对于伤口也很有好处。 二、猪蹄 猪蹄含有丰富的锌、胶原蛋白。缺锌会使纤维细胞功能下降。多补充胶原蛋白能促进伤口愈合的速度。 三、海带 海带所含蛋白质和碳水化合物是菠菜的几倍到几十倍。胡萝卜素、核黄素、硫胺素以及尼克酸等重要维生素的含量也很多。海带中的褐藻酸钠盐,对动脉出血症也有止血效能。 四、木耳 黑木耳富含铁等矿物元素,每日100克黑木耳中含铁高达185毫克,比绿叶蔬菜中含铁量最高的芹菜高出20倍,同时含有丰富的锌。 五、乳鸽 鸽是禽类唯一的无胆动物,肝脏中储存着丰富的胆素,血液中含有丰富的血红蛋白,骨骼中有大量的软骨素。这些特殊的营养成份,对调节人体大脑神经系统,改善睡眠,增进食欲,帮助消化,激活性腺分泌和脑垂体分泌,以至全面平衡人体机能,调理并强壮身体,有着特殊的食疗作用。", "六、西红柿", "西红柿可防止血栓,番茄籽周围的黄色胶状物质可以防止血液中血小板的凝结;还含有丰富的维生素C、番茄红素、胡萝卜素等抗氧化成分,对伤口愈合有利。", "七、蜂蜜", "喝一点蜂蜜对伤口愈合会有较大好处。另外,也可以将蜂蜜直接涂擦在皮肤或伤口上,有消炎、止痛、止血、减轻水肿、促进伤口愈合的作用。", "八、黑豆", "黑豆是各种豆类中蛋白质含量最高的,比猪腿肉多一倍还有余。它含有的脂肪主要是单不饱和脂肪酸和多不饱和脂肪酸,其中人体需要的必需脂肪酸占50%,还有磷脂、大豆黄酮、生物素。中医认为,黑豆性平味甘,有润肠补血的功能,术后体虚血缺患。", "相关问答 相关话题 相关医院 相关医生 相关药品", "向医生咨询相关问题"], "bs_rank_pos": 2}, {"is_selected": false, "title": "促进手术刀口愈合的方法(食物 禁忌等)_百度知道", "most_related_para": 0, "segmented_title": ["促进", "手术", "刀口", "愈合", "的", "方法", "(", "食物", "禁忌", "等", ")", "_", "百度", "知道"], "segmented_paragraphs": [["食物", "营养", "与", "伤口愈合", "一", "提", "营养", ",", "人们", "可能", "立刻", "就会", "想到", "鸡鸭", "鱼肉", ",", "其实不然", "。", "的", "确", ",", "这些", "食物", "都", "含有", "丰富", "的", "蛋白质", ",", "但是", ",", "也", "不", "忽视", "必不可少", "的", "维生素", "和", "微量元素", "。", "与", "伤口愈合", "有关", "的", "微量元素", "有", "铜", "和", "锌", ",", "维生素", "类", "有", "维生素a", "、", "维生素", "c", "和", "维生素", "e", "等", "。", "这些", "物质", "在", "人体", "内", "虽然", "都", "有", "一些", "贮备", ",", "还能", "进行", "调节", ",", "优先", "供应", "伤口", "的", "需要", ",", "一般", "不", "致", "缺乏", "。", "但是", ",", "外科", "病人", "需要", "维生素", "c", "的", "量", ",", "大", "大", "超过", "平时", ",", "病人", "的", "食欲", "不佳", ",", "进食", "较", "少", ",", "也", "会", "造成", "供不应求", "。", "所以", ",", "外科手术", "以后", "的", "病人", ",", "如果", "能", "自己", "进食", ",", "可", "多", "吃", "一些", "含", "维生素", "c", "较多", "的", "食物", ",", "如", "西红柿", "、", "辣椒", "、", "苋菜", "、", "青菜", "、", "卷心菜", "、", "胡萝卜", "等", "。", "从", "食物", "中", "补充", "困难", "的", "病人", ",", "可以", "经", "口服", "或", "静脉", "补充", ",", "每天", "需要", "维生素", "c", "1", "~", "2", "克", "。", "外科", "病房", "的", "病人", ",", "也", "不知道", "从", "哪儿", "听说", "了", "许多", "手术", "后", "不能吃", "的", "食物", ",", "哪些", "东西", "须", "“", "忌口", "”", "。", "医生", "在", "查房", "的", "时候", ",", "经"], ["用", "“", "金创", "抗菌", "膏", "”", "能", "很快", "愈合", "。"], ["每天", "想", "郑", "一", "一遍", "就", "OK啦", "!", "别", "让", "姐夫", "知道", "就", "行", ",", "嘿嘿", "…", "…"]], "paragraphs": ["食物营养与伤口愈合 一提营养,人们可能立刻就会想到鸡鸭鱼肉,其实不然。的确,这些食物都含有丰富的蛋白质,但是,也不忽视必不可少的维生素和微量元素。 与伤口愈合有关的微量元素有铜和锌,维生素类有维生素a、维生素c和维生素e等。这些物质在人体内虽然都有一些贮备,还能进行调节,优先供应伤口的需要,一般不致缺乏。但是,外科病人需要维生素c的量,大大超过平时,病人的食欲不佳,进食较少,也会造成供不应求。 所以,外科手术以后的病人,如果能自己进食,可多吃一些含维生素c较多的食物,如西红柿、辣椒、苋菜、青菜、卷心菜、胡萝卜等。从食物中补充困难的病人,可以经口服或静脉补充,每天需要维生素c1~2克。 外科病房的病人,也不知道从哪儿听说了许多手术后不能吃的食物,哪些东西须“忌口”。医生在查房的时候,经", "用“金创抗菌膏”能很快愈合。", "每天想郑一一遍就OK啦!别让姐夫知道就行,嘿嘿……"], "bs_rank_pos": 3}, {"is_selected": false, "title": "十大促进伤口愈合的食物 ", "most_related_para": 0, "segmented_title": ["十大", "促进", "伤口愈合", "的", "食物"], "segmented_paragraphs": [["1", ".", "猪蹄", "。", "猪蹄", "含有", "丰富", "的", "锌", "、", "胶原蛋白", "。", "缺锌", "会", "使", "纤维", "细胞", "功能", "下降", ",", "多", "补充", "胶原蛋白", "能", "促进", "伤口愈合", "的", "速度", "。", "2", ".", "鲈鱼", "。", "鲈鱼", "含有", "丰富", "的", "、", "易", "消化", "的", "蛋白质", "、", "脂肪", "、", "维", "生", "素", "B2", "、", "尼克酸", "、", "钙", "、", "磷", "、", "钾", "、", "铜", "、", "铁", "、", "硒", "等", "。", "中医", "认为", "鲈鱼", "性", "温", "味", "甘", "有", "健脾", "胃", "、", "补", "肝肾", "、", "止咳", "化痰", "的", "作用", "。", "另外", ":", "黑鱼", "对", "伤口", "恢复", "也", "特别", "好", "。", "3", ".", "乳鸽", "。", "鸽子", "是", "禽类", "唯一", "的", "无", "胆", "动物", ",", "肝脏", "中", "储存", "着", "丰富", "的", "胆", "素", ",", "血液", "中", "含有", "丰富", "的", "血红蛋白", ",", "骨骼", "中", "有", "大量", "的", "软骨素", "。", "这些", "特殊", "的", "营养", "成份", ",", "对", "调节", "人体", "大脑", "神经系统", ",", "改善睡眠", ",", "增进食欲", ",", "帮助", "消化", ",", "激活", "性腺", "分泌", "和", "脑垂体", "分泌", ",", "以至", "全面", "平衡", "人体", "机", "能", ",", "调理", "并", "强壮", "身体", ",", "有着", "特殊", "的", "食疗", "作用", "。", "有益于", "人体", "能量", "的", "储存", "和", "利用", ",", "维持", "肌肉", "和", "神经系统", "的", "正常", "功能", ",", "改善", "心肌", "收缩", "和", "凝血", "功能", "。", "4", ".", "虹鳟鱼", "。", "原", "产", "美国", "加州", "的", "山", "溪", "中", ",", "喜", "栖", "于", "清澈", "无污染", "的", "冷水", "中", ",", "以", "食", "鱼虾", "为", "主", ",", "堪称", "急流", "勇士", "。", "该", "鱼", "肉质细嫩", "、", "味道鲜美", "、", "无", "小", "刺", "、", "无", "腥味", "、", "高蛋白", "、", "低脂肪", ",", "在", "国际", "上", "被", "列为", "高档", "绿色食品", "。", "虹鳟鱼", "可做", "具有", "异国风味", "的", "生鱼片", ",", "宜", "清蒸", "、", "清炖", ",", "亦", "可做", "氽", "鱼", "丝", "、", "红烧", "、", "熏鱼", ",", "是", "极佳", "的", "促进", "伤口愈合", "的", "食品", "。"], ["5", ".", "海带", "。", "海带", "所", "含", "蛋白质", "和", "碳水化合物", "是", "菠菜", "的", "几", "倍", "到", "几", "十", "倍", "。", "胡萝卜素", "、", "核黄素", "、", "硫胺素", "以及", "尼克酸", "等", "重要", "维生素", "的", "含量", "也", "很多", "。", "海带", "中", "的", "褐", "藻", "酸", "钠", "盐", ",", "对", "动脉", "出血", "症", "也有", "止血", "效能", "。"], ["6", ".", "木耳", "。", "黑木耳", "富", "含", "铁", "等", "矿物元素", ",", "每日", "100", "克", "黑木耳", "中", "含", "铁", "高达", "185", "毫克", ",", "比", "绿叶", "蔬菜", "中", "含", "铁", "量", "最高", "的", "芹菜", "高", "出", "20", "倍", ",", "同时", "含有", "丰富", "的", "锌", ".", "所以", "它", "是", "一", "种", "非常好", "的", "天然", "补血", "食品", ",", "能", "促进", "术", "后", "失血过多", "患者", "伤口愈合", "速度", "。"], ["7", ".", "苦瓜", "。", "苦瓜", "汁", "含有", "类似", "奎宁", "的", "蛋白", "成分", ",", "能", "加强", "巨噬细胞", "的", "吞噬", "能力", ",", "同时", "苦瓜", "中", "的", "苦瓜", "式", "和", "苦味", "素", "能", "增进食欲", ",", "健脾开胃", ",", "有利于", "伤口", "恢复", "。"], ["8", ".", "西红柿", "。", "西红柿", "可", "防止", "血栓", "番茄", "籽", "周围", "的", "黄色", "胶状", "物质", "可以", "防止", "血液", "中", "血小板", "的", "凝结", ";", "还", "含有", "丰富", "的", "维生素", "C", "、", "番茄红素", "、", "胡萝卜素", "等", "抗氧化", "成分", ",", "对", "伤口", "愈合", "有利", "。"], ["9", ".", "蜂蜜", "。", "喝", "一", "点", "蜂蜜", "对", "伤口愈合", "会", "有", "较", "大", "好处", "。", "另外", ",", "也", "可以", "将", "蜂蜜", "直接", "涂擦", "在", "皮肤", "或", "伤口", "上", ",", "有", "消炎", "、", "止痛", "、", "止血", "、", "减轻", "水肿", "、", "促进", "伤口愈合", "的", "作用", "。"], ["10", ".", "黑豆", "。", "黑豆", "是", "各种", "豆类", "中", "蛋白质", "含量", "最高", "的", ",", "比", "猪", "腿", "肉", "多", "一倍", "还有", "余", "。", "它", "含有", "的", "脂肪", "主要", "是", "单", "不饱和脂肪酸", "和", "多", "不饱和脂肪酸", ",", "其中", "人体", "需要", "的", "必需脂肪酸", "占", "50", "%", ",", "还有", "磷脂", "、", "大豆", "黄酮", "、", "生物素", "。", "中医", "认为", ",", "黑豆", "性", "平", "味", "甘", ",", "有", "润肠", "补血", "的", "功能", ",", "食用", "可", "加速", "伤口", "恢复", "。"], ["不利于", "伤口", "食物", ":"], ["牛肉", "、", "狗肉", "、", "羊肉", "、", "海鲜", "、", "酒", "、", "洋葱", "、", "姜", "、", "蒜", "、", "酱油", "、", "榴莲", "、", "荔枝", "、", "芒果", "、", "辛辣", "及", "有", "色素", "(", "菠菜", "、", "紫菜", "、", "巧克力", ")", "色素", "食物", "会", "产生", "色素沉着", "。", "辛辣", "刺激", "的", "食物", "容易", "引发", "感染", "、", "不利于", "伤口愈合", "。", "此外", ",", "吸烟", "、", "喝酒", "、", "心情不好", "、", ",", "信心不足", "都会", "影响", "伤口", "的", "愈合", "。"], ["要", "想", "促进", "伤口愈合", ",", "营养", "一定要", "跟", "上", ",", "而且", "是", "特别", "重要", "。"]], "paragraphs": ["1. 猪蹄。猪蹄含有丰富的锌、胶原蛋白。 缺锌会使纤维细胞功能下降,多补充胶原蛋白能促进伤口愈合的速度。 2. 鲈鱼。鲈鱼含有丰富的、易消化的蛋白质、脂肪、维 生素B2、尼克酸、钙、磷、钾、铜、铁、硒等。中医认为鲈鱼性温味甘有健脾胃、补肝肾、止咳化痰的作用。另外:黑鱼对伤口恢复也特别好。 3. 乳鸽。鸽子是禽类唯一的无胆动物,肝脏中储存着丰富的胆素,血液中含有丰富的血红蛋白,骨骼中有大量的软骨素。这些特殊的营养成份,对调节人体大脑神经系统,改善睡眠,增进食欲,帮助消化,激活性腺分泌和脑垂体分泌,以至全面平衡人体机能,调理并强壮身体,有着特殊的食疗作用。有益于人体能量的储存和利用,维持肌肉和神经系统的正常功能,改善心肌收缩和凝血功能。 4. 虹鳟鱼。原产美国加州的山溪中,喜栖 于清澈无污染的冷水中,以食鱼虾为主,堪称急流勇士。该鱼肉质细嫩、味道鲜美、无小刺、无腥味、高蛋白、低脂肪,在国际上被列为高档绿色食品。虹鳟鱼可做具有异国风味的生鱼片,宜清蒸、清炖,亦可做氽鱼丝、红烧、熏鱼,是极佳的促进伤口愈合的食品。", "5. 海带。 海带所含蛋白质和碳水化合物是菠菜的几倍到几十倍。胡萝卜素、核黄素、硫胺素以及尼克酸等重要维生素的含量也很多。海带中的褐藻酸钠盐,对动脉出血症也有止血效能。", "6.木耳。黑木耳富含铁等矿物元素,每日 100克黑木耳中含铁高达185毫克,比绿叶蔬菜中含铁量最高的芹菜高出20倍,同时含有丰富的锌. 所以它是一种非常好的天然补血食品,能促进术后失血过多患者伤口愈合速度。", "7. 苦瓜。 苦瓜汁含有类似奎宁的蛋白成分,能加强巨噬细胞的吞噬能力, 同时苦瓜中的苦瓜式和苦味素能增进食欲,健脾开胃,有利于伤口恢复。", "8. 西红柿。 西红柿可防止血栓 番茄籽周围的 黄色胶状物质可以防止血液中血小板的凝结; 还含有丰富的维生素C、番茄红素、胡萝卜素等抗氧化成分,对伤口愈合有利。", "9. 蜂蜜。喝一点蜂蜜对伤口愈合会有较大好处。另外,也可以将蜂蜜直接涂擦在皮肤或伤口上,有消炎、止痛、止血、减轻水肿、促进伤口愈合的作用。", "10. 黑豆。黑豆是各种豆类中蛋白质含量最高的,比猪腿肉多一倍还有余。它含有的脂肪主要是单不饱和脂肪酸和多不饱和脂肪酸,其中人体需要的必需脂肪酸占50%,还有磷脂、大豆黄酮、生物素。中医认为,黑豆性平味甘,有润肠补血的功能,食用可加速伤口恢复。", "不利于伤口食物:", "牛肉、狗肉、羊肉、海鲜、酒、洋葱、姜、蒜、酱油、榴莲、荔枝、芒果、辛辣及有色素(菠菜、紫菜、巧克力) 色素食物会产生色素沉着。 辛辣刺激的食物容易引发感染、不利于伤口愈合。此外,吸烟、喝酒、心情不好、,信心不足都会影响伤口的愈合。", "要想促进伤口愈合,营养一定要跟上,而且是特别重要。"], "bs_rank_pos": 4}], "answer_spans": [[0, 323]], "fake_answers": ["一、吃一些含锌量丰富的食物能够促进伤口愈合,锌可与维生素C结合,参与体内胶原蛋白的合成,增加抵抗力,促进伤口愈合。含锌的食品有玉米、黄豆、萝卜、蘑菇、坚果、动物肝脏、木耳、海带、蛋、肉类、全谷类、坚果类。二、吃一些含有葡萄糖丰富的食物能够促进伤口愈合,糖是人体主要的供能者,供给充足的能量是伤口愈合不可缺少的。在伤口愈合期可多吃含糖丰富的水果,既增加糖分,又能摄取足量的维生素。含有葡萄糖丰富的食物蜂蜜、龙眼肉、红枣、葡萄、西瓜、青木瓜、猕猴桃、胡萝卜等。三、吃一些含有蛋白质丰富的食物能够促进伤口愈合,蛋白质能促进伤口愈合,减少感染机会。含蛋白质丰富的食物有各种瘦肉、牛奶、蛋类等。四、吃一些含有维生素A丰富的食物能够促进伤口愈合,维生素A在细胞分化、上皮成纤维细胞增殖以及胶原蛋白合成中都起重要作用。维生素A缺乏将妨碍手术伤口的愈合。同时,维生素A也是一种抗氧化营养素,能发挥美白皮肤的作用。维生素A含量丰富的食物包括动物肝脏、鸡蛋黄、牛奶等。五、吃一些含有维生素C丰富的食物能够促进伤口愈合,生素C作为还原剂,还可以减少黑色素的形成,甚至可以将已经生成的黑色素还原成无色物质,具有较好的美白作用。因此,在手术伤口愈合期间可以多吃一些维生素C含量丰富的水果蔬菜,如橙子、猕猴桃、柠檬、大枣等。"], "question": "促进伤口愈合的食物", "segmented_answers": [["1", "、", "含", "维生素", "C", "的", "食物", "。", "2", "、", "含", "维生素A", "食物", "。", "3", "、", "含", "葡萄糖", "的", "食物", "。", "4", "、", "含", "蛋白质", "丰富", "的", "食物", "。", "5", "、", "含", "锌", "的", "食物", "。"], ["一", "、", "吃", "一些", "含", "锌", "量", "丰富", "的", "食物", "能够", "促进", "伤口愈合", ",", "锌", "可", "与", "维生素", "C", "结合", ",", "参与", "体", "内", "胶原蛋白", "的", "合成", ",", "增加", "抵抗力", ",", "促进", "伤口愈合", "。", "含", "锌", "的", "食品", "有", "玉米", "、", "黄豆", "、", "萝卜", "、", "蘑菇", "、", "坚果", "、", "动物肝脏", "、", "木耳", "、", "海带", "、", "蛋", "、", "肉类", "、", "全", "谷类", "、", "坚果", "类", "。", "二", "、", "吃", "一些", "含有", "葡萄糖", "丰富", "的", "食物", "能够", "促进", "伤口愈合", ",", "糖", "是", "人体", "主要", "的", "供", "能", "者", ",", "供给", "充足", "的", "能量", "是", "伤口愈合", "不可", "缺少", "的", "。", "在", "伤口", "愈合", "期", "可", "多", "吃", "含", "糖", "丰富", "的", "水果", ",", "既", "增加", "糖分", ",", "又", "能", "摄取", "足", "量", "的", "维生素", "。", "含有", "葡萄糖", "丰富", "的", "食物", "蜂蜜", "、", "龙眼肉", "、", "红枣", "、", "葡萄", "、", "西瓜", "、", "青木瓜", "、", "猕猴桃", "、", "胡萝卜", "等", "。", "三", "、", "吃", "一些", "含有", "蛋白质", "丰富", "的", "食物", "能够", "促进", "伤口愈合", ",", "蛋白质", "能", "促进", "伤口愈合", ",", "减少", "感染", "机会", "。", "含", "蛋白质", "丰富", "的", "食物", "有", "各种", "瘦肉", "、", "牛奶", "、", "蛋类", "等", "。", "四", "、", "吃", "一些", "含有", "维生素A", "丰富", "的", "食物", "能够", "促进", "伤口愈合", ",", "维生素A", "在", "细胞", "分化", "、", "上", "皮", "成纤维细胞", "增殖", "以及", "胶原蛋白", "合成", "中", "都", "起重", "要", "作用", "。", "维生素A", "缺乏", "将", "妨碍", "手术", "伤口", "的", "愈合", "。", "同时", ",", "维生素A", "也是", "一", "种", "抗氧化", "营养素", ",", "能", "发挥", "美白", "皮肤", "的", "作用", "。", "维生素A", "含量", "丰富", "的", "食物", "包括", "动物", "肝脏", "、", "鸡蛋", "黄", "、", "牛奶", "等", "。", "五", "、", "吃", "一些", "含有", "维生素", "C", "丰富", "的", "食物", "能够", "促进", "伤口愈合", ",", "生", "素", "C", "作为", "还原剂", ",", "还", "可以", "减少", "黑色素", "的", "形成", ",", "甚至", "可以", "将", "已经", "生成", "的", "黑色素", "还原", "成", "无色", "物质", ",", "具有", "较好", "的", "美白", "作用", "。", "因此", ",", "在", "手术", "伤口", "愈合", "期间", "可以", "多", "吃", "一些", "维生素", "C", "含量", "丰富", "的", "水果蔬菜", ",", "如", "橙子", "、", "猕猴桃", "、", "柠檬", "、", "大枣", "等", "。"], ["一", "、", "鲈鱼", "。", "二", "、", "猪蹄", "。", "三", "、", "海带", "。", "四", "、", "木耳", "。", "五", "、", "乳鸽", "。", "六", "、", "西红柿", "。", "七", "、", "蜂蜜", "。", "八", "、", "黑豆", "。", "九", "、", "苦瓜", "。", "十", "、", "虹鳟鱼", "。", "十一", "、", "锌", "。", "十二", "、", "葡萄糖", "。", "十三", "、", "蛋白质", "。", "十四", "、", "维生素A", "。", "十五", "、", "维生素", "C", "。"]], "answers": ["1、含维生素C的食物。2、含维生素A食物。3、含葡萄糖的食物。4、含蛋白质丰富的食物。5、含锌的食物。", "一、吃一些含锌量丰富的食物能够促进伤口愈合,锌可与维生素C结合,参与体内胶原蛋白的合成,增加抵抗力,促进伤口愈合。含锌的食品有玉米、黄豆、萝卜、蘑菇、坚果、动物肝脏、木耳、海带、蛋、肉类、全谷类、坚果类。二、吃一些含有葡萄糖丰富的食物能够促进伤口愈合,糖是人体主要的供能者,供给充足的能量是伤口愈合不可缺少的。在伤口愈合期可多吃含糖丰富的水果,既增加糖分,又能摄取足量的维生素。 含有葡萄糖丰富的食物蜂蜜、龙眼肉、红枣、葡萄、西瓜、青木瓜、猕猴桃 、胡萝卜等。三、吃一些含有蛋白质丰富的食物能够促进伤口愈合,蛋白质能促进伤口愈合,减少感染机会。含蛋白质丰富的食物有各种瘦肉、牛奶、蛋类等。四、吃一些含有维生素A丰富的食物能够促进伤口愈合,维生素A在细胞分化、上皮成纤维细胞增殖以及胶原蛋白合成中都起重要作用。维生素A缺乏将妨碍手术伤口的愈合。同时,维生素A也是一种抗氧化营养素,能发挥美白皮肤的作用。维生素A含量丰富的食物包括动物肝脏、鸡蛋黄、牛奶等。五、吃一些含有维生素C丰富的食物能够促进伤口愈合,生素C作为还原剂,还可以减少黑色素的形成,甚至可以将已经生成的黑色素还原成无色物质,具有较好的美白作用。因此,在手术伤口愈合期间可以多吃一些维生素C含量丰富的水果蔬菜,如橙子、猕猴桃、柠檬、大枣等。", "一、鲈鱼。二、猪蹄。三、海带。四、木耳。五、乳鸽。六、西红柿。七、蜂蜜。八、黑豆。九、苦瓜。十、虹鳟鱼。十一、锌。十二、葡萄糖。十三、蛋白质。十四、维生素A。十五、维生素C。"], "answer_docs": [1], "segmented_question": ["促进", "伤口愈合", "的", "食物"], "question_type": "DESCRIPTION", "question_id": 181671, "fact_or_opinion": "FACT", "match_scores": [0.9413580246913579]}
diff --git a/PaddleNLP/Research/ACL2018-DuReader/data/demo/testset/search.test.json b/PaddleNLP/Research/ACL2018-DuReader/data/demo/testset/search.test.json
deleted file mode 100644
index cee592a05133decb75ec6a8cd64bf4e59f4f7a4c..0000000000000000000000000000000000000000
--- a/PaddleNLP/Research/ACL2018-DuReader/data/demo/testset/search.test.json
+++ /dev/null
@@ -1,100 +0,0 @@
-{"documents": [{"title": "揭秘宋庆龄“第二段婚姻”传言不为人知的真相 - 红色秘史 - 红潮网 ", "segmented_title": ["揭秘", "宋庆龄", "“", "第", "二", "段", "婚姻", "”", "传言", "不为人知", "的", "真相", "-", "红色", "秘史", "-", "红潮", "网"], "segmented_paragraphs": [["宋庆龄", "一生", "没有", "生", "养", "自己", "的", "孩子", ",", "鲜为人知", "的", "是", ",", "花甲之年", "时", ",", "她", "却", "有", "两", "个", "养女", ":", "隋永清", "和", "隋", "永", "洁", "。", "这", "一", "对", "姐妹花", "从", "出生", "不", "久", ",", "就", "伴", "在", "宋庆龄", "身边", ",", "陪", "她", "度过", "了", "人生", "最后", "的", "20", "多", "年", "。"], ["2014", "年", "8", "月", ",", "在", "北京", "西城区", "一", "家", "老式", "茶楼", ",", "环球人物", "杂志", "记者", "见到", "了", "隋", "家", "姐姐", "隋永清", "。", "她", "曾", "是", "一", "位", "电影", "演员", ",", "采访", "当天", "穿着", "简单", "的", "T恤", ",", "言行举止", "无", "不", "透", "着", "大家风范", "。"], ["宋庆龄", "已", "去世", "30", "多", "年", ",", "隋永清", "如今", "也", "年近花甲", "。", "但", "她", "保养", "得", "很好", ",", "皮肤白皙", ",", "声音", "清脆悦耳", "。", "采访", "前", "与", "隋永清", "短信", "联系", "时", ",", "她", "不", "失", "顽皮", ",", "还", "发", "来", "不", "少", "搞怪", "图片", ",", "让", "人", "很难想象", "这", "是", "57", "岁", "的", "老人", "。", "她说", "自己", "从小", "就", "“", "被", "宋庆龄", "宠", "腻", "坏", "了", "”", "。", "而", "在", "记者", "采访", "的", "几个", "小时", "里", ",", "隋永清", "口", "中", "的", "宋庆龄", ",", "也", "不是", "大家", "熟知", "的", "形象", ",", "更多", "的", "是", "一", "个", "母亲", "的", "柔软", "。"], ["一", "尿", "成", "了", "宋庆龄", "的", "女儿"], ["1915", "年", "秋天", ",", "宋庆龄", "不", "顾", "家人", "反对", ",", "奔赴", "日本", "与", "大", "自己", "27", "岁", "的", "孙中山", "结婚", "。", "追随", "孙中山", "的", "10", "年", "间", ",", "她", "曾", "孕育", "过", "一", "个", "生命", ",", "但", "在", "军阀", "陈炯明", "叛乱", "的", "突围", "中", "流产", ",", "这", "对", "宋庆龄", "是", "一", "个", "重大", "的", "打击", "。", "更加", "不幸", "的", "是", ",", "仅仅", "两年后", ",", "孙中山", "也", "匆匆", "告", "别人", "世", "。"], ["因为", "人生", "中", "的", "遗憾", ",", "宋庆龄", "特别", "喜欢", "孩子", "。", "周围", "哪家", "婴儿", "刚", "出生", ",", "都会", "找", "机会", "抱", "来", "给", "她", "看看", "。", "她", "还", "总", "叮嘱", "登门", "的", "客人", "“", "下次", "一定要", "带", "着", "孩子", "一起来", "”", "。"], ["隋永清", "的", "父亲", "隋学芳", "是", "东北人", ",", "在", "东北", "参军", ",", "后", "由", "公安部", "从", "部队", "挑选", "考核", "派", "到", "宋庆龄", "身边", ",", "成为", "她", "的", "贴身", "警卫", "秘书", "。", "“", "由于", "工作", "关系", ",", "父亲", "落户", "在", "上海", "。", "结婚后", ",", "因为", "工作", "需要", ",", "我们一家人", "都", "曾", "住在", "宋庆龄", "在", "上海", "住宅", "的", "配", "楼", "里", "。", "”"], ["1957", "年", "年底", ",", "隋学芳", "的", "大女儿", "隋永清", "出生", "。", "知道", "宋庆龄", "喜欢", "小孩", ",", "隋学芳", "就", "把", "襁褓", "中", "的", "女儿", "抱", "到", "宋庆龄", "面前", "。", "跟", "别", "的", "孩子", "不同", ",", "刚", "出生", "的", "隋永清", "一点", "也", "不", "认生", ",", "她", "不哭", "不", "闹", ",", "对着", "宋庆龄", "一直", "笑", "。", "宋庆龄", "正", "高兴", "时", ",", "突然", "觉得", "一", "阵", "温", "热", ",", "原来", "是", "孩子", "撒尿", "了", "。", "周围", "的", "人", "大吃一惊", "。", "大家都知道", ",", "宋庆龄", "是", "特别", "讲卫生", "的", "人", ",", "几", "双手", "同时", "伸", "过来", ",", "要", "从", "宋庆龄", "的", "怀里", "把", "孩子", "抱走", "。", "没想到", ",", "宋庆龄", "坚决", "不", "让", "别人", "插", "手", ",", "连", "声", "说", "道", ":", "“", "别动", "!", "让", "孩子", "尿", "完", ",", "不", "然", "会", "坐下", "病", "的", "。", "”", "大家", "眼睁睁", "地", "看着", "这个", "小家伙", ",", "在", "一辈子", "讲究", "干净", "的", "宋庆龄", "怀里", "放肆", "地", "尿", "了", "个", "痛快", "。"], ["谁", "都", "没料到", ",", "这", "一笑", "、", "一", "尿", "引起", "了", "宋庆龄", "的", "怜爱", "之", "心", ",", "她", "觉得", "同", "这个孩子", "有", "一", "种", "亲密", "的", "缘分", ",", "并", "提出", "希望", "收养", "这个", "女孩", "。", "至今", ",", "隋永清", "回忆", "起来", ",", "都", "说", ":", "“", "我", "觉得", "这种事情", "说", "不清楚", ",", "就是", "冥冥之中", "的", "感觉", "。", "我", "是", "被", "抱", "过去", "众多", "孩子", "中", "的", "一", "个", ",", "但", "我", "是", "最", "幸运", "的", ",", "被", "宋庆龄", "留下", "了", "。", "”"], ["这一年", "宋庆龄", "64", "岁", ",", "按", "年龄", "算", ",", "隋永清", "应是", "宋庆龄", "的", "孙辈", ",", "但", "宋庆龄", "不喜欢", "被", "人", "叫", "成", "阿婆", "、", "奶奶", "。", "隋永清", "叫", "她", "“", "妈妈", "太太", "”", ",", "这个", "称谓", "是", "刚", "学会", "说话", "的", "隋永清", "自己", "创造", "的", "。"], ["“", "她", "对", "我们", "几乎", "都是", "放养", "的", "”"], ["妹妹", "隋", "永", "洁", "出生", "后", ",", "也", "经常", "到", "宋庆龄", "的", "上海", "寓", "所", "玩", ",", "姐妹", "两人", "给", "她", "那", "清幽", "的", "寓", "所", "增添", "了", "生气", "。"], ["1959", "年", ",", "宋庆龄", "来到", "北京", ",", "隋永清", "和", "她", "一起", "随行", ",", "相伴", "左右", "。", "她说", "宋庆龄", "在", "北京", "的", "足迹", "自己", "都", "沿", "路", "跟着", ",", "“", "刚来", "的", "时候", "住在", "北京站", "对面", "的", "方巾巷", ",", "然后", "搬到", "什刹海", "西河沿", ",", "就是", "现在", "的", "郭沫若故居", ",", "1963", "年", "入住", "后海", "北河沿", ",", "如今", "的", "后海", "宋庆龄故居", "。", "这", "是", "宋庆龄", "在", "北京", "最后", "的", "住", "地", "。", "”", "到", "了", "1973", "年", ",", "妹妹", "隋", "永", "洁", "参军", "进京", "也", "住", "进", "了", "后", "海边", "的", "这", "所", "宅子", "。", "比", "起", "妹妹", ",", "隋永清", "在", "宋庆龄", "身边的日子", "更多", "。"], ["这事儿", "过", "了", ",", "保姆", "跟", "宋庆龄", "说", ":", "“", "您", "得", "管", "管", "了", ",", "她", "胆子", "太", "大", "了", ",", "哪里", "都", "敢", "上", ",", "闯祸", "了", "怎么办", "?", "”", "宋庆龄", "答", "道", ":", "“", "现在", "跟", "她说", "这些", "她", "也", "不懂", ",", "小孩子", "这个", "年龄", "就是这样", "。", "她", "爬", "那么", "高", ",", "还", "站", "那儿", "唱歌", ",", "至少", "这", "孩子", "勇敢", "、", "不怕", "高", "。", "”", "跟", "环球人物", "杂志", "记者", "说", "完", "这", "段", "故事", ",", "隋永清", "自己", "也", "乐", "了", "。"], ["宋庆龄", "常", "挂", "在", "嘴边", "的", "一句话", "是", ",", "女孩子", "要", "会", "打扮", "自己", "。", "物资", "紧张", "的", "困难", "岁月", "里", ",", "宋庆龄", "自己", "用", "着", "明显", "发", "旧", "的", "手绢", ",", "穿", "一", "身", "布衣", ",", "但", "对", "隋永清", "、", "隋", "永", "洁", "小时候", "的", "穿着", ",", "她", "下", "足", "了", "功夫", "。", "“", "那个时候", "的", "时髦", "料子", ",", "裙子", "一", "做", "就是", "好", "几", "条", "。", "还有", "冬天", "的", "小羊羔", "皮大衣", ",", "我们", "喜欢", "得", "不得了", "。", "妈妈", "太太", "还", "不许", "我们", "剪", "头发", ",", "要", "留", "得", "长", "长", "的", "。", "每天", "早上", "起床", ",", "她", "帮", "我", "梳头", ",", "要", "我", "自己", "攥", "着", "马尾", ",", "给", "我", "系", "上", "漂亮", "的", "蝴蝶结", "。", "”"], ["姐妹俩", "还", "经常", "跟着", "宋庆龄", "出席", "外事", "活动", ",", "隋永清", "清楚", "地", "记得", ",", "与", "柬埔寨", "西哈努克亲王", "的", "会", "面", ",", "她", "和", "妹妹", "都", "在", "场", "。", "“", "周恩来", "也", "经常", "来", ",", "他", "左右手", "牵", "着", "我们", "两", "个", ",", "带", "我们", "在", "花园里", "散步", "。", "”"]], "paragraphs": ["宋庆龄一生没有生养自己的孩子,鲜为人知的是,花甲之年时,她却有两个养女:隋永清和隋永洁。这一对姐妹花从出生不久,就伴在宋庆龄身边,陪她度过了人生最后的20多年。", "2014年8月,在北京西城区一家老式茶楼,环球人物杂志记者见到了隋家姐姐隋永清。她曾是一位电影演员,采访当天穿着简单的T恤,言行举止无不透着大家风范。", "宋庆龄已去世30多年,隋永清如今也年近花甲。但她保养得很好,皮肤白皙,声音清脆悦耳。采访前与隋永清短信联系时,她不失顽皮,还发来不少搞怪图片,让人很难想象这是57岁的老人。她说自己从小就“被宋庆龄宠腻坏了”。而在记者采访的几个小时里,隋永清口中的宋庆龄,也不是大家熟知的形象,更多的是一个母亲的柔软。", "一尿成了宋庆龄的女儿", "1915年秋天,宋庆龄不顾家人反对,奔赴日本与大自己27岁的孙中山结婚。追随孙中山的10年间,她曾孕育过一个生命,但在军阀陈炯明叛乱的突围中流产,这对宋庆龄是一个重大的打击。更加不幸的是,仅仅两年后,孙中山也匆匆告别人世。", "因为人生中的遗憾,宋庆龄特别喜欢孩子。周围哪家婴儿刚出生,都会找机会抱来给她看看。她还总叮嘱登门的客人“下次一定要带着孩子一起来”。", "隋永清的父亲隋学芳是东北人,在东北参军,后由公安部从部队挑选考核派到宋庆龄身边,成为她的贴身警卫秘书。“由于工作关系,父亲落户在上海。结婚后,因为工作需要,我们一家人都曾住在宋庆龄在上海住宅的配楼里。”", "1957年年底,隋学芳的大女儿隋永清出生。知道宋庆龄喜欢小孩,隋学芳就把襁褓中的女儿抱到宋庆龄面前。跟别的孩子不同,刚出生的隋永清一点也不认生,她不哭不闹,对着宋庆龄一直笑。宋庆龄正高兴时,突然觉得一阵温热,原来是孩子撒尿了。周围的人大吃一惊。大家都知道,宋庆龄是特别讲卫生的人,几双手同时伸过来,要从宋庆龄的怀里把孩子抱走。没想到,宋庆龄坚决不让别人插手,连声说道:“别动!让孩子尿完,不然会坐下病的。”大家眼睁睁地看着这个小家伙,在一辈子讲究干净的宋庆龄怀里放肆地尿了个痛快。", "谁都没料到,这一笑、一尿引起了宋庆龄的怜爱之心,她觉得同这个孩子有一种亲密的缘分,并提出希望收养这个女孩。至今,隋永清回忆起来,都说:“我觉得这种事情说不清楚,就是冥冥之中的感觉。我是被抱过去众多孩子中的一个,但我是最幸运的,被宋庆龄留下了。”", "这一年宋庆龄64岁,按年龄算,隋永清应是宋庆龄的孙辈,但宋庆龄不喜欢被人叫成阿婆、奶奶。隋永清叫她“妈妈太太”,这个称谓是刚学会说话的隋永清自己创造的。", "“她对我们几乎都是放养的”", "妹妹隋永洁出生后,也经常到宋庆龄的上海寓所玩,姐妹两人给她那清幽的寓所增添了生气。", "1959年,宋庆龄来到北京,隋永清和她一起随行,相伴左右。她说宋庆龄在北京的足迹自己都沿路跟着,“刚来的时候住在北京站对面的方巾巷,然后搬到什刹海西河沿,就是现在的郭沫若故居,1963年入住后海北河沿,如今的后海宋庆龄故居。这是宋庆龄在北京最后的住地。”到了1973年,妹妹隋永洁参军进京也住进了后海边的这所宅子。比起妹妹,隋永清在宋庆龄身边的日子更多。", "这事儿过了,保姆跟宋庆龄说:“您得管管了,她胆子太大了,哪里都敢上,闯祸了怎么办?”宋庆龄答道:“现在跟她说这些她也不懂,小孩子这个年龄就是这样。她爬那么高,还站那儿唱歌,至少这孩子勇敢、不怕高。”跟环球人物杂志记者说完这段故事,隋永清自己也乐了。", "宋庆龄常挂在嘴边的一句话是,女孩子要会打扮自己。物资紧张的困难岁月里,宋庆龄自己用着明显发旧的手绢,穿一身布衣,但对隋永清、隋永洁小时候的穿着,她下足了功夫。“那个时候的时髦料子,裙子一做就是好几条。还有冬天的小羊羔皮大衣,我们喜欢得不得了。妈妈太太还不许我们剪头发,要留得长长的。每天早上起床,她帮我梳头,要我自己攥着马尾,给我系上漂亮的蝴蝶结。”", "姐妹俩还经常跟着宋庆龄出席外事活动,隋永清清楚地记得,与柬埔寨西哈努克亲王的会面,她和妹妹都在场。“周恩来也经常来,他左右手牵着我们两个,带我们在花园里散步。”"], "bs_rank_pos": 0}, {"title": "宋庆龄第二任丈夫是谁_百度知道", "segmented_title": ["宋庆龄", "第", "二", "任", "丈夫", "是", "谁", "_", "百度", "知道"], "segmented_paragraphs": [["一", "、", "名义", "上", ":", "宋庆龄", "只有", "一", "个", "丈夫", ",", "就是", "孙中山", "。", "宋庆龄", "在", "孙中山", "死后", ",", "作为", "国", "人", "敬仰", "的", "“", "国母", "”", ",", "不仅", "竭力", "维护", "丈夫", "孙中山", "的", "光辉", "形象", ",", "而且", "为", "中国", "革命", "事业", "不懈努力", "着", "。", "一直", "到", "她", "逝世", ",", "她", "都", "在", "为", "人民", "着", "想", "。", "二", "、", "实际上", "虽然", "她", "没有", "结婚", ",", "我", "想", "应该", "有情人", ",", "比如说", "侍从", "、", "工作", "人员", "、", "年轻", "秘书", ",", "一个女人", ",", "那么", "多", "年", ",", "你", "懂", "的", "。"]], "paragraphs": ["一、名义上:宋庆龄只有一个丈夫,就是孙中山。宋庆龄在孙中山死后,作为国人敬仰的“国母”,不仅竭力维护丈夫孙中山的光辉形象,而且为中国革命事业不懈努力着。 一直到她逝世,她都在为人民着想。 二、实际上虽然她没有结婚,我想应该有情人,比如说侍从、工作人员、年轻秘书,一个女人,那么多年,你懂的。"], "bs_rank_pos": 1}, {"title": "宋庆龄第二任丈夫是谁?_百度知道", "segmented_title": ["宋庆龄", "第", "二", "任", "丈夫", "是", "谁", "?", "_", "百度", "知道"], "segmented_paragraphs": [["宋庆龄", "只有", "一", "个", "丈夫", ",", "就是", "孙中山", "。", "  ", "宋庆龄", "在", "孙中山", "死后", ",", "作为", "国", "人", "敬仰", "的", "“", "国母", "”", ",", "不仅", "竭力", "维护", "丈夫", "孙中山", "的", "光辉", "形象", ",", "而且", "为", "中国", "革命", "事业", "不懈努力", "着", "。", "  ", "一直", "到", "她", "逝世", ",", "她", "都", "在", "为", "人民", "着", "想", "。"], ["宋庆龄", "的", "秘书"], ["没有", ",", "就", "一", "个", "孙中山"], ["刚看到", "解禁", "的", "文件", ",", "宋", "在", "上", "世纪", "三", "四", "十", "年代", "已经", "改嫁", "了", ",", "其", "丈夫", "是", "宋庆龄", "的", "秘书", ",", "这", "是", "一", "段", "婚姻", "已经", "被", "公布", ",", "宋", "曾", "向", "组织", "申请", "结婚", ",", "但是", "组织", "考虑", "其", "政治", "影响", "不同意", "结婚", ",", "但是", "可以", "同居", ",", "并", "在", "组织", "内", "公开", "以", "夫妻", "身份", "生活", ",", "这个", "相关文件", "能", "查", "到", ",", "这", "段", "婚姻", "是", "可", "查", "的", "。", "另外", "还有", "几", "段", "恋情", "盛传", "的", ",", "其中", "和", "其", "警卫员", "的", "恋情", "大众", "的", "认可", "比较", "高", "。"]], "paragraphs": ["宋庆龄只有一个丈夫,就是孙中山。   宋庆龄在孙中山死后,作为国人敬仰的“国母”,不仅竭力维护丈夫孙中山的光辉形象,而且为中国革命事业不懈努力着。   一直到她逝世,她都在为人民着想。", "宋庆龄的秘书", "没有,就一个孙中山", "刚看到解禁的文件,宋在上世纪三四十年代已经改嫁了,其丈夫是宋庆龄的秘书,这是一段婚姻已经被公布,宋曾向组织申请结婚,但是组织考虑其政治影响不同意结婚,但是可以同居,并在组织内公开以夫妻身份生活,这个相关文件能查到,这段婚姻是可查的。另外还有几段恋情盛传的,其中和其警卫员的恋情大众的认可比较高。"], "bs_rank_pos": 2}, {"title": "宋庆龄第几任妻子_百度知道", "segmented_title": ["宋庆龄", "第", "几", "任", "妻子", "_", "百度", "知道"], "segmented_paragraphs": [["孙中山", "是", "有", "个", "儿子", "的", "叫", "孙科", ",", "当", "过", "行政", "院长", "宋庆龄", "至少", "是", "第", "二", "任", "了"]], "paragraphs": ["孙中山是有个儿子的 叫孙科,当过行政院长 宋庆龄至少是第二任了"], "bs_rank_pos": 3}, {"title": "宋庆龄的第二丈夫是谁_百度知道", "segmented_title": ["宋庆龄", "的", "第", "二", "丈夫", "是", "谁", "_", "百度", "知道"], "segmented_paragraphs": [["宋庆龄", "只有", "一", "个", "丈夫", ",", "就是", "孙中山", "。", "宋庆龄", "在", "孙中山", "死后", ",", "作为", "国", "人", "敬仰", "的", "“", "国母", "”", ",", "不仅", "竭力", "维护", "丈夫", "孙中山", "的", "光辉", "形象", ",", "而且", "为", "中国", "革命", "事业", "不懈努力", "着", "。", "一直", "到", "她", "逝世", ",", "她", "都", "在", "为", "人民", "着", "想", "。"], ["宋庆龄", "的", "生活", "秘书", "是", "个", "很", "能", "抓住", "女人", "心理", "的", "男子", ",", "年轻", "而", "健谈", ",", "对", "宋庆龄", "更", "是", "无微不至", "的", "照顾", ",", "宋庆龄", "也", "非常喜欢", "这个", "年纪", "可以", "做自己", "儿子", "的", "秘书", "。", "只是", "宋庆龄", "心", "无", "芥蒂", ",", "而", "生活", "秘书", "或许", "是因为", "宋庆龄", "的", "人格魅力", ",", "或许", "是因为", "真心", "爱", "这个", "老人", ",", "或许", "是", "为了", "所谓", "的", "遗产", "和", "地位", ",", "勇敢", "地", "向", "宋庆龄", "提出", "了", "结婚", "的", "要求", ",", "并且", "承诺", "要", "用", "自己", "全部的爱", "来", "照顾", "宋庆龄", "的", "晚年", "。", "当时", "的", "宋庆龄", "也", "经历", "了", "很大", "的", "思想", "斗争", ",", "一", "来", "生活", "秘书", "跟", "自己", "年龄", "差距", "过", "大", ",", "会", "是", "真心", "对", "自己", "吗", "?", "二", "来", "自己", "和", "离婚", "的", "生活", "秘书", "结婚", ",", "会", "带来", "怎么样", "的", "轩然大波", "呢", "?", "最", "重要", "的", "是", "自己", "所", "处", "的", "政治", "地位", ",", "再婚", "会", "有", "阻力", "吗", "?", "生活", "秘书", "对", "宋庆龄", "说", ",", "结婚", "是", "两个人", "的", "事情", ",", "两个人", "心里", "有", "对方", ",", "其他", "都", "不是", "困难", "。", "当", "生活", "秘书", "做", "通", "两", "个", "女儿", "的", "工作", ",", "两", "个", "女儿", "改口", "叫", "宋庆龄", "“", "妈妈", "”", "后", ",", "宋庆龄", "勇敢", "地", "递", "上", "了", "结婚", "申请", "。", "一"]], "paragraphs": ["宋庆龄只有一个丈夫,就是孙中山。 宋庆龄在孙中山死后,作为国人敬仰的“国母”,不仅竭力维护丈夫孙中山的光辉形象,而且为中国革命事业不懈努力着。 一直到她逝世,她都在为人民着想。", "宋庆龄的生活秘书是个很能抓住女人心理的男子,年轻而健谈,对宋庆龄更是无微不至的照顾,宋庆龄也非常喜欢这个年纪可以做自己儿子的秘书。只是宋庆龄心无芥蒂,而生活秘书或许是因为宋庆龄的人格魅力,或许是因为真心爱这个老人,或许是为了所谓的遗产和地位,勇敢地向宋庆龄提出了结婚的要求,并且承诺要用自己全部的爱来照顾宋庆龄的晚年。 当时的宋庆龄也经历了很大的思想斗争,一来生活秘书跟自己年龄差距过大,会是真心对自己吗?二来自己和离婚的生活秘书结婚,会带来怎么样的轩然大波呢?最重要的是自己所处的政治地位,再婚会有阻力吗?生活秘书对宋庆龄说,结婚是两个人的事情,两个人心里有对方,其他都不是困难。当生活秘书做通两个女儿的工作,两个女儿改口叫宋庆龄“妈妈”后,宋庆龄勇敢地递上了结婚申请。 一"], "bs_rank_pos": 4}], "question": "宋庆龄第二任丈夫是谁", "segmented_question": ["宋庆龄", "第", "二", "任", "丈夫", "是", "谁"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221574}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["您当前的位置:733动漫 > 漫画 > 杂志漫画 > 勇者约吗", "简介:一觉睡到异世界,梦想做勇者救公主的男主希德,发现穿越是穿越了,但是自己不是勇者是大魔王。 >>更多 ", "勇者约吗漫画 中有部份章节可能含有暴力、血腥、版权、色情或不当的语言等内容,根据您的当地法规规定,我们将对 勇者约吗漫画 进行屏蔽或者漫画数据不全,给您带来不便,敬请谅解!", " 一觉睡到异世界,梦想做勇者救公主的男主希德,发现穿越是穿越了,但是自己不是勇者是大魔王。", " 此漫画所有评论,均采集于互联网后整合,不代表本站观点,如有异议,请联系我删除 ", " 游客 2017-01-23 11:42:21 为啥点不开 ", " 游客 2017-01-21 07:44:35 这个网页可以看 ", " 游客 2017-01-11 08:07:23 为毛看不了 ", " 游客 2017-01-10 15:15:22 看不了啊,为毛 ", " 游客 2016-11-28 19:20:23 看不了 ", " 游客 2016-11-14 16:45:33 好好看 ", " 游客 2016-11-03 15:18:43 11222222222222 ", " 游客 2016-10-24 19:31:49 ... ", " 游客 2016-10-19 16:42:59 0000 ", " 游客 2016-10-17 19:50:53 魂淡 ", " 游客 2016-10-17 19:42:51 混蛋,又是谁举报的啊?", " 游客 2016-10-02 21:13:42 太少了 ", " 游客 2016-09-22 21:14:57 有毒 ", " 游客 2016-09-21 19:45:15 操,看不了 ", " 游客 2016-09-10 09:48:01 画漫画,也是会有压力的 ", " 游客 2016-09-09 17:11:00 ... ", " 游客 2016-09-03 13:03:07", " 额死企鹅还要收费土豪随意我们只好在这件看了可是QQ也就是死企鹅他更到214了733慢了啊不过还是支持733 ", " 游客 2016-08-25 17:39:27 麻痹,还让不让人看了?", " 游客 2016-08-23 21:05:30 不带这么玩的 ", " 游客 2016-08-22 17:23:00 坑 "], "segmented_title": ["勇者", "约", "吗", "漫画", "_", "勇者", "约", "吗", "漫画", "全集", "免费", "阅读", "_", "733", "动漫", "网"], "segmented_paragraphs": [["您", "当前", "的", "位置", ":", "733", "动漫", ">", "漫画", ">", "杂志", "漫画", ">", "勇者", "约", "吗"], ["简介", ":", "一觉", "睡", "到", "异世界", ",", "梦想", "做", "勇者", "救", "公主", "的", "男主", "希德", ",", "发现", "穿越", "是", "穿越", "了", ",", "但是", "自己", "不是", "勇者", "是", "大魔王", "。", ">", ">", "更多"], ["勇者", "约", "吗", "漫画", "中", "有", "部份", "章节", "可能含有", "暴力", "、", "血腥", "、", "版权", "、", "色情", "或", "不当", "的", "语言", "等", "内容", ",", "根据", "您", "的", "当地", "法规", "规定", ",", "我们", "将", "对", "勇者", "约", "吗", "漫画", "进行", "屏蔽", "或者", "漫画", "数据", "不全", ",", "给", "您", "带来", "不便", ",", "敬请谅解", "!"], ["一觉", "睡", "到", "异世界", ",", "梦想", "做", "勇者", "救", "公主", "的", "男主", "希德", ",", "发现", "穿越", "是", "穿越", "了", ",", "但是", "自己", "不是", "勇者", "是", "大魔王", "。"], ["此", "漫画", "所有", "评论", ",", "均", "采集", "于", "互联网", "后", "整合", ",", "不", "代表", "本", "站", "观点", ",", "如有异议", ",", "请", "联系", "我", "删除"], ["游客", "2017", "-", "01", "-", "23", "11", ":", "42", ":", "21", "为啥", "点", "不", "开"], ["游客", "2017", "-", "01", "-", "21", "07", ":", "44", ":", "35", "这个", "网页", "可以", "看"], ["游客", "2017", "-", "01", "-", "11", "08", ":", "07", ":", "23", "为", "毛", "看", "不", "了"], ["游客", "2017", "-", "01", "-", "10", "15", ":", "15", ":", "22", "看", "不", "了", "啊", ",", "为", "毛"], ["游客", "2016", "-", "11", "-", "28", "19", ":", "20", ":", "23", "看", "不", "了"], ["游客", "2016", "-", "11", "-", "14", "16", ":", "45", ":", "33", "好", "好看"], ["游客", "2016", "-", "11", "-", "03", "15", ":", "18", ":", "43", "11222222222222"], ["游客", "2016", "-", "10", "-", "24", "19", ":", "31", ":", "49", ".", ".", "."], ["游客", "2016", "-", "10", "-", "19", "16", ":", "42", ":", "59", "0000"], ["游客", "2016", "-", "10", "-", "17", "19", ":", "50", ":", "53", "魂淡"], ["游客", "2016", "-", "10", "-", "17", "19", ":", "42", ":", "51", "混蛋", ",", "又", "是", "谁", "举报", "的", "啊", "?"], ["游客", "2016", "-", "10", "-", "02", "21", ":", "13", ":", "42", "太", "少", "了"], ["游客", "2016", "-", "09", "-", "22", "21", ":", "14", ":", "57", "有毒"], ["游客", "2016", "-", "09", "-", "21", "19", ":", "45", ":", "15", "操", ",", "看", "不", "了"], ["游客", "2016", "-", "09", "-", "10", "09", ":", "48", ":", "01", "画漫画", ",", "也是", "会", "有", "压力", "的"], ["游客", "2016", "-", "09", "-", "09", "17", ":", "11", ":", "00", ".", ".", "."], ["游客", "2016", "-", "09", "-", "03", "13", ":", "03", ":", "07"], ["额", "死", "企鹅", "还要", "收费", "土豪", "随意", "我们", "只好", "在", "这", "件", "看", "了", "可是", "QQ", "也", "就是", "死", "企鹅", "他", "更", "到", "214", "了", "733", "慢", "了", "啊", "不过", "还是", "支持", "733"], ["游客", "2016", "-", "08", "-", "25", "17", ":", "39", ":", "27", "麻痹", ",", "还", "让", "不", "让", "人", "看", "了", "?"], ["游客", "2016", "-", "08", "-", "23", "21", ":", "05", ":", "30", "不", "带", "这么", "玩", "的"], ["游客", "2016", "-", "08", "-", "22", "17", ":", "23", ":", "00", "坑"]], "title": "勇者约吗漫画_勇者约吗漫画全集免费阅读_733动漫网"}, {"bs_rank_pos": 1, "paragraphs": ["将勇者约吗漫画分享给朋友:", " 超酷 50人 好看 2人 一般 2人 无聊 1人 差劲 19人", " 梦想做勇者救公主的男主希德一觉睡到异世界,但是穿到了大魔王身上,这要怎么继续 눈_눈救世还是逃避?英雄抑或魔王?看屌丝少年如何玩转异界!", " 牛腩粉 未认证作者 共有1 部作品 共被打赏 0 金币", " 勇者约吗漫画由牛腩粉正式授权看漫网提供在线阅读,请广大漫迷朋友支持正版、支持原创国漫。看漫网将一如既往的为大家提供更好的在线阅读服务!", " 最新 连载 番外", " 不喜欢? 换一批"], "segmented_title": ["勇者", "约", "吗", "勇者", "约", "吗", "漫画", "勇者", "约", "吗", "漫画", "全集", "勇者", "约", "吗", "漫画", "免费", "阅读", "看"], "segmented_paragraphs": [["将", "勇者", "约", "吗", "漫画", "分享", "给", "朋友", ":"], ["超酷", "50", "人", "好看", "2", "人", "一般", "2", "人", "无聊", "1", "人", "差劲", "19", "人"], ["梦想", "做", "勇者", "救", "公主", "的", "男主", "希德", "一觉", "睡", "到", "异世界", ",", "但是", "穿", "到", "了", "大魔王", "身上", ",", "这", "要", "怎么", "继续", "_", "救世", "还是", "逃避", "?", "英雄", "抑或", "魔王", "?", "看", "屌丝", "少年", "如何", "玩转", "异界", "!"], ["牛腩", "粉", "未", "认证", "作者", "共有", "1", "部", "作品", "共", "被", "打赏", "0", "金币"], ["勇者", "约", "吗", "漫画", "由", "牛腩", "粉", "正式", "授权", "看", "漫", "网", "提供", "在线阅读", ",", "请", "广大", "漫迷", "朋友", "支持", "正版", "、", "支持", "原创", "国", "漫", "。", "看", "漫", "网", "将", "一如既往", "的", "为", "大家", "提供", "更好", "的", "在线阅读", "服务", "!"], ["最新", "连载", "番外"], ["不", "喜欢", "?", "换", "一批"]], "title": "勇者约吗 勇者约吗漫画 勇者约吗漫画全集 勇者约吗漫画免费阅读 看"}, {"bs_rank_pos": 2, "paragraphs": [" 一觉睡到异世界,梦想做勇者救公主的男主希德,发现穿越是穿越了,但是自己不是勇者是大魔王。", " 警告:尊敬的漫画原作者,如果您不想让《勇者约吗漫画》出现在本站,请您立即联系我们删除。为此给您带来的不便,敬请谅解!哦漫画始终如一的支持维护著作版权,也愿意为优秀漫画的宣传推广做出应有的贡献!欢迎各方洽谈合作!", " 勇者约吗漫画评论 "], "segmented_title": ["勇者", "约", "吗", "漫画", "351", "勇者", "约", "吗", "漫画", "352", "勇者", "约", "吗", "漫画", "全集", "-", "哦", "漫画"], "segmented_paragraphs": [["一觉", "睡", "到", "异世界", ",", "梦想", "做", "勇者", "救", "公主", "的", "男主", "希德", ",", "发现", "穿越", "是", "穿越", "了", ",", "但是", "自己", "不是", "勇者", "是", "大魔王", "。"], ["警告", ":", "尊敬", "的", "漫画", "原作者", ",", "如果", "您", "不", "想", "让", "《", "勇者", "约", "吗", "漫画", "》", "出现", "在", "本站", ",", "请", "您", "立即", "联系我们", "删除", "。", "为此", "给", "您", "带来", "的", "不便", ",", "敬请谅解", "!", "哦", "漫画", "始终如一", "的", "支持", "维护", "著作", "版权", ",", "也", "愿意", "为", "优秀", "漫画", "的", "宣传", "推广", "做出", "应", "有", "的", "贡献", "!", "欢迎", "各", "方", "洽谈合作", "!"], ["勇者", "约", "吗", "漫画", "评论"]], "title": "勇者约吗漫画351 勇者约吗漫画352 勇者约吗漫画全集 - 哦漫画"}, {"bs_rank_pos": 3, "paragraphs": [" 更新至:第373集 绝境", " 169th", " 梦想做勇者救公主的男主希德一觉睡到异世界,但是穿到了大魔王身上,这要怎么继续 눈_눈救世还是逃避?英雄抑或魔王?看屌丝少年如何玩转异界! ", " 梦想做勇者救公主的男主希德一觉睡到异世界,但是穿到了大魔王身上,这要怎么继续 눈_눈救世还是逃避?英雄抑或魔王?看屌丝少年如何玩转异界!"], "segmented_title": ["勇者", "约", "吗", "漫画", "_", "牛腩", "粉", "-", "看漫画"], "segmented_paragraphs": [["更新至", ":", "第", "373", "集", "绝境"], ["169", "th"], ["梦想", "做", "勇者", "救", "公主", "的", "男主", "希德", "一觉", "睡", "到", "异世界", ",", "但是", "穿", "到", "了", "大魔王", "身上", ",", "这", "要", "怎么", "继续", "_", "救世", "还是", "逃避", "?", "英雄", "抑或", "魔王", "?", "看", "屌丝", "少年", "如何", "玩转", "异界", "!"], ["梦想", "做", "勇者", "救", "公主", "的", "男主", "希德", "一觉", "睡", "到", "异世界", ",", "但是", "穿", "到", "了", "大魔王", "身上", ",", "这", "要", "怎么", "继续", "_", "救世", "还是", "逃避", "?", "英雄", "抑或", "魔王", "?", "看", "屌丝", "少年", "如何", "玩转", "异界", "!"]], "title": "勇者约吗漫画_牛腩粉 - 看漫画"}, {"bs_rank_pos": 4, "paragraphs": ["版本:10.20161220", "吹妖漫画网致力于挖掘精品原创漫画,专注于漫画业务,发现更多原创作者发掘优质原创漫画,为喜爱漫画的读者提供优质服务。利用互联网优越的大平台不断提升原创漫画的发展空间,让用户沉浸于漫画的喜悦当中。 吹妖漫画app特色  1、十万本热门漫画免费看,5000万动漫爱好者的共同选择。 2、超高人气小说改编的漫画让你尽享视觉盛宴; 3、众多一流原创漫画家精心上万本作品不断涌现、定期更新满足你的所有需求! 4、无论你是小清新,还是重口味,都能找到合味口的开胃菜。 5、这里不仅是寻找小伙伴的圣地,更是宅基腐的天堂。 6、恐怖猎奇、热血搞笑应有尽有,御姐萝莉、幻想女仆、基腐联盟一网打尽,海量漫画免费看。", "版本号更新时间下载地址 ", "看被禁动漫的app电子书新闻学习阅读 "], "segmented_title": ["吹", "妖", "漫画", "app", "下载", "_", "吹", "妖", "漫画", "免费", "app", "下载", "_", "木子", "软件"], "segmented_paragraphs": [["版本", ":", "10", ".", "20161220"], ["吹", "妖", "漫画网", "致力于", "挖掘", "精品", "原创", "漫画", ",", "专注", "于", "漫画", "业务", ",", "发现", "更多", "原创", "作者", "发掘", "优质", "原创", "漫画", ",", "为", "喜爱", "漫画", "的", "读者", "提供", "优质", "服务", "。", "利用互联网", "优越", "的", "大", "平台", "不断", "提升", "原创", "漫画", "的", "发展", "空间", ",", "让", "用户", "沉浸", "于", "漫画", "的", "喜悦", "当", "中", "。", "吹", "妖", "漫画", "app", "特色", "1", "、", "十万", "本", "热门", "漫画", "免费看", ",", "5000", "万", "动漫", "爱好者", "的", "共同", "选择", "。", "2", "、", "超高", "人气", "小说", "改编", "的", "漫画", "让", "你", "尽", "享", "视觉", "盛宴", ";", "3", "、", "众多", "一", "流", "原创", "漫画家", "精心", "上", "万", "本", "作品", "不断涌现", "、", "定期", "更新", "满足", "你", "的", "所有", "需求", "!", "4", "、", "无论", "你", "是", "小", "清新", ",", "还是", "重口味", ",", "都", "能找到", "合", "味", "口", "的", "开胃", "菜", "。", "5", "、", "这里", "不仅", "是", "寻找", "小伙伴", "的", "圣地", ",", "更", "是", "宅基", "腐", "的", "天堂", "。", "6", "、", "恐怖", "猎奇", "、", "热血", "搞笑", "应有尽有", ",", "御姐", "萝莉", "、", "幻想", "女仆", "、", "基", "腐", "联盟", "一网打尽", ",", "海量", "漫画", "免费看", "。"], ["版本号", "更新时间", "下载地址"], ["看", "被", "禁", "动漫", "的", "app", "电子书", "新闻", "学习", "阅读"]], "title": "吹妖漫画app下载_吹妖漫画免费app下载_木子软件"}], "question": "勇者约吗漫画吹妖漫画", "yesno_type": "FACT", "segmented_question": ["勇者", "约", "吗", "漫画", "吹", "妖", "漫画"], "question_type": "YES_NO", "fact_or_opinion": "FACT", "question_id": 221575}
-{"documents": [{"title": "WAN口与LAN口的区别是什么? - 192路由网", "segmented_title": ["WAN", "口", "与", "LAN", "口", "的", "区别", "是", "什么", "?", "-", "192", "路由", "网"], "segmented_paragraphs": [["在", "使用", "路由器", "上网", "时", ",", "我们", "会", "发现", "在", "路由器", "上", ",", "标注", "得", "有", "WAN", "口", "(", "有", "的", "路由器", "是", "Internet", "口", ")", "和", "LAN", "口", "(", "有", "的", "路由器", "标注", "的", "是", "1", "、", "2", "、", "3", "、", "4", ")", "。", "很多", "用户", "一看", "就", "晕", "了", ",", "根本", "就", "不", "知道", "WAN", "口", "与", "LAN", "口", "的", "区别", ",", "自然", "不知道", "应该", "怎么", "连接", "了", "。"], ["路由器", "上", "的", "WAN", "口", "与", "LAN", "口"], ["其实", "只要", "弄", "清楚", "路由器", "上", "WAN", "口", "与", "LAN", "口", "之间", "的", "区别", ",", "安装", "任何", "路由器", "都", "可以", "得心应手", "了", "。", "下面", "将会", "给", "大家", "进行", "详细", "的", "介绍", "说明", "。"], ["路由器", "上", "的", "WAN", "口", "是", "用来", "连接", "外网", "(", "公网", ")", ",", "或者说", "是", "连接", "宽带", "运营商", "的", "设备", "的", "。", "例如", "电话线", "上网", "时", "WAN", "口", "用来", "连接", "Moden", "(", "猫", ")", ";", "光", "钎", "上网", "时", ",", "WAN", "口", "用来", "连接", "光猫", ";", "网线", "入户", "上网", "时", ",", "WAN", "口", "用来", "连接", "入户", "网线", "。"], ["而", "路由器", "上", "的", "LAN", "口", "(", "1", "、", "2", "、", "3", "、", "4", ")", ",", "是", "用来", "连接", "内网", "(", "局域网", ")", "中", "的", "设备", "的", ",", "主要", "是", "用来", "连接", "电脑", "、", "交换机", "、", "打印机", "等", "设备", "的", "。"], ["可以", "进行", "简单", "的", "总结", ":"], ["(", "1", ")", "、", "路由器", "的", "WAN", "口", "只能够", "用来", "连接", "猫", "、", "光猫", "、", "入户", "网线", ",", "或者", "上级", "网络", ",", "不", "能够", "用来", "连接", "电脑", "。", "(", "实际", "中", ",", "我", "接触", "过", "很多", "用户", "把", "电脑", "连接", "到", "WAN", "口", ",", "造成", "不能够", "打开", "路由器", "的", "设置", "界面", ")", "(", "2", ")", "、", "路由器", "的", "LAN", "(", "1", "、", "2", "、", "3", "、", "4", ")", "口", ",", "只能", "够", "用来", "连接", "电脑", ",", "不能", "连接", "猫", "、", "光猫", "、", "入户", "网线", ",", "否则", "会", "造成", "路由器", "无法", "上网", "。"], ["A", "+"], ["发布日期", ":", "2015", "年", "01", "月", "30", "日", "所属分类", ":", "热门", "问题", "标签", ":", "WAN", "口", "设置"], ["192", "路由", "网", ",", "致力于", "为", "广大", "网友", ",", "分享", "常见", "家用", "路由器", "的", "设置", "与", "安装", "教程", "。", "例如", ":", "TP", "-", "Link", "、", "腾达", "(", "Tenda", ")", "、", "水星", "(", "MERCURY", ")", "、", "迅捷", "(", "FAST", ")", "、", "小米", "、", "360", "、", "华为", "等", "路由器", "的", "设置", "教程", "。"]], "paragraphs": ["在使用路由器上网时,我们会发现在路由器上,标注得有WAN口(有的路由器是Internet口)和LAN口(有的路由器标注的是1、2、3、4)。很多用户一看就晕了,根本就不知道WAN口与LAN口的区别,自然不知道应该怎么连接了。", "路由器上的WAN口与LAN口", "其实只要弄清楚路由器上WAN口与LAN口之间的区别,安装任何路由器都可以得心应手了。下面将会给大家进行详细的介绍说明。", "路由器上的WAN口是用来连接外网(公网),或者说是连接宽带运营商的设备的。例如电话线上网时WAN口用来连接Moden(猫);光钎上网时,WAN口用来连接光猫;网线入户上网时,WAN口用来连接入户网线。", "而路由器上的LAN口(1、2、3、4),是用来连接内网(局域网)中的设备的,主要是用来连接电脑、交换机、打印机等设备的。", "可以进行简单的总结:", "(1)、路由器的WAN口只能够用来连接猫、光猫、入户网线,或者上级网络,不能够用来连接电脑。(实际中,我接触过很多用户把电脑连接到WAN口,造成不能够打开路由器的设置界面) (2)、路由器的LAN(1、2、3、4)口,只能够用来连接电脑,不能连接猫、光猫、入户网线,否则会造成路由器无法上网。", "A+", "发布日期:2015年01月30日 所属分类:热门问题 标签:WAN口设置", "192路由网,致力于为广大网友,分享常见家用路由器的设置与安装教程。例如:TP-Link、腾达(Tenda)、水星(MERCURY)、迅捷(FAST)、小米、360、华为等路由器的设置教程。"], "bs_rank_pos": 0}, {"title": "TP-LINK宽带路由器中的WAN口和LAN口有何不同?_百度知道", "segmented_title": ["TP", "-", "LINK", "宽带路由器", "中", "的", "WAN", "口", "和", "LAN", "口", "有何不同", "?", "_", "百度", "知道"], "segmented_paragraphs": [["简单", "地", "讲", ":", "网线", "插入", "WAN", "口", ",", "用", "网", "客户端", "接", "在", "LAN", "口", ",", "就是", "路由器", "模式", "。", "网线", "插入", "LAN", "口", ",", "用", "网", "客户端", "接", "在", "LAN", "口", ",", "就是", "交换机", "模式", "。", "LAN", "→", "WAN", "设置", ":", "电脑", "→", "第二个", "路由器", "LAN", "→", "进入", "设置", "界面", ":", "网络", "参数", "→", "WAN", "口", "设置", "→", "WAN", "口", "连接", "类型", "→", "动态", "IP", "→", "保存", "。", "网络", "参数", "→", "LAN", "口", "设置", "→", "IP地址", "改为", "172", ".", "161", ".", "1", "→", "保存", "→", "重启", "路由器", "。", "将", "第一个", "路由器", "分", "出", "的", "网线", "接", "到", "第二个", "WAN", "扣", ",", "使用", "172", ".", "16", ".", "1", ".", "1", "进入", "设置", "界面", "查看", "WAN", "口", "状态", "是否", "获取", "到", "IP地址", ",", "就", "可以", "上网", "了", "。", "LAN", "→", "LAN", "设置", ":", "电脑", "→", "第二个", "路由器", "LAN", "→", "进入", "设置", "界面", ":", "网络", "参数", "→", "LAN", "口", "设置", "→", "IP地址", "改为", "和", "第一个", "路由器", "同", "一", "网段", "不", "冲突", "。", "(", "第一个", "192", ".", "168", ".", "1", ".", "1", ",", "第二个", "192", ".", "168", ".", "1", ".", "2", ")", "→", "保存", ",", "重启", "路由器", "。", "再使用", "192", ".", "168", ".", "1", ".", "2", "进入", "设置", "界面", "→", "DHCP", "服务器", "→", "DHCP", "服务", "→", "改为", "不", "启用", "→", "保存", "。", "将", "第一个", "路由器", "分", "出", "的", "网线", "接", "到", "第二个", "路由器", "LAN", "4", "个", "口", "的", "任意", "一", "个", ",", "WAN", "空", "着", "不接", "。", "最后", "修复", "一"], ["很简单", ",", "WAN", "口", "是", "连接", "电信", "来", "的", "网线", "的", ",", "而", "LAN", "口", "是", "与", "自己", "的", "电脑", "网卡", "连接", "的", "。"], ["Q", "190703619"], ["为了", "节约", "成本", "起", "见", ",", "tplink", "单片机", "WiFi", "路由器", "会", "尽量", "缩减", "制造成本", ",", "这", "类", "无法", "高效", "处理", "来自", "游戏", "等", "网络", "应用", "的", "数据", "和", "吞吐量", ",", "所以", "一款", "性能优异", "的", "WiFi", "路由器", "对", "整个", "无线", "网速", "、", "信号强度", "、", "稳定性", "至关重要", "。", "目前", "很多人", "选择", "了", "超值", "款", "的", "MIPS", "架构", "的", "“", "华森", "X1", "”", "游戏", "家用型", "WiFi", "路由器"]], "paragraphs": ["简单地讲: 网线插入WAN口,用网客户端接在LAN口,就是路由器模式。 网线插入LAN口,用网客户端接在LAN口,就是交换机模式。 LAN→WAN设置: 电脑→第二个路由器LAN→进入设置界面:网络参数→WAN口设置→WAN口连接类型→动态IP→保存。网络参数→LAN口设置→IP地址改为172.161.1→保存→重启路由器。将第一个路由器分出的网线接到第二个WAN扣,使用172.16.1.1进入设置界面查看WAN口状态是否获取到IP地址,就可以上网了。 LAN→LAN设置: 电脑→第二个路由器LAN→进入设置界面:网络参数→LAN口设置→IP地址改为和第一个路由器同一网段不冲突。(第一个192.168.1.1,第二个192.168.1.2)→保存,重启路由器。再使用192.168.1.2进入设置界面→DHCP服务器→DHCP服务→改为不启用→保存。将第一个路由器分出的网线接到第二个路由器LAN4个口的任意一个,WAN空着不接。最后修复一", "很简单,WAN口是连接电信来的网线的,而LAN口是与自己的电脑网卡连接的。", "Q190703619", "为了节约成本起见,tplink单片机WiFi路由器会尽量缩减制造成本,这类无法高效处理来自游戏等网络应用的数据和吞吐量,所以一款性能优异的WiFi路由器对整个无线网速、信号强度、稳定性至关重要。目前很多人选择了超值款的MIPS架构的“华森X1”游戏家用型WiFi路由器"], "bs_rank_pos": 1}, {"title": "lan口和wan口的区别_百度知道", "segmented_title": ["lan", "口", "和", "wan", "口", "的", "区别", "_", "百度", "知道"], "segmented_paragraphs": [["LAN", "(", "Local", "Area", "Network", ")", "指", "局域网", "局域网", "是", "指", "在", "较", "小", "的", "地理", "范围", "内", ",", "将", "两", "台", "以上", "的", "计算机", "通过", "传输", "电缆", "连接", "起来", ",", "实现", "资源", "共享", "。", "局域网", "的", "传输速度", "通常", "在", "10Mb", "/", "s", "~", "1000", "Mb", "/", "s", "之间", ",", "主干", "1000", "Mb", "/", "s", "、", "桌面", "100", "Mb", "/", "s", "是", "目前", "的", "主流", "技术", "。", "局域网", "的", "设计", "通常", "是", "针", "对于", "一座", "建筑", "物", "内", ",", "提高", "资源", "和", "信息", "的", "安全性", ",", "用于", "减少", "管理者", "的", "维护", "操作", "等", "。", "客户", "/", "服务系统", "(", "C", "/", "S", "-", "-", "-", "-", "B", "/", "S", ")", "是", "现代", "局域网", "一", "个", "新", "的", "应用", ",", "目前", "主要", "是", "用", "在", "客户", "/", "服务", "数据库", "系统", "中", "。", "客户端", "向", "服务器", "发送", "请求", ",", "服务器", "再", "将", "处理", "结果", "返回", "给", "浏览器", "或者", "客户端", "程序", "。", "WAN", "(", "Wide", "Area", "Network", ")", "为", "广域网", "广域网", "是", "将", "一", "个", "较", "大", "的", "地理", "范围", "内", ",", "将", "多", "台", "计算机", "连接", "起来", "相互", "进行", "通信", "、", "共享", "资源", "的", "网络", "。", "与", "局域网", "相比", ",", "广域网", "的", "传输速度", "相对", "要", "慢", "的", "多", "。", "在", "线路", "连接", "形式", "上", "有", "电话线", "、", "专线", "等", "几", "种", "。", "在", "人们", "的", "思想", "中", "总", "认为", "WAN", "与", "LAN", "的", "区别", "在", ",", "WAN", "是", "一", "种", "通过", "电话", "线路"]], "paragraphs": ["LAN(LocalAreaNetwork)指局域网局域网是指在较小的地理范围内,将两台以上的计算机通过传输电缆连接起来,实现资源共享。局域网的传输速度通常在10Mb/s~1000Mb/s之间,主干1000Mb/s、桌面100Mb/s是目前的主流技术。局域网的设计通常是针对于一座建筑物内,提高资源和信息的安全性,用于减少管理者的维护操作等。客户/服务系统(C/S----B/S)是现代局域网一个新的应用,目前主要是用在客户/服务数据库系统中。客户端向服务器发送请求,服务器再将处理结果返回给浏览器或者客户端程序。WAN(WideAreaNetwork)为广域网广域网是将一个较大的地理范围内,将多台计算机连接起来相互进行通信、共享资源的网络。与局域网相比,广域网的传输速度相对要慢的多。在线路连接形式上有电话线、专线等几种。在人们的思想中总认为WAN与LAN的区别在,WAN是一种通过电话线路"], "bs_rank_pos": 2}, {"title": "路由器的LAN口和WAN口有什么区别_百度知道", "segmented_title": ["路由器", "的", "LAN", "口", "和", "WAN", "口", "有", "什么", "区别", "_", "百度", "知道"], "segmented_paragraphs": [["路由器", "WAN", "接口", "连接", "的", "是", "外网", ",", "拉", "进来", "的", "网线", "就是", "接", "这个", "接口", "路由器", "LAN", "接口", "是", "连接", "的", "内网", ",", "家里", "如", "有", "有", "几", "台", "设备", "需要", "拉线", "上网", "都是", "从", "这个", "接口", "接", "出去", "的", "。"], ["路由器", "WAN", "接口", "连接", "的", "是", "外网", ",", "拉", "进来", "的", "网线", "就是", "接", "这个", "接口", "路由器", "LAN", "接口", "是", "连接", "的", "内网", ",", "家里", "如", "有", "有", "几", "台", "设备", "需要", "拉线", "上网", "都是", "从", "这个", "接口", "接", "出去", "的", "。"], ["一", "个", "是", "连", "猫", "用", "的", "一", "个", "是", "连", "电脑", "的", "连", "错", "了", "只能", "一", "台", "电脑", "上网"]], "paragraphs": ["路由器WAN接口连接的是外网,拉进来的网线就是接这个接口 路由器LAN接口是连接的内网,家里如有有几台设备需要拉线上网都是从这个接口接出去的。", "路由器WAN接口连接的是外网,拉进来的网线就是接这个接口 路由器LAN接口是连接的内网,家里如有有几台设备需要拉线上网都是从这个接口接出去的。", "一个是 连猫用的 一个是连电脑的 连错了只能一台电脑上网"], "bs_rank_pos": 3}, {"title": "交换机的lan口和wan口有什么不同?_百度知道", "segmented_title": ["交换机", "的", "lan", "口", "和", "wan", "口", "有", "什么", "不同", "?", "_", "百度", "知道"], "segmented_paragraphs": [["交换机", "是", "不分", "wan", "和", "lan", "的", ",", "都是", "一样", "的", ",", "是", "lan", "口", "。", "路由器", "有", "wan", "和", "lan", "之", "分", ",", "wan", "口", "为", "输入", "口", ",", "又", "叫", "互联网", "接口", ",", "是", "宽带接", "入口", ",", "lan", "口", "是", "输出", "接口", ",", "又", "叫", "局域网", "接口", ",", "是", "连接", "电脑", "的", "口"]], "paragraphs": ["交换机是不分wan和lan的,都是一样的,是lan口。路由器有wan和lan之分,wan口为输入口,又叫互联网接口,是宽带接入口,lan口是输出接口,又叫局域网接口,是连接电脑的口"], "bs_rank_pos": 4}], "question": "wan口和lan口的区别", "segmented_question": ["wan", "口", "和", "lan", "口", "的", "区别"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221576}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["首页>娱乐 > 滚动 > 桂纶镁长时间没出现竟然是在忙这个 ", "桂纶镁和周杰伦主演的电影《不能说的秘密》大获成功,也让桂纶镁迅速走红,如今的桂纶镁却似乎作品不多了,那桂纶镁为什么不出现了呢?下面就和尚之潮小编一起来揭秘桂纶镁为什么不出现了吧!", " 网上关于桂纶镁为什么不出现了的传闻很多,不过经过小编查找,桂纶镁一直作品不断,只是不参加除了作品之外的综艺节目罢了,桂纶镁在一直通过作品与观众交流。", " 在2016年的首届澳门国际影展中,桂纶镁携作品《德布西森林》亮相澳门,这部影片也入围了当时澳门影展的竞赛单元。", " 《德布西森林》片如其名,以“德布西”(即德彪西)与“森林”为两大元素,桂纶镁在电影中饰演一名正赞准备德布西独奏会的钢琴家,因生活变故精神受到冲击,对山林环境相当熟悉的母亲,带着女儿抛下一切,躲到了深山里,坚信这是保护女儿,并让她好好活下去的唯一可能。", " 这部电影看似小清新,实际上却让桂纶镁受了很多苦。这是导演郭承衢的首部长片作品,他想表达的是“在城市文明发展到极致的今日,人遇到困难可以去到哪里”这样带有哲学思考的主题。", " 电影95%以上的戏份是在山区拍摄,演员都是吃了不少苦头。桂纶镁也表示那是她第一场到深山中拍摄电影,为这次拍戏还特别做了一个多月的体能训练。", " 为了配合在戏中野外生存的体态变化,她为此更是维持了半年左右的节食。在这一次的澳门影展中,桂纶镁还带了电影《龙门飞甲》和《不能说的秘密》两部作品精心展映。 本文系尚之潮原创文章,未经允许不得转载。", "越狱第五季萨拉丈夫是好是坏大揭秘 其讲述博 2017-04-13 ", " 揭秘王力宏李云迪绝交了吗 两人相互取消关注 2017-04-11 ", " 林家栋和刘德华关系怎么样 夺金像奖影帝感谢 2017-04-10 ", "扫描下载潮粉APP App Store下载 Android下载 "], "segmented_title": ["揭秘", "桂纶镁", "为什么", "不", "出现", "了", "桂纶镁", "近况", "怎么样", "大公开", "_", "尚之潮"], "segmented_paragraphs": [["首页", ">", "娱乐", ">", "滚动", ">", "桂纶镁", "长时间", "没", "出现", "竟然", "是", "在", "忙", "这个"], ["桂纶镁", "和", "周杰伦", "主演", "的", "电影", "《", "不能说的秘密", "》", "大", "获", "成功", ",", "也", "让", "桂纶镁", "迅速", "走红", ",", "如今", "的", "桂纶镁", "却", "似乎", "作品", "不", "多", "了", ",", "那", "桂纶镁", "为什么", "不", "出现", "了", "呢", "?", "下面", "就", "和尚", "之", "潮", "小", "编", "一起来", "揭秘", "桂纶镁", "为什么", "不", "出现", "了", "吧", "!"], ["网上", "关于", "桂纶镁", "为什么", "不", "出现", "了", "的", "传闻", "很多", ",", "不过", "经过", "小", "编", "查找", ",", "桂纶镁", "一直", "作品", "不断", ",", "只是", "不", "参加", "除了", "作品", "之外", "的", "综艺节目", "罢", "了", ",", "桂纶镁", "在", "一直", "通过", "作品", "与", "观众", "交流", "。"], ["在", "2016", "年", "的", "首届", "澳门", "国际", "影", "展", "中", ",", "桂纶镁", "携", "作品", "《", "德布西", "森林", "》", "亮相", "澳门", ",", "这部", "影片", "也", "入围", "了", "当时", "澳门", "影", "展", "的", "竞赛", "单元", "。"], ["《", "德布西", "森林", "》", "片", "如", "其", "名", ",", "以", "“", "德布西", "”", "(", "即", "德彪西", ")", "与", "“", "森林", "”", "为", "两", "大", "元素", ",", "桂纶镁", "在", "电影", "中", "饰演", "一名", "正赞", "准备", "德布西", "独奏", "会", "的", "钢琴家", ",", "因", "生活", "变故", "精神", "受到", "冲击", ",", "对", "山林", "环境", "相当", "熟悉", "的", "母亲", ",", "带", "着", "女儿", "抛", "下", "一切", ",", "躲", "到", "了", "深山", "里", ",", "坚信", "这", "是", "保护", "女儿", ",", "并", "让", "她", "好好活下去", "的", "唯一", "可能", "。"], ["这部电影", "看似", "小", "清新", ",", "实际上", "却", "让", "桂纶镁", "受", "了", "很多", "苦", "。", "这", "是", "导演", "郭承衢", "的", "首", "部长", "片", "作品", ",", "他", "想", "表达", "的", "是", "“", "在", "城市", "文明", "发展", "到", "极致", "的", "今日", ",", "人", "遇到困难", "可以", "去", "到", "哪里", "”", "这样", "带有", "哲学", "思考", "的", "主题", "。"], ["电影", "95", "%", "以上", "的", "戏", "份", "是", "在", "山区", "拍摄", ",", "演员", "都是", "吃", "了", "不少", "苦", "头", "。", "桂纶镁", "也", "表示", "那", "是", "她", "第一场", "到", "深山", "中", "拍摄", "电影", ",", "为", "这次", "拍戏", "还", "特别", "做", "了", "一", "个", "多", "月", "的", "体能训练", "。"], ["为了", "配合", "在", "戏", "中", "野外生存", "的", "体态", "变化", ",", "她", "为此", "更", "是", "维持", "了", "半年", "左右", "的", "节食", "。", "在", "这一次", "的", "澳门", "影", "展", "中", ",", "桂纶镁", "还", "带", "了", "电影", "《", "龙门飞甲", "》", "和", "《", "不能说的秘密", "》", "两", "部", "作品", "精心", "展映", "。", "本", "文", "系", "尚之潮", "原创文章", ",", "未经允许", "不得转载", "。"], ["越狱", "第五季", "萨拉", "丈夫", "是", "好", "是", "坏", "大揭秘", "其", "讲述", "博", "2017", "-", "04", "-", "13"], ["揭秘", "王力宏", "李云迪", "绝交", "了", "吗", "两人", "相互", "取消", "关注", "2017", "-", "04", "-", "11"], ["林家栋", "和", "刘德华", "关系", "怎么样", "夺", "金像奖", "影帝", "感谢", "2017", "-", "04", "-", "10"], ["扫描", "下载", "潮", "粉", "APP", "App", "Store", "下载", "Android", "下载"]], "title": "揭秘桂纶镁为什么不出现了 桂纶镁近况怎么样大公开_尚之潮"}, {"bs_rank_pos": 1, "paragraphs": [" 是因为戴立忍吧。 ——没有什么是理所当然,没有什么是永恒不变。抱紧眼前人,珍惜身边事。", " 有男朋友了,而且男朋友又不是大明星没有才有一堆绯闻 "], "segmented_title": ["桂纶镁", "前", "几", "年", "不是", "很", "火", "的", "吗", ",", "怎么", "最近", ".", ".", ".", "-", "阿森纳", "吧", "-", "桂纶镁", "为什么", "不"], "segmented_paragraphs": [["是因为", "戴立忍", "吧", "。", "—", "—", "没有", "什么", "是", "理所当然", ",", "没有", "什么是永恒", "不变", "。", "抱紧眼前人", ",", "珍惜", "身边", "事", "。"], ["有", "男朋友", "了", ",", "而且", "男朋友", "又", "不是", "大明星", "没有", "才", "有", "一", "堆", "绯闻"]], "title": "桂纶镁前几年不是很火的吗,怎么最近...-阿森纳吧-桂纶镁为什么不"}, {"bs_rank_pos": 2, "paragraphs": ["桂纶镁和周杰伦主演的电影《不能说的秘密》大获成功,也让桂纶镁迅速走红,如今的桂纶镁却似乎作品不多了,那桂纶镁为什么不出现了呢?下面就和尚之潮小编一起来揭秘桂纶镁为什么不出现了吧!", " 网上关于桂纶镁为什么不出现了的传闻很多,不过经过小编查找,桂纶镁一直作品不断,只是不参加除了作品之外的综艺节目罢了,桂纶镁在一直通过作品与观众交流。", " 在2016年的首届澳门国际影展中,桂纶镁携作品《德布西森林》亮相澳门,这部影片也入围了当时澳门影展的竞赛单元。", " 《德布西森林》片如其名,以“德布西”(即德彪西)与“森林”为两大元素,桂纶镁在电影中饰演一名正赞准备德布西独奏会的钢琴家,因生活变故精神受到冲击,对山林环境相当熟悉的母亲,带着女儿抛下一切,躲到了深山里,坚信这是保护女儿,并让她好好活下去的唯一可能。", " 这部电影看似小清新,实际上却让桂纶镁受了很多苦。这是导演郭承衢的首部长片作品,他想表达的是“在城市文明发展到极致的今日,人遇到困难可以去到哪里”这样带有哲学思考的主题。", " 电影95%以上的戏份是在山区拍摄,演员都是吃了不少苦头。桂纶镁也表示那是她第一场到深山中拍摄电影,为这次拍戏还特别做了一个多月的体能训练。", " 为了配合在戏中野外生存的体态变化,她为此更是维持了半年左右的节食。在这一次的澳门影展中,桂纶镁还带了电影《龙门飞甲》和《不能说的秘密》两部作品精心展映。 本文系尚之潮原创文章,未经允许不得转载。", " 打开互动页面,查看精彩热评 >", "登录潮粉App,与万千网友互动"], "segmented_title": ["揭秘", "桂纶镁", "为什么", "不", "出现", "了", "桂纶镁", "近况", "怎么样", "大公开", "_", "尚之潮"], "segmented_paragraphs": [["桂纶镁", "和", "周杰伦", "主演", "的", "电影", "《", "不能说的秘密", "》", "大", "获", "成功", ",", "也", "让", "桂纶镁", "迅速", "走红", ",", "如今", "的", "桂纶镁", "却", "似乎", "作品", "不", "多", "了", ",", "那", "桂纶镁", "为什么", "不", "出现", "了", "呢", "?", "下面", "就", "和尚", "之", "潮", "小", "编", "一起来", "揭秘", "桂纶镁", "为什么", "不", "出现", "了", "吧", "!"], ["网上", "关于", "桂纶镁", "为什么", "不", "出现", "了", "的", "传闻", "很多", ",", "不过", "经过", "小", "编", "查找", ",", "桂纶镁", "一直", "作品", "不断", ",", "只是", "不", "参加", "除了", "作品", "之外", "的", "综艺节目", "罢", "了", ",", "桂纶镁", "在", "一直", "通过", "作品", "与", "观众", "交流", "。"], ["在", "2016", "年", "的", "首届", "澳门", "国际", "影", "展", "中", ",", "桂纶镁", "携", "作品", "《", "德布西", "森林", "》", "亮相", "澳门", ",", "这部", "影片", "也", "入围", "了", "当时", "澳门", "影", "展", "的", "竞赛", "单元", "。"], ["《", "德布西", "森林", "》", "片", "如", "其", "名", ",", "以", "“", "德布西", "”", "(", "即", "德彪西", ")", "与", "“", "森林", "”", "为", "两", "大", "元素", ",", "桂纶镁", "在", "电影", "中", "饰演", "一名", "正赞", "准备", "德布西", "独奏", "会", "的", "钢琴家", ",", "因", "生活", "变故", "精神", "受到", "冲击", ",", "对", "山林", "环境", "相当", "熟悉", "的", "母亲", ",", "带", "着", "女儿", "抛", "下", "一切", ",", "躲", "到", "了", "深山", "里", ",", "坚信", "这", "是", "保护", "女儿", ",", "并", "让", "她", "好好活下去", "的", "唯一", "可能", "。"], ["这部电影", "看似", "小", "清新", ",", "实际上", "却", "让", "桂纶镁", "受", "了", "很多", "苦", "。", "这", "是", "导演", "郭承衢", "的", "首", "部长", "片", "作品", ",", "他", "想", "表达", "的", "是", "“", "在", "城市", "文明", "发展", "到", "极致", "的", "今日", ",", "人", "遇到困难", "可以", "去", "到", "哪里", "”", "这样", "带有", "哲学", "思考", "的", "主题", "。"], ["电影", "95", "%", "以上", "的", "戏", "份", "是", "在", "山区", "拍摄", ",", "演员", "都是", "吃", "了", "不少", "苦", "头", "。", "桂纶镁", "也", "表示", "那", "是", "她", "第一场", "到", "深山", "中", "拍摄", "电影", ",", "为", "这次", "拍戏", "还", "特别", "做", "了", "一", "个", "多", "月", "的", "体能训练", "。"], ["为了", "配合", "在", "戏", "中", "野外生存", "的", "体态", "变化", ",", "她", "为此", "更", "是", "维持", "了", "半年", "左右", "的", "节食", "。", "在", "这一次", "的", "澳门", "影", "展", "中", ",", "桂纶镁", "还", "带", "了", "电影", "《", "龙门飞甲", "》", "和", "《", "不能说的秘密", "》", "两", "部", "作品", "精心", "展映", "。", "本", "文", "系", "尚之潮", "原创文章", ",", "未经允许", "不得转载", "。"], ["打开", "互动", "页面", ",", "查看", "精彩", "热", "评", ">"], ["登录", "潮", "粉", "App", ",", "与", "万千", "网友互动"]], "title": "揭秘桂纶镁为什么不出现了 桂纶镁近况怎么样大公开_尚之潮"}, {"bs_rank_pos": 3, "paragraphs": ["首页 > 明星资讯 > 爆料 > ", "她不见得是个带给人惊艳的女生,但她的气质总能吸引住旁人的眼光。你说不出是什么,但是在她闪亮有力的眼神当中,你就是会看到一股企图心。正值年轻岁月,除了拥有强烈的能量发挥潜力,她更不断地在储备能量,不管是生活、学业,甚至是演出方面,都没有设限,努力的观察吸收,希冀随时可以充分发挥 。", " 桂纶镁,1983年12月25日出生于台湾省,华语影视女演员。", " 桂纶镁是运动系的。看起来细弱的桂纶镁,一直以来都是学校的短跑好手,对于各项运动或是球类都很有兴趣 ;此外,从小学芭蕾舞到六年级的她,使得她具有芭蕾舞者的身型。高中毕业后,在同时考上台北艺大戏剧系和淡江大学法文系的情况下,桂纶镁最终选择了淡江大学法语文学系,2004年桂纶镁被选为交换生前往法国里昂第三大学留学深造", " 在桂纶镁上大二时课余正好跟同学到西门町逛街买东西。当时,“蓝色大门”的剧组正好在街上寻找新演员第一部作品。经过多次的面试以及表演课程,易智言导演决定由桂纶镁演出《蓝色大门》当中“孟克柔”这个角色。原先家人并不答应,经过多次导演跟家人的沟通,桂纶镁才得以跨出她人生第一步的表演生涯。而《蓝色大门》取得了不俗的成绩,男女主角陈柏霖、桂纶镁因此广受好评,赢得许多观众的注意。", " 桂纶镁个人资料", " 中文名:桂纶镁", " 外文名:Kwai Lun Mei", " 别名:小镁", " 国籍:中国", " 民族:汉族", " 星座:摩羯座", " 身高:164cm", " 体重:46kg", " 出生地:台湾省", " 出生日期:1983年12月25日(冬月二十二)", " 职业:演员", " 毕业院校:台湾淡江大学", " 代表作品:蓝色大门、不能说的秘密、女人不坏、女朋友·男朋友、圣诞玫瑰、白日焰火", " 主要成就:第49届台湾电影金马奖最佳女主角奖、第55届亚太影展最佳女主角、第21届北京大学生电影节最受欢迎女演员", " 三围:32B-23-34.5 "], "segmented_title": ["桂纶镁", "个人资料", "家庭背景", "逛街", "被", "星探", "发掘", "桂纶镁", "为什么", "不", "出现", "不", "红", "了", "-"], "segmented_paragraphs": [["首页", ">", "明星", "资讯", ">", "爆料", ">"], ["她", "不见得", "是", "个", "带", "给", "人", "惊艳", "的", "女生", ",", "但", "她", "的", "气质", "总", "能", "吸引", "住", "旁", "人", "的", "眼光", "。", "你", "说不出", "是什么", ",", "但是", "在", "她", "闪亮", "有力", "的", "眼神", "当", "中", ",", "你", "就是", "会", "看到", "一", "股", "企图心", "。", "正", "值", "年轻", "岁月", ",", "除了", "拥有", "强烈", "的", "能量", "发挥", "潜力", ",", "她", "更", "不断地", "在", "储备", "能量", ",", "不管", "是", "生活", "、", "学业", ",", "甚至", "是", "演出", "方面", ",", "都", "没有", "设限", ",", "努力", "的", "观察", "吸收", ",", "希冀", "随时", "可以", "充分发挥", "。"], ["桂纶镁", ",", "1983", "年", "12", "月", "25", "日", "出生", "于", "台湾省", ",", "华语", "影视", "女演员", "。"], ["桂纶镁", "是", "运动", "系", "的", "。", "看起来", "细弱", "的", "桂纶镁", ",", "一直以来", "都是", "学校", "的", "短跑", "好", "手", ",", "对于", "各项", "运动", "或是", "球类", "都", "很有兴趣", ";", "此外", ",", "从", "小学", "芭蕾舞", "到", "六年级", "的", "她", ",", "使得", "她", "具有", "芭蕾舞者", "的", "身", "型", "。", "高中毕业", "后", ",", "在", "同时", "考上", "台北", "艺", "大", "戏剧", "系", "和", "淡江大学", "法文", "系", "的", "情况", "下", ",", "桂纶镁", "最终", "选择", "了", "淡江大学", "法语", "文学", "系", ",", "2004", "年", "桂纶镁", "被", "选为", "交换生", "前往", "法国", "里昂", "第", "三", "大学", "留学", "深造"], ["在", "桂纶镁", "上", "大", "二", "时", "课余", "正好", "跟", "同学", "到", "西门町", "逛街", "买东西", "。", "当时", ",", "“", "蓝色大门", "”", "的", "剧组", "正好", "在街上", "寻找", "新", "演员", "第", "一", "部", "作品", "。", "经过", "多次", "的", "面试", "以及", "表演", "课程", ",", "易智言", "导演", "决定", "由", "桂纶镁", "演出", "《", "蓝色大门", "》", "当", "中", "“", "孟克柔", "”", "这个", "角色", "。", "原先", "家人", "并", "不", "答应", ",", "经过", "多次", "导演", "跟", "家人", "的", "沟通", ",", "桂纶镁", "才", "得", "以", "跨", "出", "她", "人生", "第一步", "的", "表演", "生涯", "。", "而", "《", "蓝色大门", "》", "取得", "了", "不俗", "的", "成绩", ",", "男女主角", "陈柏霖", "、", "桂纶镁", "因此", "广受好评", ",", "赢得", "许多", "观众", "的", "注意", "。"], ["桂纶镁", "个人资料"], ["中文名", ":", "桂纶镁"], ["外文", "名", ":", "Kwai", "Lun", "Mei"], ["别名", ":", "小", "镁"], ["国籍", ":", "中国"], ["民族", ":", "汉族"], ["星座", ":", "摩羯座"], ["身高", ":", "164", "cm"], ["体重", ":", "46kg"], ["出生地", ":", "台湾省"], ["出生日期", ":", "1983", "年", "12", "月", "25", "日", "(", "冬月", "二", "十", "二", ")"], ["职业", ":", "演员"], ["毕业院校", ":", "台湾", "淡江大学"], ["代表作品", ":", "蓝色大门", "、", "不能说的秘密", "、", "女人不坏", "、", "女朋友", "·", "男朋友", "、", "圣诞玫瑰", "、", "白日", "焰火"], ["主要", "成就", ":", "第", "49", "届", "台湾", "电影", "金马奖", "最佳女主角奖", "、", "第", "55", "届", "亚太影展", "最佳女主角", "、", "第", "21", "届", "北京", "大学生电影节", "最", "受欢迎", "女演员"], ["三围", ":", "32B", "-", "23", "-", "34", ".", "5"]], "title": "桂纶镁个人资料家庭背景逛街被星探发掘 桂纶镁为什么不出现不红了 -"}, {"bs_rank_pos": 4, "paragraphs": [" 不科学!不科学!话说现在桂纶镁怎么没有什么作品啊,干啥去了", " 演技不知道,颜还是算了吧 ", " 演技不错的,我觉得她像袁泉这种,比较文艺的,气质好。去年的白日焰火很好看啊", " 现在已经不是看明星演技的时候了很多影视剧都是导演拉来一批明星消费人气的你看以李易峰杨幂唐嫣为首的一群人,演技毛都没用,作品评分都超低不是一样大卖", " 现在这样不火不是挺好!自己喜欢就好了!", " 因为桂纶镁没在大陆拍电视剧。", " 桂纶镁代表作,圣诞玫瑰,女朋友男朋友,蓝色大门,还拿了金马影后,杨幂和赵丽颖比不了的。"], "segmented_title": ["为什么", "桂纶镁", "那么", "好看", "演技", "还好", ",", "为什么", "没有", "杨幂", "什么", "赵丽颖", "火", "哪", "!", "【"], "segmented_paragraphs": [["不", "科学", "!", "不", "科学", "!", "话说", "现在", "桂纶镁", "怎么", "没有", "什么", "作品", "啊", ",", "干", "啥", "去", "了"], ["演技", "不知道", ",", "颜", "还是", "算了吧"], ["演技", "不错", "的", ",", "我", "觉得", "她", "像", "袁泉", "这种", ",", "比较", "文艺", "的", ",", "气质", "好", "。", "去年", "的", "白日", "焰火", "很好看", "啊"], ["现在", "已经", "不是", "看", "明星", "演技", "的", "时候", "了", "很多", "影视剧", "都是", "导演", "拉", "来", "一批", "明星", "消费", "人气", "的", "你", "看", "以", "李易峰", "杨幂", "唐嫣", "为首", "的", "一群人", ",", "演技", "毛", "都", "没用", ",", "作品", "评分", "都", "超", "低", "不是", "一样", "大", "卖"], ["现在", "这样", "不", "火", "不是", "挺好", "!", "自己", "喜欢", "就好", "了", "!"], ["因为", "桂纶镁", "没", "在", "大陆", "拍电视剧", "。"], ["桂纶镁", "代表作", ",", "圣诞玫瑰", ",", "女朋友", "男朋友", ",", "蓝色大门", ",", "还", "拿", "了", "金马", "影", "后", ",", "杨幂", "和", "赵丽颖", "比", "不", "了", "的", "。"]], "title": "为什么桂纶镁那么好看演技还好,为什么没有杨幂什么赵丽颖火哪!【"}], "question": "桂纶镁为什么不出现了", "segmented_question": ["桂纶镁", "为什么", "不", "出现", "了"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221577}
-{"documents": [{"bs_rank_pos": 3, "paragraphs": [" 来自1员工 "], "segmented_title": ["【", "美国航空", "工资", "|", "美国航空", "待遇", "怎么样", "】", "-", "看", "准", "网"], "segmented_paragraphs": [["来自", "1", "员工"]], "title": "【美国航空工资|美国航空待遇怎么样】-看准网"}, {"bs_rank_pos": 5, "paragraphs": [" 全部(10) 5星(0) 4星(1) 3星(7) 2星(0) 1星(1)", " 评分:三星商户 人均 - "], "segmented_title": ["美国", "航空", "怎么样", ",", "好不好", "的", "默认", "点评", "-", "达拉斯", "-", "大众点评", "网"], "segmented_paragraphs": [["全部", "(", "10", ")", "5", "星", "(", "0", ")", "4", "星", "(", "1", ")", "3", "星", "(", "7", ")", "2", "星", "(", "0", ")", "1", "星", "(", "1", ")"], ["评分", ":", "三星", "商户", "人均", "-"]], "title": "美国航空怎么样,好不好的默认点评-达拉斯-大众点评网"}, {"bs_rank_pos": 7, "paragraphs": ["请看下图这是 美国的那种飞?性能如何,是什么时间开始发展?现在的情况怎么样?", " 美国空军(USAF)在1946-1967年秘密研制了碟形机翼飞机(built flying wing disc aircraft)由于飞行不稳定所以取消了这个计划。美国空军对这个计划一直没有公开,现在网上出现的照片都是电脑合成的。 关于碟形飞机有很多传说,最早出现在1939年德国一个叫Arthur Sack的航模爱好者设计了一个碟形飞机模型后被当时德国空军杂志发表其照片并被命名为“纳粹飞碟”后来德国格廷根航空学会博士Alexander Lippisch参与了实体设计并命名为A-6计划,但是直到二战结束也没有造出真正实用的碟形飞机。...", "这张是假的,请看上面的UFO的对飞机的机尾的映象,明显是不对的 ", "这是在二战之后利用德国技术造的,至于型号,这应该是个机密 ", " 什么时候蘑菇上天了 天使 | 06-08-07 21 6 举报 ", "这很可能就是美国的\"曙光女神\"高空超高音速侦察机,又叫\"欧若拉\".欧若拉”计划是美国2003年国防预算的一部分,所谓欧若拉就是一种速度达到光速的一种飞行物。俄罗斯的卫星拍下过一张照片,上面只看的到一道光线。科学家推测,所谓的UFO就是欧若拉。这一切并非百分百的事实,但从一些蛛丝马迹上看的出来,美国有一定的可能性拥有一种神秘武器 .", " 美国的碟形飞行技术验证机,这个项目早就停了啊,你哪搞来的照片啊 ", "军事相关知识 社会热点 社会民主", " 朱棣起兵造反为何朱允炆屡次错失良机?"], "segmented_title": ["【", "美国航空", "飞机", "怎么样", "】", "请问", "这", "是", "美国", "的", "那种", "飞机", "请", "看", "下图", "这", "是", "美国", "的"], "segmented_paragraphs": [["请", "看", "下图", "这", "是", "美国", "的", "那种", "飞", "?", "性能", "如何", ",", "是", "什么", "时间", "开始", "发展", "?", "现在", "的", "情况", "怎么样", "?"], ["美国空军", "(", "USAF", ")", "在", "1946", "-", "1967", "年", "秘密", "研制", "了", "碟", "形", "机翼", "飞机", "(", "built", "flying", "wing", "disc", "aircraft", ")", "由于", "飞行", "不稳定", "所以", "取消", "了", "这个", "计划", "。", "美国空军", "对", "这个", "计划", "一直", "没有", "公开", ",", "现在", "网上", "出现", "的", "照片", "都是", "电脑", "合成", "的", "。", "关于", "碟", "形", "飞机", "有很多", "传说", ",", "最早", "出现", "在", "1939", "年", "德国", "一", "个", "叫", "Arthur", "Sack", "的", "航模", "爱好者", "设计", "了", "一", "个", "碟", "形", "飞机模型", "后", "被", "当时", "德国", "空军", "杂志", "发表", "其", "照片", "并", "被", "命名", "为", "“", "纳粹", "飞碟", "”", "后来", "德国", "格", "廷", "根", "航空", "学会", "博士", "Alexander", "Lippisch", "参与", "了", "实体", "设计", "并", "命名", "为", "A", "-", "6", "计划", ",", "但是", "直到", "二战", "结束", "也", "没有", "造", "出", "真正", "实用", "的", "碟", "形", "飞机", "。", ".", ".", "."], ["这", "张", "是", "假", "的", ",", "请", "看", "上面", "的", "UFO", "的", "对", "飞机", "的", "机", "尾", "的", "映象", ",", "明显", "是", "不对", "的"], ["这", "是", "在", "二战", "之后", "利用", "德国", "技术", "造", "的", ",", "至于", "型号", ",", "这", "应该", "是", "个", "机密"], ["什么时候", "蘑菇", "上", "天", "了", "天使", "|", "06", "-", "08", "-", "07", "21", "6", "举报"], ["这", "很", "可能", "就是", "美国", "的", "\"", "曙光女神", "\"", "高空", "超高", "音速", "侦察机", ",", "又", "叫", "\"", "欧若拉", "\"", ".", "欧若拉", "”", "计划", "是", "美国", "2003", "年", "国防预算", "的", "一部分", ",", "所谓", "欧若拉", "就是", "一", "种", "速度", "达到", "光速", "的", "一", "种", "飞行物", "。", "俄罗斯", "的", "卫星", "拍", "下", "过", "一张照片", ",", "上面", "只", "看", "的", "到", "一", "道", "光线", "。", "科学家", "推测", ",", "所谓", "的", "UFO", "就是", "欧若拉", "。", "这一切", "并非", "百分百", "的", "事实", ",", "但", "从", "一些", "蛛丝马迹", "上", "看", "的", "出来", ",", "美国", "有", "一定", "的", "可能性", "拥有", "一", "种", "神秘", "武器", "."], ["美国", "的", "碟", "形", "飞行技术", "验证", "机", ",", "这个项目", "早", "就", "停", "了", "啊", ",", "你", "哪", "搞", "来", "的", "照片", "啊"], ["军事", "相关知识", "社会热点", "社会民主"], ["朱棣", "起兵", "造反", "为何", "朱允炆", "屡次", "错失", "良机", "?"]], "title": "【美国航空飞机怎么样】请问这是美国的那种飞机请看下图这是美国的"}, {"bs_rank_pos": 8, "paragraphs": [" 在主站已经贴出了所有的内容,这里就不复制黏贴具体的文章了,放出链接,欢迎提问:", " 其中(一)主要讲了AA的合作伙伴,兑换标准和淡季规则;(三)和(四)讲解了AA里程兑换的三原则,(五)讲了如何兑换不同伙伴的里程票,希望能为大家顺利兑换提供帮助。"], "segmented_title": ["美国", "航空", "AA", "新手", "攻略", "更新完毕", "【", "2015", ".", "1", ".", "21", "更新", "】", "_", "寰宇一家", "-", "积", "友", "之", "家"], "segmented_paragraphs": [["在", "主站", "已经", "贴", "出", "了", "所有", "的", "内容", ",", "这里", "就", "不", "复制", "黏贴", "具体", "的", "文章", "了", ",", "放", "出", "链接", ",", "欢迎", "提问", ":"], ["其中", "(", "一", ")", "主要", "讲", "了", "AA", "的", "合作伙伴", ",", "兑换", "标准", "和", "淡季", "规则", ";", "(", "三", ")", "和", "(", "四", ")", "讲解", "了", "AA", "里程", "兑换", "的", "三", "原则", ",", "(", "五", ")", "讲", "了", "如何", "兑换", "不同", "伙伴", "的", "里程", "票", ",", "希望", "能", "为", "大家", "顺利", "兑换", "提供", "帮助", "。"]], "title": "美国航空AA新手攻略更新完毕【2015.1.21更新】_寰宇一家 - 积友之家"}, {"bs_rank_pos": 9, "paragraphs": ["美国航空编辑 锁定 ", "美国航空(American Airlines)作为寰宇一家的创始成员之一,是世界最大的航空公司。联合旗下附属美鹰航空和美国连接,美国航空遍布260余个通航城市——包括美国本土150个城市及40个国家的城市。", " 美国航空致力提供卓越的全球飞行体验,公司共飞往50多个国家和地区的260多个城市。美国航空的机队由近900架飞机组成,每日从芝加哥、达拉斯、沃斯堡、洛杉矶、迈阿密和纽约五大枢纽起飞的航班数量超过3,500个班次。", "公司名称 美国航空  外文名称 American Airlines  总部地点 美国  成立时间 1930年  经营范围 航空服务 ", " 公司性质 航空运输  公司口号 The New American Is Arriving  员工数 38.03万  CEO 吉拉尔德·阿佩  每日航班数 3,500班  航空联盟 寰宇一家 ", " 1 机上服务  ▪ 头等舱  ▪ 商务舱  ▪ 经济舱  2 主要基地  3 发展历程  4 资源整合  5 中国业务  6 机队 ", " 7 意外事件  ▪ 再爆丑闻  8 合作经营  9 美航新形象 ", "这里是高空中宁静的港湾,您可以享受前所未有的私人空间,周到体贴的服务,宽敞的工作、放松和休息的环境。豪华水准被提升至全新的境界。Flagship Suite®旗舰套间内的旋转椅是众多让我们引以为豪的创新项目之一,这使您与同事或客户间面对面的会谈成为现实,", " 每个座椅都配备大型电视屏幕可收看10个频道多达20部电影作品,这确保您在旅途中得到彻底的放松。旗舰套间的座椅还可伸展成6'6\"平躺式床铺,为您提供舒适的睡眠环境。", "这一工作,放松及休息的精英专用区还提供以下便利:", "我们为顾客打造的商务舱,拥有更多私人空间。商务舱宽敞怡人,办公、娱乐、休闲设施一应俱全。", " 乘坐美国航空提供的全新宽敞的波音777商务舱航班,您的飞行,您的时间,完全由您做主。我们将为您提供办公所需的一切工具,提高工作效率,完全不受干扰;使您得到放松、休息,安心睡眠,或尽情娱乐。看一部电影、或玩有挑战性的电子游戏、或追踪世界新闻。我们提供的空间、特色服务以及娱乐设施都将帮助打造一个属于您的私人空间。在您进入全新升级的商务舱的那一刻,您就能体会到我们为顾客所做的一切努力和改变。", "飞行旅途中,您可享受随心所欲的服务。乘坐全新商务舱的航班,自由支配您的时间。[1] ", "便携式旅行套装  个人便携式电脑电源插座  6个方向可调节的皮质座位头枕  60英寸倾斜度  人性化座位控制  腿部活动的额外空间  先进的座椅腰部支撑  完全的小腿下支撑  舒适的皮革及棉布家具装饰  个人卫星接收电话  个人视频系统,可收看10个电视频道的节目(波音777)  BoseQuietComfort®有源消噪耳机 ", " 搭乘美国航空的商务舱航班,集办公、休闲及娱乐为一体。无论从哪一方面考虑,您都可享受舒适的个人空间,使时间过得更有意义。", "我们还提供一系列具有竞争力的商务舱机票价格,满足您的商旅要求。", "无论您需要什么,商务舱都可满足。", "拥有美国引以为傲的飞行体验 —", " 优质的服务,世界级的娱乐设施,以及有求必应的服务态度。这也是美国航空的独到之处。提供更多超值服务,使每个人都能够享受,我们将经济舱的舒适度提高至一个全新的水平。", "倚靠在宽敞的座椅上,享受机上至尊的娱乐体验。接通电源,了解经济动态,收听CD,观看DVD,或通过便携式电脑上网,或为手机充电。", "搭乘我们的经济舱航班,您会发现您的选择的确物有所值。", "奥黑尔国际机场", "达拉斯-沃思堡国际机场", "洛杉矶国际机场", "迈阿密国际机场", "纽约肯尼迪国际机场", "全美航空公司成立于1939年,隶属于全美航空集团,总部位于美国亚利桑那州坦佩。全美航空曾是美国的第五大航空公司,航线包含北美洲、中美洲、加勒比海与欧洲等地区全球240多个目的地。", "2005年5月,曾宣布以15亿美元的代价与美西航空母公司合幷。", "2013年2月,全美航空集团与美国航空原母公司AMR公司宣布合幷,联手组建全球最大的航空公司。", "2013年2月14日,美国航空原母公司AMR公司与全美航空原母公司全美航空集团宣布合幷,幷获得双方董事局批准,联手组建全球航空业巨无霸。美国航空母公司AMR的债权人将会持有新公司的72%股权,而全美航空的股东将持有其余的28%股权。", "2013年11月27日,合幷案获得美国司法部批准。", "2013年12月9日,美国航空母公司AMR和全美航空集团正式宣布,两家公司之间的合幷交易已经完成,从而创造出全球最大的航空运营商。", "2015年10月16日上午10:36分,全美航空公司1939号航班从费城起飞,经停夏洛特市、凤凰城飞往旧金山,这是有着76年历史的全美航空公司运营的最后一架航班。当晚21:55分,该航班将从旧金山起飞幷于17日晨返回费城,全美航空公司也将随之宣告退出历史舞台。", "从2015年10月17日开始,全美航空公司(US Airways Group)与美国航空公司(American Airlines)联手打造的全球最大的航空公司将正式运营。当天,美国一些国际机场的航站楼也将全美航空公司的名字从列表中删除,取而代之的是美国航空公司。", "未来一段时间,带有全美航空公司标识的飞机还将继续运营。据称,直到2016年底,全美航空公司的飞机才能全部“改头换面”,换成美国航空公司的标识。[2] ", "美国老鹰航空(American Eagel Airlines)是美国航空的营运伙伴,基地也设于德州沃斯堡。美国老鹰航空也是AMR公司下属的航空公司。", " 寰宇一家 - 美国航空 ", "美国航空公司是由一个大约82家小航空公司组合通过一系列整合和改革发展而来的。最初,许多飞机都可以自由使用American Airways这个名字作为共有品牌。1934年,美国航空公司陷入财政危机,在E.L. Cord的领导下,将公司更名为“American Airlines”。早期的时候,公司的总部是位于伊利诺斯州的芝加哥中途机场。在这段时期美航的一个创新就是在飞机上使用了空乘人员。", "直到20世纪50年代后期美国航空公司的主要航线还是从纽约和芝加哥经由达拉斯到洛杉矶。早期美国航空公司总裁之一赛勒斯·罗利特·史密斯与唐纳德·道格拉斯密切合作后开发了道格拉斯DC—3飞机,美国航空公司在1936年开始将这种机型投入飞行。对于道格拉斯DC—3,美航给它取了一个航海用的名称,称这种飞机为“旗舰” (Flagships),并成立了“海军将官俱乐部” (Admirals Club),这便是早期的贵宾俱乐部,后来成为世界上第一个航空公司贵宾室。当道格拉斯DC—3飞机停留在机场时,会有一面带有4颗星的“旗舰三角旗” (admiral's pennant) 飘扬在驾驶舱窗外,在那时这就是美利坚航空公司最著名的图像之一。", "美航是研制DC-3飞机的主要推动者。在美航机队中DC-3也被称作“旗舰”。", "体验未来旅行体验,当提升舰队的新飞机上给人们带来一个更现代的,舒适的和连接的经验。", "美国航空很高兴地宣布,它们在更新现有的飞机,美国航空与波音767-300型和波音777-200改造计划开始于2014年。目前正在为您提供767-300更新,增强功能,包括28个新的完全在于所有的走廊通道以及25客舱座位平面的商务舱座位。[1] ", "当我们在改变我们的舰队,我们正在努力提高您的旅行体验。", "作为历史上最大的飞机订单的一部分,我们以一个新飞机一周的平均交货,来更新我们现有的机队,给你带来一个更现代的,舒适的和连接的经验。", "美国航空目前开通由芝加哥奥黑尔德国际机场直飞", "中国北京首都国际机场和上海浦东国际机场的两条直飞航线,以及洛杉矶国际机场直飞上海浦东国际机场的航线。", "航班号分别为:"], "segmented_title": ["美国", "航空", "_", "百度百科"], "segmented_paragraphs": [["美国", "航空", "编辑", "锁定"], ["美国", "航空", "(", "American", "Airlines", ")", "作为", "寰宇一家", "的", "创始", "成员", "之", "一", ",", "是", "世界", "最大", "的", "航空公司", "。", "联合", "旗下", "附属", "美鹰", "航空", "和", "美国", "连接", ",", "美国", "航空", "遍布", "260", "余", "个", "通航", "城市", "—", "—", "包括", "美国", "本土", "150", "个", "城市", "及", "40", "个", "国家", "的", "城市", "。"], ["美国", "航空", "致力", "提供", "卓越", "的", "全球", "飞行", "体验", ",", "公司", "共", "飞往", "50", "多", "个", "国家", "和", "地区", "的", "260", "多", "个", "城市", "。", "美国", "航空", "的", "机", "队", "由", "近", "900", "架", "飞机", "组成", ",", "每日", "从", "芝加哥", "、", "达拉斯", "、", "沃斯堡", "、", "洛杉矶", "、", "迈阿密", "和", "纽约", "五大", "枢纽", "起飞", "的", "航班", "数量", "超过", "3", ",", "500", "个", "班次", "。"], ["公司名称", "美国", "航空", "外文", "名称", "American", "Airlines", "总部", "地点", "美国", "成立时间", "1930", "年", "经营范围", "航空", "服务"], ["公司性质", "航空运输", "公司", "口号", "The", "New", "American", "Is", "Arriving", "员工", "数", "38", ".", "03", "万", "CEO", "吉拉尔德", "·", "阿佩", "每日", "航班", "数", "3", ",", "500", "班", "航空", "联盟", "寰宇一家"], ["1", "机", "上", "服务", "头等舱", "商务舱", "经济舱", "2", "主要", "基地", "3", "发展历程", "4", "资源整合", "5", "中国", "业务", "6", "机", "队"], ["7", "意外事件", "再", "爆", "丑闻", "8", "合作经营", "9", "美航", "新形象"], ["这里", "是", "高空", "中", "宁静", "的", "港湾", ",", "您", "可以享受", "前所未有", "的", "私人空间", ",", "周", "到", "体贴", "的", "服务", ",", "宽敞", "的", "工作", "、", "放松", "和", "休息", "的", "环境", "。", "豪华", "水准", "被", "提升", "至", "全新", "的", "境界", "。", "Flagship", "Suite", "旗舰", "套间", "内", "的", "旋转椅", "是", "众多", "让", "我们", "引", "以为", "豪", "的", "创新", "项目", "之", "一", ",", "这", "使", "您", "与", "同事", "或", "客户", "间", "面对面", "的", "会谈", "成为", "现实", ","], ["每个", "座椅", "都", "配备", "大型", "电视", "屏幕", "可", "收看", "10", "个", "频道", "多", "达", "20", "部", "电影", "作品", ",", "这", "确保", "您", "在", "旅途", "中", "得到", "彻底", "的", "放松", "。", "旗舰", "套间", "的", "座椅", "还", "可", "伸展", "成", "6'", "6", "\"", "平躺", "式", "床铺", ",", "为您", "提供", "舒适", "的", "睡眠", "环境", "。"], ["这", "一", "工作", ",", "放松", "及", "休息", "的", "精英", "专用", "区", "还", "提供", "以下", "便利", ":"], ["我们", "为", "顾客", "打造", "的", "商务舱", ",", "拥有", "更多", "私人空间", "。", "商务舱", "宽敞", "怡", "人", ",", "办公", "、", "娱乐", "、", "休闲", "设施", "一应俱全", "。"], ["乘坐", "美国航空", "提供", "的", "全新", "宽敞", "的", "波音", "777", "商务舱", "航班", ",", "您", "的", "飞行", ",", "您", "的", "时间", ",", "完全", "由", "您", "做主", "。", "我们", "将", "为您", "提供", "办公", "所需", "的", "一切", "工具", ",", "提高工作效率", ",", "完全", "不受", "干扰", ";", "使", "您", "得到", "放松", "、", "休息", ",", "安心", "睡眠", ",", "或", "尽情", "娱乐", "。", "看", "一", "部", "电影", "、", "或", "玩", "有", "挑战", "性", "的", "电子游戏", "、", "或", "追踪", "世界新闻", "。", "我们", "提供", "的", "空间", "、", "特色服务", "以及", "娱乐设施", "都", "将", "帮助", "打造", "一", "个", "属于", "您", "的", "私人空间", "。", "在", "您", "进入", "全新", "升级", "的", "商务舱", "的", "那一刻", ",", "您", "就能", "体会", "到", "我们", "为", "顾客", "所", "做", "的", "一切", "努力", "和", "改变", "。"], ["飞行", "旅途", "中", ",", "您", "可", "享受", "随心所欲", "的", "服务", "。", "乘坐", "全新", "商务舱", "的", "航班", ",", "自由", "支配", "您", "的", "时间", "。", "[", "1", "]"], ["便携式", "旅行", "套装", "个人", "便携式", "电脑", "电源", "插座", "6", "个", "方向", "可", "调节", "的", "皮质", "座位", "头枕", "60", "英寸", "倾斜度", "人性化", "座位", "控制", "腿部", "活动", "的", "额外", "空间", "先进", "的", "座椅", "腰部", "支撑", "完全", "的", "小腿", "下", "支撑", "舒适", "的", "皮革", "及", "棉布", "家具", "装饰", "个人", "卫星", "接收", "电话", "个人", "视频", "系统", ",", "可", "收看", "10", "个", "电视频道", "的", "节目", "(", "波音", "777", ")", "Bose", "Quiet", "Comfort", "有源", "消", "噪", "耳机"], ["搭乘", "美国", "航空", "的", "商务舱", "航班", ",", "集", "办公", "、", "休闲", "及", "娱乐", "为", "一体", "。", "无论", "从", "哪", "一方面", "考虑", ",", "您", "都", "可", "享受", "舒适", "的", "个人空间", ",", "使", "时间", "过", "得", "更", "有", "意义", "。"], ["我们", "还", "提供", "一系列", "具有", "竞争力", "的", "商务舱", "机票价格", ",", "满足", "您", "的", "商旅", "要求", "。"], ["无论", "您", "需要", "什么", ",", "商务舱", "都", "可", "满足", "。"], ["拥有", "美国", "引", "以为", "傲", "的", "飞行", "体验", "—"], ["优质", "的", "服务", ",", "世界级", "的", "娱乐设施", ",", "以及", "有求必应", "的", "服务态度", "。", "这", "也是", "美国航空", "的", "独到之处", "。", "提供", "更多", "超值", "服务", ",", "使", "每个", "人", "都", "能够", "享受", ",", "我们", "将", "经济舱", "的", "舒适度", "提高", "至", "一", "个", "全新", "的", "水平", "。"], ["倚靠", "在", "宽敞", "的", "座椅", "上", ",", "享受", "机", "上", "至尊", "的", "娱乐", "体验", "。", "接通", "电源", ",", "了解", "经济", "动态", ",", "收听", "CD", ",", "观看", "DVD", ",", "或", "通过", "便携式", "电脑", "上网", ",", "或", "为", "手机", "充电", "。"], ["搭乘", "我们", "的", "经济舱", "航班", ",", "您", "会发现", "您", "的", "选择", "的", "确", "物有所值", "。"], ["奥黑尔", "国际", "机场"], ["达拉斯", "-", "沃", "思", "堡", "国际机场"], ["洛杉矶", "国际机场"], ["迈阿密", "国际机场"], ["纽约", "肯尼迪", "国际", "机场"], ["全美", "航空", "公司", "成立", "于", "1939", "年", ",", "隶属于", "全美", "航空", "集团", ",", "总部", "位于", "美国", "亚利桑那州", "坦佩", "。", "全美", "航空", "曾", "是", "美国", "的", "第", "五大", "航空公司", ",", "航线", "包含", "北美洲", "、", "中美洲", "、", "加勒比海", "与", "欧洲", "等", "地区", "全球", "240", "多", "个", "目的地", "。"], ["2005", "年", "5", "月", ",", "曾", "宣布", "以", "15", "亿", "美元", "的", "代价", "与", "美西", "航空", "母", "公司", "合", "幷", "。"], ["2013", "年", "2", "月", ",", "全美", "航空", "集团", "与", "美国", "航空", "原", "母公司", "AMR", "公司", "宣布", "合幷", ",", "联", "手", "组建", "全球", "最大", "的", "航空公司", "。"], ["2013", "年", "2", "月", "14", "日", ",", "美国航空", "原", "母公司", "AMR", "公司", "与", "全美", "航空", "原", "母公司", "全美", "航空", "集团", "宣布", "合", "幷", ",", "幷", "获得", "双方", "董事局", "批准", ",", "联", "手", "组建", "全球", "航空业", "巨无霸", "。", "美国", "航空母公司", "AMR", "的", "债权人", "将", "会", "持有", "新公司", "的", "72", "%", "股权", ",", "而", "全美", "航空", "的", "股东", "将", "持有", "其余", "的", "28", "%", "股权", "。"], ["2013", "年", "11", "月", "27", "日", ",", "合", "幷", "案", "获得", "美国司法部", "批准", "。"], ["2013", "年", "12", "月", "9", "日", ",", "美国", "航空母公司", "AMR", "和", "全美", "航空", "集团", "正式宣布", ",", "两家", "公司", "之间", "的", "合", "幷", "交易", "已经完成", ",", "从而", "创造", "出", "全球", "最大", "的", "航空", "运营商", "。"], ["2015", "年", "10", "月", "16", "日", "上午", "10", ":", "36", "分", ",", "全美", "航空", "公司", "1939", "号", "航班", "从", "费城", "起飞", ",", "经", "停", "夏洛特", "市", "、", "凤凰城", "飞往", "旧金山", ",", "这", "是", "有着", "76", "年", "历史", "的", "全美", "航空公司", "运营", "的", "最后", "一", "架", "航班", "。", "当晚", "21", ":", "55", "分", ",", "该", "航班", "将", "从", "旧金山", "起飞", "幷", "于", "17", "日", "晨", "返回", "费城", ",", "全美", "航空", "公司", "也", "将", "随之", "宣告", "退出", "历史", "舞台", "。"], ["从", "2015", "年", "10", "月", "17", "日", "开始", ",", "全美", "航空", "公司", "(", "US", "Airways", "Group", ")", "与", "美国", "航空公司", "(", "American", "Airlines", ")", "联手打造", "的", "全球", "最大", "的", "航空公司", "将", "正式运营", "。", "当天", ",", "美国", "一些", "国际机场", "的", "航站楼", "也", "将", "全美", "航空公司", "的", "名字", "从", "列表", "中", "删除", ",", "取而代之", "的", "是", "美国航空公司", "。"], ["未来", "一段时间", ",", "带有", "全美", "航空", "公司", "标识", "的", "飞机", "还", "将", "继续", "运营", "。", "据", "称", ",", "直到", "2016", "年底", ",", "全美", "航空", "公司", "的", "飞机", "才能", "全部", "“", "改头换面", "”", ",", "换", "成", "美国", "航空公司", "的", "标识", "。", "[", "2", "]"], ["美国", "老鹰", "航空", "(", "American", "Eagel", "Airlines", ")", "是", "美国航空", "的", "营运", "伙伴", ",", "基地", "也", "设", "于", "德州", "沃斯堡", "。", "美国", "老鹰", "航空", "也是", "AMR", "公司", "下属", "的", "航空公司", "。"], ["寰宇一家", "-", "美国", "航空"], ["美国", "航空公司", "是", "由", "一", "个", "大约", "82", "家", "小", "航空公司", "组合", "通过", "一系列", "整合", "和", "改革", "发展", "而来", "的", "。", "最初", ",", "许多", "飞机", "都", "可以", "自由", "使用", "American", "Airways", "这个名字", "作为", "共有", "品牌", "。", "1934", "年", ",", "美国", "航空公司", "陷入", "财政", "危机", ",", "在", "E", ".", "L", ".", "Cord", "的", "领导", "下", ",", "将", "公司", "更名", "为", "“", "American", "Airlines", "”", "。", "早期", "的", "时候", ",", "公司", "的", "总部", "是", "位于", "伊利诺斯州", "的", "芝加哥", "中途", "机场", "。", "在", "这段时期", "美航", "的", "一", "个", "创新", "就是", "在", "飞机", "上", "使用", "了", "空乘", "人员", "。"], ["直到", "20", "世纪", "50", "年代", "后期", "美国", "航空公司", "的", "主要", "航线", "还是", "从", "纽约", "和", "芝加哥", "经", "由", "达拉斯", "到", "洛杉矶", "。", "早期", "美国", "航空公司", "总裁", "之", "一", "赛勒斯", "·", "罗利", "特", "·", "史密斯", "与", "唐纳德", "·", "道格拉斯", "密切", "合作", "后", "开发", "了", "道", "格拉斯", "DC", "—", "3", "飞机", ",", "美国", "航空公司", "在", "1936", "年", "开始", "将", "这种", "机型", "投入", "飞行", "。", "对于", "道格拉斯", "DC", "—", "3", ",", "美航", "给", "它", "取", "了", "一", "个", "航海", "用", "的", "名称", ",", "称", "这种", "飞机", "为", "“", "旗舰", "”", "(", "Flagships", ")", ",", "并", "成立", "了", "“", "海军", "将", "官", "俱乐部", "”", "(", "Admirals", "Club", ")", ",", "这", "便是", "早期", "的", "贵宾", "俱乐部", ",", "后来", "成为", "世界上", "第一个", "航空公司", "贵宾室", "。", "当", "道格拉斯", "DC", "—", "3", "飞机", "停留", "在", "机场", "时", ",", "会", "有", "一", "面", "带有", "4", "颗星", "的", "“", "旗舰", "三角", "旗", "”", "(", "admiral", "'", "s", "pennant", ")", "飘扬", "在", "驾驶舱", "窗外", ",", "在那时", "这", "就是", "美利坚", "航空公司", "最", "著名", "的", "图像", "之", "一", "。"], ["美航", "是", "研制", "DC", "-", "3", "飞机", "的", "主要", "推动", "者", "。", "在", "美航", "机", "队", "中", "DC", "-", "3", "也", "被", "称作", "“", "旗舰", "”", "。"], ["体验", "未来", "旅行", "体验", ",", "当", "提升", "舰队", "的", "新", "飞机", "上", "给", "人们", "带来", "一", "个", "更", "现代", "的", ",", "舒适", "的", "和", "连接", "的", "经验", "。"], ["美国", "航空", "很高兴", "地", "宣布", ",", "它们", "在", "更新", "现", "有", "的", "飞机", ",", "美国", "航空", "与", "波音", "767", "-", "300", "型", "和", "波音", "777", "-", "200", "改造", "计划", "开始", "于", "2014", "年", "。", "目前正在", "为您", "提供", "767", "-", "300", "更新", ",", "增强", "功能", ",", "包括", "28", "个", "新", "的", "完全", "在于", "所有", "的", "走廊", "通道", "以及", "25", "客舱", "座位", "平面", "的", "商务舱", "座位", "。", "[", "1", "]"], ["当", "我们", "在", "改变", "我们", "的", "舰队", ",", "我们", "正在", "努力提高", "您", "的", "旅行", "体验", "。"], ["作为", "历史", "上", "最大", "的", "飞机", "订单", "的", "一部分", ",", "我们", "以", "一", "个", "新", "飞机", "一", "周", "的", "平均", "交货", ",", "来", "更新", "我们", "现", "有", "的", "机", "队", ",", "给", "你", "带来", "一", "个", "更", "现代", "的", ",", "舒适", "的", "和", "连接", "的", "经验", "。"], ["美国", "航空", "目前", "开通", "由", "芝加哥", "奥黑尔德", "国际机场", "直飞"], ["中国", "北京", "首都", "国际机场", "和", "上海", "浦东", "国际机场", "的", "两", "条", "直飞", "航线", ",", "以及", "洛杉矶", "国际机场", "直飞", "上海", "浦东", "国际机场", "的", "航线", "。"], ["航班号", "分别", "为", ":"]], "title": "美国航空_百度百科"}], "question": "美国航空 怎么样", "segmented_question": ["美国", "航空", "怎么样"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221578}
-{"documents": [{"bs_rank_pos": 1, "paragraphs": ["如果你是用QQ帐号登录,那就是一样的 ", "互联网相关知识 电脑网络技术 电脑网络", "确定举报此问题", "报告,这不是个问题", " 这不是个问题  这个问题分类似乎错了  这个不是我熟悉的地区 "], "segmented_title": ["微信", "登陆", "密码", "和", "qq", "登陆", "密码", "是", "一样", "的", "吧", "?", "-", "爱问知识人"], "segmented_paragraphs": [["如果", "你", "是", "用", "QQ", "帐号", "登录", ",", "那", "就是", "一样", "的"], ["互联网", "相关", "知识", "电脑网络技术", "电脑", "网络"], ["确定", "举报", "此", "问题"], ["报告", ",", "这", "不是", "个", "问题"], ["这", "不是", "个", "问题", "这个问题", "分类", "似乎", "错", "了", "这个", "不是", "我", "熟悉", "的", "地区"]], "title": "微信登陆密码和qq登陆密码是一样的吧? - 爱问知识人"}, {"bs_rank_pos": 2, "paragraphs": [" 怎么样让心静下来?求解? ", " 先把QQ的密码改好,然后再设置微信的独立密码。 如果还不行的话,找一下QQ客服吧。 (如果该回答对您有帮助的话,请记得点击“有用”哦,谢谢!)", " 这个不是通用的。微信可以单独设置,是你注册时的密码 ", "上网帮助相关知识 电脑网络技术 电脑网络", "QQ登陆后桌面右下角不见企鹅图标  什么是ID号码?怎么注册啊? 开一般户需要什么资料  符号“~”应该在什么情况下使用  怎么查看QQ的密码? 18P2P怎么进步去了? 以前微博都是按照时间先后顺序显示的,现在... 微博怎么莫名其妙自动关注一些用户啊? 如何注销微博账号? 办理港澳通行证需要多长时间?", "办理港澳通行证需要多长时间? 邮件中的抄送是什么意思? ‘宽带连接’错误678,能优化吗? xp如何查看wifi密码 没有无线网络配... wifi密码没热点可以破解吗 wifi密... 联通的光猫单连能上网连上路由器就不能上网... 出境wifi租赁哪家好? 我用的完美星空源动力盒子,怎么查询IP地... 家里用wifi无线网对宝宝有害吗  满月了可以经常上网吗  我家装无线Wlam网络,我们经常连接使用... 联想一体机怎样连WIFI ", "确定举报此问题", "报告,这不是个问题", " 这不是个问题  这个问题分类似乎错了  这个不是我熟悉的地区 "], "segmented_title": ["【", "qq", "密码", "大全", "】", "微信", "密码", "和", "qq", "密码", "是", "通用", "的", "么", "为什么", "我", "改", "的", "微信", "密码"], "segmented_paragraphs": [["怎么样", "让", "心静", "下来", "?", "求解", "?"], ["先", "把", "QQ", "的", "密码", "改", "好", ",", "然后", "再", "设置", "微信", "的", "独立", "密码", "。", "如果", "还", "不行", "的", "话", ",", "找", "一", "下", "QQ", "客服", "吧", "。", "(", "如果", "该", "回答", "对", "您", "有", "帮助", "的", "话", ",", "请", "记得", "点击", "“", "有用", "”", "哦", ",", "谢谢", "!", ")"], ["这个", "不是", "通用", "的", "。", "微信", "可以", "单独", "设置", ",", "是", "你", "注册时", "的", "密码"], ["上网", "帮助", "相关知识", "电脑网络技术", "电脑", "网络"], ["QQ", "登陆后", "桌面", "右下角", "不见", "企鹅", "图标", "什么", "是", "ID", "号码", "?", "怎么", "注册", "啊", "?", "开", "一般", "户", "需要", "什么", "资料", "符号", "“", "~", "”", "应该", "在", "什么", "情况", "下", "使用", "怎么", "查看", "QQ", "的", "密码", "?", "18P2P", "怎么", "进步", "去", "了", "?", "以前", "微博", "都是", "按照", "时间", "先后", "顺序", "显示", "的", ",", "现在", ".", ".", ".", "微博", "怎么", "莫名其妙", "自动", "关注", "一些", "用户", "啊", "?", "如何", "注销", "微博", "账号", "?", "办理", "港澳通行证", "需要", "多长时间", "?"], ["办理", "港澳通行证", "需要", "多长时间", "?", "邮件", "中", "的", "抄送", "是", "什么", "意思", "?", "‘", "宽带", "连接", "’", "错误", "678", ",", "能", "优化", "吗", "?", "xp", "如何", "查看", "wifi", "密码", "没有", "无线网络", "配", ".", ".", ".", "wifi", "密码", "没", "热点", "可以", "破解", "吗", "wifi", "密", ".", ".", ".", "联通", "的", "光猫", "单", "连", "能", "上网", "连", "上", "路由器", "就", "不能", "上网", ".", ".", ".", "出境", "wifi", "租赁", "哪家", "好", "?", "我", "用", "的", "完美", "星空", "源动力", "盒子", ",", "怎么", "查询", "IP", "地", ".", ".", ".", "家里", "用", "wifi", "无线网", "对", "宝宝", "有害", "吗", "满月", "了", "可以", "经常", "上网", "吗", "我", "家装", "无线", "Wlam", "网络", ",", "我们", "经常", "连接", "使用", ".", ".", ".", "联想", "一体机", "怎样", "连", "WIFI"], ["确定", "举报", "此", "问题"], ["报告", ",", "这", "不是", "个", "问题"], ["这", "不是", "个", "问题", "这个问题", "分类", "似乎", "错", "了", "这个", "不是", "我", "熟悉", "的", "地区"]], "title": "【qq密码大全】微信密码和qq密码是通用的么为什么我改的微信密码"}, {"bs_rank_pos": 3, "paragraphs": ["1、联系好友查看微信号 建议您可以电话或短信联系之前的微信好友,让好友查看您微信的个人详细资料界面,即可查看您的微信号。2、使用绑定方式登录后查看微信号  如果您记得微信绑定的手机号/QQ号/邮箱,还请您通过微信绑定方式直接登录微信,然后在个人资料中即可查看到您的微信号。 切换登录方法:微信登录页面点击【更多】->【切换帐号】->【手机号】或【微信号/邮箱地址/QQ号】。3、申诉方式找回微信号  请在微信登录界面,选择“更多”->微信安全中心->【找回帐号密码】->选择【申诉找回微信帐号密码】->根据提示提交申诉资料。申诉成功后,手机短信会接收到微信号及新密码。如果申诉失败,请拨打0755-83765566按1号键输入回执编号进入人工协助处理。", " 方法二:已绑定邮箱的微信,使用邮箱地址重设密码(登录到微信安全中心->点击找回帐号密码->已绑定邮箱->输入邮箱地址->进入邮箱找到该邮件,根据提示操作重新);", " 方法三:打开微信登录界面,点击“登录遇到问题” 根据客户端引导操作:", "若没有“登录遇到问题”的选项,请点击“更多”->前往微信安全中心->找回帐号密码->通过申诉找回帐号密码。", "小Q是腾讯客服专家,同时也是本帮助页面的作者。请在下方提供反馈,以帮助她优化内容。", " 以上信息是否解决了您的问题?", " 请选择未解决的原因"], "segmented_title": ["腾讯", "客服", "-", "问题解答"], "segmented_paragraphs": [["1", "、", "联系", "好友", "查看", "微信", "号", "建议", "您", "可以", "电话", "或", "短信", "联系", "之前", "的", "微信", "好友", ",", "让", "好友", "查看", "您", "微信", "的", "个人", "详细", "资料", "界面", ",", "即可", "查看", "您", "的", "微信", "号", "。", "2", "、", "使用", "绑定", "方式", "登录", "后", "查看", "微信", "号", "如果", "您", "记得", "微信", "绑定", "的", "手机号", "/", "QQ", "号", "/", "邮箱", ",", "还", "请", "您", "通过", "微信", "绑定", "方式", "直接", "登录", "微信", ",", "然后", "在", "个人资料", "中", "即可", "查看", "到", "您", "的", "微信", "号", "。", "切换", "登录", "方法", ":", "微信", "登录", "页面", "点击", "【", "更多", "】", "-", ">", "【", "切换", "帐号", "】", "-", ">", "【", "手机号", "】", "或", "【", "微信", "号", "/", "邮箱地址", "/", "QQ", "号", "】", "。", "3", "、", "申诉", "方式", "找回", "微信", "号", "请", "在", "微信", "登录界面", ",", "选择", "“", "更多", "”", "-", ">", "微信", "安全", "中心", "-", ">", "【", "找回", "帐号密码", "】", "-", ">", "选择", "【", "申诉", "找回", "微信", "帐号", "密码", "】", "-", ">", "根据", "提示", "提交", "申诉", "资料", "。", "申诉", "成功", "后", ",", "手机", "短信", "会", "接收", "到", "微信", "号", "及", "新", "密码", "。", "如果", "申诉", "失败", ",", "请", "拨打", "0755", "-", "83765566", "按", "1", "号", "键", "输入", "回执", "编号", "进入", "人工", "协助", "处理", "。"], ["方法", "二", ":", "已", "绑定", "邮箱", "的", "微信", ",", "使用", "邮箱", "地址", "重设密码", "(", "登录", "到", "微信", "安全", "中心", "-", ">", "点击", "找回", "帐号密码", "-", ">", "已", "绑定", "邮箱", "-", ">", "输入", "邮箱地址", "-", ">", "进入", "邮箱", "找到", "该", "邮件", ",", "根据", "提示", "操作", "重新", ")", ";"], ["方法", "三", ":", "打开", "微信", "登录界面", ",", "点击", "“", "登录", "遇到问题", "”", "根据", "客户端", "引导", "操作", ":"], ["若", "没有", "“", "登录", "遇到问题", "”", "的", "选项", ",", "请", "点击", "“", "更多", "”", "-", ">", "前往", "微信", "安全", "中心", "-", ">", "找回", "帐号密码", "-", ">", "通过", "申诉", "找回", "帐号密码", "。"], ["小Q", "是", "腾讯", "客服", "专家", ",", "同时", "也是", "本", "帮助", "页面", "的", "作者", "。", "请", "在", "下方", "提供", "反馈", ",", "以", "帮助", "她", "优化", "内容", "。"], ["以上", "信息", "是否", "解决", "了", "您", "的", "问题", "?"], ["请", "选择", "未解决", "的", "原因"]], "title": "腾讯客服-问题解答"}, {"bs_rank_pos": 4, "paragraphs": ["不一样。 两者是独立的密码,微信密码忘了的话可以通过手机短信验证码登陆。或者通过找回密码重新设置密码。"], "segmented_title": ["微信", "密码", "是", "跟", "QQ", "密码", "一样", "的", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["不一样", "。", "两者", "是", "独立", "的", "密码", ",", "微信", "密码", "忘", "了", "的", "话", "可以通过", "手机", "短信", "验证码", "登陆", "。", "或者", "通过", "找回密码", "重新", "设置", "密码", "。"]], "title": "微信密码是跟QQ密码一样的吗_百度知道"}, {"bs_rank_pos": 4, "paragraphs": ["不一样。 两者是独立的密码,微信密码忘了的话可以通过手机短信验证码登陆。或者通过找回密码重新设置密码。"], "segmented_title": ["微信", "密码", "是", "跟", "QQ", "密码", "一样", "的", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["不一样", "。", "两者", "是", "独立", "的", "密码", ",", "微信", "密码", "忘", "了", "的", "话", "可以通过", "手机", "短信", "验证码", "登陆", "。", "或者", "通过", "找回密码", "重新", "设置", "密码", "。"]], "title": "微信密码是跟QQ密码一样的吗_百度知道"}], "question": "qq微信密码", "segmented_question": ["qq", "微信", "密码"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221579}
-{"documents": [{"title": "机动车违反禁止标线指示的。,这个违章要罚多少钱扣多少分?_百度知道", "segmented_title": ["机动车", "违反", "禁止", "标线", "指示", "的", "。", ",", "这个", "违章", "要", "罚", "多少", "钱", "扣", "多少", "分", "?", "_", "百度", "知道"], "segmented_paragraphs": [["机动车", "违反", "禁止", "标线", "指示", "的", "处罚", "是", "扣", "驾驶证", "3", "分", ",", "罚款", "20", "-", "200", "元", "。", "具体规定", "如", "下", ":", "根据", "《", "道路", "交通", "违法", "记分", "分值", "》", "规定", "机动车", "驾驶", "人", "有", "下列", "违法行为", "之", "一", ",", "一", "次", "记", "3", "分", ":", "(", "一", ")", "驾驶", "营运客车", "(", "不", "包括", "公共汽车", ")", "、", "校车", "以", "外", "的", "载客汽车", "载人", "超过", "核定", "人数", "未", "达", "20", "%", "的", ";", "(", "二", ")", "驾驶", "中型", "以上", "载", "客", "载货", "汽车", "、", "危险物品", "运输", "车辆", "在", "高速公路", "、", "城市", "快速路", "以", "外", "的", "道路", "上", "行驶", "或者", "驾驶", "其他", "机动车", "行驶", "超过", "规定", "时速", "未", "达", "20", "%", "的", ";", "(", "三", ")", "驾驶", "货车", "载", "物", "超过", "核定", "载", "质量", "未", "达", "30", "%", "的", ";", "(", "四", ")", "驾驶", "机动车", "在", "高速公路", "上", "行驶", "低于", "规定", "最低", "时速", "的", ";", "(", "五", ")", "驾驶", "禁止", "驶入", "高速公路", "的", "机动车", "驶入", "高速公路", "的", ";", "(", "六", ")", "驾驶", "机动车", "在", "高速公路", "或者", "城市", "快速路", "上", "不", "按", "规定", "车道", "行驶", "的", ";", "(", "七", ")", "驾驶", "机动车", "行", "经", "人行横道", ",", "不", "按", "规定", "减速", "、", "停车", "、", "避让", "行", "人", "的", ";", "(", "八", ")", "驾驶", "机动车", "违反"], ["一般", "是", "两", "百", "。", "这个", "根据", "每个", "区域", "处罚", "额度", "有", "差异", ",", "不过", "一般", "都是", "两", "百", "。", "另外", "附上", "相关", "道路交通安全法", ":", "第", "九", "十", "条", "机动车", "驾驶", "人", "违反", "道路交通安全", "法律", "、", "法规", "关于", "道路", "通行", "规定", "的", ",", "处", "警告", "或者", "二", "十", "元", "以上", "二", "百", "元", "以下", "罚款", "。", "本法", "另", "有", "规定", "的", ",", "依照规定", "处罚", "。", "希望", "对", "你", "有", "帮助", ",", "谢谢", "~"], ["违反", "禁令", "标志", "、", "标线", ",", "当场", "处罚", "一百", "元", "记", "三", "分", ",", "如果", "是", "电子警察", "拍", "的", ",", "在", "验车", "时", "处罚", "不", "记分", "。"], ["机动车", "违反", "禁止", "标线", "指示", "的", "处罚", "是", "扣", "驾驶证", "3", "分", ",", "罚款", "20", "-", "200", "元", "。", "具体规定", "如", "下", ":", "根据", "《", "道路", "交通", "违法", "记分", "分值", "》", "规定", "机动车", "驾驶", "人", "有", "下列", "违法行为", "之", "一", ",", "一", "次", "记", "3", "分", ":", "(", "一", ")", "驾驶", "营运客车", "(", "不", "包括", "公共汽车", ")", "、", "校车", "以", "外", "的", "载客汽车", "载人", "超过", "核定", "人数", "未", "达", "20", "%", "的", ";", "(", "二", ")", "驾驶", "中型", "以上", "载", "客", "载货", "汽车", "、", "危险物品", "运输", "车辆", "在", "高速公路", "、", "城市", "快速路", "以", "外", "的", "道路", "上", "行驶", "或者", "驾驶", "其他", "机动车", "行驶", "超过", "规定", "时速", "未", "达", "20", "%", "的", ";", "(", "三", ")", "驾驶", "货车", "载", "物", "超过", "核定", "载", "质量", "未", "达", "30", "%", "的", ";", "(", "四", ")", "驾驶", "机动车", "在", "高速公路", "上", "行驶", "低于", "规定", "最低", "时速", "的", ";", "(", "五", ")", "驾驶", "禁止", "驶入", "高速公路", "的", "机动车", "驶入", "高速公路", "的", ";", "(", "六", ")", "驾驶", "机动车", "在", "高速公路", "或者", "城市", "快速路", "上", "不", "按", "规定", "车道", "行驶", "的", ";", "(", "七", ")", "驾驶", "机动车", "行", "经", "人行横道", ",", "不", "按", "规定", "减速", "、", "停车", "、", "避让", "行", "人", "的", ";", "(", "八", ")", "驾驶", "机动车", "违反", "禁令", "标志", "、", "禁止", "标线", "指示", "的", ";"]], "paragraphs": ["机动车违反禁止标线指示的处罚是扣驾驶证3分,罚款20-200元。具体规定如下:根据《道路交通违法记分分值》规定机动车驾驶人有下列违法行为之一,一次记3分:(一)驾驶营运客车(不包括公共汽车)、校车以外的载客汽车载人超过核定人数未达20%的;(二)驾驶中型以上载客载货汽车、危险物品运输车辆在高速公路、城市快速路以外的道路上行驶或者驾驶其他机动车行驶超过规定时速未达20%的;(三)驾驶货车载物超过核定载质量未达30%的;(四)驾驶机动车在高速公路上行驶低于规定最低时速的;(五)驾驶禁止驶入高速公路的机动车驶入高速公路的;(六)驾驶机动车在高速公路或者城市快速路上不按规定车道行驶的;(七)驾驶机动车行经人行横道,不按规定减速、停车、避让行人的;(八)驾驶机动车违反", "一般是两百。 这个根据每个区域处罚额度有差异,不过一般都是两百。 另外附上相关道路交通安全法:第九十条 机动车驾驶人违反道路交通安全法律、法规关于道路通行规定的,处警告或者二十元以上二百元以下罚款。本法另有规定的,依照规定处罚。 希望对你有帮助,谢谢~", "违反禁令标志、标线,当场处罚一百元记三分,如果是电子警察拍的,在验车时处罚不记分。", "机动车违反禁止标线指示的处罚是扣驾驶证3分,罚款20-200元。 具体规定如下: 根据《道路交通违法记分分值》规定 机动车驾驶人有下列违法行为之一,一次记3分: (一)驾驶营运客车(不包括公共汽车)、校车以外的载客汽车载人超过核定人数未达20%的; (二)驾驶中型以上载客载货汽车、危险物品运输车辆在高速公路、城市快速路以外的道路上行驶或者驾驶其他机动车行驶超过规定时速未达20%的; (三)驾驶货车载物超过核定载质量未达30%的; (四)驾驶机动车在高速公路上行驶低于规定最低时速的; (五)驾驶禁止驶入高速公路的机动车驶入高速公路的; (六)驾驶机动车在高速公路或者城市快速路上不按规定车道行驶的; (七)驾驶机动车行经人行横道,不按规定减速、停车、避让行人的; (八)驾驶机动车违反禁令标志、禁止 标线指示的;"], "bs_rank_pos": 0}, {"title": "机动车违反禁止标线指示要扣几分和罚款多少_百度知道", "segmented_title": ["机动车", "违反", "禁止", "标线", "指示", "要", "扣", "几", "分", "和", "罚款", "多少", "_", "百度", "知道"], "segmented_paragraphs": [["驾驶", "机动车", "违反", "禁止", "标线", "的", ";", "扣", "3", "分", ",", "罚款", "200", "元", "。", "根据", "《", "机动车驾驶证", "申领", "和", "使用", "规定", "》", "(", "公安部", "令", "第", "123", "号", ")", "规定", ":", "机动车", "违反", "禁止", "标线", "指示", "的", "有", "以下", "几种情况", "。", "1", "、", "行驶", "过程", "中", "压", "线", "、", "越", "线", "、", "单", "、", "双黄", "实线", "的", "。", "2", "、", "在", "禁止", "停车", "路段", "、", "临时", "或", "长时间", "停车", "的", "。", "3", "、", "在", "不", "允许", "调头", "的", "路段", "掉头", ",", "禁止", "左转弯", "的", "路口", "左转", ",", "都", "属于", "违反", "禁止", "标线", "指示", "。", "禁止", "标线", "即", "地上", "的", "黄", "实线", "和", "禁止", "停车", "标示", ",", "压", "上去", "即", "违反", "禁止", "标线", "指示", "。", "4", "、", "交叉路口", "不", "按", "路面", "导向", "标线", "行驶", "在", "相应", "的", "车道", ",", "同样", "属于", "违反", "禁止", "标线", "指示", "。", "《", "道路交通安全法", "》", "第", "九", "十", "条", "机动车", "驾驶", "人", "违反", "道路交通安全", "法律", "、", "法规", "关于", "道路", "通行", "规定", "的", ",", "处", "警告", "或者", "二", "十", "元", "以上", "二", "百", "元", "以下", "罚款", "。", "本法", "另", "有", "规定", "的", ",", "依照规定", "处罚", "。"], ["一般", "都是", "扣", "3", "分", "罚", "200", "元", "。", "有用", "记得", "采纳", "。"]], "paragraphs": ["驾驶机动车违反禁止标线的;扣3分,罚款200元。 根据《机动车驾驶证申领和使用规定》(公安部令第123号)规定: 机动车违反禁止标线指示的有以下几种情况。 1、行驶过程中压线、越线、单、双黄实线的。 2、在禁止停车路段、临时或长时间停车的。 3、在不允许调头的路段掉头,禁止左转弯的路口左转,都属于违反禁止标线指示。禁止标线即地上的黄实线和禁止停车标示,压上去即违反禁止标线指示。 4、交叉路口不按路面导向标线行驶在相应的车道,同样属于违反禁止标线指示。 《道路交通安全法》 第九十条机动车驾驶人违反道路交通安全法律、法规关于道路通行规定的,处警告或者二十元以上二百元以下罚款。本法另有规定的,依照规定处罚。", "一般都是扣3分罚200元。 有用记得采纳。"], "bs_rank_pos": 1}, {"title": "2014年的机动车违反禁止标线指示的扣几分_百度知道", "segmented_title": ["2014", "年", "的", "机动车", "违反", "禁止", "标线", "指示", "的", "扣", "几", "分", "_", "百度", "知道"], "segmented_paragraphs": [["违法行为", ":", "违反", "禁令", "标志", "、", "禁止", "标线", "指示", "的", "。", "  ", "2013", "年", "新", "处罚", "标准", ":", "罚款", "100", "元", ",", "扣", "3", "分", "。", "  ", "原", "处罚", "标准", ":", "罚款", "100", "元", ",", "扣", "2", "分", "。"]], "paragraphs": ["违法行为:违反禁令标志、禁止标线指示的。   2013年新处罚标准:罚款100元,扣3分。   原处罚标准:罚款100元,扣2分。"], "bs_rank_pos": 2}, {"title": "机动车违反禁止标线指示,要扣分和罚钱吗?是多少的_百度知道", "segmented_title": ["机动车", "违反", "禁止", "标线", "指示", ",", "要", "扣分", "和", "罚", "钱", "吗", "?", "是", "多少", "的", "_", "百度", "知道"], "segmented_paragraphs": [["违法", "记分", ":", "3", "分", "  ", "罚款", "金额", ":", "¥", "200", "  ", "违法", "暂扣", "主要", "表现", "有", ":", "  ", "1", "、", "单", "、", "双黄", "实线", "都", "属于", "禁止", "标线", ",", "行驶", "过程", "中", "压", "线", "、", "越", "线", "都", "属于", "违法", "。", "  ", "2", "、", "交叉路口", "不", "按", "导向", "标线", "行驶", "在", "相应", "的", "车道", ",", "同样", "属于", "上述", "条款", "的", "内容", "。", "  ", "3", "、", "违反", "临时", "或", "长期", "停车", "。", "  ", "4", "、", "不允许", "调头", "的", "路段", "掉头", ",", "禁止", "左转弯", "的", ",", "都", "属于", "违反", "禁止", "标线", "指示", "。", "禁止", "标线", "即", "地上", "的", "黄", "实线", "(", "路", "中间", "分隔", "带", "禁止", "越过", ")", "和", "黄色", "大", "叉", "(", "代表", "禁止", "停车", ")", ",", "压", "上去", "即", "违反", "禁止", "标线", "指示", "。"], ["主要", "是", "禁止", "跨越", "对", "向", "车道", "分界线", "(", "包括", "双黄", "实线", ",", "黄色", "虚", "实线", ",", "黄色", "单", "实线", ")", "和", "网状", "线", "。", "1", "、", "双黄", "实线", ",", "黄色", "虚", "实线", ",", "黄色", "单", "实线", "用于", "分割", "对", "向", "行驶", "交通", "流", ",", "禁止", "双", "方向", "或", "一", "个", "方向", "车辆", "越", "线", "或", "压", "线", "行驶", ",", "很多", "车主", "在", "红绿灯", "交叉路口", "转弯", "角", "度过", "小", ",", "压", "到", "了", "黄", "线", "。", "2", "、", "网状", "线", ",", "禁止", "任何", "原因", "车辆", "在", "该", "区域", "停车", "。", "如果", "有", "车主", "在", "该", "区域", "停车", ",", "不管", "任何", "原因", "都", "要", "被处罚", "。", "机动车", "违反", "禁止", "标线", "指示", "的", "都", "要", "罚款", "100", "元", "的", "。", "希望", "对", "你", "能", "有所帮助", "。"], ["违法", "记分", ":", "3", "分", "  ", "罚款", "金额", ":", "¥", "200", "  ", "违法", "暂扣", "主要", "表现", "有", ":", "  ", "1", "、", "单", "、", "双黄", "实线", "都", "属于", "禁止", "标线", ",", "行驶", "过程", "中", "压", "线", "、", "越", "线", "都", "属于", "违法", "。", "  ", "2", "、", "交叉路口", "不", "按", "导向", "标线", "行驶", "在", "相应", "的", "车道", ",", "同样", "属于", "上述", "条款", "的", "内容", "。", "  ", "3", "、", "违反", "临时", "或", "长期", "停车", "。", "  ", "4", "、", "不允许", "调头", "的", "路段", "掉头", ",", "禁止", "左转弯", "的", ",", "都", "属于", "违反", "禁止", "标线", "指示", "。", "禁止", "标线", "即", "地上", "的", "黄", "实线", "(", "路", "中间", "分隔", "带", "禁止", "越过", ")", "和", "黄色", "大", "叉", "(", "代表", "禁止", "停车", ")", ",", "压", "上去", "即", "违反", "禁止", "标线", "指示", "。"]], "paragraphs": ["违法记分:3分   罚款金额:¥200   违法暂扣主要表现有:   1、单、双黄实线都属于禁止标线,行驶过程中压线、越线都属于违法。   2、交叉路口不按导向标线行驶在相应的车道,同样属于上述条款的内容。   3、违反临时或长期停车。   4、不允许调头的路段掉头,禁止左转弯的,都属于违反禁止标线指示。禁止标线即地上的黄实线(路中间分隔带禁止越过)和黄色大叉(代表禁止停车),压上去即违反禁止标线指示。", "主要是禁止跨越对向车道分界线(包括双黄实线,黄色虚实线,黄色单实线)和网状线。1、双黄实线,黄色虚实线,黄色单实线用于分割对向行驶交通流,禁止双方向或一个方向车辆越线或压线行驶,很多车主在红绿灯交叉路口转弯角度过小,压到了黄线。2、网状线,禁止任何原因车辆在该区域停车。如果有车主在该区域停车,不管任何原因都要被处罚。 机动车违反禁止标线指示的都要罚款100元的。 希望对你能有所帮助。", "违法记分:3分   罚款金额:¥200   违法暂扣主要表现有:   1、单、双黄实线都属于禁止标线,行驶过程中压线、越线都属于违法。   2、交叉路口不按导向标线行驶在相应的车道,同样属于上述条款的内容。   3、违反临时或长期停车。   4、不允许调头的路段掉头,禁止左转弯的,都属于违反禁止标线指示。禁止标线即地上的黄实线(路中间分隔带禁止越过)和黄色大叉(代表禁止停车),压上去即违反禁止标线指示。"], "bs_rank_pos": 3}], "question": "机动车违反禁止标线指示的扣几分", "segmented_question": ["机动车", "违反", "禁止", "标线", "指示", "的", "扣", "几", "分"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221580}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": [" 凯乐石怎么样?探路者与凯乐石这两个户外品牌,对于常年混迹于户外的朋友们来说都不陌生。探路者和凯乐石哪个好,所谓仁者见仁,智者见智,探路者凯乐石两个品牌都有自己的品牌特色,但是想要了解两个品牌究竟哪个比较好,那么我们就要通过对比。以下内容将会为大家介绍凯乐石和探路者哪个好、凯乐石是哪个国家的品牌以及凯乐石官网等相关信息。 ", " 冈仁波齐神山(KAILASH)海拔21837英尺,坐落于中国西藏境内,是延绵千里的冈底斯山脉的主峰,山峰终年冰雪覆盖。他是一座精神和信仰之山,是不少于四种宗教(藏传佛教、印度教、苯教以及古耆那教)教义里的世界中心,也是亚洲四条大河(布拉马普特拉河, 印度河, 卡纳利河, 萨特莱杰河)的发源地。KAILAS(凯乐石)的品牌名称即源于此。古往今来,每年都有许多的朝圣者来到这里转山。不过转山的旅途非常恶劣,需要经过崎岖的道路和面对高海拔与恶劣天气的挑战。尽管如此,这些障碍并没有令朝圣者却步,因为总有一股强大的动力像一只无形的手在推着他们前进,那只手就是人类最原始的本能-追求精神的自由,对神圣的敬仰和对生命终极意义的探索。 ", " KAILAS作为专业户外品牌,怀着同样的理念和激情,去帮助登山及探险人士完成心中的梦想。我们全力以赴去做最优秀的产品,让户外人士能够充分实现对自我极限的发现和挑战。我们对攀登产品的理解源自于我们自己本身就是这项运动的专业人士,我们对产品的专注不仅仅为了给专业人士提供必要的保护,也包括一切热爱户外的、拥有追求自由和探索未知世界梦想的人士 。 ", " 目前凯乐石的产品线主要有:攀岩、登山、救援用器械;8000米用高山帐及一般探险露营用帐篷;重型徒步背包、专业攀登背包、及日常户外用背包等专业户外运动装备。这一切都只是为了一个目标,那就是协助您到达您要去的地方和找到您心中的那座金字塔。 ", " 在KAILAS,每一个人都怀着一种心态:“努力工作,拼命玩,活得痛快”,这种心态影响了以前、现在和未来的KAILAS人。KAILAS产品的专业度首屈一指,归功于我们大力投入于产品的设计和研发以及不断地得到世界最顶尖的供应商的协助,以此生产出创新、高质量的产品给攀岩、登山及探险人士使用。 ", " KAILAS成为国际攀岩联合会(IFSC)唯一官方器材供应商、美国攀岩协会及攀岩国家队(USA CLIMBING)唯一官方器材供应商、澳洲攀岩国家队和青少年攀岩国家队(SCA)官方合作伙伴,一举奠定了KAILAS品牌在国际上的地位。我们产品的专业度不单得到了国内外一些官方机构与专业人士的认可,而且斩获多项产品专利,荣膺许多世界级的户外行业重要奖项,这一切都全归功于每一位KAILAS员工付出的辛勤汗水。 ", " 除产品之外,KAILAS一直致力于推动民间登山与探险运动的发展,实施了包括“未登峰计划”“寻岩中国”“KAILAS户外教练成长计划”、“KAILAS登山探险学校”等公益项目;又与中国登山协会合作开展“攀岩希望之星”项目,推动了青少年攀岩运动发展,为中国登山及户外运动培养重要的后备人才。而且KAILAS还赞助了包括登山、攀岩、攀冰、越野挑战赛等多项户外专业赛事,为登山及户外运动在中国的普及与发展提供有利的支持。 ", " KAILAS是一个带着梦想去成长的品牌,所以我们全力以赴,务必做到最好。在探索未知世界的道路上,与您同行,以求极致。 ", " 2 凯乐石和探路者哪个好 ", " 创立时间:1999年 ", " 发源地:北京市 ", " 认缴注册资本:51346万元 ", " 企业名称:探路者控股集团股份有限公司 ", " 品牌介绍:专注于户外用品市场,大型户外装备提供商,上市公司,国内户外用品业规模较大/创新能力强的企业。 ", " 产品科技:探路者衣服的的电子恒温加热系统做的非常出色。目前公司已拥有自主的研发中心,占地150平米的户外产品测试实验室也在同期落成。2008年成为“北京2008年奥运会特许供应商”、2009年签约成为“中国南(北)极考察队独家专用产品”并在2013年与中国极地研究中心签署战略协议,双方将进一步加强针对极地环境的户外装备科技研发。 ", " 创立时间:2007年 ", " 发源地:广东省广州市 ", " 认缴注册资本:3000万元 ", " 企业名称:湛江市玛雅旅游用品有限公司 ", " 品牌介绍:凯乐石KAILAS,专业户外品牌,美国国家攀岩队官方安全器材供应商,集户外产品设计开发、生产、销售于一体的专业化大型企业。 ", " 产品科技:凯乐石一直坚持“轻量”这个重点。2016年1月24日,德国慕尼黑ISPO大奖(ISPOAWARD)揭晓。攀登领导品牌凯乐石选送的五款专业产品凭借其创新设计获得国际专业评审们的一致肯定,摘取五项德国ISPO产品大奖!其中,\"EDGE(刃脊)35L技术攀登背包\"荣膺亚洲年度最佳产品。 ", " 十大户外用品-户外装备-野营用品品牌榜中榜,户外用品什么牌子好(2017)", " 创立于1938年,户外服装品牌的先驱,以生产雨衣/雨帽起家,全球顶级的户外用品生产制造商,哥伦比亚运动服装公司", " 创于1966年美国,全球家喻户晓的户外用品品牌,著名的专业登山和徒步装备的制造商,威富服饰(中国)有限公司", " 成立于1999年,致力于为户外活动提供安全舒适的户外装备,国内户外用品业规模较大/创新能力强的公司,探路者控股集团股份有限公司", " 创立于1989年,北美乃至全球领导型的户外品牌,加拿大的顶级户外品牌,亚玛芬体育用品贸易(上海)有限公司)", " 创立于1984年德国,欧洲著名户外用品品牌,世界顶级户外品牌,中国总代理:上海联亚商业有限公司", " 于1973年奥地利,全球知名专业户外运动品牌,奥地利山地救援服装提供商,冲锋衣十大品牌,南京边城体育用品股份有限公司", " 始于1971年美国,世界领先的户外用品品牌,集运动/高科技于一身的革命性户外运动服装装备品牌,中国代理:北京锐极泷峰国际贸易有限公司", " 著名户外运动休闲品牌,舒适感与时尚感的结合,集研发设计/生产制造/营销及出口为一体的服饰企业,广东骆驼服饰有限公司", " 集户外产品设计开发/生产/销售于一体的专业化大型企业,知名户外品牌,湛江市玛雅旅游用品有限公司", " 国际露营联合会中国区官方合作品牌,国内专业户外装备品牌,休闲户外运动发展先锋品牌,浙江牧高笛户外用品有限公司", " 知名(著名)户外用品品牌,知名户外装备品牌,户外用品什么牌子好(2017)", " 以上数据名单由几十项数据统计计算系统自动生成,排序不分先后,仅提供给您作参考。", " 如有侵犯您的版权,请联系我们,我们将及时删除。 ", "行业精彩推荐 月关注排行榜 最新加入文章 历史关注排行"], "segmented_title": ["【", "凯乐石", "】", "凯乐石", "和", "探路者", "哪个", "好", "凯乐石", "是", "哪个", "国家", "的", "品牌", "_", "十大", "品牌"], "segmented_paragraphs": [["凯乐石", "怎么样", "?", "探路者", "与", "凯乐石", "这", "两", "个", "户外", "品牌", ",", "对于", "常年", "混迹", "于", "户外", "的", "朋友们", "来", "说", "都", "不", "陌生", "。", "探路者", "和", "凯乐石", "哪个", "好", ",", "所谓", "仁者见仁", ",", "智者见智", ",", "探路者", "凯乐石", "两", "个", "品牌", "都", "有", "自己", "的", "品牌", "特色", ",", "但是", "想要", "了解", "两", "个", "品牌", "究竟", "哪个", "比较好", ",", "那么", "我们", "就要", "通过", "对比", "。", "以下", "内容", "将会", "为", "大家", "介绍", "凯乐石", "和", "探路者", "哪个", "好", "、", "凯乐石", "是", "哪个", "国家", "的", "品牌", "以及", "凯乐石", "官网", "等", "相关", "信息", "。"], ["冈仁波齐", "神山", "(", "KAILASH", ")", "海拔", "21837", "英尺", ",", "坐落", "于", "中国", "西藏", "境内", ",", "是", "延绵", "千里", "的", "冈底斯", "山脉", "的", "主峰", ",", "山峰", "终年", "冰雪", "覆盖", "。", "他", "是", "一座", "精神", "和", "信仰", "之", "山", ",", "是", "不", "少于", "四种", "宗教", "(", "藏传佛教", "、", "印度教", "、", "苯教", "以及", "古", "耆那教", ")", "教义", "里", "的", "世界中心", ",", "也是", "亚洲", "四", "条", "大河", "(", "布", "拉", "马", "普特", "拉", "河", ",", "印度河", ",", "卡", "纳", "利", "河", ",", "萨特", "莱杰", "河", ")", "的", "发源地", "。", "KAILAS", "(", "凯乐石", ")", "的", "品牌名称", "即", "源于", "此", "。", "古往今来", ",", "每年", "都", "有许多", "的", "朝圣者", "来到这里", "转山", "。", "不过", "转山", "的", "旅途", "非常", "恶劣", ",", "需要", "经过", "崎岖", "的", "道路", "和", "面对", "高", "海拔", "与", "恶劣天气", "的", "挑战", "。", "尽管如此", ",", "这些", "障碍", "并没有", "令", "朝圣者", "却步", ",", "因为", "总", "有", "一", "股", "强大", "的", "动力", "像", "一只", "无形的手", "在", "推", "着", "他们", "前进", ",", "那只手", "就是", "人类", "最", "原始", "的", "本能", "-", "追求", "精神", "的", "自由", ",", "对", "神圣", "的", "敬仰", "和", "对", "生命", "终极", "意义", "的", "探索", "。"], ["KAILAS", "作为", "专业", "户外", "品牌", ",", "怀着", "同样", "的", "理念", "和", "激情", ",", "去", "帮助", "登山", "及", "探险", "人士", "完成", "心中", "的", "梦想", "。", "我们", "全力以赴", "去", "做", "最", "优秀", "的", "产品", ",", "让", "户外", "人士", "能够", "充分", "实现", "对", "自我", "极限", "的", "发现", "和", "挑战", "。", "我们", "对", "攀登", "产品", "的", "理解", "源", "自", "于", "我们", "自己", "本身就是", "这", "项", "运动", "的", "专业人士", ",", "我们", "对", "产品", "的", "专注", "不仅仅", "为了", "给", "专业人士", "提供", "必要", "的", "保护", ",", "也", "包括", "一切", "热爱", "户外", "的", "、", "拥有", "追求", "自由", "和", "探索", "未知世界", "梦想", "的", "人士", "。"], ["目前", "凯乐石", "的", "产品线", "主要有", ":", "攀岩", "、", "登山", "、", "救援", "用", "器械", ";", "8000", "米", "用", "高山", "帐", "及", "一般", "探险", "露营", "用", "帐篷", ";", "重型", "徒步", "背包", "、", "专业", "攀登", "背包", "、", "及", "日常", "户外", "用", "背包", "等", "专业", "户外", "运动装备", "。", "这一切", "都", "只是", "为了", "一", "个", "目标", ",", "那", "就是", "协助", "您", "到达", "您", "要", "去", "的", "地方", "和", "找到", "您", "心中", "的", "那", "座", "金字塔", "。"], ["在", "KAILAS", ",", "每", "一", "个人", "都", "怀着", "一", "种", "心态", ":", "“", "努力工作", ",", "拼命", "玩", ",", "活", "得", "痛快", "”", ",", "这种心态", "影响", "了", "以前", "、", "现在", "和", "未来", "的", "KAILAS", "人", "。", "KAILAS", "产品", "的", "专业", "度", "首屈一指", ",", "归功于", "我们", "大力", "投入", "于", "产品", "的", "设计", "和", "研发", "以及", "不断地", "得到", "世界", "最", "顶尖", "的", "供应商", "的", "协助", ",", "以此", "生产", "出", "创新", "、", "高质量", "的", "产品", "给", "攀岩", "、", "登山", "及", "探险", "人士", "使用", "。"], ["KAILAS", "成为", "国际", "攀岩", "联合会", "(", "IFSC", ")", "唯一", "官方", "器材", "供应商", "、", "美国", "攀岩", "协会", "及", "攀岩", "国家队", "(", "USA", "CLIMBING", ")", "唯一", "官方", "器材", "供应商", "、", "澳洲", "攀岩", "国家队", "和", "青少年", "攀岩", "国家队", "(", "SCA", ")", "官方", "合作伙伴", ",", "一", "举", "奠定", "了", "KAILAS", "品牌", "在", "国际", "上", "的", "地位", "。", "我们", "产品", "的", "专业", "度", "不", "单", "得到", "了", "国内外", "一些", "官方", "机构", "与", "专业人士", "的", "认可", ",", "而且", "斩获", "多", "项", "产品", "专利", ",", "荣膺", "许多", "世界级", "的", "户外", "行业", "重要", "奖项", ",", "这一切", "都", "全", "归功于", "每一位", "KAILAS", "员工", "付出", "的", "辛勤", "汗水", "。"], ["除", "产品", "之外", ",", "KAILAS", "一直", "致力于", "推动", "民间", "登山", "与", "探险", "运动", "的", "发展", ",", "实施", "了", "包括", "“", "未登峰", "计划", "”", "“", "寻", "岩", "中国", "”", "“", "KAILAS", "户外", "教练", "成长", "计划", "”", "、", "“", "KAILAS", "登山探险", "学校", "”", "等", "公益", "项目", ";", "又", "与", "中国登山协会", "合作", "开展", "“", "攀岩", "希望之星", "”", "项目", ",", "推动", "了", "青少年", "攀岩运动", "发展", ",", "为", "中国", "登山", "及", "户外运动", "培养", "重要", "的", "后备人才", "。", "而且", "KAILAS", "还", "赞助", "了", "包括", "登山", "、", "攀岩", "、", "攀冰", "、", "越野挑战赛", "等", "多", "项", "户外", "专业", "赛事", ",", "为", "登山", "及", "户外运动", "在", "中国", "的", "普及", "与", "发展", "提供", "有利", "的", "支持", "。"], ["KAILAS", "是", "一", "个", "带", "着", "梦想", "去", "成长", "的", "品牌", ",", "所以", "我们", "全力以赴", ",", "务必", "做到", "最好", "。", "在", "探索", "未知世界", "的", "道路", "上", ",", "与", "您", "同行", ",", "以", "求", "极致", "。"], ["2", "凯乐石", "和", "探路者", "哪个", "好"], ["创立", "时间", ":", "1999", "年"], ["发源地", ":", "北京市"], ["认缴", "注册资本", ":", "51346", "万", "元"], ["企业名称", ":", "探路者", "控股集团", "股份有限公司"], ["品牌", "介绍", ":", "专注", "于", "户外用品", "市场", ",", "大型", "户外装备", "提供商", ",", "上市公司", ",", "国内", "户外用品", "业", "规模", "较", "大", "/", "创新能力", "强", "的", "企业", "。"], ["产品", "科技", ":", "探路者", "衣服", "的", "的", "电子", "恒温", "加热", "系统", "做", "的", "非常出色", "。", "目前", "公司", "已", "拥有", "自主", "的", "研发中心", ",", "占地", "150", "平米", "的", "户外", "产品", "测试", "实验室", "也", "在", "同期", "落成", "。", "2008", "年", "成为", "“", "北京", "2008", "年", "奥运会", "特许", "供应商", "”", "、", "2009", "年", "签约", "成为", "“", "中国", "南", "(", "北", ")", "极", "考察", "队", "独家", "专用", "产品", "”", "并", "在", "2013", "年", "与", "中国", "极地", "研究中心", "签署", "战略", "协议", ",", "双方", "将", "进一步加强", "针对", "极地", "环境", "的", "户外装备", "科技", "研发", "。"], ["创立", "时间", ":", "2007", "年"], ["发源地", ":", "广东省", "广州市"], ["认缴", "注册资本", ":", "3000", "万", "元"], ["企业名称", ":", "湛江市", "玛雅", "旅游用品", "有限公司"], ["品牌", "介绍", ":", "凯乐石", "KAILAS", ",", "专业", "户外", "品牌", ",", "美国", "国家", "攀岩", "队", "官方", "安全", "器材", "供应商", ",", "集", "户外", "产品设计", "开发", "、", "生产", "、", "销售", "于", "一体", "的", "专业化", "大型", "企业", "。"], ["产品", "科技", ":", "凯乐石", "一直", "坚持", "“", "轻", "量", "”", "这个", "重点", "。", "2016", "年", "1", "月", "24", "日", ",", "德国", "慕尼黑", "ISPO", "大奖", "(", "ISPO", "AWARD", ")", "揭晓", "。", "攀登", "领导", "品牌", "凯乐石", "选", "送", "的", "五", "款", "专业", "产品", "凭借", "其", "创新", "设计", "获得", "国际", "专业", "评审", "们", "的", "一致", "肯定", ",", "摘取", "五项", "德国", "ISPO", "产品", "大奖", "!", "其中", ",", "\"", "EDGE", "(", "刃脊", ")", "35L", "技术", "攀登", "背包", "\"", "荣膺", "亚洲", "年度", "最佳", "产品", "。"], ["十大", "户外用品", "-", "户外装备", "-", "野营用品", "品牌", "榜", "中", "榜", ",", "户外用品", "什么", "牌子", "好", "(", "2017", ")"], ["创立", "于", "1938", "年", ",", "户外", "服装", "品牌", "的", "先驱", ",", "以", "生产", "雨衣", "/", "雨帽", "起家", ",", "全球", "顶级", "的", "户外用品", "生产制造商", ",", "哥伦比亚", "运动服装", "公司"], ["创", "于", "1966", "年", "美国", ",", "全球", "家喻户晓", "的", "户外用品", "品牌", ",", "著名", "的", "专业", "登山", "和", "徒步", "装备", "的", "制造", "商", ",", "威富", "服饰", "(", "中国", ")", "有限公司"], ["成立", "于", "1999", "年", ",", "致力于", "为", "户外活动", "提供", "安全", "舒适", "的", "户外装备", ",", "国内", "户外用品", "业", "规模", "较", "大", "/", "创新能力", "强", "的", "公司", ",", "探路者", "控股集团", "股份有限公司"], ["创立", "于", "1989", "年", ",", "北美", "乃至", "全球", "领导", "型", "的", "户外", "品牌", ",", "加拿大", "的", "顶级", "户外", "品牌", ",", "亚玛芬", "体育用品", "贸易", "(", "上海", ")", "有限公司", ")"], ["创立", "于", "1984", "年", "德国", ",", "欧洲", "著名", "户外用品", "品牌", ",", "世界顶级", "户外", "品牌", ",", "中国", "总代理", ":", "上海", "联亚", "商业", "有限公司"], ["于", "1973", "年", "奥地利", ",", "全球", "知名", "专业", "户外运动", "品牌", ",", "奥地利", "山地", "救援", "服装", "提供商", ",", "冲锋衣", "十大", "品牌", ",", "南京", "边城", "体育", "用品", "股份", "有限公司"], ["始于", "1971", "年", "美国", ",", "世界", "领先", "的", "户外用品", "品牌", ",", "集", "运动", "/", "高科技", "于一身", "的", "革命", "性", "户外运动服装", "装备", "品牌", ",", "中国", "代理", ":", "北京", "锐", "极", "泷", "峰", "国际贸易", "有限公司"], ["著名", "户外运动", "休闲", "品牌", ",", "舒适", "感", "与", "时尚", "感", "的", "结合", ",", "集", "研发", "设计", "/", "生产制造", "/", "营销", "及", "出口", "为", "一体", "的", "服饰", "企业", ",", "广东", "骆驼", "服饰", "有限公司"], ["集", "户外", "产品", "设计开发", "/", "生产", "/", "销售", "于", "一体", "的", "专业化", "大型", "企业", ",", "知名", "户外", "品牌", ",", "湛江市", "玛雅", "旅游用品", "有限公司"], ["国际", "露营", "联合会", "中国", "区", "官方", "合作", "品牌", ",", "国内", "专业", "户外装备", "品牌", ",", "休闲", "户外运动", "发展", "先锋", "品牌", ",", "浙江", "牧高笛", "户外", "用品", "有限公司"], ["知名", "(", "著名", ")", "户外用品", "品牌", ",", "知名", "户外装备", "品牌", ",", "户外用品", "什么", "牌子", "好", "(", "2017", ")"], ["以上", "数据", "名单", "由", "几", "十", "项", "数据统计", "计算", "系统", "自动生成", ",", "排序", "不分", "先后", ",", "仅", "提供", "给", "您", "作", "参考", "。"], ["如", "有", "侵犯", "您", "的", "版权", ",", "请", "联系", "我们", ",", "我们", "将", "及时", "删除", "。"], ["行业", "精彩推荐", "月", "关注", "排行榜", "最新", "加入", "文章", "历史", "关注排行"]], "title": "【凯乐石】凯乐石和探路者哪个好 凯乐石是哪个国家的品牌_十大品牌"}, {"bs_rank_pos": 1, "paragraphs": ["凯乐石是中国的品牌。 KAILAS作为户外知名品牌,从进入中国市场就开始就以务实、严谨的态度,认真研究中国户外市场的发展规律和特点,充分认识到中国市场的重要性和特殊性,制定了宏大、长期的中国发展计划,加大中国市场投入,切实把握品牌的发展节奏,不单一追求市场分额,全力加强自身建设,致力提高产品的美誉度,为今后发展打下了坚实的基矗 在稳步拓展自己的营销渠道的基础上,制定了持久稳定、植根于KAILAS文化的品牌推广计划。KAILAS在品牌推广上也有独到之处,坚持“轻量革命先锋”的设计理念,持续支持和组织“中国民间未登峰运动”计划,形成了自身独特的品牌文化。 KAILAS不断加强团队建设,紧紧抓住国际最新科技成果和中国实际需求相结合,努力加强研发设计能力,将产品的专业性、功能性与时尚性成功的进行了结合,形成了广泛应"], "segmented_title": ["凯乐石", "是", "哪个", "国家", "的", "品牌", "_", "百度", "知道"], "segmented_paragraphs": [["凯乐石", "是", "中国", "的", "品牌", "。", "KAILAS", "作为", "户外", "知名", "品牌", ",", "从", "进入", "中国", "市场", "就", "开始", "就", "以", "务实", "、", "严谨", "的", "态度", ",", "认真研究", "中国", "户外", "市场", "的", "发展", "规律", "和", "特点", ",", "充分认识到", "中国", "市场", "的", "重要性", "和", "特殊性", ",", "制定", "了", "宏大", "、", "长期", "的", "中国", "发展", "计划", ",", "加大", "中国", "市场", "投入", ",", "切实", "把握", "品牌", "的", "发展", "节奏", ",", "不", "单", "一", "追求", "市场", "分", "额", ",", "全力", "加强", "自身建设", ",", "致力", "提高", "产品", "的", "美誉度", ",", "为", "今后", "发展", "打下", "了", "坚实", "的", "基矗", "在", "稳步", "拓展", "自己", "的", "营销渠道", "的", "基础", "上", ",", "制定", "了", "持久", "稳定", "、", "植根", "于", "KAILAS", "文化", "的", "品牌推广", "计划", "。", "KAILAS", "在", "品牌推广", "上", "也有", "独到之处", ",", "坚持", "“", "轻", "量", "革命", "先锋", "”", "的", "设计理念", ",", "持续", "支持", "和", "组织", "“", "中国", "民间", "未登峰", "运动", "”", "计划", ",", "形成", "了", "自身", "独特", "的", "品牌", "文化", "。", "KAILAS", "不断加强", "团队建设", ",", "紧紧抓住", "国际", "最新", "科技成果", "和", "中国", "实际", "需求", "相结合", ",", "努力", "加强", "研发", "设计", "能力", ",", "将", "产品", "的", "专业", "性", "、", "功能性", "与", "时尚", "性", "成功", "的", "进行", "了", "结合", ",", "形成", "了", "广泛应"]], "title": "凯乐石是哪个国家的品牌_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["中文名称 凯乐石 外文名称 KAILAS 企业文化 拼命工作,拼命玩,活得痛快 企业愿景 企业愿景:成为受社会尊重的公司 创始人 BrianCollins 注册国家 英国 创办时间 1968年"], "segmented_title": ["凯乐石", "是", "哪个", "国家", "的", "品牌", "_", "百度", "知道"], "segmented_paragraphs": [["中文", "名称", "凯乐石", "外文", "名称", "KAILAS", "企业文化", "拼命", "工作", ",", "拼命", "玩", ",", "活", "得", "痛快", "企业", "愿景", "企业", "愿景", ":", "成为", "受", "社会", "尊重", "的", "公司", "创始人", "Brian", "Collins", "注册", "国家", "英国", "创办", "时间", "1968", "年"]], "title": "凯乐石是哪个国家的品牌_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["官网还是英文的,好恶心,崇洋媚外的家伙。其实是国产,户外入门级厂家,价格偏高,质量还可以。"], "segmented_title": ["凯乐石", "是", "哪个", "国家", "的", "品牌", "_", "百度", "知道"], "segmented_paragraphs": [["官网", "还是", "英文", "的", ",", "好", "恶心", ",", "崇洋媚外", "的", "家伙", "。", "其实", "是", "国产", ",", "户外", "入门", "级", "厂家", ",", "价格", "偏高", ",", "质量", "还", "可以", "。"]], "title": "凯乐石是哪个国家的品牌_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["Kailas就是一个地地道道的中国品牌,生产和销售的总部都在广州。但它的营销做得相当不错,至于品质嘛,还过得去,价格可想而知咯,因为团队太庞大了,所以隐性成本并非一般人所能接受得了的。 当今市场上,产品的价格往往被看着是品牌价值的体现,其实不然!自己喜欢就好,能消费得起就选择。"], "segmented_title": ["凯乐石", "是", "哪个", "国家", "的", "?", "_", "百度", "知道"], "segmented_paragraphs": [["Kailas", "就是", "一", "个", "地", "地道", "道", "的", "中国", "品牌", ",", "生产", "和", "销售", "的", "总部", "都", "在", "广州", "。", "但", "它", "的", "营销", "做", "得", "相当不错", ",", "至于", "品质", "嘛", ",", "还", "过得去", ",", "价格", "可想而知", "咯", ",", "因为", "团队", "太", "庞大", "了", ",", "所以", "隐性", "成本", "并非", "一般人", "所", "能", "接受", "得", "了", "的", "。", "当今", "市场", "上", ",", "产品", "的", "价格", "往往", "被", "看着", "是", "品牌价值", "的", "体现", ",", "其实不然", "!", "自己", "喜欢", "就好", ",", "能", "消费", "得", "起", "就", "选择", "。"]], "title": "凯乐石是哪个国家的?_百度知道"}], "question": "凯乐石是哪个国家的品牌", "segmented_question": ["凯乐石", "是", "哪个", "国家", "的", "品牌"], "question_type": "ENTITY", "fact_or_opinion": "OPINION", "question_id": 221581}
-{"documents": [{"title": "痛风吃什么食物好,不能吃什么?_百度知道", "segmented_title": ["痛风", "吃什么", "食物", "好", ",", "不能", "吃", "什么", "?", "_", "百度", "知道"], "segmented_paragraphs": [["不能吃", "富含", "嘌呤", "的", "食物", "有", ":", "各种", "动物", "内脏", "、", "肉类", "汤汁", "、", "各种", "肉食", "、", "骨髓", "、", "海鱼", "(", "特别", "是", "风", "尾", "鱼", "、", "沙丁鱼", "等", ")", "、", "虾", "、", "蟹", "、", "海", "菜", ";", "各种", "豆类", "(", "特别", "是", "豌豆", ")", "、", "花生米", "、", "菠菜", "、", "菜花", "、", "蘑菇", "、", "糙米", "、", "粗", "面粉", "、", "全", "麦片", "等", "均", "应", "禁止", "食用", "。", "还", "禁止", "吃", "动物油", "。", "1", "多吃蔬菜", ",", "多", "吃", "高", "钾", "质", "食物", ",", "如", "香蕉", "、", "西兰花", "、", "西芹", "钾", "质", "可减少", "尿酸", "沉淀", ",", "有助", "将", "尿酸", "排出体外", "。", "2", "多", "吃", "碳水化合物", "有益于", "尿酸", "的", "排出", ",", "痛风", "病人", "可", "食用", "富含", "碳水化合物", "的", "米饭", "、", "馒头", "、", "面食", "等等", "食物", "。", "3", "蛋白质", "可以", "根据", "体重", ",", "按照", "比例", "来", "摄取", ",", "1", "公斤", "体重", "应", "摄取", "0", "、", "8", "克", "至", "1", "克", "的", "蛋白质", ",", "并", "以", "牛奶", "、", "鸡蛋", "为", "主", "。", "如果", "是", "瘦肉", "、", "鸡", "鸭肉", "等", ",", "应该", "煮沸", "后", "去", "汤", "食用", ",", "避免", "吃", "炖肉", "或", "卤肉", "。", "4", "少", "吃", "脂肪", ",", "因为", "脂肪", "可减少", "尿酸", "排出", "。", "痛风", "并发", "高脂血症", "者", ",", "脂肪", "摄取", "应", "控制", "在", "总", "热量", "的", "20", "%", "至", "25", "%", "以内", "。", "5", "适量", "饮水", ",", "每天", "应", "喝", "2000", "ml", "至", "3000", "ml", "的", "水", ",", "有益于", "促"], ["来自", "网上", "医生", "的", "答案", ",", "请", "参考", ":", "  ", "少", "吃", "动物", "内脏", "(", "肝", ",", "肾", ",", "骨髓", ")", "及", "沙丁鱼", ",", "蟹", ",", "虾", ",", "菠菜", ",", "大肠", ",", "等", ";", "  ", "多吃蔬菜", ",", "海带", "等", "  ", "要", "低脂", "饮食", ",", "少", "饮", "白酒", ",", "忌", "饮啤酒", ",", "多", "饮水"], ["适宜", "食材"], ["1", "、", "多喝水", "2", "、", "多", "吃", "含", "高蛋白", "的", "食物", "3", "、", "多", "吃", "含", "铁", "、", "硒", "、", "锌", "等", "矿物质", "的", "食物", "4", "、", "适量", "补充", "维生素A", "、", "C", "、", "E"], ["雪梨"], ["杏"], ["西瓜皮"], ["人参果"], ["橙"], ["草莓"], ["火龙果"], ["苹果", "("], ["血橙"], ["西瓜"], ["柠檬"], ["蓝莓"], ["雪莲果"], ["荸荠"], ["无花果"], ["甘蔗"], ["梨"], ["柚子"], ["桑葚", "汁"], ["枣", "(", "干", ")"], ["葡萄"], ["苹果"], ["木瓜"], ["猕猴桃"], ["香蕉"], ["桃"], ["杨桃"], ["椰汁"], ["樱桃"], ["藕"], ["洋葱"], ["西葫芦"], ["丝瓜"], ["淮山药"], ["柿子椒"], ["西红柿"], ["甜玉米"], ["胡萝卜"], ["冬瓜"], ["茄子"], ["南瓜"], ["百合"], ["白萝卜"], ["土豆"], ["黄秋葵"], ["红薯"], ["藕带"], ["石花菜"], ["珊瑚", "藻"], ["裙带菜"], ["紫晶藻"], ["黄瓜"], ["海带"], ["芹菜"], ["空心菜"], ["银耳"], ["西兰花"], ["青稞", "面"], ["黄", "米粉"], ["糜子", "面"], ["黍子", "面"], ["黑", "小米"], ["麦仁"]], "paragraphs": ["不能吃富含嘌呤的食物有:各种动物内脏、肉类汤汁、各种肉食、骨髓、海鱼(特别是风尾鱼、沙丁鱼等)、虾、蟹、海菜;各种豆类(特别是豌豆)、花生米、菠菜、菜花、蘑菇、糙米、粗面粉、全麦片等均应禁止食用。还禁止吃动物油。 1多吃蔬菜,多吃高钾质食物,如香蕉、西兰花、西芹 钾质可减少尿酸沉淀,有助将尿酸排出体外。 2多吃碳水化合物有益于尿酸的排出,痛风病人可食用富含碳水化合物的米饭、馒头、面食等等食物。 3 蛋白质可以根据体重,按照比例来摄取,1公斤体重应摄取0、8克至1克的蛋白质,并以牛奶、鸡蛋为主。如果是瘦肉、鸡鸭肉等,应该煮沸后去汤食用,避免吃炖肉或卤肉。 4 少吃脂肪,因为脂肪可减少尿酸排出。痛风并发高脂血症者,脂肪摄取应控制在总热量的20%至25%以内。 5 适量饮水,每天应喝2000ml至3000ml的水,有益于促", "来自网上医生的答案,请参考:   少吃动物内脏(肝,肾,骨髓)及沙丁鱼,蟹,虾,菠菜,大肠,等;   多吃蔬菜,海带等   要低脂饮食,少饮白酒,忌饮啤酒,多饮水", "适宜食材", "1、多喝水2、多吃含高蛋白的食物3、多吃含铁、硒、锌等矿物质的食物4、适量补充维生素A、C、E", "雪梨", "杏", "西瓜皮", "人参果", "橙", "草莓", "火龙果", "苹果(", "血橙", "西瓜", "柠檬", "蓝莓", "雪莲果", "荸荠", "无花果", "甘蔗", "梨", "柚子", "桑葚汁", "枣(干)", "葡萄", "苹果", "木瓜", "猕猴桃", "香蕉", "桃", "杨桃", "椰汁", "樱桃", "藕", "洋葱", "西葫芦", "丝瓜", "淮山药", "柿子椒", "西红柿", "甜玉米", "胡萝卜", "冬瓜", "茄子", "南瓜", "百合", "白萝卜", "土豆", "黄秋葵", "红薯", "藕带", "石花菜", "珊瑚藻", "裙带菜", "紫晶藻", "黄瓜", "海带", "芹菜", "空心菜", "银耳", "西兰花", "青稞面", "黄米粉", "糜子面", "黍子面", "黑小米", "麦仁"], "bs_rank_pos": 0}, {"title": "痛风应该吃什么水果蔬菜?_百度知道", "segmented_title": ["痛风", "应该", "吃什么", "水果蔬菜", "?", "_", "百度", "知道"], "segmented_paragraphs": [["痛风", "的", "注意事项", "痛风", "病人", "除", "在", "医生", "指导", "下", "应用", "适当", "药物", "外", ",", "在", "日常", "生活", "中", "还", "应", "注意", "以下几点", ":", "(", "1", ")", "饮食", "方面", ":", "①", "猪", "、", "牛", "、", "羊肉", "、", "火腿", "、", "香肠", "、", "鸡", "、", "鸭", "、", "鹅", "、", "兔", "以及", "各种", "动物", "内脏", "(", "肝", "、", "肾", "、", "心", "、", "脑", ")", "、", "骨髓", "等", "含", "嘌呤", "量", "高", ",", "应", "尽量", "不", "吃", ";", "鱼虾", "类", "、", "菠菜", "、", "豆类", "、", "蘑菇", "、", "香菇", "、", "香蕈", "、", "花生", "等", "也有", "一定", "量", "嘌呤", ",", "要", "少", "吃", ";", "大多数", "蔬菜", "、", "各种", "水果", "、", "牛奶", "和", "奶制品", "、", "鸡蛋", "、", "米饭", "、", "糖", "等", "可以", "吃", "。", "②", "多", "饮水", ",", "要", "使", "每日", "尿", "量", "保持", "在", "2000", "ml", "以上", ",", "因", "尿路结石", "的", "发生", "和", "小便", "尿酸", "浓度", "及", "小便", "的", "酸碱度", "有关", ",", "必要时", "可", "服用", "碱性", "药物", ",", "以", "预防", "尿路结石", "的", "发生", "。", "③", "避免", "暴饮暴食", "或", "饥饿", "。", "④", "节制", "烟酒", ",", "尤其", "不能", "酗酒", "。", "⑤", "不喝", "浓茶", "、", "咖啡", "等", "饮料", "。", "(", "2", ")", "妥善处理", "诱发因素", ",", "禁用", "或", "少", "用", "影响", "尿酸", "排泄", "的", "药物", ":", "如", "青霉素", "、", "四环素", "、", "大", "剂量", "噻", "嗪", "类", "及", "氨苯喋啶", "等", "利尿剂", "、", "维生素B1", "和", "B2", "、", "胰岛素", "及", "小", "剂量", "阿司匹林", "(", "每天", "小于", "2g", ")", "等"]], "paragraphs": ["痛风的注意事项 痛风病人除在医生指导下应用适当药物外,在日常生活中还应注意以下几点: (1)饮食方面:①猪、牛、羊肉、火腿、香肠、鸡、鸭、鹅、兔以及各种动物内脏(肝、肾、心、脑)、骨髓等含嘌呤量高,应尽量不吃;鱼虾类、菠菜、豆类、蘑菇、香菇、香蕈、花生等也有一定量嘌呤,要少吃;大多数蔬菜、各种水果、牛奶和奶制品、鸡蛋、米饭、糖等可以吃。②多饮水,要使每日尿量保持在2000ml以上,因尿路结石的发生和小便尿酸浓度及小便的酸碱度有关,必要时可服用碱性药物,以预防尿路结石的发生。③避免暴饮暴食或饥饿。④节制烟酒,尤其不能酗酒。⑤不喝浓茶、咖啡等饮料。 (2)妥善处理诱发因素,禁用或少用影响尿酸排泄的药物:如青霉素、四环素、大剂量噻嗪类及氨苯喋啶等利尿剂、维生素B1和B2、胰岛素及小剂量阿司匹林(每天小于2g)等"], "bs_rank_pos": 1}, {"title": "痛风不能吃什么食物表_百度知道", "segmented_title": ["痛风", "不能", "吃什么", "食物", "表", "_", "百度", "知道"], "segmented_paragraphs": [["(", "1", ")", "无", "嘌呤", "食物", "嘌呤", "含量", "很少", "(", "小于", "20mg", "/", "100", "g", ")", "或", "不含", "嘌呤", "的", "食物", "。", "谷类", ":", "大米", "、", "精", "白米", "、", "小米", "、", "玉米", "、", "精", "白", "面", "、", "富强粉", "、", "精", "白面包", "、", "馒头", "、", "通心粉", "、", "面条", "、", "细", "挂面", "、", "苏打饼干", "。", "蔬菜", "类", ":", "卷心菜", "、", "胡萝卜", "、", "芹菜", "、", "大白菜", "、", "茄子", "、", "苣荬菜", "、", "甘蓝", "、", "莴苣", "、", "刀豆", "、", "南瓜", "、", "黄瓜", "、", "西葫芦", "、", "西红柿", "、", "芜菁", "、", "山芋", "、", "山药", "、", "马铃薯", "、", "泡菜", "、", "咸菜", "、", "紫菜", "、", "海带", "、", "洋葱", "、", "青葱", "。", "蛋类", "、", "乳", "类", ":", "蛋类", "有", "鸡蛋", "、", "鸭蛋", "等", ";", "乳", "类", "有", "各种", "鲜奶", "、", "炼乳", "、", "奶酪", "、", "酸奶", "、", "麦乳精", "、", "奶粉", "、", "蜂蜜", "。", "其他", ":", "各种", "水果", "及", "干果", "类", "(", "苹果", "、", "核桃", "、", "杏", "、", "梨", "、", "橙", "、", "葡萄", "、", "粟", "等", ")", ",", "糖", "及", "糖果", ",", "各种", "饮料", "包括", "汽水", "、", "茶", "、", "巧克力", "、", "咖啡", "、", "可可", "等", ",", "各类", "油脂", ",", "花生酱", "、", "洋", "菜", "冻", "、", "果酱", "、", "藕粉", "。", "(", "2", ")", "低", "嘌呤", "食物", "每", "100", "g", "食物", "中", "嘌呤", "含量", "<", "75", "mg", "。", "蔬菜", "类", ":", "芦笋", "、", "花菜", "、", "四季豆", "、", "豌豆", "、", "青豆", "、", "荷兰豆", "、", "菜豆", "、", "大豆", "、", "花生"]], "paragraphs": ["( 1 )无嘌呤食物 嘌呤含量很少(小于 20mg/ 100g )或不含嘌呤的食物。 谷类:大米、精白米、小米、玉米、精白面、富强粉、精白面包、馒头、通心粉、面条、细挂面、苏打饼干。 蔬菜类:卷心菜、胡萝卜、芹菜、大白菜、茄子、苣荬菜、甘蓝、莴苣、刀豆、南瓜、黄瓜、西葫芦、西红柿、芜菁、山芋、山药、马铃薯、泡菜、咸菜、紫菜、海带、洋葱、青葱。 蛋类、乳类:蛋类有鸡蛋、鸭蛋等;乳类有各种鲜奶、炼乳、奶酪、酸奶、麦乳精、奶粉、蜂蜜。 其他:各种水果及干果类(苹果、核桃、杏、梨、橙、葡萄、粟等),糖及糖果,各种饮料包括汽水、茶、巧克力、咖啡、可可等,各类油脂,花生酱、洋菜冻、果酱、藕粉。 ( 2 )低嘌呤食物 每 100g 食物中嘌呤含量 < 75mg 。 蔬菜类:芦笋、花菜、四季豆、豌豆、青豆、荷兰豆、菜豆、大豆、花生"], "bs_rank_pos": 3}, {"title": "痛风能吃什么菜啊_39健康问答_39健康网", "segmented_title": ["痛风", "能", "吃", "什么", "菜", "啊", "_", "39", "健康", "问答", "_", "39", "健康网"], "segmented_paragraphs": [["痛风", "能", "吃", "什么", "菜", "啊"], ["精选", "回答", "(", "1", ")"], ["擅长", ":", "痛风", "、", "三叉神经痛", "、", "偏头痛", "、", "坐骨神经痛", "、", "椎间盘突出", "、", "肩周炎", "、", "颈椎病", "、", "坐骨神经痛", "、", "雷诺病", "、", "癌痛", "等", "常见病", "、", "多发病", "及", "疑难病", "。"], ["痛风", "患者", "不能", "喝酒", "、", "不能", "吃海鲜", ",", "可以", "多", "吃", "些", "芹菜", "、", "黄瓜", "、", "青菜", "、", "茄子", "、", "卷心菜", "、", "马铃薯", "、", "甘薯", "、", "南瓜", "、", "冬瓜", "、", "赤小豆", "、", "梨子", "、", "苹果", "、", "葡萄", "、", "玉米", "、", "芦根", "这些", "食物", "对于", "痛风", "患者", "缓解", "疼痛", "都", "有", "一定", "的", "帮助", ",", "平时", "的", "时候", "可以", "尝试", "使用", "不用", "的", "烹饪", "方法", "进行", "食用", "。", "像", "一些", "酸性", "比较", "大", "的", "食物", ",", "痛风", "患者", "要", "少", "吃", "或者", "尽量", "不", "吃", "。"], ["2014", "-", "05", "-", "30", "18", ":", "05", "投诉"], ["痛风", "能", "吃", "什么", "?", "痛风", "不能", "吃", "什么", "痛风", "能", "吃", "什么", "油", "痛风", "都", "能", "吃", "什么", "痛风", "不能", "吃", "什么", "痛风", "能", "吃", "什么", "?", "痛风", "不能", "吃", "什么", "痛风", "能", "吃", "什么", "?", "痛风", "能", "吃", "什么", ".", ".", "痛风", "不能", "吃", "什么"], ["痛风", "脚肿", "怎么", "消肿"], ["痛风", ",", "是", "中老年", "年", "比较", "经常出现", "的", "问题", "。", "痛风", "的", "病因", "也有", "很多", "种", ",", "很多人", "也", "为", "怎么", "消肿", "痛风", "脚肿", "而", "烦恼", "。", "现在", "我", "告诉", "大家", "一些", "消肿", "的", "好", "方"], ["痛风", "的", "初期", "症状", "痛风", "最好", "的", "方法", "有", "什么", "痛风", "的", "饮食", "禁忌", "是什么", "痛风", "有", "什么", "食疗方法"], ["乙肝", "(", "viral", "hepatitis", "type", "B", ",", "又", "称", "乙型", "病毒性", "肝炎", ")", "系", "由", "乙肝", "病毒", "(", "HBV", ")", "引起", ",", "临床表现", "为", ":", "乏力", "、", "食欲减退", "、", "恶心", "、", "呕吐", "、", "厌油", "、", "肝", "大", "及", "肝功能", "异常", "。", "发展中国家", "发病率", "高", ",", "多数", "无", "症状", ",", "其中", "1", "/", "3", "出现", "肝", "损害", "的", "临床表现", "。", "据统计", ",", "全世界", "无", "症状", "乙肝病毒携带者", "(", "HBsAg", "携带者", ")", "超过", "2.8", "亿", ",", "我", "国", "约", "占", "9300", "万", "。", "乙肝", "包括", "下面", "类型", ":", "急性", "乙肝", "(", "急性", "黄疸", "型", "肝炎", "、", "急性", "无", "黄疸", "型", "肝炎", ")", "、", "慢性乙肝", "、", "重型", "乙肝", "、", "淤", "胆", "型", "肝炎", "、", "肝炎", "后", "肝硬化", "、", "小儿", "乙型肝炎", "病毒", "相关", "肾炎", "、", "新生儿", "乙型肝炎", "、", "乙型肝炎", "病毒性关节炎", "等", "。"], ["多发", "人群", ":", "所有", "人群", ",", "主要", "见于", "青少年", ",", "绝大多数", "为", "10", "~", "30", "岁", "典型症状", ":", "转氨酶", "增高", "肝肿大", "乙肝", "表面抗原", "(", "HBsAg", ")", "阳性", "乙肝", "e", "抗原", "(", "HBeAg", ")", "阳性", "肝功能", "异常", "临床", "检查", ":", "乙肝病毒", "学", "指标", "凝血酶原时间", "乙肝", "两对半", "血清", "白蛋白", "与", "球蛋白", "比值", "血清", "HBsAg", "免疫", "复合", "物", "血清", "前", "S1", "蛋白", "治疗", "费用", ":", "市", "三甲医院", "约", "(", "3000", "—", "—", "8000", "元", ")"], ["全国", "三甲医院", ",", "主任", "级", "名医", "在线", "坐诊", "已有", "124", "家", "三甲医院", ",", "828", "位", "主任医师", "在线答疑"], ["东营", "骨科医生", "东营", "骨科医院", "贺州市", "人民医院", "网上预约", "中山大学", "附属", "口腔医院", "网上预约", "东营", "骨折", "医生", "东营", "骨折", "医院"]], "paragraphs": ["痛风能吃什么菜啊", "精选回答(1)", "擅长:痛风、三叉神经痛、偏头痛、坐骨神经痛、椎间盘突出、肩周炎、颈椎病、坐骨神经痛、雷诺病、癌痛等常见病、多发病及疑难病。", "痛风患者不能喝酒、不能吃海鲜,可以多吃些芹菜、黄瓜、青菜、茄子、卷心菜、马铃薯、甘薯、南瓜、冬瓜、赤小豆、梨子、苹果、葡萄、玉米、芦根这些食物对于痛风患者缓解疼痛都有一定的帮助,平时的时候可以尝试使用不用的烹饪方法进行食用。像一些酸性比较大的食物,痛风患者要少吃或者尽量不吃。", "2014-05-30 18:05 投诉", "痛风能吃什么? 痛风不能吃什么  痛风能吃什么油  痛风都能吃什么  痛风不能吃什么  痛风能吃什么? 痛风不能吃什么  痛风能吃什么? 痛风能吃什么.. 痛风不能吃什么", "痛风脚肿怎么消肿", "痛风,是中老年年比较经常出现的问题。痛风的病因也有很多种,很多人也为怎么消肿痛风脚肿而烦恼。现在我告诉大家一些消肿的好方", "痛风的初期症状 痛风最好的方法有什么 痛风的饮食禁忌是什么 痛风有什么食疗方法", "乙肝(viral hepatitis type B,又称乙型病毒性肝炎)系由乙肝病毒(HBV)引起,临床表现为:乏力、食欲减退、恶心、呕吐、厌油、肝大及肝功能异常。发展中国家发病率高,多数无症状,其中1/3出现肝损害的临床表现。据统计,全世界无症状乙肝病毒携带者(HBsAg携带者)超过2.8亿,我国约占9300万。 乙肝包括下面类型:急性乙肝(急性黄疸型肝炎、急性无黄疸型肝炎)、慢性乙肝、重型乙肝、淤胆型肝炎、肝炎后肝硬化、小儿乙型肝炎病毒相关肾炎、新生儿乙型肝炎、乙型肝炎病毒性关节炎等。", "多发人群:所有人群,主要见于青少年,绝大多数为10~30岁  典型症状:转氨酶增高 肝肿大 乙肝表面抗原(HBsAg)阳性 乙肝e抗原(HBeAg)阳性 肝功能异常  临床检查:乙肝病毒学指标 凝血酶原时间 乙肝两对半 血清白蛋白与球蛋白比值 血清HBsAg免疫复合物 血清前S1蛋白  治疗费用:市三甲医院约(3000 —— 8000元)", "全国三甲医院,主任级名医在线坐诊已有124家三甲医院,828位主任医师在线答疑", "东营骨科医生 东营骨科医院 贺州市人民医院网上预约 中山大学附属口腔医院网上预约 东营骨折医生 东营骨折医院"], "bs_rank_pos": 4}, {"title": "痛风病人不能吃什么水果呢_有问必答_快速问医生", "segmented_title": ["痛风", "病人", "不能", "吃什么", "水果", "呢", "_", "有问必答", "_", "快速", "问", "医生"], "segmented_paragraphs": [["健康", "咨询", "描述", ":", "我", "大伯", "前段时间", "双腿", "疼痛难忍", ",", "去", "医院", ",", "被", "诊断", "为", "痛风", ",", "现在", "在家里", "养", "着", ",", "我", "准备", "想", "去", "看望", "下", "他", ",", "想", "买", "点", "水果", "去", ",", "但是", "不知道", "痛风", "病人", "饮食", "有没有", "什么", "禁忌", ",", "不知道", "痛风", "患者", "哪些", "水果", "不能吃", "啊", "。"], ["想得到", "怎样", "的", "帮助", ":", "我", "想", "了解", "下", "痛风", "病人", "哪些", "水果", "不能吃", "呢", "?"], ["痛风", "病人", "应该", "吃", "多", "低", "嘌呤", "的", "食物", ",", "少", "吃", "中", "嘌呤", "的", "食物", ",", "不", "吃", "高", "嘌呤", "的", "食物", ",", "还要", "注意", "不要", "喝酒", "。", "低", "嘌呤", "食物", ":", "五谷杂粮", "、", "蛋类", "、", "奶类", "、", "水果", "、", "蔬菜", ";", "中", "嘌呤", "食物", ":", "肉类", "、", "豆类", "、", "海鲜", ";", "高", "嘌呤", "食物", ":", "豆苗", "、", "黄豆芽", "、", "芦笋", "、", "香菇", "、", "紫菜", "、", "动物", "内脏", "、", "鱼类", "。", "痛风", "常", "并发", "肥胖", "、", "糖尿病", "、", "高血压", "及", "高脂血症", ",", "患者", "应", "遵守", "饮食", "原则", "如", "下", ":", "1", ".", "保持", "理想", "体重", ",", "超重", "或", "肥胖", "就", "应该", "减轻", "体重", "。", "不过", ",", "减轻", "体重", "应", "循序渐进", ",", "否则", "容易导致", "酮症", "或", "痛风", "急性", "发作", "。", "2", ".", "碳水化合物", "可", "促进", "尿酸", "排出", ",", "患者", "可食用", "富含", "碳水化合物", "的", "米饭", "、", "馒头", "、", "面食", "等", "。", "3", ".", "蛋白质", "可", "根据", "体重", ",", "按照", "比例", "来", "摄取", ",", "1", "公斤", "体重", "应", "摄取", "0", ".", "8", "克", "至", "1", "克", "的", "蛋白质", ",", "并", "以", "牛奶", "、", "鸡蛋", "为", "主", "。", "如果", "是", "瘦肉", "、", "鸡", "鸭肉", "等", ",", "应该", "煮沸", "后", "去", "汤", "食用", ",", "避免", "吃", "炖肉", "或", "卤肉", "。", "4", ".", "少", "吃", "脂肪", ",", "因", "脂肪", "可减少", "尿酸", "排出", "。", "痛风", "并发", "高脂血症", "者", ",", "脂肪", "摄取", "应", "控制", "在", "总", "热量", "的", "20", "%", "至", "25", "%", "以内", "。", "5", ".", "大量", "喝水", ",", "每日", "应该", "喝水", "2000", "ml", "至", "3000", "ml", ",", "促进", "尿酸", "排除", "。", "6", ".", "少", "吃", "盐", ",", "每天", "应该", "限制", "在", "2", "克", "至", "5", "克", "以内", "。", "7", ".", "禁酒", "!", "酒精", "容易", "使", "体", "内", "乳酸", "堆积", ",", "对", "尿酸", "排出", "有", "抑制", "作用", ",", "易", "诱发", "痛风", "。", "8", ".", "少", "用", "强烈", "刺激", "的", "调味品", "或", "香料", "。", "9", ".", "限制", "嘌呤", "摄入", "。", "嘌呤", "是", "细胞核", "中", "的", "一", "种", "成分", ",", "只要", "含有", "细胞", "的", "食物", "就", "含有", "嘌呤", ",", "动物", "性", "食品", "中", "嘌呤", "含量", "较多", "。", "患者", "禁食", "内脏", "、", "骨髓", "、", "海", "味", "、", "发酵", "食物", "、", "豆类", "等", "。", "控制", "饮食", "后", ",", "正常人", "血", "尿酸", "可", "降", "35", ".", "7", "η", "mol", "/", "L", "(", "O", ".", "6", "mg", "/", "dl", ")", "左右", ",", "痛风", "患者", "也", "可", "降低", "59", ".", "5", "μ", "mol", "/", "L", "(", "1", ".", "Omg", "/", "dl", ")", "左右", "。", "饮食", "因素", "是", "如何", "影响", "血", "尿酸", "水平", "的", ",", "目前", "已有", "一些", "合理", "的", "解释", ",", "包括", ":", "1", ".", "过度", "饮酒", "会引起", "痛风", "发病", ",", "以", "啤酒", "尤其", "明显", "。", "乙醇", "影响", "血", "尿酸", "水平", "的", "可能", "机制", "是", ":", "(", "1", ")", "饮酒", "常伴", "食", "含", "丰富", "嘌呤", "的", "食物", ";", "(", "2", ")", "乙醇", "代谢", "可以", "使", "血", "乳酸", "浓度", "升高", ",", "乳酸", "可以", "抑制", "肾脏", "对", "尿酸", "的", "排泄", ";", "(", "3", ")", "过度", "饮酒", "造成", "血", "酮症", ",", "抑制", "肾脏", "对", "尿酸", "的", "排泄", ";", "(", "4", ")", "乙醇", "能", "促进", "腺嘌呤", "核苷酸", "转化", "而", "使", "尿酸", "增多", ";", "(", "5", ")", "有人", "认为", "饮用", "像", "威士忌", "类", "含铅", "的", "酒", ",", "使", "痛风", "发病", "的", "危险性", "增加", "了", "3", "倍", "。", "二", "、", "预防", "痛风", "饮食", "1", "、", "戒", "吃", "高", "嘌呤", "的", "食物", ":", "动物", "内脏", "(", "肝", "、", "肠", "、", "肾", "、", "脑", ")", "、", "海", "产", "(", "鲍鱼", "、", "蟹", "、", "龙虾", "、", "叁文鱼", "、", "沙甸", "鱼", "、", "吞拿鱼", "、", "鲤鱼", "、", "鲈鱼", "、", "鳟鱼", "、", "鳕鱼", ")", "、", "贝壳", "食物", "、", "肉类", "(", "牛", "、", "羊", "、", "鸭", "、", "鹅", "、", "鸽", ")", "、", "黄豆", "食物", "、", "扁豆", "、", "菠菜", "、", "椰菜花", "、", "芦笋", "、", "蘑菇", "、", "浓汤", "、", "麦", "皮", "。", "2", "、", "戒", "吃", "高", "胆固醇", "的", "食物", ":", "动物", "内脏", "(", "肝", "、", "肠", "、", "肾", "、", "脑", ")", "、", "肥肉", "、", "鱿鱼", "、", "鱼", "、", "墨鱼", "3", "、", "戒酒", ":", "不可", "饮酒", "、", "尤其", "是", "啤酒", "、", "绍兴酒", "。", "一旦", "血", "中", "酒精", "浓度", "高达", "200", "mg", "/", "dl", ",", "血", "中", "乳酸", "会", "随着", "乙醇", "的", "氧化", "过程", "而", "增加", ",", "令", "肾脏", "的", "尿酸", "排泄", "受阻", ",", "结果", "使", "血", "中", "尿酸", "增加", "。", "4", "、", "戒", "吃", "酸性", "食物", ",", "如", "咖啡", "、", "煎", "炸", "食物", "、", "高", "脂", "食物", "。", "酸硷", "不平衡", ",", "会", "影响", "身体", "机", "能", ",", "加重", "肝肾", "负担", "。", "三", "、", "宜", "吃", "的", "食物", "1", "、", "多", "吃", "高", "钾", "质", "食物", ",", "如", "香蕉", "、", "西兰花", "、", "西芹", "等", "。", "钾", "质", "可减少", "尿酸", "沉淀", ",", "有助", "将", "尿酸", "排出体外", "。", "多", "摄取", "充足", "的", "碱性", "食物", ",", "如", "海带", "、", "白菜", "、", "芹菜", "、", "黄瓜", "、", "苹果", "、", "番茄", "等", "疏果", "。", "2", "、", "多", "吃", "固", "肾", "的", "食物", "。", "中医", "学", "认为", ",", "固", "肾", "的", "食物", "有助", "排泄", "尿酸", ",", "平", "日", "可", "按", "「", "六味地黄", "」", "(", "熟地", "、", "山茱萸", "、", "山药", "、", "泽泻", "、", "丹皮", "、", "茯苓", ")", "配方", "煎", "水", "饮用", ",", "以", "收", "滋阴", "补肾", "功效", "。", "3", "、", "亦", "适宜", "多", "吃", "行", "气", "活血", "、", "舒筋活络", "的", "食物", "。", "例如", "可用", "桑寄生", "(", "一人", "份量", "为", "五", "钱", ")", "煲", "糖水", ",", "但", "不要", "放", "鸡蛋", ",", "可", "加", "莲子", "。", "4", "、", "苹果醋", "加", "蜜糖", "。", "这", "是", "西方", "传统", "的", "治疗方法", ",", "经", "多", "项", "临床", "测试", "证明", "有效", "。", "苹果醋", "含有", "果胶", "、", "维他命", "、", "矿物质", "(", "磷", "和", "钾", ")", "及", "酵素", "。", "苹果醋", "的", "酸性", "成份", "具", "杀菌", "功效", ",", "有助", "排除", "关节", "、", "血管", "及", "器官", "的", "毒素", "。", "经常", "饮用", ",", "能", "调节", "血压", "、", "通", "血管", "、", "降", "胆固醇", "、", "亦", "有助", "治疗", "关节炎", "及", "痛风", "症", "。", "饭後", "可", "将", "一", "茶匙", "苹果醋", "及", "一", "茶匙", "蜜糖", "加入", "半", "杯", "温水", "内", ",", "调", "匀", "饮用", "。", "5", "、", "痛风", "患者", "的", "食疗方", "。", "薏仁粥", ":", "取", "适量", "的", "薏仁", "和", "白米", ",", "两者", "的", "比例", "约", "为", "三", "比", "一", ",", "薏仁", "先", "用", "水", "浸泡", "四", "、", "五", "个", "钟", "头", ",", "白米", "浸泡", "三", "十", "分钟", ",", "然后", "两者", "混合", ",", "加水", "一起", "熬", "煮", "成", "粥", "。", "冬瓜汤", ":", "取", "冬瓜", "三", "百", "克", "(", "不", "连", "皮", ")", ",", "红枣", "五", "、", "六", "颗", ",", "姜丝", "少许", "。", "先", "用", "油", "将", "姜丝", "爆", "香", ",", "然后", "连同", "冬瓜", "切片", "和", "红枣", "一起", "放入", "锅", "中", ",", "加水", "及", "适量", "的", "调味料", "煮", "成", "汤", "。", "6", "、", "平常", "每天", "多喝水", ",", "多", "上厕所", ",", "千万不可", "忍", "尿", "。"], ["病情", "分析", ":", "痛风", "是", "人体", "内", "嘌呤", "的", "物质", "的", "新陈代谢", "发生", "紊乱", ",", "引起", "组织", "异物", "炎", "性", "反应", ",", "发作", "部位", "会出现", "剧烈", "疼痛", ",", "多", "见于", "下肢", "。", "指导意见", ":", "根据", "你", "的", "情况", ",", "建议", "多", "饮水", "、", "少", "吃", "高", "嘌呤", "食物", ",", "多", "运动", ",", "少", "吃", "有", "强烈", "刺激性", "气味", "的", "调味品", ",", "多", "吃", "碱性", "食物", "等", ",", "最好", "到", "医院", "做", "详细", "检查", "。"], ["病情", "分析", ":", "叔叔", "前段时间", "双腿", "疼痛难忍", ",", "去", "医院", ",", "被", "诊断", "为", "痛风", ",", "现在", "在家里", "养", "着", ",", "我", "准备", "想", "去", "看望", "下", "他", ",", "想", "买", "点", "水果", "去", ",", "但是", "不知道", "痛风", "病人", "饮食", "有没有", "什么", "禁忌", ",", "不知道", "痛风", "患者", "哪些", "水果", "不能吃", "啊", "。", "指导意见", ":", "为了", "预防", "和", "治疗", "痛风", ",", "饮食", "上", "应", "做到", "三多三少", ":", "l", ")", "多", "饮水", ",", "少", "喝汤", "。", "血", "尿酸", "偏高", "者", "和", "痛风", "患者", "要", "多", "喝", "白开水", ",", "少", "喝", "肉汤", "、", "鱼汤", "、", "鸡汤", "、", "火锅", "汤", "等", "。", "白开水", "的", "渗透压", "最", "有利于", "溶解", "体", "内", "各种", "有害", "物质", "。", "多", "饮", "白开水", "可以", "稀释", "尿酸", ",", "加速", "排泄", ",", "使", "尿酸", "水平", "下降", "。", "汤", "中", "含有", "大量", "嘌呤", "成分", ",", "饮", "后", "不", "但", "不能", "稀释", "尿酸", ",", "反而", "导致", "尿酸", "增高", "。", "2", ")", "多", "吃", "碱性", "食物", ",", "少", "吃", "酸性", "食物", "。", "痛风", "患者", "本身", "有", "嘌呤", "代谢紊乱", ",", "尿酸", "异常", ",", "如果", "过", "多", "吃", "酸性食品", ",", "会", "加重", "病情", ",", "不利于", "康复", "。", "以上", "是", "对", "“", "痛风", "病人", "不能", "吃什么", "水果", "呢", "”", "这个问题", "的", "建议", ",", "希望", "对", "您", "有", "帮助", ",", "祝您健康", "!"], ["病情", "分析", ":", "这", "类", "病", "多", "因", "是", "寒凉", "和", "劳累", "引发", "经络", "淤塞", "、", "气血", "亏损", ",", "风", "邪", "外", "袭", ",", "阴", "寒", "凝滞", "而", "成", ",", "脉络", "流通", "受阻", ",", "引发", "动脉硬化", ",", "气血", "不能", "流通", "关节", ",", "筋骨", "得不到", "滋养", ",", "导致", "关节", "屈", "伸", "不利", ",", "引起", "大", "部", "或", "全身", "关节疼痛", ",", "由于", "动脉", "是", "对称", "排列", "的", ",", "所以", "症状", "相对", "也是", "对称", "的", "。", "指导意见", ":", "1", ")", "、", "戒酒", "限", "烟", ":", "酒", "尤其", "是", "烈", "性", "酒", "、", "啤酒", ",", "会", "加速", "血液", "的", "运行速度", ",", "这样", "会", "加大", "血流", "对", "血管", "和", "心脏", "的", "压力", ",", "更", "易", "促使", "心脑血管", "病", "的", "发生", "几率", ",", "对于", "心脑血管", "病", "的", "高危", "人", ",", "有时", "2", "~", "3", "两", "酒", "就", "可以", "致命", "。"], ["你好", ",", "痛风", "病人", "可以", "吃", "猕猴桃", ",", "杨桃", ",", "樱桃", ",", "桃子", ",", "葡萄", ",", "西瓜", ",", "苹果", ",", "芒果", ",", "香蕉", ",", "哈密瓜", ",", "椰子", ",", "菠萝", ",", "山楂", ",", "桑葚", ",", "石榴", ",", "桂圆", ",", "橙子", ",", "梨", ",", "杏", ",", "柿子", ",", "柚子", ",", "橘子", ",", "柠檬", ",", "杨梅", ",", "榴莲", ",", "火龙果", ",", "枇杷", ",", "无花果", "。", "对于", "吃水果", "的", "禁忌", ",", "是", "没有", "什么", "决", "对", "的", "就", "不能", "吃", "什么", "。", "因为", "绝大多数", "水果", "里面", "的", "嘌呤", "含量", "都", "很少", "的", "。", "但是", "吃水果", "也", "不要", "过", "多", "。", "每天", "吃水果", "应该", "在", "150", "~", "200", "克", "为", "宜", ",", "最好", "饭前", "半小时", "吃水果", "。"], ["痛风", "是", "一", "种", "由于", "嘌呤", "生物", "合成", "代谢", "增加", ",", "尿酸", "产生", "过", "多", "或", "因", "尿酸", "排泄", "不良", "而", "致", "血", "中", "尿酸", "升高", ",", "尿酸", "盐", "结晶", "沉积", "在", "关节", "滑膜", "、", "滑", "囊", "、", "软骨", "及", "其他", "组织", "中", "引起", "的", "反复发作", "性", "炎", "性", "疾病", "。", "本", "病", "以", "关节", "液", "和", "痛风", "石", "中", "可", "找到", "有", "双", "折光", "性", "的", "单", ".", ".", ".", "更多", ">", ">"], ["萘普生", "钠", "胶", "参考价格", ":", "5", "查看", "说明书"], ["盐酸", "托", "莫西", "参考价格", ":", "265", "查看", "说明书"], ["二", "十", "五", "味", "驴", "参考价格", ":", "70", "查看", "说明书"]], "paragraphs": ["健康咨询描述: 我大伯前段时间双腿疼痛难忍,去医院,被诊断为痛风,现在在家里养着,我准备想去看望下他,想买点水果去,但是不知道痛风病人饮食有没有什么禁忌,不知道痛风患者哪些水果不能吃啊。", "想得到怎样的帮助:我想了解下痛风病人哪些水果不能吃呢?", "痛风病人应该吃多低嘌呤的食物,少吃中嘌呤的食物,不吃高嘌呤的食物,还要注意不要喝酒。低嘌呤食物:五谷杂粮、蛋类、奶类、水果、蔬菜;中嘌呤食物:肉类、豆类、海鲜;高嘌呤食物:豆苗、黄豆芽、芦笋、香菇、紫菜、动物内脏、鱼类。痛风常并发肥胖、糖尿病、高血压及高脂血症,患者应遵守饮食原则如下: 1.保持理想体重,超重或肥胖就应该减轻体重。不过,减轻体重应循序渐进,否则容易导致酮症或痛风急性发作。 2.碳水化合物可促进尿酸排出,患者可食用富含碳水化合物的米饭、馒头、面食等。 3.蛋白质可根据体重,按照比例来摄取,1公斤体重应摄取0.8克至1克的蛋白质,并以牛奶、鸡蛋为主。如果是瘦肉、鸡鸭肉等,应该煮沸后去汤食用,避免吃炖肉或卤肉。 4.少吃脂肪,因脂肪可减少尿酸排出。痛风并发高脂血症者,脂肪摄取应控制在总热量的20%至25%以内。 5.大量喝水,每日应该喝水2000ml至3000ml,促进尿酸排除。 6.少吃盐,每天应该限制在2克至5克以内。 7.禁酒!酒精容易使体内乳酸堆积,对尿酸排出有抑制作用,易诱发痛风。 8.少用强烈刺激的调味品或香料。 9.限制嘌呤摄入。嘌呤是细胞核中的一种成分,只要含有细胞的食物就含有嘌呤,动物性食品中嘌呤含量较多。患者禁食内脏、骨髓、海味、发酵食物、豆类等。 控制饮食后,正常人血尿酸可降35.7ηmol/L(O.6mg/dl)左右,痛风患者也可降低59.5μmol/L(1.Omg/dl)左右。饮食因素是如何影响血尿酸水平的,目前已有一些合理的解释,包括: 1.过度饮酒会引起痛风发病,以啤酒尤其明显。乙醇影响血尿酸水平的可能机制是: (1)饮酒常伴食含丰富嘌呤的食物; (2)乙醇代谢可以使血乳酸浓度升高,乳酸可以抑制肾脏对尿酸的排泄; (3)过度饮酒造成血酮症,抑制肾脏对尿酸的排泄; (4)乙醇能促进腺嘌呤核苷酸转化而使尿酸增多; (5)有人认为饮用像威士忌类含铅的酒,使痛风发病的危险性增加了3倍。 二、预防痛风饮食 1、戒吃高嘌呤的食物:动物内脏(肝、肠、肾、脑)、海产(鲍鱼、蟹、龙虾、叁文鱼、沙甸鱼、吞拿鱼、鲤鱼、鲈鱼、鳟鱼、鳕鱼)、贝壳食物、肉类(牛、羊、鸭、鹅、鸽)、黄豆食物、扁豆、菠菜、椰菜花、芦笋、蘑菇、浓汤、麦皮。 2、戒吃高胆固醇的食物:动物内脏(肝、肠、肾、脑)、肥肉、鱿鱼、鱼、墨鱼 3、戒酒:不可饮酒、尤其是啤酒、绍兴酒。 一旦血中酒精浓度高达200mg/dl,血中乳酸会随着乙醇的氧化过程而增加,令肾脏的尿酸排泄受阻,结果使血中尿酸增加。 4、戒吃酸性食物,如咖啡、煎炸食物、高脂食物。酸硷不平衡,会影响身体机能,加重肝肾负担。 三、宜吃的食物 1、多吃高钾质食物,如香蕉、西兰花、西芹等。钾质可减少尿酸沉淀,有助将尿酸排出体外。多摄取充足的碱性食物,如海带、白菜、芹菜、黄瓜、苹果、番茄等疏果。 2、多吃固肾的食物。中医学认为,固肾的食物有助排泄尿酸,平日可按「六味地黄」(熟地、山茱萸、山药、泽泻、丹皮、茯苓)配方煎水饮用,以收滋阴补肾功效。 3、亦适宜多吃行气活血、舒筋活络的食物。例如可用桑寄生(一人份量为五钱)煲糖水,但不要放鸡蛋,可加莲子。 4、苹果醋加蜜糖。 这是西方传统的治疗方法,经多项临床测试证明有效。苹果醋含有果胶、维他命、矿物质(磷和钾)及酵素。苹果醋的酸性成份具杀菌功效,有助排除关节、血管及器官的毒素。经常饮用,能调节血压、通血管、降胆固醇、亦有助治疗关节炎及痛风症。饭後可将一茶匙苹果醋及一茶匙蜜糖加入半杯温水内,调匀饮用。 5、痛风患者的食疗方。 薏仁粥:取适量的薏仁和白米,两者的比例约为三比一,薏仁先用水浸泡四、五个钟头,白米浸泡三十分钟,然后两者混合,加水一起熬煮成粥。 冬瓜汤:取冬瓜三百克(不连皮),红枣五、六颗,姜丝少许。先用油将姜丝爆香,然后连同冬瓜切片和红枣一起放入锅中,加水及适量的调味料煮成汤。 6、平常每天多喝水,多上厕所,千万不可忍尿。", "病情分析: 痛风是人体内嘌呤的物质的新陈代谢发生紊乱,引起组织异物炎性反应,发作部位会出现剧烈疼痛,多见于下肢。 指导意见: 根据你的情况,建议多饮水、少吃高嘌呤食物,多运动,少吃有强烈刺激性气味的调味品,多吃碱性食物等,最好到医院做详细检查。", "病情分析: 叔叔前段时间双腿疼痛难忍,去医院,被诊断为痛风,现在在家里养着,我准备想去看望下他,想买点水果去,但是不知道痛风病人饮食有没有什么禁忌,不知道痛风患者哪些水果不能吃啊。 指导意见: 为了预防和治疗痛风,饮食上应做到三多三少:l)多饮水,少喝汤。血尿酸偏高者和痛风患者要多喝白开水,少喝肉汤、鱼汤、鸡汤、火锅汤等。白开水的渗透压最有利于溶解体内各种有害物质。多饮白开水可以稀释尿酸,加速排泄,使尿酸水平下降。汤中含有大量嘌呤成分,饮后不但不能稀释尿酸,反而导致尿酸增高。2)多吃碱性食物,少吃酸性食物。痛风患者本身有嘌呤代谢紊乱,尿酸异常,如果过多吃酸性食品,会加重病情,不利于康复。 以上是对“痛风病人不能吃什么水果呢”这个问题的建议,希望对您有帮助,祝您健康!", "病情分析: 这类病多因是寒凉和劳累引发经络淤塞、气血亏损,风邪外袭,阴寒凝滞而成,脉络流通受阻,引发动脉硬化,气血不能流通关节,筋骨得不到滋养,导致关节屈伸不利,引起大部或全身关节疼痛,由于动脉是对称排列的,所以症状相对也是对称的。 指导意见: 1)、戒酒限烟:酒尤其是烈性酒、啤酒,会加速血液的运行速度,这样会加大血流对血管和心脏的压力,更易促使心脑血管病的发生几率,对于心脑血管病的高危人,有时2~3两酒就可以致命。", "你好,痛风病人可以吃猕猴桃,杨桃,樱桃,桃子,葡萄,西瓜,苹果,芒果,香蕉,哈密瓜,椰子,菠萝,山楂,桑葚,石榴,桂圆,橙子,梨,杏,柿子,柚子,橘子,柠檬,杨梅,榴莲,火龙果,枇杷,无花果。对于吃水果的禁忌,是没有什么决对的就不能吃什么。因为绝大多数水果里面的嘌呤含量都很少的。但是吃水果也不要过多。每天吃水果应该在150~200克为宜,最好饭前半小时吃水果。", "痛风是一种由于嘌呤生物合成代谢增加,尿酸产生过多或因尿酸排泄不良而致血中尿酸升高,尿酸盐结晶沉积在关节滑膜、滑囊、软骨及其他组织中引起的反复发作性炎性疾病。本病以关节液和痛风石中可找到有双折光性的单... 更多>>", "萘普生钠胶  参考价格:5 查看说明书", "盐酸托莫西  参考价格:265 查看说明书", "二十五味驴  参考价格:70 查看说明书"], "bs_rank_pos": 5}], "question": "痛风能吃什么", "segmented_question": ["痛风", "能", "吃", "什么"], "question_type": "ENTITY", "fact_or_opinion": "OPINION", "question_id": 221582}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": [" 在苏拉玛左下角的燃烧军团大绿坑里,让我找一个解离器,然而任务提示的区域里什么都没有,打小怪也不掉。。。", " +R by [私_念] (2016-09-05 07:42) 打那个掉炮弹的小怪,模型是入侵时给你换装备的那个 "], "segmented_title": ["求助", "苏", "拉玛", "支线任务", "[", "邪", "能", "解离", "器", "]", "怎么", "做", "?", "NGA", "玩家社区", "[", "f", "365", "]"], "segmented_paragraphs": [["在", "苏拉玛", "左下角", "的", "燃烧军团", "大", "绿", "坑", "里", ",", "让", "我", "找", "一", "个", "解离器", ",", "然而", "任务", "提示", "的", "区域", "里", "什么都没有", ",", "打", "小怪", "也", "不", "掉", "。", "。", "。"], ["+", "R", "by", "[", "私", "_", "念", "]", "(", "2016", "-", "09", "-", "05", "07", ":", "42", ")", "打", "那个", "掉", "炮弹", "的", "小怪", ",", "模型", "是", "入侵", "时", "给", "你", "换", "装备", "的", "那个"]], "title": "求助 苏拉玛支线任务[邪能解离器]怎么做? NGA玩家社区 [f365]"}, {"bs_rank_pos": 3, "paragraphs": [" 物品在哪啊 打了好久没有 是不是在哪放着了 嘛 如题 ", " 任务物品打到了 但是找不到交任务的NPC ", " 百度移动游戏玩家均可认证(限百度账号),去领取 ", " 活动截止:2100-01-01 ", " 百度移动游戏玩家均可认证(限百度账号),去领取 ", " 活动截止:2100-01-01 ", " 下载贴吧APP看高清直播、视频!", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "segmented_title": ["苏", "拉玛", "任务", "问一下", "邪", "魂", "堡垒", "的", "任务", ".", ".", ".", "-", "魔兽世界", "吧", "-", "新", "的", "来源", "-", "百度"], "segmented_paragraphs": [["物品", "在", "哪", "啊", "打", "了", "好久", "没有", "是不是", "在", "哪", "放", "着", "了", "嘛", "如", "题"], ["任务", "物品", "打", "到", "了", "但是", "找不到", "交", "任务", "的", "NPC"], ["百度", "移动", "游戏", "玩家", "均", "可", "认证", "(", "限", "百度", "账号", ")", ",", "去", "领取"], ["活动", "截止", ":", "2100", "-", "01", "-", "01"], ["百度", "移动", "游戏", "玩家", "均", "可", "认证", "(", "限", "百度", "账号", ")", ",", "去", "领取"], ["活动", "截止", ":", "2100", "-", "01", "-", "01"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "title": "苏拉玛任务问一下 邪魂堡垒的任务 ...-魔兽世界吧-新的来源-百度"}, {"bs_rank_pos": 6, "paragraphs": ["枯法者训练怎么开启wow训练枯法者攻略,", "视频标题:新娘对新郎的煽情告白,娶亲时新郎对新娘说的一段话,感动新娘落泪!", ",婚礼新娘对新郎的表白_百度知道", "婚礼新娘对新郎的表白谢谢你愿意走进我的生命,做我的爱人。谢谢你这一路走来,太多的包容、安慰、用心与支持,你永远是我生命中最精彩的那个人,我会将我的生命...- ", "新娘表白词简单感动婚礼上新娘对新郎的表白话语大全_pangzhengjie_新浪博客", "婚礼上新娘对新郎怎么表白?下面深圳婚纱摄影网小编为大家介绍婚礼上新娘对新郎的表白,一起去看看吧! 婚礼上新娘对新郎的表白一 新娘:提起笔写这份感触的时候,我...- ", "结婚新娘对新郎的独白新娘对新郎的真情告白_百度文库", "【LRC】文件格式:LRC/Lyric-新娘对新郎的真情告白_党团工作_实用文档 暂无评价|0人阅读|0次下载|举报文档 新娘对新郎的真情告白_党团工作_实用文档。新娘对新郎的真情告白...", "新娘对新郎的告白简短婚礼上新郎新娘对白精选 浪漫表白收获感动-新郎婚礼致辞-结婚攻略-,新人相互告白是现在婚礼上一个常见环节,那么彼此的浪漫表白要说些什么呢?下面就来看看小编为大家带来婚礼上新郎新娘对白精选范文吧。- ,婚礼上新娘对新郎说的话精选 新娘感人告白推荐,婚礼上不仅新郎需要对新娘作出爱的告白,新娘也需要向新郎表达自己的心意哦,下面给大家精选了一些婚礼上...- ", "【LRC】文件格式:LRC/Lyric-婚礼上新郎对新娘求婚告白_韩语学习_外语学习_教育专区。婚礼上新郎对新娘求婚告白 浪漫婚礼上新郎求婚词 你会被感动的掉泪吗 浪漫的婚礼上最惹人注目的是什么,是...,特辑 新郎婚礼现场深情告白 浪漫求婚 新娘感动掉泪 婚礼视频MV...,新郎婚礼现场深情告白 浪漫求婚 新娘感动掉泪 婚礼视频MV201... (1年前发表) 更新时间:2015-03-27 04:01更多> 八爪新闻 生活本周上升视频 进入视频站> ...- ", "新郎婚礼现场深情告白 浪漫求婚 新娘感动掉泪 婚礼视频MV201... (1年前发表) 更新时间:2015-03-27 04:01更多> 八爪新闻 生活本周上升视频 进入视频站> ...- ", "婚礼新郎新娘宣誓词大全 婚礼答谢宴上的致辞 婚礼上新郎发言稿 新郎婚礼保证...感动的表白句子 一颗爱你的心,永远的伴随着你 委婉表白短信 对你没有虚伪、...- ", "转 很感人的一封信:在婚礼上新郎对新娘的真情告白 来源: 姜悦的日志 5天后的老婆大人: 此刻你正在离我不远的地方玩wii,我就那么坐在窗台前看着你,然后写下...- "], "segmented_title": ["新", "的", "来源", "邪", "能", "解离", "器", "枯", "法", "者", "训练", ",", "新娘", "对", "新郎", "的", "感动", "告白"], "segmented_paragraphs": [["枯", "法", "者", "训练", "怎么", "开启", "wow", "训练", "枯", "法", "者", "攻略", ","], ["视频", "标题", ":", "新娘", "对", "新郎", "的", "煽情", "告白", ",", "娶亲", "时", "新郎", "对", "新娘", "说", "的", "一段话", ",", "感动新娘", "落泪", "!"], [",", "婚礼", "新娘", "对", "新郎", "的", "表白", "_", "百度", "知道"], ["婚礼", "新娘", "对", "新郎", "的", "表白", "谢谢", "你", "愿意", "走进", "我", "的", "生命", ",", "做", "我的爱人", "。", "谢谢你", "这一路走来", ",", "太多", "的", "包容", "、", "安慰", "、", "用", "心", "与", "支持", ",", "你", "永远", "是", "我", "生命", "中", "最", "精彩", "的", "那个人", ",", "我", "会", "将", "我", "的", "生命", ".", ".", ".", "-"], ["新娘", "表白", "词", "简单", "感动", "婚礼", "上", "新娘", "对", "新郎", "的", "表白", "话语", "大全", "_", "pangzhengjie", "_", "新浪", "博客"], ["婚礼", "上", "新娘", "对", "新郎", "怎么", "表白", "?", "下面", "深圳", "婚纱摄影", "网", "小", "编", "为", "大家", "介绍", "婚礼", "上", "新娘", "对", "新郎", "的", "表白", ",", "一起", "去", "看看", "吧", "!", "婚礼", "上", "新娘", "对", "新郎", "的", "表白", "一", "新娘", ":", "提起", "笔", "写", "这份", "感触", "的", "时候", ",", "我", ".", ".", ".", "-"], ["结婚", "新娘", "对", "新郎", "的", "独白", "新娘", "对", "新郎", "的", "真情", "告白", "_", "百度", "文库"], ["【", "LRC", "】", "文件格式", ":", "LRC", "/", "Lyric", "-", "新娘", "对", "新郎", "的", "真情", "告白", "_", "党", "团", "工作", "_", "实用", "文档", "暂无", "评价", "|", "0", "人", "阅读", "|", "0", "次", "下载", "|", "举报", "文档", "新娘", "对", "新郎", "的", "真情", "告白", "_", "党", "团", "工作", "_", "实用", "文档", "。", "新娘", "对", "新郎", "的", "真情", "告白", ".", ".", "."], ["新娘", "对", "新郎", "的", "告白", "简短", "婚礼", "上", "新郎新娘", "对白", "精选", "浪漫", "表白", "收获", "感动", "-", "新郎", "婚礼", "致辞", "-", "结婚", "攻略", "-", ",", "新人", "相互", "告白", "是", "现在", "婚礼", "上", "一", "个", "常见", "环节", ",", "那么", "彼此", "的", "浪漫", "表白", "要", "说", "些", "什么", "呢", "?", "下面", "就", "来", "看看", "小", "编", "为", "大家", "带来", "婚礼", "上", "新郎新娘", "对白", "精选", "范文", "吧", "。", "-", ",", "婚礼", "上", "新娘", "对", "新郎", "说的话", "精选", "新娘", "感人", "告白", "推荐", ",", "婚礼", "上", "不仅", "新郎", "需要", "对", "新娘", "作出", "爱的告白", ",", "新娘", "也", "需要", "向", "新郎", "表达", "自己", "的", "心意", "哦", ",", "下面", "给", "大家", "精选", "了", "一些", "婚礼", "上", ".", ".", ".", "-"], ["【", "LRC", "】", "文件格式", ":", "LRC", "/", "Lyric", "-", "婚礼", "上", "新郎", "对", "新娘", "求婚", "告白", "_", "韩语", "学习", "_", "外语学习", "_", "教育", "专区", "。", "婚礼", "上", "新郎", "对", "新娘", "求婚", "告白", "浪漫", "婚礼", "上", "新郎", "求婚", "词", "你", "会", "被", "感动", "的", "掉泪", "吗", "浪漫", "的", "婚礼", "上", "最", "惹人注目", "的", "是", "什么", ",", "是", ".", ".", ".", ",", "特辑", "新郎", "婚礼", "现场", "深情", "告白", "浪漫", "求婚", "新娘", "感动", "掉泪", "婚礼", "视频", "MV", ".", ".", ".", ",", "新郎", "婚礼", "现场", "深情", "告白", "浪漫", "求婚", "新娘", "感动", "掉泪", "婚礼", "视频", "MV", "201", ".", ".", ".", "(", "1", "年", "前", "发表", ")", "更新时间", ":", "2015", "-", "03", "-", "27", "04", ":", "01", "更多", ">", "八爪", "新闻", "生活", "本周", "上升", "视频", "进入", "视频", "站", ">", ".", ".", ".", "-"], ["新郎", "婚礼", "现场", "深情", "告白", "浪漫", "求婚", "新娘", "感动", "掉泪", "婚礼", "视频", "MV", "201", ".", ".", ".", "(", "1", "年", "前", "发表", ")", "更新时间", ":", "2015", "-", "03", "-", "27", "04", ":", "01", "更多", ">", "八爪", "新闻", "生活", "本周", "上升", "视频", "进入", "视频", "站", ">", ".", ".", ".", "-"], ["婚礼", "新郎新娘", "宣誓词", "大全", "婚礼", "答谢", "宴", "上", "的", "致辞", "婚礼", "上", "新郎", "发言稿", "新郎", "婚礼", "保证", ".", ".", ".", "感动", "的", "表白", "句子", "一颗爱你的心", ",", "永远", "的", "伴随着你", "委婉", "表白", "短信", "对", "你", "没有", "虚伪", "、", ".", ".", ".", "-"], ["转", "很", "感人", "的", "一封信", ":", "在", "婚礼", "上", "新郎", "对", "新娘", "的", "真情", "告白", "来源", ":", "姜悦", "的", "日志", "5", "天后", "的", "老婆大人", ":", "此刻", "你", "正在", "离我不远", "的", "地方", "玩", "wii", ",", "我", "就", "那么", "坐", "在", "窗台", "前", "看着你", ",", "然后", "写下", ".", ".", ".", "-"]], "title": "新的来源邪能解离器枯法者训练,新娘对新郎的感动告白"}, {"bs_rank_pos": 7, "paragraphs": [" 高山 深谷 河流 地洞 分层 [s:ac:惊]跑个地图到处残垣断壁,走几步绊一脚[s:ac:抓狂]老子是用邪能的,老子要投靠燃烧军团,军团来把这个鸟地图核平了吧。为了萨格拉斯的荣耀![s:ac:中枪]", "2016-09-04 04:17", "2016-09-04 04:39", "2016-09-04 04:40", "2016-09-04 05:06", "2016-09-04 05:10", "2016-09-04 05:35", "2016-09-04 05:39", "2016-09-04 05:41", "2016-09-04 05:43", "2016-09-04 14:012016-09-04 14:02", "2016-09-04 14:11", "2016-09-04 14:18", "2016-09-04 14:20", "2016-09-04 21:00"], "segmented_title": ["不吐不快", "苏", "拉玛", "让", "我", "感受到", "设计师", "浓浓", "的", "恶意", "NGA", "玩家社区", "[", "f", "7", "]"], "segmented_paragraphs": [["高山", "深谷", "河流", "地洞", "分层", "[", "s", ":", "ac", ":", "惊", "]", "跑", "个", "地图", "到处", "残垣断壁", ",", "走", "几", "步", "绊", "一脚", "[", "s", ":", "ac", ":", "抓狂", "]", "老子", "是", "用", "邪", "能", "的", ",", "老子", "要", "投靠", "燃烧军团", ",", "军团", "来", "把", "这个", "鸟", "地图", "核", "平", "了", "吧", "。", "为了", "萨格拉斯", "的", "荣耀", "!", "[", "s", ":", "ac", ":", "中", "枪", "]"], ["2016", "-", "09", "-", "04", "04", ":", "17"], ["2016", "-", "09", "-", "04", "04", ":", "39"], ["2016", "-", "09", "-", "04", "04", ":", "40"], ["2016", "-", "09", "-", "04", "05", ":", "06"], ["2016", "-", "09", "-", "04", "05", ":", "10"], ["2016", "-", "09", "-", "04", "05", ":", "35"], ["2016", "-", "09", "-", "04", "05", ":", "39"], ["2016", "-", "09", "-", "04", "05", ":", "41"], ["2016", "-", "09", "-", "04", "05", ":", "43"], ["2016", "-", "09", "-", "04", "14", ":", "012016", "-", "09", "-", "04", "14", ":", "02"], ["2016", "-", "09", "-", "04", "14", ":", "11"], ["2016", "-", "09", "-", "04", "14", ":", "18"], ["2016", "-", "09", "-", "04", "14", ":", "20"], ["2016", "-", "09", "-", "04", "21", ":", "00"]], "title": "不吐不快 苏拉玛让我感受到设计师浓浓的恶意 NGA玩家社区 [f7]"}, {"bs_rank_pos": 9, "paragraphs": [" 您需要登录后才可以回帖 登录 | 加入声远 "], "segmented_title": ["骗子", "新", "解", ",", "骗子", "新", "解", ",", "顺口溜", ",", "军情", "解码", "最新", "一期", ",", "弟子规", ",", "新", "解", ",", "民族资产"], "segmented_paragraphs": [["您", "需要", "登录", "后", "才", "可以", "回帖", "登录", "|", "加入", "声远"]], "title": "骗子新解,骗子新解,顺口溜,军情解码最新一期,弟子规,新解,民族资产"}], "question": "邪能解离器在哪", "segmented_question": ["邪", "能", "解离", "器", "在", "哪"], "question_type": "ENTITY", "fact_or_opinion": "OPINION", "question_id": 221583}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["2017-08-19 11:36 来源:www.wsm.cn 查看: 次手机版", "薛之谦曾经在节目说喜欢单纯可爱的,不需要太漂亮的女孩子,而郭芙蓉有许多黑历史、长相又漂亮,郭雪芙不是薛之谦喜欢的类型,薛之谦偷吻郭雪芙哪期难道是为了节目效果吗,下面为什么网小编和大家来看看薛之谦偷吻郭雪芙哪期,薛之谦偷吻郭雪芙图。", " 许多网友搜索薛之谦偷吻郭雪芙哪期,薛之谦偷吻郭雪芙是火星情报局第一季20160422期,薛之谦一整年接了N个综艺节目,在娱乐圈着实火了一把时,薛之谦自走红在于他善于把自己包装成微博段子手。", " 薛之谦走红后,粉丝开始关注他的歌曲、他的幽默,他的婚姻,爆他离婚又净身出户成为黄金单身,薛之谦偷吻郭雪芙哪期里面薛之谦偷吻郭雪芙图引起了大家的猜想,虽期间也爆出薛之谦和前妻高磊鑫复婚的消息,但也没有实际证据,只是猜测而已,最近薛之谦偷吻郭雪芙图爆出后,微博就爆料了薛之谦和《火星情报局》的副局长郭雪芙在一起了。", " 最近大受追捧的《火星情报局》现在可是热播中,不仅是这节目的新颖让大家耳目一新,就连汪涵身边站的副局长郭雪芙都是大受欢迎啊,但是很多吃瓜群众不懂的是,以前郭雪芙黑历史不断......【查看详情】 ", " 上一页 123下一页 ", "明星热门推荐", "总排行 月排行 周排行"], "segmented_title": ["薛之谦", "偷吻", "郭雪芙", "哪", "期", ",", "薛之谦", "偷吻", "郭雪芙", "图", "_", "为什么", "网"], "segmented_paragraphs": [["2017", "-", "08", "-", "19", "11", ":", "36", "来源", ":", "www", ".", "wsm", ".", "cn", "查看", ":", "次", "手机", "版"], ["薛之谦", "曾经", "在", "节目", "说", "喜欢", "单纯", "可爱", "的", ",", "不需要", "太", "漂亮", "的", "女孩子", ",", "而", "郭芙蓉", "有许多", "黑历史", "、", "长相", "又", "漂亮", ",", "郭雪芙", "不是", "薛之谦", "喜欢", "的", "类型", ",", "薛之谦", "偷吻", "郭雪芙", "哪", "期", "难道", "是", "为了", "节目", "效果", "吗", ",", "下面", "为什么", "网", "小", "编", "和", "大家", "来", "看看", "薛之谦", "偷吻", "郭雪芙", "哪", "期", ",", "薛之谦", "偷吻", "郭雪芙", "图", "。"], ["许多", "网友", "搜索", "薛之谦", "偷吻", "郭雪芙", "哪", "期", ",", "薛之谦", "偷吻", "郭雪芙", "是", "火星", "情报局", "第一季", "20160422", "期", ",", "薛之谦", "一整年", "接", "了", "N", "个", "综艺节目", ",", "在", "娱乐圈", "着", "实", "火", "了", "一", "把", "时", ",", "薛之谦", "自", "走红", "在于", "他", "善于", "把", "自己", "包装", "成", "微博", "段子", "手", "。"], ["薛之谦", "走红", "后", ",", "粉丝", "开始", "关注", "他", "的", "歌曲", "、", "他", "的", "幽默", ",", "他", "的", "婚姻", ",", "爆", "他", "离婚", "又", "净身", "出", "户", "成为", "黄金", "单身", ",", "薛之谦", "偷吻", "郭雪芙", "哪", "期", "里面", "薛之谦", "偷吻", "郭雪芙", "图", "引起", "了", "大家", "的", "猜想", ",", "虽", "期间", "也", "爆出", "薛之谦", "和", "前妻", "高磊鑫", "复婚", "的", "消息", ",", "但", "也", "没有", "实际", "证据", ",", "只是", "猜测", "而已", ",", "最近", "薛之谦", "偷吻", "郭雪芙", "图", "爆出", "后", ",", "微博", "就", "爆料", "了", "薛之谦", "和", "《", "火星", "情报局", "》", "的", "副局长", "郭雪芙", "在一起", "了", "。"], ["最近", "大", "受追捧", "的", "《", "火星", "情报局", "》", "现在", "可是", "热播", "中", ",", "不仅", "是", "这", "节目", "的", "新颖", "让", "大家", "耳目一新", ",", "就", "连", "汪涵", "身边", "站", "的", "副局长", "郭雪芙", "都是", "大受欢迎", "啊", ",", "但是", "很多", "吃", "瓜", "群众", "不懂", "的", "是", ",", "以前", "郭雪芙", "黑历史", "不断", ".", ".", ".", ".", ".", ".", "【", "查看详情", "】"], ["上", "一", "页", "123", "下一页"], ["明星", "热门推荐"], ["总", "排行", "月", "排行", "周", "排行"]], "title": "薛之谦偷吻郭雪芙哪期,薛之谦偷吻郭雪芙图_为什么网"}, {"bs_rank_pos": 2, "paragraphs": ["纯属绯闻,不可信,只是有些人为了炒作而已,莫要信啊......谢谢,希望采纳哦"], "segmented_title": ["郭雪芙", "喜欢", "贴", "着", "薛之谦", "亲密", "照", "什么", "关系", "有戏", "么", ",", "薛之谦", "偷吻", "郭雪芙", "图", "_"], "segmented_paragraphs": [["纯属", "绯闻", ",", "不可信", ",", "只是", "有些人", "为了", "炒作", "而已", ",", "莫要信", "啊", ".", ".", ".", ".", ".", ".", "谢谢", ",", "希望", "采纳", "哦"]], "title": "郭雪芙喜欢贴着薛之谦亲密照什么关系有戏么,薛之谦偷吻郭雪芙图_"}, {"bs_rank_pos": 4, "paragraphs": ["您好,是火星情报局第一季20160422期。 最后,感谢您对薛之谦的关注😊"], "segmented_title": ["薛之谦", "骂", "郭雪芙", "大", "鼻子", "是", "哪", "一期", "?", "_", "百度", "知道"], "segmented_paragraphs": [["您好", ",", "是", "火星", "情报局", "第一季", "20160422", "期", "。", "最后", ",", "感谢您", "对", "薛之谦", "的", "关注", "&", "#", "128522", ";"]], "title": "薛之谦骂郭雪芙大鼻子是哪一期?_百度知道"}, {"bs_rank_pos": 6, "paragraphs": ["2017-02-14 00:16 来源:pclady ", "郭雪芙看薛之谦的眼神:郭雪芙和薛之谦都是《火星情报局》的常驻嘉宾,郭雪芙因为这个节目让大家认识了这个台湾的女演员,薛之谦因为这个节目让人知道了他的段子,但是近日,有网友爆料郭雪芙看薛之谦的眼神好有爱啊,这两人之间是发生了什么吗?郭", "郭雪芙看薛之谦的眼神:郭雪芙和薛之谦都是《火星情报局》的常驻嘉宾,郭雪芙因为这个节目让大家认识了这个台湾的女演员,薛之谦因为这个节目让人知道了他的段子,但是近日,有网友爆料郭雪芙看薛之谦的眼神好有爱啊,这两人之间是发生了什么吗?郭雪芙喜欢薛之谦吗?", " 郭雪芙和薛之谦因为合作节目《火星情报局》而成为了好朋友,而一直被网友唾骂没实力只有样貌的郭雪芙再次被关注。有网友曝料郭雪芙對薛之谦有意思,可是薛之谦并不喜欢郭雪芙,这一切都是郭雪芙一厢情愿的。究竟郭雪芙和薛之谦究竟是什么关系呢?", " 薛之谦和汪涵大哥参加节目《火星情报局》的发布会,薛之谦靠着段子成为网络最红段子手,在节目发布会现场有女粉丝冒着生命危险强吻了薛之谦。就在大家吓一跳的时候,薛之谦突然摸着被亲的脸说:“好舒服”。薛之谦被强吻时在场的郭雪芙看起来就吓了一跳,后来才尴尬的笑了。", " 有网友表示郭雪芙应该是对薛之谦有点意思。有网友表示郭雪芙看起来像是喜欢薛之谦可是薛之谦是不喜欢郭雪芙的,为什么说薛之谦不喜欢雪芙,是因为钱枫有几次对雪芙的表白,先不说是不是演的,那次钱枫说到我怀里来,我让你考虑一辈子。完了薛之谦在那里大声喝彩“可以哦,可以哦”,然后又个钱枫击掌相庆说“牛逼了,驳回面子了”。", " 如果薛之谦喜欢雪芙,他不可能这样表现。薛之谦曾毫无忌讳地曝出自己初恋的细节,还对校花初恋的长相给出了详细的描述,长发、国字脸、五官很集中像萌喵,如此美好的画面却招来田源无情的调侃:你的初恋就是高晓松!。求薛之谦内心的阴影面积!", " 这还没完,薛之谦还自爆被脚踩两只船,丢脸地被情敌拖到草丛暴打,往自己的伤口上撒盐。薛之谦还在节目中爆料了一段斗无良卖家的经历。在他当淘宝卖家的时候,也曾被无良的买家敲诈,这位买家给他六个差评只为了想不花钱得到衣服。而他则向这位贪心买家喊话:小心我neng死你!此话一出,就引起了不少卖家的共鸣:说出了我们卖家的心声。路转粉!说得太痛快了!薛之谦也有了薛正义的番号。", " 钱枫真的对雪芙表白之前,薛不停的在给雪芙鼓劲,又是很好的证明,薛对雪芙根本没感觉。对于郭雪芙和薛之谦的关系,网上也是众说纷纭,有人说郭雪芙喜欢薛之谦,但是也有人说薛之谦对郭雪芙没有感觉,不过呼喊两人在一起的声音总是有的,可惜现实太残酷,两人只不过是朋友关系而已。", " 郭雪芙喜欢薛之谦吗?《火星情报局》的开播火了郭雪芙,更火了薛之谦。不过有细心的网友拔出郭雪芙喜欢薛之谦的证据。其中郭雪芙看薛之谦的眼神,充满爱意。真的是好般配。对于郭雪芙和薛之谦的关系,网上也是众说纷纭,有人说郭雪芙喜欢薛之谦,但是也有人说薛之谦对郭雪芙没有感觉 ,不过呼喊两人在一起的声音总是有的,可惜现实太残酷,两人只不过是朋友关系而已。(图片来源:视觉中国,严禁转载)", "(责任编辑:yanghaiting_JZ) ", " 张艺兴被起诉真实原因曝光  SJ宣布回归他们出道都经历了什么  周杰伦跪地半小时原来是因为她  刘涛现身市场买菜想不到私底下这样  李雨桐公布录音反击 薛之谦反击晒证据陷P图丑闻 ", " 一波不小心泄露的床照 解锁白色主调的N种时尚穿法 男友风以及北美N1服装搭配 给小黑裙加一道“玫瑰味”", " 周杰伦赞林俊杰行走CD 联手隔空呛萧敬腾  周杰伦(周董)《地表最强》世界巡演,28日...... 【转载来源:其他  何洁为乱停车致交通堵塞致歉  近日,有爆料称何洁开豪车接一双儿女放学...... 【转载来源:其他  刘畊宏列3大女婿条件 警告不要乱亲小泡芙  刘畊宏近来带着女儿小泡芙,一起参加《爸...... 【转载来源:其他  孙俪邓超香港逛超市 分工明确娘娘变大力  孙俪邓超被发现到香港超市购物,夫妻二人...... 【转载来源:其他 ", " 佐佐木希汤唯李孝利:美女爱野兽,  卓伟放大招 白百何被爆出轨  郑爽怒怼娜扎 到底谁在蹭谁热度! 萧亚轩再分手,获“零差评”前女友  明星们那些让人哭笑不得的奇葩执念  达康书记火爆网络!还有这么多比鲜 ", " 陈羽凡发文回应这样说 林心如晒女儿收的礼物 Ella产子被曝水中分娩 方媛婚讯公开后现身 傅园慧破全国纪录 曝白百何婚内出轨"], "segmented_title": ["郭雪芙", "看", "薛之谦", "的", "眼神", "真相", "曝光", "【", "图", "】", "_", "内地明星", "_", "明星", "_", "太平洋", "时尚", "网"], "segmented_paragraphs": [["2017", "-", "02", "-", "14", "00", ":", "16", "来源", ":", "pclady"], ["郭雪芙", "看", "薛之谦", "的", "眼神", ":", "郭雪芙", "和", "薛之谦", "都是", "《", "火星", "情报局", "》", "的", "常驻", "嘉宾", ",", "郭雪芙", "因为", "这个", "节目", "让", "大家", "认识", "了", "这个", "台湾", "的", "女演员", ",", "薛之谦", "因为", "这个", "节目", "让", "人", "知道", "了", "他", "的", "段子", ",", "但是", "近日", ",", "有", "网友", "爆料", "郭雪芙", "看", "薛之谦", "的", "眼神", "好", "有", "爱", "啊", ",", "这", "两人", "之间", "是", "发生", "了", "什么", "吗", "?", "郭"], ["郭雪芙", "看", "薛之谦", "的", "眼神", ":", "郭雪芙", "和", "薛之谦", "都是", "《", "火星", "情报局", "》", "的", "常驻", "嘉宾", ",", "郭雪芙", "因为", "这个", "节目", "让", "大家", "认识", "了", "这个", "台湾", "的", "女演员", ",", "薛之谦", "因为", "这个", "节目", "让", "人", "知道", "了", "他", "的", "段子", ",", "但是", "近日", ",", "有", "网友", "爆料", "郭雪芙", "看", "薛之谦", "的", "眼神", "好", "有", "爱", "啊", ",", "这", "两人", "之间", "是", "发生", "了", "什么", "吗", "?", "郭雪芙", "喜欢", "薛之谦", "吗", "?"], ["郭雪芙", "和", "薛之谦", "因为", "合作", "节目", "《", "火星", "情报局", "》", "而", "成为", "了", "好朋友", ",", "而", "一直", "被", "网友", "唾骂", "没", "实力", "只有", "样貌", "的", "郭雪芙", "再次", "被", "关注", "。", "有", "网友", "曝", "料", "郭雪芙", "對", "薛之谦", "有意思", ",", "可是", "薛之谦", "并", "不喜欢", "郭雪芙", ",", "这一切", "都是", "郭雪芙", "一厢情愿", "的", "。", "究竟", "郭雪芙", "和", "薛之谦", "究竟", "是", "什么", "关系", "呢", "?"], ["薛之谦", "和", "汪涵", "大哥", "参加", "节目", "《", "火星", "情报局", "》", "的", "发布会", ",", "薛之谦", "靠着", "段子", "成为", "网络", "最", "红", "段子", "手", ",", "在", "节目", "发布会", "现场", "有", "女", "粉丝", "冒", "着", "生命危险", "强吻", "了", "薛之谦", "。", "就", "在", "大家", "吓一跳", "的", "时候", ",", "薛之谦", "突然", "摸着", "被", "亲", "的", "脸", "说", ":", "“", "好舒服", "”", "。", "薛之谦", "被", "强吻", "时", "在", "场", "的", "郭雪芙", "看起来", "就", "吓", "了", "一", "跳", ",", "后来", "才", "尴尬", "的", "笑", "了", "。"], ["有", "网友", "表示", "郭雪芙", "应该", "是", "对", "薛之谦", "有点意思", "。", "有", "网友", "表示", "郭雪芙", "看起来", "像", "是", "喜欢", "薛之谦", "可是", "薛之谦", "是", "不喜欢", "郭雪芙", "的", ",", "为什么", "说", "薛之谦", "不喜欢", "雪芙", ",", "是因为", "钱枫", "有几次", "对", "雪芙", "的", "表白", ",", "先", "不", "说", "是不是", "演", "的", ",", "那", "次", "钱枫", "说", "到", "我", "怀里", "来", ",", "我让你", "考虑", "一辈子", "。", "完", "了", "薛之谦", "在", "那里", "大声", "喝彩", "“", "可以", "哦", ",", "可以", "哦", "”", ",", "然后", "又", "个", "钱枫", "击掌", "相", "庆", "说", "“", "牛逼", "了", ",", "驳回", "面子", "了", "”", "。"], ["如果", "薛之谦", "喜欢", "雪芙", ",", "他", "不可能", "这样", "表现", "。", "薛之谦", "曾", "毫", "无", "忌讳", "地", "曝出", "自己", "初恋", "的", "细节", ",", "还", "对", "校花", "初恋", "的", "长相", "给", "出", "了", "详细", "的", "描述", ",", "长发", "、", "国字脸", "、", "五官", "很", "集中", "像", "萌", "喵", ",", "如此", "美好", "的", "画面", "却", "招", "来", "田源", "无情", "的", "调侃", ":", "你", "的", "初恋", "就是", "高晓松", "!", "。", "求", "薛之谦", "内心", "的", "阴影", "面积", "!"], ["这", "还", "没", "完", ",", "薛之谦", "还", "自爆", "被", "脚踩", "两只", "船", ",", "丢脸", "地", "被", "情敌", "拖", "到", "草丛", "暴打", ",", "往", "自己", "的", "伤口", "上", "撒盐", "。", "薛之谦", "还在", "节目", "中", "爆料", "了", "一", "段", "斗", "无良", "卖家", "的", "经历", "。", "在", "他", "当", "淘宝", "卖家", "的", "时候", ",", "也", "曾", "被", "无良", "的", "买家", "敲诈", ",", "这位", "买家", "给", "他", "六", "个", "差评", "只", "为了", "想", "不花钱", "得到", "衣服", "。", "而", "他", "则", "向", "这位", "贪心", "买家", "喊话", ":", "小心", "我", "neng", "死", "你", "!", "此", "话", "一", "出", ",", "就", "引起", "了", "不少", "卖家", "的", "共鸣", ":", "说出", "了", "我们", "卖家", "的", "心声", "。", "路", "转", "粉", "!", "说", "得", "太", "痛快", "了", "!", "薛之谦", "也有", "了", "薛正义", "的", "番号", "。"], ["钱枫", "真", "的", "对", "雪芙", "表白", "之", "前", ",", "薛", "不停", "的", "在", "给", "雪芙", "鼓劲", ",", "又", "是", "很好", "的", "证明", ",", "薛", "对", "雪芙", "根本", "没感觉", "。", "对于", "郭雪芙", "和", "薛之谦", "的", "关系", ",", "网上", "也是", "众说纷纭", ",", "有人", "说", "郭雪芙", "喜欢", "薛之谦", ",", "但是", "也", "有人", "说", "薛之谦", "对", "郭雪芙", "没有", "感觉", ",", "不过", "呼喊", "两人", "在一起", "的", "声音", "总是", "有", "的", ",", "可惜", "现实", "太残酷", ",", "两人", "只不过", "是", "朋友", "关系", "而已", "。"], ["郭雪芙", "喜欢", "薛之谦", "吗", "?", "《", "火星", "情报局", "》", "的", "开播", "火", "了", "郭雪芙", ",", "更", "火", "了", "薛之谦", "。", "不过", "有", "细心", "的", "网友", "拔", "出", "郭雪芙", "喜欢", "薛之谦", "的", "证据", "。", "其中", "郭雪芙", "看", "薛之谦", "的", "眼神", ",", "充满", "爱意", "。", "真", "的", "是", "好", "般配", "。", "对于", "郭雪芙", "和", "薛之谦", "的", "关系", ",", "网上", "也是", "众说纷纭", ",", "有人", "说", "郭雪芙", "喜欢", "薛之谦", ",", "但是", "也", "有人", "说", "薛之谦", "对", "郭雪芙", "没有", "感觉", ",", "不过", "呼喊", "两人", "在一起", "的", "声音", "总是", "有", "的", ",", "可惜", "现实", "太残酷", ",", "两人", "只不过", "是", "朋友", "关系", "而已", "。", "(", "图片", "来源", ":", "视觉中国", ",", "严禁转载", ")"], ["(", "责任编辑", ":", "yanghaiting", "_", "JZ", ")"], ["张艺兴", "被起诉", "真实", "原因", "曝光", "SJ", "宣布", "回归", "他们", "出道", "都", "经历", "了", "什么", "周杰伦", "跪地", "半小时", "原来", "是因为", "她", "刘涛", "现身", "市场", "买菜", "想", "不到", "私底下", "这样", "李雨桐", "公布", "录音", "反击", "薛之谦", "反击", "晒", "证据", "陷", "P", "图", "丑闻"], ["一波", "不小心", "泄露", "的", "床", "照", "解锁", "白色", "主", "调", "的", "N", "种", "时尚", "穿法", "男友", "风", "以及", "北美", "N1", "服装", "搭配", "给", "小黑裙", "加一", "道", "“", "玫瑰", "味", "”"], ["周杰伦", "赞", "林俊杰", "行走", "CD", "联", "手", "隔空", "呛", "萧敬腾", "周杰伦", "(", "周董", ")", "《", "地表", "最强", "》", "世界", "巡演", ",", "28", "日", ".", ".", ".", ".", ".", ".", "【", "转载", "来源", ":", "其他", "何洁", "为", "乱", "停车", "致", "交通堵塞", "致歉", "近日", ",", "有", "爆料", "称", "何洁", "开", "豪车", "接", "一", "双", "儿女", "放学", ".", ".", ".", ".", ".", ".", "【", "转载", "来源", ":", "其他", "刘畊宏", "列", "3", "大", "女婿", "条件", "警告", "不要乱", "亲", "小", "泡芙", "刘畊宏", "近来", "带", "着", "女儿", "小", "泡芙", ",", "一起", "参加", "《", "爸", ".", ".", ".", ".", ".", ".", "【", "转载", "来源", ":", "其他", "孙俪", "邓超", "香港", "逛超市", "分工明确", "娘娘", "变", "大力", "孙俪", "邓超", "被发现", "到", "香港", "超市购物", ",", "夫妻二人", ".", ".", ".", ".", ".", ".", "【", "转载", "来源", ":", "其他"], ["佐", "佐", "木", "希", "汤唯", "李孝利", ":", "美女", "爱", "野兽", ",", "卓伟", "放", "大招", "白百何", "被", "爆", "出轨", "郑爽", "怒", "怼", "娜扎", "到底", "谁", "在", "蹭", "谁", "热度", "!", "萧亚轩", "再", "分手", ",", "获", "“", "零", "差评", "”", "前女友", "明星们", "那些", "让", "人", "哭笑不得", "的", "奇葩", "执念", "达康", "书记", "火爆", "网络", "!", "还有", "这么多", "比", "鲜"], ["陈羽凡", "发", "文", "回应", "这样", "说", "林心如", "晒", "女儿", "收", "的", "礼物", "Ella", "产", "子", "被曝", "水中分娩", "方媛", "婚", "讯", "公开", "后", "现身", "傅园慧", "破", "全国", "纪录", "曝", "白百何", "婚", "内", "出轨"]], "title": "郭雪芙看薛之谦的眼神真相曝光【图】_内地明星_明星_太平洋时尚网"}, {"bs_rank_pos": 9, "paragraphs": ["[提要]薛之谦 和 郭雪芙 是什么关系?薛之谦(Joker Xue),1983年7月17日出生于上海,华语流行乐男歌手、影视演员、音乐制作人,毕业于格里昂酒店管理学院。 郭雪芙(Puff Kuo),1988年6月30日出生于台湾省新北市,中国台湾流", "薛之谦和郭雪芙是什么关系?薛之谦(Joker Xue),1983年7月17日出生于上海,华语流行乐男歌手、影视演员、音乐制作人,毕业于格里昂酒店管理学院。", " 郭雪芙(Puff Kuo),1988年6月30日出生于台湾省新北市,中国台湾流行乐女歌手、影视演员、平面模特,女子团体Dream Girls成员。", " 应为拍摄《火星情报局》两人相识,对于郭雪芙和薛之谦的关系,网上也是众说纷纭,有人说郭雪芙喜欢薛之谦,但是也有人说薛之谦对郭雪芙没有感觉 ,不过呼喊两人在一起的声音总是有的,可惜现实太残酷,两人只不过是朋友关系而已。"], "segmented_title": ["薛之谦", "偷吻", "郭雪芙", "?", "薛之谦", "郭雪芙", "什么", "关系", "_", "新鲜事", "_", "百", "战网"], "segmented_paragraphs": [["[", "提要", "]", "薛之谦", "和", "郭雪芙", "是", "什么", "关系", "?", "薛之谦", "(", "Joker", "Xue", ")", ",", "1983", "年", "7", "月", "17", "日", "出生", "于", "上海", ",", "华语流行乐", "男歌手", "、", "影视", "演员", "、", "音乐", "制作人", ",", "毕业", "于", "格里昂", "酒店管理学院", "。", "郭雪芙", "(", "Puff", "Kuo", ")", ",", "1988", "年", "6", "月", "30", "日", "出生", "于", "台湾省", "新", "北", "市", ",", "中国", "台湾流"], ["薛之谦", "和", "郭雪芙", "是什么", "关系", "?", "薛之谦", "(", "Joker", "Xue", ")", ",", "1983", "年", "7", "月", "17", "日", "出生", "于", "上海", ",", "华语流行乐", "男歌手", "、", "影视", "演员", "、", "音乐", "制作人", ",", "毕业", "于", "格里昂", "酒店管理学院", "。"], ["郭雪芙", "(", "Puff", "Kuo", ")", ",", "1988", "年", "6", "月", "30", "日", "出生", "于", "台湾省", "新", "北", "市", ",", "中国", "台湾", "流行乐", "女歌手", "、", "影视", "演员", "、", "平面", "模特", ",", "女子团体", "Dream", "Girls", "成员", "。"], ["应", "为", "拍摄", "《", "火星", "情报局", "》", "两人", "相识", ",", "对于", "郭雪芙", "和", "薛之谦", "的", "关系", ",", "网上", "也是", "众说纷纭", ",", "有人", "说", "郭雪芙", "喜欢", "薛之谦", ",", "但是", "也", "有人", "说", "薛之谦", "对", "郭雪芙", "没有", "感觉", ",", "不过", "呼喊", "两人", "在一起", "的", "声音", "总是", "有", "的", ",", "可惜", "现实", "太残酷", ",", "两人", "只不过", "是", "朋友", "关系", "而已", "。"]], "title": "薛之谦偷吻郭雪芙?薛之谦郭雪芙什么关系_新鲜事_百战网"}], "question": "薛之谦偷吻郭雪芙哪期", "segmented_question": ["薛之谦", "偷吻", "郭雪芙", "哪", "期"], "question_type": "ENTITY", "fact_or_opinion": "OPINION", "question_id": 221584}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["A、热敷  B、按摩  C、口服维生素C  D、冷敷", " A、英国哲学家洛克 B、前捷克教育家夸美纽斯 C、法国教育家顾拜旦 D、法国起蒙思想家卢梭", " A、擦伤 B、肌肉拉伤 C、开放性损伤 D、闭和性损伤", " A、体育俱乐部 B、选修体育课 C、专项体育课 D、网络体育课", " 大学体育理论大学体育理论综合练习单项选择题每日一练", " 大学体育理论大学体育理论综合练习单项选择题每日一练", " 大学体育理论大学体育理论综合练习单项选择题每日一练", " 大学体育理论大学体育理论综合练习单项选择题每日一练", " 大学体育理论大学体育理论综合练习单项选择题每日一练", " 大学体育理论大学体育理论综合练习单项选择题每日一练", " 大学体育理论大学体育理论综合练习单项选择题每日一练", " 大学体育理论大学体育理论综合练习单项选择题每日一练", " 大学体育理论大学体育理论综合练习章节练习(2017.07.29)", " 大学体育理论大学体育理论综合练习章节练习(2017.09.25)", " 大学体育理论大学体育理论综合练习章节练习(2017.07.04)", " 大学体育理论大学体育理论综合练习章节练习(2017.09.20)", " 大学体育理论大学体育理论综合练习章节练习(2017.08.21)", " 大学体育理论大学体育理论综合练习章节练习(2017.07.07)", " 大学体育理论大学体育理论综合练习章节练习(2017.07.23)", " 大学体育理论大学体育理论综合练习章节练习(2017.08.02)"], "segmented_title": ["下列", "不能", "缓解", "和", "消除", "肌肉酸痛", "的", "方法", "是", "(", ")", "。", "_", "考试", "资料", "网"], "segmented_paragraphs": [["A", "、", "热敷", "B", "、", "按摩", "C", "、", "口服", "维生素", "C", "D", "、", "冷敷"], ["A", "、", "英国", "哲学家", "洛克", "B", "、", "前", "捷克", "教育家", "夸美纽斯", "C", "、", "法国", "教育家", "顾拜旦", "D", "、", "法国", "起蒙", "思想家", "卢梭"], ["A", "、", "擦伤", "B", "、", "肌肉拉伤", "C", "、", "开放性", "损伤", "D", "、", "闭", "和", "性", "损伤"], ["A", "、", "体育", "俱乐部", "B", "、", "选修", "体育课", "C", "、", "专项", "体育课", "D", "、", "网络", "体育课"], ["大学", "体育", "理论", "大学", "体育", "理论", "综合练习", "单项", "选择题", "每日", "一", "练"], ["大学", "体育", "理论", "大学", "体育", "理论", "综合练习", "单项", "选择题", "每日", "一", "练"], ["大学", "体育", "理论", "大学", "体育", "理论", "综合练习", "单项", "选择题", "每日", "一", "练"], ["大学", "体育", "理论", "大学", "体育", "理论", "综合练习", "单项", "选择题", "每日", "一", "练"], ["大学", "体育", "理论", "大学", "体育", "理论", "综合练习", "单项", "选择题", "每日", "一", "练"], ["大学", "体育", "理论", "大学", "体育", "理论", "综合练习", "单项", "选择题", "每日", "一", "练"], ["大学", "体育", "理论", "大学", "体育", "理论", "综合练习", "单项", "选择题", "每日", "一", "练"], ["大学", "体育", "理论", "大学", "体育", "理论", "综合练习", "单项", "选择题", "每日", "一", "练"], ["大学", "体育", "理论", "大学", "体育", "理论", "综合练习", "章节", "练习", "(", "2017", ".", "07", ".", "29", ")"], ["大学", "体育", "理论", "大学", "体育", "理论", "综合练习", "章节", "练习", "(", "2017", ".", "09", ".", "25", ")"], ["大学", "体育", "理论", "大学", "体育", "理论", "综合练习", "章节", "练习", "(", "2017", ".", "07", ".", "04", ")"], ["大学", "体育", "理论", "大学", "体育", "理论", "综合练习", "章节", "练习", "(", "2017", ".", "09", ".", "20", ")"], ["大学", "体育", "理论", "大学", "体育", "理论", "综合练习", "章节", "练习", "(", "2017", ".", "08", ".", "21", ")"], ["大学", "体育", "理论", "大学", "体育", "理论", "综合练习", "章节", "练习", "(", "2017", ".", "07", ".", "07", ")"], ["大学", "体育", "理论", "大学", "体育", "理论", "综合练习", "章节", "练习", "(", "2017", ".", "07", ".", "23", ")"], ["大学", "体育", "理论", "大学", "体育", "理论", "综合练习", "章节", "练习", "(", "2017", ".", "08", ".", "02", ")"]], "title": "下列不能缓解和消除肌肉酸痛的方法是()。_考试资料网"}, {"bs_rank_pos": 1, "paragraphs": ["?下列不能缓解和消除肌肉酸痛的方法是", " 拇指医生提醒您:该问题下为网友贡献,仅供参考。", " 1、如果是手臂肌肉酸痛,可以使用冰水浴来进行缓解,什么是冰水浴呢?就是在冷水中加入冰块进行洗浴,这种方法可以有效地缓解肌肉酸痛,减低发炎的可能性。这个方法是一次过冷冻全身而不是局部部位,如果不能进行冰水浴,那么可以用冰袋敷酸痛部位。 2、注意在经过长跑和一些剧烈的运动之后,不宜等太久才开始进食。有相关的研究表明,身体肌肉在运动结束之后的30分钟内,肝糖最容易修复,也就是这时最容易将葡萄糖储存住。在运动之后不久的时间开始进食东西,可以降低肌肉硬化、肌肉酸痛的程度。运动后适合摄入含有1克蛋白质和3克碳水化合物的食品。 3、在运动之后要为身体及时补充足够的水分,特别是在夏季运动之后。虽然清水也可以补充身体水分,但是一些专业的运动员则会更加喜欢喝有助体力恢复的饮料,大家不妨参考一下。例如椰汁、巧克力奶等等。我们可以根据自己的尿液来判断身体的水分是否充足,如果尿液呈现出深黄色,则说明需要补水,一般正常的尿液颜色应该是浅柠檬色的。 4、一般运动之后身体肌肉酸痛是会随着时间渐渐消失的,如果运动后身体酸痛的情况持续时间超过一个星期,自己经过冰敷、按摩、休息等护理方法仍不能缓解消除的话,"], "segmented_title": ["下列", "不能", "缓解", "和", "消除", "肌肉酸痛", "的", "方法", "是", "_", "百度", "拇指", "医生"], "segmented_paragraphs": [["?", "下列", "不能", "缓解", "和", "消除", "肌肉酸痛", "的", "方法", "是"], ["拇指", "医生", "提醒", "您", ":", "该", "问题", "下", "为", "网友", "贡献", ",", "仅供参考", "。"], ["1", "、", "如果", "是", "手臂", "肌肉酸痛", ",", "可以使用", "冰水", "浴", "来", "进行", "缓解", ",", "什么", "是", "冰水", "浴", "呢", "?", "就是", "在", "冷水", "中", "加入", "冰块", "进行", "洗浴", ",", "这种", "方法", "可以", "有效", "地", "缓解", "肌肉酸痛", ",", "减低", "发炎", "的", "可能性", "。", "这个方法", "是", "一次", "过", "冷冻", "全身", "而", "不是", "局部", "部位", ",", "如果", "不能", "进行", "冰水", "浴", ",", "那么", "可以", "用", "冰袋", "敷", "酸痛", "部位", "。", "2", "、", "注意", "在", "经过", "长跑", "和", "一些", "剧烈", "的", "运动", "之后", ",", "不宜", "等", "太", "久", "才", "开始", "进食", "。", "有", "相关", "的", "研究表明", ",", "身体", "肌肉", "在", "运动", "结束", "之后", "的", "30", "分钟", "内", ",", "肝", "糖", "最容易", "修复", ",", "也", "就是", "这时", "最容易", "将", "葡萄糖", "储存", "住", "。", "在", "运动", "之后", "不", "久", "的", "时间", "开始", "进食", "东西", ",", "可以", "降低", "肌肉", "硬化", "、", "肌肉酸痛", "的", "程度", "。", "运动", "后", "适合", "摄入", "含有", "1", "克", "蛋白质", "和", "3", "克", "碳水化合物", "的", "食品", "。", "3", "、", "在", "运动", "之后", "要", "为", "身体", "及时补充", "足够", "的", "水分", ",", "特别", "是", "在", "夏季", "运动", "之后", "。", "虽然", "清水", "也", "可以", "补充", "身体", "水分", ",", "但是", "一些", "专业", "的", "运动员", "则", "会", "更加", "喜欢", "喝", "有助", "体力", "恢复", "的", "饮料", ",", "大家", "不", "妨", "参考", "一", "下", "。", "例如", "椰汁", "、", "巧克力", "奶", "等等", "。", "我们", "可以", "根据", "自己", "的", "尿液", "来", "判断", "身体", "的", "水分", "是否", "充足", ",", "如果", "尿液", "呈现", "出", "深", "黄色", ",", "则", "说明", "需要", "补水", ",", "一般", "正常", "的", "尿液", "颜色", "应该", "是", "浅", "柠檬", "色", "的", "。", "4", "、", "一般", "运动", "之后", "身体", "肌肉酸痛", "是", "会", "随着", "时间", "渐渐消失", "的", ",", "如果", "运动", "后", "身体", "酸痛", "的", "情况", "持续", "时间", "超过", "一个星期", ",", "自己", "经过", "冰敷", "、", "按摩", "、", "休息", "等", "护理", "方法", "仍", "不能", "缓解", "消除", "的", "话", ","]], "title": "下列不能缓解和消除肌肉酸痛的方法是_百度拇指医生"}, {"bs_rank_pos": 2, "paragraphs": [" 下列不能缓解和消除肌肉酸痛的方法是", " 1、如果是手臂肌肉酸痛,可以使用冰水浴来进行缓解,什么是冰水浴呢?就是在冷水中加入冰块进行洗浴,这种方法可以有效地缓解肌肉酸痛,减低发炎的可能性。这个方法是一次过冷冻全身而不是局部部位,如果不能进行冰水浴,那么可以用冰袋敷酸痛部位。2、注意在经过长跑和一些剧烈的运动之后,不宜等太久才开始进食。有相关的研究表明,身体肌肉在运动结束之后的30分钟内,肝糖最容易修复,也就是这时最容易将葡萄糖储存住。在运动之后不久的时间开始进食东西,可以降低肌肉硬化、肌肉酸痛的程度。运动后适合摄入含有1克蛋白质和3克碳水化合物的食品。3、在运动之后要为身体及时补充足够的水分,特别是在夏季运动之后。虽然清水也可以补充身体水分,但是一些专业的运动员则会更加喜欢喝有助体力恢复的饮料,大家不妨参考一下。例如椰汁、巧克力奶等等。我们可以根据自己的尿液来判断身体的水分是否充足,如果尿液呈现出深黄色,则说明需要补水,一般正常的尿液颜色应该是浅柠檬色的。4、一般运动之后身体肌肉酸痛是会随着时间渐渐消失的,如果运动后身体酸痛的情况持续时间超过一个星期,自己经过冰敷、按摩、休息等护理方法仍不能缓解消除的话,", " 病情描述:去年11月份孩子突然腰疼不能动,CT显示L4-5突出,经过按摩不疼了,上学没几天孩子又不舒服,检查发现L5-骶1也出现问题,然后就是颈椎压迫头疼,胸椎侧弯,整条脊椎都出现问题,医生说是肌肉和韧带弹性不好,支撑不住脊椎,请问这需要怎么治疗啊", " 医生建议:你好,这种情况现象,可能是颈椎病的问题,可以推拿按摩,理疗热敷治疗的,可以热水袋热敷,每天一次,每次20分钟左右。", " 病情描述:中枢神经天生缺撼,贡血不足,长期服用此药,昨日我参加了一切镗,他好像没看到我,我拿走他的小瓶入晚,不小心吃了16粒,反应过来的时候已经全部吞掉了,吐不出来了,会不会有事呢", " 医生建议:你这种情况来说,要注意配合营养神经和血管的药物来进行治疗", " 病情描述:她最近很少说话,性格也变得焦虑,早醒,晚睡。改变很大。", " 医生建议:考虑可能是神经性失眠,多由于长期情绪不稳导致大脑过度紧张引发的。建议是服用艾司唑仑片,有助于改善睡眠,祝早日康复。", " 病情描述:脸上的痘痘好了之后都是红点,而且有时候都是一个脓包。好了以后接着起痘痘,有的还没有黄头。", " 医生建议:你好,根据以上描述的情况,考虑你属于痤疮可能性大。", " 病情描述:之前额头和嘴周围经常长痘痘是大个脓包型的一般就是晚睡一点或者生理期就会长我一般情况下11点左右就会睡觉但最近脸上长了很多发红的小痘痘嘴下是长那种看不见但能摸出来的痘痘脖子后面也会长脓包型痘痘有时候作息不稳定一点下面也会长一两颗很奇怪所以问下医生有什么可以调节体内的药吗谢谢", " 医生建议:你好这位朋友,这种情况主要是考虑有痤疮引起的表现,环境刺激,体质湿热,内分泌失调等有关系"], "segmented_title": ["下列", "不能", "缓解", "和", "消除", "肌肉酸痛", "的", "方法", "是", "_", "百姓", "问", "医生"], "segmented_paragraphs": [["下列", "不能", "缓解", "和", "消除", "肌肉酸痛", "的", "方法", "是"], ["1", "、", "如果", "是", "手臂", "肌肉酸痛", ",", "可以使用", "冰水", "浴", "来", "进行", "缓解", ",", "什么", "是", "冰水", "浴", "呢", "?", "就是", "在", "冷水", "中", "加入", "冰块", "进行", "洗浴", ",", "这种", "方法", "可以", "有效", "地", "缓解", "肌肉酸痛", ",", "减低", "发炎", "的", "可能性", "。", "这个方法", "是", "一次", "过", "冷冻", "全身", "而", "不是", "局部", "部位", ",", "如果", "不能", "进行", "冰水", "浴", ",", "那么", "可以", "用", "冰袋", "敷", "酸痛", "部位", "。", "2", "、", "注意", "在", "经过", "长跑", "和", "一些", "剧烈", "的", "运动", "之后", ",", "不宜", "等", "太", "久", "才", "开始", "进食", "。", "有", "相关", "的", "研究表明", ",", "身体", "肌肉", "在", "运动", "结束", "之后", "的", "30", "分钟", "内", ",", "肝", "糖", "最容易", "修复", ",", "也", "就是", "这时", "最容易", "将", "葡萄糖", "储存", "住", "。", "在", "运动", "之后", "不", "久", "的", "时间", "开始", "进食", "东西", ",", "可以", "降低", "肌肉", "硬化", "、", "肌肉酸痛", "的", "程度", "。", "运动", "后", "适合", "摄入", "含有", "1", "克", "蛋白质", "和", "3", "克", "碳水化合物", "的", "食品", "。", "3", "、", "在", "运动", "之后", "要", "为", "身体", "及时补充", "足够", "的", "水分", ",", "特别", "是", "在", "夏季", "运动", "之后", "。", "虽然", "清水", "也", "可以", "补充", "身体", "水分", ",", "但是", "一些", "专业", "的", "运动员", "则", "会", "更加", "喜欢", "喝", "有助", "体力", "恢复", "的", "饮料", ",", "大家", "不", "妨", "参考", "一", "下", "。", "例如", "椰汁", "、", "巧克力", "奶", "等等", "。", "我们", "可以", "根据", "自己", "的", "尿液", "来", "判断", "身体", "的", "水分", "是否", "充足", ",", "如果", "尿液", "呈现", "出", "深", "黄色", ",", "则", "说明", "需要", "补水", ",", "一般", "正常", "的", "尿液", "颜色", "应该", "是", "浅", "柠檬", "色", "的", "。", "4", "、", "一般", "运动", "之后", "身体", "肌肉酸痛", "是", "会", "随着", "时间", "渐渐消失", "的", ",", "如果", "运动", "后", "身体", "酸痛", "的", "情况", "持续", "时间", "超过", "一个星期", ",", "自己", "经过", "冰敷", "、", "按摩", "、", "休息", "等", "护理", "方法", "仍", "不能", "缓解", "消除", "的", "话", ","], ["病情", "描述", ":", "去年", "11", "月份", "孩子", "突然", "腰疼", "不能动", ",", "CT", "显示", "L4", "-", "5", "突出", ",", "经过", "按摩", "不", "疼", "了", ",", "上学", "没几天", "孩子", "又", "不舒服", ",", "检查", "发现", "L5", "-", "骶", "1", "也", "出现", "问题", ",", "然后", "就是", "颈椎", "压迫", "头疼", ",", "胸椎", "侧", "弯", ",", "整条", "脊椎", "都", "出现", "问题", ",", "医生", "说", "是", "肌肉", "和", "韧带", "弹性", "不好", ",", "支撑", "不住", "脊椎", ",", "请问", "这", "需要", "怎么", "治疗", "啊"], ["医生建议", ":", "你好", ",", "这种情况", "现象", ",", "可能", "是", "颈椎病", "的", "问题", ",", "可以", "推拿", "按摩", ",", "理疗", "热敷", "治疗", "的", ",", "可以", "热水袋", "热敷", ",", "每天", "一次", ",", "每次", "20", "分钟", "左右", "。"], ["病情", "描述", ":", "中枢神经", "天生", "缺", "撼", ",", "贡", "血", "不足", ",", "长期服用", "此", "药", ",", "昨日", "我", "参加", "了", "一切", "镗", ",", "他", "好像", "没看到", "我", ",", "我", "拿走", "他", "的", "小瓶", "入", "晚", ",", "不小心", "吃", "了", "16", "粒", ",", "反应", "过来", "的", "时候", "已经", "全部", "吞掉", "了", ",", "吐", "不", "出来", "了", ",", "会不会", "有事", "呢"], ["医生建议", ":", "你", "这种情况", "来", "说", ",", "要", "注意", "配合", "营养", "神经", "和", "血管", "的", "药物", "来", "进行", "治疗"], ["病情", "描述", ":", "她", "最近", "很少", "说话", ",", "性格", "也", "变得", "焦虑", ",", "早醒", ",", "晚睡", "。", "改变", "很大", "。"], ["医生建议", ":", "考虑", "可能", "是", "神经性", "失眠", ",", "多", "由于", "长期", "情绪不稳", "导致", "大脑", "过度", "紧张", "引发", "的", "。", "建议", "是", "服用", "艾司唑仑片", ",", "有助于", "改善睡眠", ",", "祝", "早日康复", "。"], ["病情", "描述", ":", "脸上", "的", "痘痘", "好", "了", "之后", "都是", "红点", ",", "而且", "有时候", "都是", "一", "个", "脓包", "。", "好", "了", "以后", "接着", "起", "痘痘", ",", "有", "的", "还没有", "黄", "头", "。"], ["医生建议", ":", "你好", ",", "根据", "以上", "描述", "的", "情况", ",", "考虑", "你", "属于", "痤疮", "可能性", "大", "。"], ["病情", "描述", ":", "之前", "额头", "和", "嘴", "周围", "经常", "长", "痘痘", "是", "大", "个", "脓包", "型", "的", "一般", "就是", "晚睡", "一", "点", "或者", "生理期", "就会", "长", "我", "一般", "情况", "下", "11", "点", "左右", "就会", "睡觉", "但", "最近", "脸上", "长", "了", "很多", "发红", "的", "小", "痘痘", "嘴", "下", "是", "长", "那种", "看不见", "但", "能", "摸", "出来", "的", "痘痘", "脖子", "后面", "也", "会长", "脓包", "型", "痘痘", "有时候", "作息", "不稳定", "一点", "下面", "也", "会长", "一", "两", "颗", "很奇怪", "所以", "问", "下", "医生", "有", "什么", "可以", "调节", "体", "内", "的", "药", "吗", "谢谢"], ["医生建议", ":", "你好", "这位朋友", ",", "这种情况", "主要", "是", "考虑", "有", "痤疮", "引起", "的", "表现", ",", "环境", "刺激", ",", "体质", "湿热", ",", "内分泌失调", "等", "有关系"]], "title": "下列不能缓解和消除肌肉酸痛的方法是_百姓问医生"}, {"bs_rank_pos": 3, "paragraphs": [" 暂无评价|0人阅读|0次下载|举报文档", " 体育课理论考试模拟题库_其它_高等教育_教育专区。体育课理论考试模拟题库", "单选题长期坚持体育锻炼的人,骨密质可增厚毫米。 A:0.5-1.0 B:1.5-8 C:8-12.5 D:12-20 答案:B 单选题当人体长时间在高温环境或日光下曝晒,易引起一种疾病,称。 A:热伤风 B:灼伤 C:晕厥 D:中暑答案:D 单选题运动损伤后皮肤和粘膜的完整性遭到破坏,伤口与外界相通的损伤称。 A:擦伤 B:肌肉拉伤 C:开放性损伤 D:闭和性损伤答案:C 单选题提出了“体育乃是一个由儿童至成年整个发展过程的一个部分”的学说。 A:英国哲学家洛克 B:前捷克教育家夸美纽斯 C:法国教育家顾拜旦 D:法国起蒙思想家卢梭答案:D 单选题健美操是融体操、舞蹈和为一体的一项运动。 A:武术 B:拳击 C:音乐 D:柔韧答案:C 单选题据测试一般人的心脏容量约为毫升。 A:365-395 B:465-595 C:665-695 D:785-805 答案:D 单选题下列不能缓解和消除肌肉酸痛的方法是。 A:热敷 B:按摩 C:口服维生素C D:冷敷答案:D 单选题县级以上各级人民政府体育行政部门对等体育活动为内容的经营活动,应当按照国家有关规定加强管理和监督。 A:健身 B:竞技 C:健身、竞技 D:休闲、娱乐答案:C 单选题傍晚锻炼结束与睡觉的间隔时间要在以上,否则,会影响夜间的休息。 A:15分钟 B:30分钟 C:1小时 D:2小时答案:C 单选题武术套路运动中,适合一些慢性病患者作为医疗体育手段并有较大的医疗保健价值的拳术是。 A:太极拳 B:八卦拳 C:长拳 D:形意拳答案:A 单选题进行较剧烈的体育锻炼如球类比赛、快速跑、健美操等,运动后应多补充一些碱性食物,如。 A:蔬菜、水果 B:动物蛋白 C:维生素 D:矿物质答案:A 单选题直立站立时,我国男性和女性人体重心的高度大约分别为身高的。 "], "segmented_title": ["体育", "课", "理论", "考试", "模拟题库", "_", "百度", "文库"], "segmented_paragraphs": [["暂无", "评价", "|", "0", "人", "阅读", "|", "0", "次", "下载", "|", "举报", "文档"], ["体育", "课", "理论", "考试", "模拟题库", "_", "其它", "_", "高等教育", "_", "教育", "专区", "。", "体育", "课", "理论", "考试", "模拟题库"], ["单选题", "长期", "坚持", "体育锻炼", "的", "人", ",", "骨", "密", "质", "可", "增厚", "毫米", "。", "A", ":", "0", ".", "5", "-", "1", ".", "0", "B", ":", "1", ".", "5", "-", "8", "C", ":", "8", "-", "12", ".", "5", "D", ":", "12", "-", "20", "答案", ":", "B", "单选题", "当", "人体", "长时间", "在", "高温", "环境", "或", "日光", "下", "曝晒", ",", "易", "引起", "一", "种", "疾病", ",", "称", "。", "A", ":", "热伤风", "B", ":", "灼伤", "C", ":", "晕厥", "D", ":", "中暑", "答案", ":", "D", "单选题", "运动损伤", "后", "皮肤", "和", "粘膜", "的", "完整性", "遭到", "破坏", ",", "伤口", "与", "外界", "相通", "的", "损伤", "称", "。", "A", ":", "擦伤", "B", ":", "肌肉拉伤", "C", ":", "开放性", "损伤", "D", ":", "闭", "和", "性", "损伤", "答案", ":", "C", "单选题", "提出", "了", "“", "体育", "乃是", "一", "个", "由", "儿童", "至", "成年", "整个", "发展", "过程", "的", "一", "个", "部分", "”", "的", "学", "说", "。", "A", ":", "英国", "哲学家", "洛克", "B", ":", "前", "捷克", "教育家", "夸美纽斯", "C", ":", "法国", "教育家", "顾拜旦", "D", ":", "法国", "起", "蒙", "思想家", "卢梭", "答案", ":", "D", "单选题", "健美操", "是", "融", "体操", "、", "舞蹈", "和", "为", "一体", "的", "一项", "运动", "。", "A", ":", "武术", "B", ":", "拳击", "C", ":", "音乐", "D", ":", "柔韧", "答案", ":", "C", "单选题", "据", "测试", "一般人", "的", "心脏", "容量", "约", "为", "毫升", "。", "A", ":", "365", "-", "395", "B", ":", "465", "-", "595", "C", ":", "665", "-", "695", "D", ":", "785", "-", "805", "答案", ":", "D", "单选题", "下列", "不能", "缓解", "和", "消除", "肌肉酸痛", "的", "方法", "是", "。", "A", ":", "热敷", "B", ":", "按摩", "C", ":", "口服", "维生素", "C", "D", ":", "冷敷", "答案", ":", "D", "单选题", "县级以上", "各级", "人民政府", "体育", "行政部门", "对等", "体育", "活动", "为", "内容", "的", "经营", "活动", ",", "应当", "按照", "国家", "有关", "规定", "加强", "管理", "和", "监督", "。", "A", ":", "健身", "B", ":", "竞技", "C", ":", "健身", "、", "竞技", "D", ":", "休闲", "、", "娱乐", "答案", ":", "C", "单选题", "傍晚", "锻炼", "结束", "与", "睡觉", "的", "间隔时间", "要", "在", "以上", ",", "否则", ",", "会", "影响", "夜间", "的", "休息", "。", "A", ":", "15", "分钟", "B", ":", "30", "分钟", "C", ":", "1", "小时", "D", ":", "2", "小时", "答案", ":", "C", "单选题", "武术套路", "运动", "中", ",", "适合", "一些", "慢性病", "患者", "作为", "医疗", "体育", "手段", "并", "有", "较", "大", "的", "医疗保健", "价值", "的", "拳术", "是", "。", "A", ":", "太极拳", "B", ":", "八卦拳", "C", ":", "长拳", "D", ":", "形意拳", "答案", ":", "A", "单选题", "进行", "较", "剧烈", "的", "体育锻炼", "如", "球类", "比赛", "、", "快速跑", "、", "健美操", "等", ",", "运动", "后", "应", "多", "补充", "一些", "碱性", "食物", ",", "如", "。", "A", ":", "蔬菜", "、", "水果", "B", ":", "动物蛋白", "C", ":", "维生素", "D", ":", "矿物质", "答案", ":", "A", "单选题", "直立", "站立", "时", ",", "我", "国", "男性", "和", "女性", "人体", "重心", "的", "高度", "大约", "分别", "为", "身高", "的", "。"]], "title": "体育课理论考试模拟题库_百度文库"}, {"bs_rank_pos": 4, "paragraphs": ["理论考试单选题_交规考试_资格考试/认证_教育专区。理论考试单选题 1. 以下哪条不属于健康标准? A;生理健康 B;心理健康 答案;C C;精神健康 D;以上都是 2. 闭和性肌肉、韧带撕裂触及损伤处时有()。 答案; A;凹陷感和剧烈疼痛 C;表面 ", "理论考试单选题 1. 以下哪条不属于健康标准? A;生理健康 B;心理健康 答案;C C;精神健康 D;以上都是 2. 闭和性肌肉、韧带撕裂触及损伤处时有()。 答案; A;凹陷感和剧烈疼痛 C;表面平坦和剧烈疼痛 B;表面凸起和剧烈疼痛 D;表面不变化仅皮下淤血 答案;C D;速度耐力 3. 健身锻炼是属于 ( )锻炼的范畴。 A;力量耐力 B;无氧耐力 C;有氧耐力 4. ", "答案;B A;体育俱乐部 B;选修体育课 C;专项体育课 D;网络体育课 答案;B 30. ", "答案;C A;擦伤 B;肌肉拉伤 C;开放性损伤 D;闭和性损伤 33. ", "答案;A A;蔬菜、水果 B;动物蛋白 C;维生素 D;矿物质 答案;C 38. "], "segmented_title": ["理论", "考试", "单选题", "_", "百度", "文库"], "segmented_paragraphs": [["理论", "考试", "单选题", "_", "交规", "考试", "_", "资格考试", "/", "认证", "_", "教育", "专区", "。", "理论", "考试", "单选题", "1", ".", "以下", "哪", "条", "不", "属于", "健康", "标准", "?", "A", ";", "生理", "健康", "B", ";", "心理健康", "答案", ";", "C", "C", ";", "精神", "健康", "D", ";", "以上", "都是", "2", ".", "闭", "和", "性", "肌肉", "、", "韧带", "撕裂", "触及", "损伤", "处", "时", "有", "(", ")", "。", "答案", ";", "A", ";", "凹陷", "感", "和", "剧烈", "疼痛", "C", ";", "表面"], ["理论", "考试", "单选题", "1", ".", "以下", "哪", "条", "不", "属于", "健康", "标准", "?", "A", ";", "生理", "健康", "B", ";", "心理健康", "答案", ";", "C", "C", ";", "精神", "健康", "D", ";", "以上", "都是", "2", ".", "闭", "和", "性", "肌肉", "、", "韧带", "撕裂", "触及", "损伤", "处", "时", "有", "(", ")", "。", "答案", ";", "A", ";", "凹陷", "感", "和", "剧烈", "疼痛", "C", ";", "表面", "平坦", "和", "剧烈", "疼痛", "B", ";", "表面", "凸起", "和", "剧烈", "疼痛", "D", ";", "表面", "不", "变化", "仅", "皮下", "淤血", "答案", ";", "C", "D", ";", "速度", "耐力", "3", ".", "健身锻炼", "是", "属于", "(", ")", "锻炼", "的", "范畴", "。", "A", ";", "力量", "耐力", "B", ";", "无氧", "耐力", "C", ";", "有氧", "耐力", "4", "."], ["答案", ";", "B", "A", ";", "体育", "俱乐部", "B", ";", "选修", "体育课", "C", ";", "专项", "体育课", "D", ";", "网络", "体育课", "答案", ";", "B", "30", "."], ["答案", ";", "C", "A", ";", "擦伤", "B", ";", "肌肉拉伤", "C", ";", "开放性", "损伤", "D", ";", "闭", "和", "性", "损伤", "33", "."], ["答案", ";", "A", "A", ";", "蔬菜", "、", "水果", "B", ";", "动物蛋白", "C", ";", "维生素", "D", ";", "矿物质", "答案", ";", "C", "38", "."]], "title": "理论考试单选题_百度文库"}], "question": "下列不能缓解和消除肌肉酸痛的方法是", "segmented_question": ["下列", "不能", "缓解", "和", "消除", "肌肉酸痛", "的", "方法", "是"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221585}
-{"documents": [{"title": "为什么微信加别人时显示被搜账号状态异常,什么原因,哪位大神赐教_", "segmented_title": ["为什么", "微信", "加", "别人", "时", "显示", "被", "搜", "账号", "状态", "异常", ",", "什么", "原因", ",", "哪位", "大神", "赐教", "_"], "segmented_paragraphs": [["这种情况", ",", "一般", "会", "有", "几", "种", "原因", ":", "你", "当天", "可能", "加", "的", "好友", "次数", "太多", ",", "暂时", "加", "不", "上", "了", ";", "你", "所", "加", "的", "号", "本身", "异常", ",", "对方", "账号", "被", "封", "或", "被", "拉黑", ",", "你", "可以", "改", "天", "再试一试", "啊", "!"], ["账号", "被", "举报", "次数", "过", "多", "存在", "异常", ",", "就是这样", "!"], ["加人", "是", "有", "限制", "的", "明天", "就好", "了"], ["所有", "的", "都是", "吗"]], "paragraphs": ["这种情况,一般会有几种原因: 你当天可能加的好友次数太多,暂时加不上了; 你所加的号本身异常,对方账号被封或被拉黑,你可以改天再试一试啊!", "账号被举报次数过多存在异常,就是这样!", "加人是有限制的 明天就好了", "所有的都是吗"], "bs_rank_pos": 0}, {"title": "微信加好友怎么老是显示被搜账号状态异常无法显示什么情况呢_百度", "segmented_title": ["微信", "加", "好友", "怎么", "老是", "显示", "被", "搜", "账号", "状态", "异常", "无法显示", "什么", "情况", "呢", "_", "百度"], "segmented_paragraphs": [["这种情况", ",", "一般", "会", "有", "几", "种", "原因", ":", "你", "当天", "可能", "加", "的", "好友", "次数", "太多", ",", "暂时", "加", "不", "上", "了", ";", "你", "所", "加", "的", "号", "本身", "异常", ",", "对方", "账号", "被", "封", "或", "被", "拉黑", ",", "你", "可以", "改", "天", "再试一试"], ["说明", "那个", "好友", "的", "微信", "号", "被", "举报", "过", "或者", "在", "同", "一", "时间", "段", "内", "加", "他", "的", "人", "太多", ",", "属于", "账号", "异常", ",", "过几天", "自动", "就会", "好", "了"], ["一般", "是", "以下", "两种", "情况", "导致", "的", ":", "你", "要", "加", "的", "人", "账号", "异常", "(", "比如", "被", "举报", ",", "最近", "要", "异常", "行为", ",", "不", "遵守", "微信", "的", "规则", "等", ")", ";", "两", "外", "一", "个", "可能", "就是", "你", "的", "账号", "出", "问题", "了", "。", "解决办法", "是", "先", "尝试", "下", "用", "别人", "的", "微信", "搜", "以下", "你", "要", "加", "的", "人", ",", "看", "还是不是", "同样", "的", "问题", "。", "如果", "不是", "就是", "你", "微信", "的", "问题", ",", "可以", "找", "下", "微信", "客服", "。"], ["你", "威", "信号", "多少", ",", "我", "加", "下", "试", "试"], ["账号", "被", "举报", "或者", "有", "违规", "操作", "被", "限制"], ["在", "微信", "使用", "过程", "中", ",", "微信", "加", "好友", "显示", "被", "搜", "账号", "状态", "异常", "无法显示", ",", "通常", "有", "以下", "几种情况", ":", "一", "、", "所", "加", "好友", "因为", "违反", "微信", "相关规定", ",", "他", "的", "账号", "处于", "异常", "状态", ",", "所以", "在", "加", "他", "好友", "时", "会", "显示", "被", "搜", "账号", "状态", "异常", "无法显示", ";", "二", "、", "你", "当天", "可能", "加", "的", "好友", "次数", "太多", ",", "暂时", "加", "不", "上", "了", ",", "停", "会", "再试一试", ";", "三", "、", "所", "加", "好友", "已经", "把", "你", "拉", "入", "黑名单", "了", ",", "所以", "在", "加", "他", "好友", "时", "会", "显示", "被", "搜", "账号", "状态", "异常", "!"]], "paragraphs": ["这种情况,一般会有几种原因: 你当天可能加的好友次数太多,暂时加不上了; 你所加的号本身异常,对方账号被封或被拉黑,你可以改天再试一试", "说明那个好友的微信号被举报过或者在同一时间段内加他的人太多,属于账号异常,过几天自动就会好了", "一般是以下两种情况导致的: 你要加的人账号异常(比如被举报,最近要异常行为,不遵守微信的规则等); 两外一个可能就是你的账号出问题了。 解决办法是先尝试下用别人的微信搜以下你要加的人,看还是不是同样的问题。如果不是就是你微信的问题,可以找下微信客服。", "你威信号多少 ,我加下试试", "账号被举报或者有违规操作被限制", "在微信使用过程中,微信加好友显示被搜账号状态异常无法显示,通常有以下几种情况: 一、所加好友因为违反微信相关规定,他的账号处于异常状态,所以在加他好友时会显示被搜账号状态异常无法显示; 二、你当天可能加的好友次数太多,暂时加不上了,停会再试一试; 三、所加好友已经把你拉入黑名单了,所以在加他好友时会显示被搜账号状态异常!"], "bs_rank_pos": 1}], "question": "被搜索账号状态异常 无法显示", "segmented_question": ["被", "搜索", "账号", "状态", "异常", "无法显示"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221586}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["因为柠檬水有美容养颜的功效所以很多女性朋友都非常喜欢喝,但喝柠檬水也有些事项需要大家重视起来,柠檬水的功效除了美容养颜外还有什么?柠檬水如何泡才更好喝?今天小编带大家一起来了解下。", " 每天喝柠檬水好吗", " 由于柠檬过酸,不适于鲜食,人们往往用柠檬制成饮品饮用来摄取其中的营养。比如用鲜柠檬片或干柠檬片泡水,或者直接将柠檬榨汁。专家指出,柠檬中的维生素C可以使人体内的组织细胞间质保持正常状态,防止细胞组织变脆,失去抵抗力。所以柠檬能够一定程度上帮助人们预防感冒、抵抗癌症。正常人可以每天饮用柠檬水,但是为了防止柠檬中的酸类物质伤及胃肠,柠檬水的日摄入量最好控制在1000ml以内。胃酸过多或者胃溃疡的人群最好不要畅饮柠檬水。", " 柠檬泡水一定要淡,一片带皮柠檬泡一扎水,能倒3~4杯。这样的柠檬水没有很浓的酸味,不加糖或蜂蜜即可饮用,这样所含能量更低。柠檬一定要带皮,切片一定要薄,因为皮的部分含类黄酮更高,可能比柠檬果肉更值得泡,柠檬精油也主要在皮里面,薄切则柠檬皮中的香气成分容易泡出来。柠檬皮,包括其他柑橘皮,都含有一些苦味的类黄酮物质,比如橙皮甙、柚皮甙之类,但它们也都是有益成分。有一点淡淡的苦味,和酸味配合,天热时喝了之后更有解渴的感觉。", " 有人说柠檬不能用热水泡,怕维生素C损失。实际上,泡柠檬的水不能太凉,否则香味泡不出来。由于柠檬的酸性较强,维生素C在酸性条件下耐热性较好,没有想象中那么容易损失,泡柠檬片的水温度高于60度完全没问题。再说,喝柠檬水也不是仅仅为了那点维生素C。温度升高的时候,食物的酸味会更浓一些,所以热柠檬水也会显得更酸。解决这个问题很简单,只要把柠檬水稍微晾凉再喝就可以了。", " 有人说柠檬水不能和富含钙的食物一起吃,钙和柠檬酸会结合成沉淀,甚至在体内生成结石,这可就是谣言了。柠檬酸钙微溶于水,我查了一下,四水柠檬酸钙的溶解度是0.02克/100克水,似乎不高,但柠檬酸钙却是制作补钙产品的良好材料,因为它不需要胃酸帮忙就能被人体吸收。实际上,柠檬酸不会像草酸那样促进肾结石,相反,柠檬酸等有机酸是有利于食物中钙、镁、铁、锌等多种矿物质吸收的,而研究证明柠檬酸对肾结石的预防也是有利的,甚至已经用于肾结石的治疗当中。", " 有人说胃病患者不能喝柠檬水,因为酸性太强会刺激胃,胃酸过度的更不可用。但实际上用一片柠檬来泡一大瓶水,泡出来的柠檬水味道很淡,根本没有可乐之类甜饮料那么酸,也不至于会造成胃溃疡。又不是喝纯柠檬汁(纯柠檬汁pH2.5左右,和可乐相当)。由于柠檬酸有利于多种矿物质吸收,西方人喜欢把柠檬汁挤在鱼、肉、蛋上,认为能帮助消化。对于消化不良者来说,在柠檬水中加薄薄一片姜,就餐时饮用,对促进消化液分泌会有好处。", " 有人听说柠檬水能美白,但也有人听说柠檬是一种“感光食品”,担心白天喝柠檬水之后皮肤会起斑变黑。但这个说法仅限于网上传言,尚未看到相关研究证据。甚至还有网上信息说维生素C是感光物质,如果真是这样,所有水果蔬菜都含维生素C,看来人们白天什么蔬果都不能吃了——显然是十分荒谬的。从科学角度来说,食物中的主要光敏物质包括叶绿素、核黄素、血红素。要说吃了光敏物质就长斑,大概首先红肉就不能吃了(血红素多),奶类也不能吃了(核黄素多),绿叶菜和猕猴桃都不能吃(有叶绿素),看来白天只能吃粮食了!", "相关阅读推荐:", "肾气不足怎么调理 相信大家都知道肾是人体重要的一种器官,它是人体的...", " 高血压不能吃的食物 如今高血压是非常常见的一种疾病,中老年人是高血压...", " 八大食物降血压效果好 高血压是常见的一种心血管疾病,它的危害不容小觑,...", " 1雨润牌卤汁豆腐干竟有虫子 2九江麦当劳竟买到发霉汉堡 ", " 男人吃这些食物可以补肾脏 男性这样洗澡方式都是错的  男人按摩这五个穴位更健康 “十男九虚”到底是真是假", " 女性经期吃这些身体会更好 教你三招预防更年期综合症 女性脾虚吃这些食物可补脾 女性这样做让身体不再怕冷"], "segmented_title": ["每天", "喝", "柠檬水", "好", "吗", "喝", "柠檬水", "8", "错误", "不能", "犯", "-", "三九", "养生堂"], "segmented_paragraphs": [["因为", "柠檬水", "有", "美容养颜", "的", "功效", "所以", "很多", "女性", "朋友", "都", "非常喜欢", "喝", ",", "但", "喝", "柠檬水", "也", "有些", "事项", "需要", "大家", "重视", "起来", ",", "柠檬水", "的", "功效", "除了", "美容养颜", "外", "还有什么", "?", "柠檬水", "如何", "泡", "才", "更", "好", "喝", "?", "今天", "小", "编", "带", "大家一起来", "了解", "下", "。"], ["每天", "喝", "柠檬水", "好", "吗"], ["由于", "柠檬", "过", "酸", ",", "不适", "于", "鲜食", ",", "人们", "往往", "用", "柠檬", "制", "成", "饮品", "饮用", "来", "摄取", "其中", "的", "营养", "。", "比如", "用", "鲜", "柠檬片", "或", "干", "柠檬片", "泡水", ",", "或者", "直接", "将", "柠檬", "榨汁", "。", "专家", "指出", ",", "柠檬", "中", "的", "维生素", "C", "可以", "使", "人体", "内", "的", "组织细胞", "间", "质", "保持", "正常", "状态", ",", "防止", "细胞", "组织", "变", "脆", ",", "失去", "抵抗力", "。", "所以", "柠檬", "能够", "一定", "程度", "上", "帮助", "人们", "预防感冒", "、", "抵抗", "癌症", "。", "正常人", "可以", "每天", "饮用", "柠檬水", ",", "但是", "为了", "防止", "柠檬", "中", "的", "酸", "类", "物质", "伤", "及", "胃肠", ",", "柠檬水", "的", "日", "摄入量", "最好", "控制", "在", "1000", "ml", "以内", "。", "胃酸过多", "或者", "胃溃疡", "的", "人群", "最好不要", "畅饮", "柠檬水", "。"], ["柠檬", "泡水", "一定要", "淡", ",", "一", "片", "带", "皮", "柠檬", "泡", "一", "扎", "水", ",", "能", "倒", "3", "~", "4", "杯", "。", "这样", "的", "柠檬水", "没有", "很", "浓", "的", "酸味", ",", "不加糖", "或", "蜂蜜", "即可", "饮用", ",", "这样", "所", "含", "能量", "更", "低", "。", "柠檬", "一定要", "带", "皮", ",", "切片", "一定要", "薄", ",", "因为", "皮", "的", "部分", "含", "类黄酮", "更高", ",", "可能", "比", "柠檬", "果肉", "更", "值得", "泡", ",", "柠檬", "精油", "也", "主要", "在", "皮", "里面", ",", "薄", "切", "则", "柠檬皮", "中", "的", "香气", "成分", "容易", "泡", "出来", "。", "柠檬皮", ",", "包括", "其他", "柑橘皮", ",", "都", "含有", "一些", "苦味", "的", "类黄酮", "物质", ",", "比如", "橙皮", "甙", "、", "柚", "皮", "甙", "之类", ",", "但", "它们", "也", "都是", "有益", "成分", "。", "有", "一点", "淡淡", "的", "苦味", ",", "和", "酸味", "配合", ",", "天", "热", "时", "喝", "了", "之后", "更", "有", "解渴", "的", "感觉", "。"], ["有人", "说", "柠檬", "不能", "用", "热水", "泡", ",", "怕", "维生素", "C", "损失", "。", "实际上", ",", "泡", "柠檬", "的", "水", "不能", "太", "凉", ",", "否则", "香味", "泡", "不", "出来", "。", "由于", "柠檬", "的", "酸性", "较", "强", ",", "维生素", "C", "在", "酸性", "条件", "下", "耐热性", "较好", ",", "没有", "想象", "中", "那么", "容易", "损失", ",", "泡", "柠檬片", "的", "水", "温度", "高于", "60", "度", "完全没问题", "。", "再", "说", ",", "喝", "柠檬水", "也", "不是", "仅仅", "为了", "那", "点", "维生素", "C", "。", "温度", "升高", "的", "时候", ",", "食物", "的", "酸味", "会", "更浓", "一些", ",", "所以", "热", "柠檬水", "也", "会", "显得", "更", "酸", "。", "解决", "这个问题", "很简单", ",", "只要", "把", "柠檬水", "稍微", "晾", "凉", "再", "喝", "就", "可以", "了", "。"], ["有人", "说", "柠檬水", "不能", "和", "富", "含", "钙", "的", "食物", "一起", "吃", ",", "钙", "和", "柠檬酸", "会", "结合", "成", "沉淀", ",", "甚至", "在", "体", "内", "生成", "结石", ",", "这", "可", "就是", "谣言", "了", "。", "柠檬酸钙", "微", "溶于水", ",", "我", "查", "了", "一", "下", ",", "四", "水", "柠檬酸钙", "的", "溶解度", "是", "0", ".", "02", "克", "/", "100", "克", "水", ",", "似乎", "不", "高", ",", "但", "柠檬酸钙", "却", "是", "制作", "补钙", "产品", "的", "良好", "材料", ",", "因为", "它", "不需要", "胃酸", "帮忙", "就能", "被", "人体", "吸收", "。", "实际上", ",", "柠檬酸", "不会", "像", "草酸", "那样", "促进", "肾结石", ",", "相反", ",", "柠檬酸", "等", "有机酸", "是", "有利于", "食物", "中", "钙", "、", "镁", "、", "铁", "、", "锌", "等", "多", "种", "矿物质", "吸收", "的", ",", "而", "研究", "证明", "柠檬酸", "对", "肾结石", "的", "预防", "也是", "有利", "的", ",", "甚至", "已经", "用于", "肾结石", "的", "治疗", "当", "中", "。"], ["有人", "说", "胃病", "患者", "不能", "喝", "柠檬水", ",", "因为", "酸性", "太", "强", "会", "刺激", "胃", ",", "胃酸", "过度", "的", "更", "不可用", "。", "但实际上", "用", "一", "片", "柠檬", "来", "泡", "一大", "瓶", "水", ",", "泡", "出来", "的", "柠檬水", "味道", "很", "淡", ",", "根本没有", "可乐", "之类", "甜", "饮料", "那么", "酸", ",", "也", "不", "至于", "会", "造成", "胃溃疡", "。", "又", "不是", "喝", "纯", "柠檬汁", "(", "纯", "柠檬汁", "pH", "2.5", "左右", ",", "和", "可乐", "相当", ")", "。", "由于", "柠檬酸", "有利于", "多", "种", "矿物质", "吸收", ",", "西方人", "喜欢", "把", "柠檬汁", "挤", "在", "鱼", "、", "肉", "、", "蛋", "上", ",", "认为", "能", "帮助", "消化", "。", "对于", "消化不良", "者", "来", "说", ",", "在", "柠檬", "水中", "加", "薄", "薄", "一", "片", "姜", ",", "就餐", "时", "饮用", ",", "对", "促进", "消化", "液", "分泌", "会", "有", "好处", "。"], ["有人", "听说", "柠檬水", "能", "美白", ",", "但", "也", "有人", "听说", "柠檬", "是", "一", "种", "“", "感光", "食品", "”", ",", "担心", "白天", "喝", "柠檬水", "之后", "皮肤", "会", "起", "斑", "变", "黑", "。", "但", "这个说法", "仅限于", "网上", "传言", ",", "尚未", "看到", "相关", "研究", "证据", "。", "甚至", "还有", "网上", "信息", "说", "维生素", "C", "是", "感光", "物质", ",", "如果", "真", "是", "这样", ",", "所有", "水果蔬菜", "都", "含", "维生素", "C", ",", "看", "来", "人们", "白天", "什么", "蔬果", "都", "不能吃", "了", "—", "—", "显然", "是", "十分", "荒谬", "的", "。", "从", "科学", "角度", "来", "说", ",", "食物", "中", "的", "主要", "光敏", "物质", "包括", "叶绿素", "、", "核黄素", "、", "血红素", "。", "要", "说", "吃", "了", "光敏", "物质", "就", "长", "斑", ",", "大概", "首先", "红肉", "就", "不能吃", "了", "(", "血红素", "多", ")", ",", "奶类", "也", "不能吃", "了", "(", "核黄素", "多", ")", ",", "绿叶菜", "和", "猕猴桃", "都", "不能吃", "(", "有", "叶绿素", ")", ",", "看", "来", "白天", "只能", "吃", "粮食", "了", "!"], ["相关", "阅读", "推荐", ":"], ["肾气", "不足", "怎么", "调理", "相信", "大家都知道", "肾", "是", "人体", "重要", "的", "一", "种", "器官", ",", "它", "是", "人体", "的", ".", ".", "."], ["高血压", "不能吃", "的", "食物", "如今", "高血压", "是", "非常", "常见", "的", "一", "种", "疾病", ",", "中老年人", "是", "高血压", ".", ".", "."], ["八大", "食物", "降血压", "效果好", "高血压", "是", "常见", "的", "一", "种", "心血管疾病", ",", "它", "的", "危害", "不容", "小", "觑", ",", ".", ".", "."], ["1", "雨润", "牌", "卤汁", "豆腐干", "竟", "有", "虫子", "2", "九江", "麦当劳", "竟", "买到", "发霉", "汉堡"], ["男人", "吃", "这些", "食物", "可以", "补肾", "脏", "男性", "这样", "洗澡", "方式", "都是", "错", "的", "男人", "按摩", "这", "五", "个", "穴位", "更健康", "“", "十", "男", "九", "虚", "”", "到底", "是真是假"], ["女性", "经期", "吃", "这些", "身体", "会", "更好", "教", "你", "三", "招", "预防", "更年期综合症", "女性", "脾虚", "吃", "这些", "食物", "可", "补", "脾", "女性", "这样做", "让", "身体", "不再", "怕冷"]], "title": "每天喝柠檬水好吗 喝柠檬水8错误不能犯 - 三九养生堂"}, {"bs_rank_pos": 1, "paragraphs": ["是可以的,但是需要把柠檬水的用量控制在1000毫升中,是为了防止柠檬中的酸会伤及肠胃。 柠檬水的作用: 1. 增强免疫系统 维他命C就像是免疫系统的链接导线,而柠檬汁里含有大量的维他命C。当压力很大的时候,体内维他命C的值就会率先暴跌,这就是在感觉压力大的时候,专家推荐使用维他命C的原因。 2. 补充钾元素 正如上面所提到的那样,柠檬里含有很高的钾元素,钾元素对保持心脏健康有益,同时又有益于头脑和神经系统。 3. 帮助消化 柠檬汁不仅能通过排出消化道毒素来保健消化系统,还能减轻消化不良的状况,比如:胃灼热、打嗝,胀气。 4. 清洁系统 通过刺激肝脏提高酶的作用,从而将体内的毒素排出体外。 5.清洁呼吸系统 它还有助于缓解牙痛和齿龈炎。柠檬酸可以腐蚀牙釉质,所以要么在柠檬水之前刷牙,要么先刷牙再喝柠檬水。 6. 祛"], "segmented_title": ["一整天", "都", "喝", "柠檬水", ",", "可以", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["是", "可以", "的", ",", "但是", "需要", "把", "柠檬水", "的", "用量", "控制", "在", "1000", "毫升", "中", ",", "是", "为了", "防止", "柠檬", "中", "的", "酸", "会", "伤", "及", "肠胃", "。", "柠檬水", "的", "作用", ":", "1", ".", "增强", "免疫系统", "维他命", "C", "就像", "是", "免疫系统", "的", "链接", "导线", ",", "而", "柠檬汁", "里", "含有", "大量", "的", "维他命", "C", "。", "当", "压力", "很大", "的", "时候", ",", "体", "内", "维他命", "C", "的", "值", "就会", "率先", "暴跌", ",", "这", "就是", "在", "感觉", "压力大", "的", "时候", ",", "专家", "推荐", "使用", "维他命", "C", "的", "原因", "。", "2", ".", "补充", "钾", "元素", "正如", "上面", "所", "提到", "的", "那样", ",", "柠檬", "里", "含有", "很高", "的", "钾", "元素", ",", "钾", "元素", "对", "保持", "心脏", "健康", "有益", ",", "同时", "又", "有益于", "头脑", "和", "神经系统", "。", "3", ".", "帮助", "消化", "柠檬汁", "不仅", "能", "通过", "排出", "消化道", "毒素", "来", "保健", "消化系统", ",", "还能", "减轻", "消化不良", "的", "状况", ",", "比如", ":", "胃", "灼热", "、", "打嗝", ",", "胀气", "。", "4", ".", "清洁", "系统", "通过", "刺激", "肝脏", "提高", "酶", "的", "作用", ",", "从而", "将", "体", "内", "的", "毒素", "排出体外", "。", "5", ".", "清洁", "呼吸系统", "它", "还有", "助", "于", "缓解", "牙痛", "和", "齿龈炎", "。", "柠檬酸", "可以", "腐蚀", "牙釉质", ",", "所以", "要", "么", "在", "柠檬水", "之前", "刷牙", ",", "要", "么", "先", "刷牙", "再", "喝", "柠檬水", "。", "6", ".", "祛"]], "title": "一整天都喝柠檬水,可以吗?_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["喝柠檬水可以补充维生素C,皮肤会变白.坏处是会腐蚀牙齿,容易产生蛀牙.而且喝的过多会产生胃酸,对胃不好.喝完柠檬水不要马上吃海鲜.要马上刷牙.做法:一个柠檬带皮洗干净,用刀分成两分,一份放冰箱冷藏.另一半切成片,放在水杯里.倒入开水.然后等水凉了以后(热水特酸牙受不了)放上两三勺蜂蜜喝下去.然后这一天可以随时往杯子里续水.不用再喝白开水了,只喝这个就行了我建议一天早上空腹喝一杯就好 如果你一整天都在和柠檬水就会上楼上说的那"], "segmented_title": ["一整天", "都", "喝", "柠檬水", ",", "可以", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["喝", "柠檬水", "可以", "补充", "维生素", "C", ",", "皮肤", "会", "变", "白", ".", "坏处", "是", "会", "腐蚀", "牙齿", ",", "容易产生", "蛀牙", ".", "而且", "喝", "的", "过", "多", "会", "产生", "胃酸", ",", "对", "胃", "不好", ".", "喝完", "柠檬水", "不要", "马上", "吃海鲜", ".", "要", "马上", "刷牙", ".", "做法", ":", "一", "个", "柠檬", "带", "皮", "洗干净", ",", "用", "刀", "分成", "两", "分", ",", "一", "份", "放", "冰箱", "冷藏", ".", "另一半", "切成", "片", ",", "放在", "水杯", "里", ".", "倒入", "开水", ".", "然后", "等", "水", "凉", "了", "以后", "(", "热水", "特", "酸", "牙", "受不了", ")", "放", "上", "两", "三", "勺", "蜂蜜", "喝下去", ".", "然后", "这一天", "可以随时", "往", "杯子", "里", "续", "水", ".", "不用", "再", "喝", "白开水", "了", ",", "只", "喝", "这个", "就", "行", "了", "我", "建议", "一天早上", "空腹", "喝", "一", "杯", "就好", "如果", "你", "一整天", "都", "在", "和", "柠檬水", "就会", "上楼", "上", "说", "的", "那"]], "title": "一整天都喝柠檬水,可以吗?_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["经常喝柠檬水有以下好处 1.提高免疫力。 柠檬水中丰富的维生素C有助于免疫系统抗击感冒。黑基表示,柠檬水还有助于促进人体对铁的吸收,因为维生素C可以使非血红素铁的生物利用率提高4倍。 2.促进伤口愈合。 维生素C是促进伤口愈合,保持骨骼、组织和软骨健康的重要营养素之一。维生素C还有助于中和自由基,抑制体内炎症。 3.抗击皮肤衰老。 黑基表示,柠檬水的抗氧化作用有助于应对体内自由基损害,缓解衰老进程。其富含的维生素C能帮助氨基酸合成胶原,保护皮肤,防止皱纹早生。 4.降低食欲。 柠檬水中含有可溶性纤维素果胶,有助于增强饱腹感,进而控制食欲,防止过量饮食。保持更长时间的饱腹感,还有助于少吃零食,从而控制体重。 5.助消化。 柠檬水有益消化道健康,可刺激胃液分泌,帮助消化,促进排便,清理肠道。柠檬水还能缓解消化不"], "segmented_title": ["每天", "喝一杯", "柠檬水", "有", "什么", "好处", "_", "百度", "知道"], "segmented_paragraphs": [["经常", "喝", "柠檬水", "有", "以下", "好处", "1", ".", "提高免疫力", "。", "柠檬", "水中", "丰富", "的", "维生素", "C", "有助于", "免疫系统", "抗击", "感冒", "。", "黑基", "表示", ",", "柠檬水", "还有", "助", "于", "促进", "人体", "对", "铁", "的", "吸收", ",", "因为", "维生素", "C", "可以", "使", "非", "血红素", "铁", "的", "生物", "利用率", "提高", "4", "倍", "。", "2", ".", "促进", "伤口愈合", "。", "维生素", "C", "是", "促进", "伤口愈合", ",", "保持", "骨骼", "、", "组织", "和", "软骨", "健康", "的", "重要", "营养素", "之", "一", "。", "维生素", "C", "还有", "助", "于", "中和", "自由基", ",", "抑制", "体", "内", "炎症", "。", "3", ".", "抗击", "皮肤", "衰老", "。", "黑基", "表示", ",", "柠檬水", "的", "抗氧化", "作用", "有助于", "应对", "体", "内", "自由基", "损害", ",", "缓解", "衰老", "进程", "。", "其", "富含", "的", "维生素", "C", "能", "帮助", "氨基酸", "合成", "胶原", ",", "保护", "皮肤", ",", "防止", "皱纹", "早", "生", "。", "4", ".", "降低", "食欲", "。", "柠檬", "水中", "含有", "可溶性", "纤维素", "果胶", ",", "有助于", "增强", "饱腹", "感", ",", "进而", "控制", "食欲", ",", "防止", "过量", "饮食", "。", "保持", "更", "长", "时间", "的", "饱腹", "感", ",", "还有", "助", "于", "少", "吃零食", ",", "从而", "控制体重", "。", "5", ".", "助消化", "。", "柠檬水", "有益", "消化道", "健康", ",", "可", "刺激", "胃液分泌", ",", "帮助", "消化", ",", "促进", "排便", ",", "清理", "肠道", "。", "柠檬水", "还能", "缓解", "消化", "不"]], "title": "每天喝一杯柠檬水有什么好处_百度知道"}, {"bs_rank_pos": 3, "paragraphs": [" 字体: ", " 边距: ", " 背景: ", " 还原: ", "我喝的是一个柠檬榨出的汁,加一点蜂蜜和水,一口喝下去,不是一片柠檬慢慢泡的那种,因为我想就是喝里面的vc嘛,每天晚上喝,几个月了还没有白,有没有筒子喝柠檬白了的 我喝的是一个柠檬榨出的汁,加一点蜂蜜和水,一口喝下去,不是一片柠檬慢慢泡的那种,因为我想就是喝里面的vc嘛,每天晚上喝,几个月了还没有白,有没有筒子喝柠檬白了的 我喝的是一个柠檬榨出的汁,加一点蜂蜜和水,一口喝下去,不是一片柠檬慢慢泡的那种,因为我想就是喝里面的vc嘛,每天晚上喝,几个月了还没有白,有没有筒子喝柠檬白了的 ", " 楼主发言:12次 发图:0张 | 更多 举报 | 分享 | 楼主 | 点赞 ", " 不酸啊?哎哟喂 举报 | 2楼 | 打赏 | 回复 | 评论 | 赞 ", " 直接买维c 泡腾片不行吗 ", " 没坚持喝,不知效果。不过我的是柠檬泡蜂蜜,做成一罐,想喝倒点出来喝就成。", " 我试过每天半个柠檬,晚上挤汁喝,喝了一个月没白,还把胃搞坏了,放弃了", " 我喝了三个月了,也没觉得白一点点,但没像你用一个那么多。 ", " 不酸啊?哎哟喂 ----------------------------- 加蜂蜜啊 ", " 注意防晒啊还要。。。呃,反正我是变白了 ", " 注意防晒啊还要。。。呃,反正我是变白了 ----------------------------- 喝多久。怎么喝。差多少 ", " 貌似果壳网看的 柠檬水不美白 柠檬面膜更不可能美白 还有可能变黑 ", " 貌似果壳网看的 柠檬水不美白 柠檬面膜更不可能美白 还有可能变黑 ----------------------------- 啊啊啊啊啊啊啊啊啊啊啊。。。。。。真的???? 我每天都在喝柠檬水啊~~~55555555555 ", " 没觉得变白,但是皮肤好像变细了。 ", " 我也没喝白。。。不过可能也是没坚持的关系吧,酸的东西受不了 ", " 我喝那个两天就上火长溃疡、、话说每年夏天都晒黑,以前还努力下现在都直接放弃了,黑就黑呗 ", "在都直接放弃了,黑就黑呗  喝了", " 喝了一个夏天,每天两片泡起来,捏着鼻子就喝下去了,白了很多,痘痘也没了…", "琢撕芏痘痘也没了… 喝了一个夏天,", " 喝了一个夏天,每天两片泡起来,捏着鼻子就喝下去了,白了很多,痘痘也没了…  ----------------------------- 真的啊??晚上喝? ", " vc有一定的美白作用,但是柠檬皮里面的柠檬精油是光敏性的,喝这个可以但白天必须得防晒,不然你就等着变黑吧。 ", "伞 楼主你没上", " 楼主你没上火吗 ", "鹇 泡过柠檬蜂蜜,但是没坚", " 泡过柠檬蜂蜜,但是没坚持……", "帧喝了快大半年了。脸白的很明显啊。而且豆印淡了。 柠檬用白糖腌。天天泡着喝?  柠檬水感光的。。。喝完了", " 柠檬水感光的。。。喝完了晒太阳容易变黑的。。最好晚上喝。。 ", " 我就是把柠檬汁滴到杯子里刷牙,就滴两三滴,几天就酸牙了。楼主真牛,榨汁。。。 ", " 楼主你没上火吗  ----------------------------- 这玩意上火? ", " 我就是把柠檬汁滴到杯子里刷牙,就滴两三滴,几天就酸牙了。楼主真牛,榨汁。。。 ----------------------------- 不榨汁咋喝啊 ", " 我喝了一段时间,周围的人都说那段时间特别白。不过我是连皮泡水喝的。晚上睡觉前一个小时会喝一杯,白天上班没事的时候想起来也会喝。我觉得还是有点效果的。(PS:我这里的太阳特别大,平时也不怎么做防晒。) ", " 我就是把柠檬汁滴到杯子里刷牙,就滴两三滴,几天就酸牙了。楼主真牛,榨汁。。。"], "segmented_title": ["有没有", "喝", "柠檬水", "喝", "白", "的", "?", "我", "喝", "了", "好", "几个月", ",", "每天", "一", "个", "啊", "_", "娱乐八卦", "_", "天涯"], "segmented_paragraphs": [["字体", ":"], ["边距", ":"], ["背景", ":"], ["还原", ":"], ["我", "喝", "的", "是", "一", "个", "柠檬", "榨", "出", "的", "汁", ",", "加一", "点", "蜂蜜", "和", "水", ",", "一", "口", "喝下去", ",", "不是", "一", "片", "柠檬", "慢慢", "泡", "的", "那种", ",", "因为", "我", "想", "就是", "喝", "里面", "的", "vc", "嘛", ",", "每天晚上", "喝", ",", "几个月", "了", "还没有", "白", ",", "有没有", "筒子", "喝", "柠檬", "白", "了", "的", "我", "喝", "的", "是", "一", "个", "柠檬", "榨", "出", "的", "汁", ",", "加一", "点", "蜂蜜", "和", "水", ",", "一", "口", "喝下去", ",", "不是", "一", "片", "柠檬", "慢慢", "泡", "的", "那种", ",", "因为", "我", "想", "就是", "喝", "里面", "的", "vc", "嘛", ",", "每天晚上", "喝", ",", "几个月", "了", "还没有", "白", ",", "有没有", "筒子", "喝", "柠檬", "白", "了", "的", "我", "喝", "的", "是", "一", "个", "柠檬", "榨", "出", "的", "汁", ",", "加一", "点", "蜂蜜", "和", "水", ",", "一", "口", "喝下去", ",", "不是", "一", "片", "柠檬", "慢慢", "泡", "的", "那种", ",", "因为", "我", "想", "就是", "喝", "里面", "的", "vc", "嘛", ",", "每天晚上", "喝", ",", "几个月", "了", "还没有", "白", ",", "有没有", "筒子", "喝", "柠檬", "白", "了", "的"], ["楼主", "发言", ":", "12", "次", "发", "图", ":", "0", "张", "|", "更多", "举报", "|", "分享", "|", "楼主", "|", "点赞"], ["不", "酸", "啊", "?", "哎哟喂", "举报", "|", "2", "楼", "|", "打赏", "|", "回复", "|", "评论", "|", "赞"], ["直接", "买", "维c", "泡腾片", "不行", "吗"], ["没", "坚持", "喝", ",", "不知", "效果", "。", "不过", "我", "的", "是", "柠檬", "泡", "蜂蜜", ",", "做成", "一", "罐", ",", "想", "喝", "倒", "点", "出来", "喝", "就", "成", "。"], ["我试过", "每天", "半", "个", "柠檬", ",", "晚上", "挤", "汁", "喝", ",", "喝", "了", "一个月", "没", "白", ",", "还", "把", "胃", "搞", "坏", "了", ",", "放弃", "了"], ["我", "喝", "了", "三个月", "了", ",", "也", "没", "觉得", "白", "一点点", ",", "但", "没", "像", "你", "用", "一", "个", "那么多", "。"], ["不", "酸", "啊", "?", "哎哟喂", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "加", "蜂蜜", "啊"], ["注意", "防晒", "啊", "还要", "。", "。", "。", "呃", ",", "反正", "我", "是", "变", "白", "了"], ["注意", "防晒", "啊", "还要", "。", "。", "。", "呃", ",", "反正", "我", "是", "变", "白", "了", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "喝", "多久", "。", "怎么", "喝", "。", "差", "多少"], ["貌似", "果壳", "网", "看", "的", "柠檬水", "不", "美白", "柠檬", "面膜", "更", "不可能", "美白", "还有", "可能", "变", "黑"], ["貌似", "果壳", "网", "看", "的", "柠檬水", "不", "美白", "柠檬", "面膜", "更", "不可能", "美白", "还有", "可能", "变", "黑", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "啊啊啊", "啊啊啊", "啊啊", "啊啊啊", "。", "。", "。", "。", "。", "。", "真", "的", "?", "?", "?", "?", "我", "每天", "都", "在", "喝", "柠檬水", "啊", "~", "~", "~", "55555555555"], ["没", "觉得", "变", "白", ",", "但是", "皮肤", "好像", "变", "细", "了", "。"], ["我", "也", "没", "喝", "白", "。", "。", "。", "不过", "可能", "也是", "没", "坚持", "的", "关系", "吧", ",", "酸", "的", "东西", "受不了"], ["我", "喝", "那个", "两天", "就", "上火", "长", "溃疡", "、", "、", "话说", "每年", "夏天", "都", "晒黑", ",", "以前", "还", "努力", "下", "现在", "都", "直接", "放弃", "了", ",", "黑", "就", "黑", "呗"], ["在", "都", "直接", "放弃", "了", ",", "黑", "就", "黑", "呗", "喝", "了"], ["喝", "了", "一", "个", "夏天", ",", "每天", "两", "片", "泡", "起来", ",", "捏", "着", "鼻子", "就", "喝下去", "了", ",", "白", "了", "很多", ",", "痘痘", "也", "没了", "…"], ["琢", "撕", "芏", "痘痘", "也", "没了", "…", "喝", "了", "一", "个", "夏天", ","], ["喝", "了", "一", "个", "夏天", ",", "每天", "两", "片", "泡", "起来", ",", "捏", "着", "鼻子", "就", "喝下去", "了", ",", "白", "了", "很多", ",", "痘痘", "也", "没了", "…", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "真", "的", "啊", "?", "?", "晚上", "喝", "?"], ["vc", "有", "一定", "的", "美白", "作用", ",", "但是", "柠檬皮", "里面", "的", "柠檬", "精油", "是", "光敏", "性", "的", ",", "喝", "这个", "可以", "但", "白天", "必须", "得", "防晒", ",", "不", "然", "你", "就", "等", "着", "变", "黑", "吧", "。"], ["伞", "楼主", "你", "没", "上"], ["楼主", "你", "没", "上火", "吗"], ["鹇", "泡", "过", "柠檬", "蜂蜜", ",", "但是", "没", "坚"], ["泡", "过", "柠檬", "蜂蜜", ",", "但是", "没", "坚持", "…", "…"], ["帧", "喝", "了", "快", "大", "半年", "了", "。", "脸", "白", "的", "很明显", "啊", "。", "而且", "豆", "印", "淡", "了", "。", "柠檬", "用", "白糖", "腌", "。", "天天", "泡", "着", "喝", "?", "柠檬水", "感光", "的", "。", "。", "。", "喝完", "了"], ["柠檬水", "感光", "的", "。", "。", "。", "喝完", "了", "晒太阳", "容易", "变", "黑", "的", "。", "。", "最好", "晚上", "喝", "。", "。"], ["我", "就是", "把", "柠檬汁", "滴", "到", "杯子", "里", "刷牙", ",", "就", "滴", "两", "三", "滴", ",", "几天", "就", "酸", "牙", "了", "。", "楼主", "真", "牛", ",", "榨汁", "。", "。", "。"], ["楼主", "你", "没", "上火", "吗", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "这玩意", "上火", "?"], ["我", "就是", "把", "柠檬汁", "滴", "到", "杯子", "里", "刷牙", ",", "就", "滴", "两", "三", "滴", ",", "几天", "就", "酸", "牙", "了", "。", "楼主", "真", "牛", ",", "榨汁", "。", "。", "。", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "不", "榨汁", "咋", "喝", "啊"], ["我", "喝", "了", "一段时间", ",", "周围", "的", "人", "都", "说", "那段时间", "特别", "白", "。", "不过", "我", "是", "连", "皮", "泡水", "喝", "的", "。", "晚上", "睡觉", "前", "一", "个", "小时", "会", "喝一杯", ",", "白天", "上班", "没事", "的", "时候", "想起来", "也", "会", "喝", "。", "我", "觉得", "还是", "有点", "效果", "的", "。", "(", "PS", ":", "我", "这里", "的", "太阳", "特别", "大", ",", "平时", "也", "不", "怎么", "做", "防晒", "。", ")"], ["我", "就是", "把", "柠檬汁", "滴", "到", "杯子", "里", "刷牙", ",", "就", "滴", "两", "三", "滴", ",", "几天", "就", "酸", "牙", "了", "。", "楼主", "真", "牛", ",", "榨汁", "。", "。", "。"]], "title": "有没有喝柠檬水喝白的?我喝了好几个月,每天一个啊_娱乐八卦_天涯"}], "question": "柠檬泡水能天天喝吗", "yesno_type": "FACT", "segmented_question": ["柠檬", "泡水", "能", "天天", "喝", "吗"], "question_type": "YES_NO", "fact_or_opinion": "FACT", "question_id": 221587}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["直播中心→我的勋章,然后选择你要删除的勋章,就行了"], "segmented_title": ["虎牙", "直播", "中", "的", "粉丝", "勋章", "可以", "删除", "吗", "?", "怎么", "删", "_", "百度", "知道"], "segmented_paragraphs": [["直播中心", "→", "我", "的", "勋章", ",", "然后", "选择", "你", "要", "删除", "的", "勋章", ",", "就", "行", "了"]], "title": "虎牙直播中的粉丝勋章可以删除吗?怎么删_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["可以换 点徽章 有可以佩戴的"], "segmented_title": ["虎牙", "有", "个", "粉丝", "徽章", "不", "想要", "了", ",", "怎么", "能", "快速", "的", "把", "这个", "徽章", "删除", "掉", "?", "妹妹", "拿", "我", "_"], "segmented_paragraphs": [["可以", "换", "点", "徽章", "有", "可以", "佩戴", "的"]], "title": "虎牙有个粉丝徽章不想要了,怎么能快速的把这个徽章删除掉?妹妹拿我_"}, {"bs_rank_pos": 2, "paragraphs": ["首先,你必须是12级的游戏认证主播, 然后请进入虎牙直播个人中心—主播设置页面,提交昵称审核即可,官方会在三个工作日之内审核完毕。"], "segmented_title": ["怎么", "去掉", "虎牙", "tv", ",", "yy", "粉丝", "勋章", "_", "百度", "知道"], "segmented_paragraphs": [["首先", ",", "你", "必须", "是", "12", "级", "的", "游戏", "认证", "主播", ",", "然后", "请", "进入", "虎牙", "直播", "个人中心", "—", "主播", "设置", "页面", ",", "提交", "昵称", "审核", "即可", ",", "官方", "会", "在", "三", "个", "工作日", "之", "内", "审核", "完毕", "。"]], "title": "怎么去掉虎牙tv,yy粉丝勋章_百度知道"}, {"bs_rank_pos": 3, "paragraphs": ["首先,你必须是12级的游戏认证主播, 然后请进入虎牙直播个人中心—主播设置页面,提交昵称审核即可,官方会在三个工作日之内审核完毕。"], "segmented_title": ["虎牙", "直播", "的", "粉丝", "勋章", "怎么", "删除", "啊", "_", "百度", "知道"], "segmented_paragraphs": [["首先", ",", "你", "必须", "是", "12", "级", "的", "游戏", "认证", "主播", ",", "然后", "请", "进入", "虎牙", "直播", "个人中心", "—", "主播", "设置", "页面", ",", "提交", "昵称", "审核", "即可", ",", "官方", "会", "在", "三", "个", "工作日", "之", "内", "审核", "完毕", "。"]], "title": "虎牙直播的粉丝勋章怎么删除啊_百度知道"}, {"bs_rank_pos": 4, "paragraphs": ["请问各位大神,现在的虎牙怎么删除徽章?", " 下载贴吧APP看高清直播、视频!", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "segmented_title": ["YY", "更新", "后", "粉丝", "徽章", "如何", "删除", "?", "-", "虎牙", "直播", "吧", "-", "虎牙", "粉丝", "徽章", "怎么", "删除", "-", "百度"], "segmented_paragraphs": [["请问", "各位", "大神", ",", "现在", "的", "虎牙", "怎么", "删除", "徽章", "?"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "title": "YY更新后粉丝徽章如何删除?-虎牙直播吧-虎牙粉丝徽章怎么删除-百度"}], "question": "虎牙粉丝徽章怎么删除", "segmented_question": ["虎牙", "粉丝", "徽章", "怎么", "删除"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221588}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": [" 为什么很多公司都在做页游?还能请很多一线明星代言?页游真的有很大市场吗?", " 这是我领悟出来的,还做了PPT,道理不多讲,看图", " 很简单,看了这种SB广告还点进去玩的,一般都是SB,这种人最容易充值。自动从广告上就屏蔽掉了你们这些精英人士。真正做到精确定位打击。", " 最近真的是被这个页游广告污染到怀疑人生 ", " 这满满槽点的页游广告", " 竟然不知道从何吐槽起", " 这弱智一般的文案", " 这屎糊一样的调色", " 这精美三流的插图", " 衬托着王座上高贵霸气的古天乐", " 我是百度搜“贪玩蓝月广告”看到知乎帖子后进来的,之所以会搜贪玩蓝月是因为我被这个游戏的一系列广告恶心到想吐,广告完全谈不上创意,简单粗暴的程度比起街边1元店的大喇叭有过之而无不及。有人在前面说是广告的受众不同,这种广告是针对70、80这个年龄的老传奇玩家的,我就刚好是这类人群,但是对这个游戏的广告完全不能接受。所以我认为这个广告就如同是那些低略的诈骗广告,他们的手法通常不会很复杂,因为他们要在众多人群中选出“脑容量最小”的那一批,这才是他们最终目的,能在这游戏里花钱的估计也是同一批人。", " 广告词有点温州皮革厂黄鹤既视感.....", " 受众群体不一样,他们主要吸引30岁以上的成年人,这些人都是当年玩传奇过来的,对蓝月这种传奇风格的游戏很热衷,并且有一定经济基础,冲几百小玩的人很多,数万以上的也不少见。并且网页游戏可以在上班时间玩,开个网页就可以,还能自动挂机,游戏里同龄人较多,没有小学生。", " 贪玩蓝月唯一的好处只是付多点代言费给古天乐,让他更有钱去建学校而已。", " 斥资2亿打造的哟,错过这个版本只能再等一年哟。。真特么傻逼。我觉得玩这个游戏的人三观都有点不正,代言这个游戏的人都掉钱眼里了。", " 怎么讲呢,到底是游戏本身画质太渣?还是代言人不够受欢迎?还是这个广告太烦人?", " 其实,现在游戏市场上很多传奇类的游戏画质都跟贪玩蓝月差不多,而且贪玩蓝月面向的玩家本来就是80后这群曾经的传奇老玩家,所以在游戏画质上并不需要过多的论述。", " 再说,游戏坑爹、圈钱,试问哪个页游不是圈钱?早期的手游也大把圈钱的(除了现在畅销榜上的王者荣耀、阴阳师、梦幻手游这类重度手游),所以圈钱一说,也并不能就说只有贪玩蓝月一家在圈钱。", " 最后,就是广告了,其实在贪玩蓝月广告之前,也有很多其他页游广告长期存在在各大视频网站,那时候就已经有很多吐槽声音。所以我想大部分人反感的不是单只是贪玩蓝月,更多是反感整个游戏行业广告(特别是页游广告)。", " 但假设,把“游戏”这个字眼拿掉,“广告”就没人讨厌了吗?并不是,其实细想,我们最终讨厌的是整个广告行业,所以才会有所谓的“广告里插播电视剧”这么一句吐槽话。", " 看一个30秒视频,弹出1分钟的广告,是谁都烦。但不巧的是游戏(特别是页游)广告躺枪了,成为众多人口中抨击的对象。", " 但说到最后,不管是代言人也好,视频网站也罢。一个是愿出钱请代言人,出钱买广告位的公司,那另一个在没有违背道德利益的情况下,自然不觉得这钱赚得亏心。", " 每一个游戏都不能满足每一个人,正如我当年不玩LOL时(后来有玩),看到有人花几万块抽皮肤,我也感觉很脑残,皮肤又没什么实际作用。但钱是他的,他花的开心,花的心安理得,我也没什么权利批评他。再者,有人花钱玩贪玩蓝月(又或者玩其他脑残的页游),但这是他自愿的,他觉得在里面能够找到当年传奇的感觉,兄弟一起PK的乐趣,那这就是游戏的最大魅力了。", " 扯远了,这个问题谈的是贪玩蓝月广告,最后一句话,不想看广告,就开会员吧。", " 我就是想问背后投资是谁 真牛请了孙红雷又请古天乐", " 曾经有人讲解过这些花大价钱投放各种广告到各大视频网站的国产网游背后的事,仔细对比过后,你会发现他们都有一个共同的特点:仿传奇类玩法,各种怪物爆率的超高,装备的自由买卖,和充值游戏中货币的机制。这就为两类人提供了路子。一是老传奇玩家,能看到广告的,还想重温此游戏的一定不是特别差钱并且也愿意冲个一两百去乐一乐。二是洗钱,许多小公司的页游压根没有游戏体验一说,但服务器却可以对外出售,服务器内的各类游戏参数设置也可以调控,这就为洗钱提供了非常好的手段。充值买元宝(或者其他)买游戏中掉落的装备然后卖回服务器所有者(或游戏运营商)进行洗钱,页游本身就是一个幌子罢了。", " 搬砖搬累了的人玩不动3A大作的,图的就是快、炫、爽,一刀999", " 傻逼游戏,简直黑了明星!现在都对那些明星没好感了", " 还僵尸跳舞,看着那些沙比广告就想吐 - -.", " 说实话,当时特别反感这个广告,简直是脑残。。。后来忍无可忍点进去想看看到底是生么鬼。。。真的玩了一下午。。。。呕。。。再也不要让我看到这个了。。。为我自己的行为羞耻。所以,大概广告就能精准瞄准人群了吧", " 我就来看看大家怎么吐槽的", " 就是骗S B的钱。", " 为什么周杰伦会代言手抓饼跟明星代言页游是一个道理,孙红雷和古天乐因为代言了这些游戏、而你在进行这个游戏的时候有粉丝亲近感,心理距离会接近,大概意思就是这么个意思,我也是从以前的某个文章看到这种逻辑的,明星经济,聪明人看看就好,让那些人玩他们的,毕竟世界上所有人都是聪明人的话每个人的日子会更难过,我倒是更希望更多的人日常就是沉迷一下游戏啊看看直播之类的,不要去社会中抢资源,嗯哼"], "segmented_title": ["为什么", "像", "贪玩", "蓝月", "一类", "的", "页", "游", "广告", "感觉", "很", "差", "?", "-", "知乎"], "segmented_paragraphs": [["为什么", "很多", "公司", "都", "在", "做", "页", "游", "?", "还能", "请", "很多", "一线", "明星", "代言", "?", "页", "游", "真", "的", "有", "很大", "市场", "吗", "?"], ["这", "是", "我", "领悟", "出来", "的", ",", "还", "做", "了", "PPT", ",", "道理", "不", "多", "讲", ",", "看图"], ["很简单", ",", "看", "了", "这种", "SB", "广告", "还", "点", "进去", "玩", "的", ",", "一般", "都是", "SB", ",", "这种人", "最容易", "充值", "。", "自动", "从", "广告", "上", "就", "屏蔽", "掉", "了", "你们", "这些", "精英", "人士", "。", "真正做到", "精确定位", "打击", "。"], ["最近", "真", "的", "是", "被", "这个", "页", "游", "广告", "污染", "到", "怀疑", "人生"], ["这", "满满", "槽", "点", "的", "页", "游", "广告"], ["竟然", "不知道", "从", "何", "吐槽", "起"], ["这", "弱智", "一般", "的", "文案"], ["这", "屎", "糊", "一样", "的", "调色"], ["这", "精美", "三", "流", "的", "插图"], ["衬托", "着", "王座", "上", "高贵", "霸气", "的", "古天乐"], ["我", "是", "百度", "搜", "“", "贪玩", "蓝月", "广告", "”", "看到", "知乎", "帖子", "后", "进来", "的", ",", "之所以", "会", "搜", "贪玩", "蓝月", "是", "因为", "我", "被", "这个", "游戏", "的", "一系列", "广告", "恶心", "到", "想吐", ",", "广告", "完全", "谈", "不", "上", "创意", ",", "简单粗暴", "的", "程度", "比", "起", "街边", "1", "元", "店", "的", "大", "喇叭", "有过之而无不及", "。", "有人", "在", "前面", "说", "是", "广告", "的", "受众", "不同", ",", "这种", "广告", "是", "针对", "70", "、", "80", "这个", "年龄", "的", "老", "传奇", "玩家", "的", ",", "我", "就", "刚好", "是", "这", "类", "人群", ",", "但是", "对", "这个游戏", "的", "广告", "完全", "不能", "接受", "。", "所以", "我", "认为", "这个", "广告", "就", "如同", "是", "那些", "低", "略", "的", "诈骗", "广告", ",", "他们", "的", "手法", "通常", "不会", "很复杂", ",", "因为", "他们", "要", "在", "众多", "人群", "中", "选", "出", "“", "脑", "容量", "最小", "”", "的", "那", "一批", ",", "这", "才是", "他们", "最终", "目的", ",", "能", "在", "这", "游戏", "里", "花钱", "的", "估计", "也是", "同", "一批", "人", "。"], ["广告词", "有点", "温州", "皮革厂", "黄鹤", "既视感", ".", ".", ".", ".", "."], ["受众", "群体", "不一样", ",", "他们", "主要", "吸引", "30", "岁", "以上", "的", "成年人", ",", "这些人", "都是", "当年", "玩", "传奇", "过来", "的", ",", "对", "蓝月", "这种", "传奇", "风格", "的", "游戏", "很", "热衷", ",", "并且", "有", "一定", "经济基础", ",", "冲", "几", "百", "小", "玩", "的", "人", "很多", ",", "数", "万", "以上", "的", "也", "不", "少见", "。", "并且", "网页", "游戏", "可以", "在", "上班", "时间", "玩", ",", "开", "个", "网页", "就", "可以", ",", "还能", "自动", "挂机", ",", "游戏", "里", "同龄人", "较多", ",", "没有", "小学生", "。"], ["贪玩", "蓝月", "唯一", "的", "好处", "只是", "付", "多", "点", "代言", "费", "给", "古天乐", ",", "让", "他", "更", "有", "钱", "去", "建", "学校", "而已", "。"], ["斥资", "2", "亿", "打造", "的", "哟", ",", "错过", "这个", "版本", "只能", "再", "等", "一年", "哟", "。", "。", "真", "特", "么", "傻逼", "。", "我", "觉得", "玩", "这个", "游戏的人", "三观", "都", "有点", "不正", ",", "代言", "这个", "游戏", "的", "人", "都", "掉", "钱", "眼里", "了", "。"], ["怎么", "讲", "呢", ",", "到底", "是", "游戏", "本身", "画质", "太", "渣", "?", "还是", "代言", "人", "不够", "受欢迎", "?", "还是", "这个", "广告", "太", "烦人", "?"], ["其实", ",", "现在", "游戏", "市场", "上", "很多", "传奇", "类", "的", "游戏", "画质", "都", "跟", "贪玩", "蓝月", "差不多", ",", "而且", "贪玩", "蓝月", "面向", "的", "玩家", "本来就是", "80", "后", "这", "群", "曾经", "的", "传奇", "老", "玩家", ",", "所以", "在", "游戏", "画质", "上", "并", "不需要", "过", "多", "的", "论述", "。"], ["再", "说", ",", "游戏", "坑爹", "、", "圈钱", ",", "试", "问", "哪个", "页", "游", "不是", "圈钱", "?", "早期", "的", "手游", "也", "大", "把", "圈钱", "的", "(", "除了", "现在", "畅销", "榜", "上", "的", "王者", "荣耀", "、", "阴阳师", "、", "梦幻", "手游", "这", "类", "重度", "手游", ")", ",", "所以", "圈钱", "一", "说", ",", "也", "并", "不", "能", "就", "说", "只有", "贪玩", "蓝月", "一", "家", "在", "圈钱", "。"], ["最后", ",", "就是", "广告", "了", ",", "其实", "在", "贪玩", "蓝月", "广告", "之", "前", ",", "也有", "很多", "其他", "页", "游", "广告", "长期", "存在", "在", "各", "大", "视频", "网站", ",", "那时候", "就", "已经", "有很多", "吐槽", "声音", "。", "所以", "我", "想", "大部分", "人", "反感", "的", "不是", "单", "只是", "贪玩", "蓝月", ",", "更多", "是", "反感", "整个", "游戏", "行业", "广告", "(", "特别", "是", "页", "游", "广告", ")", "。"], ["但", "假设", ",", "把", "“", "游戏", "”", "这个字", "眼", "拿掉", ",", "“", "广告", "”", "就", "没", "人", "讨厌", "了", "吗", "?", "并", "不是", ",", "其实", "细想", ",", "我们", "最终", "讨厌", "的", "是", "整个", "广告", "行业", ",", "所以", "才会", "有", "所谓", "的", "“", "广告", "里", "插播", "电视剧", "”", "这么", "一句", "吐槽", "话", "。"], ["看", "一", "个", "30", "秒", "视频", ",", "弹出", "1", "分钟", "的", "广告", ",", "是", "谁", "都", "烦", "。", "但", "不巧", "的", "是", "游戏", "(", "特别", "是", "页", "游", ")", "广告", "躺枪", "了", ",", "成为", "众多", "人口", "中", "抨击", "的", "对象", "。"], ["但", "说", "到", "最后", ",", "不管", "是", "代言人", "也", "好", ",", "视频", "网站", "也罢", "。", "一", "个", "是", "愿", "出钱", "请", "代言人", ",", "出钱", "买", "广告位", "的", "公司", ",", "那", "另一个", "在", "没有", "违背", "道德", "利益", "的", "情况", "下", ",", "自然", "不", "觉得", "这", "钱", "赚", "得", "亏心", "。"], ["每一个", "游戏", "都", "不能", "满足", "每一个人", ",", "正如", "我", "当年", "不", "玩", "LOL", "时", "(", "后来", "有", "玩", ")", ",", "看到", "有人", "花", "几", "万", "块", "抽", "皮肤", ",", "我", "也", "感觉", "很", "脑残", ",", "皮肤", "又", "没", "什么", "实际", "作用", "。", "但", "钱", "是", "他", "的", ",", "他", "花", "的", "开心", ",", "花", "的", "心安理得", ",", "我", "也", "没", "什么", "权利", "批评", "他", "。", "再者", ",", "有人", "花钱", "玩", "贪玩", "蓝月", "(", "又", "或者", "玩", "其他", "脑残", "的", "页", "游", ")", ",", "但", "这", "是", "他", "自愿", "的", ",", "他", "觉得", "在", "里面", "能够", "找到", "当年", "传奇", "的", "感觉", ",", "兄弟", "一起", "PK", "的", "乐趣", ",", "那", "这", "就是", "游戏", "的", "最大", "魅力", "了", "。"], ["扯", "远", "了", ",", "这个问题", "谈", "的", "是", "贪玩", "蓝月", "广告", ",", "最后一句话", ",", "不", "想", "看", "广告", ",", "就", "开", "会员", "吧", "。"], ["我", "就是", "想", "问", "背后", "投资", "是", "谁", "真", "牛", "请", "了", "孙红雷", "又", "请", "古天乐"], ["曾经有人", "讲解", "过", "这些", "花", "大", "价钱", "投放", "各种", "广告", "到", "各", "大", "视频", "网站", "的", "国产", "网游", "背后", "的", "事", ",", "仔细", "对比", "过后", ",", "你", "会", "发现", "他们", "都", "有", "一", "个", "共同", "的", "特点", ":", "仿", "传奇", "类", "玩法", ",", "各种", "怪物", "爆率", "的", "超高", ",", "装备", "的", "自由", "买卖", ",", "和", "充值", "游戏", "中", "货币", "的", "机制", "。", "这", "就", "为", "两", "类", "人", "提供", "了", "路子", "。", "一", "是", "老", "传奇", "玩家", ",", "能看到", "广告", "的", ",", "还", "想", "重温", "此", "游戏", "的", "一定", "不是", "特别", "差", "钱", "并且", "也", "愿意", "冲", "个", "一两百", "去", "乐", "一", "乐", "。", "二", "是", "洗钱", ",", "许多", "小", "公司", "的", "页", "游", "压", "根", "没有", "游戏", "体验", "一", "说", ",", "但", "服务器", "却", "可以", "对外", "出售", ",", "服务器", "内", "的", "各类", "游戏", "参数设置", "也", "可以", "调控", ",", "这", "就", "为", "洗钱", "提供", "了", "非常好", "的", "手段", "。", "充值", "买", "元宝", "(", "或者", "其他", ")", "买", "游戏", "中", "掉落", "的", "装备", "然后", "卖", "回", "服务器", "所有者", "(", "或", "游戏", "运营商", ")", "进行", "洗钱", ",", "页", "游", "本身就是", "一", "个", "幌子", "罢", "了", "。"], ["搬砖", "搬", "累", "了", "的", "人", "玩", "不动", "3A", "大", "作", "的", ",", "图", "的", "就是", "快", "、", "炫", "、", "爽", ",", "一", "刀", "999"], ["傻逼", "游戏", ",", "简直", "黑", "了", "明星", "!", "现在", "都", "对", "那些", "明星", "没", "好感", "了"], ["还", "僵尸", "跳舞", ",", "看着", "那些", "沙", "比", "广告", "就", "想吐", "-", "-", "."], ["说实话", ",", "当时", "特别", "反感", "这个", "广告", ",", "简直", "是", "脑残", "。", "。", "。", "后来", "忍无可忍", "点", "进去", "想", "看看", "到底", "是", "生", "么", "鬼", "。", "。", "。", "真", "的", "玩", "了", "一", "下午", "。", "。", "。", "。", "呕", "。", "。", "。", "再", "也", "不要", "让", "我", "看到", "这个", "了", "。", "。", "。", "为", "我", "自己", "的", "行为", "羞耻", "。", "所以", ",", "大概", "广告", "就能", "精准", "瞄准", "人群", "了", "吧"], ["我", "就", "来", "看看", "大家", "怎么", "吐槽", "的"], ["就是", "骗", "S", "B", "的", "钱", "。"], ["为什么", "周杰伦", "会", "代言", "手抓饼", "跟", "明星", "代言", "页", "游", "是", "一", "个", "道理", ",", "孙红雷", "和", "古天乐", "因为", "代言", "了", "这些", "游戏", "、", "而", "你", "在", "进行", "这个游戏", "的", "时候", "有", "粉丝", "亲近", "感", ",", "心理", "距离", "会", "接近", ",", "大概", "意思", "就是", "这么", "个", "意思", ",", "我", "也是", "从", "以前", "的", "某", "个", "文章", "看到", "这种", "逻辑", "的", ",", "明星", "经济", ",", "聪明人", "看看", "就好", ",", "让", "那些人", "玩", "他们", "的", ",", "毕竟", "世界上", "所有人", "都是", "聪明", "人", "的", "话", "每个", "人", "的", "日子", "会", "更", "难过", ",", "我", "倒", "是", "更", "希望", "更多", "的", "人", "日常", "就是", "沉迷", "一", "下", "游戏", "啊", "看看", "直播", "之类", "的", ",", "不要", "去", "社会", "中", "抢", "资源", ",", "嗯哼"]], "title": "为什么像贪玩蓝月一类的页游广告感觉很差? - 知乎"}, {"bs_rank_pos": 1, "paragraphs": ["贪玩你们这样真的好嘛?充完钱玩了一个礼拜,莫名其妙的被封,好,我不说话!今天重新注册账号,跟朋友玩1880区,差不多一小时才充钱,没充钱游戏玩的好好的,一充钱又强制被踢下线,然后禁止登陆!是不是封号都是你们爱怎么封怎么封?客服说我拉人了,行,我自己创建的帮会没人,我世界喊一句:帮会收人,稳定常在的一起打boss! 这样也有错?第一个号封了,我不说话.那个号上的人多.我也不纠结,但是我今天刚注册的账号,刚充完钱你就给我封了!!贪玩真的是很6! ", " 还玩传奇 就孙红雷 那啥 比造型 看这都没兴趣玩哦 ", " 这本来就是诈骗你还充钱?天上不会掉馅饼的!", " 玩个破壁游戏爱充钱,活该!", " 下载贴吧APP看高清直播、视频!", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "segmented_title": ["贪玩", "你们", "这样", "真的好", "嘛", "?", "-", "蓝月传奇", "吧", "-", "贪玩", "蓝月传奇", "-", "百度贴吧"], "segmented_paragraphs": [["贪玩", "你们", "这样", "真的好", "嘛", "?", "充", "完", "钱", "玩", "了", "一个礼拜", ",", "莫名其妙", "的", "被", "封", ",", "好", ",", "我", "不说话", "!", "今天", "重新注册", "账号", ",", "跟", "朋友", "玩", "1880", "区", ",", "差不多", "一小时", "才", "充", "钱", ",", "没", "充", "钱", "游戏", "玩", "的", "好", "好", "的", ",", "一", "充", "钱", "又", "强制", "被", "踢", "下线", ",", "然后", "禁止", "登陆", "!", "是不是", "封号", "都是", "你们", "爱", "怎么", "封", "怎么", "封", "?", "客服", "说", "我", "拉", "人", "了", ",", "行", ",", "我自己", "创建", "的", "帮会", "没", "人", ",", "我", "世界", "喊", "一句", ":", "帮会", "收人", ",", "稳定", "常", "在", "的", "一起", "打", "boss", "!", "这样", "也有", "错", "?", "第一个", "号", "封", "了", ",", "我", "不说话", ".", "那个", "号", "上", "的", "人", "多", ".", "我", "也", "不", "纠结", ",", "但是", "我", "今天", "刚", "注册", "的", "账号", ",", "刚", "充", "完", "钱", "你", "就", "给", "我", "封", "了", "!", "!", "贪玩", "真", "的", "是", "很", "6", "!"], ["还", "玩", "传奇", "就", "孙红雷", "那", "啥", "比", "造型", "看", "这", "都", "没", "兴趣", "玩", "哦"], ["这", "本来就是", "诈骗", "你", "还", "充", "钱", "?", "天上", "不会", "掉", "馅饼", "的", "!"], ["玩", "个", "破壁", "游戏", "爱", "充", "钱", ",", "活该", "!"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "title": "贪玩你们这样真的好嘛?-蓝月传奇吧-贪玩蓝月传奇-百度贴吧"}, {"bs_rank_pos": 2, "paragraphs": [" 贪玩蓝月,各种广告,还请了不少大牌明星代言。非常想知道为什么还有人在玩,好玩在哪里? ", " 这是一个很low,但的确有很多人玩并且乐于充钱的神奇游戏。", " 这种游戏的盈利模式很简单,用铺天盖地的广告收取眼球,用明星代言收取认同感,用情怀牌收取玩家粘性,一个典型的割草游戏。", " 首先说受众,这款游戏针对的主要是三类人:一是年过三十,无工作无技能无爱好的三无富二代,这群人除了钱一无所有,又没什么朋友,很难获得认同感。另一类是在一个无聊或冷门的岗位一直呆了很多年,又没本事跳槽或晋升的白领。第三类就是在广大边远地区,缺乏高配电脑的适龄青年。他们有一个共同点就是视野相对封闭,认知水平相对比较低,又有一定的经济基础或者没别的地方用钱。视野封闭决定了他们容易受到蓝月一类无孔不入的广告轰炸而无法关注到其他游戏,认知水平低决定了他们无法去甄别这到底是不是一个靠谱的游戏,有一定经济基础或者没别的地方用钱,加上他们自身的特性,决定了他们几乎只能靠游戏来获得认同感和快感(他们甚至想不到,用氪金的钱,都可以买一台高配电脑走入真正的游戏殿堂,获得更加高质量的享受)。讽刺的是,在当前全国城镇化仅有57.35%的情况下,这三类人的数量还是很庞大的。", " 其次说说营销,这款游戏的营销特点就是两个:信息轰炸和明星代言。有一次公交车上反复循环掏粪男孩的《青春修炼手册》,几站下车后,我竟然情不自禁哼上左手右手一个慢动作。信息轰炸就是这个目的,你很讨厌他,但你就是记住他了。蓝月的明星代言比较特别,他有好几类,一个是“90后老板征服XXX代言”(比如孙红雷、古天乐),一个是明星穿那一套羞耻的戏服现场拍摄(比如林子聪、张卫健和那个韩国大波妹)或者告诉你这游戏怎样怎样(比如刘涛告诉你弓箭手有多牛,有的甚至戏服都懒得给你穿,比如泰森和韩国大波妹那个广告)的小视频,一个是你们经常看到的明星穿戏服的PS照成品(以上提到的明星除泰森都有)。正常人会觉得,这什么吉跋玩意儿?好羞耻啊,刘涛我求求你不要说那些话啊!。但上面提到那三类人会觉得,卧槽,这些人都在玩,叼。说白了,这个游戏的营销一开始就走的是低端路线。", " 最后,扯一下游戏环境。这也是个重要的原因。现在国家在大力提文创,所以有了专项扶持资金,然而,正因为如此,专心开发提高游戏质量,宣传画面宣传游戏性远不如随便弄个项目骗一笔扶持资金来得快。所以现在的游戏环境反而不如九几年的时候自由竞争来得好。", " 1楼说的方向不错,玩这些的要满足几个条件:", " 1追求社会认同感/需求更高层次的社会地位 追求社会认同并不见得在实际生活中是个足不出户的死宅loser,但总之在现实生活中,自己获得的认同或者社会地位仍不满足自身心理预期,需要得到虚拟世界的进一步填补。当然所有热衷于多人在线,玩家互动和带有竞技或者挑战内容游戏的人都有这种心理。 2审美特殊或者单纯审美能力较低 为啥丑到爆土到爆还有人去玩?为啥明星拉低身价去说尴尬的广告词?非常简单的原因就是,至少国内大多数人的审美水平都是较低的,审美水平越高的人越是少数。土的掉渣恰恰就表示了其受众极为广泛。 3对游戏综合素质不具备鉴别能力 审美层次低,基本上也意味着对游戏质量的要求同样也低,不会要求多良好的体验,什么方便的功能,合理的情节内容,人性化的操作方式,公平合理的竞争系统,这一类统统不深究。而这样对于游戏质量不挑剔的人群,比起那些对游戏极端挑剔的玩家,更容易得到满意的体验,也更容易为游戏买单。", " 说实话,中国人有钱人很多,但是有钱不代表受过高等教育,受过高等教育不代表有良好的审美基础和对游戏鉴别能力。换句话说,大量具备经济实力的消费者都是分辨不了游戏品质的,而这一类玩家的钱却好赚得多。", " 5信息获取渠道缺失", " 为啥电视购物那么假,网上到处都在说是骗人的产品还有人上当?因为这些上当的人只看电视不会上网。同理铺天盖地的网络广告,针对的就是那些不会去专业游戏论坛或者游戏资讯平台,没有渠道去近距离接触高品质游戏的人群。只能在低端产品里选择一个看起来最有保障(例如大明星代言)的。而这类人群往往又具备2,3点的特性。所以这种营销方式是非常成功地面向目标人群的。", " 就像玩蓝月传奇的人也想不明白我们这些loser 为什么爱玩王者荣耀,呵呵。都是不同年代的人喜欢不同的东西而已。开心就好。不过确实是有高低之分,不是秀优越感。蓝月传奇跟lol,刀塔2,王者荣耀这些dota 类游戏比就是垃圾。就像以后的会有玩vr网络游戏的新一代,笑我们这些老古董居然会玩dota 这些傻比游戏。", " 反对楼上一些不懂装懂想当然瞎定义的,我本人也玩类似页游,我是开建材店的,上下游基本成熟稳定,所以比较轻松,基本上每天呆在店里看着就行,有空就玩玩这样的游戏,而在这游戏里结识的其他玩家,大多数并不是像楼上总结的那样职场loser或边远山区没见过世面的人,而是各色人员都有,我就列举我现在玩的这个区的这个行会的几个玩家,A,北京人,40岁左右,银监会工作,B,60岁,北京人,退休副厅级,全国100策划家,C,30岁,深圳某数码产品公司二代,已接手公司一般管理职能,D,30岁,大连某小二贷款公司老板,E,35岁,链家地产某部门总监,F,30岁,武汉人,职业游戏商人,有自己工作室,去年最好的时候月入超过5万,现在也基本2万左右…游戏玩到中后期,基本都是类似的玩家,我不觉得他们就是楼上说的傻逼,或者职场loser,他们并不会比知乎键盘侠差…游戏只是一种休闲娱乐方式而已,跟看电视,唱歌,旅游,养小三,赌博,在知乎秀逼格一样,花钱花时间得到了自己想要的快感就可以…", " 哈哈 我就玩蓝月传奇 玩了个道士 小扇子一拿还挺美 这个分人 我玩这个就喜欢能挂机 当个单机玩 一共了花了230块钱(并且不准备再花了) 比好多花3,4千的都玩的好 不用去黑玩这个游戏的人 其中总有比你聪明比你有钱的 人都有选择放松自己方式的自由 没有高端或者低端之分 人家愿意你管的着吗", " 好玩在哪里其实觉得还是玩过才知道吧,女票看男票玩游戏也不理解游戏比我好看在哪里,摊手,大概一个愿打一个愿挨?传奇网页版蓝月传奇好玩吗 传奇网页版哪个游戏好玩"], "segmented_title": ["为什么", "还有", "人", "玩", "蓝月传奇", "?", "-", "知乎"], "segmented_paragraphs": [["贪玩", "蓝月", ",", "各种", "广告", ",", "还", "请", "了", "不少", "大牌", "明星", "代言", "。", "非常", "想", "知道", "为什么", "还有", "人", "在", "玩", ",", "好玩", "在", "哪里", "?"], ["这", "是", "一", "个", "很", "low", ",", "但", "的", "确", "有", "很多人", "玩", "并且", "乐于", "充", "钱", "的", "神奇", "游戏", "。"], ["这种", "游戏", "的", "盈利模式", "很简单", ",", "用", "铺天盖地", "的", "广告", "收取", "眼球", ",", "用", "明星", "代言", "收取", "认同感", ",", "用", "情怀", "牌", "收取", "玩家", "粘性", ",", "一", "个", "典型", "的", "割草", "游戏", "。"], ["首先", "说", "受众", ",", "这", "款", "游戏", "针对", "的", "主要", "是", "三类", "人", ":", "一", "是", "年", "过", "三", "十", ",", "无", "工作", "无", "技能", "无", "爱好", "的", "三无", "富二代", ",", "这群人", "除了", "钱", "一无所有", ",", "又", "没", "什么", "朋友", ",", "很难", "获得", "认同感", "。", "另", "一类", "是", "在", "一", "个", "无聊", "或", "冷门", "的", "岗位", "一直", "呆", "了", "很多年", ",", "又", "没本事", "跳槽", "或", "晋升", "的", "白领", "。", "第三类", "就是", "在", "广大", "边远", "地区", ",", "缺乏", "高配", "电脑", "的", "适龄", "青年", "。", "他们", "有", "一", "个", "共同点", "就是", "视野", "相对", "封闭", ",", "认知", "水平", "相对", "比较", "低", ",", "又", "有", "一定", "的", "经济基础", "或者", "没", "别", "的", "地方", "用钱", "。", "视野", "封闭", "决定", "了", "他们", "容易", "受到", "蓝月", "一类", "无孔不入", "的", "广告", "轰炸", "而", "无法", "关注", "到", "其他", "游戏", ",", "认知", "水平", "低", "决定", "了", "他们", "无法", "去", "甄别", "这", "到底", "是不是", "一", "个", "靠谱", "的", "游戏", ",", "有", "一定", "经济基础", "或者", "没", "别", "的", "地方", "用钱", ",", "加上", "他们", "自身", "的", "特性", ",", "决定", "了", "他们", "几乎", "只能", "靠", "游戏", "来", "获得", "认同感", "和", "快感", "(", "他们", "甚至", "想", "不到", ",", "用", "氪金", "的", "钱", ",", "都", "可以", "买", "一", "台", "高配", "电脑", "走入", "真正", "的", "游戏", "殿堂", ",", "获得", "更加", "高质量", "的", "享受", ")", "。", "讽刺", "的", "是", ",", "在", "当前", "全国", "城镇化", "仅", "有", "57", ".", "35", "%", "的", "情况", "下", ",", "这", "三类", "人", "的", "数量", "还是", "很", "庞大", "的", "。"], ["其次", "说说", "营销", ",", "这", "款", "游戏", "的", "营销", "特点", "就是", "两", "个", ":", "信息", "轰炸", "和", "明星", "代言", "。", "有", "一次", "公交车上", "反复", "循环", "掏粪", "男孩", "的", "《", "青春", "修炼", "手册", "》", ",", "几", "站", "下车后", ",", "我", "竟然", "情不自禁", "哼", "上", "左手", "右手", "一", "个", "慢动作", "。", "信息", "轰炸", "就是", "这个", "目的", ",", "你", "很", "讨厌", "他", ",", "但", "你", "就是", "记住", "他", "了", "。", "蓝月", "的", "明星", "代言", "比较", "特别", ",", "他", "有", "好", "几", "类", ",", "一", "个", "是", "“", "90后", "老板", "征服", "XXX", "代言", "”", "(", "比如", "孙红雷", "、", "古天乐", ")", ",", "一", "个", "是", "明星", "穿", "那", "一", "套", "羞耻", "的", "戏", "服", "现场", "拍摄", "(", "比如", "林子聪", "、", "张卫健", "和", "那个", "韩国", "大波妹", ")", "或者", "告诉", "你", "这", "游戏", "怎样", "怎样", "(", "比如", "刘涛", "告诉", "你", "弓箭手", "有", "多", "牛", ",", "有", "的", "甚至", "戏", "服", "都", "懒得", "给", "你", "穿", ",", "比如", "泰森", "和", "韩国", "大波妹", "那个", "广告", ")", "的", "小", "视频", ",", "一", "个", "是", "你们", "经常", "看到", "的", "明星", "穿", "戏", "服", "的", "PS", "照", "成品", "(", "以上", "提到", "的", "明星", "除", "泰森", "都", "有", ")", "。", "正常人", "会", "觉得", ",", "这", "什么", "吉", "跋", "玩意儿", "?", "好", "羞耻", "啊", ",", "刘涛", "我", "求求你", "不要说", "那些", "话", "啊", "!", "。", "但", "上面", "提到", "那", "三类", "人", "会", "觉得", ",", "卧槽", ",", "这些人", "都", "在", "玩", ",", "叼", "。", "说白了", ",", "这个游戏", "的", "营销", "一开始", "就", "走", "的", "是", "低端", "路线", "。"], ["最后", ",", "扯", "一", "下", "游戏", "环境", "。", "这", "也是", "个", "重要", "的", "原因", "。", "现在", "国家", "在", "大力", "提", "文", "创", ",", "所以", "有", "了", "专项", "扶持", "资金", ",", "然而", ",", "正", "因为", "如此", ",", "专心", "开发", "提高", "游戏", "质量", ",", "宣传", "画面", "宣传", "游戏", "性", "远", "不如", "随便", "弄", "个", "项目", "骗", "一", "笔", "扶持", "资金", "来", "得", "快", "。", "所以", "现在", "的", "游戏", "环境", "反而", "不如", "九几年", "的", "时候", "自由", "竞争", "来", "得", "好", "。"], ["1", "楼", "说", "的", "方向", "不错", ",", "玩", "这些", "的", "要", "满足", "几个", "条件", ":"], ["1", "追求", "社会", "认同感", "/", "需求", "更高", "层次", "的", "社会地位", "追求", "社会", "认同", "并", "不见得", "在", "实际", "生活", "中", "是", "个", "足不出户", "的", "死宅", "loser", ",", "但", "总之", "在", "现实", "生活", "中", ",", "自己", "获得", "的", "认同", "或者", "社会地位", "仍", "不", "满足", "自身", "心理", "预期", ",", "需要", "得到", "虚拟世界", "的", "进一步", "填补", "。", "当然", "所有", "热衷于", "多", "人", "在线", ",", "玩家", "互动", "和", "带有", "竞技", "或者", "挑战", "内容", "游戏的人", "都", "有", "这种", "心理", "。", "2", "审美", "特殊", "或者", "单纯", "审美", "能力", "较", "低", "为啥", "丑到爆", "土", "到", "爆", "还有", "人", "去", "玩", "?", "为啥", "明星", "拉", "低", "身价", "去", "说", "尴尬", "的", "广告词", "?", "非常", "简单", "的", "原因", "就是", ",", "至少", "国内", "大多数", "人", "的", "审美", "水平", "都是", "较", "低", "的", ",", "审美", "水平", "越", "高", "的", "人", "越", "是", "少数", "。", "土", "的", "掉渣", "恰恰", "就", "表示", "了", "其", "受众", "极为", "广泛", "。", "3", "对", "游戏", "综合素质", "不具备", "鉴别", "能力", "审美", "层次", "低", ",", "基本上", "也", "意味着", "对", "游戏", "质量", "的", "要求", "同样", "也", "低", ",", "不会", "要求", "多", "良好", "的", "体验", ",", "什么", "方便", "的", "功能", ",", "合理", "的", "情节", "内容", ",", "人性化", "的", "操作", "方式", ",", "公平合理", "的", "竞争", "系统", ",", "这", "一类", "统", "统", "不", "深究", "。", "而", "这样", "对于", "游戏", "质量", "不", "挑剔", "的", "人群", ",", "比", "起", "那些", "对", "游戏", "极端", "挑剔", "的", "玩家", ",", "更容易", "得到", "满意", "的", "体验", ",", "也", "更容易", "为", "游戏", "买单", "。"], ["说实话", ",", "中国人", "有钱人", "很多", ",", "但是", "有钱", "不", "代表", "受过", "高等教育", ",", "受过", "高等教育", "不", "代表", "有", "良好", "的", "审美", "基础", "和", "对", "游戏", "鉴别", "能力", "。", "换句话说", ",", "大量", "具备", "经济", "实力", "的", "消费者", "都是", "分辨", "不", "了", "游戏", "品质", "的", ",", "而", "这", "一类", "玩家", "的", "钱", "却", "好", "赚", "得", "多", "。"], ["5", "信息", "获取", "渠道", "缺失"], ["为啥", "电视购物", "那么", "假", ",", "网上", "到处", "都", "在", "说", "是", "骗人", "的", "产品", "还有", "人", "上", "当", "?", "因为", "这些", "上", "当", "的", "人", "只", "看电视", "不会", "上网", "。", "同", "理", "铺天盖地", "的", "网络广告", ",", "针对", "的", "就是", "那些", "不会", "去", "专业", "游戏论坛", "或者", "游戏", "资讯", "平台", ",", "没有", "渠道", "去", "近距离接触", "高品质", "游戏", "的", "人群", "。", "只能", "在", "低端", "产品", "里", "选择", "一", "个", "看起来", "最", "有", "保障", "(", "例如", "大明星", "代言", ")", "的", "。", "而", "这", "类", "人群", "往往", "又", "具备", "2", ",", "3", "点", "的", "特性", "。", "所以", "这种", "营销", "方式", "是", "非常", "成功", "地面", "向", "目标人群", "的", "。"], ["就像", "玩", "蓝月传奇", "的", "人", "也", "想", "不明白", "我们", "这些", "loser", "为什么", "爱玩", "王者", "荣耀", ",", "呵呵", "。", "都是", "不同", "年代", "的", "人", "喜欢", "不同", "的", "东西", "而已", "。", "开心就好", "。", "不过", "确实", "是", "有", "高低", "之", "分", ",", "不是", "秀", "优越感", "。", "蓝月传奇", "跟", "lol", ",", "刀塔", "2", ",", "王者", "荣耀", "这些", "dota", "类", "游戏", "比", "就是", "垃圾", "。", "就像", "以后", "的", "会", "有", "玩", "vr", "网络游戏", "的", "新一代", ",", "笑", "我们", "这些", "老古董", "居然", "会", "玩", "dota", "这些", "傻", "比", "游戏", "。"], ["反对", "楼上", "一些", "不懂装懂", "想当然", "瞎", "定义", "的", ",", "我", "本人", "也", "玩", "类似", "页", "游", ",", "我", "是", "开", "建材", "店", "的", ",", "上下", "游", "基本", "成熟", "稳定", ",", "所以", "比较", "轻松", ",", "基本上", "每天", "呆", "在", "店", "里", "看着", "就", "行", ",", "有空", "就", "玩玩", "这样", "的", "游戏", ",", "而", "在", "这", "游戏", "里", "结识", "的", "其他", "玩家", ",", "大多数", "并", "不是", "像", "楼上", "总结", "的", "那样", "职场", "loser", "或", "边远", "山区", "没", "见过", "世", "面", "的", "人", ",", "而是", "各色", "人员", "都", "有", ",", "我", "就", "列举", "我", "现在", "玩", "的", "这个", "区", "的", "这个", "行", "会", "的", "几个", "玩家", ",", "A", ",", "北京人", ",", "40", "岁", "左右", ",", "银监会", "工作", ",", "B", ",", "60", "岁", ",", "北京人", ",", "退休", "副厅级", ",", "全国", "100", "策划", "家", ",", "C", ",", "30岁", ",", "深圳", "某", "数码产品", "公司", "二代", ",", "已", "接", "手", "公司", "一般", "管理", "职能", ",", "D", ",", "30岁", ",", "大连", "某", "小二", "贷款", "公司", "老板", ",", "E", ",", "35", "岁", ",", "链家", "地产", "某", "部门", "总监", ",", "F", ",", "30岁", ",", "武汉", "人", ",", "职业", "游戏", "商人", ",", "有", "自己", "工作室", ",", "去年", "最好", "的", "时候", "月", "入", "超过", "5", "万", ",", "现在", "也", "基本", "2", "万", "左右", "…", "游戏", "玩", "到", "中后期", ",", "基本", "都是", "类似", "的", "玩家", ",", "我不觉得", "他们", "就是", "楼上", "说", "的", "傻逼", ",", "或者", "职场", "loser", ",", "他们", "并", "不", "会", "比", "知乎", "键盘", "侠", "差", "…", "游戏", "只是", "一", "种", "休闲", "娱乐", "方式", "而已", ",", "跟", "看", "电视", ",", "唱歌", ",", "旅游", ",", "养", "小三", ",", "赌博", ",", "在", "知乎", "秀", "逼格", "一样", ",", "花钱", "花", "时间", "得到", "了", "自己", "想要", "的", "快感", "就", "可以", "…"], ["哈哈", "我", "就", "玩", "蓝月传奇", "玩", "了", "个", "道士", "小", "扇子", "一", "拿", "还", "挺", "美", "这个", "分", "人", "我", "玩", "这个", "就", "喜欢", "能", "挂机", "当", "个", "单机", "玩", "一共", "了", "花", "了", "230", "块", "钱", "(", "并且", "不", "准备", "再", "花", "了", ")", "比", "好多", "花", "3", ",", "4", "千", "的", "都", "玩", "的", "好", "不用", "去", "黑", "玩", "这个", "游戏", "的", "人", "其中", "总", "有", "比", "你", "聪明", "比", "你", "有钱", "的", "人", "都", "有", "选择", "放松", "自己", "方式", "的", "自由", "没有", "高端", "或者", "低端", "之", "分", "人家", "愿意", "你", "管", "的", "着", "吗"], ["好玩", "在", "哪里", "其实", "觉得", "还是", "玩", "过", "才", "知道", "吧", ",", "女", "票", "看", "男票", "玩游戏", "也", "不", "理解", "游戏", "比", "我", "好看", "在", "哪里", ",", "摊手", ",", "大概", "一", "个", "愿", "打", "一", "个", "愿", "挨", "?", "传奇", "网页", "版", "蓝月传奇", "好玩", "吗", "传奇", "网页", "版", "哪个", "游戏", "好玩"]], "title": "为什么还有人玩蓝月传奇? - 知乎"}, {"bs_rank_pos": 3, "paragraphs": ["百度经验:jingyan.baidu.com", " 新年伊始,网络突然大变化,许多网页游戏也纷纷请明星大腕来做代言人。广告里还说:用人民币回收装备,这个就不要相信。所有说用人民币回收装备的都是假的或者说都是骗人的。", "百度经验:jingyan.baidu.com", " 1 我们先说一下怎么获得装备,最简单的方法就是到地宫取打baosi这些大怪就可以爆出许多装备, 步骤阅读 2 升级打法,这是封魔谷排阵。所有的英雄都是法师。注意,要先排出毒然后是冰、冰后是爆,最后是电,这样的排法是最好的,您试试就可以明白了 步骤阅读 3 注意看,都是法师了。所有玩家都在使用法师。这是游戏里的漏洞。 步骤阅读 4 完成每日任务就可以顺利升级了。  步骤阅读 5 关键是让你冲钱补充钱寸步难行。这是在盟重领取经验,必须冲钱才可以领取。 步骤阅读 6 打天关也可以获得装备。天关里的守卫全是大怪。打过的就不会爆了 步骤阅读 7 升级就必须完成任务。这是升级的捷径。 步骤阅读 8 升级还可以在升级的地方,自动升级, 步骤阅读 9 看地宫里的大怪都是可以打过的,最可怕的还是法师。大家记住,要玩就要注册一个法师,游戏里的攻防严重不平衡。 步骤阅读 END", " 经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", " 个性签名:该用户暂未添加个性签名 "], "segmented_title": ["贪玩", "蓝月传奇", "怎么", "玩", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["新年伊始", ",", "网络", "突然", "大", "变化", ",", "许多", "网页", "游戏", "也", "纷纷", "请", "明星大腕", "来", "做", "代言人", "。", "广告", "里", "还", "说", ":", "用", "人民币", "回收", "装备", ",", "这个", "就", "不要", "相信", "。", "所有", "说", "用", "人民币", "回收", "装备", "的", "都是", "假", "的", "或者说", "都是", "骗人", "的", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "我们", "先", "说", "一", "下", "怎么", "获得", "装备", ",", "最", "简单", "的", "方法", "就是", "到", "地宫", "取", "打", "baosi", "这些", "大", "怪", "就", "可以", "爆出", "许多", "装备", ",", "步骤", "阅读", "2", "升级", "打法", ",", "这", "是", "封魔", "谷", "排阵", "。", "所有", "的", "英雄", "都是", "法师", "。", "注意", ",", "要", "先", "排出", "毒", "然后", "是", "冰", "、", "冰", "后", "是", "爆", ",", "最后", "是", "电", ",", "这样", "的", "排法", "是", "最好", "的", ",", "您", "试", "试", "就", "可以", "明白", "了", "步骤", "阅读", "3", "注意", "看", ",", "都是", "法师", "了", "。", "所有", "玩家", "都", "在", "使用", "法师", "。", "这", "是", "游戏", "里", "的", "漏洞", "。", "步骤", "阅读", "4", "完成", "每日", "任务", "就", "可以", "顺利", "升级", "了", "。", "步骤", "阅读", "5", "关键", "是", "让", "你", "冲", "钱", "补充", "钱", "寸步难行", "。", "这", "是", "在", "盟", "重", "领取", "经验", ",", "必须", "冲", "钱", "才", "可以", "领取", "。", "步骤", "阅读", "6", "打", "天", "关", "也", "可以", "获得", "装备", "。", "天", "关", "里", "的", "守卫", "全", "是", "大", "怪", "。", "打", "过", "的", "就", "不会", "爆", "了", "步骤", "阅读", "7", "升级", "就", "必须", "完成", "任务", "。", "这", "是", "升级", "的", "捷径", "。", "步骤", "阅读", "8", "升级", "还", "可以", "在", "升级", "的", "地方", ",", "自动升级", ",", "步骤", "阅读", "9", "看", "地宫", "里", "的", "大", "怪", "都是", "可以", "打", "过", "的", ",", "最", "可怕", "的", "还是", "法师", "。", "大家", "记住", ",", "要", "玩", "就要", "注册", "一", "个", "法师", ",", "游戏", "里", "的", "攻防", "严重", "不平衡", "。", "步骤", "阅读", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "该", "用户", "暂", "未", "添加", "个性签名"]], "title": "贪玩蓝月传奇怎么玩_百度经验"}, {"bs_rank_pos": 4, "paragraphs": ["本人昨天刚进的新区,充了二百多了,本来打算今天再充点到v4的,结果给我号封了,原因是我存在拉人词语,我他妈就说了一句,兄弟,在吗,他回我???,我说你的那个二转武器卖吗?就提示我已经下线,我就想问,他们那么多私聊我让我上歪歪,让我发微信给他们的人为什么不封?难道这个游戏还不能买卖装备了吗?真是个垃圾平台。还不如我之前在5399玩单机呢。", " 有一起换平台玩的吗?有的加微信,18244878184 ", " 贪玩一天开那么多区,玩个几天就合区。这样的平台能玩吗?", " 贪玩和xy里人多如牛毛,特别是世界boss和闭关的时候,把屏蔽全开都卡的不行,世界boss掉的东西经常是一个东西都捡不着,出来瞬间就没了", " 听了你的话,我就去5399了,哈哈 ", " 我在5399玩得很开心啊 一直当老大 真爽 ", " 兄弟,我今天刚在新区玩挖宝挖一件天龙战甲!贪玩一不小心就封号了!我也是被封了换平台的。要来一起玩加我吧!411142810企鹅", " 昨晚玩蓝月传奇xy,IP说封就封了,我正常玩玩游戏,花了好几万,说封就封,感觉特别不公平.", " 都差不多,我玩贪玩蓝月,充了vip 也被封了游戏都登录不上,更换账号IP都不好使", " 下载贴吧APP看高清直播、视频!", " 贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "segmented_title": ["贪玩", "蓝月", "这个", "垃圾", "平台", "。", "【", "蓝月传奇", "网页", "游戏", "吧", "】", "_", "百度贴吧"], "segmented_paragraphs": [["本人", "昨天", "刚", "进", "的", "新区", ",", "充", "了", "二", "百", "多", "了", ",", "本来", "打算", "今天", "再", "充", "点", "到", "v4", "的", ",", "结果", "给", "我", "号", "封", "了", ",", "原因", "是", "我", "存在", "拉", "人", "词语", ",", "我", "他", "妈", "就", "说", "了", "一句", ",", "兄弟", ",", "在", "吗", ",", "他", "回", "我", "?", "?", "?", ",", "我", "说", "你", "的", "那个", "二", "转", "武器", "卖", "吗", "?", "就", "提示", "我", "已经", "下线", ",", "我", "就", "想", "问", ",", "他们", "那么多", "私聊", "我", "让", "我", "上", "歪歪", ",", "让", "我", "发", "微信", "给", "他们", "的", "人", "为什么", "不", "封", "?", "难道", "这个游戏", "还", "不能", "买卖", "装备", "了", "吗", "?", "真是", "个", "垃圾", "平台", "。", "还", "不如", "我", "之", "前", "在", "5399", "玩", "单机", "呢", "。"], ["有", "一起", "换", "平台", "玩", "的", "吗", "?", "有", "的", "加", "微信", ",", "18244878184"], ["贪玩", "一", "天", "开", "那么多", "区", ",", "玩", "个", "几天", "就", "合", "区", "。", "这样", "的", "平台", "能", "玩", "吗", "?"], ["贪玩", "和", "xy", "里", "人", "多如牛毛", ",", "特别", "是", "世界", "boss", "和", "闭关", "的", "时候", ",", "把", "屏蔽", "全开", "都", "卡", "的", "不行", ",", "世界", "boss", "掉", "的", "东西", "经常", "是", "一", "个", "东西", "都", "捡", "不", "着", ",", "出来", "瞬间", "就", "没了"], ["听", "了", "你的话", ",", "我", "就", "去", "5399", "了", ",", "哈哈"], ["我", "在", "5399", "玩", "得", "很开心", "啊", "一直", "当", "老大", "真", "爽"], ["兄弟", ",", "我", "今天", "刚", "在", "新区", "玩", "挖宝", "挖", "一", "件", "天龙", "战", "甲", "!", "贪玩", "一不小心", "就", "封号", "了", "!", "我", "也是", "被", "封", "了", "换", "平台", "的", "。", "要", "来", "一起", "玩", "加", "我", "吧", "!", "411142810", "企鹅"], ["昨晚", "玩", "蓝月传奇", "xy", ",", "IP", "说", "封", "就", "封", "了", ",", "我", "正常", "玩玩", "游戏", ",", "花", "了", "好", "几", "万", ",", "说", "封", "就", "封", ",", "感觉特别", "不公平", "."], ["都", "差不多", ",", "我", "玩", "贪玩", "蓝月", ",", "充", "了", "vip", "也", "被", "封", "了", "游戏", "都", "登录", "不", "上", ",", "更换", "账号", "IP", "都", "不好", "使"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "title": "贪玩蓝月这个垃圾平台。【蓝月传奇网页游戏吧】_百度贴吧"}], "question": "贪玩蓝月和蓝月传奇一样吗", "yesno_type": "OPINION", "segmented_question": ["贪玩", "蓝月", "和", "蓝月传奇", "一样", "吗"], "question_type": "YES_NO", "fact_or_opinion": "OPINION", "question_id": 221589}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["人寿,太平洋,平安三者之间那个好?", "买哪家公司的产品都无所谓,但选择重疾险应注意以下几点: ", "1、保障期限:保障期限越长,价格越高;健康是伴随人一生的,买重疾险主要为了准备一笔医疗", ",以备不时之需,缴费时间越长越好。一是因为交费期长,虽然所付总额可能略多些,但每次交费较少,不会给家庭带来太大的负担,加之利息等因素,实际成本不一定高于一次缴清的付费方式。二是因为不少保险公司规定,若重大疾病保险金的给付发生在交费期内,从给付之日起,免交以后各期保险费,保险合同继续有效。这就是说,如果被保险人交费第二年身染重疾,选择10年缴,实际保费只付......", "其实保险产品没有什么好坏之分的.只能说看看哪个公司的产品与你更合身.各公司的产品都是在同小异的.比较一下各公司的同类产品.看看在保险金额相同情况下,那个要交的保费更少;相同保额,相同保费下,哪个公司的保险利益更多,保险期限更长;注意还得看看哪个公司的售后服务更好! 声明,本人是学生,不是保险公司的人员.", " 人寿公司的重疾保险好,在业内人(如别的保险公司职员)也购买它.", " 中国人寿的康宁终身最好 ", " 帮忙推荐保险品种女性,接近不惑,中等收入... 大家对保险有什么看法?一个朋友是做保险业... 买哪个公司的重大疾病保险好?人寿,太平洋...", "呵呵,哪家公司的产品好要看你的需求,上面三家中资公司在国内都还可以,具体哪个险种合适你,请根据自已的经济情况,年龄及所在地进行结合进行选择!", " 我买的平安的。听说王菲也是在平安给她女儿投保的!", "保险相关知识 投资理财知识 投资理财问题解决 投资理财", "  医院剖腹产需要多少钱 啊,医保能报销的...", "确定举报此问题", "报告,这不是个问题", " 这不是个问题  这个问题分类似乎错了  这个不是我熟悉的地区 "], "segmented_title": ["【", "最好", "的", "保险公司", "是", "哪家", "】", "买", "哪个", "公司", "的", "重大疾病", "保险", "好", "?", "人寿", ",", "太平洋", ","], "segmented_paragraphs": [["人寿", ",", "太平洋", ",", "平安", "三者", "之间", "那个", "好", "?"], ["买", "哪家", "公司", "的", "产品", "都", "无所谓", ",", "但", "选择", "重疾险", "应", "注意", "以下几点", ":"], ["1", "、", "保障", "期限", ":", "保障", "期限", "越", "长", ",", "价格", "越", "高", ";", "健康", "是", "伴随", "人", "一生", "的", ",", "买", "重疾险", "主要", "为了", "准备", "一", "笔", "医疗"], [",", "以", "备", "不时之需", ",", "缴费", "时间", "越", "长", "越好", "。", "一", "是因为", "交费", "期", "长", ",", "虽然", "所", "付", "总额", "可能", "略", "多些", ",", "但", "每次", "交费", "较", "少", ",", "不会", "给", "家庭", "带来", "太", "大", "的", "负担", ",", "加", "之", "利息", "等", "因素", ",", "实际", "成本", "不一定", "高于", "一次", "缴", "清", "的", "付费方式", "。", "二", "是因为", "不少", "保险公司", "规定", ",", "若", "重大疾病", "保险金", "的", "给付", "发生", "在", "交费", "期", "内", ",", "从", "给付", "之", "日", "起", ",", "免交", "以后", "各", "期", "保险费", ",", "保险合同", "继续", "有效", "。", "这就是说", ",", "如果", "被保险人", "交费", "第二年", "身", "染", "重疾", ",", "选择", "10", "年", "缴", ",", "实际", "保费", "只", "付", ".", ".", ".", ".", ".", "."], ["其实", "保险", "产品", "没有", "什么", "好坏", "之", "分", "的", ".", "只能", "说", "看看", "哪个", "公司", "的", "产品", "与", "你", "更", "合", "身", ".", "各", "公司", "的", "产品", "都是", "在", "同小异", "的", ".", "比较一下", "各", "公司", "的", "同类产品", ".", "看看", "在", "保险金额", "相同", "情况", "下", ",", "那个", "要", "交", "的", "保费", "更", "少", ";", "相同", "保额", ",", "相同", "保费", "下", ",", "哪个", "公司", "的", "保险利益", "更多", ",", "保险期限", "更", "长", ";", "注意", "还", "得", "看看", "哪个", "公司", "的", "售后服务", "更好", "!", "声明", ",", "本人", "是", "学生", ",", "不是", "保险公司", "的", "人员", "."], ["人寿", "公司", "的", "重疾", "保险", "好", ",", "在", "业内人", "(", "如", "别", "的", "保险公司", "职员", ")", "也", "购买", "它", "."], ["中国人寿", "的", "康宁终身", "最好"], ["帮忙", "推荐", "保险", "品种", "女性", ",", "接近", "不惑", ",", "中等收入", ".", ".", ".", "大家", "对", "保险", "有", "什么", "看法", "?", "一", "个", "朋友", "是", "做", "保险业", ".", ".", ".", "买", "哪个", "公司", "的", "重大疾病", "保险", "好", "?", "人寿", ",", "太平洋", ".", ".", "."], ["呵呵", ",", "哪家", "公司", "的", "产品", "好", "要", "看", "你", "的", "需求", ",", "上面", "三", "家中", "资", "公司", "在", "国内", "都", "还", "可以", ",", "具体", "哪个", "险种", "合适", "你", ",", "请", "根据", "自已", "的", "经济", "情况", ",", "年龄", "及", "所在地", "进行", "结合", "进行", "选择", "!"], ["我", "买", "的", "平安", "的", "。", "听说", "王菲", "也是", "在", "平安", "给", "她", "女儿", "投保", "的", "!"], ["保险", "相关知识", "投资理财", "知识", "投资理财", "问题", "解决", "投资理财"], ["医院", "剖腹产", "需要", "多少", "钱", "啊", ",", "医保", "能", "报销", "的", ".", ".", "."], ["确定", "举报", "此", "问题"], ["报告", ",", "这", "不是", "个", "问题"], ["这", "不是", "个", "问题", "这个问题", "分类", "似乎", "错", "了", "这个", "不是", "我", "熟悉", "的", "地区"]], "title": "【最好的保险公司是哪家】买哪个公司的重大疾病保险好?人寿,太平洋,"}, {"bs_rank_pos": 1, "paragraphs": ["摘要:保险是一个长期的计划,您所选择的保险公司的未来发展前景和资产管理能力关系到您的一生,所以消费者们一定要慎重再慎重。以下是买购网为您提供的保险公司品牌榜单,提供给您参考。", "随着我国金融业的发展,各种保险公司如雨后春笋般现身市场,其中既有国有保险公司,又有股份制保险公司和外资保险公司。不过按照行业标准来说,目前我国的十大保险公司主要有: ", "别小看了这个榜单,这可是十大品牌网maigoo根据相关数据统计出来的十大保险公司排名,对于初次买保险以及陷入抉择艰难的人们来说,具有很高的参考价值。虽然保险公司越来越多,而且从保险公司做宣传的内容来看,似乎为民众的利益保障相对以往有多了一道安全网,同时保险公司也以保额的对比来吸引消费者,使得投保人有了很大的选择余地,但同时也面临着更多的困惑。究竟该选择哪一个保险公司好,应该怎样选择保险公司呢?消费者不妨从以下几方面来衡量: ", "保险公司的偿付能力是一种支付保险金的能力,表现为实际资产减去实际负债后的数额。保险公司的偿付能力是影响公司经营的最重要因素。具备足够的偿付能力,保险公司就可以保证在发生保险事故的情况下,有足够的资金向被保险人支付保险金,保证保险公司的正常经营。影响保险公司偿付能力的因素主要有以下3个: ", "(1)资本金,准备金和公积金:保险公司的资本金、准备金和公积金的数额多少直接体现了保险公司的偿付能力大小。(2)业务规模:保险公司的业务规模是指保险公司的业务范围和业务总量。", "(3)保险费率:保险费率是保险的价格,也是保险公司收取保险费的依据。 以上3个因素是影响保险公司偿付能力的主要因素。除此之外,保险资金的运用、再保险业务等情况也对偿付能力有影响。", "虽然保险合同的基本事项原则是相同的,但不同的保险公司其合同条款还是有很大差异。因此,投保人必须非常明确你所购买的保险是否能够满足你的需要。比如:该合同承保哪些风险?被保的财产是什么?被保的责任有哪些?该合同的保险责任(保险收益)有多大?保险期限多长?6个月,还是1年,或更长的时间?损失发生时使用什么样的补偿方法?等等。 ", "理赔实践是投保人了解保险公司的又一重要方面。在购买保险之前,通常从以下几个渠道获取有关公司理赔实践的信息: ", "(1)向保险公司的管理部门咨询该公司受消费者投诉的情况。(2)从相关的报刊杂志上收集各公司有关理赔实践的文章和报导。(3)从保险代理人和经纪人那里获取保险公司过去的理赔情况。(4)从朋友那里打听,他们的保险公司是怎样对待他们的。", "虽然在大多数情况下,只有符合一定条件的投保人才能被保险公司接受其为消费者,这个过程就是业务承保的过程。对保险公司来说,面临如下三种抉择:接受投保;拒绝投保;接受投保,但要作出一些变动。所以投保人投保时最好能了解保险公司的承保能力有多大。", "投保人所需要的服务大致有四个方面,即确定保险需求方面的帮助,选择保险项目方面的帮助,预防损失方面的帮助,和索赔方面的帮助。选择保险公司时,要从两个方面注意其服务质量和数量。一是从保险公司代理人那里所能获得的服务,一是从保险公司那里所能获得的服务。", " 如有侵犯您的版权,请联系我们,我们将及时删除。 ", "行业精彩推荐 月关注排行榜 最新加入文章 历史关注排行", "按行业查看: 保险 理财-网贷 银行 股票 证券 基金 基金托管机构 融资担保 投资-风投 第三方支付 信用卡 律师事务所 会计师事务所 税务师事务所 商标事务所 管理咨询公司 认证机构 展会展览 拍卖行 公关服务 传媒公司 在线视频 电视传媒 ", " 按条件查看: 热门精选专题 按人群专题 生活服务专题 什么牌子好 ", " 热卖网店: 中国人寿人身保险旗舰店 中国平安旗舰店  人保寿险旗舰店 新华保险旗舰店  太平洋保险-寿险 安邦瑞和保险旗舰店  泰康人寿旗舰店 太平人寿保险旗舰店  阳光人寿旗舰店 中国大地保险旗舰店 "], "segmented_title": ["哪家", "保险公司", "好", "十大", "保险公司", "推荐", "_", "买", "购", "网"], "segmented_paragraphs": [["摘要", ":", "保险", "是", "一", "个", "长期", "的", "计划", ",", "您", "所", "选择", "的", "保险公司", "的", "未来", "发展前景", "和", "资产", "管理", "能力", "关系", "到", "您", "的", "一生", ",", "所以", "消费者", "们", "一定要", "慎重", "再", "慎重", "。", "以下", "是", "买", "购", "网", "为您", "提供", "的", "保险公司", "品牌", "榜单", ",", "提供", "给", "您", "参考", "。"], ["随着", "我", "国", "金融业", "的", "发展", ",", "各种", "保险公司", "如", "雨后春笋", "般", "现身", "市场", ",", "其中", "既", "有", "国", "有", "保险公司", ",", "又", "有", "股份制", "保险公司", "和", "外资", "保险公司", "。", "不过", "按照", "行业标准", "来", "说", ",", "目前我国", "的", "十大", "保险公司", "主要有", ":"], ["别", "小", "看", "了", "这个", "榜单", ",", "这", "可是", "十大", "品牌", "网", "maigoo", "根据", "相关", "数据", "统计", "出来", "的", "十大", "保险公司", "排名", ",", "对于", "初次", "买保险", "以及", "陷入", "抉择", "艰难", "的", "人们", "来", "说", ",", "具有", "很高", "的", "参考", "价值", "。", "虽然", "保险公司", "越来越多", ",", "而且", "从", "保险公司", "做宣传", "的", "内容", "来看", ",", "似乎", "为民众", "的", "利益", "保障", "相对", "以往", "有", "多", "了", "一", "道", "安全网", ",", "同时", "保险公司", "也", "以", "保额", "的", "对比", "来", "吸引", "消费者", ",", "使得", "投保人", "有", "了", "很大", "的", "选择", "余地", ",", "但", "同时", "也", "面临", "着", "更多", "的", "困惑", "。", "究竟", "该", "选择", "哪", "一", "个", "保险公司", "好", ",", "应该", "怎样", "选择", "保险公司", "呢", "?", "消费者", "不", "妨", "从", "以下", "几", "方面", "来", "衡量", ":"], ["保险公司", "的", "偿付能力", "是", "一", "种", "支付", "保险金", "的", "能力", ",", "表现", "为", "实际", "资产", "减去", "实际", "负债", "后", "的", "数额", "。", "保险公司", "的", "偿付能力", "是", "影响", "公司", "经营", "的", "最", "重要", "因素", "。", "具备", "足够", "的", "偿付能力", ",", "保险公司", "就", "可以", "保证", "在", "发生", "保险事故", "的", "情况", "下", ",", "有", "足够", "的", "资金", "向", "被保险人", "支付", "保险金", ",", "保证保险", "公司", "的", "正常", "经营", "。", "影响", "保险公司", "偿付能力", "的", "因素", "主要", "有", "以下", "3", "个", ":"], ["(", "1", ")", "资本金", ",", "准备金", "和", "公积金", ":", "保险公司", "的", "资本金", "、", "准备金", "和", "公积金", "的", "数额", "多少", "直接", "体现", "了", "保险公司", "的", "偿付能力", "大小", "。", "(", "2", ")", "业务", "规模", ":", "保险公司", "的", "业务", "规模", "是", "指", "保险公司", "的", "业务范围", "和", "业务", "总量", "。"], ["(", "3", ")", "保险费率", ":", "保险费率", "是", "保险", "的", "价格", ",", "也是", "保险公司", "收取", "保险费", "的", "依据", "。", "以上", "3", "个", "因素", "是", "影响", "保险公司", "偿付能力", "的", "主要", "因素", "。", "除此之外", ",", "保险资金", "的", "运用", "、", "再保险", "业务", "等", "情况", "也", "对", "偿付能力", "有", "影响", "。"], ["虽然", "保险合同", "的", "基本", "事项", "原则", "是", "相同", "的", ",", "但", "不同", "的", "保险公司", "其", "合同", "条款", "还是", "有", "很大", "差异", "。", "因此", ",", "投保人", "必须", "非常", "明确", "你", "所", "购买", "的", "保险", "是否", "能够", "满足", "你", "的", "需要", "。", "比如", ":", "该", "合同", "承保", "哪些", "风险", "?", "被", "保", "的", "财产", "是什么", "?", "被", "保", "的", "责任", "有", "哪些", "?", "该", "合同", "的", "保险责任", "(", "保险", "收益", ")", "有多大", "?", "保险期限", "多长", "?", "6", "个", "月", ",", "还是", "1", "年", ",", "或", "更", "长", "的", "时间", "?", "损失", "发生", "时", "使用", "什么", "样", "的", "补偿", "方法", "?", "等等", "。"], ["理赔", "实践", "是", "投保人", "了解", "保险公司", "的", "又", "一", "重要", "方面", "。", "在", "购买", "保险", "之", "前", ",", "通常", "从", "以下", "几个", "渠道", "获取", "有关", "公司", "理赔", "实践", "的", "信息", ":"], ["(", "1", ")", "向", "保险公司", "的", "管理", "部门", "咨询", "该", "公司", "受", "消费者投诉", "的", "情况", "。", "(", "2", ")", "从", "相关", "的", "报刊", "杂志", "上", "收集", "各", "公司", "有关", "理赔", "实践", "的", "文章", "和", "报导", "。", "(", "3", ")", "从", "保险代理", "人和", "经纪人", "那里", "获取", "保险公司", "过去", "的", "理赔", "情况", "。", "(", "4", ")", "从", "朋友", "那里", "打听", ",", "他们", "的", "保险公司", "是", "怎样", "对待", "他们", "的", "。"], ["虽然", "在", "大多数", "情况", "下", ",", "只有", "符合", "一定", "条件", "的", "投保人", "才能", "被", "保险公司", "接受", "其", "为", "消费者", ",", "这个", "过程", "就是", "业务", "承保", "的", "过程", "。", "对", "保险公司", "来", "说", ",", "面临", "如", "下", "三种", "抉择", ":", "接受", "投保", ";", "拒绝", "投保", ";", "接受", "投保", ",", "但", "要", "作出", "一些", "变动", "。", "所以", "投保人", "投保时", "最好", "能", "了解", "保险公司", "的", "承保", "能力", "有多大", "。"], ["投保人", "所", "需要", "的", "服务", "大致", "有", "四个方面", ",", "即", "确定", "保险", "需求", "方面", "的", "帮助", ",", "选择", "保险", "项目", "方面", "的", "帮助", ",", "预防", "损失", "方面", "的", "帮助", ",", "和", "索赔", "方面", "的", "帮助", "。", "选择", "保险公司", "时", ",", "要", "从", "两", "个", "方面", "注意", "其", "服务", "质量", "和", "数量", "。", "一", "是", "从", "保险公司", "代理人", "那里", "所", "能", "获得", "的", "服务", ",", "一", "是", "从", "保险公司", "那里", "所", "能", "获得", "的", "服务", "。"], ["如", "有", "侵犯", "您", "的", "版权", ",", "请", "联系", "我们", ",", "我们", "将", "及时", "删除", "。"], ["行业", "精彩推荐", "月", "关注", "排行榜", "最新", "加入", "文章", "历史", "关注排行"], ["按", "行业", "查看", ":", "保险", "理财", "-", "网贷", "银行", "股票", "证券", "基金", "基金", "托管", "机构", "融资担保", "投资", "-", "风投", "第三方支付", "信用卡", "律师事务所", "会计师事务所", "税务师事务所", "商标", "事务", "所", "管理咨询", "公司", "认证机构", "展会", "展览", "拍卖行", "公关", "服务", "传媒", "公司", "在线视频", "电视", "传媒"], ["按", "条件", "查看", ":", "热门", "精选专题", "按", "人群", "专题", "生活服务", "专题", "什么", "牌子", "好"], ["热卖", "网店", ":", "中国人寿", "人身保险", "旗舰店", "中国平安", "旗舰店", "人保", "寿险", "旗舰店", "新华", "保险", "旗舰店", "太平洋保险", "-", "寿险", "安邦瑞", "和", "保险", "旗舰店", "泰康人寿", "旗舰店", "太平人寿", "保险", "旗舰店", "阳光", "人寿", "旗舰店", "中国", "大地", "保险", "旗舰店"]], "title": "哪家保险公司好 十大保险公司推荐_买购网"}, {"bs_rank_pos": 2, "paragraphs": [" 我想做保险工作 哪家保险公司比较好?", " 哪家保险公司的基本制度比较好一些?", " 先说结论,目前看来,明亚。", " 各家保险公司的基本制度(就是惯称的“基本法”)大同小异,所有的考核目标都是为了多出单。为了扩大市场就多招代理人,由于从业门槛很低,保险公司在培训时往往采取简单粗暴的培(xi)训(nao)方式,甚至用上很多传销的手段来激发人性当中的恶。各家代理人多数都是“我们最牛逼,别人都是渣”的思维,很难树立正确的保险观念。在这点上,经纪公司要胜出保险公司一筹。", " 当然即便在保险经纪公司,还是要看个人的努力程度。保险销售团队是一种松散的组织结构,同一公司的不同团队是竞争关系,同一团队的不同人员也是竞争关系,所谓的“合作”其实是很有限的。压箱底的功夫不会有人教给你的,最终还是要靠个人去“悟”。", " 最后还是提醒,绝大多数代理人都不是在保险公司“工作”,签的是代理合同,而不是劳动合同,不受劳动法保护。", " 同意蔡师傅和晓东的说法,我也来个现身讲解,选择明亚是正确道路。", " 1、曾经也在太平保险工作,被所谓高大上的表面吸引,其实当你进入这个队伍,才能看清里面的问题,和传销的洗脑风格类似,鸡血早会,营销话术背诵,产品单一,以销售为导向,各种产说会,也就是变相营销。卖产品是一方面,主要精力花费在增员上,保险公司想持续发展,产品无竞争优势,唯独增员,如果你觉得可以,就请削尖脑向塔尖儿奋斗。 这种体制下,很难从客户利益角度出发,毕竟产品局限性摆在这里。 2、 回归保险真谛,保险是一种风险规划的手段,不是零售产品,它看不到也摸不着。保险是一种合同约束,里面涉及法律、医学、经济学等知识,专业知识的学习,理性辨别能力,以及站在客户需求角度选择适合的产品,单一公司产品是无法做到完全透明公正,而能做到几十家公司产品的学习筛选,理性分析,为客户量身定制符合切身利益产品,保险经纪则相对灵活,自主,更有底气。 ", " 现在最为人们熟知的三大保险公司,保险的产品整个行业都差别不是太大。但基本法有很大的区别,保险公司想要长期留存肯定是和晋升制度密切相关。例如一个主任下面几个正式人力可以晋升每个公司之前相差很大的。具体了解可以私信问。个人经历了三家保险公司,对基本法了解的比较多", " 现身说法吧,同前面的回答一样,明亚。", " 我以前曾在平安做过,当时被所谓“优才计划”所“吸引”,总想着保险代理人队伍要鸟枪换炮了,平安还有个被称为业界黄埔的金融学院,但入职之后才发现还是换汤不换药,鸡汤、洗脑加话术,让每个人都觉得公司产品是最牛的,公司的服务是最棒的。这自然不是我辈所钟爱的工作氛围,于是果然挥手告别,最后比较了半天到了明亚。", " 当然,这里无意吐槽老东家,更无意吐槽保险公司的代理人,他们当中优秀的也大有人在。只是屁股决定脑袋,面对一家公司的产品和面对几十家公司的产品时立场和心态是不一样的,前者要应付某家公司的导向性考核(公司力推某一产品就会以各种方式要求代理人推销某种产品),后者可以从容挑选;前者在面对客户的个性化要求时往往捉襟见肘,后者可以真正站在客户的立场灵活配置。", " 在日常工作中,明亚的员工有五险一金,对职业的归属感更强,人员素质也更高些,学习氛围更浓厚些,重视客户的真实需求,熟悉各公司产品差异,所以相对而言,提供的保障规划更加科学,后续服务更为贴心。不过事在人为,关键还是要有一定的学习力和执行力,如果三心二意甚至三观不正的话,在哪都会掉链子的。", " 虽然他号称自己是保险经纪公司,站在客户的立场为客户选择市面上大大小小几十种保险产品,实质上他真正在卖的就那一两样,不管客户有什么需求,不管你要的是退休养老/理财规划/子女教育金/财产传承等等~他最终都会绕到这个一产品上,公司内部几乎没有专业知识的培训,最最重点的重点就是练话术,所以你问他家所谓的经纪人哪家保险产品好,他最终会通过每天练习的话术把你引导到公司指定的那一款上,而且这是一家台湾公司,里面的台独氛围很重,虽然对待大陆员工表面功夫做的比别的台企好(名为保险本质是直销公司要构建团队氛围),但台干还是时不时的流露出台独金句以及蔑视大陆人的心态,真心实意的跟客户说一句,任何无视通货膨胀还侃侃而谈的所谓理财规划都是耍流氓!也真心跟里面的大陆经纪人说一句,在台企凡事多留个心眼,不要被人卖了还乐呵呵的替人数钱,恰巧我知道的比你们稍微多一点,不要被台湾人的表面功夫所蒙骗,他们现阶段在扩张正需要大陆人替他们开拓市场~~一旦成功了希望你们懂的,我们是同胞,不忍心大家被骗! 大家百度可搜索以下关键字 永达理 台独,永达理 央视,再附赠一个彩蛋~关键字,永达理 茶叶蛋教授,恩~他们请了享誉海内外的茶叶蛋教授高志斌作为专业人士来大陆给同胞们上课。", " 首先:提的问题是想做保险工作,保险主要是财险和寿险,工作职能划分主要是,内勤,销售,评估,精算,您想从事什么险种的什么职位?想去保险公司还是保险经纪公司?想解决就业,积累经验,还是想把保险当事业做成年薪百万?", " 建议先细化问题再有针对性的提问。", " 至于基本制度的优劣,请相信大多数MDRT的选择。", " 另外:几家保险经纪公司的确是各有所长,别家我不了解,就说说永达理吧:", " 永达理的优势:只要按照要求保证保证出勤,完成训练和保证访量 就能实现个人能力和收入的快速成长;", " 劣势:如果你想混日子的话,没有五险一金;另外就是即使达成了MDRT和百万年薪,在MDRT合照里面也很难找到自己 。", " 前几天美国MDRT大会的合影为证,我都找不到我爱人在哪。", " 欢迎另外的保险经纪公司和保险公司也来晒图", " 主要是你在那个城市?", " 每家公司的人都会跟你说他们公司的基本制度比较好,所以不多言语。我倒是更希望你考虑下,你希望的工作状态是什么样的,你是希望做一个花言巧语的推销者,还是做一个专业的保险销售人员。", " 我是保险从业人员,可以私信我", " 太平,如果在深圳就来我们团队", " 市场营销教师、养花发烧友、保险发烧友,烹饪发烧友,所有复杂事物发烧友", " 想做保险业,从品质看三大老牌保险公司都差不多,我觉得除了考虑人们常说的产品和基本法之外,你还要考虑:公司离家的远近,因为你几乎每天都要去公司参加早会,路上省点时间,你就有多点时间去拜访客户;你的身边朋友熟人是哪种类型,如果是一线城市白富美,那你最好进入外资公司,如果是中产以上殷实家庭,那你就去平安,因为他的产品很多都是万能险一站购齐,保费要高一点;如果你的销售人群是普通工薪家庭,那就是太平洋保险,因为他的产品都是分开的,需要哪项就买哪项,一次交的保费少;你还要考虑差异化的问题,比如说平安的销售员数量是最多的,可能会和你看上同一个客户,你怎样向客户说明,卖你的产品而不是其他平安销售员的,这就是你的功夫了", " 北大法硕,公众号:何止理赔,不会做手术的律师不是一个好的保险经纪人!", " 同意蔡师傅的观点,明亚保险经纪公司! 我本人就是从保险核赔转经纪的,当时也是对几个市场排名前的经纪公司和代理公司分析对比后,选择明亚的。欢迎加入经纪人行列!"], "segmented_title": ["我", "想", "做", "保险", "工作", "哪家", "保险公司", "比较好", "?", "-", "知乎"], "segmented_paragraphs": [["我", "想", "做", "保险", "工作", "哪家", "保险公司", "比较好", "?"], ["哪家", "保险公司", "的", "基本", "制度", "比较好", "一些", "?"], ["先", "说", "结论", ",", "目前看来", ",", "明亚", "。"], ["各", "家", "保险公司", "的", "基本", "制度", "(", "就是", "惯", "称", "的", "“", "基本", "法", "”", ")", "大同小异", ",", "所有", "的", "考核", "目标", "都是", "为了", "多", "出", "单", "。", "为了", "扩大", "市场", "就", "多", "招", "代理人", ",", "由于", "从业", "门槛", "很", "低", ",", "保险公司", "在", "培训", "时", "往往", "采取", "简单粗暴", "的", "培", "(", "xi", ")", "训", "(", "nao", ")", "方式", ",", "甚至", "用上", "很多", "传销", "的", "手段", "来", "激发", "人性", "当", "中", "的", "恶", "。", "各", "家", "代理人", "多数", "都是", "“", "我们", "最", "牛逼", ",", "别人", "都是", "渣", "”", "的", "思维", ",", "很难", "树立", "正确", "的", "保险", "观念", "。", "在", "这", "点", "上", ",", "经纪公司", "要", "胜", "出", "保险公司", "一", "筹", "。"], ["当然", "即便", "在", "保险经纪公司", ",", "还是", "要", "看", "个人", "的", "努力", "程度", "。", "保险", "销售", "团队", "是", "一", "种", "松散", "的", "组织结构", ",", "同", "一", "公司", "的", "不同", "团队", "是", "竞争", "关系", ",", "同", "一", "团队", "的", "不同", "人员", "也是", "竞争", "关系", ",", "所谓", "的", "“", "合作", "”", "其实", "是", "很", "有限", "的", "。", "压箱底", "的", "功夫", "不会", "有", "人教", "给", "你", "的", ",", "最终", "还是", "要", "靠", "个人", "去", "“", "悟", "”", "。"], ["最后", "还是", "提醒", ",", "绝大多数", "代理人", "都", "不是", "在", "保险公司", "“", "工作", "”", ",", "签", "的", "是", "代理合同", ",", "而", "不是", "劳动合同", ",", "不受", "劳动法", "保护", "。"], ["同意", "蔡师傅", "和", "晓东", "的", "说法", ",", "我", "也", "来", "个", "现身", "讲解", ",", "选择", "明亚", "是", "正确", "道路", "。"], ["1", "、", "曾经", "也", "在", "太平保险", "工作", ",", "被", "所谓", "高大上", "的", "表面", "吸引", ",", "其实", "当你", "进入", "这个", "队伍", ",", "才能", "看清", "里面", "的", "问题", ",", "和", "传销", "的", "洗脑", "风格", "类似", ",", "鸡血", "早会", ",", "营销", "话术", "背诵", ",", "产品", "单", "一", ",", "以", "销售", "为", "导向", ",", "各种", "产", "说", "会", ",", "也", "就是", "变相", "营销", "。", "卖", "产品", "是", "一方面", ",", "主要", "精力", "花费", "在", "增员", "上", ",", "保险公司", "想", "持续发展", ",", "产品", "无", "竞争优势", ",", "唯独", "增员", ",", "如果", "你", "觉得", "可以", ",", "就", "请", "削尖", "脑", "向", "塔尖", "儿", "奋斗", "。", "这种", "体制", "下", ",", "很难", "从", "客户", "利益", "角度", "出发", ",", "毕竟", "产品", "局限性", "摆", "在", "这里", "。", "2", "、", "回归", "保险", "真谛", ",", "保险", "是", "一", "种", "风险", "规划", "的", "手段", ",", "不是", "零售", "产品", ",", "它", "看不到", "也", "摸", "不", "着", "。", "保险", "是", "一", "种", "合同", "约束", ",", "里面", "涉及", "法律", "、", "医学", "、", "经济学", "等", "知识", ",", "专业", "知识", "的", "学习", ",", "理性", "辨别", "能力", ",", "以及", "站", "在", "客户需求", "角度", "选择", "适合", "的", "产品", ",", "单", "一", "公司", "产品", "是", "无法", "做到", "完全", "透明", "公正", ",", "而", "能做到", "几", "十", "家", "公司", "产品", "的", "学习", "筛选", ",", "理性", "分析", ",", "为", "客户", "量身定制", "符合", "切身利益", "产品", ",", "保险经纪", "则", "相对", "灵活", ",", "自主", ",", "更", "有", "底气", "。"], ["现在", "最", "为", "人们", "熟知", "的", "三大", "保险公司", ",", "保险", "的", "产品", "整个", "行业", "都", "差别", "不是", "太", "大", "。", "但", "基本", "法", "有", "很大", "的", "区别", ",", "保险公司", "想要", "长期", "留存", "肯定", "是", "和", "晋升", "制度", "密切相关", "。", "例如", "一", "个", "主任", "下面", "几个", "正式", "人力", "可以", "晋升", "每个", "公司", "之", "前", "相差", "很大", "的", "。", "具体", "了解", "可以", "私信", "问", "。", "个人", "经历", "了", "三", "家", "保险公司", ",", "对", "基本", "法", "了解", "的", "比较", "多"], ["现身说法", "吧", ",", "同", "前面", "的", "回答", "一样", ",", "明亚", "。"], ["我", "以前", "曾", "在", "平安", "做", "过", ",", "当时", "被", "所谓", "“", "优", "才", "计划", "”", "所", "“", "吸引", "”", ",", "总", "想着", "保险代理人", "队伍", "要", "鸟枪换炮", "了", ",", "平安", "还有", "个", "被", "称为", "业界", "黄埔", "的", "金融", "学院", ",", "但", "入职", "之后", "才", "发现", "还是", "换汤不换药", ",", "鸡汤", "、", "洗脑", "加", "话术", ",", "让", "每个", "人", "都", "觉得", "公司", "产品", "是", "最", "牛", "的", ",", "公司", "的", "服务", "是", "最", "棒", "的", "。", "这", "自然", "不是我", "辈", "所", "钟爱", "的", "工作", "氛围", ",", "于是", "果然", "挥手告别", ",", "最后", "比较", "了", "半天", "到", "了", "明亚", "。"], ["当然", ",", "这里", "无意", "吐槽", "老东家", ",", "更", "无意", "吐槽", "保险公司", "的", "代理人", ",", "他们", "当", "中", "优秀", "的", "也", "大有人在", "。", "只是", "屁股", "决定", "脑袋", ",", "面对", "一", "家", "公司", "的", "产品", "和", "面对", "几", "十", "家", "公司", "的", "产品", "时", "立场", "和", "心态", "是", "不一样", "的", ",", "前者", "要", "应付", "某", "家", "公司", "的", "导向", "性", "考核", "(", "公司", "力", "推", "某", "一", "产品", "就会", "以", "各种", "方式", "要求", "代理人", "推销", "某种", "产品", ")", ",", "后者", "可以", "从容", "挑选", ";", "前者", "在", "面对", "客户", "的", "个性化", "要求", "时", "往往", "捉襟见肘", ",", "后者", "可以", "真正", "站", "在", "客户", "的", "立场", "灵活", "配置", "。"], ["在", "日常", "工作", "中", ",", "明亚", "的", "员工", "有", "五险一金", ",", "对", "职业", "的", "归属感", "更", "强", ",", "人员素质", "也", "更高", "些", ",", "学习", "氛围", "更", "浓厚", "些", ",", "重视", "客户", "的", "真实", "需求", ",", "熟悉", "各", "公司", "产品", "差异", ",", "所以", "相对而言", ",", "提供", "的", "保障", "规划", "更加", "科学", ",", "后续", "服务", "更为", "贴心", "。", "不过", "事在人为", ",", "关键", "还是", "要", "有", "一定", "的", "学习力", "和", "执行力", ",", "如果", "三心二意", "甚至", "三观不正", "的", "话", ",", "在", "哪", "都会", "掉", "链子", "的", "。"], ["虽然", "他", "号称", "自己", "是", "保险经纪", "公司", ",", "站", "在", "客户", "的", "立场", "为", "客户", "选择", "市面上", "大大小小", "几", "十", "种", "保险", "产品", ",", "实质", "上", "他", "真", "正在", "卖", "的", "就", "那", "一", "两", "样", ",", "不管", "客户", "有", "什么", "需求", ",", "不管", "你", "要", "的", "是", "退休", "养老", "/", "理财规划", "/", "子女", "教育", "金", "/", "财产", "传承", "等等", "~", "他", "最终", "都会", "绕", "到", "这个", "一", "产品", "上", ",", "公司", "内部", "几乎没有", "专业", "知识", "的", "培训", ",", "最", "最", "重点", "的", "重点", "就是", "练", "话术", ",", "所以", "你", "问", "他", "家", "所谓", "的", "经纪人", "哪家", "保险", "产品", "好", ",", "他", "最终", "会", "通过", "每天", "练习", "的", "话术", "把", "你", "引导", "到", "公司", "指定", "的", "那", "一", "款", "上", ",", "而且", "这", "是", "一", "家", "台湾", "公司", ",", "里面", "的", "台独", "氛围", "很", "重", ",", "虽然", "对待", "大陆", "员工", "表面", "功夫", "做", "的", "比", "别", "的", "台", "企", "好", "(", "名", "为", "保险", "本质", "是", "直销", "公司", "要", "构建", "团队", "氛围", ")", ",", "但", "台", "干", "还是", "时不时", "的", "流露", "出", "台独", "金句", "以及", "蔑视", "大陆", "人", "的", "心态", ",", "真心实意", "的", "跟", "客户", "说", "一句", ",", "任何", "无视", "通货膨胀", "还", "侃侃而谈", "的", "所谓", "理财规划", "都是", "耍流氓", "!", "也", "真心", "跟", "里面", "的", "大陆", "经纪人", "说一句", ",", "在", "台", "企", "凡事", "多", "留", "个", "心眼", ",", "不要", "被", "人", "卖", "了", "还", "乐呵呵", "的", "替", "人数", "钱", ",", "恰巧", "我知道", "的", "比", "你们", "稍微", "多一点", ",", "不要", "被", "台湾", "人", "的", "表面", "功夫", "所", "蒙骗", ",", "他们", "现阶段", "在", "扩张", "正", "需要", "大陆", "人", "替", "他们", "开拓", "市场", "~", "~", "一旦", "成功", "了", "希望", "你们", "懂", "的", ",", "我们", "是", "同胞", ",", "不忍心", "大家", "被骗", "!", "大家", "百度", "可", "搜索", "以下", "关键字", "永达", "理", "台独", ",", "永达", "理", "央视", ",", "再", "附赠", "一", "个", "彩蛋", "~", "关键字", ",", "永达", "理", "茶叶蛋", "教授", ",", "恩", "~", "他们", "请", "了", "享誉", "海内外", "的", "茶叶蛋", "教授", "高志斌", "作为", "专业人士", "来", "大陆", "给", "同胞们", "上课", "。"], ["首先", ":", "提", "的", "问题", "是", "想", "做", "保险", "工作", ",", "保险", "主要", "是", "财险", "和", "寿险", ",", "工作", "职能", "划分", "主要", "是", ",", "内勤", ",", "销售", ",", "评估", ",", "精算", ",", "您", "想", "从事", "什么", "险种", "的", "什么", "职位", "?", "想", "去", "保险公司", "还是", "保险经纪", "公司", "?", "想", "解决", "就业", ",", "积累经验", ",", "还是", "想", "把", "保险", "当", "事业", "做成", "年薪", "百万", "?"], ["建议", "先", "细化", "问题", "再", "有", "针对性", "的", "提问", "。"], ["至于", "基本", "制度", "的", "优劣", ",", "请相信", "大多数", "MDRT", "的", "选择", "。"], ["另外", ":", "几", "家", "保险经纪", "公司", "的", "确", "是", "各有所长", ",", "别", "家", "我", "不了解", ",", "就", "说说", "永达", "理", "吧", ":"], ["永达", "理", "的", "优势", ":", "只要", "按照要求", "保证保证", "出勤", ",", "完成", "训练", "和", "保证", "访", "量", "就能", "实现", "个人", "能力", "和", "收入", "的", "快速", "成长", ";"], ["劣势", ":", "如果", "你", "想", "混日子", "的", "话", ",", "没有", "五险一金", ";", "另外", "就是", "即使", "达成", "了", "MDRT", "和", "百万年薪", ",", "在", "MDRT", "合照", "里面", "也", "很难", "找到", "自己", "。"], ["前几天", "美国", "MDRT", "大会", "的", "合影", "为", "证", ",", "我", "都", "找不到", "我", "爱人", "在", "哪", "。"], ["欢迎", "另外", "的", "保险经纪", "公司", "和", "保险公司", "也", "来", "晒图"], ["主要", "是", "你", "在", "那个", "城市", "?"], ["每家", "公司", "的", "人", "都会", "跟", "你", "说", "他们", "公司", "的", "基本", "制度", "比较好", ",", "所以", "不", "多", "言语", "。", "我", "倒", "是", "更", "希望", "你", "考虑", "下", ",", "你", "希望", "的", "工作", "状态", "是", "什么", "样", "的", ",", "你", "是", "希望", "做", "一", "个", "花言巧语", "的", "推销", "者", ",", "还是", "做", "一", "个", "专业", "的", "保险", "销售人员", "。"], ["我", "是", "保险", "从业人员", ",", "可以", "私信", "我"], ["太平", ",", "如果", "在", "深圳", "就", "来", "我们", "团队"], ["市场", "营销", "教师", "、", "养花", "发烧友", "、", "保险", "发烧友", ",", "烹饪", "发烧友", ",", "所有", "复杂", "事物", "发烧友"], ["想", "做", "保险业", ",", "从", "品质", "看", "三大", "老牌", "保险公司", "都", "差不多", ",", "我", "觉得", "除了", "考虑", "人们", "常", "说", "的", "产品", "和", "基本", "法", "之外", ",", "你", "还要", "考虑", ":", "公司", "离家", "的", "远近", ",", "因为", "你", "几乎", "每天", "都", "要", "去", "公司", "参加", "早会", ",", "路上", "省", "点", "时间", ",", "你", "就", "有", "多", "点", "时间", "去", "拜访", "客户", ";", "你", "的", "身边", "朋友", "熟人", "是", "哪", "种", "类型", ",", "如果", "是", "一线", "城市", "白富美", ",", "那你", "最好", "进入", "外资", "公司", ",", "如果", "是", "中", "产", "以上", "殷实", "家庭", ",", "那你", "就", "去", "平安", ",", "因为", "他", "的", "产品", "很多", "都是", "万能险", "一", "站", "购", "齐", ",", "保费", "要", "高一", "点", ";", "如果", "你", "的", "销售", "人群", "是", "普通", "工薪家庭", ",", "那", "就是", "太平洋保险", ",", "因为", "他", "的", "产品", "都是", "分开", "的", ",", "需要", "哪", "项", "就", "买", "哪", "项", ",", "一次", "交", "的", "保费", "少", ";", "你", "还要", "考虑", "差异化", "的", "问题", ",", "比如说", "平安", "的", "销售员", "数量", "是", "最多", "的", ",", "可能会", "和", "你", "看上", "同", "一", "个", "客户", ",", "你", "怎样", "向", "客户", "说明", ",", "卖", "你", "的", "产品", "而", "不是", "其他", "平安", "销售员", "的", ",", "这就是", "你", "的", "功夫", "了"], ["北大", "法硕", ",", "公众", "号", ":", "何", "止", "理赔", ",", "不会", "做", "手术", "的", "律师", "不是", "一", "个", "好", "的", "保险经纪人", "!"], ["同意", "蔡师傅", "的", "观点", ",", "明亚", "保险经纪公司", "!", "我", "本人", "就是", "从", "保险", "核赔", "转", "经纪", "的", ",", "当时", "也是", "对", "几个", "市场", "排名", "前", "的", "经纪公司", "和", "代理", "公司分析", "对比", "后", ",", "选择", "明亚", "的", "。", "欢迎加入", "经纪人", "行列", "!"]], "title": "我想做保险工作 哪家保险公司比较好? - 知乎"}, {"bs_rank_pos": 3, "paragraphs": [" 大陆唯一连续3年跻身世界5百强,亚洲最好的保险公司中国人寿,成立于49年历史最长,每年以30%的速度高速增长;网络最全客户最多;占有率最高;2004年荣获中国最具价值十大品牌之一;2004年世界超级品牌中获'行业特别奖'\"和本土成就奖'.中国人寿\"的康宁定期 和康宁终身保险获\"最受欢迎健康保险\"奖.选公司国寿最佳. ./ peiying13661615675 ", "我建议您买人寿保险相关信息现在发的社会保障卡什么时候才能刷医保,现...请问新社保卡(市民卡)的密码是什么呢,是...①在我太太50岁前几个月被单位以欺骗手段...一直在买社保,医保卡是社保卡吗,我有个光...像我分公司在广州,且在广州定居10多年,...如果每月医保卡未使用,是否会清零;如果不...你好,我想了解一下生育保险报销的流程,还...公司刚发下来的新社会保障(市民)卡,怎样...我问了我单位,为什么现在还没有社保卡发下...我2016年3月份的时候并没有使用医保消...工伤与加班保险被保人四川新农合医疗保险生效医保办理手续一要了解公司,不要心中无数 二要择优选购,不要盲目购买 三要研究条款,不要光听介绍 四要慎重交费,不要轻率轻信 五要挑选险种,不要一时冲动 六要考虑责任,不要只图便宜 七要考虑保障,不要考虑人情 八要自己作主,不要偏听偏信。如何投保那要看你的具体情况我才能介绍一个适合你的综合险种。各家保险公司的保险产品都有他们的长处,我会站在你的立场上推荐现今市场上适合你的各家保险公司...", " 泰康人寿严谨规范,稳健进取,偿付能力强,投资收益好,有专为客户服务的新生活会员俱乐部,例年有服务节,为客户提供丰富多彩的高品质服务。欢迎登录泰康在线: ", " 中国都WTO了。专业点好不好 真是郁闷 世界知名的金融保险企业名单: I美国花旗集团 日本生命保险德国安联保险 荷兰国际集团保险日本第一生命保险 意大利忠利保险瑞士信贷 美国美洲银行日本住友生命保险 荷兰/比利时 福尔蒂保险英国保诚保险...", " 四楼说的荣誉是平安的而不是单指平安人寿的.", "哪个公司好第一要看的就是服务,其次是公司的财力,三是产品是否符合你的需求,四是代理人的素质。", "保险相关知识 投资理财知识 投资理财问题解决 投资理财", "确定举报此问题"], "segmented_title": ["大家", "感觉", "哪个", "保险公司", "比较好", "!", "-", "爱问知识人"], "segmented_paragraphs": [["大陆", "唯一", "连续", "3", "年", "跻身世界", "5", "百强", ",", "亚洲", "最好", "的", "保险公司", "中国人寿", ",", "成立", "于", "49", "年", "历史", "最长", ",", "每年", "以", "30", "%", "的", "速度", "高速增长", ";", "网络", "最全", "客户", "最多", ";", "占有", "率", "最高", ";", "2004", "年", "荣获", "中国", "最具", "价值", "十大", "品牌", "之", "一", ";", "2004", "年", "世界", "超级", "品牌", "中", "获", "'", "行业", "特别奖", "'", "\"", "和", "本土", "成就奖", "'", ".", "中国人寿", "\"", "的", "康宁", "定期", "和", "康宁终身", "保险", "获", "\"", "最", "受欢迎", "健康保险", "\"", "奖", ".", "选", "公司", "国寿", "最佳", ".", ".", "/", "peiying", "13661615675"], ["我", "建议", "您", "买", "人寿保险", "相关", "信息", "现在", "发", "的", "社会", "保障", "卡", "什么时候", "才能", "刷", "医保", ",", "现", ".", ".", ".", "请问", "新", "社保卡", "(", "市民卡", ")", "的", "密码", "是什么", "呢", ",", "是", ".", ".", ".", "①", "在", "我", "太太", "50", "岁", "前", "几个月", "被", "单位", "以", "欺骗", "手段", ".", ".", ".", "一直", "在", "买", "社保", ",", "医保卡", "是", "社保卡", "吗", ",", "我", "有", "个", "光", ".", ".", ".", "像", "我", "分公司", "在", "广州", ",", "且", "在", "广州", "定居", "10", "多", "年", ",", ".", ".", ".", "如果", "每月", "医保卡", "未", "使用", ",", "是否", "会", "清零", ";", "如果", "不", ".", ".", ".", "你好", ",", "我", "想", "了解一下", "生育保险", "报销", "的", "流程", ",", "还", ".", ".", ".", "公司", "刚", "发", "下来", "的", "新", "社会保障", "(", "市民", ")", "卡", ",", "怎样", ".", ".", ".", "我", "问", "了", "我", "单位", ",", "为什么", "现在", "还", "没有", "社保卡", "发", "下", ".", ".", ".", "我", "2016", "年", "3", "月份", "的", "时候", "并没有", "使用", "医保", "消", ".", ".", ".", "工伤", "与", "加班", "保险", "被", "保", "人", "四川", "新农合", "医疗保险", "生效", "医保", "办理手续", "一", "要", "了解", "公司", ",", "不要", "心中无数", "二", "要", "择", "优", "选购", ",", "不要盲目", "购买", "三", "要", "研究", "条款", ",", "不要", "光", "听", "介绍", "四", "要慎重", "交费", ",", "不要", "轻率", "轻信", "五", "要", "挑选", "险种", ",", "不要", "一时冲动", "六", "要", "考虑", "责任", ",", "不要", "只", "图", "便宜", "七", "要", "考虑", "保障", ",", "不要", "考虑", "人", "情", "八", "要", "自己", "作", "主", ",", "不要", "偏听偏信", "。", "如何", "投保", "那", "要", "看", "你", "的", "具体", "情况", "我", "才能", "介绍", "一", "个", "适合", "你", "的", "综合", "险种", "。", "各", "家", "保险公司", "的", "保险", "产品", "都", "有", "他们", "的", "长处", ",", "我", "会", "站", "在", "你", "的", "立场", "上", "推荐", "现今", "市场", "上", "适合", "你", "的", "各", "家", "保险公司", ".", ".", "."], ["泰康人寿", "严谨", "规范", ",", "稳健", "进取", ",", "偿付能力", "强", ",", "投资收益", "好", ",", "有", "专", "为", "客户", "服务", "的", "新生活", "会员", "俱乐部", ",", "例", "年", "有", "服务", "节", ",", "为", "客户", "提供", "丰富多彩", "的", "高品质", "服务", "。", "欢迎登录", "泰康", "在线", ":"], ["中国", "都", "WTO", "了", "。", "专业", "点", "好不好", "真是", "郁闷", "世界", "知名", "的", "金融保险", "企业名单", ":", "I", "美国", "花旗集团", "日本", "生命", "保险", "德国", "安联", "保险", "荷兰", "国际", "集团", "保险", "日本", "第", "一", "生命", "保险", "意大利", "忠", "利", "保险", "瑞士信贷", "美国", "美洲银行", "日本", "住友生命", "保险", "荷兰", "/", "比利时", "福尔", "蒂", "保险", "英国保诚保险", ".", ".", "."], ["四", "楼", "说", "的", "荣誉", "是", "平安", "的", "而", "不是", "单", "指", "平安人寿", "的", "."], ["哪个", "公司", "好", "第", "一", "要", "看", "的", "就是", "服务", ",", "其次", "是", "公司", "的", "财力", ",", "三", "是", "产品", "是否", "符合", "你", "的", "需求", ",", "四", "是", "代理人", "的", "素质", "。"], ["保险", "相关知识", "投资理财", "知识", "投资理财", "问题", "解决", "投资理财"], ["确定", "举报", "此", "问题"]], "title": "大家感觉哪个保险公司比较好! - 爱问知识人"}, {"bs_rank_pos": 4, "paragraphs": [" 本人想从事保险行业,哪家保险公司比较好?", " 本人29岁,大学毕业后在国企工作了5年,了解到保险行业未来宏观前景较好,想从事保险行业。对薪资要求不高(小康水平即可),希望作为长远事业发展(说作为终身事业有点夸大),希望能让对的人买到对的保险。", " 确实考虑清楚换行业了吗?换工作,穷三月;换行业穷三年。慎重!!!我以前是干设计/画图的,现在转行做保险经纪。如果确定了要换,而且去保险行业,那么建议看看保险法中经纪人与代理人的区别?然后再做决定,毕竟咱们都是有理科人,了解完再做决定回好点。PS:我差点去平安了,现在在保险经纪公司", "著作权归作者所有。商业转载请联系作者获得授权,非商业转载请注明出处。", " 谢邀根据个人经历给你一些建议:个人2011年毕业后进入保险行业,在中国太平洋保险做了4年代理人,而且做得还算不错,但4年后,放弃所有职级和续期收入,转型做了保险经纪人。", " 看题主最后一句:“希望能让对的人买到对的保险”,这句话是价值连城的,因为保险销售的从业人员如果想做长久,这句话是核心态度,但是在任何一家保险公司做保险代理人都无法完全做到这一点,因为你只能销售本公司的产品,即使有些许缺陷,或者保费昂贵,甚至不适合客户,你只有两个选择,一个是想办法销售给客户,另一个是放弃客户。我想放弃一两个客户还是有可能的,连续放弃,就不是一般的从业者都能做到的了,因为要有业绩和收入才能在行业中留存下来。", "经纪人的优势在于,可以销售几乎各家公司的产品,当然有个别公司的一些产品并未对经代渠道开放,但是开放是趋势,而且近百家公司,有几家公司并未开放,也不妨碍给客户最适合及性价比最高的产品,因此建议题主如果想做保险销售类的工作,建议做保险经纪人。", " 1,可以去经纪公司,不建议去任何保险公司去做代理人。2,新从事一个行业需要从头学起的,需要很多积累的。3,建议看看知乎上精算师狄升的文章,关于保险,一篇胜读十年书。", " 北京时间7月20日晚,2016年度《财富》世界500强排行榜正式揭晓,国内领先的“A+H”股上市综合性保险集团——中国太平洋保险凭借稳健的经营发展、良好的业绩表现连续六年上榜,位列第251位,比2015年跃升77位!首次跻身前300强。", " 《财富》杂志每年评选及发布的世界500强排行榜,以全球大型公司年度收入和利润为主要评定依据,为国际上衡量商业企业影响力、规模和实力最主要的参照指标,被誉为“终极榜单”。", " 自2011年首次上榜《财富》世界500强以来,中国太平洋保险凭借“专注保险主业,价值持续增长”的发展战略,不断推动“以客户需求为导向”的战略转型,内生动力持续增强,整体价值持续提升。在转型发展的第六个年头,中国太平洋保险以2015年营业收入393.358亿美元、利润28.209 亿美元的良好经营业绩连续第六年登上《财富》世界500强榜单,标志着公司转型发展迈上新台阶。", " 中宏保险,值得你的加入"], "segmented_title": ["本人", "想", "从事", "保险", "行业", ",", "哪家", "保险公司", "比较好", "?", "-", "知乎"], "segmented_paragraphs": [["本人", "想", "从事", "保险", "行业", ",", "哪家", "保险公司", "比较好", "?"], ["本人", "29", "岁", ",", "大学", "毕业后", "在", "国企", "工作", "了", "5", "年", ",", "了解", "到", "保险", "行业", "未来", "宏观", "前景", "较好", ",", "想", "从事", "保险", "行业", "。", "对", "薪资", "要求", "不", "高", "(", "小康", "水平", "即可", ")", ",", "希望", "作为", "长远", "事业", "发展", "(", "说", "作为", "终身", "事业", "有点", "夸大", ")", ",", "希望", "能", "让", "对的人", "买到", "对", "的", "保险", "。"], ["确实", "考虑", "清楚", "换", "行业", "了", "吗", "?", "换", "工作", ",", "穷", "三月", ";", "换", "行业", "穷", "三年", "。", "慎重", "!", "!", "!", "我", "以前", "是", "干", "设计", "/", "画图", "的", ",", "现在", "转行", "做", "保险经纪", "。", "如果", "确定", "了", "要", "换", ",", "而且", "去", "保险", "行业", ",", "那么", "建议", "看看", "保险法", "中", "经纪人", "与", "代理人", "的", "区别", "?", "然后", "再", "做", "决定", ",", "毕竟", "咱们", "都是", "有", "理科", "人", ",", "了解", "完", "再", "做", "决定", "回", "好", "点", "。", "PS", ":", "我", "差点", "去", "平安", "了", ",", "现在", "在", "保险经纪", "公司"], ["著作权", "归", "作者", "所有", "。", "商业", "转载", "请", "联系", "作者", "获得", "授权", ",", "非", "商业", "转载", "请", "注明", "出处", "。"], ["谢", "邀", "根据", "个人", "经历", "给", "你", "一些建议", ":", "个人", "2011", "年", "毕业后", "进入", "保险", "行业", ",", "在", "中国", "太平洋保险", "做", "了", "4", "年", "代理人", ",", "而且", "做", "得", "还算", "不错", ",", "但", "4", "年", "后", ",", "放弃", "所有", "职级", "和", "续期", "收入", ",", "转型", "做", "了", "保险经纪人", "。"], ["看", "题", "主", "最后一句", ":", "“", "希望", "能", "让", "对的人", "买到", "对", "的", "保险", "”", ",", "这句话", "是", "价值连城", "的", ",", "因为", "保险", "销售", "的", "从业人员", "如果", "想", "做", "长久", ",", "这句话", "是", "核心", "态度", ",", "但是", "在", "任何", "一", "家", "保险公司", "做", "保险代理人", "都", "无法", "完全", "做到", "这一点", ",", "因为", "你", "只能", "销售", "本", "公司", "的", "产品", ",", "即使", "有", "些许", "缺陷", ",", "或者", "保费", "昂贵", ",", "甚至", "不", "适合", "客户", ",", "你", "只有两个", "选择", ",", "一", "个", "是", "想办法", "销售", "给", "客户", ",", "另一个", "是", "放弃", "客户", "。", "我", "想", "放弃", "一", "两", "个", "客户", "还是", "有", "可能", "的", ",", "连续", "放弃", ",", "就", "不是", "一般", "的", "从业者", "都", "能", "做到", "的", "了", ",", "因为", "要", "有", "业绩", "和", "收入", "才能", "在", "行业", "中", "留存", "下来", "。"], ["经纪人", "的", "优势", "在于", ",", "可以", "销售", "几乎", "各", "家", "公司", "的", "产品", ",", "当然", "有", "个别", "公司", "的", "一些", "产品", "并", "未", "对", "经", "代", "渠道", "开放", ",", "但是", "开放", "是", "趋势", ",", "而且", "近", "百家", "公司", ",", "有", "几", "家", "公司", "并", "未", "开放", ",", "也", "不", "妨碍", "给", "客户", "最", "适合", "及", "性价比", "最高", "的", "产品", ",", "因此", "建议", "题", "主", "如果", "想", "做", "保险", "销售类", "的", "工作", ",", "建议", "做", "保险经纪人", "。"], ["1", ",", "可以", "去", "经纪公司", ",", "不", "建议", "去", "任何", "保险公司", "去", "做", "代理人", "。", "2", ",", "新", "从事", "一", "个", "行业", "需要", "从头学起", "的", ",", "需要", "很多", "积累", "的", "。", "3", ",", "建议", "看看", "知乎", "上", "精算师", "狄升", "的", "文章", ",", "关于", "保险", ",", "一篇", "胜", "读", "十", "年", "书", "。"], ["北京时间", "7", "月", "20", "日", "晚", ",", "2016", "年度", "《", "财富", "》", "世界", "500", "强", "排行榜", "正式", "揭晓", ",", "国内", "领先", "的", "“", "A", "+", "H", "”", "股", "上市", "综合性", "保险", "集团", "—", "—", "中国", "太平洋保险", "凭借", "稳健", "的", "经营", "发展", "、", "良好", "的", "业绩", "表现", "连续", "六", "年", "上榜", ",", "位", "列", "第", "251", "位", ",", "比", "2015", "年", "跃", "升", "77", "位", "!", "首次", "跻身", "前", "300", "强", "。"], ["《", "财富", "》", "杂志", "每年", "评选", "及", "发布", "的", "世界", "500", "强", "排行榜", ",", "以", "全球", "大型", "公司", "年度", "收入", "和", "利润", "为", "主要", "评定", "依据", ",", "为", "国际", "上", "衡量", "商业", "企业", "影响力", "、", "规模", "和", "实力", "最", "主要", "的", "参照", "指标", ",", "被", "誉为", "“", "终极", "榜单", "”", "。"], ["自", "2011", "年", "首次", "上榜", "《", "财富", "》", "世界", "500", "强", "以来", ",", "中国", "太平洋保险", "凭借", "“", "专注", "保险", "主业", ",", "价值", "持续", "增长", "”", "的", "发展战略", ",", "不断", "推动", "“", "以", "客户", "需求", "为", "导向", "”", "的", "战略转型", ",", "内", "生", "动力", "持续", "增强", ",", "整体", "价值", "持续", "提升", "。", "在", "转型", "发展", "的", "第", "六", "个", "年", "头", ",", "中国", "太平洋保险", "以", "2015", "年", "营业收入", "393", ".", "358", "亿", "美元", "、", "利润", "28", ".", "209", "亿", "美元", "的", "良好", "经营", "业绩", "连续", "第", "六", "年", "登上", "《", "财富", "》", "世界", "500", "强", "榜单", ",", "标志", "着", "公司", "转型", "发展", "迈上新台阶", "。"], ["中宏", "保险", ",", "值得", "你", "的", "加入"]], "title": "本人想从事保险行业,哪家保险公司比较好? - 知乎"}], "question": "哪个保险公司好", "segmented_question": ["哪个", "保险公司", "好"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221590}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": [" 想学做菜,想学做菜,想学做菜,想学各种各样的菜,最好是视频,什么其它好用的方法也行。", " 豆果网最棒,贝太厨房、美食天下都不错,有详细过程及配图", " 美食天下不错", " 下厨房,虽然没有视频,有图。", " 好豆菜谱感觉不错,下到手机里,除了正常的菜谱外,想吃什么食材都可以输入进去,然后就知道可以做什么了。还可以语音。每次都是边看边做,很方便,已经教会了我很多菜了,看多了就发现家常菜都可以不用看菜谱了。关键还在于每次做菜时自己的心得体会,要学会思考这菜为什么要这么做,这样时间久了自己也会发明好吃的做法了!祝你烧得一手好菜!", " 下厨房吧,一直在用而且都有图文,步骤也没问题啊", " 我觉的还是香哈网不错。", " 我一直在用下厨房,棒棒哒", " 央视有个栏目叫天天饮食,蛮不错的。", " 刚把下厨房和豆果还有好豆都下载下来了(没错我就是选择强迫症= =)每一个都用了一会儿,感觉还是好豆略胜一筹啊。"], "segmented_title": ["有", "哪些", "好", "的", "网站", "可以", "学", "做菜", "?", "-", "知乎"], "segmented_paragraphs": [["想", "学", "做菜", ",", "想", "学", "做菜", ",", "想", "学", "做菜", ",", "想", "学", "各种各样", "的", "菜", ",", "最好", "是", "视频", ",", "什么", "其它", "好", "用", "的", "方法", "也", "行", "。"], ["豆", "果", "网", "最", "棒", ",", "贝太厨房", "、", "美食", "天下", "都", "不错", ",", "有", "详细", "过程", "及", "配图"], ["美食", "天下", "不错"], ["下", "厨房", ",", "虽然", "没有", "视频", ",", "有图", "。"], ["好", "豆", "菜谱", "感觉不错", ",", "下到", "手机", "里", ",", "除了", "正常", "的", "菜谱", "外", ",", "想", "吃", "什么", "食材", "都", "可以", "输入", "进去", ",", "然后", "就", "知道", "可以", "做什么", "了", "。", "还", "可以", "语音", "。", "每次", "都是", "边", "看", "边", "做", ",", "很方便", ",", "已经", "教会", "了", "我", "很多", "菜", "了", ",", "看", "多", "了", "就", "发现", "家常菜", "都", "可以", "不用", "看", "菜谱", "了", "。", "关键", "还", "在于", "每次", "做菜", "时", "自己", "的", "心得体会", ",", "要", "学会", "思考", "这", "菜", "为什么", "要", "这么", "做", ",", "这样", "时间", "久", "了", "自己", "也", "会", "发明", "好吃", "的", "做法", "了", "!", "祝", "你", "烧", "得", "一手", "好", "菜", "!"], ["下", "厨房", "吧", ",", "一直", "在", "用", "而且", "都", "有", "图文", ",", "步骤", "也", "没问题", "啊"], ["我", "觉", "的", "还是", "香", "哈", "网", "不错", "。"], ["我一直在", "用", "下", "厨房", ",", "棒棒", "哒"], ["央视", "有", "个", "栏目", "叫", "天天饮食", ",", "蛮", "不错", "的", "。"], ["刚", "把", "下", "厨房", "和", "豆", "果", "还有", "好", "豆", "都", "下载", "下来", "了", "(", "没错", "我", "就是", "选择", "强迫症", "=", "=", ")", "每一个", "都", "用", "了", "一会", "儿", ",", "感觉", "还是", "好", "豆", "略胜一筹", "啊", "。"]], "title": "有哪些好的网站可以学做菜? - 知乎"}, {"bs_rank_pos": 2, "paragraphs": [" 楼上推荐的网站虽然好,但是比较专业,不适合家庭烹饪,我给楼主推荐一个吧:食面埋伏: 里面除了家庭烹饪信息外,还有很多食品与健康等方面的信息、 ", "上看看。该做什么菜啊。怎么做啊。感觉还可以。可以试试。向楼主推荐: 例如这个不错:一日一菜 品味365天 清拌黄瓜 制作工艺:拌 口味:酸辣味 主料:黄瓜300克 配料: 调料:大蒜15克 花椒2克 盐3克 味精2克 鸡粉1克 辣椒(红、尖、干)5克 醋6克 植物油10克 1. ", "确定举报此问题"], "segmented_title": ["介绍", "下", "好", "的", "做菜", "的", "网站", "?", "谢谢", "!", "-", "爱问知识人"], "segmented_paragraphs": [["楼上", "推荐", "的", "网站", "虽然", "好", ",", "但是", "比较", "专业", ",", "不", "适合", "家庭", "烹饪", ",", "我", "给", "楼主", "推荐", "一", "个", "吧", ":", "食", "面", "埋伏", ":", "里面", "除了", "家庭", "烹饪", "信息", "外", ",", "还有很多", "食品与健康", "等", "方面", "的", "信息", "、"], ["上", "看看", "。", "该", "做什么", "菜", "啊", "。", "怎么", "做", "啊", "。", "感觉", "还", "可以", "。", "可以", "试", "试", "。", "向", "楼主", "推荐", ":", "例如", "这个", "不错", ":", "一", "日", "一", "菜", "品味", "365", "天", "清", "拌黄瓜", "制作工艺", ":", "拌", "口味", ":", "酸辣", "味", "主料", ":", "黄瓜", "300", "克", "配料", ":", "调料", ":", "大蒜", "15", "克", "花椒", "2", "克", "盐", "3", "克", "味精", "2", "克", "鸡粉", "1", "克", "辣椒", "(", "红", "、", "尖", "、", "干", ")", "5", "克", "醋", "6", "克", "植物油", "10", "克", "1", "."], ["确定", "举报", "此", "问题"]], "title": "介绍下好的做菜的网站?谢谢! - 爱问知识人"}, {"bs_rank_pos": 4, "paragraphs": ["美食天下、这个网址里面的内容很全面、每种菜都会讲的很详细、带分解图片的!我之前也不会炒菜、全是在上面学的、现在炒的菜还可以了!!!希望你也能成功"], "segmented_title": ["哪个", "教", "做菜", "的", "网站", "比较好", "哦", "?", "_", "百度", "知道"], "segmented_paragraphs": [["美食", "天下", "、", "这个", "网址", "里面", "的", "内容", "很", "全面", "、", "每", "种菜", "都会", "讲", "的", "很", "详细", "、", "带", "分解", "图片", "的", "!", "我", "之", "前", "也", "不会", "炒菜", "、", "全", "是", "在", "上面", "学", "的", "、", "现在", "炒", "的", "菜", "还", "可以", "了", "!", "!", "!", "希望", "你", "也", "能", "成功"]], "title": "哪个教做菜的网站比较好哦?_百度知道"}, {"bs_rank_pos": 5, "paragraphs": ["美食天下,我也是不会做饭就看这个网站的,每道菜都是上面图下面有步骤的,很详细的介绍第一步。"], "segmented_title": ["有没有", "什么", "教", "做菜", "的", "很好", "的", "网站", "给", "几个", "吧", "_", "百度", "知道"], "segmented_paragraphs": [["美食", "天下", ",", "我", "也是", "不会", "做饭", "就", "看", "这个网站", "的", ",", "每", "道", "菜", "都是", "上面", "图", "下面", "有", "步骤", "的", ",", "很", "详细", "的", "介绍", "第一步", "。"]], "title": "有没有什么教做菜的很好的网站给几个吧_百度知道"}, {"bs_rank_pos": 5, "paragraphs": ["常用的文怡家常菜,厨蜜网,APP上就有,很方便的呢,图文并茂"], "segmented_title": ["有没有", "什么", "教", "做菜", "的", "很好", "的", "网站", "给", "几个", "吧", "_", "百度", "知道"], "segmented_paragraphs": [["常用", "的", "文怡", "家常菜", ",", "厨蜜网", ",", "APP", "上", "就", "有", ",", "很方便", "的", "呢", ",", "图文并茂"]], "title": "有没有什么教做菜的很好的网站给几个吧_百度知道"}], "question": "做菜网站哪个最好", "segmented_question": ["做菜", "网站", "哪个", "最好"], "question_type": "ENTITY", "fact_or_opinion": "OPINION", "question_id": 221591}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["市场上大多数的净水器说废水率1:1,其实都有1:3甚至更高了,旺夫泉这个牌子的净水器是不产生废水的额,特别环保。"], "segmented_title": ["市场", "上", "的", "那些", "净水器", "都", "说", "废水", "率", "才", "1", ":", "1", ",", "请问", "是", "这样", "的", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["市场", "上", "大多数", "的", "净水器", "说", "废水", "率", "1", ":", "1", ",", "其实", "都", "有", "1", ":", "3", "甚至", "更高", "了", ",", "旺夫", "泉", "这个牌子", "的", "净水器", "是", "不", "产生", "废水", "的", "额", ",", "特别", "环保", "。"]], "title": "市场上的那些净水器都说废水率才1:1,请问是这样的吗?_百度知道"}, {"bs_rank_pos": 6, "paragraphs": ["原创2017-08-15Gfk(中国)电器微刊电器微刊", " 行业|深度|视角", " 净水器作为目前最有效的保障饮用水安全问题的解决途径,近几年在国内发展势头迅猛。捷孚凯(GfK中国)零售推总数据显示,2017年1~5月,净水市场零售额超过48亿元,零售量超过310万台,同比增长均超过10%。其中,线上市场占市场整体零售额的28%,占零售量的61%。就近几年的市场表现来看,净水线下市场在2013年经历飞跃式的增长,线上市场则在2014年开始呈现两位数的高速增长。2016年,净水市场规模增速明显放缓,行业进入调整期,消费者趋于理性(详见图1)。", " 品类百花齐放", " 目前,市场在售的净水器品类五花八门,主要有厨下式净水器、龙头净水器、台上式净水器、壁挂式净水器以及净水壶/桶。随着消费者对水污染的关注度提升,厨下式净水器基于多重过滤,过滤精度高,受到消费者的欢迎。捷孚凯(GfK中国)零售监测数据显示,厨下式净水器在整体净水市场中占据超过80%的份额。厨下式净水器近几年的发展趋势主要体现在外观上的改变和便利性的提升。过去,厨下式产品由于隐藏在橱柜内侧,产品往往不注重外观设计,但随着消费者对美观的需求不断提升,厨下式净水器的外观正变得越来越简洁大方,同时水路的设计更加合理,避免二次污染。另外, 过去厨下式净水器因需要售后人员上门安装和更换滤芯而被消费者诟病,增加了很多不必要的成本。随着产品不断优化,目前一部分厨下式净水器可以实现自助安装和更换滤芯,很大程度上提升了产品使用的便利性。", " 捷孚凯(GfK中国)零售监测数据显示,厨下式净水器的平均单价为净水器品类中最高的产品,但线上市场和线下市场的平均单价差距较大,线上市场平均单价超过1000元,线下市场则要超过3000元。除了厨下式净水器外,其他品类净水器也有比较显著的发展,不同品类净水器有着不同的应用。例如,壁挂式净水器很大程度上取代了桶装水的方式,通过过滤自来水进行直接饮用,节省了桶装水的经济投入,更加便捷和卫生。捷孚凯(GfK中国)零售监测数据显示, 壁挂式产品平均单价仅次于厨下式净水器,接近2000元。另外,滤水壶及龙头式产品因便利性及单价较低的优势,也受到消费者的青睐。该类产品的单次投入成本较低。以滤水壶为例,一壶一芯的市场均价低于300元,这对于城市流动人群或学生都极具吸引力。", " 除了常规净水器品类外,近几年市场上还出现了一些新兴的净水产品以满足不同消费者的需求,例如前置过滤器、软水机及中央净水器。前置过滤器是全屋用水的第一道粗过滤设备,可以过滤自来水中的泥沙、铁锈等大颗粒物质。由于其无需更换滤芯,使用成本低,受到消费者的青睐。另外,中央净水器这类适用于全屋净水的产品也深受高端消费者的欢迎。这几类净水器产品虽然在整体净水器行业中占比较小,但极具潜力,2016年的零售额均实现三位数的同比增长。", " 技术型产品带动市场发展", " 在净水市场中,多种净水技术并存,有超滤膜技术、RO反渗透过滤膜技术、活性炭吸附技术和PP棉物理过滤技术等。反渗透膜技术和超滤膜技术是最主要的两种技术。捷孚凯(GfK中国)零售监测数据显示,2017年1~5月,在线下市场,采用反渗透膜技术的产品零售额占比为68%,超滤膜技术产品占比为22%;在线上市场,反渗透膜技术产品占比为57%,超滤膜技术产品占比为32%(详见图2)。反渗透膜技术是在高于溶液渗透压的作用下,依据其他物质不能透过半透膜而将这些物质和水分离开来。反渗透净水器能够去除水中各种杂质,出水口感好,能降低水的硬度,但出水量小,用水量大。同时,该产品拥有水泵,需要通电,可能存在漏电风险,结构复杂,价格成本也较高。超滤技术是通过膜表面的微孔结构对物质进行选择性分离。超滤膜净水器能够去除水中各种有害杂质,不需要用泵,不插电,没有电气安全问题,故障率较低,而且结构简单,价格便宜,不过对供水特发事件的效果一般,适合水质较好的城市使用。", " 在反渗透净水器中,大通量无桶设计可以让净水器不储水,饮水者也无需等待便可以", " 喝到现滤现饮的净水,这类产品称为即滤型净水器。一般来说,市面上的净水器以50G(加仑)的反渗透膜居多,但这样的产品饮用时需要一定的等待时间。大通量反渗透净水器是指400G以上的净水器,流量为50G机器流量的8倍,通过泵的频繁运作来达到即开即饮的目的。无桶设计是在水源污染、自然水管道老化、以及净水器安装空间不大等问题下最好的解决方案。捷孚凯(GfK中国)零售监测数据显示,在反渗透净水器中,大通量无桶设计产品约占六成的市场规模。目前,市场上有一些品牌推出了600G和800G的大通量无桶净水器。未来,大通量无桶设计的净水器是发展趋势所在,这一指标会是消费者购买时所考量的因素之一。大通量无桶设计的反渗透净水器引领净水市场高端化。捷孚凯(GfK中国)零售监测数据显示,2017年1~5月,在线下市场,4000元以上的反渗透净水器约占整体反渗透净水器零售额的60%,这一数值相比2013年增长了1倍;在线上市场,反渗透净水器零售额规模上升较为明显的是2000~3000元的中端价格段,2017年1~5月的市场占比达到约40%。", " 反渗透净水器用水量大是其重要弊端,但如今市场上各品牌对净水器的废水比有所提升。目前,最为常见的是1:1的低废水比,即过滤出一杯纯水需要消耗一杯废水。另外,也有一些企业推出了纯水和废水比例为2:1和3:1的净水器。", " 线下市场大有可为", " 捷孚凯(GfK中国)线下大中城市零售监测数据显示,从城市级别上看,特大型城市净水器零售额最大,同比涨幅最高;从区域上看,华东、华北地区销售情况最好。这与消费者受教育程度以及当地水质有关。大型城市对净水器的接受程度高,净水器的普及率超过10%。", " 捷孚凯(GfK中国)零售监测数据显示,2017年1~5月,家电连锁渠道零售额占线下整体市场的59%,独立店面渠道占比为26%。家电连锁渠道是净水器目前最主要的线下销售渠道,相对于其他渠道,家电连锁具有品牌齐全,专业安装、售后服务等优势。不同于其他小家电,净水器更多和家庭装潢联系在一起,属于装修配套产品之一,因此净水器在独立店面渠道(诸如建材市场,家装商城)的市场规模占比较高。独立店面渠道主要销售厨下式净水机、软水机和中央净水机。究其原因,是因为此类净水机需要在装修时安装。但与家电连锁渠道相比,独立店面渠道目前可选择的品牌少,领导品牌不多。随着未来更多品牌的入驻,独立店面渠道会有更好的发展,在线下市场的占比会更大。", " 市场未来发展与展望", " 净水市场从最初的品牌、技术良莠不齐到现如今的市场规模成形,不仅得益于其本身从品质型产品往刚需型产品的转型,也是企业在核心技术上不断革新下所带动的成长。国家统计局数据显示,2016年,全国居民人均可支配收入同比增长8.4%,具有着受过良好教育、有较高的品牌意识和国际化意识的“80后”“90后”正逐渐成为消费主力军,这类消费者在价格敏感度方面相对较低。"], "segmented_title": ["数据", "|", "2017", "年", "1", "~", "5", "月", "中国", "净水器", "市场", "解析"], "segmented_paragraphs": [["原创", "2017", "-", "08", "-", "15", "Gfk", "(", "中国", ")", "电器", "微刊", "电器", "微刊"], ["行业", "|", "深度", "|", "视角"], ["净水器", "作为", "目前", "最有效", "的", "保障", "饮用水", "安全", "问题", "的", "解决", "途径", ",", "近", "几", "年", "在", "国内", "发展", "势", "头", "迅猛", "。", "捷孚凯", "(", "GfK", "中国", ")", "零售", "推", "总", "数据", "显示", ",", "2017", "年", "1", "~", "5", "月", ",", "净水", "市场", "零售额", "超过", "48", "亿元", ",", "零售", "量", "超过", "310", "万", "台", ",", "同比增长", "均", "超过", "10", "%", "。", "其中", ",", "线上", "市场", "占", "市场", "整体", "零售额", "的", "28", "%", ",", "占", "零售", "量", "的", "61", "%", "。", "就", "近", "几", "年", "的", "市场表现", "来看", ",", "净水", "线", "下", "市场", "在", "2013", "年", "经历", "飞跃", "式", "的", "增长", ",", "线上", "市场", "则", "在", "2014", "年", "开始", "呈现", "两位", "数", "的", "高速增长", "。", "2016", "年", ",", "净水", "市场规模", "增速", "明显", "放缓", ",", "行业", "进入", "调整", "期", ",", "消费者", "趋于", "理性", "(", "详见", "图", "1", ")", "。"], ["品类", "百花齐放"], ["目前", ",", "市场", "在", "售", "的", "净水器", "品类", "五花八门", ",", "主要有", "厨", "下", "式", "净水器", "、", "龙头", "净水器", "、", "台上", "式", "净水器", "、", "壁挂式", "净水器", "以及", "净", "水壶", "/", "桶", "。", "随着", "消费者", "对", "水污染", "的", "关注", "度", "提升", ",", "厨", "下", "式", "净水器", "基于", "多", "重", "过滤", ",", "过滤", "精度高", ",", "受到", "消费者", "的", "欢迎", "。", "捷孚凯", "(", "GfK", "中国", ")", "零售", "监测", "数据", "显示", ",", "厨", "下", "式", "净水器", "在", "整体", "净水", "市场", "中", "占据", "超过", "80", "%", "的", "份额", "。", "厨", "下", "式", "净水器", "近", "几", "年", "的", "发展趋势", "主要", "体现", "在", "外观", "上", "的", "改变", "和", "便利", "性", "的", "提升", "。", "过去", ",", "厨", "下", "式", "产品", "由于", "隐藏", "在", "橱柜", "内侧", ",", "产品", "往往", "不", "注重", "外观设计", ",", "但", "随着", "消费者", "对", "美观", "的", "需求", "不断", "提升", ",", "厨", "下", "式", "净水器", "的", "外观", "正", "变得", "越来越", "简洁大方", ",", "同时", "水路", "的", "设计", "更加", "合理", ",", "避免", "二次污染", "。", "另外", ",", "过去", "厨", "下", "式", "净水器", "因", "需要", "售后", "人员", "上门安装", "和", "更换", "滤芯", "而", "被", "消费者", "诟病", ",", "增加", "了", "很多", "不必要", "的", "成本", "。", "随着", "产品", "不断优化", ",", "目前", "一部分", "厨", "下", "式", "净水器", "可以", "实现", "自助", "安装", "和", "更换", "滤芯", ",", "很大", "程度", "上", "提升", "了", "产品", "使用", "的", "便利", "性", "。"], ["捷孚凯", "(", "GfK", "中国", ")", "零售", "监测", "数据", "显示", ",", "厨", "下", "式", "净水器", "的", "平均", "单价", "为", "净水器", "品类", "中", "最高", "的", "产品", ",", "但", "线上", "市场", "和", "线", "下", "市场", "的", "平均", "单价", "差距", "较", "大", ",", "线上", "市场", "平均", "单价", "超过", "1000", "元", ",", "线", "下", "市场", "则", "要", "超过", "3000", "元", "。", "除了", "厨", "下", "式", "净水器", "外", ",", "其他", "品类", "净水器", "也有", "比较", "显著", "的", "发展", ",", "不同", "品类", "净水器", "有着", "不同", "的", "应用", "。", "例如", ",", "壁挂式", "净水器", "很大", "程度", "上", "取代", "了", "桶装水", "的", "方式", ",", "通过", "过滤", "自来水", "进行", "直接", "饮用", ",", "节省", "了", "桶装水", "的", "经济", "投入", ",", "更加", "便捷", "和", "卫生", "。", "捷孚凯", "(", "GfK", "中国", ")", "零售", "监测", "数据", "显示", ",", "壁挂式", "产品", "平均", "单价", "仅次于", "厨", "下", "式", "净水器", ",", "接近", "2000", "元", "。", "另外", ",", "滤", "水壶", "及", "龙头", "式", "产品", "因", "便利", "性", "及", "单价", "较", "低", "的", "优势", ",", "也", "受到", "消费者", "的", "青睐", "。", "该类", "产品", "的", "单", "次", "投入", "成本", "较", "低", "。", "以", "滤", "水壶", "为", "例", ",", "一", "壶", "一", "芯", "的", "市场", "均价", "低于", "300", "元", ",", "这", "对于", "城市", "流动", "人群", "或", "学生", "都", "极", "具", "吸引力", "。"], ["除了", "常规", "净水器", "品类", "外", ",", "近", "几", "年", "市场", "上", "还", "出现", "了", "一些", "新兴", "的", "净水", "产品", "以", "满足", "不同", "消费者", "的", "需求", ",", "例如", "前置", "过滤器", "、", "软水机", "及", "中央", "净水器", "。", "前置", "过滤器", "是", "全屋", "用", "水", "的", "第", "一", "道", "粗", "过滤", "设备", ",", "可以", "过滤", "自来水", "中", "的", "泥", "沙", "、", "铁锈", "等", "大", "颗粒", "物质", "。", "由于", "其", "无需", "更换", "滤芯", ",", "使用", "成本低", ",", "受到", "消费者", "的", "青睐", "。", "另外", ",", "中央", "净水器", "这", "类", "适用于", "全屋", "净水", "的", "产品", "也", "深受", "高端", "消费者", "的", "欢迎", "。", "这", "几", "类", "净水器", "产品", "虽然", "在", "整体", "净水器", "行业", "中", "占", "比较", "小", ",", "但", "极", "具", "潜力", ",", "2016", "年", "的", "零售额", "均", "实现", "三", "位数", "的", "同比增长", "。"], ["技术", "型", "产品", "带动", "市场", "发展"], ["在", "净水", "市场", "中", ",", "多", "种", "净水", "技术", "并存", ",", "有", "超滤膜", "技术", "、", "RO", "反渗透", "过滤", "膜", "技术", "、", "活性炭", "吸附", "技术", "和", "PP棉", "物理", "过滤", "技术", "等", "。", "反渗透膜", "技术", "和", "超滤膜", "技术", "是", "最", "主要", "的", "两种", "技术", "。", "捷孚凯", "(", "GfK", "中国", ")", "零售", "监测", "数据", "显示", ",", "2017", "年", "1", "~", "5", "月", ",", "在线", "下", "市场", ",", "采用", "反渗透膜", "技术", "的", "产品", "零售额", "占", "比", "为", "68", "%", ",", "超滤膜", "技术", "产品", "占", "比", "为", "22", "%", ";", "在线", "上", "市场", ",", "反渗透膜", "技术", "产品", "占", "比", "为", "57", "%", ",", "超滤膜", "技术", "产品", "占", "比", "为", "32", "%", "(", "详见", "图", "2", ")", "。", "反渗透膜", "技术", "是", "在", "高于", "溶液", "渗透压", "的", "作用", "下", ",", "依据", "其他", "物质", "不能", "透过", "半透膜", "而", "将", "这些", "物质", "和", "水", "分离", "开来", "。", "反渗透", "净水器", "能够", "去除", "水中", "各种", "杂质", ",", "出水", "口感好", ",", "能", "降低", "水", "的", "硬度", ",", "但", "出", "水量", "小", ",", "用水量", "大", "。", "同时", ",", "该", "产品", "拥有", "水泵", ",", "需要", "通", "电", ",", "可能", "存在", "漏电", "风险", ",", "结构", "复杂", ",", "价格", "成本", "也", "较", "高", "。", "超滤", "技术", "是", "通过", "膜", "表面", "的", "微孔", "结构", "对", "物质", "进行", "选择性", "分离", "。", "超滤膜", "净水器", "能够", "去除", "水中", "各种", "有害", "杂质", ",", "不需要", "用", "泵", ",", "不插电", ",", "没有", "电气", "安全", "问题", ",", "故障率", "较", "低", ",", "而且", "结构简单", ",", "价格便宜", ",", "不过", "对", "供水", "特", "发", "事件", "的", "效果", "一般", ",", "适合", "水质", "较好", "的", "城市", "使用", "。"], ["在", "反渗透", "净水器", "中", ",", "大通量", "无桶", "设计", "可以", "让", "净水器", "不", "储", "水", ",", "饮水", "者", "也", "无需等待", "便", "可以"], ["喝", "到", "现", "滤", "现", "饮", "的", "净水", ",", "这", "类", "产品", "称为", "即", "滤", "型", "净水器", "。", "一般来说", ",", "市面上", "的", "净水器", "以", "50G", "(", "加仑", ")", "的", "反渗透膜", "居", "多", ",", "但", "这样", "的", "产品", "饮用", "时", "需要", "一定", "的", "等待", "时间", "。", "大", "通量", "反渗透", "净水器", "是", "指", "400G", "以上", "的", "净水器", ",", "流量", "为", "50G", "机器", "流量", "的", "8", "倍", ",", "通过", "泵", "的", "频繁", "运作", "来", "达到", "即", "开", "即", "饮", "的", "目的", "。", "无桶", "设计", "是", "在", "水源", "污染", "、", "自然", "水", "管道", "老化", "、", "以及", "净水器", "安装", "空间不大", "等", "问题", "下", "最好", "的", "解决方案", "。", "捷孚凯", "(", "GfK", "中国", ")", "零售", "监测", "数据", "显示", ",", "在", "反渗透", "净水器", "中", ",", "大通量", "无桶", "设计", "产品", "约", "占", "六", "成", "的", "市场规模", "。", "目前", ",", "市场", "上", "有", "一些", "品牌", "推出", "了", "600G", "和", "800G", "的", "大通量", "无桶", "净水器", "。", "未来", ",", "大通量", "无桶", "设计", "的", "净水器", "是", "发展趋势", "所在", ",", "这", "一", "指标", "会", "是", "消费者购买", "时", "所", "考量", "的", "因素", "之", "一", "。", "大通量", "无桶", "设计", "的", "反渗透", "净水器", "引领", "净水", "市场", "高端", "化", "。", "捷孚凯", "(", "GfK", "中国", ")", "零售", "监测", "数据", "显示", ",", "2017", "年", "1", "~", "5", "月", ",", "在线", "下", "市场", ",", "4000", "元", "以上", "的", "反渗透", "净水器", "约", "占", "整体", "反渗透", "净水器", "零售额", "的", "60", "%", ",", "这", "一", "数值", "相比", "2013", "年", "增长", "了", "1", "倍", ";", "在线", "上", "市场", ",", "反渗透", "净水器", "零售额", "规模", "上升", "较为", "明显", "的", "是", "2000", "~", "3000", "元", "的", "中", "端", "价格", "段", ",", "2017", "年", "1", "~", "5", "月", "的", "市场", "占", "比", "达到", "约", "40", "%", "。"], ["反渗透", "净水器", "用水量", "大", "是", "其", "重要", "弊端", ",", "但", "如今", "市场", "上", "各", "品牌", "对", "净水器", "的", "废水", "比", "有所", "提升", "。", "目前", ",", "最为", "常见", "的", "是", "1", ":", "1", "的", "低", "废水", "比", ",", "即", "过滤", "出", "一", "杯", "纯水", "需要", "消耗", "一", "杯", "废水", "。", "另外", ",", "也有", "一些", "企业", "推出", "了", "纯水", "和", "废水", "比例", "为", "2", ":", "1", "和", "3", ":", "1", "的", "净水器", "。"], ["线", "下", "市场", "大有可为"], ["捷孚凯", "(", "GfK", "中国", ")", "线", "下", "大中城市", "零售", "监测", "数据", "显示", ",", "从", "城市", "级别", "上", "看", ",", "特", "大型", "城市", "净水器", "零售额", "最大", ",", "同比", "涨幅", "最高", ";", "从", "区域", "上", "看", ",", "华东", "、", "华北地区", "销售", "情况", "最好", "。", "这", "与", "消费者", "受", "教育", "程度", "以及", "当地", "水质", "有关", "。", "大型", "城市", "对", "净水器", "的", "接受", "程度", "高", ",", "净水器", "的", "普及率", "超过", "10", "%", "。"], ["捷孚凯", "(", "GfK", "中国", ")", "零售", "监测", "数据", "显示", ",", "2017", "年", "1", "~", "5", "月", ",", "家电连锁", "渠道", "零售额", "占", "线", "下", "整体", "市场", "的", "59", "%", ",", "独立", "店面", "渠道", "占", "比", "为", "26", "%", "。", "家电连锁", "渠道", "是", "净水器", "目前", "最", "主要", "的", "线", "下", "销售渠道", ",", "相对", "于", "其他", "渠道", ",", "家电连锁", "具有", "品牌", "齐全", ",", "专业", "安装", "、", "售后服务", "等", "优势", "。", "不同于", "其他", "小家电", ",", "净水器", "更多", "和", "家庭装潢", "联系", "在一起", ",", "属于", "装修", "配套产品", "之", "一", ",", "因此", "净水器", "在", "独立", "店面", "渠道", "(", "诸如", "建材市场", ",", "家装", "商城", ")", "的", "市场规模", "占", "比较", "高", "。", "独立", "店面", "渠道", "主要", "销售", "厨", "下", "式", "净水机", "、", "软水机", "和", "中央", "净水机", "。", "究", "其", "原因", ",", "是因为", "此类", "净水机", "需要", "在", "装修", "时", "安装", "。", "但", "与", "家电连锁", "渠道", "相比", ",", "独立", "店面", "渠道", "目前", "可", "选择", "的", "品牌", "少", ",", "领导", "品牌", "不", "多", "。", "随着", "未来", "更多", "品牌", "的", "入驻", ",", "独立", "店面", "渠道", "会", "有", "更好", "的", "发展", ",", "在线", "下", "市场", "的", "占", "比", "会", "更大", "。"], ["市场", "未来", "发展", "与", "展望"], ["净水", "市场", "从", "最初", "的", "品牌", "、", "技术", "良莠不齐", "到", "现如今", "的", "市场规模", "成形", ",", "不仅", "得益于", "其", "本身", "从", "品质", "型", "产品", "往", "刚需", "型", "产品", "的", "转型", ",", "也是", "企业", "在", "核心技术", "上", "不断", "革新", "下", "所", "带动", "的", "成长", "。", "国家统计局", "数据", "显示", ",", "2016", "年", ",", "全国", "居民", "人均可支配收入", "同比增长", "8.4", "%", ",", "具有", "着", "受过", "良好", "教育", "、", "有", "较", "高", "的", "品牌意识", "和", "国际化", "意识", "的", "“", "8", "0", "后", "”", "“", "90", "后", "”", "正", "逐渐", "成为", "消费", "主力军", ",", "这", "类", "消费者", "在", "价格", "敏感", "度", "方面", "相对", "较", "低", "。"]], "title": "数据|2017年1~5月中国净水器市场解析"}, {"bs_rank_pos": 7, "paragraphs": [" 如何选择净水器?", " 对每个人来说,干净的水和洁净的空气同等重要,二者缺一不可。然而如今这两样东西似乎都成了奢望,空气污染已严重影响我们的健康,如今水质的恶化同样让人非常头疼:究竟需不需要安装净水器呢?这么多净水产品,都有什么作用?怎么选才最合适呢?本文将就这些困扰大多数人的问题,做一个常识的普及。", " 针对不同水质,各种净水设备能净什么? 不同的设备能够解决哪些痛点? 具体情况如何选择?", " 常见的5种过滤方式:", " 上图的过滤方式是按照过滤精度排列的,它们各自的物质过滤能力是向左边包含的。", " 换成表格的形式:", " 所以针对不同的水质问题,应选用对应的净水设备。", " 近几年的研究表明我国地表水的水质在逐年改善,但局部地区的水质情况仍然令人感到担忧。", " 以我国典型村庄农村环境质量监测结果来看,净化饮用水有很大的必要性。", " ▲此图为全国典型农村村庄环境质量监测图,选取的案例有一定代表性,但不具备普适性。", " 除了自然水质问题之外,住宅区的储水方式、劣质的水管灯,也都有可能导致水里铅、有机物超标。", " 安装前置过滤,可以将管道和水箱中的防锈铁皮、昆虫、浮游生物、藻类、铁锈、泥沙等杂质过滤掉,使水恢复到一定标准!", " 优点:保护后续设备,无需耗材,成本低,清洁方便,使用寿命长(一般可达30年)。", " 缺点:过滤能力有限。", " 用法:产品配有观察虑瓶,使用一段时间后如有杂质,可以打开排污阀进行冲洗。", " 主要用途:通过超滤膜的高精度净化工艺,对水质进行有效的净化,去除水中可能含有的泥沙、铁锈、细菌、悬浮物、藻类、大分子有机物等多种有害物质,制造适合于全屋食用水的净水。", " 优点:能彻底滤除水中的细菌、铁锈、胶体等有害物质,保留水中对人体有益的微量元素和矿物质,且抗污染能力强。", " 缺点:不能降低水的硬度,煮水容器依然存在结垢。", " 用法:一般来说PP滤芯3个月需要更换,活性炭滤芯6个月需要更换。", " 主要用途:利用离子交换原理,去除水中易生成沉淀的钙镁离子,达到软化水质避免结垢的处理效果。", " 化学反应机理如下:", " Ca2+ + 2NaR——CaR2 + 2Na+", " Mg2+ + 2NaR——MgR2 + 2Na+", " 优点:安装软水的好处非常多", " 1、软水机能够有效防止水管道、热水器、马桶易积水垢、热效率低的现象。 2、用来洗菜,能有效清楚农药成分,延长蔬菜保鲜期;煮饭则可使饭粒松软光润,口感上升。 3、衣服在软水中洗涤比在硬水中寿命更长,晾干后不易泛黄。 4、用于洗浴,保证皮肤光线嫩滑,起到美容作用。", " 缺点:不能有效的去除水中的细菌、余氯等有害物质,是不能直接饮用的,必须搭配其他净水机或者直饮水机使用。", " 注:GPG为水硬度单位, 1GPG表示1 加仑水中硬度离子( 钙镁离子) 含量为1 格令。", " 结合我国水质硬度情况以及软水机的优点,笔者认为软水机能够提升日常生活质量。", " 反渗透净水机(RO机)", " 主要用途:一般来说都有五层滤芯,用途如下图", " 优点:比超滤机过滤的更加洁净。", " 缺点:RO膜纯水机要4吨自来水才能制备1吨纯净水,千家万户大量使用这种纯水机,宝贵的水资源会被大量浪费。不提倡北方缺水地区使用。", " 位置:净水系统的终端设备。", " 用途:它好比我们家庭中央空调里的分机,它不能独立使用,必须连接净水主机。", " 1、彻底解决“千滚水”、“阴阳水”的问题。 2、即用即热,省电且利用率(相比普通烧水方式)。 3、3-5秒沸腾,立即享用持续沸水,且杀菌彻底。", " 缺点:目前还没有绝对的。", " 各种机器的实际用途示意图:", " 为了使不同的生活场景能够获得相应的水源,那该如何组合这些产品?", " 厨房用水/饮用水路:需要最彻底的过滤 沐浴/洗涤水路:需要使用软水 日常清洁水路:粗过滤即可", " 这样就可以得到一个软水及全屋水处理的整体方案。", " A:安装全屋净水机、软水机,需要具备,地漏、管道、电源设备放置空间等条件才能安装。", " A:两款产品功能不一样,中央净水机用来去除余氯、异色异味、细菌、重金属灯,软水机则是用来软化水质,解决生活用水问题。", " A:中央净水和软水主要解决洗澡、洗涤等生活用水,不能达到直饮水标准,而净水器是进一步进化水质,解决厨房做饭、饮用水等问题。前置过滤器则主要是去除杂质,减轻后面过滤负担。", " A:喝纯水的确会带走身体部分的矿物质,但是人体吸收微量元素的途径众多,水只是其中之一,且占比不大;人体吸收水的途径也不少,比如饭菜、饮料等。", " [1] 刘允、孙宗光,2001—2012 年全国水环境质量趋势分析,环境化学,2014 [2] 马广文、王晓斐,我国典型村庄农村环境质量监测与评价,中国环境监测,2016", " UF超滤纳滤膜净水器,有多级前置过滤和超滤膜组成,能截留绝大部分有细菌、有害物质,是市场上最常用的分离、过滤效果最为普通的直饮水净水装置", " 净水器如何选择确实经常困扰大家,我作为一名水质监测人员就说说自己的看法。", " 1、每个地方的水质情况都不完全相同,大家要根据情况选择,比如自己这个地方的水质铅含量超标,就需要选择除铅能力比较强的净水器。 2、我们普通人怎么判断净水器的去除这些污染物的实际能力是什么样呢,我觉得还是要借助国际上的权威认证,其实我们搞监测的也很多地方是用的国际上的通用标准,而且现在新建的自来处理厂的设备都是选择的国际上有权威认证的设备。因为现在产品品类太多,包括老外他们也判断不出真实的好坏,所以国际上一般都会认定一个最权威的认证中立机构对主流的净水器或污水处理设备做检测,通过得出的数据判断出真实的设备好坏。我觉得大家也可以借鉴这个办法,毕竟水处理设备是国外发明的,国际标准也是人家制定的,他们会比较专业和权威一些,我们普通人对照这些也可以节省时间和精力。 3、关于主要的两种技术反渗透和超滤的选择问题,大家始终要记住,没有哪个是能100%去除全部污染物的,如果真的可以的话,估计所有的饮料厂和水制品厂都可以开全自动设备自动生产,并取消品控人员了。电视上经常曝光的食品安全问题也不会出,大家都开心了。所以,这都是不现实的事情,还是那句话,参考国际权威认证对设备去除污染物能力给出的报告,普通人也可以看的一清二楚到底去除了多少种污染物!", " 我总结了下,大家对于净水器的症结大致有以下五种:品牌选择困难症,技术脑盲症,价格眼盲症,效果茫然症,买不买纠结症。根据这五大症结,码出这篇攻略,助你砍柴前先磨磨刀。知己知彼,百战不殆,这是互联网时代对消费者的基本要求。", " 大家都知道净水器的关键在滤芯,所以按滤芯可以分为微滤、超滤、纳滤、反渗透,各种技术的特点分别如下。。。。。。。这个我相信大家都不想看了,自己查下就好,现在市面上主要是超滤和反渗透两种,两种的主要区别就是超滤是保留矿物质的,而反渗透是纯净水,什么都不保留的。", " 好吧,看了前面的回答,各路大神对技术方面已经解释的很详细了,不过我相信大多数人看完答案后会更加云里雾里,被各种所谓的技术搞的身心俱疲,还是不知道那种净水器好,该怎么选择。怎么办呢?让我来试试能不能帮到你们。", " 首先,总结下各路大神的答案中我认为存在的几点分歧:"], "segmented_title": ["如何", "选择", "净水器", "?", "-", "知乎"], "segmented_paragraphs": [["如何", "选择", "净水器", "?"], ["对", "每个", "人", "来", "说", ",", "干净", "的", "水", "和", "洁净", "的", "空气", "同等重要", ",", "二者", "缺一不可", "。", "然而", "如今", "这", "两", "样", "东西", "似乎", "都", "成", "了", "奢望", ",", "空气污染", "已", "严重影响", "我们", "的", "健康", ",", "如今", "水质", "的", "恶化", "同样", "让", "人", "非常", "头疼", ":", "究竟", "需", "不", "需要", "安装", "净水器", "呢", "?", "这么多", "净水", "产品", ",", "都", "有", "什么", "作用", "?", "怎么", "选", "才", "最合适", "呢", "?", "本", "文", "将就", "这些", "困扰", "大多数", "人", "的", "问题", ",", "做", "一", "个", "常识", "的", "普及", "。"], ["针对", "不同", "水质", ",", "各种", "净水设备", "能", "净", "什么", "?", "不同", "的", "设备", "能够", "解决", "哪些", "痛", "点", "?", "具体情况", "如何", "选择", "?"], ["常见", "的", "5", "种", "过滤", "方式", ":"], ["上", "图", "的", "过滤", "方式", "是", "按照", "过滤", "精度", "排列", "的", ",", "它们", "各自", "的", "物质", "过滤", "能力", "是", "向", "左边", "包含", "的", "。"], ["换", "成", "表格", "的", "形式", ":"], ["所以", "针对", "不同", "的", "水质", "问题", ",", "应", "选用", "对应", "的", "净水设备", "。"], ["近", "几", "年", "的", "研究表明", "我", "国", "地表水", "的", "水质", "在", "逐", "年", "改善", ",", "但", "局部地区", "的", "水质", "情况", "仍然", "令人", "感到", "担忧", "。"], ["以", "我", "国", "典型", "村庄", "农村", "环境", "质量", "监测", "结果", "来看", ",", "净化", "饮用水", "有", "很大", "的", "必要性", "。"], ["▲", "此", "图", "为", "全国", "典型", "农村", "村庄", "环境", "质量", "监测", "图", ",", "选取", "的", "案例", "有", "一定", "代表性", ",", "但", "不具备", "普", "适", "性", "。"], ["除了", "自然", "水质", "问题", "之外", ",", "住宅", "区", "的", "储", "水", "方式", "、", "劣质", "的", "水管", "灯", ",", "也", "都", "有", "可能导致", "水", "里", "铅", "、", "有机物", "超标", "。"], ["安装", "前置", "过滤", ",", "可以", "将", "管道", "和", "水箱", "中", "的", "防锈", "铁皮", "、", "昆虫", "、", "浮游生物", "、", "藻类", "、", "铁锈", "、", "泥", "沙", "等", "杂质", "过滤", "掉", ",", "使", "水", "恢复", "到", "一定", "标准", "!"], ["优点", ":", "保护", "后续", "设备", ",", "无需", "耗材", ",", "成本低", ",", "清洁", "方便", ",", "使用", "寿命长", "(", "一般", "可达", "30", "年", ")", "。"], ["缺点", ":", "过滤", "能力", "有限", "。"], ["用法", ":", "产品", "配", "有", "观察", "虑", "瓶", ",", "使用", "一段时间", "后", "如", "有", "杂质", ",", "可以打开", "排污阀", "进行", "冲洗", "。"], ["主要用途", ":", "通过", "超滤膜", "的", "高精度", "净化", "工艺", ",", "对", "水质", "进行", "有效", "的", "净化", ",", "去除", "水中", "可能含有", "的", "泥", "沙", "、", "铁锈", "、", "细菌", "、", "悬浮", "物", "、", "藻类", "、", "大分子", "有机物", "等", "多", "种", "有害", "物质", ",", "制造", "适合于", "全屋", "食用", "水", "的", "净水", "。"], ["优点", ":", "能", "彻底", "滤", "除", "水中", "的", "细菌", "、", "铁锈", "、", "胶体", "等", "有害", "物质", ",", "保留", "水中", "对", "人体", "有益", "的", "微量元素", "和", "矿物质", ",", "且", "抗", "污染", "能力", "强", "。"], ["缺点", ":", "不能", "降低", "水", "的", "硬度", ",", "煮", "水", "容器", "依然", "存在", "结垢", "。"], ["用法", ":", "一般来说", "PP滤芯", "3", "个", "月", "需要更换", ",", "活性炭", "滤芯", "6", "个", "月", "需要更换", "。"], ["主要用途", ":", "利用", "离子交换", "原理", ",", "去除", "水中", "易", "生成", "沉淀", "的", "钙镁", "离子", ",", "达到", "软化", "水质", "避免", "结垢", "的", "处理", "效果", "。"], ["化学反应", "机理", "如", "下", ":"], ["Ca2", "+", "+", "2", "NaR", "—", "—", "CaR", "2", "+", "2Na", "+"], ["Mg2", "+", "+", "2", "NaR", "—", "—", "MgR2", "+", "2Na", "+"], ["优点", ":", "安装", "软水", "的", "好处", "非常", "多"], ["1", "、", "软水机", "能够", "有效", "防止", "水", "管道", "、", "热水器", "、", "马桶", "易", "积", "水垢", "、", "热", "效率低", "的", "现象", "。", "2", "、", "用来", "洗", "菜", ",", "能", "有效", "清楚", "农药", "成分", ",", "延长", "蔬菜", "保鲜期", ";", "煮饭", "则", "可", "使", "饭粒", "松软", "光润", ",", "口感", "上升", "。", "3", "、", "衣服", "在", "软", "水中", "洗涤", "比", "在", "硬水", "中", "寿命", "更", "长", ",", "晾干", "后", "不易", "泛", "黄", "。", "4", "、", "用于", "洗浴", ",", "保证", "皮肤", "光线", "嫩", "滑", ",", "起", "到", "美容", "作用", "。"], ["缺点", ":", "不能", "有效", "的", "去除", "水中", "的", "细菌", "、", "余氯", "等", "有害", "物质", ",", "是", "不能", "直接", "饮用", "的", ",", "必须", "搭配", "其他", "净水机", "或者", "直饮水机", "使用", "。"], ["注", ":", "GPG", "为", "水", "硬度", "单位", ",", "1", "GPG", "表示", "1", "加仑", "水中", "硬度", "离子", "(", "钙镁", "离子", ")", "含量", "为", "1", "格", "令", "。"], ["结合", "我", "国", "水质", "硬度", "情况", "以及", "软水机", "的", "优点", ",", "笔者", "认为", "软水机", "能够", "提升", "日常", "生活", "质量", "。"], ["反渗透", "净水机", "(", "RO", "机", ")"], ["主要用途", ":", "一般来说", "都", "有", "五层", "滤芯", ",", "用途", "如下图"], ["优点", ":", "比", "超滤", "机", "过滤", "的", "更加", "洁净", "。"], ["缺点", ":", "RO膜", "纯水机", "要", "4", "吨", "自来水", "才能", "制备", "1", "吨", "纯净水", ",", "千家万户", "大量", "使用", "这种", "纯水机", ",", "宝贵", "的", "水资源", "会", "被", "大量", "浪费", "。", "不提倡", "北方", "缺水", "地区", "使用", "。"], ["位置", ":", "净水", "系统", "的", "终端设备", "。"], ["用途", ":", "它", "好", "比", "我们", "家庭中央空调", "里", "的", "分机", ",", "它", "不能", "独立", "使用", ",", "必须", "连接", "净水", "主机", "。"], ["1", "、", "彻底解决", "“", "千滚水", "”", "、", "“", "阴阳水", "”", "的", "问题", "。", "2", "、", "即", "用", "即热", ",", "省电", "且", "利用率", "(", "相比", "普通", "烧水", "方式", ")", "。", "3", "、", "3", "-", "5", "秒", "沸腾", ",", "立即", "享", "用", "持续", "沸水", ",", "且", "杀菌", "彻底", "。"], ["缺点", ":", "目前", "还", "没有", "绝对", "的", "。"], ["各种", "机器", "的", "实际", "用途", "示意图", ":"], ["为了", "使", "不同", "的", "生活", "场景", "能够", "获得", "相应", "的", "水源", ",", "那", "该", "如何", "组合", "这些", "产品", "?"], ["厨房", "用", "水", "/", "饮用水路", ":", "需要", "最", "彻底", "的", "过滤", "沐浴", "/", "洗涤", "水路", ":", "需要", "使用", "软水", "日常", "清洁", "水路", ":", "粗", "过滤", "即可"], ["这样", "就", "可以", "得到", "一", "个", "软水", "及", "全屋", "水处理", "的", "整体", "方案", "。"], ["A", ":", "安装", "全屋", "净水机", "、", "软水机", ",", "需要具备", ",", "地漏", "、", "管道", "、", "电源设备", "放置", "空间", "等", "条件", "才能", "安装", "。"], ["A", ":", "两", "款", "产品", "功能", "不一样", ",", "中央", "净水机", "用来", "去除", "余氯", "、", "异色", "异味", "、", "细菌", "、", "重金属", "灯", ",", "软水机", "则", "是", "用来", "软化", "水质", ",", "解决", "生活", "用", "水", "问题", "。"], ["A", ":", "中央", "净水", "和", "软水", "主要", "解决", "洗澡", "、", "洗涤", "等", "生活用水", ",", "不能", "达到", "直饮水", "标准", ",", "而", "净水器", "是", "进一步", "进化", "水质", ",", "解决", "厨房", "做饭", "、", "饮用水", "等", "问题", "。", "前置", "过滤器", "则", "主要", "是", "去除", "杂质", ",", "减轻", "后面", "过滤", "负担", "。"], ["A", ":", "喝", "纯水", "的", "确", "会", "带走", "身体", "部分", "的", "矿物质", ",", "但是", "人体", "吸收", "微量元素", "的", "途径", "众多", ",", "水", "只是", "其中", "之", "一", ",", "且", "占", "比", "不", "大", ";", "人体", "吸收", "水", "的", "途径", "也", "不少", ",", "比如", "饭菜", "、", "饮料", "等", "。"], ["[", "1", "]", "刘", "允", "、", "孙", "宗", "光", ",", "2001", "—", "2012", "年", "全国", "水环境", "质量", "趋势分析", ",", "环境化学", ",", "2014", "[", "2", "]", "马", "广", "文", "、", "王晓斐", ",", "我", "国", "典型", "村庄", "农村", "环境", "质量", "监测", "与", "评价", ",", "中国", "环境监测", ",", "2016"], ["UF", "超滤", "纳滤", "膜", "净水器", ",", "有", "多级", "前置", "过滤", "和", "超滤膜", "组成", ",", "能", "截留", "绝大部分", "有", "细菌", "、", "有害", "物质", ",", "是", "市场", "上", "最", "常用", "的", "分离", "、", "过滤", "效果", "最", "为", "普通", "的", "直饮水", "净水", "装置"], ["净水器", "如何", "选择", "确实", "经常", "困扰", "大家", ",", "我", "作为", "一名", "水质监测", "人员", "就", "说说", "自己", "的", "看法", "。"], ["1", "、", "每个", "地方", "的", "水质", "情况", "都", "不", "完全", "相同", ",", "大家", "要", "根据", "情况", "选择", ",", "比如", "自己", "这个地方", "的", "水质", "铅", "含量", "超标", ",", "就", "需要", "选择", "除", "铅", "能力", "比较", "强", "的", "净水器", "。", "2", "、", "我们", "普通人", "怎么", "判断", "净水器", "的", "去除", "这些", "污染物", "的", "实际", "能力", "是", "什么", "样", "呢", ",", "我", "觉得", "还是", "要", "借助", "国际", "上", "的", "权威认证", ",", "其实", "我们", "搞", "监测", "的", "也", "很多地方", "是", "用", "的", "国际", "上", "的", "通用", "标准", ",", "而且", "现在", "新建", "的", "自", "来", "处理厂", "的", "设备", "都是", "选择", "的", "国际", "上", "有", "权威认证", "的", "设备", "。", "因为", "现在", "产品", "品类", "太多", ",", "包括", "老外", "他们", "也", "判断", "不", "出", "真实", "的", "好坏", ",", "所以", "国际", "上", "一般", "都会", "认定", "一", "个", "最", "权威", "的", "认证", "中立", "机构", "对", "主流", "的", "净水器", "或", "污水处理设备", "做", "检测", ",", "通过", "得出", "的", "数据", "判断", "出", "真实", "的", "设备", "好坏", "。", "我", "觉得", "大家", "也", "可以", "借鉴", "这个办法", ",", "毕竟", "水处理设备", "是", "国外", "发明", "的", ",", "国际标准", "也是", "人家", "制定", "的", ",", "他们", "会", "比较", "专业", "和", "权威", "一些", ",", "我们", "普通人", "对照", "这些", "也", "可以", "节省", "时间", "和", "精力", "。", "3", "、", "关于", "主要", "的", "两种", "技术", "反渗透", "和", "超滤", "的", "选择", "问题", ",", "大家", "始终", "要记住", ",", "没有", "哪个", "是", "能", "100", "%", "去除", "全部", "污染物", "的", ",", "如果", "真", "的", "可以", "的", "话", ",", "估计", "所有", "的", "饮料厂", "和", "水", "制品厂", "都", "可以", "开", "全", "自动", "设备", "自动", "生产", ",", "并", "取消", "品", "控", "人员", "了", "。", "电视", "上", "经常", "曝光", "的", "食品安全", "问题", "也", "不会", "出", ",", "大家", "都", "开心", "了", "。", "所以", ",", "这", "都是", "不", "现实", "的", "事情", ",", "还是", "那句话", ",", "参考", "国际", "权威认证", "对", "设备", "去除", "污染物", "能力", "给", "出", "的", "报告", ",", "普通人", "也", "可以", "看", "的", "一清二楚", "到底", "去除", "了", "多少", "种", "污染物", "!"], ["我", "总结", "了", "下", ",", "大家", "对于", "净水器", "的", "症结", "大致", "有", "以下", "五", "种", ":", "品牌", "选择", "困难", "症", ",", "技术", "脑", "盲", "症", ",", "价格", "眼", "盲", "症", ",", "效果", "茫然", "症", ",", "买不买", "纠结", "症", "。", "根据", "这", "五大", "症结", ",", "码", "出", "这", "篇", "攻略", ",", "助", "你", "砍柴", "前", "先", "磨", "磨刀", "。", "知己知彼", ",", "百战不殆", ",", "这", "是", "互联网", "时代", "对", "消费者", "的", "基本", "要求", "。"], ["大家都知道", "净水器", "的", "关键", "在", "滤芯", ",", "所以", "按", "滤芯", "可以", "分为", "微滤", "、", "超滤", "、", "纳滤", "、", "反渗透", ",", "各种", "技术", "的", "特点", "分别", "如", "下", "。", "。", "。", "。", "。", "。", "。", "这个", "我相信", "大家", "都", "不", "想", "看", "了", ",", "自己", "查", "下", "就好", ",", "现在", "市面上", "主要", "是", "超滤", "和", "反渗透", "两种", ",", "两种", "的", "主要", "区别", "就是", "超滤", "是", "保留", "矿物质", "的", ",", "而", "反渗透", "是", "纯净水", ",", "什么都不", "保留", "的", "。"], ["好", "吧", ",", "看", "了", "前面", "的", "回答", ",", "各", "路", "大神", "对", "技术", "方面", "已经", "解释", "的", "很", "详细", "了", ",", "不过", "我相信", "大多数", "人", "看", "完", "答案", "后", "会", "更加", "云里雾里", ",", "被", "各种", "所谓", "的", "技术", "搞", "的", "身心", "俱", "疲", ",", "还是", "不知道", "那种", "净水器", "好", ",", "该", "怎么", "选择", "。", "怎么办", "呢", "?", "让", "我", "来", "试", "试", "能不能", "帮", "到", "你们", "。"], ["首先", ",", "总结", "下", "各", "路", "大神", "的", "答案", "中", "我", "认为", "存在", "的", "几点", "分歧", ":"]], "title": "如何选择净水器? - 知乎"}, {"bs_rank_pos": 8, "paragraphs": ["新闻中心 >", " 2016年净水器市场回顾:增速放缓 洗牌初现", "近几年,中国经济关键数字GDP进入了L型增长。2016年前三季度,国内生产总值529971亿元,按可比价格计算,同比增长6.7%。宏观经济的发展也同样影响着净水器行业的发展。", " 在所有家电品类中,空净一直作为净水的参照物而存在。但从2016年来看,空净行业受日益严重的雾霾而获得了又一波高速的增长。而反观净水行业,2016年几乎没有大型水污染事件出现,且消费者对于水污染事件的防御和处理大多是通过购买瓶装水或桶装水,而非通过购买净水设备。由此,2016年净水行业的增长主要依托消费者日益提升的健康饮水意识和较低的市场拥有量。目前,城镇家庭净水设备每百户拥有量不足10台,而洗衣机、冰箱、空调等拥有量均为百余台。据中怡康调查数据显示,消费者在健康类产品的投资上,包括净水器在内的净化类产品仅排第四,排在有机食品、保健品、身体检查之后。", " 2016上海水展", " 洗牌初现 末位淘汰", " 2016年,净水行业的品牌格局大致保持了2015年的状态。但在行业增速放缓的过程中,行业洗牌的现象已经开始显现,一批靠资本力量进入想赚快钱的企业以及一些三无(无实体企业、无资本实力、无售后)企业逐渐退出市场,一些净水业务发展不利的企业则转型厨卫、五金卫浴等领域。", " 第一阵营的三大品牌的年出货额为9亿元以上。并依旧由2015年的三甲:美的、沁园(加联合利华)、A.O.史密斯组成。 第二阵营的年出货额在1亿到5亿元之间。而在5亿元到8亿元区间依旧和2015年一样保持真空,2016年依旧没有一个品牌进入这一区间。第二阵营主要由安吉尔、飞利浦、怡口、四季沐歌、太阳雨、海尔、开能、浩泽、碧水源、3M、滨特尔 (加爱惠浦)等品牌组成。", " 第三阵营的门槛在5000万元到1亿元之间,5000万也可以称为国内净水企业规模化的分水岭。第三阵营主要由格力、TCL、云米(小米)、斯隆、沁尔康、爱尼克斯等品牌组成。", " 在新品牌进入方面,和2015年大举进军净水行业有所不同的是,2016年仅有少数厨卫企业进入净水行业,且大多以一两款产品辅助厨卫产品销售。在明星代言上,2016年也没有企业聘请全新的代言人,大多是原有的代言合同继续履行。", " 主流品牌2016年在营销战略布局和营销手段的革新上仍旧动作频频。", " 美的净水器在2016年最大的事件是在8月重磅推出了旗下高端新品比佛利系列。与此同时,配合比弗利系列与加多宝凉茶展开了跨界组合营销。", " 沁园2016年的工作重心和2015年一样依旧放在常规销售上。以销售为根本目的的净水科普活动贯穿全年,关爱留守儿童的饮水健康公益活动穿插其中。", " A.O.史密斯净水在2014年和2015年取得了飞速发展,但在2016年也受到了行业整体发展放缓的影响。2016年,A.O.史密斯开辟了空净领域实施空净、净水两条腿走路。2016年3月,位于南京的A.O.史密斯水处理项目基地奠基,占地面积约330亩,总投资1.5亿美元,2016年计划投资4800万美金,主要建设水处理和空气净化产品生产基地。项目建成后,约年产净水机300万台、空气净化器100万台、软水机80万台、其他相关产品20万台。2016年9月,A.O.斯密斯花费6亿元人民币收购了美国进口净水器品牌Aquasana(阿克萨纳),进一步扩大在净水业务的布局。除此以外,A.O.斯密斯净水的市场活动也主要以常规销售为主。", " 经销商询问飞利浦智能台式直饮机", " 飞利浦净水在2016年最大动作是将生产与运营基地从上海松江搬迁到了浙江嘉兴全新的基地,并成立飞利浦(嘉兴)健康科技有限公司。在2015年成功将净水产品从单一的水龙头、净水壶扩充至全品类净水后,2016年在渠道上也从原有的线上向线下不断延伸,并在全国范围内扩充线下销售网点。", " 整体而言,在市场活动上,整个2016年的国内净水品牌以夯实市场基础,全力推进渠道建设为主。", " 会销势弱 消费理性", " 2016年的净水器销售渠道和2015年相比,在形式上变化并不大,依旧是通过传统零售渠道、KA卖场、专卖店、电商、建材市场、装修公司及会销、展销等等多种形式。但和2015年会销一篇火热,净水器企业摇摆不定的情况有所不同的是。会销这一独特的销售形式在2016年出现了拐点。", " 2016年期间,广东、湖南、山东、四川、河北、江西、湖北、辽宁等省超过100名消费者在多个投诉渠道投诉多家知名净水器品牌的代理商以“客户答谢会”名义通过欺骗式营销手法推销反渗透净水器,投诉人要求品牌方退款、致歉。", " 根据多名投诉人的描述,代理商的营销模式与2014年-2015年间在全国各乡镇地区肆虐的“净水器骗局”雷同。通过正常的电解水试验,可以使自来水中出现红色、黑色、绿色杂质,而售卖净水器人员却使用该试验冒充“水质测试”蒙骗消费者,故意夸大水质问题,诱导消费者购买产品。投诉事情发生后,几家净水器其企业立即对经销商进行了整改。而这一信号也在净水器行业激起了旋流,会销被大多数净水器企业嗤之以鼻,消费者也不再轻易地相信。整体而言,2016年净水设备的营销模式还是延续了2015年的活动营销的方式,经销商大多以村镇为单位进行地毯式地摸底销售。", " 在电商渠道,接二连三的天猫聚划算、京东众筹等促销活动层出不穷。在电子商务热潮的推动下,线上对净水市场影响力与日俱增。据中怡康公布,2012年线上仅能够占到整体市场销售额的3.9%, 2016年全年线上市场已占到净水设备市场35%的零售额份额。", " 另一方面,厂商对专卖店开设及门店控制的要求变严格以及建材市场、装修公司等小众渠道出货量极少的特点使得小众渠道已逐渐淡出净水器主流销售渠道。目前,厂商所掌握的净水器零售渠道主要以专卖店为主。", " 2016年净水器线上线上销售情况", " 本站支持键盘左右键(←→)翻页", "相关新闻 ", "导购评测 更多 "], "segmented_title": ["2016", "年", "净水器", "市场", "回顾", ":", "增速", "放缓", "洗牌", "初", "现", "-", "艾肯", "家电", "网"], "segmented_paragraphs": [["新闻中心", ">"], ["2016", "年", "净水器", "市场", "回顾", ":", "增速", "放缓", "洗牌", "初", "现"], ["近", "几", "年", ",", "中国", "经济", "关键", "数字", "GDP", "进入", "了", "L", "型", "增长", "。", "2016", "年", "前", "三", "季度", ",", "国内生产总值", "529971", "亿", "元", ",", "按", "可比", "价格", "计算", ",", "同比增长", "6", ".", "7", "%", "。", "宏观经济", "的", "发展", "也", "同样", "影响", "着", "净水器", "行业", "的", "发展", "。"], ["在", "所有", "家电", "品类", "中", ",", "空", "净", "一直", "作为", "净水", "的", "参照物", "而", "存在", "。", "但", "从", "2016", "年", "来看", ",", "空", "净", "行业", "受", "日益严重", "的", "雾霾", "而", "获得", "了", "又", "一波", "高速", "的", "增长", "。", "而", "反", "观", "净水", "行业", ",", "2016", "年", "几乎没有", "大型", "水污染", "事件", "出现", ",", "且", "消费者", "对于", "水污染", "事件", "的", "防御", "和", "处理", "大", "多", "是", "通过", "购买", "瓶装水", "或", "桶装水", ",", "而", "非", "通过", "购买", "净水设备", "。", "由此", ",", "2016", "年", "净水", "行业", "的", "增长", "主要", "依托", "消费者", "日益", "提升", "的", "健康", "饮水", "意识", "和", "较", "低", "的", "市场", "拥有量", "。", "目前", ",", "城镇", "家庭", "净水设备", "每", "百户", "拥有量", "不足", "10", "台", ",", "而", "洗衣机", "、", "冰箱", "、", "空调", "等", "拥有量", "均为", "百", "余", "台", "。", "据", "中怡康", "调查", "数据显示", ",", "消费者", "在", "健康", "类", "产品", "的", "投资", "上", ",", "包括", "净水器", "在", "内", "的", "净化", "类", "产品", "仅", "排", "第", "四", ",", "排", "在", "有机食品", "、", "保健品", "、", "身体", "检查", "之后", "。"], ["2016", "上海", "水", "展"], ["洗牌", "初", "现", "末位淘汰"], ["2016", "年", ",", "净水", "行业", "的", "品牌", "格局", "大致", "保持", "了", "2015", "年", "的", "状态", "。", "但", "在", "行业", "增速", "放缓", "的", "过程", "中", ",", "行业", "洗牌", "的", "现象", "已经开始", "显现", ",", "一批", "靠", "资本", "力量", "进入", "想", "赚", "快钱", "的", "企业", "以及", "一些", "三无", "(", "无", "实体", "企业", "、", "无", "资本", "实力", "、", "无", "售后", ")", "企业", "逐渐", "退出", "市场", ",", "一些", "净水", "业务", "发展", "不利", "的", "企业", "则", "转型", "厨卫", "、", "五金", "卫浴", "等", "领域", "。"], ["第", "一", "阵营", "的", "三大", "品牌", "的", "年", "出货", "额", "为", "9", "亿元", "以上", "。", "并", "依旧", "由", "2015", "年", "的", "三甲", ":", "美", "的", "、", "沁园", "(", "加", "联合利华", ")", "、", "A", ".", "O", ".", "史密斯", "组成", "。", "第", "二", "阵营", "的", "年", "出货", "额", "在", "1", "亿", "到", "5", "亿元", "之间", "。", "而", "在", "5", "亿元", "到", "8", "亿元", "区间", "依旧", "和", "2015", "年", "一样", "保持", "真空", ",", "2016", "年", "依旧", "没有", "一", "个", "品牌", "进入", "这", "一", "区间", "。", "第", "二", "阵营", "主要", "由", "安吉尔", "、", "飞利浦", "、", "怡口", "、", "四", "季", "沐", "歌", "、", "太阳雨", "、", "海尔", "、", "开", "能", "、", "浩泽", "、", "碧水源", "、", "3M", "、", "滨特尔", "(", "加爱惠浦", ")", "等", "品牌", "组成", "。"], ["第", "三", "阵营", "的", "门槛", "在", "5000", "万", "元", "到", "1", "亿", "元", "之间", ",", "5000", "万", "也", "可以", "称为", "国内", "净水", "企业", "规模化", "的", "分水岭", "。", "第", "三", "阵营", "主要", "由", "格力", "、", "TCL", "、", "云", "米", "(", "小米", ")", "、", "斯隆", "、", "沁", "尔康", "、", "爱", "尼克斯", "等", "品牌", "组成", "。"], ["在", "新品牌", "进入", "方面", ",", "和", "2015", "年", "大", "举", "进军", "净水", "行业", "有所", "不同", "的", "是", ",", "2016", "年", "仅", "有", "少数", "厨卫", "企业", "进入", "净水", "行业", ",", "且", "大", "多", "以", "一", "两", "款", "产品", "辅助", "厨卫", "产品销售", "。", "在", "明星", "代言", "上", ",", "2016", "年", "也", "没有", "企业", "聘请", "全新", "的", "代言人", ",", "大", "多", "是", "原", "有", "的", "代言", "合同", "继续", "履行", "。"], ["主流", "品牌", "2016", "年", "在", "营销战略", "布局", "和", "营销手段", "的", "革新", "上", "仍旧", "动作", "频", "频", "。"], ["美", "的", "净水器", "在", "2016", "年", "最大", "的", "事件", "是", "在", "8", "月", "重磅", "推出", "了", "旗下", "高端", "新品", "比", "佛", "利", "系列", "。", "与此同时", ",", "配合比", "弗", "利", "系列", "与", "加多宝", "凉茶", "展开", "了", "跨界", "组合", "营销", "。"], ["沁园", "2016", "年", "的", "工作", "重心", "和", "2015", "年", "一样", "依旧", "放在", "常规", "销售", "上", "。", "以", "销售", "为", "根本", "目的", "的", "净水", "科普", "活动", "贯穿", "全年", ",", "关爱", "留守儿童", "的", "饮水", "健康", "公益活动", "穿插", "其中", "。"], ["A", ".", "O", ".", "史密斯", "净水", "在", "2014", "年", "和", "2015", "年", "取得", "了", "飞速发展", ",", "但", "在", "2016", "年", "也", "受到", "了", "行业", "整体", "发展", "放缓", "的", "影响", "。", "2016", "年", ",", "A", ".", "O", ".", "史密斯", "开辟", "了", "空", "净", "领域", "实施", "空", "净", "、", "净水", "两条腿走路", "。", "2016", "年", "3", "月", ",", "位于", "南京", "的", "A", ".", "O", ".", "史密斯", "水处理", "项目", "基地", "奠基", ",", "占地面积", "约", "330", "亩", ",", "总投资", "1.5", "亿", "美元", ",", "2016", "年", "计划", "投资", "4800", "万", "美金", ",", "主要", "建设", "水处理", "和", "空气净化", "产品", "生产基地", "。", "项目", "建成后", ",", "约", "年", "产", "净水机", "300", "万", "台", "、", "空气净化器", "100", "万", "台", "、", "软水机", "80", "万", "台", "、", "其他", "相关产品", "20", "万", "台", "。", "2016", "年", "9", "月", ",", "A", ".", "O", ".", "斯密斯", "花费", "6", "亿元", "人民币", "收购", "了", "美国", "进口", "净水器", "品牌", "Aqua", "sana", "(", "阿克萨", "纳", ")", ",", "进一步扩大", "在", "净水", "业务", "的", "布局", "。", "除此以外", ",", "A", ".", "O", ".", "斯密斯", "净水", "的", "市场", "活动", "也", "主要", "以", "常规", "销售", "为", "主", "。"], ["经销商", "询问", "飞利浦", "智能", "台式", "直", "饮", "机"], ["飞利浦", "净水", "在", "2016", "年", "最大", "动作", "是", "将", "生产", "与", "运营", "基地", "从", "上海", "松江", "搬迁", "到", "了", "浙江", "嘉兴", "全新", "的", "基地", ",", "并", "成立", "飞利浦", "(", "嘉兴", ")", "健康", "科技", "有限公司", "。", "在", "2015", "年", "成功", "将", "净水", "产品", "从", "单", "一", "的", "水龙头", "、", "净", "水壶", "扩充", "至", "全", "品类", "净水", "后", ",", "2016", "年", "在", "渠道", "上", "也", "从", "原", "有", "的", "线上", "向", "线", "下", "不断", "延伸", ",", "并", "在", "全国", "范围", "内", "扩充", "线", "下", "销售网点", "。"], ["整体而言", ",", "在", "市场", "活动", "上", ",", "整个", "2016", "年", "的", "国内", "净水", "品牌", "以", "夯实", "市场", "基础", ",", "全力推进", "渠道建设", "为", "主", "。"], ["会", "销", "势", "弱", "消费", "理性"], ["2016", "年", "的", "净水器", "销售渠道", "和", "2015", "年", "相比", ",", "在", "形式", "上", "变化", "并", "不大", ",", "依旧", "是", "通过", "传统", "零售", "渠道", "、", "KA", "卖场", "、", "专卖店", "、", "电商", "、", "建材市场", "、", "装修公司", "及", "会", "销", "、", "展销", "等等", "多种形式", "。", "但", "和", "2015", "年会", "销", "一篇", "火热", ",", "净水器", "企业", "摇摆", "不定", "的", "情况", "有所", "不同", "的", "是", "。", "会", "销", "这", "一", "独特", "的", "销售", "形式", "在", "2016", "年", "出现", "了", "拐点", "。"], ["2016", "年", "期间", ",", "广东", "、", "湖南", "、", "山东", "、", "四川", "、", "河北", "、", "江西", "、", "湖北", "、", "辽宁", "等", "省", "超过", "100", "名", "消费者", "在", "多", "个", "投诉", "渠道", "投诉", "多", "家", "知名", "净水器", "品牌", "的", "代理商", "以", "“", "客户答谢会", "”", "名义", "通过", "欺骗", "式", "营销", "手法", "推销", "反渗透", "净水器", ",", "投诉", "人", "要求", "品牌", "方", "退款", "、", "致歉", "。"], ["根据", "多", "名", "投诉", "人", "的", "描述", ",", "代理商", "的", "营销模式", "与", "2014", "年", "-", "2015", "年", "间", "在", "全国", "各乡镇", "地区", "肆虐", "的", "“", "净水器", "骗局", "”", "雷同", "。", "通过", "正常", "的", "电解水", "试验", ",", "可以", "使", "自来水", "中", "出现", "红色", "、", "黑色", "、", "绿色", "杂质", ",", "而", "售卖", "净水器", "人员", "却", "使用", "该", "试验", "冒充", "“", "水质", "测试", "”", "蒙骗", "消费者", ",", "故意", "夸大", "水质", "问题", ",", "诱导", "消费者购买", "产品", "。", "投诉", "事情", "发生", "后", ",", "几", "家", "净水器", "其", "企业", "立即", "对", "经销商", "进行", "了", "整改", "。", "而", "这", "一", "信号", "也", "在", "净水器", "行业", "激起", "了", "旋流", ",", "会", "销", "被", "大多数", "净水器", "企业", "嗤之以鼻", ",", "消费者", "也", "不再", "轻易", "地", "相信", "。", "整体而言", ",", "2016", "年", "净水设备", "的", "营销模式", "还是", "延续", "了", "2015", "年", "的", "活动", "营销", "的", "方式", ",", "经销商", "大", "多", "以", "村镇", "为", "单位", "进行", "地毯式", "地", "摸底", "销售", "。"], ["在", "电商", "渠道", ",", "接二连三", "的", "天猫", "聚划算", "、", "京东", "众筹", "等", "促销活动", "层出不穷", "。", "在", "电子商务", "热潮", "的", "推动", "下", ",", "线上", "对", "净水", "市场", "影响力", "与日俱增", "。", "据", "中怡康", "公布", ",", "2012", "年", "线上", "仅", "能够", "占", "到", "整体", "市场", "销售额", "的", "3", ".", "9", "%", ",", "2016", "年", "全年", "线上", "市场", "已", "占", "到", "净水设备", "市场", "35", "%", "的", "零售额", "份额", "。"], ["另一方面", ",", "厂商", "对", "专卖店", "开设", "及", "门店", "控制", "的", "要求", "变", "严格", "以及", "建材市场", "、", "装修公司", "等", "小众", "渠道", "出货量", "极少", "的", "特点", "使得", "小众", "渠道", "已", "逐渐", "淡出", "净水器", "主流", "销售渠道", "。", "目前", ",", "厂商", "所", "掌握", "的", "净水器", "零售", "渠道", "主要", "以", "专卖店", "为", "主", "。"], ["2016", "年", "净水器", "线上", "线上", "销售", "情况"], ["本站", "支持", "键盘", "左右键", "(", "←", "→", ")", "翻页"], ["相关新闻"], ["导购", "评测", "更多"]], "title": "2016年净水器市场回顾:增速放缓 洗牌初现-艾肯家电网"}, {"bs_rank_pos": 9, "paragraphs": ["近年来的净水器行业快速发展,行业潜力无限,也受到了诸多投资者的关注,那么对于很多没有接触过净水器行业的人来说,净水器行业真的能赚到钱吗?作为“新手”又该如何做好净水器代理?下面小编根据走访一些成功净水器代理商总结了以下经验,以供大家参考!", " 第一、选择品牌问题 这游戏太爽了,捅猪爆装备 广告 那么首先我们该如何定位选择合适自己的品牌呢,其实并不是说选择越大的品牌越好,往往比较大的品牌成本比较高,广告投入比较多,前期的门槛也相对较高,而对于刚开始进入净水器行业的投资者来说,往往可以从一些二线品牌开始做起,毕竟你什么都不懂,可以在慢慢了解净水器的行业而增加投资额,而且净水器目前还没有绝对的领导品牌,绝大多数消费者选购净水器还是依照产品的价格、外观、性能等因素。 第二、规划投资预算现在做任何生意,都是需要投资的,净水器行业也不例外。投资首先是从经济和时间两个方面考虑的,要有足够的流动资金和时间。如果没有资金,没有时间,是很难做好净水器的。入行净水器需要全身心的投入,这样才能在净水器行业中转到自己想要的财富。 第三、考察当地市场 在一个地方做生意必须要做的就是考察地方区域市场,因为每个地方的市场环境都是很复杂的,这个需要投资者深入的调查了解。可以通过身边的朋友对净水器是否感兴趣,打听当地净水器专卖店的生意如何,当地人对于净水器品牌有哪些喜好,价格大概多少可以接受,喜欢什么样子的款,当地水质污染情况如何等分析,这样做好前期准备工作能为后期的运营提高很大的效益。 第四、创新营销策略 如何创新营销策略,我之前遇到很多做过净水器的朋友,刚开始做净水器就是开个店采用“守株待兔”的方式。然而效果却是很不理想,在很多地区,很多人对净水器都是比较陌生的,绝大多数消费者都是刚开始了解,那么作为投资者需主动出击,寻找多种营销渠道,比如可以主动联系亲戚朋友,主动去小区推销,主动联系卖场入驻,多跑跑办公写字楼、以及到农村多做宣传活动等。 第五、厂家扶持政策", " 作为厂家的扶持政策对于净水器加盟代理商来说也是很重要的一环,许多厂家对代理商只是给产品,这样是远远不能达到代理商期望的。一定要本着“合作共赢,共创辉煌”的原则。对净水器代理大力支持,解决代理商所需才能更好更长足地发展。首先对净水器代理商会有一个详细的提货方案,提供有效的宣传资料以及其他的物资物料、人员培训、营销模式的支持、以及帮助代理商在前期打好市场基础、这样就能很快帮助一些新手在净水器行业站住脚、赚到钱。"], "segmented_title": ["一", "个", "“", "新手", "”", "该", "如何", "操作", "净水器", "市场", "呢", "-", "健康频道", "-", "手机", "搜狐"], "segmented_paragraphs": [["近年来", "的", "净水器", "行业", "快速发展", ",", "行业", "潜力无限", ",", "也", "受到", "了", "诸多", "投资者", "的", "关注", ",", "那么", "对于", "很多", "没有", "接触", "过", "净水器", "行业", "的", "人", "来", "说", ",", "净水器", "行业", "真", "的", "能", "赚", "到", "钱", "吗", "?", "作为", "“", "新手", "”", "又", "该", "如何", "做", "好", "净水器", "代理", "?", "下面", "小", "编", "根据", "走访", "一些", "成功", "净水器", "代理商", "总结", "了", "以下", "经验", ",", "以", "供", "大家", "参考", "!"], ["第", "一", "、", "选择", "品牌", "问题", "这", "游戏", "太", "爽", "了", ",", "捅", "猪", "爆", "装备", "广告", "那么", "首先", "我们", "该", "如何", "定位", "选择", "合适", "自己", "的", "品牌", "呢", ",", "其实", "并", "不是", "说", "选择", "越", "大", "的", "品牌", "越好", ",", "往往", "比较", "大", "的", "品牌", "成本", "比较", "高", ",", "广告", "投入", "比较", "多", ",", "前期", "的", "门槛", "也", "相对", "较", "高", ",", "而", "对于", "刚", "开始", "进入", "净水器", "行业", "的", "投资者", "来", "说", ",", "往往", "可以", "从", "一些", "二线", "品牌", "开始", "做起", ",", "毕竟", "你", "什么", "都", "不懂", ",", "可以", "在", "慢慢", "了解", "净水器", "的", "行业", "而", "增加", "投资额", ",", "而且", "净水器", "目前", "还", "没有", "绝对", "的", "领导", "品牌", ",", "绝大多数", "消费者", "选购", "净水器", "还是", "依照", "产品", "的", "价格", "、", "外观", "、", "性能", "等", "因素", "。", "第", "二", "、", "规划", "投资", "预算", "现在", "做", "任何", "生意", ",", "都是", "需要", "投资", "的", ",", "净水器", "行业", "也", "不", "例外", "。", "投资", "首先", "是", "从", "经济", "和", "时间", "两", "个", "方面", "考虑", "的", ",", "要", "有", "足够", "的", "流动资金", "和", "时间", "。", "如果没有", "资金", ",", "没有", "时间", ",", "是", "很难", "做", "好", "净水器", "的", "。", "入", "行", "净水器", "需要", "全身心", "的", "投入", ",", "这样", "才能", "在", "净水器", "行业", "中", "转到", "自己", "想要", "的", "财富", "。", "第", "三", "、", "考察", "当地", "市场", "在", "一", "个", "地方", "做生意", "必须", "要", "做", "的", "就是", "考察", "地方", "区域市场", ",", "因为", "每个", "地方", "的", "市场环境", "都是", "很复杂", "的", ",", "这个", "需要", "投资者", "深入", "的", "调查", "了解", "。", "可以通过", "身边", "的", "朋友", "对", "净水器", "是否", "感兴趣", ",", "打听", "当地", "净水器", "专卖店", "的", "生意", "如何", ",", "当地", "人", "对于", "净水器", "品牌", "有", "哪些", "喜好", ",", "价格", "大概", "多少", "可以", "接受", ",", "喜欢", "什么", "样子", "的", "款", ",", "当地", "水质污染", "情况", "如何", "等分析", ",", "这样", "做", "好", "前期", "准备", "工作", "能为", "后期", "的", "运营", "提高", "很大", "的", "效益", "。", "第", "四", "、", "创新", "营销策略", "如何", "创新", "营销策略", ",", "我", "之", "前", "遇到", "很多", "做", "过", "净水器", "的", "朋友", ",", "刚", "开始", "做", "净水器", "就是", "开", "个", "店", "采用", "“", "守株待兔", "”", "的", "方式", "。", "然而", "效果", "却", "是", "很", "不理想", ",", "在", "很多", "地区", ",", "很多人", "对", "净水器", "都是", "比较", "陌生", "的", ",", "绝大多数", "消费者", "都是", "刚", "开始", "了解", ",", "那么", "作为", "投资者", "需", "主动出击", ",", "寻找", "多", "种", "营销渠道", ",", "比如", "可以", "主动", "联系", "亲戚", "朋友", ",", "主动", "去", "小区", "推销", ",", "主动", "联系", "卖场", "入驻", ",", "多", "跑跑", "办公", "写字楼", "、", "以及", "到", "农村", "多", "做", "宣传", "活动", "等", "。", "第", "五", "、", "厂家", "扶持政策"], ["作为", "厂家", "的", "扶持", "政策", "对于", "净水器", "加盟", "代理商", "来", "说", "也是", "很重要", "的", "一", "环", ",", "许多", "厂家", "对", "代理商", "只是", "给", "产品", ",", "这样", "是", "远远不能", "达到", "代理商", "期望", "的", "。", "一定要", "本着", "“", "合作共赢", ",", "共创辉煌", "”", "的", "原则", "。", "对", "净水器", "代理", "大力", "支持", ",", "解决", "代理商", "所需", "才能", "更好", "更", "长", "足", "地", "发展", "。", "首先", "对", "净水器", "代理商会", "有", "一", "个", "详细", "的", "提货", "方案", ",", "提供", "有效", "的", "宣传", "资料", "以及", "其他", "的", "物资", "物料", "、", "人员培训", "、", "营销模式", "的", "支持", "、", "以及", "帮助", "代理商", "在", "前期", "打", "好", "市场", "基础", "、", "这样", "就能", "很快", "帮助", "一些", "新手", "在", "净水器", "行业", "站住脚", "、", "赚到钱", "。"]], "title": "一个“新手”该如何操作净水器市场呢-健康频道-手机搜狐"}], "question": "净水器市场怎么样", "segmented_question": ["净水器", "市场", "怎么样"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221592}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["北山石塔 简介: 北山石塔位于阳江市区北山公园内,是原阳江古八景之一,曾用名有“东山泉石”、“北山耸翠”、“红陵古塔”等。被列为广东省重点文物保护单位。北山石塔建于南宋宝佑年间(1253—1258年),1983年重修.... 春湾景区 简介: 春湾景区位于春湾镇,有龙宫岩、春湾石林、通天蜡烛、慈云岩、通真岩五个景点。龙宫岩长1000多米,景色瑰丽。岩洞分四段:首段迎宾廊,“龙王水族”栩栩如生;二段龙王殿,惟妙惟肖;三段聚宝库,内有“镇宫宝塔”、“定海神针”、“金玉龙床”等宝物;四段龙母阁,“龙宫罗帐”、“龙女浴池”等形象逼真 大澳渔村 简介: 大澳渔村为一古渔港,位于东平镇东南,史称“六澳之首”。中国古代南“海上丝绸之路”的必经港口。与广州“十三行”相列,史称“十三行尾”。大澳渔村有“全国首家渔家民俗风情"], "segmented_title": ["打算", "去", "阳江", "玩", "有", "哪些", "地方", "好玩", "的", "介绍一下", "_", "百度", "知道"], "segmented_paragraphs": [["北山", "石塔", "简介", ":", "北山", "石塔", "位于", "阳江", "市区", "北山公园", "内", ",", "是", "原", "阳江", "古", "八景", "之", "一", ",", "曾用名", "有", "“", "东山", "泉", "石", "”", "、", "“", "北山", "耸翠", "”", "、", "“", "红陵", "古塔", "”", "等", "。", "被", "列为", "广东省", "重点", "文物保护单位", "。", "北山", "石塔", "建", "于", "南宋", "宝", "佑", "年", "间", "(", "1253", "—", "1258", "年", ")", ",", "1983", "年", "重修", ".", ".", ".", ".", "春湾", "景区", "简介", ":", "春湾", "景区", "位于", "春湾镇", ",", "有", "龙宫岩", "、", "春湾", "石林", "、", "通天", "蜡烛", "、", "慈云岩", "、", "通真岩", "五", "个", "景点", "。", "龙宫岩", "长", "1000", "多米", ",", "景色", "瑰丽", "。", "岩洞", "分", "四", "段", ":", "首", "段", "迎宾", "廊", ",", "“", "龙王", "水族", "”", "栩栩如生", ";", "二", "段", "龙王", "殿", ",", "惟妙惟肖", ";", "三段", "聚", "宝库", ",", "内", "有", "“", "镇", "宫", "宝塔", "”", "、", "“", "定海神针", "”", "、", "“", "金玉", "龙床", "”", "等", "宝物", ";", "四", "段", "龙母阁", ",", "“", "龙宫", "罗", "帐", "”", "、", "“", "龙女", "浴池", "”", "等", "形象逼真", "大澳", "渔村", "简介", ":", "大澳", "渔村", "为", "一", "古", "渔港", ",", "位于", "东平镇", "东南", ",", "史称", "“", "六", "澳", "之", "首", "”", "。", "中国", "古代", "南", "“", "海上丝绸之路", "”", "的", "必经", "港口", "。", "与", "广州", "“", "十三行", "”", "相", "列", ",", "史称", "“", "十三行", "尾", "”", "。", "大澳", "渔村", "有", "“", "全国首家", "渔家", "民俗风情"]], "title": "打算去阳江玩有哪些地方好玩的介绍一下_百度知道"}, {"bs_rank_pos": 1, "paragraphs": [" 概况 简介 | 最佳旅行时间 | 建议游玩天数 | 当地气候 | 语言 ", "有30876张图片 ", " 阳江历史悠久,可与广州相媲美。依山傍海,东北为天露山,西北为云雾山,山海兼优,自然风光秀丽,有碧海银滩、奇峰碧波、峰林溶洞、温泉瀑布、湖光山色和灿烂的人文景... 更多>> ", " 58个点评 1阳江海陵岛保利皇冠假日酒店 Crowne Plaza Hailing Island Hotel  yonni_yy “酒店配套一般,但是海滩非常天然。酒店人员很热情但感觉缺乏培训,早餐一般。酒店的位置离市区非常近,非常适合自驾游,总的来说是一次...”  88个点评 2一呆公寓·阳江海陵岛保利银滩(原阳江海陵岛保利银滩伊思德度假公寓)  lisa “订了房才看到一些不好的评论,因为酒店不能退,只能抱着侥幸的心理过去啦。结果如下,订的海景房,被告知是4_6层,5.6层都没房,那就这...” ", " 416个点评 1阳江海陵岛  一池春水..  “海陵岛很大,但能玩的地方有限,保利银滩那边听说淹死过人,所以封起来了。很多地方禁止下海...”  373个点评 2十里银滩  蚂蜂窝用户 “在离深圳、巽寮、双月湾不远的地方有个盐洲岛,人少景美。驴友称为"天空之境”的玄...” ", " 13个点评 1冰室云吞  yuyu “感觉不是很适合贵州四川人的口味,吃的人很多,但是个人觉得很一般,云吞汤和馅味精味很重,吃完口很渴,猪肝粉没有什么味道,味道主要...”  78个点评 2新城渔邨  dtex8532 “很棒 和爸妈一起来的 点了一大桌海鲜大餐 吃得很满足 不明白为什么评论上面有差评 大概萝卜青菜各有所爱 五年前来过一次海陵岛 当...” ", " 兰兰Jacinthe 打算7.4-5号去阳江海陵岛玩~东莞出发~因为穷游就坐大巴去~求各路大神帮我安排下轻松点的行程~谢谢  南巷少年 最佳答案  这位同学请放心,就算不穷游的同学也是要坐大巴去的,因为去海陵岛-也就是闸坡的话首先: 1:先从你本地的客运汽车站买来阳江客运站的票,到了阳江下车后,直接跑到", " 韩H_X曦 跪求阳江海陵岛详细游玩攻略… 南巷少年 最佳答案  想必您交通状况都计划好了吧?我还是再给您策划一下吧 你先乘搭阳江汽车总站的客运汽车去闸坡,单程票价大概是13-16,双程20左右到达闸坡后直接下车(下车后摩的司", "阳江游记 ", " 收起筛选指南 目前暂不支持“按条件筛选”和“主题推荐”的双重条件筛选。:)例如:“按出发时间”筛选之后,再进行主题推荐的筛选,系统会默认取消“按时间筛选”筛选的操作,只显示主题推荐的内容。反之亦然。", "APP 2017国庆:广州出发-阳江海陵岛-恩平鳌峰公园-开平雕楼-鹤山七星坑-回广州 4日自驾游  以前没有写游记的习惯,久了自己去过哪里都忘了。而游玩过程中的一些有用资讯,也无法传达给其他需要的驴友:好的可参考借鉴,不好的则当前车之鉴。 马蜂窝资讯的确齐全,而且质量较高,正是我想安家之处,后续有什么游玩,都在此予以记录分享,岂不美哉! 话说此次国...", " APP 粤西塞车之旅  目的地:阳江、茂名时间:10月1日至10月4日出发地:深圳十月一日举国欢庆的日子,被邀请一路向西,说实在,也不知道哪里来得勇气,明知道国庆节一定会塞车,还是义无反顾乘车出发,幸好,不是我开车车(๑‾ ꇴ ‾๑) 10.1PM14:30 作为今年塞车必到景点之一虎门大桥,其实我...", " 最好的房车旅行 | 人和心,一定要一直在路上  最好的旅行:一切随心所欲,全看自个心情,爱咋滴咋滴 这不,临时决定要去粤西逛逛,踩踩点很突然,在下午6点下班前的2小时接到通知,晚上10点出发吓得我5点半就早退了肥家收拾东西了,哈哈哈~ 出发人员:我、小艾斯、肥仔、华哥 线路规划:深圳——阳江(海陵岛)——信...", " APP 阳西【咸水矿温泉】【沙扒湾】】阳江【海陵岛】两天休闲游  说走就走的两天游没任何想法,一切随便,然后就跟着朋友报了团,仅提前一天报~我们从湛江出发的团的内容写着的😏[行程特色],你们参考下☆泡:“最佳养生矿温泉”——阳西咸水矿温泉☆观:中国马尔代夫——【阳西沙扒湾】☆住:阳西咸水矿温泉度假村 好惨~出发前一天...", " APP 国庆不拥堵,亲子好去处!四天三夜随心行! 又到了一年一度的国庆小长假,这次我们自驾游选择的路线是从化——开平——阳江——中山——从化!这么选择的理由是每到一个地方开车基本都是2个小时左右,司机不会太累。让我们惊喜的是路途完全不堵,沿途景色十分漂亮,心情大畅。 day1:从化——开平,10月2日9点出发(其实是...", " APP 海滩以外的阳江,一个本地妹纸的非主流游玩攻略! 作为一枚土生土长的阳江妹纸,对自己家乡的喜爱那是不必说的,即使现在在外搬砖,还是会经常回家逛逛。 阳江在外地人看来,就是一个海滨城市,夏天游客都把海陵岛和沙扒湾挤爆了!再有是阳春的凌霄岩;除了这些著名景点,阳江就没有给大家留下更多印象,而我想为大家介绍的是...", " 带着宝宝去旅行-第一站 阳江  最近发生了一件非常不愉快的事,我的三亚游记被人剽窃了!全文照搬不说,连照片都是一模一样,真是让人心寒。心凉,所以以后的游记或许都不会有太多人物的照片,这片游记里的人物照片我也只有删除了。大家就看看景和文字吧,哎。写在前面的话:公司高温假,准备带11个月的宝...", " 外派华南工作结束前的阳江短途旅行  还有一周在华南的外派工作即将结束,回想在华南2年不到的工作经历,学到很多也体验到很多,趁着最后一个星期,决定再次踏上海边的旅途。5月初的三亚之行记忆还意犹未尽,现在又再次选择海边旅行,实在是因为对大海的那份执着。这次选择的广东最漂亮的海所在的海陵岛。 周...", " 挑战极限,靠自已拓展活动,松山湖畅游吧单车一日游  靠山山会倒,靠人人会跑,只有靠自已可靠。 没有人陪你走一辈子,所以你要适应孤独,没有人会帮你一辈子,所以你要奋斗一生。与其用泪水悔恨今天,不如用汗水拼搏今天,当眼泪流尽的时候,留下应该是坚强,人生就像一杯没有加糠的咖啡,喝起来是苦涩的,回味起来,却有久久不..."], "segmented_title": ["2017", "阳江", "旅游攻略", ",", "阳江", "自由行", "攻略", ",", "蚂", "蜂窝", "阳江", "出游", "攻略", "游记", "-", "蚂", "蜂窝"], "segmented_paragraphs": [["概况", "简介", "|", "最佳", "旅行", "时间", "|", "建议", "游玩", "天数", "|", "当地", "气候", "|", "语言"], ["有", "30876", "张", "图片"], ["阳江", "历史悠久", ",", "可", "与", "广州", "相媲美", "。", "依山", "傍", "海", ",", "东北", "为", "天露山", ",", "西北", "为", "云雾山", ",", "山", "海", "兼", "优", ",", "自然", "风光秀丽", ",", "有", "碧海", "银滩", "、", "奇峰", "碧波", "、", "峰", "林", "溶洞", "、", "温泉", "瀑布", "、", "湖光山色", "和", "灿烂", "的", "人文", "景", ".", ".", ".", "更多", ">", ">"], ["58", "个", "点评", "1", "阳江", "海陵岛", "保利", "皇冠假日酒店", "Crowne", "Plaza", "Hailing", "Island", "Hotel", "yonni", "_", "yy", "“", "酒店", "配套", "一般", ",", "但是", "海滩", "非常", "天然", "。", "酒店", "人员", "很", "热情", "但", "感觉", "缺乏", "培训", ",", "早餐", "一般", "。", "酒店", "的", "位置", "离", "市区", "非常", "近", ",", "非常", "适合", "自驾游", ",", "总的来说", "是", "一次", ".", ".", ".", "”", "88", "个", "点评", "2", "一", "呆", "公寓", "·", "阳江", "海陵岛", "保利", "银滩", "(", "原", "阳江", "海陵岛", "保利", "银滩", "伊思德", "度假", "公寓", ")", "lisa", "“", "订", "了", "房", "才", "看到", "一些", "不好", "的", "评论", ",", "因为", "酒店", "不能", "退", ",", "只能", "抱着", "侥幸", "的", "心理", "过去", "啦", "。", "结果如下", ",", "订", "的", "海景房", ",", "被", "告知", "是", "4", "_", "6", "层", ",", "5", ".", "6", "层", "都", "没", "房", ",", "那", "就", "这", ".", ".", ".", "”"], ["416", "个", "点评", "1", "阳江", "海陵岛", "一池春水", ".", ".", "“", "海陵岛", "很大", ",", "但", "能", "玩", "的", "地方", "有限", ",", "保利", "银滩", "那边", "听说", "淹死", "过人", ",", "所以", "封", "起来", "了", "。", "很多地方", "禁止", "下海", ".", ".", ".", "”", "373", "个", "点评", "2", "十", "里", "银滩", "蚂", "蜂窝", "用户", "“", "在", "离", "深圳", "、", "巽寮", "、", "双月湾", "不远", "的", "地方", "有", "个", "盐洲", "岛", ",", "人", "少", "景", "美", "。", "驴友", "称为", "&", "quot", ";", "天空", "之", "境", "”", "的", "玄", ".", ".", ".", "”"], ["13", "个", "点评", "1", "冰室", "云吞", "yuyu", "“", "感觉", "不是", "很", "适合", "贵州", "四川人", "的", "口味", ",", "吃", "的", "人", "很多", ",", "但是", "个人", "觉得", "很一般", ",", "云吞", "汤和", "馅", "味精", "味", "很", "重", ",", "吃", "完", "口", "很", "渴", ",", "猪肝", "粉", "没有", "什么", "味道", ",", "味道", "主要", ".", ".", ".", "”", "78", "个", "点评", "2", "新城", "渔", "邨", "dtex", "8532", "“", "很", "棒", "和", "爸妈", "一起来", "的", "点", "了", "一", "大", "桌", "海鲜", "大餐", "吃", "得", "很", "满足", "不明白", "为什么", "评论", "上面", "有", "差评", "大概", "萝卜青菜", "各有所爱", "五年前", "来", "过", "一次", "海陵岛", "当", ".", ".", ".", "”"], ["兰兰", "Jac", "in", "the", "打算", "7", ".", "4", "-", "5", "号", "去", "阳江", "海陵岛", "玩", "~", "东莞", "出发", "~", "因为", "穷游", "就", "坐", "大巴", "去", "~", "求", "各", "路", "大神", "帮", "我", "安排", "下", "轻松", "点", "的", "行程", "~", "谢谢", "南巷", "少年", "最佳", "答案", "这位同学", "请放心", ",", "就算", "不", "穷游", "的", "同学", "也是", "要", "坐", "大巴", "去", "的", ",", "因为", "去", "海陵岛", "-", "也", "就是", "闸坡", "的", "话", "首先", ":", "1", ":", "先", "从", "你", "本地", "的", "客运", "汽车站", "买", "来", "阳江", "客运", "站", "的", "票", ",", "到", "了", "阳江", "下车后", ",", "直接", "跑到"], ["韩", "H", "_", "X", "曦", "跪求", "阳江", "海陵岛", "详细", "游玩", "攻略", "…", "南巷", "少年", "最佳", "答案", "想", "必", "您", "交通状况", "都", "计划", "好", "了", "吧", "?", "我", "还是", "再", "给", "您", "策划", "一", "下", "吧", "你", "先", "乘", "搭", "阳江", "汽车", "总站", "的", "客运", "汽车", "去", "闸坡", ",", "单程", "票价", "大概", "是", "13", "-", "16", ",", "双程", "20", "左右", "到达", "闸坡", "后", "直接", "下车", "(", "下车后", "摩", "的", "司"], ["阳江", "游记"], ["收起", "筛选", "指南", "目前", "暂", "不支持", "“", "按", "条件", "筛选", "”", "和", "“", "主题", "推荐", "”", "的", "双重", "条件", "筛选", "。", ":", ")", "例如", ":", "“", "按", "出发", "时间", "”", "筛选", "之后", ",", "再", "进行", "主题", "推荐", "的", "筛选", ",", "系统", "会", "默认", "取消", "“", "按", "时间", "筛选", "”", "筛选", "的", "操作", ",", "只", "显示", "主题", "推荐", "的", "内容", "。", "反之亦然", "。"], ["APP", "2017", "国庆", ":", "广州", "出发", "-", "阳江", "海陵岛", "-", "恩平", "鳌峰", "公园", "-", "开平", "雕", "楼", "-", "鹤山", "七星坑", "-", "回", "广州", "4", "日", "自驾游", "以前", "没有", "写", "游记", "的", "习惯", ",", "久", "了", "自己", "去", "过", "哪里", "都", "忘", "了", "。", "而", "游玩", "过程", "中", "的", "一些", "有用", "资讯", ",", "也", "无法", "传达", "给", "其他", "需要", "的", "驴友", ":", "好", "的", "可", "参考", "借鉴", ",", "不好", "的", "则", "当", "前车之鉴", "。", "马蜂窝", "资讯", "的", "确", "齐全", ",", "而且", "质量", "较", "高", ",", "正是", "我", "想", "安", "家", "之", "处", ",", "后续", "有", "什么", "游玩", ",", "都", "在", "此", "予以", "记录", "分享", ",", "岂不", "美哉", "!", "话说", "此次", "国", ".", ".", "."], ["APP", "粤西", "塞车", "之", "旅", "目的地", ":", "阳江", "、", "茂名", "时间", ":", "10", "月", "1", "日", "至", "10", "月", "4", "日", "出发地", ":", "深圳", "十月一日", "举国欢庆", "的", "日子", ",", "被", "邀请", "一路向西", ",", "说", "实在", ",", "也", "不知道", "哪里", "来", "得", "勇气", ",", "明知道", "国庆节", "一定", "会", "塞车", ",", "还是", "义无反顾", "乘车", "出发", ",", "幸好", ",", "不是我", "开车", "车", "(", ")", "10", ".", "1", "PM", "14", ":", "30", "作为", "今年", "塞车", "必", "到", "景点", "之", "一", "虎门大桥", ",", "其实", "我", ".", ".", "."], ["最好", "的", "房车", "旅行", "|", "人和", "心", ",", "一定要", "一直在路上", "最好", "的", "旅行", ":", "一切", "随心所欲", ",", "全", "看", "自个", "心情", ",", "爱", "咋", "滴", "咋", "滴", "这", "不", ",", "临时", "决定要去", "粤西", "逛逛", ",", "踩", "踩", "点", "很", "突然", ",", "在", "下午", "6", "点", "下班", "前", "的", "2", "小时", "接", "到", "通知", ",", "晚上", "10", "点", "出发", "吓", "得", "我", "5", "点", "半", "就", "早退", "了", "肥", "家", "收拾", "东西", "了", ",", "哈哈哈", "~", "出发", "人员", ":", "我", "、", "小艾", "斯", "、", "肥仔", "、", "华", "哥", "线路", "规划", ":", "深圳", "—", "—", "阳江", "(", "海陵岛", ")", "—", "—", "信", ".", ".", "."], ["APP", "阳西", "【", "咸水", "矿", "温泉", "】", "【", "沙扒湾", "】", "】", "阳江", "【", "海陵岛", "】", "两天", "休闲游", "说走就走", "的", "两天游", "没", "任何", "想法", ",", "一切", "随便", ",", "然后", "就", "跟着", "朋友", "报", "了", "团", ",", "仅", "提前", "一", "天", "报", "~", "我们", "从", "湛江", "出发", "的", "团", "的", "内容", "写", "着", "的", "[", "行程", "特色", "]", ",", "你们", "参考", "下", "☆", "泡", ":", "“", "最佳", "养生", "矿", "温泉", "”", "—", "—", "阳西", "咸水", "矿", "温泉", "☆", "观", ":", "中国", "马尔代夫", "—", "—", "【", "阳西", "沙扒湾", "】", "☆", "住", ":", "阳西", "咸水", "矿", "温泉", "度假村", "好惨", "~", "出发", "前一天", ".", ".", "."], ["APP", "国庆", "不", "拥堵", ",", "亲子", "好去处", "!", "四天三夜", "随心", "行", "!", "又", "到", "了", "一年一度", "的", "国庆", "小", "长假", ",", "这次", "我们", "自驾游", "选择", "的", "路线", "是", "从化", "—", "—", "开平", "—", "—", "阳江", "—", "—", "中山", "—", "—", "从化", "!", "这么", "选择", "的", "理由", "是", "每", "到", "一", "个", "地方", "开车", "基本", "都是", "2", "个", "小时", "左右", ",", "司机", "不会", "太", "累", "。", "让", "我们", "惊喜", "的", "是", "路途", "完全", "不", "堵", ",", "沿途", "景色", "十分", "漂亮", ",", "心情", "大", "畅", "。", "day", "1", ":", "从化", "—", "—", "开平", ",", "10", "月", "2", "日", "9", "点", "出发", "(", "其实", "是", ".", ".", "."], ["APP", "海滩", "以", "外", "的", "阳江", ",", "一", "个", "本地", "妹纸", "的", "非主流", "游玩", "攻略", "!", "作为", "一枚", "土生土长", "的", "阳江", "妹纸", ",", "对", "自己", "家乡", "的", "喜爱", "那", "是", "不必说", "的", ",", "即使", "现在", "在", "外", "搬砖", ",", "还是", "会", "经常", "回家", "逛逛", "。", "阳江", "在", "外地人", "看", "来", ",", "就是", "一", "个", "海滨城市", ",", "夏天", "游客", "都", "把", "海陵岛", "和", "沙扒湾", "挤爆", "了", "!", "再", "有", "是", "阳春", "的", "凌霄岩", ";", "除了这些", "著名景点", ",", "阳江", "就", "没有", "给", "大家", "留下", "更多", "印象", ",", "而", "我", "想", "为", "大家", "介绍", "的", "是", ".", ".", "."], ["带", "着", "宝宝", "去", "旅行", "-", "第", "一", "站", "阳江", "最近", "发生", "了", "一", "件", "非常", "不愉快", "的", "事", ",", "我", "的", "三亚", "游记", "被", "人", "剽窃", "了", "!", "全文", "照搬", "不", "说", ",", "连", "照片", "都是", "一模一样", ",", "真是", "让", "人", "心寒", "。", "心凉", ",", "所以", "以后", "的", "游记", "或许", "都", "不会", "有", "太多", "人物", "的", "照片", ",", "这", "片", "游记", "里", "的", "人物", "照片", "我", "也", "只有", "删除", "了", "。", "大家", "就", "看看", "景", "和", "文字", "吧", ",", "哎", "。", "写在前面", "的", "话", ":", "公司", "高温", "假", ",", "准备", "带", "11", "个", "月", "的", "宝", ".", ".", "."], ["外派", "华南", "工作结束", "前", "的", "阳江", "短途", "旅行", "还有", "一", "周", "在", "华南", "的", "外派", "工作", "即将结束", ",", "回想", "在", "华南", "2", "年", "不到", "的", "工作经历", ",", "学", "到", "很多", "也", "体验", "到", "很多", ",", "趁着", "最后一个星期", ",", "决定", "再次", "踏", "上海", "边", "的", "旅途", "。", "5", "月", "初", "的", "三亚", "之", "行", "记忆", "还", "意犹未尽", ",", "现在", "又", "再次", "选择", "海边", "旅行", ",", "实在", "是因为", "对", "大海", "的", "那", "份", "执着", "。", "这次", "选择", "的", "广东", "最", "漂亮", "的", "海", "所在", "的", "海陵岛", "。", "周", ".", ".", "."], ["挑战极限", ",", "靠", "自已", "拓展", "活动", ",", "松山湖", "畅游", "吧", "单车", "一日游", "靠山", "山", "会", "倒", ",", "靠人人", "会", "跑", ",", "只有", "靠", "自已", "可靠", "。", "没有人", "陪", "你", "走", "一辈子", ",", "所以", "你", "要", "适应", "孤独", ",", "没有人", "会", "帮", "你", "一辈子", ",", "所以", "你", "要", "奋斗", "一生", "。", "与其", "用", "泪水", "悔恨", "今天", ",", "不如", "用", "汗水", "拼搏", "今天", ",", "当", "眼泪", "流", "尽", "的", "时候", ",", "留下", "应该", "是", "坚强", ",", "人生", "就像", "一", "杯", "没有", "加", "糠", "的", "咖啡", ",", "喝", "起来", "是", "苦涩", "的", ",", "回味", "起来", ",", "却", "有", "久久", "不", ".", ".", "."]], "title": "2017阳江旅游攻略,阳江自由行攻略,蚂蜂窝阳江出游攻略游记 - 蚂蜂窝"}, {"bs_rank_pos": 2, "paragraphs": ["阳江市地处广东省西南沿海,紧邻珠三角,扼粤西要冲。海岸线长341.5公里,主要岛屿有30个,岛岸线长49.3公里。辖阳东县、阳西县、江城区、岗侨区、海陵岛经济开发试验区,代管阳春市(县级市)。 特色景点: 1、东湖星岛 东湖水库是阳江八景之一。该库区水面星星点点分布着108个岛,故名曰“东湖星岛”。它位于阳东县那龙镇东南5公里。 2、南鹏岛 一个桃源--南鹏岛   3、东水山景区 东水山景区阳西西北山区,距县城约40公里,主峰鹅凰障高达1337米,是广东省第四高山,山顶可直望南海。 4、大澳渔村 大澳渔村为一古渔港,位于东平镇东南,史称“六澳之首”。中国古代南“海上丝绸之路”的必经港口。与广州“十三行”相列,史称“十三行尾”。"], "segmented_title": ["首先", ",", "1", ".", "阳江", "有", "哪里", "比较", "好玩", "的", "地方", "?", "而且", "不要", "太", "贵", "的", "。", "2", ".", "去", "沙扒湾", "旅游"], "segmented_paragraphs": [["阳江市", "地", "处", "广东省", "西南", "沿海", ",", "紧邻", "珠三角", ",", "扼", "粤西", "要", "冲", "。", "海岸线", "长", "341", ".", "5", "公里", ",", "主要", "岛屿", "有", "30", "个", ",", "岛", "岸", "线", "长", "49", ".", "3", "公里", "。", "辖", "阳东县", "、", "阳西县", "、", "江城区", "、", "岗", "侨", "区", "、", "海陵岛", "经济", "开发", "试验区", ",", "代", "管", "阳春市", "(", "县级市", ")", "。", "特色", "景点", ":", "1", "、", "东湖", "星岛", "东湖", "水库", "是", "阳江", "八景", "之", "一", "。", "该", "库", "区", "水面", "星星点点", "分布", "着", "108", "个", "岛", ",", "故", "名曰", "“", "东湖", "星岛", "”", "。", "它", "位于", "阳东县", "那龙镇", "东南", "5", "公里", "。", "2", "、", "南鹏岛", "一", "个", "桃源", "-", "-", "南鹏岛", "  ", "3", "、", "东", "水", "山", "景区", "东", "水", "山", "景区", "阳西", "西北", "山区", ",", "距", "县城", "约", "40", "公里", ",", "主峰", "鹅", "凰", "障", "高达", "1337", "米", ",", "是", "广东省", "第", "四", "高山", ",", "山顶", "可", "直", "望", "南海", "。", "4", "、", "大澳", "渔村", "大澳", "渔村", "为", "一", "古", "渔港", ",", "位于", "东平镇", "东南", ",", "史称", "“", "六", "澳", "之", "首", "”", "。", "中国", "古代", "南", "“", "海上丝绸之路", "”", "的", "必经", "港口", "。", "与", "广州", "“", "十三行", "”", "相", "列", ",", "史称", "“", "十三行", "尾", "”", "。"]], "title": "首先,1.阳江有哪里比较好玩的地方?而且不要太贵的。2.去沙扒湾旅游"}, {"bs_rank_pos": 3, "paragraphs": ["百分网 > 生活 > 休闲旅游 > 一日游 > 《阳江一日游最受欢迎的旅游景点推荐》正文 ", "阳江市是中国著名的旅游滨海城市,有平安城市、最佳生态旅游城市、国家园林城市、中国风筝之乡等荣誉,素有北有潍坊南有阳江的南国风筝之乡称谓。下面百分网小编为大家整理了阳江一日游最受欢迎的旅游景点,希望能够为大家的阳江旅行锦上添花。", " 阳江月亮湾度假村", " 阳江月亮湾度假村位于广东省阳江市阳西县,所在的月亮湾海滨海岸线弯长达5公里,极像新月弧形,故名。其坡缓水清沙细,依山傍水,宛如一弯新月。", " 月亮湾度假中心内分咸温泉浴疗区、海滨活动区、综合服务区三大区域。", " 大角湾风景区", " 大角湾是中国AAAA级著名的旅游景点,位于广东省阳江市海陵岛闸坡镇东南,背倚青山翠岭,独得大自然垂青,以阳光、沙滩、海浪、海鲜驰名于世,是海陵岛知名度最高的景点。该“大角湾”景点与阳西沙扒月亮湾并称为“姐妹湾”。", " 美丽的大角湾滩长45公里,宽100米,螺线形湾似巨大的牛角,故名大角湾。大角湾三面群峰拱护,面向浩瀚南海,两边大角山与望寮岭拱卫,湾内风和浪软,峰顶时有云雾缭绕,正所谓山无水不秀,峰无云不媚,景观层次丰富。", " 春湾风景区内群峰扰聚,千姿百态,名胜奇多,有龙宫岩、春湾石林、通天蜡烛、慈云岩、通真岩等景点。春湾湖畔的“通天蜡烛”,山峰奇秀,湖山相映,垂柳轻飘,景色迷人,有小桂林之称。龙宫岩属于长廊式溶洞,长1000米,岩内石钟乳星辰的景物绚丽多彩,精巧夺目,极象海底龙宫之物。 龙宫岩按照洞内所形成的景致,分迎宾廊、龙王殿、聚宝库、龙母阁四段来游览。这里美如诗画,备受影视界青睐,成为影视外景拍摄基地。通真岩建于隋代,原为铜石岩,是省级文物保护单位。通真岩又名“刘三妹歌台”,相传唐景隆年间,广西贵县刘三姐与祖父自广西传歌至此,得道升仙,故此地又叫“通真岩”,岩内至今仍有当年传歌台和刘三姐祖父的陵墓。", " 1992年6月18日,经广东省人民政府批准设立海陵岛经济试验区,辖海陵、闸坡两镇.海陵岛还有丰富的人文和历史景观,如太傅庙、灵谷庙古炮台、镇海亭、观音阁等10多处,处处都有着一段悲壮动人的故事。十里银滩中,银海城内还有一座面积6万平方米,中国最大的仿宋建筑――宋城,城内有53座仿宋筑,无论远观近瞻,都百态千姿,尉为壮观,更让人亲身体会宋王朝的气派雄伟。外\"东方夏威夷\"之美称,被誉为一块未经雕琢的翡翠。四面环海,以水碧、沙净和游海水、住海边、食海鲜、买海味的特色驰名中外。海陵岛全年日照时间长,年平均气温28度,年晴天数310天,四季分明,气候宜人,是旅游度假的理想地方。海陵岛海鲜可谓物美价廉,渔民特制的\"蛋家菜\"不可错过。虾和烧烤海味也别有风味.海陵岛位于广东阳江市西南端,是广东第四大岛。该岛交通便利,经广湛高速公路至广州仅2小时,经沿海高速公路至珠海仅5小时,是粤西、粤东、粤中的海上中转站。全岛陆地总面积108平方公里,有可供开发的土地58平方公里,耕地8万亩,浅海滩涂17万亩,岛岸线总长147公里,人口6万人。1992年6月18日,经广东省人民政府批准设立海陵岛经济开发试验区,辖海陵、闸坡两镇.海陵岛还有丰富的人文和历史景观,如太傅庙、灵谷庙、古炮台、镇海亭、观音阁等10多处,处处都有着一段悲壮动人的故事。", " 沙扒湾位于阳江地区阳西县沙扒镇,有中国的“马尔代夫”之称。它头枕风光秀丽的北仔岭,面向浩瀚的南海。沙扒湾包括沙扒海滨、月亮湾、青洲岛和白额岭等景点。这里,湾似虹,沙如玉,岸边绿林含翠,海面碧波粼粼,是一个理想的天然浴场。沙扒湾海岸线长2公里,由于住宿接待酒店少,规模较小,外来旅游人数有限,因此这里没有其他海滩的喧哗,2公里长的海岸线上可能只留下你一个人长长的脚印。岸边马尾松林带7万多平方米,绿树成荫。", " 青州岛周围生态保存得非常好,海水清澈、海产丰富。在这里可以畅游清澈的海水,抓海胆、海参,还可以捡五彩的鹅卵石。傍晚坐在沙滩边上的餐厅,吹着海风,看着日落,品着真正的海鲜。晚饭后漫步往古朴的渔村,看着坐在家门织网的渔家妇女,感受粤西渔村的祥和生活。", " 东方银滩坐落在阳江市海陵岛,位于列入世界吉尼斯记录大全的“十里银滩”边,与十里银滩连为一体,由阳江市东方银滩欢乐广场服务有限公司投资开发,2004年底开始修建,于2005年8月1号正式投入市场向游客开放。它位于闸坡镇海滨大道东,地理位置得天独厚,北隅大角山,南面浩瀚的南海,西临鹰嘴角,东面是一望无际的“十里银滩”,项目占地面积12万平方米,已办理手续为8万平方米。海岸线1100平方米,海滨浴场沙滩长700平方米。可同时容纳两万多游客游乐,水清沙洁,环境优美。景区风格独具特色,是一个集大型生态海滨浴场、观海听涛、宾馆住宿、海鲜餐饮、茶艺厅、演艺吧等于一体的多功能旅游风景区。交通便捷,距离广州只需三个小时车程,距珠海、香港等地仅需一个半小时车程。有别于海陵岛其它的海滩景区,南海之窗――东方银滩保留了更原始的自然气息,而又汇聚了人性化构思,更是绽放出吸引极强的魅力。它位于海陵岛之东,是旭日初升的南海所在,风光美不胜收,亚热带季风海洋气候,常年气温大约28度,是盛夏度假胜地,此为天时。环绕整个东方银滩是葱葱郁郁的树林,而且三面环山一面向海,风平浪静,是游泳的最佳浴场,此为地利。早在东方银滩未开发之前,来自五湖四海的游客只能在简陋的望海亭上遥观海景,欣赏这片美丽的海滩,见识到这片处女地并为它的迤俪而折倒,此为人和。", " 玉溪三洞景区", " 玉溪三洞景区位于阳春市西北部,距市区约70公里,省道S369线绕景区而过。该景区既是省级风景名胜区,又是国家地质公园的重要组成部分。 玉溪三洞景区由漠阳江上游的甘婪河水穿透三座石山溶蚀而成,全长3公里多,均可坐船游览,由二洞乘船往上游。第二洞长约330米,河水清澈流璧,水中多生长鲤鱼。洞中景物丰富,尤以“三变石”为趣, 诗人张永枚曰:“远似渔翁钓清流,近如狮子滚绣球,忽变犀牛望明月,一石三景迷轻舟”。第一洞顶的“皇冠”石,酷似皇冠,游人在船上随即可拍摄一幅头戴皇冠的照片。第一洞长400米,上面有一层旱洞,水面距洞顶48米,该洞以“金盏叠泉”最为壮观――一个个金色石盏满载清澈的泉水逐层下溢。诗人韦丘赞道:“串玉溪穿三洞天,柔情碧水石能言,声声燕语留归客,举桨犹疑落桨难。”在玉溪二洞下游的1公里处,还有玉溪第三洞,洞长约500米,既可坐船游玩,又可登岩赏景,洞中景物千姿百态,栩栩如生。坐船慢游其中,如穿梭在山水画廊,颇有桃源之趣。"], "segmented_title": ["阳江", "一日游", "最", "受欢迎", "的", "旅游景点", "推荐"], "segmented_paragraphs": [["百分网", ">", "生活", ">", "休闲旅游", ">", "一日游", ">", "《", "阳江", "一日游", "最", "受欢迎", "的", "旅游景点", "推荐", "》", "正文"], ["阳江市", "是", "中国", "著名", "的", "旅游", "滨海", "城市", ",", "有", "平安", "城市", "、", "最佳", "生态旅游", "城市", "、", "国家", "园林城市", "、", "中国", "风筝", "之", "乡", "等", "荣誉", ",", "素", "有", "北", "有", "潍坊", "南", "有", "阳江", "的", "南国", "风筝", "之", "乡", "称谓", "。", "下面", "百分网", "小", "编", "为", "大家", "整理", "了", "阳江", "一日游", "最", "受欢迎", "的", "旅游景点", ",", "希望能够", "为", "大家", "的", "阳江", "旅行", "锦上添花", "。"], ["阳江", "月亮湾", "度假村"], ["阳江", "月亮湾", "度假村", "位于", "广东省", "阳江市", "阳西县", ",", "所在", "的", "月亮湾", "海滨", "海岸", "线", "弯", "长", "达", "5", "公里", ",", "极", "像", "新月", "弧形", ",", "故", "名", "。", "其", "坡", "缓", "水清", "沙", "细", ",", "依山傍水", ",", "宛如", "一", "弯", "新月", "。"], ["月亮湾", "度假", "中心", "内", "分", "咸", "温泉", "浴", "疗", "区", "、", "海滨", "活动", "区", "、", "综合服务", "区", "三大", "区域", "。"], ["大角湾", "风景区"], ["大角湾", "是", "中国", "AAAA", "级", "著名", "的", "旅游景点", ",", "位于", "广东省", "阳江市", "海陵岛", "闸坡镇", "东南", ",", "背", "倚", "青山", "翠岭", ",", "独", "得", "大自然", "垂青", ",", "以", "阳光", "、", "沙滩", "、", "海浪", "、", "海鲜", "驰名", "于", "世", ",", "是", "海陵岛", "知名度", "最高", "的", "景点", "。", "该", "“", "大角湾", "”", "景点", "与", "阳西", "沙扒", "月亮湾", "并", "称", "为", "“", "姐妹", "湾", "”", "。"], ["美丽", "的", "大角湾", "滩", "长", "45", "公里", ",", "宽", "100", "米", ",", "螺", "线", "形", "湾", "似", "巨大", "的", "牛角", ",", "故", "名", "大角湾", "。", "大角湾", "三面", "群峰", "拱", "护", ",", "面向", "浩瀚", "南海", ",", "两边", "大角", "山", "与", "望", "寮", "岭", "拱卫", ",", "湾", "内", "风", "和", "浪", "软", ",", "峰", "顶", "时", "有", "云雾缭绕", ",", "正所谓", "山", "无", "水", "不", "秀", ",", "峰", "无", "云", "不", "媚", ",", "景观", "层次", "丰富", "。"], ["春湾", "风景区", "内", "群峰", "扰", "聚", ",", "千姿百态", ",", "名胜", "奇多", ",", "有", "龙宫岩", "、", "春湾", "石林", "、", "通天", "蜡烛", "、", "慈云岩", "、", "通真岩", "等", "景点", "。", "春湾湖", "畔", "的", "“", "通天", "蜡烛", "”", ",", "山峰", "奇", "秀", ",", "湖山", "相", "映", ",", "垂柳", "轻", "飘", ",", "景色", "迷人", ",", "有", "小桂林", "之", "称", "。", "龙宫岩", "属于", "长廊", "式", "溶洞", ",", "长", "1000", "米", ",", "岩", "内", "石钟乳", "星辰", "的", "景物", "绚丽多彩", ",", "精巧", "夺目", ",", "极", "象", "海底", "龙宫", "之", "物", "。", "龙宫岩", "按照", "洞", "内", "所", "形成", "的", "景致", ",", "分", "迎宾", "廊", "、", "龙王", "殿", "、", "聚", "宝库", "、", "龙母阁", "四", "段", "来", "游览", "。", "这里", "美", "如", "诗", "画", ",", "备受", "影视", "界", "青睐", ",", "成为", "影视", "外景拍摄", "基地", "。", "通真岩", "建", "于", "隋代", ",", "原", "为", "铜", "石岩", ",", "是", "省级", "文物保护单位", "。", "通真岩", "又", "名", "“", "刘三妹", "歌", "台", "”", ",", "相", "传", "唐", "景隆年间", ",", "广西", "贵县", "刘三姐", "与", "祖父", "自", "广西", "传", "歌", "至此", ",", "得道", "升仙", ",", "故此", "地", "又", "叫", "“", "通真岩", "”", ",", "岩", "内", "至今", "仍", "有", "当年", "传歌台", "和", "刘三姐", "祖父", "的", "陵墓", "。"], ["1992", "年", "6", "月", "18", "日", ",", "经", "广东省", "人民政府", "批准设立", "海陵岛", "经济", "试验区", ",", "辖", "海陵", "、", "闸坡", "两", "镇", ".", "海陵岛", "还有", "丰富", "的", "人文", "和", "历史", "景观", ",", "如", "太傅", "庙", "、", "灵谷庙", "古", "炮台", "、", "镇海", "亭", "、", "观音阁", "等", "10", "多", "处", ",", "处处", "都", "有", "着", "一", "段", "悲壮", "动", "人", "的", "故事", "。", "十", "里", "银滩", "中", ",", "银海", "城", "内", "还有", "一座", "面积", "6", "万", "平方米", ",", "中国", "最大", "的", "仿宋", "建筑", "―", "―", "宋城", ",", "城", "内", "有", "53", "座", "仿宋", "筑", ",", "无论", "远", "观", "近", "瞻", ",", "都", "百态", "千姿", ",", "尉", "为", "壮观", ",", "更", "让", "人", "亲身", "体会", "宋", "王朝", "的", "气派", "雄伟", "。", "外", "\"", "东方夏威夷", "\"", "之", "美称", ",", "被", "誉为", "一", "块", "未经", "雕琢", "的", "翡翠", "。", "四面环海", ",", "以", "水", "碧", "、", "沙", "净", "和", "游", "海水", "、", "住海边", "、", "食", "海鲜", "、", "买", "海", "味", "的", "特色", "驰名中外", "。", "海陵岛", "全年", "日照", "时间", "长", ",", "年", "平均气温", "28", "度", ",", "年", "晴天数", "310", "天", ",", "四季分明", ",", "气候宜人", ",", "是", "旅游度假", "的", "理想", "地方", "。", "海陵岛", "海鲜", "可谓", "物美价廉", ",", "渔民", "特制", "的", "\"", "蛋", "家", "菜", "\"", "不可错过", "。", "虾", "和", "烧烤", "海", "味", "也", "别有风味", ".", "海陵岛", "位于", "广东", "阳江市", "西南", "端", ",", "是", "广东", "第", "四大", "岛", "。", "该岛", "交通便利", ",", "经", "广", "湛", "高速", "公路", "至", "广州", "仅", "2", "小时", ",", "经", "沿海", "高速", "公路", "至", "珠海", "仅", "5", "小时", ",", "是", "粤西", "、", "粤东", "、", "粤", "中", "的", "海上", "中转站", "。", "全", "岛", "陆地", "总面积", "108", "平方公里", ",", "有", "可", "供", "开发", "的", "土地", "58", "平方公里", ",", "耕地", "8", "万", "亩", ",", "浅海", "滩涂", "17", "万", "亩", ",", "岛", "岸", "线", "总", "长", "147", "公里", ",", "人口", "6", "万人", "。", "1992", "年", "6", "月", "18", "日", ",", "经", "广东省", "人民政府", "批准设立", "海陵岛", "经济", "开发", "试验区", ",", "辖", "海陵", "、", "闸坡", "两", "镇", ".", "海陵岛", "还有", "丰富", "的", "人文", "和", "历史", "景观", ",", "如", "太傅", "庙", "、", "灵谷庙", "、", "古", "炮台", "、", "镇海", "亭", "、", "观音阁", "等", "10", "多", "处", ",", "处处", "都", "有", "着", "一", "段", "悲壮", "动", "人", "的", "故事", "。"], ["沙扒湾", "位于", "阳江", "地区", "阳西县", "沙扒镇", ",", "有", "中国", "的", "“", "马尔代夫", "”", "之", "称", "。", "它", "头枕", "风光", "秀丽", "的", "北仔岭", ",", "面向", "浩瀚", "的", "南海", "。", "沙扒湾", "包括", "沙扒", "海滨", "、", "月亮湾", "、", "青洲岛", "和", "白额岭", "等", "景点", "。", "这里", ",", "湾", "似", "虹", ",", "沙", "如玉", ",", "岸边", "绿林", "含", "翠", ",", "海面", "碧波", "粼粼", ",", "是", "一", "个", "理想", "的", "天然", "浴场", "。", "沙扒湾", "海岸线", "长", "2", "公里", ",", "由于", "住宿", "接待", "酒店", "少", ",", "规模", "较", "小", ",", "外来", "旅游", "人数", "有限", ",", "因此", "这里", "没有", "其他", "海滩", "的", "喧哗", ",", "2", "公里", "长", "的", "海岸线", "上", "可能", "只", "留下", "你", "一个人", "长", "长", "的", "脚印", "。", "岸边", "马尾松", "林", "带", "7", "万", "多", "平方米", ",", "绿树成荫", "。"], ["青州岛", "周围", "生态", "保存", "得", "非常好", ",", "海水", "清澈", "、", "海", "产", "丰富", "。", "在这里", "可以", "畅游", "清澈", "的", "海水", ",", "抓", "海胆", "、", "海参", ",", "还", "可以", "捡", "五彩", "的", "鹅卵石", "。", "傍晚", "坐", "在", "沙滩", "边上", "的", "餐厅", ",", "吹", "着", "海风", ",", "看着", "日落", ",", "品", "着", "真正", "的", "海鲜", "。", "晚饭", "后", "漫步", "往", "古朴", "的", "渔村", ",", "看着", "坐", "在", "家门织网", "的", "渔家", "妇女", ",", "感受", "粤西", "渔村", "的", "祥和", "生活", "。"], ["东方", "银滩", "坐落", "在", "阳江市", "海陵岛", ",", "位于", "列入", "世界", "吉尼斯记录", "大全", "的", "“", "十", "里", "银滩", "”", "边", ",", "与", "十", "里", "银滩", "连", "为", "一体", ",", "由", "阳江市", "东方", "银滩", "欢乐", "广场", "服务", "有限公司", "投资", "开发", ",", "2004", "年底", "开始", "修建", ",", "于", "2005", "年", "8", "月", "1", "号", "正式", "投入", "市场", "向", "游客", "开放", "。", "它", "位于", "闸坡镇", "海滨大道", "东", ",", "地理位置", "得天独厚", ",", "北", "隅", "大角", "山", ",", "南", "面", "浩瀚", "的", "南海", ",", "西", "临", "鹰", "嘴角", ",", "东", "面", "是", "一望无际", "的", "“", "十", "里", "银滩", "”", ",", "项目", "占地面积", "12", "万", "平方米", ",", "已", "办理手续", "为", "8", "万", "平方米", "。", "海岸线", "1100", "平方米", ",", "海滨浴场", "沙滩", "长", "700", "平方米", "。", "可", "同时", "容纳", "两万多", "游客", "游乐", ",", "水清", "沙", "洁", ",", "环境优美", "。", "景区", "风格", "独具特色", ",", "是", "一", "个", "集", "大型", "生态", "海滨浴场", "、", "观海听涛", "、", "宾馆住宿", "、", "海鲜", "餐饮", "、", "茶艺", "厅", "、", "演艺", "吧", "等于", "一体", "的", "多功能", "旅游风景区", "。", "交通便捷", ",", "距离", "广州", "只", "需", "三", "个", "小时", "车程", ",", "距", "珠海", "、", "香港", "等", "地", "仅", "需", "一", "个", "半小时", "车程", "。", "有别", "于", "海陵岛", "其它", "的", "海滩", "景区", ",", "南海", "之窗", "―", "―", "东方", "银滩", "保留", "了", "更", "原始", "的", "自然", "气息", ",", "而又", "汇聚", "了", "人性化", "构思", ",", "更", "是", "绽放", "出", "吸引", "极", "强", "的", "魅力", "。", "它", "位于", "海陵岛", "之", "东", ",", "是", "旭日初升", "的", "南海", "所在", ",", "风光", "美不胜收", ",", "亚", "热带季风", "海洋", "气候", ",", "常年", "气温", "大约", "28", "度", ",", "是", "盛夏", "度假胜地", ",", "此", "为", "天时", "。", "环绕", "整个", "东方", "银滩", "是", "葱葱", "郁郁", "的", "树林", ",", "而且", "三面环山", "一", "面", "向海", ",", "风平浪静", ",", "是", "游泳", "的", "最佳", "浴场", ",", "此", "为", "地利", "。", "早", "在", "东方", "银滩", "未", "开发", "之", "前", ",", "来自", "五湖四海", "的", "游客", "只能", "在", "简陋", "的", "望海亭", "上", "遥观", "海景", ",", "欣赏", "这", "片", "美丽", "的", "海滩", ",", "见识", "到", "这", "片", "处女地", "并", "为", "它", "的", "迤俪", "而", "折", "倒", ",", "此", "为", "人和", "。"], ["玉溪", "三", "洞", "景区"], ["玉溪", "三", "洞", "景区", "位于", "阳春市", "西北部", ",", "距", "市区", "约", "70", "公里", ",", "省道", "S369", "线", "绕", "景区", "而", "过", "。", "该", "景区", "既是", "省级", "风景名胜区", ",", "又", "是", "国家地质公园", "的", "重要组成部分", "。", "玉溪", "三", "洞", "景区", "由", "漠", "阳江", "上", "游", "的", "甘", "婪", "河水", "穿透", "三", "座", "石", "山", "溶蚀", "而", "成", ",", "全", "长", "3", "公里", "多", ",", "均", "可", "坐船", "游览", ",", "由", "二", "洞", "乘船", "往", "上", "游", "。", "第", "二", "洞", "长", "约", "330", "米", ",", "河水", "清澈", "流", "璧", ",", "水中", "多", "生长", "鲤鱼", "。", "洞", "中", "景物", "丰富", ",", "尤", "以", "“", "三", "变", "石", "”", "为", "趣", ",", "诗人", "张永枚", "曰", ":", "“", "远", "似", "渔翁", "钓", "清流", ",", "近", "如", "狮子滚绣球", ",", "忽", "变", "犀牛望明月", ",", "一", "石", "三", "景", "迷", "轻舟", "”", "。", "第", "一", "洞", "顶", "的", "“", "皇冠", "”", "石", ",", "酷似", "皇冠", ",", "游", "人", "在船上", "随", "即可", "拍摄", "一", "幅", "头戴", "皇冠", "的", "照片", "。", "第", "一", "洞", "长", "400", "米", ",", "上面", "有", "一", "层", "旱洞", ",", "水面", "距", "洞", "顶", "48", "米", ",", "该", "洞", "以", "“", "金盏", "叠泉", "”", "最", "为", "壮观", "―", "―", "一", "个", "个", "金色", "石", "盏", "满载", "清澈的泉水", "逐", "层", "下溢", "。", "诗人", "韦丘", "赞", "道", ":", "“", "串", "玉溪", "穿", "三", "洞天", ",", "柔情", "碧水", "石能言", ",", "声声燕语", "留", "归", "客", ",", "举", "桨", "犹疑", "落", "桨", "难", "。", "”", "在", "玉溪", "二", "洞", "下", "游", "的", "1", "公里", "处", ",", "还有", "玉溪", "第", "三", "洞", ",", "洞", "长", "约", "500", "米", ",", "既", "可", "坐船", "游玩", ",", "又", "可", "登岩", "赏", "景", ",", "洞", "中", "景物", "千姿百态", ",", "栩栩如生", "。", "坐船", "慢", "游", "其中", ",", "如", "穿梭", "在", "山水画廊", ",", "颇有", "桃源", "之", "趣", "。"]], "title": "阳江一日游最受欢迎的旅游景点推荐"}, {"bs_rank_pos": 4, "paragraphs": [" 2016-12-21 14:35 1312/6 "], "segmented_title": ["我们", "在这里", "吃喝玩乐", "一条龙", ",", "阳江", "自助游攻略", "-", "蚂", "蜂窝"], "segmented_paragraphs": [["2016", "-", "12", "-", "21", "14", ":", "35", "1312", "/", "6"]], "title": "我们在这里吃喝玩乐一条龙,阳江自助游攻略 - 蚂蜂窝"}], "question": "阳江有什么好玩的", "segmented_question": ["阳江", "有", "什么", "好玩", "的"], "question_type": "ENTITY", "fact_or_opinion": "OPINION", "question_id": 221593}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["使用召唤海龟宠物,普通宠物,不是战斗宠物"], "segmented_title": ["泰拉瑞亚", "海草", "有", "什么", "用", "_", "百度", "知道"], "segmented_paragraphs": [["使用", "召唤", "海龟", "宠物", ",", "普通", "宠物", ",", "不是", "战斗", "宠物"]], "title": "泰拉瑞亚海草有什么用_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["RT 钓鱼钓到这个 但是用不了啊…求老司机", " 下载贴吧APP看高清直播、视频!", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "segmented_title": ["求助", "海草", "要", "怎么", "用", "啊", "T", "T", "【", "泰拉瑞亚", "手机", "版", "吧", "】", "_", "百度贴吧"], "segmented_paragraphs": [["RT", "钓鱼", "钓", "到", "这个", "但是", "用", "不", "了", "啊", "…", "求", "老", "司机"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "title": "求助 海草要怎么用啊T T【泰拉瑞亚手机版吧】_百度贴吧"}, {"bs_rank_pos": 2, "paragraphs": ["泰拉瑞亚中海草就是召唤海龟宠物的道具,钓鱼获得。 电脑版:当海草在背包时,提出并单击即可召唤(死亡或重进存档将消失,需再次召唤),或者右键放入宠物栏(持续存在)。 手机版:放入物品栏,单击召唤。"], "segmented_title": ["泰拉瑞亚", "有", "了", "海草", "怎么", "召唤", "海龟", "?", "_", "百度", "知道"], "segmented_paragraphs": [["泰拉瑞亚", "中海", "草", "就是", "召唤", "海龟", "宠物", "的", "道具", ",", "钓鱼", "获得", "。", "电脑", "版", ":", "当", "海草", "在", "背包", "时", ",", "提出", "并", "单击", "即可", "召唤", "(", "死亡", "或", "重", "进", "存档", "将", "消失", ",", "需", "再次", "召唤", ")", ",", "或者", "右键", "放入", "宠物", "栏", "(", "持续", "存在", ")", "。", "手机", "版", ":", "放入", "物品", "栏", ",", "单击", "召唤", "。"]], "title": "泰拉瑞亚有了海草怎么召唤海龟?_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["那个海草就是个bug 没发现钓鱼灰色的都不能用?包括锡罐.旧鞋之类的…想要召唤海龟坐骑最好去海边钓鱼,金箱开出几率还是比较大的,但是海龟并不爽,跳的不高也不能跑快,还不如史莱姆坐骑"], "segmented_title": ["泰拉瑞亚", "有", "了", "海草", "怎么", "召唤", "海龟", "?", "_", "百度", "知道"], "segmented_paragraphs": [["那个", "海草", "就是", "个", "bug", "没", "发现", "钓鱼", "灰色", "的", "都", "不能", "用", "?", "包括", "锡", "罐", ".", "旧", "鞋", "之类", "的", "…", "想要", "召唤", "海龟", "坐骑", "最好", "去", "海边", "钓鱼", ",", "金", "箱", "开", "出", "几率", "还是", "比较", "大", "的", ",", "但是", "海龟", "并", "不爽", ",", "跳", "的", "不", "高", "也", "不能", "跑", "快", ",", "还", "不如", "史莱姆", "坐骑"]], "title": "泰拉瑞亚有了海草怎么召唤海龟?_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["在丛林神圣之地等刷陆龟,用了水蜡烛和战争,刷乌龟记得尽量在丛林你在的地方多挂乌龟旗。 求采纳么么哒"], "segmented_title": ["泰拉瑞亚", "有", "了", "海草", "怎么", "召唤", "海龟", "?", "_", "百度", "知道"], "segmented_paragraphs": [["在", "丛林", "神圣", "之", "地", "等", "刷", "陆龟", ",", "用", "了", "水蜡烛", "和", "战争", ",", "刷", "乌龟", "记得", "尽量", "在", "丛林", "你", "在", "的", "地方", "多", "挂", "乌龟", "旗", "。", "求", "采纳", "么么哒"]], "title": "泰拉瑞亚有了海草怎么召唤海龟?_百度知道"}], "question": "泰拉瑞亚海草怎么用", "segmented_question": ["泰拉瑞亚", "海草", "怎么", "用"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221594}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["少儿身份证编辑 锁定 ", "少儿身份证,即儿童身份证,是指16岁以下少年儿童按照自愿为原则,不受年龄限制,均可办理的一种身份证证件。", " 由于少年儿童还属于长身体阶段,容貌会随成长而变化,因此,与成年人不同的是少儿身份证有效期较短,仅为五年。另外,少年儿童必须有监护人陪同方可办理身份证。可以带来出行、安全保障等便利。", "中文名 少儿身份证  类别 身份证 ", " 人群 少儿 有效期 5年 ", " 1 便利之处 2 不同 ", "一、出行方便购买机票、遇到身份检查时,不再需要带户口本,出示身份证即可。二、办理身份证能获得一定的安全保障便利比如在遇到危险后,警方也能快速确定身份,通知家人。三、是出入境方便四、是在一些需要身份证明的行为中,得到方便。16周岁以下的孩子申请身份证手续与成人相同,证件本身的图案、颜色、大小也一样,唯一不同的是有效期为5年,而16周岁至25周岁的身份证有效期为10年,年龄再大的人身份证有效期更长。另外,少年儿童必须有监护人陪同方可办理身份证。", " 词条统计 浏览次数:次 编辑次数:16次历史版本 最近更新: 创建者:亲子互助"], "segmented_title": ["少儿", "身份证", "_", "百度百科"], "segmented_paragraphs": [["少儿", "身份证", "编辑", "锁定"], ["少儿", "身份证", ",", "即", "儿童", "身份证", ",", "是", "指", "16", "岁", "以下", "少年儿童", "按照", "自愿", "为", "原则", ",", "不受", "年龄限制", ",", "均", "可", "办理", "的", "一", "种", "身份证", "证件", "。"], ["由于", "少年儿童", "还", "属于", "长", "身体", "阶段", ",", "容貌", "会", "随", "成长", "而", "变化", ",", "因此", ",", "与", "成年人", "不同", "的", "是", "少儿", "身份证", "有效期", "较", "短", ",", "仅", "为", "五年", "。", "另外", ",", "少年儿童", "必须", "有", "监护人", "陪同", "方", "可", "办理", "身份证", "。", "可以", "带来", "出行", "、", "安全保障", "等", "便利", "。"], ["中文名", "少儿", "身份证", "类别", "身份证"], ["人群", "少儿", "有效期", "5", "年"], ["1", "便利", "之", "处", "2", "不同"], ["一", "、", "出行", "方便", "购买", "机票", "、", "遇到", "身份", "检查", "时", ",", "不再", "需要", "带", "户口本", ",", "出示", "身份证", "即可", "。", "二", "、", "办理", "身份证", "能", "获得", "一定", "的", "安全", "保障", "便利", "比如", "在", "遇到", "危险", "后", ",", "警方", "也", "能", "快速", "确定", "身份", ",", "通知", "家人", "。", "三", "、", "是", "出入境", "方便", "四", "、", "是", "在", "一些", "需要", "身份证明", "的", "行为", "中", ",", "得到", "方便", "。", "16", "周岁", "以下", "的", "孩子", "申请", "身份证", "手续", "与", "成人", "相同", ",", "证件", "本身", "的", "图案", "、", "颜色", "、", "大小", "也", "一样", ",", "唯一", "不同", "的", "是", "有效期", "为", "5", "年", ",", "而", "16", "周岁", "至", "25", "周岁", "的", "身份证", "有效期", "为", "10", "年", ",", "年龄", "再", "大", "的", "人", "身份证", "有效期", "更", "长", "。", "另外", ",", "少年儿童", "必须", "有", "监护人", "陪同", "方", "可", "办理", "身份证", "。"], ["词条", "统计", "浏览次数", ":", "次", "编辑", "次数", ":", "16", "次", "历史", "版本", "最近更新", ":", "创建", "者", ":", "亲子", "互助"]], "title": "少儿身份证_百度百科"}, {"bs_rank_pos": 1, "paragraphs": ["孩子多大能办身份证?根据派出所的规定,只要孩子愿意办身份证,16岁以下也可以办理,但是需要在家长或监护人的陪同下办理,并且有效期只有5年,当然,这其中也包括新生儿可以办理身份证。", " 答:办理身份证不受年龄限制!", " 现在未成年人也可以办理身份证的,没有年龄限制。", " 16岁以下办理身份证,须在家长或监护人陪同,有效期为5年。", " 16岁以上的,本人办理,初次有效期10年,26岁以后有效期为20年,46岁以后终身有效。", " 新生儿能办身份证吗 答:能办! 儿身份证就是在未满十六周岁的少年儿童自愿的情况下,申请办理的身份证件,这类身份证必须由家长陪同才能办理,而且有效期只有五年。有了儿童身份证,在很多需要身份证明的场合,不需要再出示户口本,有身份证即可。 未成年人办理身份证,首先要遵循该未成年人自主自愿的原则,在父母的陪同下去办理。 过程: 1、未成年人如何办理身份证 儿童身份证办理流程 2、所需要的证件有:父母的身份证、孩子的户口簿、孩子的出生证明、学籍证明(未上学的可以不必带),以上证件均为原件。 未成年人如何办理身份证 儿童身份证办理流程 3、带齐上述证件之后,带着孩子到户籍所在派出所申请办理即可,一般需要缴纳20元的费用,等待一个月左右取证。领取身份证时,需要带着户口本和取证单据。 注意事项: 1、在申请身份证的时候,孩子要穿着深色有领子的上衣,和我们成人申请身份证的要求相同。 2、未成年人如何办理身份证 儿童身份证办理流程 3、拍摄身份证照片时,要求孩子能够单独坐正,不能有旁人的协助,所以,太小的孩子还不适宜申领身份证。 4、儿童身份证的有效期是5年,如果孩子在成长过程中,样貌发生了较大变化,家长需要及时带孩子去更换身份证上的照片,以免造成不必要的麻烦。", " 孩子办身份证流程 如果年满16岁,可以带户口本到户口所在地派出所申请。流程如下:  1.先去公安机关定点的照相馆拍证件照。要求免冠(不带帽子,如果由眼镜的话最好眼镜也不要带),穿衣服看自己,不过最好不要太花哨。20元/人  2.取得照片后,照片会附一张单子,上面有你的照片编号。这张单子很重要,一定不能弄丢。  3.带上照片和单子、户口册到户口所在地派出所申请办理。交6块钱,然后公安机关会告诉你什么时候去拿。到时候去拿就是了。通常一代换二代是三到四个月。第一次办理的话通常是当年年底拿  4.如果是老身份证换二带,去拿新证的时候要把老证带过去,如果是第一次办就带户口册去拿  5.如果是大学生或其他原因,户口是集体户口的,还需要相关证明", "儿童百科知识 新闻资讯 ", " 还可以输入140字 ", " 还没有人评论哦,赶紧抢一个沙发吧!"], "segmented_title": ["【", "孩子", "多大", "能", "办", "身份证", "】", "_", "新生儿", "能", "办", "身份证", "吗", "_", "孩子", "多大", "能", "领", "身份证", "_"], "segmented_paragraphs": [["孩子", "多大", "能", "办", "身份证", "?", "根据", "派出所", "的", "规定", ",", "只要", "孩子", "愿意", "办", "身份证", ",", "16", "岁", "以下", "也", "可以", "办理", ",", "但是", "需要", "在", "家长", "或", "监护人", "的", "陪同", "下", "办理", ",", "并且", "有效期", "只有", "5", "年", ",", "当然", ",", "这其中", "也", "包括", "新生儿", "可以", "办理", "身份证", "。"], ["答", ":", "办理", "身份证", "不受", "年龄限制", "!"], ["现在", "未成年人", "也", "可以", "办理", "身份证", "的", ",", "没有", "年龄限制", "。"], ["16", "岁", "以下", "办理", "身份证", ",", "须", "在", "家长", "或", "监护人", "陪同", ",", "有效期", "为", "5", "年", "。"], ["16", "岁", "以上", "的", ",", "本人", "办理", ",", "初次", "有效期", "10", "年", ",", "26岁", "以后", "有效期", "为", "20", "年", ",", "46", "岁", "以后", "终身", "有效", "。"], ["新生儿", "能", "办", "身份证", "吗", "答", ":", "能", "办", "!", "儿", "身份证", "就是", "在", "未", "满", "十六", "周岁", "的", "少年", "儿童", "自愿", "的", "情况", "下", ",", "申请", "办理", "的", "身份证件", ",", "这", "类", "身份证", "必须", "由", "家长", "陪同", "才能", "办理", ",", "而且", "有效期", "只有", "五年", "。", "有", "了", "儿童", "身份证", ",", "在", "很多", "需要", "身份证明", "的", "场合", ",", "不需要", "再", "出示", "户口本", ",", "有", "身份证", "即可", "。", "未成年人", "办理", "身份证", ",", "首先", "要", "遵循", "该", "未成年人", "自主", "自愿", "的", "原则", ",", "在", "父母", "的", "陪同", "下去", "办理", "。", "过程", ":", "1", "、", "未成年人", "如何", "办理", "身份证", "儿童", "身份证", "办理流程", "2", "、", "所", "需要", "的", "证件", "有", ":", "父母", "的", "身份证", "、", "孩子", "的", "户口簿", "、", "孩子", "的", "出生", "证明", "、", "学籍", "证明", "(", "未", "上学", "的", "可以", "不必", "带", ")", ",", "以上", "证件", "均为", "原件", "。", "未成年人", "如何", "办理", "身份证", "儿童", "身份证", "办理流程", "3", "、", "带", "齐", "上述", "证件", "之后", ",", "带", "着", "孩子", "到", "户籍", "所在", "派出所", "申请", "办理", "即可", ",", "一般", "需要", "缴纳", "20", "元", "的", "费用", ",", "等待", "一个月", "左右", "取证", "。", "领取", "身份证", "时", ",", "需要", "带", "着", "户口本", "和", "取证", "单据", "。", "注意事项", ":", "1", "、", "在", "申请", "身份证", "的", "时候", ",", "孩子", "要", "穿着", "深色", "有", "领子", "的", "上衣", ",", "和", "我们", "成人", "申请", "身份证", "的", "要求", "相同", "。", "2", "、", "未成年人", "如何", "办理", "身份证", "儿童", "身份证", "办理流程", "3", "、", "拍摄", "身份证", "照片", "时", ",", "要求", "孩子", "能够", "单独", "坐", "正", ",", "不能", "有", "旁", "人", "的", "协助", ",", "所以", ",", "太", "小", "的", "孩子", "还", "不适宜", "申领", "身份证", "。", "4", "、", "儿童", "身份证", "的", "有效期", "是", "5", "年", ",", "如果", "孩子", "在", "成长", "过程", "中", ",", "样貌", "发生", "了", "较", "大", "变化", ",", "家长", "需要", "及时", "带", "孩子", "去", "更换", "身份证", "上", "的", "照片", ",", "以", "免", "造成", "不必要", "的", "麻烦", "。"], ["孩子", "办", "身份证", "流程", "如果", "年", "满", "16", "岁", ",", "可以", "带", "户口本", "到", "户口所在地", "派出所", "申请", "。", "流程", "如", "下", ":", "1", ".", "先", "去", "公安机关", "定点", "的", "照相馆", "拍", "证件照", "。", "要求", "免冠", "(", "不", "带", "帽子", ",", "如果", "由", "眼镜", "的", "话", "最好", "眼镜", "也", "不要", "带", ")", ",", "穿衣服", "看", "自己", ",", "不过", "最好不要", "太", "花哨", "。", "20", "元", "/", "人", "2", ".", "取得", "照片", "后", ",", "照片", "会", "附一", "张", "单子", ",", "上面", "有", "你", "的", "照片", "编号", "。", "这", "张", "单子", "很重要", ",", "一定", "不能", "弄", "丢", "。", "3", ".", "带", "上", "照片", "和", "单子", "、", "户口", "册", "到", "户口所在地", "派出所", "申请", "办理", "。", "交", "6", "块", "钱", ",", "然后", "公安机关", "会", "告诉", "你", "什么时候", "去", "拿", "。", "到时候", "去", "拿", "就是", "了", "。", "通常", "一", "代换", "二代", "是", "三", "到", "四个月", "。", "第一次", "办理", "的", "话", "通常", "是", "当年", "年底", "拿", "4", ".", "如果", "是", "老", "身份证", "换", "二", "带", ",", "去", "拿", "新", "证", "的", "时候", "要", "把", "老", "证", "带", "过去", ",", "如果", "是", "第一次", "办", "就", "带", "户口", "册", "去", "拿", "5", ".", "如果", "是", "大学生", "或", "其他", "原因", ",", "户口", "是", "集体户口", "的", ",", "还", "需要", "相关", "证明"], ["儿童", "百科知识", "新闻资讯"], ["还", "可以", "输入", "140", "字"], ["还", "没有人", "评论", "哦", ",", "赶紧", "抢", "一", "个", "沙发", "吧", "!"]], "title": "【孩子多大能办身份证】_新生儿能办身份证吗_孩子多大能领身份证_"}, {"bs_rank_pos": 2, "paragraphs": [" 1.办理入户手续后,系统内即产生相应的身份证号码。故可办理身份证 2.因小孩年龄太小,不方便照相,建议等年纪大点再去办理. 公安部对居民身份证办理年龄规定第二条 居住在中华人民共和国境内的年满十六周岁的中国公民,应当依照本法的规定申请领取居民身份证;未满十六周岁的中国公民,可以依照本法的规定申请领取居民身份证。第五条 十六周岁以上公民的居民身份证的有效期为十年、二十年、长期。十六周岁至二十五周岁的,发给有效期十年的居民身份证;二十六周岁至四十五周岁的,发给有效期二十年的居民身份证;四十六周岁以上的,发给长期有效的居民身份证。未满十六周岁的公民,自愿申请领取居民身份证的,发给有效期五年的居民身份证。 ", " 旋转马戏团 2013-04-05 16:52 ", " 宝宝知道提示您:回答为网友贡献,仅供参考。", " 中国公民年满16周岁,可以到户籍所在地公安部门申领身份证!,这里有个条件是年满16周岁!", " hyr0829 2013-04-05 16:51 ", " 小孩子可以上户口,身份证那么小的孩子还没有的", " 嘎个猪头 2013-04-05 16:51 ", " 不能,太小了 扁予甘雨皿0428 2013-04-05 16:57 ", " 刚出生的儿童就可办证 5年后重新换证", " lumingz11111 2013-04-05 17:04 "], "segmented_title": ["出生", "一个月", "的", "婴儿", "可以", "办", "身份证", "吗", "?", "_", "百度", "宝宝", "知道"], "segmented_paragraphs": [["1", ".", "办理", "入户", "手续", "后", ",", "系统", "内", "即", "产生", "相应", "的", "身份证号码", "。", "故", "可", "办理", "身份证", "2", ".", "因", "小孩", "年龄", "太", "小", ",", "不", "方便", "照相", ",", "建议", "等", "年纪", "大", "点", "再", "去", "办理", ".", "公安部", "对", "居民", "身份证", "办理", "年龄", "规定", "第二条", "居住", "在", "中华人民共和国", "境内", "的", "年", "满", "十六", "周岁", "的", "中国公民", ",", "应当", "依照", "本", "法", "的", "规定", "申请", "领取", "居民", "身份证", ";", "未", "满", "十六", "周岁", "的", "中国公民", ",", "可以", "依照", "本", "法", "的", "规定", "申请", "领取", "居民", "身份证", "。", "第五条", "十六", "周岁", "以上", "公民", "的", "居民", "身份证", "的", "有效期", "为", "十", "年", "、", "二", "十", "年", "、", "长期", "。", "十六", "周岁", "至", "二", "十", "五", "周岁", "的", ",", "发给", "有效期", "十", "年", "的", "居民", "身份证", ";", "二", "十", "六", "周岁", "至", "四", "十", "五", "周岁", "的", ",", "发给", "有效期", "二", "十", "年", "的", "居民", "身份证", ";", "四", "十", "六", "周岁", "以上", "的", ",", "发给", "长期", "有效", "的", "居民", "身份证", "。", "未", "满", "十六", "周岁", "的", "公民", ",", "自愿", "申请", "领取", "居民", "身份证", "的", ",", "发给", "有效期", "五年", "的", "居民", "身份证", "。"], ["旋转", "马戏团", "2013", "-", "04", "-", "05", "16", ":", "52"], ["宝宝", "知道", "提示", "您", ":", "回答", "为", "网友", "贡献", ",", "仅供参考", "。"], ["中国公民", "年", "满", "16", "周岁", ",", "可以", "到", "户籍所在地", "公安部门", "申领", "身份证", "!", ",", "这里", "有", "个", "条件", "是", "年", "满", "16", "周岁", "!"], ["hyr", "0829", "2013", "-", "04", "-", "05", "16", ":", "51"], ["小孩子", "可以", "上", "户口", ",", "身份证", "那么", "小", "的", "孩子", "还没有", "的"], ["嘎", "个", "猪头", "2013", "-", "04", "-", "05", "16", ":", "51"], ["不能", ",", "太", "小", "了", "扁", "予", "甘雨皿", "0428", "2013", "-", "04", "-", "05", "16", ":", "57"], ["刚", "出生", "的", "儿童", "就", "可", "办", "证", "5", "年", "后", "重新", "换", "证"], ["lumingz", "11111", "2013", "-", "04", "-", "05", "17", ":", "04"]], "title": "出生一个月的婴儿可以办身份证吗?_百度宝宝知道"}, {"bs_rank_pos": 3, "paragraphs": [" 文章 总阅读 ", "黄女士家境比拟殷实,女儿如今1岁多,黄女士想着在女儿小的时分就给她存一笔存款,当前万一有什麼变故女儿也不至于跟着享福。于是黄女士就以女儿的名义去银行开户,但是银行方面说想要开户得女儿的身份证,之后问了几家银行也都这麼说的。黄女士觉得这有点爲难问,女儿才1岁,怎样操持身份证呢?其实好多人都有黄女士这样的困惑,那麼孩子究竟什麼时分可以操持身份证呢?", " 在大少数人的观念里觉得,孩子只要满16周岁才可以操持身份证。但是如今政策改了,孩子出生后,只需上了户口,有了身份证号码就可以操持身份证了。不过由于孩子发育快,变化比拟大,所以16周岁以下的孩子操持的身份证无效期是5年。也就是假如孩子是3岁操持的身份证,那麼8岁的时分就要去换新的,次要是身份证上的照片需求改换。", " 给孩子操持身份证的流程是什麼呢?", " 孩子操持身份证的时分需求父母的陪同,而且要穿深色的衣服。另外还要带上父母的身份证、孩子的户口本、孩子的出生证明、学籍证明(没有的话可以不带),而且都得是原件。", " 需求留意的是,拍摄照片的时分是需求孩子可以单独坐正的,所以太小的孩子不合适操持身份证。", " 孩子操持身份证的益处有哪些呢?", " 可以获取一定的平安保证,特别是在遇到风险的时分,警方可以疾速确实认孩子身份,与父母联络。还可以留作留念,毕竟小孩子的光阴过来就不复返了。另外,出出境方便,操持业务也比拟方便。返回搜狐,查看更多", "声明:本文由入驻搜狐号的作者撰写,除搜狐官方账号外,观点仅代表作者本人,不代表搜狐立场。"], "segmented_title": ["小宝宝", "可以", "办", "身份证", "了", ",", "你不知道", "吧", "?", "好处", "还", "很多", "。", "_", "搜狐", "母婴", "_", "搜狐网"], "segmented_paragraphs": [["文章", "总", "阅读"], ["黄", "女士", "家境", "比拟", "殷实", ",", "女儿", "如今", "1", "岁", "多", ",", "黄", "女士", "想着", "在", "女儿", "小", "的", "时", "分", "就", "给", "她", "存", "一", "笔", "存款", ",", "当前", "万一", "有", "什", "麼", "变故", "女儿", "也", "不", "至于", "跟着", "享福", "。", "于是", "黄", "女士", "就", "以", "女儿", "的", "名义", "去", "银行开户", ",", "但是", "银行", "方面", "说", "想要", "开户", "得", "女儿", "的", "身份证", ",", "之后", "问", "了", "几", "家", "银行", "也", "都", "这", "麼", "说", "的", "。", "黄", "女士", "觉得", "这", "有点", "爲难", "问", ",", "女儿", "才", "1", "岁", ",", "怎样", "操持", "身份证", "呢", "?", "其实", "好多人", "都", "有", "黄", "女士", "这样", "的", "困惑", ",", "那", "麼", "孩子", "究竟", "什", "麼", "时", "分", "可以", "操持", "身份证", "呢", "?"], ["在", "大", "少数", "人", "的", "观念", "里", "觉得", ",", "孩子", "只要", "满", "16", "周岁", "才", "可以", "操持", "身份证", "。", "但是", "如今", "政策", "改", "了", ",", "孩子", "出生", "后", ",", "只", "需", "上", "了", "户口", ",", "有", "了", "身份证号码", "就", "可以", "操持", "身份证", "了", "。", "不过", "由于", "孩子", "发育", "快", ",", "变化", "比拟", "大", ",", "所以", "16", "周岁", "以下", "的", "孩子", "操持", "的", "身份证", "无效", "期", "是", "5", "年", "。", "也", "就是", "假如", "孩子", "是", "3", "岁", "操持", "的", "身份证", ",", "那", "麼", "8", "岁", "的", "时", "分", "就要", "去", "换", "新", "的", ",", "次", "要", "是", "身份证", "上", "的", "照片", "需求", "改换", "。"], ["给", "孩子", "操持", "身份证", "的", "流程", "是", "什", "麼", "呢", "?"], ["孩子", "操持", "身份证", "的", "时", "分", "需求", "父母", "的", "陪同", ",", "而且", "要", "穿", "深色", "的", "衣服", "。", "另外", "还要", "带", "上", "父母", "的", "身份证", "、", "孩子", "的", "户口本", "、", "孩子", "的", "出生", "证明", "、", "学籍", "证明", "(", "没有", "的", "话", "可以", "不", "带", ")", ",", "而且", "都", "得", "是", "原件", "。"], ["需求", "留意", "的", "是", ",", "拍摄", "照片", "的", "时", "分", "是", "需求", "孩子", "可以", "单独", "坐", "正", "的", ",", "所以", "太", "小", "的", "孩子", "不合适", "操持", "身份证", "。"], ["孩子", "操持", "身份证", "的", "益处", "有", "哪些", "呢", "?"], ["可以", "获取", "一定", "的", "平安", "保证", ",", "特别", "是", "在", "遇到", "风险", "的", "时", "分", ",", "警方", "可以", "疾速", "确实", "认", "孩子", "身份", ",", "与", "父母", "联络", "。", "还", "可以", "留", "作", "留念", ",", "毕竟", "小孩子", "的", "光阴", "过来", "就", "不", "复", "返", "了", "。", "另外", ",", "出", "出境", "方便", ",", "操持", "业务", "也", "比拟", "方便", "。", "返回", "搜狐", ",", "查看", "更多"], ["声明", ":", "本", "文", "由", "入驻", "搜狐", "号", "的", "作者", "撰写", ",", "除", "搜狐", "官方", "账号", "外", ",", "观点", "仅", "代表", "作者", "本人", ",", "不", "代表", "搜狐", "立场", "。"]], "title": "小宝宝可以办身份证了,你不知道吧?好处还很多。_搜狐母婴_搜狐网"}, {"bs_rank_pos": 4, "paragraphs": ["小宝宝也可以有自己的身份证。李浩摄", "“宝宝坐正啦!孩子妈妈麻烦你帮忙扶一下……”10月24日,在沈河区身份证办理大厅,记者见证宝宝办理身份证时的“热闹”的场面小小的影像采集室里,民警、家长围着宝宝忙成一团。", "自2005年开始,二代身份证换发取消了年龄限制,为宝宝办理身份证也经历了从无到有的过程,16岁以下少年儿童办理身份证的数目更是快速增长。乘坐飞机、携子出国、成长留念……出于各种原因为宝宝办理身份证的家长越来越多。", "在未满16周岁办理身份证的居民中,除了大部分是参加考试需要用身份证的学生外,还有一部分是婴幼儿。“有些孩子才刚刚会走路,家长就给孩子办理了身份证,多是出于方便出行的考虑,孩子有了身份证,就不用带上户口簿到处走了。”", "一个月前,市民张女士带着自己仅百天的宝宝来到和平区户政大厅想要为孩子办理身份证。“年底我要带孩子去美国的父亲那里,如果不给宝宝办理身份证,到时候办理相关手续可能还得拿着出生证明和户口簿,太麻烦了,办完了就省事儿了。”抱着宝宝的张女士对工作人员解释了自己为孩子办证的初衷。就这个百天宝宝,民警们忙了整整一个上午才拍完照、办完手续。", "还有的家长给宝宝办身份证,是为了留个纪念。“我家宝宝小名叫兵兵,今年刚过一岁,来这儿办身份证就是想给孩子留个纪念,多好啊,让娃娃和大人一样,走哪儿都有身份证明了!”带着孙子到身份证办理处领宝宝身份证的孙大娘告诉记者。“小家伙的身份证有效期5年,如果你需要经常带着小家伙坐飞机出游的话,去办一张会很方便。而且,办身份证本身也有纪念意义。”", "不过,也有很多家长并不知道婴儿也可办身份证,梁小姐就是一个,她说:“婴儿也可以办身份证吗?改天也给我家宝贝办一张。”", "据了解,市内五区各身份证办理处每天约办理宝宝身份证2-3个。“平均下来,幼儿办理身份证拍照平均最少也需要半个小时,多则五、六个小时,3个宝宝可能就需要近10个小时的时间来完成拍照。”市公安沈河分局身份证办理大厅民警孙丽告诉记者:“如果有家长带着孩子来办理身份证,我们做的第一件事就是规劝孩子的家长放弃给宝宝办理身份证的想法,但劝成功的很少。如果是出于办理出国等必须用到宝宝身份证的考虑,我们还是会为宝宝办理身份证的。”", "“每次有幼儿来办理身份证,我们要单独腾出一个照相室,因为小孩子没办法很稳地坐在凳子上,而且经常会哭闹,民警必须辅助家长逗孩子笑、让孩子坐正,拍照结束后经常会搞得家长和民警都疲惫不堪。”孙丽说:“办理大厅每天都要接待上百市民办理身份证,我们一般都会优先照顾宝宝拍身份证,但这样做就意味着增加了其他市民的等待时间,往往会引起一些人的不满。”", "最近,很多市民听说一代身份证要“退役”,蜂拥而至办理二代身份证。警方希望给孩子办证的家长,过了这段办证高峰期再来给宝宝办证。 ", " + 加载更多新闻 ", " \"63%农村孩子没上高中\"数据滞后 从朝获释大学生验尸结果:未遭折磨 C919完成复飞:飞行2小时46分钟", " 底盘调校见功力 场地体验全新别克君威GS 日本公寓厨房傻瓜指南 细节多到把外国人搞疯了 艳星袁嘉敏搭阔少老外 狂吻到停不下来", "网易商城,您身边24小时的联通电信移动营业厅 随时随地为您提供手机话费充值服务。"], "segmented_title": ["给", "宝宝", "办", "身份证", "能", "缓", "还是", "缓一缓", "(", "组图", ")", "_", "网易新闻"], "segmented_paragraphs": [["小宝宝", "也", "可以", "有", "自己", "的", "身份证", "。", "李浩", "摄"], ["“", "宝宝", "坐", "正", "啦", "!", "孩子", "妈妈", "麻烦", "你", "帮忙", "扶", "一", "下", "…", "…", "”", "10", "月", "24", "日", ",", "在", "沈河区", "身份证", "办理", "大厅", ",", "记者", "见证", "宝宝", "办理", "身份证", "时", "的", "“", "热闹", "”", "的", "场面", "小小", "的", "影像", "采集", "室", "里", ",", "民警", "、", "家长", "围着", "宝宝", "忙", "成", "一", "团", "。"], ["自", "2005", "年", "开始", ",", "二代", "身份证", "换", "发", "取消", "了", "年龄限制", ",", "为", "宝宝", "办理", "身份证", "也", "经历", "了", "从无到有", "的", "过程", ",", "16", "岁", "以下", "少年", "儿童", "办理", "身份证", "的", "数目", "更", "是", "快速增长", "。", "乘坐飞机", "、", "携", "子", "出国", "、", "成长", "留念", "…", "…", "出于", "各种", "原因", "为", "宝宝", "办理", "身份证", "的", "家长", "越来越多", "。"], ["在", "未", "满", "16", "周岁", "办理", "身份证", "的", "居民", "中", ",", "除了", "大部分", "是", "参加", "考试", "需要", "用", "身份证", "的", "学生", "外", ",", "还有", "一部分", "是", "婴幼儿", "。", "“", "有些", "孩子", "才", "刚刚", "会", "走路", ",", "家长", "就", "给", "孩子", "办理", "了", "身份证", ",", "多", "是", "出于", "方便", "出行", "的", "考虑", ",", "孩子", "有", "了", "身份证", ",", "就", "不用", "带", "上", "户口", "簿", "到处", "走", "了", "。", "”"], ["一个月", "前", ",", "市民", "张", "女士", "带", "着", "自己", "仅", "百", "天", "的", "宝宝", "来到", "和平区", "户", "政", "大厅", "想要", "为", "孩子", "办理", "身份证", "。", "“", "年底", "我", "要", "带", "孩子", "去", "美国", "的", "父亲", "那里", ",", "如果", "不", "给", "宝宝", "办理", "身份证", ",", "到时候", "办理", "相关", "手续", "可能", "还", "得", "拿着", "出生", "证明", "和", "户口簿", ",", "太麻烦", "了", ",", "办完", "了", "就", "省", "事儿", "了", "。", "”", "抱着", "宝宝", "的", "张", "女士", "对", "工作", "人员", "解释", "了", "自己", "为", "孩子", "办", "证", "的", "初衷", "。", "就", "这个", "百", "天", "宝宝", ",", "民警", "们", "忙", "了", "整", "整", "一", "个", "上午", "才", "拍", "完", "照", "、", "办完", "手续", "。"], ["还有", "的", "家长", "给", "宝宝", "办", "身份证", ",", "是", "为了", "留", "个", "纪念", "。", "“", "我", "家", "宝宝", "小名", "叫", "兵", "兵", ",", "今年", "刚", "过", "一", "岁", ",", "来这儿", "办", "身份证", "就是", "想", "给", "孩子", "留", "个", "纪念", ",", "多", "好", "啊", ",", "让", "娃娃", "和", "大人", "一样", ",", "走", "哪儿", "都", "有", "身份证明", "了", "!", "”", "带", "着", "孙子", "到", "身份证", "办理", "处", "领", "宝宝", "身份证", "的", "孙", "大娘", "告诉记者", "。", "“", "小家伙", "的", "身份证", "有效期", "5", "年", ",", "如果", "你", "需要", "经常", "带", "着", "小家伙", "坐飞机", "出游", "的", "话", ",", "去", "办", "一", "张", "会", "很方便", "。", "而且", ",", "办", "身份证", "本身", "也有", "纪念", "意义", "。", "”"], ["不过", ",", "也有", "很多", "家长", "并", "不知道", "婴儿", "也", "可", "办", "身份证", ",", "梁", "小姐", "就是", "一", "个", ",", "她说", ":", "“", "婴儿", "也", "可以", "办", "身份证", "吗", "?", "改", "天", "也", "给", "我", "家", "宝贝", "办", "一", "张", "。", "”"], ["据了解", ",", "市", "内", "五区", "各", "身份证", "办理", "处", "每天", "约", "办理", "宝宝", "身份证", "2", "-", "3", "个", "。", "“", "平均", "下来", ",", "幼儿", "办理", "身份证", "拍照", "平均", "最少", "也", "需要", "半个小时", ",", "多", "则", "五", "、", "六", "个", "小时", ",", "3", "个", "宝宝", "可能", "就", "需要", "近", "10", "个", "小时", "的", "时间", "来", "完成", "拍照", "。", "”", "市", "公安", "沈河", "分局", "身份证", "办理", "大厅", "民警", "孙丽", "告诉记者", ":", "“", "如果", "有", "家长", "带", "着", "孩子", "来", "办理", "身份证", ",", "我们", "做", "的", "第一件事", "就是", "规劝", "孩子", "的", "家长", "放弃", "给", "宝宝", "办理", "身份证", "的", "想法", ",", "但", "劝", "成功", "的", "很少", "。", "如果", "是", "出于", "办理出国", "等", "必须", "用", "到", "宝宝", "身份证", "的", "考虑", ",", "我们", "还是", "会", "为", "宝宝", "办理", "身份证", "的", "。", "”"], ["“", "每次", "有", "幼儿", "来", "办理", "身份证", ",", "我们", "要", "单独", "腾", "出", "一", "个", "照相", "室", ",", "因为", "小孩子", "没办法", "很", "稳", "地", "坐", "在", "凳子", "上", ",", "而且", "经常", "会", "哭闹", ",", "民警", "必须", "辅助", "家长", "逗", "孩子", "笑", "、", "让", "孩子", "坐", "正", ",", "拍照", "结束", "后", "经常", "会", "搞", "得", "家长", "和", "民警", "都", "疲惫不堪", "。", "”", "孙丽", "说", ":", "“", "办理", "大厅", "每天", "都", "要", "接待", "上", "百", "市民", "办理", "身份证", ",", "我们", "一般", "都会", "优先", "照顾", "宝宝", "拍", "身份证", ",", "但", "这样做", "就", "意味着", "增加", "了", "其他", "市民", "的", "等待", "时间", ",", "往往", "会引起", "一些人", "的", "不满", "。", "”"], ["最近", ",", "很多", "市民", "听说", "一", "代", "身份证", "要", "“", "退役", "”", ",", "蜂拥而至", "办理", "二代", "身份证", "。", "警方", "希望", "给", "孩子", "办", "证", "的", "家长", ",", "过", "了", "这", "段", "办", "证", "高峰期", "再来", "给", "宝宝", "办", "证", "。"], ["+", "加载", "更多", "新闻"], ["\"", "63", "%", "农村", "孩子", "没", "上", "高中", "\"", "数据", "滞后", "从", "朝", "获释", "大学生", "验尸", "结果", ":", "未", "遭", "折磨", "C919", "完成", "复", "飞", ":", "飞行", "2", "小时", "46", "分钟"], ["底盘", "调", "校", "见", "功力", "场地", "体验", "全新", "别克", "君威", "GS", "日本", "公寓", "厨房", "傻瓜", "指南", "细节", "多", "到", "把", "外国人", "搞", "疯了", "艳星", "袁嘉敏", "搭", "阔少", "老外", "狂吻", "到", "停不下来"], ["网易", "商城", ",", "您", "身边", "24", "小时", "的", "联通", "电信", "移动", "营业厅", "随时随地", "为您", "提供", "手机", "话费", "充值", "服务", "。"]], "title": "给宝宝办身份证 能缓还是缓一缓(组图)_网易新闻"}], "question": "婴儿 身份证", "segmented_question": ["婴儿", "身份证"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221595}
-{"documents": [{"bs_rank_pos": 1, "paragraphs": ["想当演员,正常的途径应该还是争取考上艺术院校。当然,如果你无法考上艺术院校,或者你现在就想着手,那就只能另辟蹊径了。 不上艺校想当演员是需要一定过程的,而且要分清男女来解释。由于你并没有说明自己的性别,所以这里为了照顾大多数提问此类问题的人为女性这个事实,而且男的也实在没有什么可以介绍的渠道,所以这里只能假设你是女孩,以介绍女孩的渠道为主。事实上,男的只有去浙江横店影视城或者北京电影制片厂门口蹲守等候当群众演员这个唯一途径,而女的则不建议去蹲守,因为那里被选上之后常有女生被性侵。女的其实有更好的渠道,不必从群众演员开始,而是可以从别人梦寐以求的小角色演员开始。 女的如果想从小角色演员开始,就要想办法进入导演的试镜挑选范围,特别是接近群众的小角色演员,并不需要多少演技,哪怕你"], "segmented_title": ["怎么", "才能", "出道", "当", "艺人", "_", "百度", "知道"], "segmented_paragraphs": [["想当演员", ",", "正常", "的", "途径", "应该", "还是", "争取", "考上", "艺术院校", "。", "当然", ",", "如果", "你", "无法", "考上", "艺术院校", ",", "或者", "你现在", "就", "想着", "手", ",", "那", "就", "只能", "另辟蹊径", "了", "。", "不", "上", "艺校", "想当演员", "是", "需要", "一定", "过程", "的", ",", "而且", "要", "分", "清", "男女", "来", "解释", "。", "由于", "你", "并", "没有", "说明", "自己", "的", "性别", ",", "所以", "这里", "为了", "照顾", "大多数", "提问", "此类", "问题", "的", "人", "为", "女性", "这个事实", ",", "而且", "男", "的", "也", "实在", "没有", "什么", "可以", "介绍", "的", "渠道", ",", "所以", "这里", "只能", "假设", "你", "是", "女孩", ",", "以", "介绍", "女孩", "的", "渠道", "为", "主", "。", "事实上", ",", "男", "的", "只有", "去", "浙江", "横店影视城", "或者", "北京", "电影制片厂", "门口", "蹲守", "等候", "当", "群众演员", "这个", "唯一", "途径", ",", "而", "女", "的", "则", "不", "建议", "去", "蹲守", ",", "因为", "那里", "被", "选上", "之后", "常", "有", "女生", "被", "性侵", "。", "女", "的", "其实", "有", "更好", "的", "渠道", ",", "不必", "从", "群众演员", "开始", ",", "而是", "可以", "从", "别人", "梦寐以求", "的", "小", "角色", "演员", "开始", "。", "女", "的", "如果", "想", "从小", "角色", "演员", "开始", ",", "就要", "想办法", "进入", "导演", "的", "试镜", "挑选", "范围", ",", "特别", "是", "接近", "群众", "的", "小", "角色", "演员", ",", "并", "不", "需要", "多少", "演技", ",", "哪怕", "你"]], "title": "怎么才能出道当艺人_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["百度贴吧里没有你说的北京大型免费试镜活动吧,我没有群众演员吧"], "segmented_title": ["怎么", "才能", "出道", "当", "艺人", "_", "百度", "知道"], "segmented_paragraphs": [["百度贴吧", "里", "没有", "你说的", "北京", "大型", "免费", "试镜", "活动", "吧", ",", "我", "没有", "群众演员", "吧"]], "title": "怎么才能出道当艺人_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["长的好看就行"], "segmented_title": ["怎么", "才能", "出道", "当", "艺人", "_", "百度", "知道"], "segmented_paragraphs": [["长", "的", "好看", "就", "行"]], "title": "怎么才能出道当艺人_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["首页>娱乐 > 滚动 > 李易峰十年磨一剑 ", "李易峰借《古剑奇谭》真正打开知名度,现如今人气爆棚的李易峰受到粉丝的喜爱,但对于他来说,坚持努力了7年,是一直在坚持、一直在努力,没有间断过。李易峰怎么出道的?下面小编带你了解李易峰的辛酸成名之路。", " 李易峰1987年生人,出生那天,恰逢五四青年节,或许是冥冥之中自有安排,28年后的今天,李易峰成为当代无数青年人心中的偶像,也是当今娱乐圈最当红的小鲜肉之一,更是统领网络五大门派之一。", " 李易峰是标准的科班出身,毕业于四川大学电影电视学院,出道始于2007年的《加油好男儿!》,当年,他以总决赛第八名的成绩和最具亲和力奖,强势进入娱乐圈。", " 从小被光环围绕的李易峰自信满满地参加了火爆全国的选秀节目《加油!好男儿》,并顺利挺近了8进6的全国淘汰赛。上海的舞台上,他穿着一身金光灿灿的比赛服,用不是十分熟练的粤语唱起了张国荣的《侧面》,被评委李思崧一针见血地指出:“你不性感,唱不出这首歌的味道”。第一次走出四川的大一男生,就连耍帅这门技术也才刚刚熟悉,演绎性感,再过十年吧。", " 淘汰后被问到感受,和粉丝们心疼的情绪相反,李易峰无所谓地笑着说:“可以回成都宅着了,挺好的。”难以想象这句话是从一个从小被人追捧,根本没受过什么挫折的大男孩口中说出的。彼时的李易峰,用宠辱不惊的心态面对着或顺其自然,或突如其来的“成长”。 ", "琅琊榜太子的扮演者是谁 谦谦公子高鑫变身心 2017-03-08 ", " 女生青春期丰胸小妙招 做好这几点迅速变成美 2017-02-11 ", " 王祖蓝进女生宿舍找侄女是什么节目 耳边疯搞 2017-01-02 ", "扫描下载潮粉APP App Store下载 Android下载 "], "segmented_title": ["李易峰", "怎么", "出道", "的", "曝", "当红", "艺人", "李易峰", "出道", "心酸", "史", "_", "尚之潮"], "segmented_paragraphs": [["首页", ">", "娱乐", ">", "滚动", ">", "李易峰", "十年磨一剑"], ["李易峰", "借", "《", "古剑", "奇谭", "》", "真正", "打开", "知名度", ",", "现如今", "人气", "爆棚", "的", "李易峰", "受到", "粉丝", "的", "喜爱", ",", "但", "对于", "他", "来", "说", ",", "坚持", "努力", "了", "7", "年", ",", "是", "一直", "在", "坚持", "、", "一直", "在", "努力", ",", "没有", "间断", "过", "。", "李易峰", "怎么", "出道", "的", "?", "下面", "小", "编", "带", "你", "了解", "李易峰", "的", "辛酸", "成名之路", "。"], ["李易峰", "1987", "年", "生", "人", ",", "出生", "那天", ",", "恰逢", "五四青年节", ",", "或许是", "冥冥之中", "自有", "安排", ",", "28", "年", "后", "的", "今天", ",", "李易峰", "成为", "当代", "无数", "青年", "人", "心中", "的", "偶像", ",", "也是", "当今", "娱乐圈", "最", "当红", "的", "小鲜肉", "之", "一", ",", "更", "是", "统领", "网络", "五大", "门派", "之", "一", "。"], ["李易峰", "是", "标准", "的", "科班出身", ",", "毕业", "于", "四川大学", "电影电视", "学院", ",", "出道", "始于", "2007", "年", "的", "《", "加油", "好男儿", "!", "》", ",", "当年", ",", "他", "以", "总决赛", "第", "八", "名", "的", "成绩", "和", "最具", "亲和力", "奖", ",", "强势", "进入", "娱乐圈", "。"], ["从小", "被", "光环", "围绕", "的", "李易峰", "自信满满", "地", "参加", "了", "火爆", "全国", "的", "选秀", "节目", "《", "加油", "!", "好男儿", "》", ",", "并", "顺利", "挺", "近", "了", "8", "进", "6", "的", "全国", "淘汰赛", "。", "上海", "的", "舞台", "上", ",", "他", "穿着", "一", "身", "金光", "灿", "灿", "的", "比赛", "服", ",", "用", "不是", "十分", "熟练", "的", "粤语", "唱", "起", "了", "张国荣", "的", "《", "侧面", "》", ",", "被", "评委", "李思", "崧", "一针见血", "地", "指出", ":", "“", "你", "不", "性感", ",", "唱", "不", "出", "这首歌", "的", "味道", "”", "。", "第一次", "走出", "四川", "的", "大一", "男生", ",", "就", "连", "耍", "帅", "这", "门", "技术", "也", "才", "刚刚", "熟悉", ",", "演绎", "性感", ",", "再", "过", "十", "年", "吧", "。"], ["淘汰", "后", "被", "问", "到", "感受", ",", "和", "粉丝", "们", "心疼", "的", "情绪", "相反", ",", "李易峰", "无所谓", "地", "笑着", "说", ":", "“", "可以", "回", "成都", "宅", "着", "了", ",", "挺好", "的", "。", "”", "难以", "想象", "这句话", "是", "从", "一", "个", "从小", "被", "人", "追捧", ",", "根本", "没", "受过", "什么", "挫折", "的", "大男孩", "口", "中", "说出", "的", "。", "彼时", "的", "李易峰", ",", "用", "宠辱不惊", "的", "心态", "面", "对着", "或", "顺其自然", ",", "或", "突如其来", "的", "“", "成长", "”", "。"], ["琅琊榜", "太子", "的", "扮演者", "是", "谁", "谦谦", "公子", "高鑫", "变身", "心", "2017", "-", "03", "-", "08"], ["女生", "青春期", "丰胸", "小", "妙招", "做", "好", "这", "几点", "迅速", "变成", "美", "2017", "-", "02", "-", "11"], ["王祖蓝", "进", "女生宿舍", "找", "侄女", "是什么", "节目", "耳边", "疯", "搞", "2017", "-", "01", "-", "02"], ["扫描", "下载", "潮", "粉", "APP", "App", "Store", "下载", "Android", "下载"]], "title": "李易峰怎么出道的 曝当红艺人李易峰出道心酸史_尚之潮"}, {"bs_rank_pos": 4, "paragraphs": ["1、第一件事情就是和经纪公司签约 新人一般都是二八开 收入百分之八十公司 百分之二十归你自己 还有一九开的 但是普通人希望自己当明星 自然开始不会计较钱的分配!2、第二步就是找老师进行服装造型的包装(拍封面) 找音乐老师教 do re mi 你不要懊恼自己五音不全或者简谱都不认识 没有关系 专门的作词、作曲的作好以后 你只需要到录音棚然后老师教一句你学一句 一首歌没有多少句 然后反复录直到最好 唱不上去的有人帮着唱那句 不用担心!3、开唱片发布会 先让大家拍照 然后介绍自己的专辑 然后签名 有的现场唱放录音(对口型就行了)4、展开宣传 上各大节目 经纪公司跟大陆、香港、台湾的电视台都别熟悉 他们的公关相当强(电视台和经纪公司就是一家人) 所以你可以顺利的上最有收视率的节目 然后报纸和平面媒体也大力的报道 最后经纪公司会花钱到各大电台买你的歌曲排行榜 这些都不用你操心 你只需要听粉丝的尖叫就好了!5、等到了一定时候 经纪公司会为你做巡回演唱会 又有很多老师来慢慢教你 这些老师也是经纪公司请的 演唱会的时候印象都很好 如果你现场走音 音控自己会帮你调高或调低 不用害怕!6、你一旦跟经纪公司解约 那么你就马上体会到你什么都不是了?这也是很多明星得忧郁症的原因 前面你风光是因为经纪公司那么上百人那么多关系帮你拱起来 所以才有你的无限风光 为什么效益你得二公司得八就是因为还有很多人要养活!看完了`你就知道当明星其实并不难 像很多歌唱比赛的人100000%都超过了当明星的要求 只是大陆的经纪公司还很少 台湾的经纪公司多 所以捧出来的人也多 大陆的明星少而且走不出去 很大原因就是经纪公司水平差的原因!韩国也是如此`!这是一个产业 大陆的很多明星都在单打独斗 所以永远成不了大明星!总而言之 这就是团队的力量 一个人单打独斗是不可能赢的 就算你有再好的天赋也无济于事很多人经常在电视上看到一个刚出道的港、台明星来了 欢呼的人群一大堆 然后有的举牌子什么的 其实这都是经纪公司安排的 花钱请一些学生去迎接 牌子也是经纪公司自己做的 所以看起来简单 把明星捧红也是件不容易的事情", " 大家好,我叫刘蘭恩,我也是一名演员,现在一直在做(特约演员),然后想找经纪公司签约,但是目前还没有找到,希望有人贵人帮助,感谢我微信号是:a555559933 ,联系电话:18286121535 ,谢谢也可以组合,谢谢帮助大家好,", " 下载贴吧APP看高清直播、视频!", " 贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "segmented_title": ["怎么", "捧", "红", "一", "个", "普通人", "?", "想", "成为", "明星", "的", "看一看", "【", "明星梦", "吧", "】", "_", "百度贴吧"], "segmented_paragraphs": [["1", "、", "第", "一", "件", "事情", "就是", "和", "经纪公司", "签约", "新人", "一般", "都是", "二", "八", "开", "收入", "百分", "之", "八", "十", "公司", "百分", "之", "二", "十", "归", "你", "自己", "还有", "一", "九", "开", "的", "但是", "普通人", "希望", "自己", "当", "明星", "自然", "开始", "不", "会计", "较", "钱", "的", "分配", "!", "2", "、", "第二步", "就是", "找", "老师", "进行", "服装", "造型", "的", "包装", "(", "拍", "封面", ")", "找", "音乐", "老师", "教", "do", "re", "mi", "你", "不要", "懊恼", "自己", "五音不全", "或者", "简谱", "都", "不", "认识", "没有关系", "专门", "的", "作词", "、", "作曲", "的", "作", "好", "以后", "你", "只", "需要", "到", "录音棚", "然后", "老师", "教", "一句", "你", "学", "一句", "一首歌", "没有", "多少", "句", "然后", "反复", "录", "直到最好", "唱", "不", "上去", "的", "有人", "帮", "着", "唱", "那", "句", "不用担心", "!", "3", "、", "开", "唱片", "发布会", "先", "让", "大家", "拍照", "然后", "介绍", "自己", "的", "专辑", "然后", "签名", "有", "的", "现场", "唱", "放", "录音", "(", "对", "口型", "就", "行", "了", ")", "4", "、", "展开", "宣传", "上", "各", "大", "节目", "经纪公司", "跟", "大陆", "、", "香港", "、", "台湾", "的", "电视台", "都", "别", "熟悉", "他们", "的", "公关", "相当", "强", "(", "电视台", "和", "经纪公司", "就是", "一家人", ")", "所以", "你", "可以", "顺利", "的", "上", "最", "有", "收视率", "的", "节目", "然后", "报纸", "和", "平面媒体", "也", "大力", "的", "报道", "最后", "经纪公司", "会", "花钱", "到", "各", "大", "电台", "买", "你", "的", "歌曲", "排行榜", "这些", "都", "不用", "你", "操心", "你", "只", "需要", "听", "粉丝", "的", "尖叫", "就好", "了", "!", "5", "、", "等到了", "一定", "时候", "经纪公司", "会", "为你", "做", "巡回演唱会", "又", "有很多", "老师", "来", "慢慢", "教", "你", "这些", "老师", "也是", "经纪公司", "请", "的", "演唱会", "的", "时候", "印象", "都", "很好", "如果", "你", "现场", "走音", "音控", "自己", "会", "帮", "你", "调", "高", "或", "调低", "不用害怕", "!", "6", "、", "你", "一旦", "跟", "经纪公司", "解约", "那么", "你", "就", "马上", "体会", "到", "你", "什么", "都", "不是", "了", "?", "这", "也是", "很多", "明星", "得", "忧郁症", "的", "原因", "前面", "你", "风光", "是因为", "经纪公司", "那么", "上百人", "那么多", "关系", "帮", "你", "拱", "起来", "所以", "才", "有", "你", "的", "无限风光", "为什么", "效益", "你", "得", "二", "公司", "得", "八", "就是", "因为", "还有", "很多人", "要", "养活", "!", "看", "完", "了", "`", "你", "就", "知道", "当", "明星", "其实", "并不难", "像", "很多", "歌唱比赛", "的", "人", "100000", "%", "都", "超过", "了", "当", "明星", "的", "要求", "只是", "大陆", "的", "经纪公司", "还", "很少", "台湾", "的", "经纪公司", "多", "所以", "捧", "出来", "的", "人", "也", "多", "大陆", "的", "明星", "少", "而且", "走", "不", "出去", "很大", "原因", "就是", "经纪公司", "水平", "差", "的", "原因", "!", "韩国", "也是", "如此", "`", "!", "这", "是", "一", "个", "产业", "大陆", "的", "很多", "明星", "都", "在", "单打独斗", "所以", "永远", "成", "不", "了", "大明星", "!", "总而言之", "这", "就是", "团队的力量", "一个人", "单打独斗", "是", "不", "可能", "赢", "的", "就算", "你", "有", "再", "好", "的", "天赋", "也", "无济于事", "很多人", "经常", "在", "电视", "上", "看到", "一", "个", "刚", "出道", "的", "港", "、", "台", "明星", "来", "了", "欢呼", "的", "人群", "一大", "堆", "然后", "有", "的", "举牌", "子", "什么", "的", "其实", "这", "都是", "经纪公司", "安排", "的", "花钱", "请", "一些", "学生", "去", "迎接", "牌子", "也是", "经纪公司", "自己做", "的", "所以", "看起来", "简单", "把", "明星", "捧", "红", "也是", "件", "不容易", "的", "事情"], ["大家好", ",", "我", "叫", "刘蘭恩", ",", "我", "也是", "一名", "演员", ",", "现在", "一直", "在", "做", "(", "特约", "演员", ")", ",", "然后", "想", "找", "经纪公司", "签约", ",", "但是", "目前", "还", "没有", "找到", ",", "希望", "有人", "贵人", "帮助", ",", "感谢", "我", "微信", "号", "是", ":", "a", "555559933", ",", "联系电话", ":", "18286121535", ",", "谢谢", "也", "可以", "组合", ",", "谢谢", "帮助", "大家好", ","], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "title": "怎么捧红一个普通人?想成为明星的看一看【明星梦吧】_百度贴吧"}], "question": "怎么出道做明星", "segmented_question": ["怎么", "出道", "做", "明星"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221596}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["右击右下角小喇叭图标 选择【播放设备】即可 在控制面板中亦可以打开 进入控制面板 点击【硬件和声音】 选择【管理音频设备】即可"], "segmented_title": ["win7", "音频", "管理器", "在", "哪", "?", "_", "百度", "知道"], "segmented_paragraphs": [["右", "击", "右下角", "小喇叭", "图标", "选择", "【", "播放", "设备", "】", "即可", "在", "控制面板", "中", "亦", "可以打开", "进入", "控制面板", "点击", "【", "硬件", "和", "声音", "】", "选择", "【", "管理", "音频设备", "】", "即可"]], "title": "win7音频管理器在哪?_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["windows7 装完系统后自动会安装声卡驱动,所以有声音,但是没有音频管理器的,所以要另外安装,你可以装一个瑞昱声卡,驱动直接到瑞昱官网下就可以了,如果你的计算机支持杜比,那可以安装杜比声控系统,那个音效一流。"], "segmented_title": ["win7", "音频", "管理器", "在", "哪", "?", "_", "百度", "知道"], "segmented_paragraphs": [["windows", "7", "装", "完", "系统", "后", "自动", "会", "安装", "声卡", "驱动", ",", "所以", "有", "声音", ",", "但是", "没有", "音频", "管理器", "的", ",", "所以", "要", "另外", "安装", ",", "你可以", "装", "一", "个", "瑞昱", "声卡", ",", "驱动", "直接", "到", "瑞昱", "官网", "下", "就", "可以", "了", ",", "如果", "你", "的", "计算机", "支持", "杜比", ",", "那", "可以", "安装", "杜比", "声控", "系统", ",", "那个", "音效", "一", "流", "。"]], "title": "win7音频管理器在哪?_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["不知道你有无安装的,有的话,可以在控制面板那找到,没装的话可以装一个"], "segmented_title": ["win7", "音频", "管理器", "在", "哪", "?", "_", "百度", "知道"], "segmented_paragraphs": [["不知道", "你", "有无", "安装", "的", ",", "有", "的", "话", ",", "可以", "在", "控制面板", "那", "找到", ",", "没", "装", "的", "话", "可以", "装", "一", "个"]], "title": "win7音频管理器在哪?_百度知道"}, {"bs_rank_pos": 0, "paragraphs": [".........不是再控制面板里吗?怎么会找不到?以前有这个问题吗?如XP的时候?"], "segmented_title": ["win7", "音频", "管理器", "在", "哪", "?", "_", "百度", "知道"], "segmented_paragraphs": [[".", ".", ".", ".", ".", ".", ".", ".", ".", "不是", "再", "控制面板", "里", "吗", "?", "怎么会", "找不到", "?", "以前", "有", "这个问题", "吗", "?", "如", "XP", "的", "时候", "?"]], "title": "win7音频管理器在哪?_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["开始 控制面板"], "segmented_title": ["Win7", "的", "声音", "管理器", "在", "哪里", "?", "_", "百度", "知道"], "segmented_paragraphs": [["开始", "控制面板"]], "title": "Win7的声音管理器在哪里?_百度知道"}], "question": "声音管理器在哪", "segmented_question": ["声音", "管理器", "在", "哪"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221597}
-{"documents": [{"bs_rank_pos": 1, "paragraphs": ["学习研究之用没有版权,但是用途商业就会涉及版权,别人不告你就作罢,如果起诉你那是要赔钱的。 国内著名的字体版权案: 方正字体公司起诉暴雪游戏侵犯字体版权遭索赔4亿。"], "segmented_title": ["汉仪", "字体", "有", "版权", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["学习", "研究", "之", "用", "没有", "版权", ",", "但是", "用途", "商业", "就会", "涉及", "版权", ",", "别人", "不", "告", "你", "就", "作罢", ",", "如果", "起诉", "你", "那", "是", "要", "赔钱", "的", "。", "国内", "著名", "的", "字体", "版权", "案", ":", "方正字体", "公司", "起诉", "暴雪", "游戏", "侵犯", "字体", "版权", "遭", "索赔", "4", "亿", "。"]], "title": "汉仪字体有版权吗_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["其实任何字体都有版权,只不过这些字体被大众化了,也不存在版权了, 现在有些字体是收费的, 也就是所谓的版权费吧。"], "segmented_title": ["汉仪", "字体", "有", "版权", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["其实", "任何", "字体", "都", "有", "版权", ",", "只不过", "这些", "字体", "被", "大众化", "了", ",", "也", "不存在", "版权", "了", ",", "现在", "有些", "字体", "是", "收费", "的", ",", "也", "就是", "所谓", "的", "版权费", "吧", "。"]], "title": "汉仪字体有版权吗_百度知道"}, {"bs_rank_pos": 2, "paragraphs": [" 新注册一个单项业务的商标,公司设计做了个简单的logo,挺简洁好看的,就是用到了方正和汉仪的几个字,会不会涉及字体版权侵权?听说字体库,是把每个字按照一个单独的美术作品列入版权的,会不会有问题?该如何规避法务上的风险?谢谢显示全部", " 有问题. 没法规避.", " 谢邀~看楼上回答有问题,我比较忙就简单说一下了。字体属于著作权法保护的范畴,你将他人享有著作权的作品作为商标注册并使用属于商业使用行为。故你的使用是侵权的。by知识产权石磊", " 《商标法》规定,申请商标注册不得损害他人现有的在先权利。该“在先权利”包括他人在先的著作权。于是,便产生了一个疑问,商标中使用的文字字体,是否可能侵犯他人在先的著作权呢?", " 商标指的是任何能够将自然人、法人或者其他组织的商品与他人的商品相区别开的标志,包括文字、图形、字母、数字、三维标志、颜色组合和声音等。文字,正是商标构成的主要要素之一。", " 汉字,不同于其他语言的书写文字,其经过几千年的演变,形成了丰富多样的字体,不同的字体风格都具有一定的审美价值,也因此诞生了书法这样一门表现艺术。正因汉字字体具有审美价值,我国法律便将其纳入美术作品行列,享受著作权法的保护。", " 商标中使用他人设计的字体是否构成侵权,不能简单的从一个角度来看,而且各地法院的判例也有差异,不足以论必然。", " 首先,商标中使用的文字字数有限,往往不过三两个,因此对于单字是否构成美术作品,享有著作权的保护,是争议的焦点。", " 一者认为有独特的设计,单字也是美术作品,理应受到保护。 【方正诉百味林案】,二审法院南京中级人民法院认为,字库整体艺术风格一致的基础是每个单字之间的艺术风格一致,不能因为字库整体艺术风格一致的独创性而否定单字的独创性,涉案争议的百味林所使用的方正喵呜体中“苏、式、话、梅、盐、津、橄、榄、半、李”十个字具有鲜明的艺术风格,每个单字都凝聚着设计者的智慧和创造性劳动,具有独特的艺术效果和审美意义,达到著作权法意义上的美术作品独创性的要求。因此,百味林公司对方正喵呜体字库中具有独创性单字的使用行为构成侵权。 另者认为单字不构成美术作品,字体库才构成美术作品。 【方正诉宝洁案】,一审法院北京市海淀区人民法院认为从社会对于汉字使用的效果来讲,如果认定字库中的每一个单字构成美术作品,使用的单字与某个稍有特点的字库中的单字相近,就可能因为实质性相似构成侵权,必然影响汉字作为语言符号的功能性,使社会公众无从选择,难以判断和承受自己行为的后果,也对汉字这一文化符号的正常使用和发展构成障碍,不符合著作权法保护作品独创性的初衷。二审北京市第一中级人民法院也予以支持。其次,商标中使用的文字字体使用是否侵权,还要追根溯源。 比如A委托B设计文字商标,B购买了某正版的字库产品进行设计,并将最终的文字商标出售给A进行后续的复制、发行,那么A对该文字商标的使用是合法的。因为B购买正版字库产品时,即同时取得了以合理期待的方式行使该知识产权的默示许可,不需在购买行为之外另行获得许可。 但是,若字库权利人对于购买者有明确、合理且有效的限制,且购买者已接受这一限制,则应认定相应后续使用行为不属于购买者合理期待的使用行为。比如字库权利人限制购买者B使用字库字体设计商标,B在认同该限制条件的情况下依然使用该字库字体设计商标,那么A从B处购买的文字商标就可能涉及到侵权。 对于商标中的文字字体是否涉及到侵权,目前尚存在争议,侵权与否的判断没有形成统一的标准。期待最高人民法院出台相关解释,或者公布相关指导案例,以正视听。 商业发布使用字体,最好追溯版权,取得授权或更换字体,规避法律风险。 要么买字体版权 要么重新设计字体 需要得到方正公司的授权,不然后面找到你跟麻烦,搞不好还要诉讼你们,我在方正工作过 中细软创新科技服务云平台 公众号:gbicom 有可能会涉及侵权,尽量还是不要用的好。方正字体和汉仪字体都是有版权的,还是避免产生不必要的麻烦。如果您非要使用,建议您购买版权后再进行商业使用,这样才有备无患。 想问楼主 后来怎么解决 我们现在也是logo里用了他们的字体 我们想继续使用 汉仪开价好高 是会侵权的,需要购买版权才可以 建议方正字体不要用,现在很多企业收到方正公司的律师函,要求付费使用他们的字体,其他字体所属公司目前很少采取这种行为,不过不排除,还是谨慎为好 谢谢大家,我已经找专业设计公司重新设计字体了。前期花点小钱,好过以后打官司 不要用他们的字体,最近我们公司因为网站的Logo用了汉仪的柏青体,被对方找来说我们侵权 记得老师教过,为了规避设计中的字体版权问题,可以对字体进行二次设计啊,通过修改部分字形比例。对于你说的LOGO设计中的少数出现的字体来说,工作量应该不大,我觉得可行 建议您看一下针对“飘柔”使用倩体,方正诉保洁的判决书。法院认为使用单个字不算侵权。本院认为,方正倩体字库字体具有一定的独创性,符合我国著作权法规定的美术作品的要求,可以进行整体性保护;但对于字库中的单字,不能作为美术作品给予权利保护。方正公司以侵犯倩体字库中“飘柔”二字的美术作品著作权为由,要求认定最终用户宝洁公司的使用行为侵权,没有法律依据,其以此为基础,对宝洁公司和家乐福公司提出的全部诉讼请求,本院不予支持。 在注册商标时,使用普通字体可获得最大的保护,在实际运用中是可以用其他字体的。 商标是商品的生产者、经营者在其生产、制造、加工、拣选或者经销的商品上或者服务的提供者在其提供的服务上采用的,用于区别商品或服务来源的,由文字、图形、字母、数字、三维标志、声音、颜色组合,或上述要素的组合,具有显著特征的标志,是现代经济的产物。根据定义,只是借用字体,不会涉及侵权的问题。"], "segmented_title": ["我", "要", "注册商标", ",", "用", "到", "汉仪", "和", "方正", "公司", "的", "字体", ",", "是否", "涉及", "侵权", "?", "-", "知乎"], "segmented_paragraphs": [["新注册", "一", "个", "单项", "业务", "的", "商标", ",", "公司", "设计", "做", "了", "个", "简单", "的", "logo", ",", "挺", "简洁", "好看", "的", ",", "就是", "用", "到", "了", "方正", "和", "汉仪", "的", "几个", "字", ",", "会不会", "涉及", "字体", "版权", "侵权", "?", "听说", "字体库", ",", "是", "把", "每个", "字", "按照", "一", "个", "单独", "的", "美术作品", "列入", "版权", "的", ",", "会不会", "有问题", "?", "该", "如何", "规避", "法务", "上", "的", "风险", "?", "谢谢", "显示全部"], ["有问题", ".", "没法", "规避", "."], ["谢", "邀", "~", "看", "楼上", "回答", "有问题", ",", "我", "比较", "忙", "就", "简单", "说", "一", "下", "了", "。", "字体", "属于", "著作权法", "保护", "的", "范畴", ",", "你", "将", "他人", "享有", "著作权", "的", "作品", "作为", "商标", "注册", "并", "使用", "属于", "商业", "使用", "行为", "。", "故", "你", "的", "使用", "是", "侵权", "的", "。", "by", "知识产权", "石磊"], ["《", "商标法", "》", "规定", ",", "申请", "商标注册", "不得", "损害", "他人", "现", "有", "的", "在", "先", "权利", "。", "该", "“", "在", "先", "权利", "”", "包括", "他人", "在", "先", "的", "著作权", "。", "于是", ",", "便", "产生", "了", "一", "个", "疑问", ",", "商标", "中", "使用", "的", "文字", "字体", ",", "是否", "可能", "侵犯", "他人", "在", "先", "的", "著作权", "呢", "?"], ["商标", "指", "的", "是", "任何", "能够", "将", "自然人", "、", "法人", "或者", "其他", "组织", "的", "商品", "与", "他人", "的", "商品", "相", "区别", "开", "的", "标志", ",", "包括", "文字", "、", "图形", "、", "字母", "、", "数字", "、", "三维", "标志", "、", "颜色", "组合", "和", "声音", "等", "。", "文字", ",", "正是", "商标", "构成", "的", "主要", "要素", "之", "一", "。"], ["汉字", ",", "不同于", "其他", "语言", "的", "书写", "文字", ",", "其", "经过", "几", "千", "年", "的", "演变", ",", "形成", "了", "丰富", "多样", "的", "字体", ",", "不同", "的", "字体", "风格", "都", "具有", "一定", "的", "审美价值", ",", "也", "因此", "诞生", "了", "书法", "这样", "一", "门", "表现", "艺术", "。", "正", "因", "汉字", "字体", "具有", "审美价值", ",", "我", "国", "法律", "便", "将", "其", "纳入", "美术作品", "行列", ",", "享受", "著作权法", "的", "保护", "。"], ["商标", "中", "使用", "他人", "设计", "的", "字体", "是否", "构成", "侵权", ",", "不能", "简单", "的", "从", "一", "个", "角度", "来看", ",", "而且", "各地", "法院", "的", "判例", "也有", "差异", ",", "不足以", "论", "必然", "。"], ["首先", ",", "商标", "中", "使用", "的", "文字", "字数", "有限", ",", "往往", "不过", "三", "两", "个", ",", "因此", "对于", "单字", "是否", "构成", "美术作品", ",", "享有", "著作权", "的", "保护", ",", "是", "争议", "的", "焦点", "。"], ["一", "者", "认为", "有", "独特", "的", "设计", ",", "单字", "也是", "美术作品", ",", "理", "应", "受到", "保护", "。", "【", "方正", "诉", "百味林", "案", "】", ",", "二审", "法院", "南京", "中级", "人民", "法院", "认为", ",", "字库", "整体", "艺术风格", "一致", "的", "基础", "是", "每个", "单字", "之间", "的", "艺术风格", "一致", ",", "不能", "因为", "字库", "整体", "艺术风格", "一致", "的", "独创性", "而", "否定", "单字", "的", "独创性", ",", "涉案", "争议", "的", "百味林", "所", "使用", "的", "方正", "喵呜", "体", "中", "“", "苏", "、", "式", "、", "话", "、", "梅", "、", "盐", "、", "津", "、", "橄", "、", "榄", "、", "半", "、", "李", "”", "十", "个", "字", "具有", "鲜明", "的", "艺术", "风格", ",", "每个", "单字", "都", "凝聚", "着", "设计", "者", "的", "智慧", "和", "创造性", "劳动", ",", "具有", "独特", "的", "艺术", "效果", "和", "审美", "意义", ",", "达到", "著作权法", "意义", "上", "的", "美术作品", "独创性", "的", "要求", "。", "因此", ",", "百味林", "公司", "对方", "正", "喵呜", "体", "字库", "中", "具有", "独创性", "单字", "的", "使用", "行为", "构成侵权", "。", "另", "者", "认为", "单字", "不", "构成", "美术作品", ",", "字体库", "才", "构成", "美术作品", "。", "【", "方正", "诉", "宝洁", "案", "】", ",", "一审", "法院", "北京市", "海淀区", "人民", "法院", "认为", "从", "社会", "对于", "汉字", "使用", "的", "效果", "来", "讲", ",", "如果", "认定", "字库", "中", "的", "每一个", "单字", "构成", "美术作品", ",", "使用", "的", "单字", "与", "某", "个", "稍", "有", "特点", "的", "字库", "中", "的", "单字", "相近", ",", "就", "可能", "因为", "实质性", "相似", "构成侵权", ",", "必然", "影响", "汉字", "作为", "语言", "符号", "的", "功能性", ",", "使", "社会", "公众", "无从", "选择", ",", "难以", "判断", "和", "承受", "自己", "行为", "的", "后果", ",", "也", "对", "汉字", "这", "一", "文化", "符号", "的", "正常", "使用", "和", "发展", "构成", "障碍", ",", "不符合", "著作权法", "保护", "作品", "独创性", "的", "初衷", "。", "二审", "北京", "市", "第", "一", "中级", "人民", "法院", "也", "予以", "支持", "。", "其次", ",", "商标", "中", "使用", "的", "文字", "字体", "使用", "是否", "侵权", ",", "还要", "追根溯源", "。", "比如", "A", "委托", "B", "设计", "文字", "商标", ",", "B", "购买", "了", "某", "正版", "的", "字库", "产品", "进行", "设计", ",", "并", "将", "最终", "的", "文字", "商标", "出售", "给", "A", "进行", "后续", "的", "复制", "、", "发行", ",", "那么", "A", "对", "该", "文字", "商标", "的", "使用", "是", "合法", "的", "。", "因为", "B", "购买", "正版", "字库", "产品", "时", ",", "即", "同时", "取得", "了", "以", "合理", "期待", "的", "方式", "行使", "该", "知识产权", "的", "默示", "许可", ",", "不需", "在", "购买", "行为", "之外", "另行", "获得", "许可", "。", "但是", ",", "若", "字库", "权利", "人", "对于", "购买", "者", "有", "明确", "、", "合理", "且", "有效", "的", "限制", ",", "且", "购买", "者", "已", "接受", "这", "一", "限制", ",", "则", "应", "认定", "相应", "后续", "使用", "行为", "不", "属于", "购买", "者", "合理", "期待", "的", "使用", "行为", "。", "比如", "字库", "权利", "人", "限制", "购买", "者", "B", "使用", "字库", "字体", "设计", "商标", ",", "B", "在", "认同", "该", "限制", "条件", "的", "情况", "下", "依然", "使用", "该", "字库", "字体", "设计", "商标", ",", "那么", "A", "从", "B", "处", "购买", "的", "文字", "商标", "就", "可能", "涉及", "到", "侵权", "。", "对于", "商标", "中", "的", "文字", "字体", "是否", "涉及", "到", "侵权", ",", "目前", "尚", "存在", "争议", ",", "侵权", "与否", "的", "判断", "没有", "形成", "统一", "的", "标准", "。", "期待", "最高人民法院", "出台", "相关", "解释", ",", "或者", "公布", "相关", "指导", "案例", ",", "以", "正", "视听", "。", "商业", "发布", "使用", "字体", ",", "最好", "追溯", "版权", ",", "取得", "授权", "或", "更换", "字体", ",", "规避", "法律风险", "。", "要", "么", "买", "字体", "版权", "要", "么", "重新设计", "字体", "需要", "得到", "方正", "公司", "的", "授权", ",", "不", "然", "后面", "找到", "你", "跟", "麻烦", ",", "搞不好", "还要", "诉讼", "你们", ",", "我", "在", "方正", "工作", "过", "中", "细软", "创新", "科技", "服务", "云", "平台", "公众", "号", ":", "gbicom", "有", "可能", "会", "涉及", "侵权", ",", "尽量", "还是", "不要", "用", "的", "好", "。", "方正字体", "和", "汉仪", "字体", "都是", "有", "版权", "的", ",", "还是", "避免", "产生", "不必要", "的", "麻烦", "。", "如果", "您", "非", "要", "使用", ",", "建议", "您", "购买", "版权", "后", "再", "进行", "商业", "使用", ",", "这样", "才", "有备无患", "。", "想", "问", "楼主", "后来", "怎么", "解决", "我们", "现在", "也是", "logo", "里", "用", "了", "他们", "的", "字体", "我们", "想", "继续", "使用", "汉仪", "开", "价", "好", "高", "是", "会", "侵权", "的", ",", "需要", "购买", "版权", "才", "可以", "建议", "方正字体", "不要", "用", ",", "现在", "很多", "企业", "收到", "方正", "公司", "的", "律师函", ",", "要求", "付费", "使用", "他们", "的", "字体", ",", "其他", "字体", "所属", "公司", "目前", "很少", "采取", "这种行为", ",", "不过", "不排除", ",", "还是", "谨慎", "为", "好", "谢谢", "大家", ",", "我", "已经", "找", "专业", "设计", "公司", "重新设计", "字体", "了", "。", "前期", "花", "点", "小钱", ",", "好", "过", "以后", "打官司", "不要", "用", "他们", "的", "字体", ",", "最近", "我们", "公司", "因为", "网站", "的", "Logo", "用", "了", "汉仪", "的", "柏青", "体", ",", "被", "对方", "找", "来", "说", "我们", "侵权", "记得", "老师", "教", "过", ",", "为了", "规避", "设计", "中", "的", "字体", "版权问题", ",", "可以", "对", "字体", "进行", "二", "次", "设计", "啊", ",", "通过", "修改", "部分", "字形", "比例", "。", "对于", "你", "说", "的", "LOGO", "设计", "中", "的", "少数", "出现", "的", "字体", "来", "说", ",", "工作量", "应该", "不大", ",", "我", "觉得", "可行", "建议", "您", "看一下", "针对", "“", "飘柔", "”", "使用", "倩", "体", ",", "方正", "诉", "保洁", "的", "判决书", "。", "法院", "认为", "使用", "单个", "字", "不", "算", "侵权", "。", "本院", "认为", ",", "方正", "倩", "体", "字库", "字体", "具有", "一定", "的", "独创性", ",", "符合", "我", "国", "著作权法", "规定", "的", "美术作品", "的", "要求", ",", "可以", "进行", "整体性", "保护", ";", "但", "对于", "字库", "中", "的", "单字", ",", "不能", "作为", "美术作品", "给予", "权利", "保护", "。", "方正", "公司", "以", "侵犯", "倩", "体", "字库", "中", "“", "飘柔", "”", "二", "字", "的", "美术作品", "著作权", "为", "由", ",", "要求", "认定", "最终", "用户", "宝洁公司", "的", "使用", "行为", "侵权", ",", "没有", "法律依据", ",", "其", "以此", "为", "基础", ",", "对", "宝洁公司", "和", "家乐福", "公司", "提出", "的", "全部", "诉讼请求", ",", "本院", "不予", "支持", "。", "在", "注册商标", "时", ",", "使用", "普通", "字体", "可获得", "最大", "的", "保护", ",", "在", "实际", "运用", "中", "是", "可以", "用", "其他", "字体", "的", "。", "商标", "是", "商品", "的", "生产者", "、", "经营者", "在", "其", "生产", "、", "制造", "、", "加工", "、", "拣选", "或者", "经销", "的", "商品", "上", "或者", "服务", "的", "提供者", "在", "其", "提供", "的", "服务", "上", "采用", "的", ",", "用于", "区别", "商品", "或", "服务", "来源", "的", ",", "由", "文字", "、", "图形", "、", "字母", "、", "数字", "、", "三维", "标志", "、", "声音", "、", "颜色", "组合", ",", "或", "上述", "要素", "的", "组合", ",", "具有", "显著", "特征", "的", "标志", ",", "是", "现代", "经济", "的", "产物", "。", "根据", "定义", ",", "只是", "借用", "字体", ",", "不会", "涉及", "侵权", "的", "问题", "。"]], "title": "我要注册商标,用到汉仪和方正公司的字体,是否涉及侵权? - 知乎"}, {"bs_rank_pos": 6, "paragraphs": [" 有这么几种字体: 使用网上流传的方正兰亭黑使用正版Windows系统自带的微软雅黑使用正版Windows系统自带中易宋体应用于这么几个场景: 做一个ppt用于公司普通产品展示在威客类网站接单为客户做平面广告(普通文本字体)在威客类网站接单为客户做LOGO这样的条件下,哪些情况不构成侵权?", " 你预设的几种情景都属于同一类型,并不属于著作权法规定的合理使用或法定许可的范畴。关于字体的性质我倾向于认为字库是属于美术作品。那么除了权利竭尽(指系统自带字库,事实上该费用已包含在终端用户购买正版系统的费用中了)、权利人免费授权使用等情形外,一般未获字库的著作权人授权而使用字库字体的行为均有可能发生侵权。", "对于本文设定的几种情形,在字体使用上属于同一类情形,除了系统自带字库外,使用其他非系统字库的情形均会发生被认定为侵权的可能。", " 看到你这个问题:不得不回答下。因为在服务的客户中,有不少收到过方正字体发出的《函》,其内容不过是,未经许可使用了他们的字库,如果要继续使用,花钱把。 我会根据客户的具体经营范围和应用环境,提出不同的解决方案:(1)一个做食品生产的企业客户。因为在其与包装、设计公司签署相关协议的时候,我在审查合同的时候,就提示客户选择使用正版软件和字库包装、设计公司;其次,在合同增加相应的保证和赔偿条款。这样,即使客户遭到起诉,我们也可以来源合法为由予以抗辩,即使抗辩不被法院接受,也能通过当初与包装设计公司之间的协议进行追偿损失。 (2)一个做设计的客户;就要求其购买正版的软件,或通过其它合法途径取得授权; (3)对于规模较小,使用不频繁的企业,就用微软、wps软件自带字库吧,或者网上下载相关的开源字体使用,也是一个不错的选择。 简单总结:(1)不要随便从网上下载字体来使用,特别是商业用途的时候,如果要下载,请选择开源字体(文泉驿)。(2)请尽可能的将重要的设计,转交给正规的设计单位;", " 没有人提及最高院方正诉暴雪的判决,太有误导性了,尽管方正对此判决愤恨不平,但很可能,之后关于字库的案子都会是自此思路。具体而言,最高院判决陈述如下:1. 字库中不是所有字都是构成美术作品。因为很多字是偏旁部首自动组合,而非创作,并且很多字独创性不够。2. 即便构成美术作品,游戏中的使用是“在传递信息意义上的使用”, 构成合理使用,不构成侵权。3. 字库构成计算机软件作品,如果直接使用字库,即复制了其中的代码,构成计算机软件作品侵权。因此,对题主的问题,如果重新编写了软件实现他人的字库,即便字体近似,也不会构成侵权。", " 关于字体字库我写过三篇文章,最后一篇“三析汉字字库著作权”三析汉字字库著作权 除了“额汗原则”为过时引用,其他观点依然保持——即对有独创性的汉字字库(当然不仅限于汉字了,下同),同时享有单字的美术著作权,又享有字库软件著作权。", " 字体的侵权问题在中国法律界一直有争议,争议焦点就在于字体是不是具有法律意义上的著作权。现在主流观点和一些判例的结论是单个字体不具有著作权,但字库是具有的。", "你提到的2和3是正版Windows自带的,因此属于权利用尽,也就是说已经在购买Windows的同时支付了字体的版权费用,后续无论如何使用都无需再向版权人支付费用了。", "至于1,如果使用的是单字,那么按照主流观点也是不侵权的,因为单字没有著作权。不过如果是使用的盗版字库,那就有侵犯字库著作权的问题,因此还是建议购买正版字库,一劳永逸。", " 说实话,看完大家的回复,真不知道怎么实用字体了,包括我现在打字,是不是也要付版权?一个被微软放弃的XP系统,在电脑修理店重装系统(当然这类店里的系统不可能是正版的)之后,再用这非正班的系统来正规的知乎回答问题,我是不是也要付N次的费用?写论文发表了,是不是也要付费?一系列生活中难免用到文档和各种广告等等的事例,要为每一个字或者样子付费?那大家都语音行吗?在这个问题上,会不会把版权的事情过度的扩大了?那是不是把中国上下五千年的文字都自己设计一下形状粗细,然后申请版权之后,就可以看谁用了我的字体形状就发函要求付费否则上告,坐收渔翁之利了?我也是不解,文字是祖先传下来的瑰宝,起到传情达意的作用,字体版权公司拿来设计字体的时候该向哪位祖先交版权?说实话,什么事情过度的理解了,都不太好个人见解而已,仅供讨论。。", " 看样子,题主是个自由设计师,你这些使用场景都算是商用的,都有侵权嫌疑的。要是你每年固定接活儿,客户素质都还比较高,我推荐你用这个Yestone邑石网_云字库_ifontcloud_文鼎字体战略合作伙伴. 一年2000多块,所有字都能随便商用了。我接单的时候会和客户说,用正版的字体的话加500,免去他被告的风险,客户都还愿意的,一年5个单就轻松回来了。", " 我司收到了方正的侵权信 其中就包括这一字体!", " 作为刚入行的设计师对字体已经凌乱。", " 感觉什么字都不能用了,等字体公司把所有的字形全部设计一遍,搞设计的不花钱不用玩了。", " 前几年去参加方正代理商会议,期间谈到过方正字体侵权的问题,方正认为处理字体侵权最麻烦的地方是取证,当时方正想了很多手段去收集侵权证据,也给代理商提供了一条取证后销售字体的道路,不过好像没什么响应。", " 感觉他们是不是 大面积撒网~给每家公司都寄! 能捉住一个是一个~反正寄个律师函也要不了多少钱~万一你用了,又做贼心虚~对字体侵权不了解!唬住一个就能搞不少钱!现在这些字体公司都已经没有艺人的气概了!个个都是满脑子的铜臭!大家维护知识产权的意识固然无可厚非!但是目前这些字体公司的做法确实有点不要脸的意思!!", " 定理:非系统自带字体都是违法的侵权行为。", " 都是侵权行为, 可以选择无版权字体。", " 去年有一个方正诉宝洁的案子,可以参考一下:收到字体侵权警告函,该怎么办?"], "segmented_title": ["怎样", "使用", "字体", "不", "侵权", "?", "-", "知乎"], "segmented_paragraphs": [["有", "这么", "几", "种", "字体", ":", "使用", "网上", "流传", "的", "方正兰亭", "黑", "使用", "正版", "Windows", "系统", "自带", "的", "微软雅黑", "使用", "正版", "Windows", "系统", "自带", "中", "易", "宋体", "应用于", "这么", "几个", "场景", ":", "做", "一", "个", "ppt", "用于", "公司", "普通", "产品展示", "在", "威客", "类", "网站", "接", "单", "为", "客户", "做", "平面广告", "(", "普通", "文本", "字体", ")", "在", "威客", "类", "网站", "接", "单", "为", "客户", "做", "LOGO", "这样", "的", "条件", "下", ",", "哪些", "情况", "不", "构成", "侵权", "?"], ["你", "预设", "的", "几", "种", "情景", "都", "属于", "同", "一", "类型", ",", "并", "不", "属于", "著作权法", "规定", "的", "合理使用", "或", "法定", "许可", "的", "范畴", "。", "关于", "字体", "的", "性质", "我", "倾向", "于", "认为", "字库", "是", "属于", "美术作品", "。", "那么", "除了", "权利", "竭尽", "(", "指", "系统", "自带", "字库", ",", "事实上", "该", "费用", "已", "包含", "在", "终端", "用户", "购买", "正版", "系统", "的", "费用", "中", "了", ")", "、", "权利", "人", "免费", "授权使用", "等", "情形", "外", ",", "一般", "未", "获", "字库", "的", "著作权", "人", "授权", "而", "使用", "字库", "字体", "的", "行为", "均", "有", "可能", "发生", "侵权", "。"], ["对于", "本", "文", "设定", "的", "几", "种", "情形", ",", "在", "字体", "使用", "上", "属于", "同", "一类", "情形", ",", "除了", "系统", "自带", "字库", "外", ",", "使用", "其他", "非", "系统", "字库", "的", "情形", "均", "会", "发生", "被", "认定为", "侵权", "的", "可能", "。"], ["看到", "你", "这个问题", ":", "不得不", "回答", "下", "。", "因为", "在", "服务", "的", "客户", "中", ",", "有", "不少", "收到", "过", "方正字体", "发出", "的", "《", "函", "》", ",", "其", "内容", "不过", "是", ",", "未经许可", "使用", "了", "他们", "的", "字库", ",", "如果", "要", "继续", "使用", ",", "花钱", "把", "。", "我", "会", "根据", "客户", "的", "具体", "经营范围", "和", "应用", "环境", ",", "提出", "不同", "的", "解决方案", ":", "(", "1", ")", "一", "个", "做", "食品", "生产", "的", "企业", "客户", "。", "因为", "在", "其", "与", "包装", "、", "设计", "公司", "签署", "相关", "协议", "的", "时候", ",", "我", "在", "审查", "合同", "的", "时候", ",", "就", "提示", "客户", "选择", "使用", "正版软件", "和", "字库", "包装", "、", "设计", "公司", ";", "其次", ",", "在", "合同", "增加", "相应", "的", "保证", "和", "赔偿", "条款", "。", "这样", ",", "即使", "客户", "遭到", "起诉", ",", "我们", "也", "可以", "来源", "合法", "为", "由", "予以", "抗辩", ",", "即使", "抗辩", "不", "被", "法院", "接受", ",", "也", "能", "通过", "当初", "与", "包装设计", "公司", "之间", "的", "协议", "进行", "追偿", "损失", "。", "(", "2", ")", "一", "个", "做", "设计", "的", "客户", ";", "就", "要求", "其", "购买正版", "的", "软件", ",", "或", "通过", "其它", "合法", "途径", "取得", "授权", ";", "(", "3", ")", "对于", "规模", "较", "小", ",", "使用", "不", "频繁", "的", "企业", ",", "就", "用", "微软", "、", "wps", "软件", "自带", "字库", "吧", ",", "或者", "网上", "下载", "相关", "的", "开源", "字体", "使用", ",", "也是", "一", "个", "不错", "的", "选择", "。", "简单", "总结", ":", "(", "1", ")", "不要随便", "从", "网上", "下载", "字体", "来", "使用", ",", "特别", "是", "商业", "用途", "的", "时候", ",", "如果", "要", "下载", ",", "请", "选择", "开源", "字体", "(", "文泉驿", ")", "。", "(", "2", ")", "请", "尽可能", "的", "将", "重要", "的", "设计", ",", "转", "交", "给", "正规", "的", "设计单位", ";"], ["没有人", "提及", "最高院", "方正", "诉", "暴雪", "的", "判决", ",", "太", "有", "误导", "性", "了", ",", "尽管", "方正", "对此", "判决", "愤恨", "不平", ",", "但", "很", "可能", ",", "之后", "关于", "字库", "的", "案子", "都会", "是", "自此", "思路", "。", "具体而言", ",", "最高院", "判决", "陈述", "如", "下", ":", "1", ".", "字库", "中", "不是", "所有", "字", "都是", "构成", "美术作品", "。", "因为", "很多", "字", "是", "偏旁部首", "自动", "组合", ",", "而", "非", "创作", ",", "并且", "很多", "字", "独创性", "不够", "。", "2", ".", "即便", "构成", "美术作品", ",", "游戏", "中", "的", "使用", "是", "“", "在", "传递", "信息", "意义", "上", "的", "使用", "”", ",", "构成", "合理使用", ",", "不", "构成", "侵权", "。", "3", ".", "字库", "构成", "计算机", "软件", "作品", ",", "如果", "直接", "使用", "字库", ",", "即", "复制", "了", "其中", "的", "代码", ",", "构成", "计算机", "软件", "作品", "侵权", "。", "因此", ",", "对", "题", "主", "的", "问题", ",", "如果", "重新", "编写", "了", "软件", "实现", "他人", "的", "字库", ",", "即便", "字体", "近似", ",", "也", "不会", "构成侵权", "。"], ["关于", "字体", "字库", "我", "写", "过", "三", "篇", "文章", ",", "最后", "一篇", "“", "三", "析", "汉字字库", "著作权", "”", "三", "析", "汉字字库", "著作权", "除了", "“", "额", "汗", "原则", "”", "为", "过时", "引用", ",", "其他", "观点", "依然", "保持", "—", "—", "即", "对", "有", "独创性", "的", "汉字字库", "(", "当然", "不仅", "限", "于", "汉字", "了", ",", "下", "同", ")", ",", "同时", "享有", "单字", "的", "美术著作权", ",", "又", "享有", "字库", "软件", "著作权", "。"], ["字体", "的", "侵权", "问题", "在", "中国", "法律", "界", "一直", "有", "争议", ",", "争议", "焦点", "就", "在于", "字体", "是不是", "具有", "法律", "意义", "上", "的", "著作权", "。", "现在", "主流", "观点", "和", "一些", "判例", "的", "结论", "是", "单个", "字体", "不", "具有", "著作权", ",", "但", "字库", "是", "具有", "的", "。"], ["你", "提到", "的", "2", "和", "3", "是", "正版", "Windows", "自带", "的", ",", "因此", "属于", "权利", "用尽", ",", "也就是说", "已经", "在", "购买", "Windows", "的", "同时", "支付", "了", "字体", "的", "版权", "费用", ",", "后续", "无论如何", "使用", "都", "无需", "再", "向", "版权", "人", "支付", "费用", "了", "。"], ["至于", "1", ",", "如果", "使用", "的", "是", "单字", ",", "那么", "按照", "主流", "观点", "也是", "不", "侵权", "的", ",", "因为", "单字", "没有", "著作权", "。", "不过", "如果", "是", "使用", "的", "盗版", "字库", ",", "那", "就", "有", "侵犯", "字库", "著作权", "的", "问题", ",", "因此", "还是", "建议", "购买", "正版", "字库", ",", "一劳永逸", "。"], ["说实话", ",", "看", "完", "大家", "的", "回复", ",", "真", "不知道", "怎么", "实用", "字体", "了", ",", "包括", "我", "现在", "打字", ",", "是不是", "也", "要", "付", "版权", "?", "一", "个", "被", "微软", "放弃", "的", "XP", "系统", ",", "在", "电脑", "修理", "店", "重装系统", "(", "当然", "这", "类", "店", "里", "的", "系统", "不可能", "是", "正版", "的", ")", "之后", ",", "再", "用", "这", "非", "正", "班", "的", "系统", "来", "正规", "的", "知乎", "回答问题", ",", "我", "是不是", "也", "要", "付", "N", "次", "的", "费用", "?", "写", "论文", "发表", "了", ",", "是不是", "也", "要", "付费", "?", "一系列", "生活", "中", "难免", "用", "到", "文档", "和", "各种", "广告", "等等", "的", "事例", ",", "要", "为", "每", "一个字", "或者", "样子", "付费", "?", "那", "大家", "都", "语音", "行", "吗", "?", "在", "这个", "问题", "上", ",", "会不会", "把", "版权", "的", "事情", "过度", "的", "扩大", "了", "?", "那", "是不是", "把", "中国上下五千年", "的", "文字", "都", "自己", "设计", "一", "下", "形状", "粗细", ",", "然后", "申请", "版权", "之后", ",", "就", "可以", "看", "谁", "用", "了", "我", "的", "字体", "形状", "就", "发函", "要求", "付费", "否则", "上", "告", ",", "坐", "收", "渔翁之利", "了", "?", "我", "也是", "不", "解", ",", "文字", "是", "祖先", "传", "下来", "的", "瑰宝", ",", "起", "到", "传情达意", "的", "作用", ",", "字体", "版权", "公司", "拿来", "设计", "字体", "的", "时候", "该", "向", "哪位", "祖先", "交", "版权", "?", "说实话", ",", "什么", "事情", "过度", "的", "理解", "了", ",", "都", "不太", "好", "个人", "见解", "而已", ",", "仅供", "讨论", "。", "。"], ["看", "样子", ",", "题", "主", "是", "个", "自由", "设计师", ",", "你", "这些", "使用", "场景", "都", "算是", "商用", "的", ",", "都", "有", "侵权", "嫌疑", "的", "。", "要是", "你", "每年", "固定", "接", "活", "儿", ",", "客户", "素质", "都", "还", "比较", "高", ",", "我", "推荐", "你", "用", "这个", "Yestone", "邑", "石", "网", "_", "云", "字库", "_", "ifont", "cloud", "_", "文鼎", "字体", "战略合作伙伴", ".", "一年", "2000", "多", "块", ",", "所有", "字", "都", "能", "随便", "商用", "了", "。", "我", "接", "单", "的", "时候", "会", "和", "客户", "说", ",", "用", "正版", "的", "字体", "的", "话", "加", "500", ",", "免去", "他", "被告", "的", "风险", ",", "客户", "都", "还", "愿意", "的", ",", "一年", "5", "个", "单", "就", "轻松", "回来", "了", "。"], ["我", "司", "收到", "了", "方正", "的", "侵权", "信", "其中", "就", "包括", "这", "一", "字体", "!"], ["作为", "刚", "入", "行", "的", "设计师", "对", "字体", "已经", "凌乱", "。"], ["感觉", "什么", "字", "都", "不能", "用", "了", ",", "等", "字体", "公司", "把", "所有", "的", "字形", "全部", "设计", "一遍", ",", "搞设计", "的", "不花钱", "不用", "玩", "了", "。"], ["前", "几", "年", "去", "参加", "方正", "代理商", "会议", ",", "期间", "谈到", "过", "方正字体", "侵权", "的", "问题", ",", "方正", "认为", "处理", "字体", "侵权", "最", "麻烦", "的", "地方", "是", "取证", ",", "当时", "方正", "想", "了", "很多", "手段", "去", "收集", "侵权", "证据", ",", "也", "给", "代理商", "提供", "了", "一", "条", "取证", "后", "销售", "字体", "的", "道路", ",", "不过", "好像", "没", "什么", "响应", "。"], ["感觉", "他们", "是不是", "大面积", "撒网", "~", "给", "每家", "公司", "都", "寄", "!", "能", "捉住", "一", "个", "是", "一", "个", "~", "反正", "寄", "个", "律师函", "也", "要", "不", "了", "多少", "钱", "~", "万一", "你", "用", "了", ",", "又", "做贼心虚", "~", "对", "字体", "侵权", "不了解", "!", "唬", "住", "一", "个", "就能", "搞", "不", "少", "钱", "!", "现在", "这些", "字体", "公司", "都", "已经", "没有", "艺人", "的", "气概", "了", "!", "个", "个", "都是", "满", "脑子", "的", "铜臭", "!", "大家", "维护", "知识产权", "的", "意识", "固然", "无可厚非", "!", "但是", "目前", "这些", "字体", "公司", "的", "做法", "确实", "有点", "不要脸", "的", "意思", "!", "!"], ["定理", ":", "非", "系统", "自带", "字体", "都是", "违法", "的", "侵权行为", "。"], ["都是", "侵权行为", ",", "可以", "选择", "无", "版权", "字体", "。"], ["去年", "有", "一", "个", "方正", "诉", "宝洁", "的", "案子", ",", "可以", "参考", "一", "下", ":", "收到", "字体", "侵权", "警告", "函", ",", "该怎么办", "?"]], "title": "怎样使用字体不侵权? - 知乎"}, {"bs_rank_pos": 7, "paragraphs": ["因为用了一张网络图片,图片上有汉仪的字体,所以给他们告侵权,不知道吧友们怎么看呢这四个字", " 没办法,要么花钱请他们授权,要么换字体 ", " 你这个是怎么解决的 ?我们也收到了 ", " 我们也收到了,对方说要么买,要么支付使用费,一张图4K ", " 下载贴吧APP看高清直播、视频!", " 贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "segmented_title": ["想", "咨询", "下", "汉仪", "字体", "侵权", "_", "字体", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["因为", "用", "了", "一", "张", "网络", "图片", ",", "图片", "上", "有", "汉仪", "的", "字体", ",", "所以", "给", "他们", "告", "侵权", ",", "不知道", "吧", "友", "们", "怎么看", "呢", "这", "四个字"], ["没办法", ",", "要", "么", "花钱", "请", "他们", "授权", ",", "要", "么", "换", "字体"], ["你", "这个", "是", "怎么", "解决", "的", "?", "我们", "也", "收到", "了"], ["我们", "也", "收到", "了", ",", "对方", "说", "要", "么", "买", ",", "要", "么", "支付", "使用费", ",", "一", "张", "图", "4K"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "title": "想咨询下汉仪字体侵权_字体吧_百度贴吧"}], "question": "汉仪字体有版权吗", "yesno_type": "FACT", "segmented_question": ["汉仪", "字体", "有", "版权", "吗"], "question_type": "YES_NO", "fact_or_opinion": "FACT", "question_id": 221598}
-{"documents": [{"title": "《共产党宣言》发表的意义_百度知道", "segmented_title": ["《", "共产党宣言", "》", "发表", "的", "意义", "_", "百度", "知道"], "segmented_paragraphs": [["意义", ":", "①", "标志", "着", "马克思主义", "的", "诞生", "②", "促进", "了", "社会主义", "运动", "的", "蓬勃发展", "③", ".", "使", "社会主义", "从", "空想", "走向", "科学", "《", "共产党宣言", "》", ",", "是", "卡尔", "·", "马克思", "和", "弗", "里", "德", "里", "希", "·", "恩格斯", "为", "共产主义", "者", "同盟", "起草", "的", "纲领", ",", "国际", "共产主义", "运动", "第", "一", "个", "纲领", "性", "文献", ",", "马克思主义", "诞生", "的", "重要", "标志", "。", "由", "马克思", "执笔", "写成", "。", "1848", "年", "2", "月", "21", "日", "在", "伦敦", "第一次", "以", "单行本", "问世", "。", "宣言", "第一次", "全面", "系统", "地", "阐述", "了", "科学社会主义", "理论", ",", "指出", "共产主义", "运动", "将", "成为", "不可抗拒", "的", "历史", "潮流", "。", "共产党宣言", "的", "诞生", "标志", "着", "马克思主义", "的", "诞生", ",", "对", "全世界", "的", "无产阶级", "革命运动", "起", "了", "巨大", "的", "推动", "作用", "。", "并", "在", "百年之后", "直接", "影响", "了", "中国", "几代", "领导人", "的", "政治", "方针", ",", "推动", "了", "中国", "的", "发展", "。", "《", "共产党宣言", "》", "是", "第", "一", "部", "较为", "完整", "而", "系统", "地", "阐述", "科学社会主义", "基本原理", "的", "伟大", "著作", "。", "它", "标志", "着", "马克思主义", "的", "诞生", ",", "开辟", "了", "国际", "工人", "运动", "和", "社会主义", "运动", "的", "新局面", ",", "成"], ["4", ".", "<", "<", "共产党宣言", ">", ">", "的", "历史", "意义", ":", "<", "<", "共产党宣言", ">", ">", "的", "发表", ",", "标志", "着", "科学社会主义", "(", "马克思主义", ")", "的", "诞生", ",", "无产阶级", "有", "了", "自己", "强大", "的", "思想", "武器", ",", "国际", "共产主义", "运动", "进入", "了", "新阶段", ".", "社会主义", "运动", "得到", "了", "蓬勃发展", ",", "是", "国际", "无产阶级", "的", "第一个", "战斗", "纲领", ",", "它", "对", "一", "代", "又", "一", "代", "立志", "为", "社会主义", "事业", "奋斗", "的", "人", "产生", "了", "极为", "深远", "的", "影响", "。"], [",", "《", "共产党宣言", "》", "科学", "地", "评价", "了", "无产阶级", ",", "正确地", "阐明", "了", "无产阶级", "成长", "、", "成熟", "的", "意义", ",", "回答", "了", "无产阶级", "向何处去", "这", "一", "时代", "的", "重要", "课题", ",", "其", "理论", "和", "实践", "影响", ",", "是", "随着", "时光", "的", "流逝", "而", "越", "发", "强烈", "的", ",", "因为", "一", "个", "半世纪", "以来", "的", "历史", "每", "前进", "一", "步", "都", "为", "其", "真理", "性", "提供", "新", "的", "印", "证", "。", "《", "共产党宣言", "》", "在", "回答", "时代", "课题", "中", "创建", "的", "唯物史观", "、", "剩余价值", "学", "说和", "无产阶级", "历史使命", "的", "学", "说", ",", "成为", "马克思主义", "的", "生长点", ",", "是", "马克思主义哲学", "、", "政治", "经济学", "和", "科学社会主义", "得", "以", "日益", "发展", "和", "日趋成熟", "并", "完善", "的", "基石", "。", "《", "共产党宣言", "》", "的", "诞生", ",", "开辟", "了", "世界", "无产阶级", "用", "科学共产主义", "来", "指导", "无产阶级", "革命", "的", "新纪元", "。"], ["简单", "—", "标志", "着", "中国共产党", "的", "诞生", "!", "高二", "课本", "里", "说", "的", ".", ".", "."], ["意义", ":", "①", "标志", "着", "马克思主义", "的", "诞生", "②", "促进", "了", "社会主义", "运动", "的", "蓬勃发展", "③", ".", "使", "社会主义", "从", "空想", "走向", "科学", "《", "共产党宣言", "》", ",", "是", "卡尔", "·", "马克思", "和", "弗", "里", "德", "里", "希", "·", "恩格斯", "为", "共产主义", "者", "同盟", "起草", "的", "纲领", ",", "国际", "共产主义", "运动", "第", "一", "个", "纲领", "性", "文献", ",", "马克思主义", "诞生", "的", "重要", "标志", "。", "由", "马克思", "执笔", "写成", "。", "1848", "年", "2", "月", "21", "日", "在", "伦敦", "第一次", "以", "单行本", "问世", "。", "宣言", "第一次", "全面", "系统", "地", "阐述", "了", "科学社会主义", "理论", ",", "指出", "共产主义", "运动", "将", "成为", "不可抗拒", "的", "历史", "潮流", "。", "共产党宣言", "的", "诞生", "标志", "着", "马克思主义", "的", "诞生", ",", "对", "全世界", "的", "无产阶级", "革命运动", "起", "了", "巨大", "的", "推动", "作用", "。", "并", "在", "百年之后", "直接", "影响", "了", "中国", "几代", "领导人", "的", "政治", "方针", ",", "推动", "了", "中国", "的", "发展", "。", "《", "共产党宣言", "》", "是", "第", "一", "部", "较为", "完整", "而", "系统", "地", "阐述", "科学社会主义", "基本原理", "的", "伟大", "著作", "。", "它", "标志", "着", "马克思主义", "的", "诞生", ",", "开辟", "了", "国际", "工人", "运动", "和", "社会主义", "运动", "的", "新局面", ",", "成"]], "paragraphs": ["意义:①标志着马克思主义的诞生 ②促进了社会主义运动的蓬勃发展 ③.使社会主义从空想走向科学 《共产党宣言》,是卡尔·马克思和弗里德里希·恩格斯为共产主义者同盟起草的纲领,国际共产主义运动第一个纲领性文献,马克思主义诞生的重要标志。由马克思执笔写成 。1848年2月21日在伦敦第一次以单行本问世。宣言第一次全面系统地阐述了科学社会主义理论,指出共产主义运动将成为不可抗拒的历史潮流。 共产党宣言的诞生标志着马克思主义的诞生,对全世界的无产阶级革命运动起了巨大的推动作用。并在百年之后直接影响了中国几代领导人的政治方针,推动了中国的发展。 《共产党宣言》是第一部较为完整而系统地阐述科学社会主义基本原理的伟大著作。它标志着马克思主义的诞生,开辟了国际工人运动和社会主义运动的新局面,成", "4.<<共产党宣言>>的历史意义: <<共产党宣言>>的发表,标志着科学社会主义(马克思主义)的诞生,无产阶级有了自己强大的思想武器,国际共产主义运动进入了新阶段.社会主义运动得到了蓬勃发展,是国际无产阶级的第一个战斗纲领,它对一代又一代立志为社会主义事业奋斗的人产生了极为深远的影响。", ",《共产党宣言》科学地评价了无产阶级,正确地阐明了无产阶级成长、成熟的意义,回答了无产阶级向何处去这一时代的重要课题,其理论和实践影响,是随着时光的流逝而越发强烈的,因为一个半世纪以来的历史每前进一步都为其真理性提供新的印证。《共产党宣言》在回答时代课题中创建的唯物史观、剩余价值学说和无产阶级历史使命的学说,成为马克思主义的生长点,是马克思主义哲学、政治经济学和科学社会主义得以日益发展和日趋成熟并完善的基石。《共产党宣言》的诞生,开辟了世界无产阶级用科学共产主义来指导无产阶级革命的新纪元。", "简单—标志着中国共产党的诞生!高二课本里说的...", "意义:①标志着马克思主义的诞生 ②促进了社会主义运动的蓬勃发展 ③.使社会主义从空想走向科学 《共产党宣言》,是卡尔·马克思和弗里德里希·恩格斯为共产主义者同盟起草的纲领,国际共产主义运动第一个纲领性文献,马克思主义诞生的重要标志。由马克思执笔写成 。1848年2月21日在伦敦第一次以单行本问世。宣言第一次全面系统地阐述了科学社会主义理论,指出共产主义运动将成为不可抗拒的历史潮流。 共产党宣言的诞生标志着马克思主义的诞生,对全世界的无产阶级革命运动起了巨大的推动作用。并在百年之后直接影响了中国几代领导人的政治方针,推动了中国的发展。 《共产党宣言》是第一部较为完整而系统地阐述科学社会主义基本原理的伟大著作。它标志着马克思主义的诞生,开辟了国际工人运动和社会主义运动的新局面,成"], "bs_rank_pos": 0}, {"title": "《共产党宣言》发表的意义_百度知道", "segmented_title": ["《", "共产党宣言", "》", "发表", "的", "意义", "_", "百度", "知道"], "segmented_paragraphs": [["1", ".", "《", "共产党宣言", "》", "是", "一", "部", "较为", "完整", "而", "系统", "地", "阐述", "科学社会主义", "基本原理", "的", "伟大", "著作", "。", "2", ".", "标志", "着", "马克思主义", "的", "诞生", "。", "3", ".", "开辟", "了", "国际", "工人", "运动", "和", "社会主义", "运动", "的", "新局面", ",", "成为", "世界", "无产阶级", "的", "锐利", "武器", "!", "!", "打", "出来", "的", ",", "不是", "粘贴", "的", "啊", "我", "保证", "这", "答案", "考试", "的", "话", "绝对", "满分", "!", "!", "!", "!", "!", "!", "!", "!", "!", "!", "!", "!", "!", "!", "!", "!", "!"], ["共产党宣言", "》", "发表", "于", "160", "年", "以前", "。", "这", "被", "认为", "是", "共产", "党", "的", "第一个", "纲领", "性", "文献", ",", "是", "马克思主义", "成熟", "的", "一", "个", "重要", "标志", "。", "宣言", "揭示", "了", "资本主义", "生产关系", "的", "发生", "、", "发展", "以及", "逐步", "走向", "灭亡", "的", "历史", "和", "逻辑", ",", "充分肯定", "了", "资本主义", "生产关系", "对", "社会", "发展", "所", "起", "到", "的", "历史性", "意义", "。", "我们", "都", "享受", "到", "今天", "的", "物质文明", "对", "我们", "的", "生活", "所", "带来", "的", "巨大", "影响", "。", "然而", "大家", "是不是", "知道", ",", "这个", "物质文明", "的", "巨大", "发展", ",", "正是", "资本主义", "生产关系", "所", "首先", "带来", "的", "。", "无论", "是", "在", "《", "共产党宣言", "》", "里", ",", "还是", "在", "《", "资本论", "》", "里", ",", "马克思主义", "都", "充分肯定", "了", "这一点", "。", "在", "宣言", "里", "说", ",", "资本主义", "在", "它", "发展", "的", "不到", "一百年", "的", "时间", "里", ",", "所", "创造", "的", "社会", "生产力", ",", "比", "过去", "一切", "世代", "所", "创造", "的", "生产力", "还要多", "还要", "大", "。", "还有", ",", "在", "这个", "发展", "的", "每一个", "阶段", ",", "都", "伴随", "着", "政治", "上", "的", "进展", "。", "但是", "马克思", "恩格斯", "指出", ",", "正是", "资本主义", "的", "生产关系", "及其", "所", "带来", "的", "巨大", "的", "社会", "生产力", ",", "一方面", ","], ["就是", "发表", "了", "一", "部", "书"]], "paragraphs": ["1.《共产党宣言》是一部较为完整而系统地阐述科学社会主义基本原理的伟大著作。 2.标志着马克思主义的诞生。 3.开辟了国际工人运动和社会主义运动的新局面,成为世界无产阶级的锐利武器!! 打出来的,不是粘贴的啊 我保证这答案考试的话绝对满分!!!!!!!!!!!!!!!!!", "共产党宣言》发表于160年以前。这被认为是共产党的第一个纲领性文献,是马克思主义成熟的一个重要标志。 宣言揭示了资本主义生产关系的发生、发展以及逐步走向灭亡的历史和逻辑,充分肯定了资本主义生产关系对社会发展所起到的历史性意义。 我们都享受到今天的物质文明对我们的生活所带来的巨大影响。然而大家是不是知道,这个物质文明的巨大发展,正是资本主义生产关系所首先带来的。无论是在《共产党宣言》里,还是在《资本论》里,马克思主义都充分肯定了这一点。在宣言里说,资本主义在它发展的不到一百年的时间里,所创造的社会生产力,比过去一切世代所创造的生产力还要多还要大。还有,在这个发展的每一个阶段,都伴随着政治上的进展。 但是马克思恩格斯指出,正是资本主义的生产关系及其所带来的巨大的社会生产力,一方面,", "就是发表了一部书"], "bs_rank_pos": 1}, {"title": "《共产党宣言》发表的意义是什么?________________________________", "segmented_title": ["《", "共产党宣言", "》", "发表", "的", "意义", "是", "什么", "?", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_"], "segmented_paragraphs": [[">", "《", "共产党宣言", "》", "发表", "的", "意义", "是", "什么", "?", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", ".", "."], ["《", "共产党宣言", "》", "的", "发表", ",", "标志", "着", "马克思主义", "的", "诞生", "。", "此后", ",", "这一理论", "成为", "无产阶级", "无比", "锐利", "的", "思想", "武器", "。", "在", "这一理论", "指导", "下", ",", "工人", "运动", "蓬勃", "兴起", ",", "对", "人类", "社会", "的", "进程", "产生", "了", "深远", "影响", "。"], ["马上", "分享", "给", "同学"], ["据", "魔方格", "专家", "权威", "分析", ",", "试题", "“", "《", "共产党宣言", "》", "发表", "的", "意义", "是", "什么", "?", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", ".", ".", "”", "主要", "考", "查", "你", "对", "《", "共产党宣言", "》", "的", "问世", "等", "考点", "的", "理解", "。"], ["现在", "没", "空", "?", "点击", "收藏", ",", "以后", "再", "看", "。"], ["因为", "篇幅", "有限", ",", "只", "列出", "部分", "考点", ",", "详细", "请", "访问", "魔方格", "学习", "社区", "。"], ["《", "共产党宣言", "》", "的", "问世"], ["考点", "名称", ":", "《", "共产党宣言", "》", "的", "问世"], ["以上内容", "为", "魔方格", "学习", "社区", "(", "www", ".", "mofangge", ".", "com", ")", "原创", "内容", ",", "未经允许", "不得转载", "!"], ["与", "“", "《", "共产党宣言", "》", "发表", "的", "意义", "是", "什么", "?", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", ".", ".", "”", "考", "查", "相似", "的", "试题", "有", ":"]], "paragraphs": [">《共产党宣言》发表的意义是什么?_______________________________..", "《共产党宣言》的发表,标志着马克思主义的诞生。此后,这一理论成为无产阶级无比锐利的思想武器。在这一理论指导下,工人运动蓬勃兴起,对人类社会的进程产生了深远影响。", "马上分享给同学", "据魔方格专家权威分析,试题“《共产党宣言》发表的意义是什么?_______________________________..”主要考查你对 《共产党宣言》的问世 等考点的理解。", "现在没空?点击收藏,以后再看。", "因为篇幅有限,只列出部分考点,详细请访问魔方格学习社区。", "《共产党宣言》的问世", "考点名称:《共产党宣言》的问世", "以上内容为魔方格学习社区(www.mofangge.com)原创内容,未经允许不得转载!", "与“《共产党宣言》发表的意义是什么?_______________________________..”考查相似的试题有:"], "bs_rank_pos": 2}, {"title": "共产党宣言对中国的意义是什么_百度作业帮", "segmented_title": ["共产党宣言", "对", "中国", "的", "意义", "是", "什么", "_", "百度", "作业", "帮"], "segmented_paragraphs": [["任何", "政权", "的", "建立", "都", "必须", "要", "有", "一定", "的", "法", "理", "基础", "和", "思想", "源泉", "做", "引导", "和", "规范", ".", "共产党宣言", "对", "中国", "的", "实际", "意思", "就是", ";", "对", "无产阶级", "建立", "政权", "提供", "了", "思想", "上", "的", "依据", ".", "同时", "也", "在", "理论基础", "上", "说明", "了", "物", "产", "姐姐", "政权", "应该", "是", "个", "什么", "样子", "!"]], "paragraphs": ["任何政权的建立都必须要有一定的法理基础和思想源泉做引导和规范.共产党宣言对中国的实际意思就是;对无产阶级建立政权提供了思想上的依据.同时也在理论基础上说明了物产姐姐政权应该是个什么样子!"], "bs_rank_pos": 3}], "question": "共产党宣言的意义", "segmented_question": ["共产党宣言", "的", "意义"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221599}
-{"documents": [{"title": "南怀谨:念佛如何得到一心不乱--学佛网", "segmented_title": ["南怀谨", ":", "念佛", "如何", "得到", "一心", "不", "乱", "-", "-", "学佛", "网"], "segmented_paragraphs": [["首页", "-", "-", ">", "居士", "文章", "-", "-", ">", "大德", "居士"], ["南怀谨", ":", "念佛", "如何", "得到", "一心", "不", "乱"], ["条", ",", "点击", "查看", "或", "发表评论", "点击", "一边", "查看", "文章", "正文", "内容", "一边", "评论", "本", "文", "评论", "合计"], ["请", "常", "念", "南无", "阿弥陀佛", ",", "一切", "重罪", "悉", "解脱", "!"], ["相关资料", "12", "条", "(", "全部", ":", "一心", "不", "乱", "南怀谨", ")"], ["点击查看", "本站", "五", "明", "频道", "类似", "内容", ":", "一心", "不", "乱", "南怀谨", ")"], ["(", "无量", "光", "公众", "号", ":", "素食", "、", "传统文化", ")"]], "paragraphs": ["首页 -->居士文章 -->大德居士", "南怀谨:念佛如何得到一心不乱", "条,点击查看或发表评论 点击一边查看文章正文内容一边评论 本文评论合计", "请常念南无阿弥陀佛,一切重罪悉解脱!", "相关资料12条(全部:一心不乱 南怀谨)", "点击查看本站五明频道类似内容:一心不乱 南怀谨 )", "(无量光公众号:素食、传统文化)"], "bs_rank_pos": 0}, {"title": "《念佛如何得到一心不乱》心头只挂着这一念 | 南怀瑾", "segmented_title": ["《", "念佛", "如何", "得到", "一心", "不", "乱", "》", "心头", "只", "挂", "着", "这", "一念", "|", "南怀瑾"], "segmented_paragraphs": [["劝学网", "近期", "学习", "安排", ":", "小雅", "老师", "将", "在", "劝学网", "周易", "群", "(", "群", "号", ":", "123208056", ")", "举行", "四柱", "学习", "的", "公开课", "讲座", ",", "欢迎", "大家", "加入", "一起", "学习", "。"], ["又", "如", "年青人", "恋爱", ",", "追求", "异性", "。", "虽然", "坐", "在", "此地", "听课", ",", "心里", "头", "还", "想着他", "(", "她", ")", ",", "现在", "不知", "到", "了", "哪里", "?", "干", "些", "什么", "?", "在", "西门町", "电影院", "门口", "?", "或者", "公车", "上", "?", "还是", "跟", "别人", "去", "玩", "了", "?", "如此", "坐", "在这里", ",", "心中", "七上八下", ",", "整个", "思想", "都", "被", "对方", "的", "影子", "盘踞", "住", "了", ",", "痴痴", "地", "想", ",", "挥", "也", "挥", "不", "掉", "。", "这", "是", "思念", ",", "我们", "念佛", "也", "要", "这样", ",", "天天", "想着", "阿弥陀佛", ",", "时时刻刻", "惦记", "着", "他", ",", "乃至", "不需", "这", "四个字", "或", "六个字", "的", "名字", ",", "心里", "头", "只", "这么", "挂", "着", "这个", "念", "—", "—", "佛", ",", "成为", "一", "种", "习惯", ",", "那", "就", "对", "了", "。"], ["有时", "我", "问", "同学", ":", "“", "你", "有没有", "念佛", "?", "”", "“", "有", "啊", ",", "老师", "。", "我", "一", "天", "念", "两次", "哪", ",", "一次", "五", "串", "念珠", ",", "一串", "一百", "零", "八", "个", ",", "一天", "总共", "一", "千", "零", "八", "十次", "。", "”", "好像", "在", "算", "钱", "数", "利息", "一样", ",", "这", "不大", "对", "。", "我", "念佛", "不大", "计数", ",", "一念", "一念", "就", "顺", "下去", "了", ",", "管", "它", "是", "多", "是", "少", ",", "一念", "一口气", "就", "有", "一心", "不", "乱", "到底", "嘛", "!", "所以", ",", "念佛", "可以", "用", "念珠", "帮助", ",", "但是", "不要", "太", "过", "着", "相", ",", "斤斤计较", "数目", ",", "反而", "用", "错", "心思", ",", "多可惜", "。"], ["我", "小的时候", ",", "家", "在乡下", ",", "看到", "那些", "老太太", "们", "念佛", ",", "许多", "都是", "拿", "张", "纸", ",", "纸上", "有", "好多", "红色", "圈圈", ",", "一边", "念", "南无", "阿弥陀佛", ",", "一边", "手", "中", "拿着", "麦草", "管", ",", "沾", "一", "点", "黑", "墨水", ",", "一百", "零", "八", "遍", "便", "在", "圈圈", "上", "点", "一", "下", "。", "我", "家", "的", "一", "个", "老", "佣人", ",", "也是", "一样", "。", "我们", "从", "外面", "回来", ",", "她", "看到", "了", ",", "一边", "念佛", "一边说", ":", "“", "你回来", "了", ",", "少爷", "!", "阿弥陀佛", "、", "阿弥陀佛", "…", "…", ",", "很好玩", "吧", "?", "”", "我", "说", ":", "“", "好玩", "。", "”", "她说", ":", "“", "阿弥陀佛", "、", "阿弥陀佛", ",", "好玩", "哦", "!", "很好很好", ",", "阿弥陀佛", "。", "”", "然后", "念", "了", "几", "句", "又", "说", ":", "“", "你", "坐", "一", "下", "啊", ",", "我", "等一下", "就", "给", "你", "烧水", "泡茶", "!", "等", "我", "念佛", "念", "完", "了", ",", "阿弥陀佛", "、", "阿弥陀佛", "…", "…", "”", "接着", "举起", "麦", "管", "在", "纸上", "轻轻", "点", "一", "下", "。"]], "paragraphs": ["劝学网近期学习安排:小雅老师将在劝学网周易群(群号:123208056)举行四柱学习的公开课讲座,欢迎大家加入一起学习。", "又如年青人恋爱,追求异性。虽然坐在此地听课,心里头还想着他(她),现在不知到了哪里?干些什么?在西门町电影院门口?或者公车上?还是跟别人去玩了?如此坐在这里,心中七上八下,整个思想都被对方的影子盘踞住了,痴痴地想,挥也挥不掉。这是思念,我们念佛也要这样,天天想着阿弥陀佛,时时刻刻惦记着他,乃至不需这四个字或六个字的名字,心里头只这么挂着这个念——佛,成为一种习惯,那就对了。", "有时我问同学:“你有没有念佛?”“有啊,老师。我一天念两次哪,一次五串念珠,一串一百零八个,一天总共一千零八十次。”好像在算钱数利息一样,这不大对。我念佛不大计数,一念一念就顺下去了,管它是多是少,一念一口气就有一心不乱到底嘛!所以,念佛可以用念珠帮助,但是不要太过着相,斤斤计较数目,反而用错心思,多可惜。", "我小的时候,家在乡下,看到那些老太太们念佛,许多都是拿张纸,纸上有好多红色圈圈,一边念南无阿弥陀佛,一边手中拿着麦草管,沾一点黑墨水,一百零八遍便在圈圈上点一下。我家的一个老佣人,也是一样。我们从外面回来,她看到了,一边念佛一边说:“你回来了,少爷!阿弥陀佛、阿弥陀佛……,很好玩吧?”我说:“好玩。”她说:“阿弥陀佛、阿弥陀佛,好玩哦!很好很好,阿弥陀佛。”然后念了几句又说:“你坐一下啊,我等一下就给你烧水泡茶!等我念佛念完了,阿弥陀佛、阿弥陀佛……”接着举起麦管在纸上轻轻点一下。"], "bs_rank_pos": 1}, {"title": "如何达到一心不乱念佛呢??我念佛有时心里想着别的事情 要怎么克服", "segmented_title": ["如何", "达到", "一心", "不", "乱", "念佛", "呢", "?", "?", "我", "念佛", "有时", "心里", "想着", "别", "的", "事情", "要", "怎么", "克服"], "segmented_paragraphs": [["阿弥陀佛", ",", "这位", "居士", ",", "我", "谈谈", "刚", "开始", "的", "做法", "。", "说", "有", "困难", "没有", "杂念", "有同感", ",", "后来", "请教", "位", "佛", "友", ",", "他", "告诉", "闭", "目", "心里", "和", "眼前", "只", "想着", "观世音菩萨", ",", "口", "里", "默默", "念佛", ",", "久而久之", "心", "就", "无", "杂念", ",", "心", "也", "静", "了", "下来", ",", "不知", "对", "您", "是否", "有效", "。"]], "paragraphs": ["阿弥陀佛,这位居士,我谈谈刚开始的做法。 说有困难没有杂念有同感,后来请教位佛友,他告诉闭目心里和眼前只想着观世音菩萨,口里默默念佛,久而久之心就无杂念,心也静了下来,不知对您是否有效。"], "bs_rank_pos": 2}, {"title": "念佛如何得到一心不乱(2)_百度知道", "segmented_title": ["念佛", "如何", "得到", "一心", "不", "乱", "(", "2", ")", "_", "百度", "知道"], "segmented_paragraphs": [["念佛", "是", "全心全意", "的", "想念", "  ", "再进一步", "说", ",", "凡是", "我们", "的", "思想", "念头", ",", "以及", "开口", "讲话", "、", "动作", "行为", "等等", ",", "在", "佛学", "上", "皆", "属", "生", "灭", "法", "。", "有", "生", "就", "有", "灭", ",", "生", "生", "灭", "灭", "。", "当", "我们", "念", "阿弥陀佛", ",", "阿弥陀佛", "的", "念头", "一", "下", "已经过去", "了", ",", "消逝", "得", "无影无踪", "。", "或者", "嘴巴", "一字", "一字", "将", "阿弥陀佛", "念", "出", "声", "来", ",", "一", "个", "声音", "一个念头", ",", "南无", "阿弥陀佛", ",", "由", "南", "字", "开始", ",", "字", "字", "随", "起", "随", "灭", ",", "念头", "和", "声音", "此起彼落", ",", "乍", "生", "乍", "灭", ",", "了", "不可", "得", "。", "这", "等于", "静坐", "数息", "观", "、", "练气功", "一样", ",", "一", "呼", "一", "吸", ",", "一来一往", ",", "全", "是生灭法", "的", "现象", ",", "有人", "竟", "以为", "这", "就是", "道", ",", "认错", "门", "路", ",", "在", "那里", "玩弄", "自己", ",", "糟糕", "透", "了", "。", "  ", "佛说", ":", "诸", "行", "无常", ",", "是生灭法", "。", "行", "不", "只", "指", "外", "在", "的", "动作", "行为", ",", "内在", "的", "思想", "念头", "也是", "行", "。", "思想", "是", "没有", "表达", "出来", "的", "行为", ",", "行为", "是", "表达", "了", "的", "思想", ",", "思想", "就是", "行为", "。", "诸", "行", "无常", ",", "一切", "行为", "语言", "动作", ",", "一切", "内在", "思想", "情绪", "起伏", ",", "所有", "宇宙", "有情无情", "的", "存在", "现象", ",", "皆是", "变动不居", ","]], "paragraphs": ["念佛是全心全意的想念   再进一步说,凡是我们的思想念头,以及开口讲话、动作行为等等,在佛学上皆属生灭法。有生就有灭,生生灭灭。当我们念阿弥陀佛,阿弥陀佛的念头一下已经过去了,消逝得无影无踪。或者嘴巴一字一字将阿弥陀佛念出声来,一个声音一个念头,南无阿弥陀佛,由南字开始,字字随起随灭,念头和声音此起彼落,乍生乍灭,了不可得。这等于静坐数息观、练气功一样,一呼一吸,一来一往,全是生灭法的现象,有人竟以为这就是道,认错门路,在那里玩弄自己,糟糕透了。   佛说:诸行无常,是生灭法。行不只指外在的动作行为,内在的思想念头也是行。思想是没有表达出来的行为,行为是表达了的思想,思想就是行为。诸行无常,一切行为语言动作,一切内在思想情绪起伏,所有宇宙有情无情的存在现象,皆是变动不居,"], "bs_rank_pos": 3}, {"title": "念佛如何得到一心不乱——南怀瑾_国学萃_新浪博客", "segmented_title": ["念佛", "如何", "得到", "一心", "不", "乱", "—", "—", "南怀瑾", "_", "国学萃", "_", "新浪", "博客"], "segmented_paragraphs": [["谁", "看", "过", "这", "篇", "博文", "加载", "中", "…"], ["《", "念佛", "如何", "得到", "一心", "不", "乱", "》", "第", "01", "节", "要", "与", "药师经", "合并", "参", "究"], ["这", "番", "道理", "我们", "了解", "了", ",", "现在", "再", "回转", "来", "谈", "净土宗", "的", "念佛", "法门", "。", "念佛", "法门", ",", "几", "千", "年", "来", "在", "中国", "各", "阶层", "的", "民间", "社会", ",", "流传", "非常", "普遍", ",", "所谓", "三", "根", "普", "被", ",", "指", "上", "等", "、", "中等", "、", "下", "等", "三中", "不同", "根器", "的", "人", ",", "皆", "适合", "修", "习", "。", "这", "是", "以", "聪明才智", "的", "高", "下", "所作", "的", "一", "种", "权宜", "分类", "。", "我们", "中国佛教", "的", "净土", "行者", ",", "不", "论", "三", "根", "之", "别", ",", "皆", "着重", "持", "名", "念佛", "的", "修行", "方式", "。", "持", "名", "念佛", "所", "依据", "的", "经典", ",", "我们", "大家", "都", "晓得", "是", "净土三经", "中", "的", "小", "本", "阿弥陀经", ",", "行者", "要", "念", "南无", "阿弥陀佛", ",", "阿弥陀佛", "的", "阿", ",", "最好", "别", "念", "成", "uo", "音", "。", "a", "是", "开口音", ",", "和", "uo", "的", "发音", "差别很大", ",", "念", "时", "阿", "—", "—", "弥", "—", "—", "陀", "—", "—", "佛", ",", "各", "字", "音节", "若", "稍微", "拉长", "一", "点", "更", "佳", "。", "这", "一", "个", "要点", ",", "我", "曾经", "再三讲", "过", ",", "希望", "大家", "不要", "忽略", "。"], ["我们", "所", "念", "阿弥陀佛", "的", "名", "号", ",", "是", "梵文", "的", "直接", "翻", "音", "。", "这", "四", "字", "主要", "的", "含义", "是", "“", "无量", "光", "寿", "”", ",", "光明", "无量", ",", "寿命", "无疆", ",", "永远", "不", "生", "不死", "。", "所以", ",", "念", "阿弥陀佛", ",", "不只是", "与", "死人", "之", "事", "有关", ",", "也", "影响", "到", "生", "的", "一", "面", "。", "其实", ",", "阿弥陀佛", "也称", "长寿", "佛", ",", "与", "东方", "表", "法", "的", "长寿", "佛", "“", "药师", "琉璃", "光", "如来", "”", ",", "彼此", "合一", ",", "一", "东一", "西", ",", "互通", "声", "气", "。", "东方西方", "本", "无差别", ",", "地球", "是", "圆", "的", ",", "法界", "是", "圆融", "无碍", "的", ",", "根本没有", "东西南北", "之", "分", ",", "有", "分别", "是", "凡夫", "众生", "的", "心", "量", "所", "建立", "的", "相对", "观念", "。", "在", "法", "界", "一心佛", "的", "境界", "里", ",", "圆融", "无碍", ",", "超越", "一切", "时空", "的", "限制", "。", "因此", ",", "我", "常", "建议", "诸位", ",", "将", "阿弥陀经", "和", "药师经", "二者", "合并", "参", "究", "一", "下", ",", "会", "有", "更", "深", "一", "层", "的", "体会", "。", "念", "阿弥陀佛", "也", "可以", "使", "人", "再", "创", "生命", "的", "生机", ",", "使", "你", "去", "恶", "为", "善", ",", "消灾", "延寿", ",", "克服", "苦难", "。", "万一", "时候", "到", "了", ",", "一口气", "不", "来", ",", "还", "可", "一念", "往生", "西方", "极乐世界", "阿弥陀佛", "国土", "。", "那么", ",", "念佛", "法门", "的", "念", ",", "到底", "是", "怎么", "个", "念", "法", "呢", "?", "!", "这", "严重", "了", ",", "必须", "认识", "清楚", "。", "我们", "现在", "一", "提到", "念佛", ",", "大部分", "人", "一定", "马上", "想到", "阿弥陀佛", ",", "同时", "便", "张开", "嘴巴", "念", "出", "声", "来", ",", "好象", "没有", "念", "出", "声", ",", "不", "算", "念佛", ",", "这", "是", "一", "种", "错误", "的", "观念", "。", "我们", "念", "南无", "阿弥陀佛", ",", "有时", "发出", "声", "来", ",", "因此", "在", "中文", "“", "念", "”", "字", "旁边", ",", "加上", "一", "个", "口", "成", "“", "念", "”", ",", "表明", "是", "靠", "口", "的", "作用", "发音", ",", "用", "嘴巴", "来", "念佛", "。", "但是", "我们", "应该", "晓得", ",", "真正", "念佛", "的", "这个", "念", ",", "其实", "只要", "在", "心里想", ",", "便是", "“", "念", "”", "了", "。", "想念", "想念", ",", "“", "想", "”", "和", "“", "念", "”", "二", "字", "是", "同义", "语", ",", "二者", "合成", "一", "个", "辞", "。", "譬如", "我们", "中国人", "讲话", ",", "遇到", "一", "个", "久", "不", "见面的朋友", ",", "往往", "说", ",", "哎呀", ",", "我好想念你", "喔", "。", "这个", "想念", ",", "同", "初步", "念佛", "的", "“", "念", "”", ",", "是", "同", "一", "回事", "。", "现在", "社会", "许多", "家庭", ",", "不管", "有钱", "没", "钱", ",", "儿女", "长大", "出国留学", "的", "很多", ",", "剩下", "两", "个", "老人家", ",", "坐", "在", "电视机", "前", ",", "孤零零", "打发", "日子", ",", "很", "可怜", "。", "这种", "对", "儿女", "的", "深深", "思念", ",", "在", "我们", "学佛", "的", "人", "来", "讲", ",", "我", "想", "恐怕", "比", "念", "阿弥陀佛", "的", "念", ",", "还", "来", "得", "刻骨铭心", ",", "还", "来", "得", "真切", "。", "念佛", "要", "如", "思念", "自己", "心爱的", "亲生", "儿女", "一样", ",", "朝思暮想", ",", "时时刻刻", "挂", "在", "心头", ",", "如此", "才", "容易", "上路", "。", "否则", ",", "光", "是", "嘴巴", "表示", "念佛", ",", "心不在焉", ",", "那", "是", "口说无凭", "的", "。"], ["《", "念佛", "如何", "得到", "一心", "不", "乱", "》", "第", "02", "节", "念佛", "是", "全心全意", "的", "想念"], ["再进一步", "说", ",", "凡是", "我们", "的", "思想", "念头", ",", "以及", "开口", "讲话", "、", "动作", "行为", "等等", ",", "在", "佛学", "上", "皆", "属", "生", "灭", "法", "。", "有", "生", "就", "有", "灭", ",", "生", "生", "灭", "灭", "。", "当", "我们", "念", "阿弥陀佛", ",", "阿弥陀佛", "的", "念头", "一", "下", "已经过去", "了", ",", "消逝", "得", "无影无踪", "。", "或者", "嘴巴", "一字", "一字", "将", "阿弥陀佛", "念", "出", "声", "来", ",", "一", "个", "声音", "一个念头", ",", "南", "—", "—", "无", "—", "—", "阿", "—", "—", "弥", "—", "—", "陀", "—", "—", "佛", ",", "由", "南", "字", "开始", ",", "字", "字", "随", "起", "随", "灭", ",", "念头", "和", "声音", "此起彼落", ",", "乍", "生", "乍", "灭", ",", "了", "不可", "得", "。", "这", "等于", "静坐", "数息", "观", "、", "练气功", "一样", ",", "一", "呼", "一", "吸", ",", "一来一往", ",", "全", "是生灭法", "的", "现象", ",", "有人", "竟", "以为", "这", "就是", "道", ",", "认错", "门", "路", ",", "在", "那里", "玩弄", "自己", ",", "糟糕", "透", "了", "。"], ["佛说", ":", "“", "诸", "行", "无常", ",", "是生灭法", "。", "”", "“", "行", "”", "不", "只", "指", "外", "在", "的", "动作", "行为", ",", "内在", "的", "思想", "念头", "也是", "行", "。", "思想", "是", "没有", "表达", "出来", "的", "行为", ",", "行为", "是", "表达", "了", "的", "思想", ",", "思想", "就是", "行为", "。", "“", "诸", "行", "无常", "”", ",", "一切", "行为", "语言", "动作", ",", "一切", "内在", "思想", "情绪", "起伏", ",", "所有", "宇宙", "有情无情", "的", "存在", "现象", ",", "皆是", "变动不居", ",", "难以", "长久", "的", "。", "因此", ",", "“", "是生灭法", "”", ",", "有", "生", "便", "有", "死", ",", "有", "来", "便", "有", "去", ",", "同样", "有", "死", "也", "会", "有", "生", ",", "有", "去", "也", "会", "有", "来", "。", "所以", "佛", "又", "说", ":", "“", "生", "灭", "灭", "已", ",", "寂灭", "为", "乐", "。", "”", "“", "寂灭", "为", "乐", "”", "便是", "极乐世界", "的", "境界", "。", "不生不灭", ",", "念佛", "念", "到", "念头", "不", "生", "起", ";", "念头", "不生", "起", ",", "当然", "也", "就", "没有", "所谓", "的", "消灭", ",", "彻底", "的", "清净", ",", "什么", "牵挂", "都", "没有", ",", "清明", "自在", ",", "坦然", "无", "住", "。", "这种", "境界", "最", "乐", ",", "故", "名", "极乐世界", "。"], ["我们", "念佛", "一定", "要", "认清", "这个", "念", ",", "是", "全心全意", "的", "想念", ",", "不只是", "口", "宣", "佛号", "便", "成", "。", "几", "十", "年", "来", ",", "我", "看", "过", "许多", "人", "念佛", ",", "有", "一次", "在", "一", "个", "地方", "主持", "一项", "活动", ",", "有", "位", "念佛", "的", "老太太", "念佛", "已", "达", "四", "十", "年", "之", "久", ",", "这种", "毅力", "真了不起", "。", "她", "在", "我", "面前", "走过", ",", "一直", "阿弥陀佛", "、", "阿弥陀佛", "的", "念", "个", "不停", ",", "恰好", "旁边", "有", "个", "年轻", "的", "女同学", ",", "不大", "注意", "礼节", ",", "坐", "在", "那里", "两脚", "分开", ",", "不成", "规矩", ",", "很", "难看", "。", "这位", "老太太", "每次", "转到", "她", "跟", "前", "时", ",", "阿弥陀佛", "、", "阿弥陀佛", "的", "念", "声", "变", "了", "调", ",", "意思", "是", "提醒", "这位小姐", "将", "脚", "摆正", "一点", ",", "但是", "又", "表示", "自己", "没有", "中断", "念佛", ",", "而且", "也", "不是", "在", "骂人", "。", "你", "看看", ",", "这种", "念佛", "能", "得", "一心", "不", "乱", "吗", "?", "!", "但", "到", "别人", "咳嗽", ",", "心里", "讨厌", ",", "口", "中", "就", "念", "阿弥陀佛", ";", "看到", "别人", "不合", "己", "意", ",", "也", "不喜欢", "地", "念", "阿弥陀佛", ";", "这", "算", "念", "个", "什么", "佛", "呢", "?", "你", "干脆", "骂人", "好", "了", "。"], ["所以", "我", "常", "说", ",", "我们", "中国人", "的", "念佛", "很", "有意思", "。", "有时候", "在街上", "看到", "一个人", "不小心", "跌倒了", ",", "旁", "人", "哎呀", "、", "阿弥陀佛", "那", "一声", ",", "意思", "是", "说", "摔", "得", "漂亮", ",", "你", "说", "这", "不是", "用", "阿弥陀佛", "在", "咒", "人", "吗", "?", "这样子", "的", "念佛", "有没有", "用", "?", "有用", "。", "但", "不是", "我们", "念佛", "为", "求", "一心", "不", "乱", ",", "为", "求", "往生", "西方", "极乐世界", ",", "所", "应", "效", "法", "的", "。"], ["《", "念佛", "如何", "得到", "一心", "不", "乱", "》", "第", "03", "节", "举", "一", "则", "念佛", "的", "笑话"], ["有", "个", "笑话", "说", "到", "一", "位", "老太太", "在家里", "念佛", ",", "阿弥陀佛", "、", "阿弥陀佛", ",", "整天", "念", "个", "不停", "。", "她", "的", "儿子", "年轻", ",", "并", "不大", "信佛", ",", "虽", "不", "反对", "妈妈", "念佛", ",", "却", "又", "因", "房子", "不大", ",", "自己", "又", "要", "读书", "做功课", ",", "常常", "被", "吵", "得", "无法", "专心", "用", "功", "。", "后来", ",", "这个", "儿子", "实在", "按捺不住", ",", "便", "想", "了", "个", "办法", "。", "当", "他", "妈妈", "念佛", "念", "得", "一心", "不", "乱", "的", "样子", "时", ",", "就", "在", "旁边", "连", "叫", "“", "妈", "、", "妈", "、", "妈", "、", "妈", "、", "妈", "…", "…", "”", ",", "老太太", "听", "了", ",", "便", "停下来", "问", ",", "干什么", "?", "儿子", "这时", "故意", "闷声不响", ",", "继续", "做功课", "。", "老太太", "看", "儿子", "没有动静", ",", "又", "自己", "念", "起", "佛", "来", "。", "然后", ",", "这个", "儿子", "又", "等", "她", "念", "得", "很", "专一", "时", ",", "重新", "又", "“", "妈", "、", "妈", "、", "妈", "…", "…", "”", "连", "声", "的", "喊", "起来", "。", "老", "母亲", "一听", ",", "赶快", "回过头", "来", "说", ":", "干嘛", "、", "干嘛", "!", "这", "下", "儿子", "又", "默不作声", "了", "。", "如此", ",", "老太太", "很", "不高兴", ",", "又", "开始", "念佛", ",", "儿子", "隔", "了", "一会", "又", "叫", "“", "妈", "、", "妈", "、", "妈", "”", "。", "最后", ",", "老太太", "实在", "火", "大", "了", ",", "发", "了", "大", "脾气", ",", "你好", "讨厌", ",", "有", "什么", "事", "要", "讲", "就", "讲", ",", "我", "正在", "好", "好", "念佛", ",", "你", "吵", "个", "什么", "呀", "?", "!", "儿子", "这时", "才", "说", ":"], ["“", "妈妈", ",", "我", "还是", "您", "亲生", "的", "儿子", ",", "只不过", "这么", "叫", "了", "您", "几声", ",", "您", "就", "发脾气", ",", "受不了", "。", "如果这样", ",", "那", "您", "每天", "从早到晚", "阿弥陀佛", "念", "个", "不停", ",", "那个", "阿弥陀佛", "不要", "给", "您", "气死", "了", "吗", "?", "”", "这个故事", "看似", "反对", "念佛", ",", "其实", "却", "可", "作为", "我们", "念佛", "的", "好", "教材", ",", "了解", "怎样", "才是", "真正", "的", "念佛", "。"]], "paragraphs": ["谁看过这篇博文 加载中…", "《念佛如何得到一心不乱》第01节要与药师经合并参究", "这番道理我们了解了,现在再回转来谈净土宗的念佛法门。念佛法门,几千年来在中国各阶层的民间社会,流传非常普遍,所谓三根普被,指上等、中等、下等三中不同根器的人,皆适合修习。这是以聪明才智的高下所作的一种权宜分类。我们中国佛教的净土行者,不论三根之别,皆着重持名念佛的修行方式。持名念佛所依据的经典,我们大家都晓得是净土三经中的小本阿弥陀经,行者要念南无阿弥陀佛,阿弥陀佛的阿,最好别念成uo音。a是开口音,和uo的发音差别很大,念时阿——弥——陀——佛,各字音节若稍微拉长一点更佳。这一个要点,我曾经再三讲过,希望大家不要忽略。", "我们所念阿弥陀佛的名号,是梵文的直接翻音。这四字主要的含义是“无量光寿”,光明无量,寿命无疆,永远不生不死。所以,念阿弥陀佛,不只是与死人之事有关,也影响到生的一面。其实,阿弥陀佛也称长寿佛,与东方表法的长寿佛“药师琉璃光如来”,彼此合一,一东一西,互通声气。东方西方本无差别,地球是圆的,法界是圆融无碍的,根本没有东西南北之分,有分别是凡夫众生的心量所建立的相对观念。在法界一心佛的境界里,圆融无碍,超越一切时空的限制。因此,我常建议诸位,将阿弥陀经和药师经二者合并参究一下,会有更深一层的体会。念阿弥陀佛也可以使人再创生命的生机,使你去恶为善,消灾延寿,克服苦难。万一时候到了,一口气不来,还可一念往生西方极乐世界阿弥陀佛国土。 那么,念佛法门的念,到底是怎么个念法呢?!这严重了,必须认识清楚。我们现在一提到念佛,大部分人一定马上想到阿弥陀佛,同时便张开嘴巴念出声来,好象没有念出声,不算念佛,这是一种错误的观念。 我们念南无阿弥陀佛,有时发出声来,因此在中文“念”字旁边,加上一个口成“念”,表明是靠口的作用发音,用嘴巴来念佛。但是我们应该晓得,真正念佛的这个念,其实只要在心里想,便是“念”了。想念想念,“想”和“念”二字是同义语,二者合成一个辞。譬如我们中国人讲话,遇到一个久不见面的朋友,往往说,哎呀,我好想念你喔。这个想念,同初步念佛的“念”,是同一回事。现在社会许多家庭,不管有钱没钱,儿女长大出国留学的很多,剩下两个老人家,坐在电视机前,孤零零打发日子,很可怜。这种对儿女的深深思念,在我们学佛的人来讲,我想恐怕比念阿弥陀佛的念,还来得刻骨铭心,还来得真切。念佛要如思念自己心爱的亲生儿女一样,朝思暮想,时时刻刻挂在心头,如此才容易上路。否则,光是嘴巴表示念佛,心不在焉,那是口说无凭的。", "《念佛如何得到一心不乱》第02节念佛是全心全意的想念", "再进一步说,凡是我们的思想念头,以及开口讲话、动作行为等等,在佛学上皆属生灭法。有生就有灭,生生灭灭。当我们念阿弥陀佛,阿弥陀佛的念头一下已经过去了,消逝得无影无踪。或者嘴巴一字一字将阿弥陀佛念出声来,一个声音一个念头,南——无——阿——弥——陀——佛,由南字开始,字字随起随灭,念头和声音此起彼落,乍生乍灭,了不可得。这等于静坐数息观、练气功一样,一呼一吸,一来一往,全是生灭法的现象,有人竟以为这就是道,认错门路,在那里玩弄自己,糟糕透了。", "佛说:“诸行无常,是生灭法。”“行”不只指外在的动作行为,内在的思想念头也是行。思想是没有表达出来的行为,行为是表达了的思想,思想就是行为。“诸行无常”,一切行为语言动作,一切内在思想情绪起伏,所有宇宙有情无情的存在现象,皆是变动不居,难以长久的。因此,“是生灭法”,有生便有死,有来便有去,同样有死也会有生,有去也会有来。所以佛又说:“生灭灭已,寂灭为乐。”“寂灭为乐”便是极乐世界的境界。不生不灭,念佛念到念头不生起;念头不生起,当然也就没有所谓的消灭,彻底的清净,什么牵挂都没有,清明自在,坦然无住。这种境界最乐,故名极乐世界。", "我们念佛一定要认清这个念,是全心全意的想念,不只是口宣佛号便成。几十年来,我看过许多人念佛,有一次在一个地方主持一项活动,有位念佛的老太太念佛已达四十年之久,这种毅力真了不起。她在我面前走过,一直阿弥陀佛、阿弥陀佛的念个不停,恰好旁边有个年轻的女同学,不大注意礼节,坐在那里两脚分开,不成规矩,很难看。这位老太太每次转到她跟前时,阿弥陀佛、阿弥陀佛的念声变了调,意思是提醒这位小姐将脚摆正一点,但是又表示自己没有中断念佛,而且也不是在骂人。你看看,这种念佛能得一心不乱吗?!但到别人咳嗽,心里讨厌,口中就念阿弥陀佛;看到别人不合己意,也不喜欢地念阿弥陀佛;这算念个什么佛呢?你干脆骂人好了。", "所以我常说,我们中国人的念佛很有意思。有时候在街上看到一个人不小心跌倒了,旁人哎呀、阿弥陀佛那一声,意思是说摔得漂亮,你说这不是用阿弥陀佛在咒人吗?这样子的念佛有没有用?有用。但不是我们念佛为求一心不乱,为求往生西方极乐世界,所应效法的。", "《念佛如何得到一心不乱》第03节举一则念佛的笑话", "有个笑话说到一位老太太在家里念佛,阿弥陀佛、阿弥陀佛,整天念个不停。她的儿子年轻,并不大信佛,虽不反对妈妈念佛,却又因房子不大,自己又要读书做功课,常常被吵得无法专心用功。后来,这个儿子实在按捺不住,便想了个办法。当他妈妈念佛念得一心不乱的样子时,就在旁边连叫“妈、妈、妈、妈、妈……”,老太太听了,便停下来问,干什么?儿子这时故意闷声不响,继续做功课。老太太看儿子没有动静,又自己念起佛来。然后,这个儿子又等她念得很专一时,重新又“妈、妈、妈……”连声的喊起来。老母亲一听,赶快回过头来说:干嘛、干嘛!这下儿子又默不作声了。如此,老太太很不高兴,又开始念佛,儿子隔了一会又叫“妈、妈、妈”。最后,老太太实在火大了,发了大脾气,你好讨厌,有什么事要讲就讲,我正在好好念佛,你吵个什么呀?!儿子这时才说:", "“妈妈,我还是您亲生的儿子,只不过这么叫了您几声,您就发脾气,受不了。如果这样,那您每天从早到晚阿弥陀佛念个不停,那个阿弥陀佛不要给您气死了吗?”这个故事看似反对念佛,其实却可作为我们念佛的好教材,了解怎样才是真正的念佛。"], "bs_rank_pos": 4}], "question": "念佛如何得到一心不乱", "segmented_question": ["念佛", "如何", "得到", "一心", "不", "乱"], "question_type": "ENTITY", "fact_or_opinion": "OPINION", "question_id": 221600}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["共1页 ,到第 页 确定 "], "segmented_title": ["龙珠", "激斗", "交易平台", "_", "龙珠", "激斗", "充值", "|", "账号", "|", "首", "充", "号", "交易", "_", "交易", "猫"], "segmented_paragraphs": [["共", "1", "页", ",", "到", "第", "页", "确定"]], "title": "龙珠激斗交易平台_龙珠激斗充值|账号|首充号交易_交易猫"}, {"bs_rank_pos": 1, "paragraphs": ["价格从低到高 价格从高到低 ", " 请选择客户端", " 已绑定身份证商品:此类商品是指,游戏账号被卖家身份证绑定,存在账号被找回风险,买家购买需谨慎!", " 关键词搜索: ", " 帝王三国手游账号"], "segmented_title": ["龙珠", "激斗", "手游", "帐号", "账号", "/", "成品", "号", "交易平台", "-", "淘", "手游", "交易平台"], "segmented_paragraphs": [["价格", "从", "低", "到", "高", "价格", "从", "高", "到", "低"], ["请", "选择", "客户端"], ["已", "绑定", "身份证", "商品", ":", "此类", "商品", "是", "指", ",", "游戏", "账号", "被", "卖家", "身份证", "绑定", ",", "存在", "账号", "被", "找回", "风险", ",", "买家", "购买", "需谨慎", "!"], ["关键词搜索", ":"], ["帝王", "三国", "手游", "账号"]], "title": "龙珠激斗手游帐号账号/成品号交易平台-淘手游交易平台"}, {"bs_rank_pos": 2, "paragraphs": ["淘宝上买龙珠激斗账号安全吗?有没有人知道?求告知", " 648元冲6480石头,还TM用淘宝代充?", " 别买,买了容易被找回,就算不被找回你玩几天就会腻 真的而且这游戏已经走下下下坡路了", " 再过几个月随便便宜买个V18耍不是更好", " 买了又什么用,去新区玩,充3000可以拿第一了都,这游戏快没人了 ", " 百分百被找回,不是qq就是微信,都私人信息 ", " 几千块钱买一个号,不如自己充自己玩 ", " 什么号卖6000,点进去看看 "], "segmented_title": ["淘宝", "上", "买", "龙珠", "激斗", "账号", "安全", "吗", "?", "有没有", "人", "知道", "?", "求", "告知", "_", "龙珠", "激斗", "吧", "_", "百度"], "segmented_paragraphs": [["淘宝", "上", "买", "龙珠", "激斗", "账号", "安全", "吗", "?", "有没有", "人", "知道", "?", "求", "告知"], ["648", "元", "冲", "6480", "石头", ",", "还", "TM", "用", "淘宝", "代", "充", "?"], ["别", "买", ",", "买", "了", "容易", "被", "找回", ",", "就算", "不", "被", "找回", "你", "玩", "几天", "就会", "腻", "真", "的", "而且", "这", "游戏", "已经", "走", "下", "下", "下坡路", "了"], ["再", "过", "几个月", "随便", "便宜", "买", "个", "V18", "耍", "不是", "更好"], ["买", "了", "又", "什么", "用", ",", "去", "新区", "玩", ",", "充", "3000", "可以", "拿", "第", "一", "了", "都", ",", "这", "游戏", "快", "没", "人", "了"], ["百分百", "被", "找回", ",", "不是", "qq", "就是", "微信", ",", "都", "私人", "信息"], ["几", "千", "块", "钱", "买", "一", "个", "号", ",", "不如", "自己", "充", "自己", "玩"], ["什么", "号", "卖", "6000", ",", "点", "进去看看"]], "title": "淘宝上买龙珠激斗账号安全吗?有没有人知道?求告知_龙珠激斗吧_百度"}, {"bs_rank_pos": 8, "paragraphs": ["这些商品可能你也需要"], "segmented_title": ["龙珠", "激斗", "QQ", "账号", "_", "高", "战", ",", "全", "区", "排名", "680", "_", "龙珠", "激斗", "_", "魔", "游", "游", "_", "moyoyo", "_", "最安全"], "segmented_paragraphs": [["这些", "商品", "可能", "你", "也", "需要"]], "title": "龙珠激斗QQ账号_高战,全区排名680_龙珠激斗_魔游游_moyoyo_最安全"}, {"bs_rank_pos": 9, "paragraphs": [" {{::option.min}} - {{::option.max}} {{::option.min}}以上 ", " {{::option.name}} ", " {{::option.name}} ", " {{::sortType.name}} ({{::sortType.description}}) "], "segmented_title": ["龙珠", "激斗", "交易平台", "_", "龙珠", "激斗", "充值", "|", "账号", "|", "首", "充", "号", "交易", "_", "交易", "猫"], "segmented_paragraphs": [["{", "{", ":", ":", "option", ".", "min", "}", "}", "-", "{", "{", ":", ":", "option", ".", "max", "}", "}", "{", "{", ":", ":", "option", ".", "min", "}", "}", "以上"], ["{", "{", ":", ":", "option", ".", "name", "}", "}"], ["{", "{", ":", ":", "option", ".", "name", "}", "}"], ["{", "{", ":", ":", "sort", "Type", ".", "name", "}", "}", "(", "{", "{", ":", ":", "sort", "Type", ".", "description", "}", "}", ")"]], "title": "龙珠激斗交易平台_龙珠激斗充值|账号|首充号交易_交易猫 "}], "question": "龙珠激斗账号", "segmented_question": ["龙珠", "激斗", "账号"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221601}
-{"documents": [{"bs_rank_pos": 1, "paragraphs": ["这里http://t.cn/Ri4DtGh丶挥别一座记忆翻飞的沙城,此去岁月山长水远。但,自己始终都相信:时间,会给我们最好的相遇,命运,会允许我们建起更好的城。", " 月风轻,风沙中渐次隐去的背影,已是匆忙过客。", " qX要是链接失效,复制到别的帖子里再点开就好了http://pan.baidu.com/mbox/homepage?short=qXQTB1E", " qX要是链接失效,复制到别的帖子里再点开就好了http://pan.baidu.com/mbox/homepage?short=qXQTB1E", " qX要是链接失效,复制到别的帖子里再点开就好了http://pan.baidu.com/mbox/homepage?short=qXQTB1E", " qX要是链接失效,复制到别的帖子里再点开就好了http://pan.baidu.com/mbox/homepage?short=qXQTB1E", " qX要是链接失效,复制到别的帖子里再点开就好了http://pan.baidu.com/mbox/homepage?short=qXQTB1E", " qX要是链接失效,复制到别的帖子里再点开就好了http://pan.baidu.com/mbox/homepage?short=qXQTB1E", " qX要是链接失效,复制到别的帖子里再点开就好了http://pan.baidu.com/mbox/homepage?short=qXQTB1E", " qX要是链接失效,复制到别的帖子里再点开就好了http://pan.baidu.com/mbox/homepage?short=qXQTB1E", " qX要是链接失效,复制到别的帖子里再点开就好了http://pan.baidu.com/mbox/homepage?short=qXQTB1E", " qX要是链接失效,复制到别的帖子里再点开就好了http://pan.baidu.com/mbox/homepage?short=qXQTB1E", " qX要是链接失效,复制到别的帖子里再点开就好了http://pan.baidu.com/mbox/homepage?short=qXQTB1E"], "segmented_title": ["2017", "岛国", "大片", "_", "手机", "怎么", "看", "岛国", "片", "2015", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["这里", "http", ":", "/", "/", "t", ".", "cn", "/", "Ri", "4", "DtG", "h", "丶", "挥别", "一座", "记忆", "翻飞", "的", "沙城", ",", "此", "去", "岁月", "山长水远", "。", "但", ",", "自己", "始终", "都", "相信", ":", "时间", ",", "会", "给", "我们", "最好", "的", "相遇", ",", "命运", ",", "会", "允许", "我们", "建", "起", "更好", "的", "城", "。"], ["月", "风", "轻", ",", "风沙", "中", "渐次", "隐", "去", "的", "背影", ",", "已", "是", "匆忙", "过客", "。"], ["qX", "要", "是", "链接", "失效", ",", "复制", "到", "别", "的", "帖子", "里", "再", "点", "开", "就好", "了", "http", ":", "/", "/", "pan", ".", "baidu", ".", "com", "/", "mbox", "/", "home", "page", "?", "short", "=", "qX", "QTB", "1", "E"], ["qX", "要", "是", "链接", "失效", ",", "复制", "到", "别", "的", "帖子", "里", "再", "点", "开", "就好", "了", "http", ":", "/", "/", "pan", ".", "baidu", ".", "com", "/", "mbox", "/", "home", "page", "?", "short", "=", "qX", "QTB", "1", "E"], ["qX", "要", "是", "链接", "失效", ",", "复制", "到", "别", "的", "帖子", "里", "再", "点", "开", "就好", "了", "http", ":", "/", "/", "pan", ".", "baidu", ".", "com", "/", "mbox", "/", "home", "page", "?", "short", "=", "qX", "QTB", "1", "E"], ["qX", "要", "是", "链接", "失效", ",", "复制", "到", "别", "的", "帖子", "里", "再", "点", "开", "就好", "了", "http", ":", "/", "/", "pan", ".", "baidu", ".", "com", "/", "mbox", "/", "home", "page", "?", "short", "=", "qX", "QTB", "1", "E"], ["qX", "要", "是", "链接", "失效", ",", "复制", "到", "别", "的", "帖子", "里", "再", "点", "开", "就好", "了", "http", ":", "/", "/", "pan", ".", "baidu", ".", "com", "/", "mbox", "/", "home", "page", "?", "short", "=", "qX", "QTB", "1", "E"], ["qX", "要", "是", "链接", "失效", ",", "复制", "到", "别", "的", "帖子", "里", "再", "点", "开", "就好", "了", "http", ":", "/", "/", "pan", ".", "baidu", ".", "com", "/", "mbox", "/", "home", "page", "?", "short", "=", "qX", "QTB", "1", "E"], ["qX", "要", "是", "链接", "失效", ",", "复制", "到", "别", "的", "帖子", "里", "再", "点", "开", "就好", "了", "http", ":", "/", "/", "pan", ".", "baidu", ".", "com", "/", "mbox", "/", "home", "page", "?", "short", "=", "qX", "QTB", "1", "E"], ["qX", "要", "是", "链接", "失效", ",", "复制", "到", "别", "的", "帖子", "里", "再", "点", "开", "就好", "了", "http", ":", "/", "/", "pan", ".", "baidu", ".", "com", "/", "mbox", "/", "home", "page", "?", "short", "=", "qX", "QTB", "1", "E"], ["qX", "要", "是", "链接", "失效", ",", "复制", "到", "别", "的", "帖子", "里", "再", "点", "开", "就好", "了", "http", ":", "/", "/", "pan", ".", "baidu", ".", "com", "/", "mbox", "/", "home", "page", "?", "short", "=", "qX", "QTB", "1", "E"], ["qX", "要", "是", "链接", "失效", ",", "复制", "到", "别", "的", "帖子", "里", "再", "点", "开", "就好", "了", "http", ":", "/", "/", "pan", ".", "baidu", ".", "com", "/", "mbox", "/", "home", "page", "?", "short", "=", "qX", "QTB", "1", "E"], ["qX", "要", "是", "链接", "失效", ",", "复制", "到", "别", "的", "帖子", "里", "再", "点", "开", "就好", "了", "http", ":", "/", "/", "pan", ".", "baidu", ".", "com", "/", "mbox", "/", "home", "page", "?", "short", "=", "qX", "QTB", "1", "E"]], "title": "2017岛国大片_手机怎么看岛国片2015吧_百度贴吧"}, {"bs_rank_pos": 2, "paragraphs": ["当前位置: 首页 > 游戏新闻 > 手机教程 > 手机看岛国用什么软件 手机看日本爱情动作片app推荐下载", "现在大家都喜欢用手机看片了,特别的方便,以前大家都喜欢用快播,现在快播被封了,还有什么好用的手机看片神器app呢?小编就为大家整理了一批好用的手机看岛国片软件,快来下载吧! ", " 一些手机看片APP,打着所谓的手机看片神器旗号,号称什么电影都能看。尤其是在下载页面配上一些黄色图片和黄色电影的图片,来吸引人们下载,达到所谓的盈利目的。 可是等到用户们点击进入之后,大失所望发现什么都没有,只是一个粗制滥造的电影播放器。还掺杂着许多广告。典型的“挂羊头卖狗肉”。 ", " 日本看片app是一款非常实用的手机看片软件,宅男们快来下载吧!日本看片app是一款能在线免费观看超多精彩视频的手机播放软件,用户能够通过这款软件轻松找到超多宅男福利视频,每天都有不一样的惊喜等着你来观赏 ", " 四虎影库app是一款宅男宅女必备的看片神器,四虎影库app是一款成人影音播放器工具,包含了最全的成人资源,老司机们你懂的!喜欢就快来下载吧 ", " 嘿休影院app是一款非常好用的手机看片神器,嘿休影院app一款为广大喜欢看视频的小伙伴们准备的播放神器,汇聚全网的影视资源,每天实时更新。你想看的这里都有。高清视频在线观看,操作简单,带给你不一样的观影体验,赶快来下载吧 ", " 够爽影院app宅男必备的看片神器,够爽影院app是一款强大的福利影视播放神器,为你带来强大的视频福利,够爽影院app众多资源聚合搜索,海量资源一网打尽!分类细,动漫电影电视剧一个应用轻松搞定 ", " 成人影院app一款优质的手机看片软件,成人影院app拥有海量高清福利视频资源,只有你想不到的,十几个频道内容,院线热映、经典大片、热播剧集、国产电影、卫视直播等等,只有你想不到,没有你看不到! ", " youtube国外性直播网址app一款优质的视频软件,youtube国外性直播网址可以轻松变身音乐 DJ、观看功夫教学并与朋友分享所发现的精彩内容。无论是在沙发上、厨房里还是路途中,您都可以随时随地观看喜爱的视频和播放列表。 ", " 以上就是市面上比较好用的手机卡片神器app了,如果你不会用,可以进行留言,小编为大家进行解答。 ", " 本站为防止低俗内容出现,用户发表的评论需经过审核,谢谢 !", " 查看更多 ↓"], "segmented_title": ["手机", "看", "岛国", "用", "什么", "软件", "_", "岛国", "看", "片", "神器", "哪个", "好", "_", "2017", "手机", "看", "日本", "爱情", "动作"], "segmented_paragraphs": [["当前位置", ":", "首页", ">", "游戏新闻", ">", "手机", "教程", ">", "手机", "看", "岛国", "用", "什么", "软件", "手机", "看", "日本", "爱情", "动作片", "app", "推荐下载"], ["现在", "大家", "都", "喜欢", "用手机", "看", "片", "了", ",", "特别", "的", "方便", ",", "以前", "大家", "都", "喜欢", "用", "快播", ",", "现在", "快播", "被", "封", "了", ",", "还有什么", "好", "用", "的", "手机", "看", "片", "神器", "app", "呢", "?", "小", "编", "就", "为", "大家", "整理", "了", "一批", "好", "用", "的", "手机", "看", "岛国", "片", "软件", ",", "快", "来", "下载", "吧", "!"], ["一些", "手机", "看", "片", "APP", ",", "打", "着", "所谓", "的", "手机", "看", "片", "神器", "旗号", ",", "号称", "什么", "电影", "都", "能", "看", "。", "尤其", "是", "在", "下载", "页面", "配", "上", "一些", "黄色", "图片", "和", "黄色电影", "的", "图片", ",", "来", "吸引", "人们", "下载", ",", "达到", "所谓", "的", "盈利", "目的", "。", "可是", "等到", "用户", "们", "点击进入", "之后", ",", "大失所望", "发现", "什么都没有", ",", "只是", "一", "个", "粗制滥造", "的", "电影", "播放器", "。", "还", "掺杂", "着", "许多", "广告", "。", "典型", "的", "“", "挂羊头卖狗肉", "”", "。"], ["日本", "看", "片", "app", "是", "一款", "非常实用", "的", "手机", "看", "片", "软件", ",", "宅男", "们", "快", "来", "下载", "吧", "!", "日本", "看", "片", "app", "是", "一款", "能", "在线", "免费", "观看", "超", "多", "精彩", "视频", "的", "手机", "播放软件", ",", "用户", "能够", "通过", "这", "款", "软件", "轻松", "找到", "超", "多", "宅男", "福利", "视频", ",", "每天", "都", "有", "不一样", "的", "惊喜", "等着你", "来", "观赏"], ["四", "虎", "影", "库", "app", "是", "一款", "宅男", "宅女", "必备", "的", "看", "片", "神器", ",", "四", "虎", "影", "库", "app", "是", "一", "款", "成人影音", "播放器", "工具", ",", "包含", "了", "最全", "的", "成人", "资源", ",", "老", "司机", "们", "你", "懂", "的", "!", "喜欢", "就", "快", "来", "下载", "吧"], ["嘿", "休", "影院", "app", "是", "一款", "非常", "好", "用", "的", "手机", "看", "片", "神器", ",", "嘿", "休", "影院", "app", "一", "款", "为", "广大", "喜欢", "看", "视频", "的", "小伙伴", "们", "准备", "的", "播放", "神器", ",", "汇聚", "全", "网", "的", "影视", "资源", ",", "每天", "实时更新", "。", "你", "想", "看", "的", "这里", "都", "有", "。", "高清", "视频", "在线", "观看", ",", "操作简单", ",", "带", "给", "你", "不一样", "的", "观影", "体验", ",", "赶快来", "下载", "吧"], ["够", "爽", "影院", "app", "宅男", "必备", "的", "看", "片", "神器", ",", "够", "爽", "影院", "app", "是", "一款", "强大", "的", "福利", "影视", "播放", "神器", ",", "为你", "带来", "强大", "的", "视频", "福利", ",", "够", "爽", "影院", "app", "众多", "资源", "聚合", "搜索", ",", "海量", "资源", "一网打尽", "!", "分类", "细", ",", "动漫", "电影", "电视剧", "一", "个", "应用", "轻松搞定"], ["成人影院", "app", "一款", "优质", "的", "手机", "看", "片", "软件", ",", "成人影院", "app", "拥有", "海量", "高清", "福利", "视频", "资源", ",", "只有你", "想", "不到", "的", ",", "十", "几", "个", "频道", "内容", ",", "院线", "热映", "、", "经典大片", "、", "热播", "剧集", "、", "国产电影", "、", "卫视", "直播", "等等", ",", "只有你", "想", "不到", ",", "没有", "你", "看不到", "!"], ["youtube", "国外", "性", "直播", "网址", "app", "一款", "优质", "的", "视频", "软件", ",", "youtube", "国外", "性", "直播", "网址", "可以", "轻松", "变身", "音乐", "DJ", "、", "观看", "功夫", "教学", "并", "与", "朋友", "分享", "所", "发现", "的", "精彩内容", "。", "无论", "是", "在", "沙发", "上", "、", "厨房", "里", "还是", "路途", "中", ",", "您", "都", "可以", "随时随地", "观看", "喜爱", "的", "视频", "和", "播放列表", "。"], ["以上", "就是", "市面上", "比较好", "用", "的", "手机", "卡片", "神器", "app", "了", ",", "如果", "你", "不会", "用", ",", "可以", "进行", "留言", ",", "小", "编", "为", "大家", "进行", "解答", "。"], ["本站", "为", "防止", "低俗", "内容", "出现", ",", "用户", "发表", "的", "评论", "需", "经过", "审核", ",", "谢谢", "!"], ["查看", "更多", "↓"]], "title": "手机看岛国用什么软件_岛国看片神器哪个好_2017手机看日本爱情动作"}, {"bs_rank_pos": 3, "paragraphs": [" 性别 保密 幸福币 0 经验 4496 帖子 5449", " 额~哦........偶无语 ", " 性别 保密 幸福币 0 经验 3097 帖子 3853", " 爷爷都是从孙子走过来的。", " 性别 保密 幸福币 0 经验 4384 帖子 5734", " 嘎嘎````````````````````````````` ", " 人道海水深,不抵相思半。海水尚有涯,相思渺无畔。", " 性别 保密 幸福币 0 经验 3129 帖子 3999", " 做一个,做好了,请看 "], "segmented_title": ["烽火", "2017", "还", "怎么", "下载", "岛国", "片", ",", "微信", "分享", "群", "你", "懂得", "2017", ",", "求", "爱情", "动作片", "网址", "-"], "segmented_paragraphs": [["性别", "保密", "幸福", "币", "0", "经验", "4496", "帖子", "5449"], ["额", "~", "哦", ".", ".", ".", ".", ".", ".", ".", ".", "偶", "无语"], ["性别", "保密", "幸福", "币", "0", "经验", "3097", "帖子", "3853"], ["爷爷", "都是", "从", "孙子", "走过来", "的", "。"], ["性别", "保密", "幸福", "币", "0", "经验", "4384", "帖子", "5734"], ["嘎嘎", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`", "`"], ["人", "道", "海水", "深", ",", "不", "抵", "相思", "半", "。", "海水", "尚", "有", "涯", ",", "相思", "渺", "无", "畔", "。"], ["性别", "保密", "幸福", "币", "0", "经验", "3129", "帖子", "3999"], ["做", "一", "个", ",", "做", "好", "了", ",", "请", "看"]], "title": "烽火2017还怎么下载岛国片,微信分享群你懂得2017,求爱情动作片网址-"}, {"bs_rank_pos": 4, "paragraphs": ["晚上必须要看的,会很。。自己体会:Kbb7。C-0-M ", " 下载贴吧APP看高清直播、视频!", " 贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示", " 内容:"], "segmented_title": ["2017", "如何", "看", "岛国", "电影", "【", "软件", "福利", "吧", "】", "_", "百度贴吧"], "segmented_paragraphs": [["晚上", "必须", "要", "看", "的", ",", "会", "很", "。", "。", "自己", "体会", ":", "Kbb7", "。", "C", "-", "0", "-", "M"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"], ["内容", ":"]], "title": "2017如何看岛国电影【软件福利吧】_百度贴吧"}, {"bs_rank_pos": 6, "paragraphs": ["看题目来 →kanse59●C—0—m 是男人就赶紧来 超给力 啊 啊啊 啊啊啊~", " 下载贴吧APP看高清直播、视频!", " 贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示", " 内容:"], "segmented_title": ["谁", "有没有", "那样", "新", "2017", "网站", "求", "个", "在线", "能", "下载", "看", "的", "你", "懂得", "【", "最", "好看", "的", "岛国", "片"], "segmented_paragraphs": [["看", "题目", "来", "→", "kanse", "59", "●", "C", "—", "0", "—", "m", "是", "男人", "就", "赶紧", "来", "超", "给力", "啊", "啊", "啊", "啊啊啊", "~"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"], ["内容", ":"]], "title": "谁有没有那样新2017网站求个在线能下载看的你懂得【最好看的岛国片"}], "question": "2017还怎么下载岛国片", "segmented_question": ["2017", "还", "怎么", "下载", "岛国", "片"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221602}
-{"documents": [{"bs_rank_pos": 2, "paragraphs": ["在沪江关注日语的沪友chiyouhasang遇到了一个关于日语翻译的疑惑,已有5人提出了自己的看法。", "知识点疑惑描述: 如题。 ", "知识点相关讲解 ", " 完全日语:一足す一/一に一を足す。舶来日语:一プラス(英,plus)一。", " —— 独客狂伤 ", " いちたすいち —— piaochunhao ", "相关其他知识点 "], "segmented_title": ["日语翻译", "_", "请问", "一", "下", ",", "1", "加", "1", "用", "日文", "怎么说", "?", "_", "日语", "_", "沪江", "网"], "segmented_paragraphs": [["在", "沪江", "关注", "日语", "的", "沪友", "chi", "you", "hasang", "遇到", "了", "一", "个", "关于", "日语翻译", "的", "疑惑", ",", "已有", "5", "人", "提出", "了", "自己", "的", "看法", "。"], ["知识点", "疑惑", "描述", ":", "如", "题", "。"], ["知识点", "相关", "讲解"], ["完全", "日语", ":", "一", "足", "す", "一", "/", "一", "に", "一", "を", "足", "す", "。", "舶来", "日语", ":", "一", "プ", "ラ", "ス", "(", "英", ",", "plus", ")", "一", "。"], ["—", "—", "独", "客", "狂", "伤"], ["い", "ち", "た", "す", "い", "ち", "—", "—", "piaochunhao"], ["相关", "其他", "知识点"]], "title": "日语翻译_请问一下,1加1 用日文怎么说?_日语_沪江网"}, {"bs_rank_pos": 3, "paragraphs": ["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日にじゅうくにち========================================"], "segmented_title": ["日语", "1", "日", "~", "30", "日", "分别", "怎么写", "_", "百度", "知道"], "segmented_paragraphs": [["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", "日", "に", "じ", "ゅ", "う", "く", "に", "ち", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "="]], "title": "日语1日~30日分别怎么写_百度知道"}, {"bs_rank_pos": 4, "paragraphs": ["你好! 日文的1至10的中文发音是: 1、一七; 2、妮; 3、三恩【要连读】; 4、西【或者是“用”】; 5、国; 6、洛库; 7、娜娜【或者是“西七”】; 8、哈七; 9、Q【英文的发音】; 1讥虎皋绞薤悸鸽溪龚娄0、就屋。 希望能够帮到你。 酆拾局荒骘崎使舒辕缊它仍线金衔婷缔遥淯殿淩"], "segmented_title": ["日语", "1", "~", "10", "怎么说", "_", "百度", "知道"], "segmented_paragraphs": [["你好", "!", "日文", "的", "1", "至", "10", "的", "中文发音", "是", ":", "1", "、", "一", "七", ";", "2", "、", "妮", ";", "3", "、", "三", "恩", "【", "要", "连读", "】", ";", "4", "、", "西", "【", "或者", "是", "“", "用", "”", "】", ";", "5", "、", "国", ";", "6", "、", "洛", "库", ";", "7", "、", "娜娜", "【", "或者", "是", "“", "西", "七", "”", "】", ";", "8", "、", "哈", "七", ";", "9", "、", "Q", "【", "英文", "的", "发音", "】", ";", "1", "讥", "虎", "皋", "绞", "薤悸", "鸽", "溪", "龚", "娄", "0", "、", "就", "屋", "。", "希望能够", "帮", "到", "你", "。", "酆", "拾", "局", "荒", "骘", "崎", "使", "舒", "辕", "缊", "它", "仍", "线", "金", "衔", "婷", "缔", "遥", "淯", "殿", "淩"]], "title": "日语1~10怎么说_百度知道"}, {"bs_rank_pos": 4, "paragraphs": ["1 一汽 2 腻 3 上 4 戏 5 够 6 搂哭 7 吸气 8 哈气 9 酷 10 久 望采纳"], "segmented_title": ["日语", "1", "~", "10", "怎么说", "_", "百度", "知道"], "segmented_paragraphs": [["1", "一汽", "2", "腻", "3", "上", "4", "戏", "5", "够", "6", "搂", "哭", "7", "吸气", "8", "哈气", "9", "酷", "10", "久", "望", "采纳"]], "title": "日语1~10怎么说_百度知道"}, {"bs_rank_pos": 6, "paragraphs": ["在沪江关注日语的沪友zhcui遇到了一个关于日语翻译的疑惑,已有4人提出了自己的看法。", "知识点疑惑描述: 如题。 ", "知识点相关讲解 ", " 電子コンポーネントコンポーネント:组分;成分;部件;构件;组件 component ", " —— zhaoyanj1989 ", " エレメント 日 【えれめんと】 【eremennto】 (1)要素,成分. (2)〈化〉元素. (3)〔人間や物の〕自然环境,活动范围. (4)〈電〉电极板. (5)真空管的电极. (6)① 元件,电子元件 エレメント挿入/元件插入 ", " —— hesheng25 ", "相关其他知识点 "], "segmented_title": ["日语翻译", "_", "请问", "一", "下", ",", "电子元器件", "用", "日文", "怎么说", "?", "_", "日语", "_", "沪江", "网"], "segmented_paragraphs": [["在", "沪江", "关注", "日语", "的", "沪友", "zh", "cui", "遇到", "了", "一", "个", "关于", "日语翻译", "的", "疑惑", ",", "已有", "4", "人", "提出", "了", "自己", "的", "看法", "。"], ["知识点", "疑惑", "描述", ":", "如", "题", "。"], ["知识点", "相关", "讲解"], ["電子", "コ", "ン", "ポ", "ー", "ネ", "ン", "ト", "コ", "ン", "ポ", "ー", "ネ", "ン", "ト", ":", "组", "分", ";", "成分", ";", "部件", ";", "构件", ";", "组件", "component"], ["—", "—", "zhaoyanj", "1989"], ["エ", "レ", "メ", "ン", "ト", "日", "【", "え", "れ", "め", "ん", "と", "】", "【", "eremennto", "】", "(", "1", ")", "要素", ",", "成分", ".", "(", "2", ")", "〈", "化", "〉", "元素", ".", "(", "3", ")", "〔", "人間", "や", "物", "の", "〕", "自然环境", ",", "活动范围", ".", "(", "4", ")", "〈", "電", "〉", "电极", "板", ".", "(", "5", ")", "真空管", "的", "电极", ".", "(", "6", ")", "①", "元件", ",", "电子元件", "エ", "レ", "メ", "ン", "ト", "挿", "入", "/", "元件", "插入"], ["—", "—", "he", "sheng", "25"], ["相关", "其他", "知识点"]], "title": "日语翻译_请问一下,电子元器件 用日文怎么说?_日语_沪江网"}], "question": "原件 日语", "segmented_question": ["原件", "日语"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221603}
-{"documents": [{"bs_rank_pos": 2, "paragraphs": ["又到了年底大扫除的时候", "可是纱窗……", "我滴个天啦!", "秋天遇上了12周年门票特价 广告", "这也太脏了点吧", "用普通的方法来涮", "最让人头疼还真不是涮出的效果不好", "而是涮的到处都是泥泥点点的", "本来只需清理纱窗", "却要清理的其它地方更多", "这么大一家伙", "摆哪涮都不是那么容易", "尤其是边边角角的地方清理起来更是麻烦", "晨晨就教大家一个超级简单且不费力", "神奇清理纱窗的小窍门", "你只需要铺上报纸", "涮上咱自制的清洁剂", "就可以轻松清洗干净纱窗啦!", "在纱窗上多铺几层报纸", "用清洁剂多涮几层", "这样去污效果更好", "然后静静的等待报纸变干就可以见证奇迹发生的时刻了", "您瞧瞧,基本没怎么动手", "纱窗自动变干净了", "这里的原理非常简单", "报纸本身的吸附能力非常的强", "刷上自制的清洁剂后渗透", "纱窗上的脏东西自然被清理走了", "不过你可看好了", "普通的清水、洗衣粉之类的可达不到这样的效果", "要想解决纱窗上的讨厌灰尘", "还得看看咱自制的清洁剂到底是怎么配置的", "一个是清水、二是洗衣粉、另外就是牛奶", "将洗衣粉、牛奶、水按照1:1:3的比例调配", "牛奶中的蛋白质搭配上洗衣粉", "能将分解纱窗上灰尘的能力加倍", "所以按照这个比例调配出的自制清洁剂", "不但解决了纱窗脏的问题", "更让家务活轻松更简单啦!", "大家学会了吗?", "赶紧转发告诉各位邻居吧!", "长按二维码 关注江西晨报", "来源:江西晨报综合北京卫视 ", "本期编辑:户外", " 没有评论,快来抢沙发! "], "segmented_title": ["纱窗", "太", "脏", "难", "清洗", "?", "教", "你", "一", "招", ":", "不用", "动手", ",", "让", "纱窗", "瞬间", "变", "干净", "!", "-", "频道", "-", "手机"], "segmented_paragraphs": [["又", "到", "了", "年底", "大扫除", "的", "时候"], ["可是", "纱窗", "…", "…"], ["我", "滴", "个", "天", "啦", "!"], ["秋天", "遇上", "了", "12", "周年", "门票", "特价", "广告"], ["这", "也", "太", "脏", "了", "点", "吧"], ["用", "普通", "的", "方法", "来", "涮"], ["最", "让", "人", "头疼", "还", "真", "不是", "涮", "出", "的", "效果", "不好"], ["而是", "涮", "的", "到处", "都是", "泥", "泥", "点点", "的"], ["本来", "只", "需", "清理", "纱窗"], ["却", "要", "清理", "的", "其它", "地方", "更多"], ["这么", "大一", "家伙"], ["摆", "哪", "涮", "都", "不是", "那么", "容易"], ["尤其", "是", "边边角角", "的", "地方", "清理", "起来", "更", "是", "麻烦"], ["晨晨", "就", "教", "大家", "一", "个", "超级", "简单", "且", "不", "费力"], ["神奇", "清理", "纱窗", "的", "小窍门"], ["你", "只", "需要", "铺", "上", "报纸"], ["涮", "上", "咱", "自制", "的", "清洁剂"], ["就", "可以", "轻松", "清洗干净", "纱窗", "啦", "!"], ["在", "纱窗", "上多铺", "几", "层", "报纸"], ["用", "清洁剂", "多", "涮", "几", "层"], ["这样", "去污", "效果", "更好"], ["然后", "静静", "的", "等待", "报纸", "变", "干", "就", "可以", "见证", "奇迹", "发生", "的", "时刻", "了"], ["您", "瞧瞧", ",", "基本", "没", "怎么", "动手"], ["纱窗", "自动", "变", "干净", "了"], ["这里", "的", "原理", "非常", "简单"], ["报纸", "本身", "的", "吸附", "能力", "非常", "的", "强"], ["刷", "上", "自制", "的", "清洁剂", "后", "渗透"], ["纱窗", "上", "的", "脏", "东西", "自然", "被", "清理", "走", "了"], ["不过", "你", "可", "看", "好", "了"], ["普通", "的", "清水", "、", "洗衣粉", "之类", "的", "可达", "不到", "这样", "的", "效果"], ["要", "想", "解决", "纱窗", "上", "的", "讨厌", "灰尘"], ["还", "得", "看看", "咱", "自制", "的", "清洁剂", "到底", "是", "怎么", "配置", "的"], ["一", "个", "是", "清水", "、", "二", "是", "洗衣粉", "、", "另外", "就是", "牛奶"], ["将", "洗衣粉", "、", "牛奶", "、", "水", "按照", "1", ":", "1", ":", "3", "的", "比例", "调配"], ["牛奶", "中", "的", "蛋白质", "搭配", "上", "洗衣粉"], ["能", "将", "分解", "纱窗", "上", "灰尘", "的", "能力", "加倍"], ["所以", "按照", "这个", "比例", "调配", "出", "的", "自制", "清洁剂"], ["不", "但", "解决", "了", "纱窗", "脏", "的", "问题"], ["更", "让", "家务活", "轻松", "更", "简单", "啦", "!"], ["大家", "学会", "了", "吗", "?"], ["赶紧", "转发", "告诉", "各位", "邻居", "吧", "!"], ["长按", "二维码", "关注", "江西", "晨报"], ["来源", ":", "江西", "晨报", "综合", "北京", "卫视"], ["本期", "编辑", ":", "户外"], ["没有评论", ",", "快", "来", "抢沙发", "!"]], "title": "纱窗太脏难清洗?教你一招:不用动手,让纱窗瞬间变干净!-频道-手机"}, {"bs_rank_pos": 4, "paragraphs": [" UID 390362 帖子 3741 精华 0 金币 3038 威望 -7 注册时间 2013-5-27 ", " “我正在参加【方太杯#家居达人秀】的线上征文活动”", " 全城寻找:居家/收纳/购物/厨房...生活类达人", " 开贴参与送雨伞,上海迪斯尼门票,更有价值8000元的大奖!", " UID 684337  帖子 9593  精华 0  金币 6580  威望 0  注册时间 2015-5-8 ", " 有经验拿来分享,支持一下~ ", " UID 309367  帖子 1315  精华 0  金币 1828  威望 0  注册时间 2012-7-19 ", " UID 129572  帖子 17118  精华 0  金币 16586  威望 0  注册时间 2010-5-1 ", " UID 341012  帖子 2371  精华 0  金币 2357  威望 0  注册时间 2012-11-22 ", " UID 57560 帖子 2068 精华 0 金币 2559 威望 2 注册时间 2009-7-12 ", " 收藏 来自得意生活APP ", " UID 587046 帖子 1189 精华 0 金币 2258 威望 0 注册时间 2014-12-7 ", " UID 664083 帖子 1676 精华 0 金币 2128 威望 0 注册时间 2015-4-6 ", " UID 624670 帖子 18372 精华 0 金币 9055 威望 1 注册时间 2015-2-10  UID 136012 帖子 7439 精华 0 金币 5969 威望 4 注册时间 2010-6-21  婆家的纱窗下了,河里刷 来自得意生活APP  UID 197531 帖子 825 精华 0 金币 636 威望 2 注册时间 2011-6-23  UID 14192  帖子 39945  精华 8  金币 36624  威望 317  注册时间 2008-7-21  UID 829004 帖子 1245 精华 0 金币 3947 威望 0 注册时间 2016-1-11  UID 173474 帖子 5623 精华 0 金币 3300 威望 4 注册时间 2011-2-14 ", " UID 574940  帖子 108357  精华 0  金币 81428  威望 0  注册时间 2014-11-11 ", " 第一种 来自得意生活APP "], "segmented_title": ["家里", "的", "纱窗", "脏", "死", "了", ",", "要", "怎么", "清洗", ",", "其实很简单", "哦", "!", "秒懂", "-", "装修", "讨论", "-", "得意"], "segmented_paragraphs": [["UID", "390362", "帖子", "3741", "精华", "0", "金币", "3038", "威望", "-", "7", "注册时间", "2013", "-", "5", "-", "27"], ["“", "我", "正在", "参加", "【", "方太", "杯", "#", "家居", "达人秀", "】", "的", "线上", "征文活动", "”"], ["全城", "寻找", ":", "居家", "/", "收纳", "/", "购物", "/", "厨房", ".", ".", ".", "生活类", "达人"], ["开", "贴", "参与", "送", "雨伞", ",", "上海", "迪斯尼", "门票", ",", "更有价值", "8000", "元", "的", "大奖", "!"], ["UID", "684337", "帖子", "9593", "精华", "0", "金币", "6580", "威望", "0", "注册时间", "2015", "-", "5", "-", "8"], ["有", "经验", "拿来", "分享", ",", "支持", "一", "下", "~"], ["UID", "309367", "帖子", "1315", "精华", "0", "金币", "1828", "威望", "0", "注册时间", "2012", "-", "7", "-", "19"], ["UID", "129572", "帖子", "17118", "精华", "0", "金币", "16586", "威望", "0", "注册时间", "2010", "-", "5", "-", "1"], ["UID", "341012", "帖子", "2371", "精华", "0", "金币", "2357", "威望", "0", "注册时间", "2012", "-", "11", "-", "22"], ["UID", "57560", "帖子", "2068", "精华", "0", "金币", "2559", "威望", "2", "注册时间", "2009", "-", "7", "-", "12"], ["收藏", "来自", "得意生活", "APP"], ["UID", "587046", "帖子", "1189", "精华", "0", "金币", "2258", "威望", "0", "注册时间", "2014", "-", "12", "-", "7"], ["UID", "664083", "帖子", "1676", "精华", "0", "金币", "2128", "威望", "0", "注册时间", "2015", "-", "4", "-", "6"], ["UID", "624670", "帖子", "18372", "精华", "0", "金币", "9055", "威望", "1", "注册时间", "2015", "-", "2", "-", "10", "UID", "136012", "帖子", "7439", "精华", "0", "金币", "5969", "威望", "4", "注册时间", "2010", "-", "6", "-", "21", "婆家", "的", "纱窗", "下", "了", ",", "河里", "刷", "来自", "得意生活", "APP", "UID", "197531", "帖子", "825", "精华", "0", "金币", "636", "威望", "2", "注册时间", "2011", "-", "6", "-", "23", "UID", "14192", "帖子", "39945", "精华", "8", "金币", "36624", "威望", "317", "注册时间", "2008", "-", "7", "-", "21", "UID", "829004", "帖子", "1245", "精华", "0", "金币", "3947", "威望", "0", "注册时间", "2016", "-", "1", "-", "11", "UID", "173474", "帖子", "5623", "精华", "0", "金币", "3300", "威望", "4", "注册时间", "2011", "-", "2", "-", "14"], ["UID", "574940", "帖子", "108357", "精华", "0", "金币", "81428", "威望", "0", "注册时间", "2014", "-", "11", "-", "11"], ["第", "一", "种", "来自", "得意生活", "APP"]], "title": "家里的纱窗脏死了,要怎么清洗,其实很简单哦!秒懂 - 装修讨论 - 得意"}, {"bs_rank_pos": 7, "paragraphs": ["纱窗,算是夏天非常重要的东西了,因为夏天蚊虫非常多,所以纱窗的重要性完全不亚于蚊香。而且纱窗还能帮我们隔绝一些灰尘、柳絮等等,让室内的空气环境更清新,作用可以说是相当大了。不过家里的纱窗使用的时间长了但是又没有清洗的话,纱窗上就很容易累积一层厚厚的污垢,尤其是厨房里的纱窗,上面还有很多油污,更是难以清理。所以小编接下来介绍几个清洗纱窗的小方法给大家!", " 1.可用吸尘器清洁纱窗,取来一张报纸,将它固定在纱窗的一面,然后用吸尘器去吸,就可以把纱窗上的灰尘清除。 2.用面糊除去纱窗上的油污,先取100克面粉,然后将其弄成稀面糊,接着趁热刷在纱窗上,过十多分钟就用刷子反反复复地刷洗几遍,最后用清水洗干净。 3.家里有报纸的话,利用报纸清洗纱窗。具体做法:将报纸浸湿,然后贴在纱窗上,等报纸干后揭下来,再贴上新的浸湿了的报纸,反复几次,便可将纱窗清洗干净。", " 3、用面糊除纱窗上的油污", " 取100克面粉,将其打成稀面糊,然后趁热刷在纱窗上,待10分钟左右后,用刷子反复地刷洗几遍,再用清水冲洗干净,即可去除油污。", " 4、用茶叶洗窗帘", " 若窗帘的一部分被太阳晒黄了,可将它取下来,放入茶水里泡1晚,则可将晒黄的地方洗净。", " 5、用牛奶洗纱窗帘", " 在洗纱窗帘的时候,在洗衣粉溶液中加入适量的牛奶,这样能把纱窗帘洗得跟新的一样。", " 6、用小苏打洗窗帘", " 首先将浮灰去掉,然后放进加有洗涤剂的温水里轻轻地揉动,待洗完后,再用清水漂洗几遍,然后在清水中加入500克小苏打,把纱窗帘浸入水中漂洗,这样能把纱窗帘洗得非常洁白。", " 一、不同类型厨房纱窗的清洗 1、普通纱窗的清洁 如果是可以拿下来的纱窗可以拿下来用喷壶慢慢冲洗。如果使用的是隐形纱窗,就不必取下来了。隐形纱窗如果取下来就会变成一团,反而洗不干净。这里不妨用水拽着隐形纱窗,拽多少洗多少。比较干净。 2、比较脏的纱窗的清洁 吸尘器法。在纱窗下垫上报纸,怕报纸飞走可以用玻璃压好,做不到的干脆用胶带纸贴着报纸的四个角。报纸要厚些。然后用吸尘器吸纱窗上面的灰尘。如果吸尘器功率大,纱窗很快就干净了。 3、灰尘为主体额纱窗的清洁 转移法。还是利用旧报纸,先把报纸浸湿,然后贴在纱窗上等待风干,能转移一些灰尘。我是这么做的,在报纸上抹上洗剂,比如纱窗油多我就抹上洗涤剂,然后油都溶解在报纸上了,后揭开报纸纱窗就干净了。 4、特污区纱窗的清洁 一般来说,厨房纱窗难搞定。方法是先把纱窗拆下在地上铺上报纸,用钢丝球等刷,洗涤剂什么都用上,等到油渍去掉大半的时候,用湿海绵擦洗。后再用水冲。注意不能一开始就用水,水并不能融油,这样只会把家里弄的更脏。 二、厨房纱窗清洗的方法 1、面糊综合护理法 可以去超市买些面粉,勾兑厚点变成面糊,直接刷在纱窗上然后等待干燥,彻底干了之后直接用自来水冲走,纱窗上面的脏东西就可以跟着面糊冲走了。 2、先将纱窗取下来,然后用沾有洗洁精的抹布用力的擦拭,或者将其平放在卫生间的地上用刷子刷洗,等把纱窗都挨个擦拭了一遍之后,我们就用花洒或者活动水龙头进行冲洗,知道你认为干净了为止,后将其放在通风处晾干即可。 3、如果你家有吸尘器的朋友你就完全没有必要进行上面的清洗方法了,你只需要将纱窗放在地上,或者用手扶着纱窗,然后用吸尘器一点一点的洗掉灰尘即可。 4、可以将废旧的报纸打湿,然后紧紧的覆盖在纱窗表面,报纸干后就换上一张新的报纸重复刚才的操作,这样反复几次,也有不错的清洗效果哦。 5、还有一种用时比较短,操作很简单的方法,那就是用海绵擦拭,当然,这海绵必须得稍微浸湿之后才来擦拭纱窗,这种方法效果的明显,并且还能节约不少的时间呢。 三、厨房纱窗清洗的注意事项 1、隐形纱窗不要取下来洗 2、厨房纱窗切忌直接用水冲洗,并且注意定期上油。 3、再好的纱窗也需要保养,请勿用力拽扯,保持风干。本文仅代表作者观点,不代表百度立场。系作者授权百家号发表,未经许可不得转载。 简介: 书写文字,传播文化,致力于文化传播 "], "segmented_title": ["家里", "纱窗", "怎么", "也", "清理", "不", "干净", "?", "学会", "几个", "小技巧", ",", "纱窗", "焕然一新"], "segmented_paragraphs": [["纱窗", ",", "算是", "夏天", "非常重要", "的", "东西", "了", ",", "因为", "夏天", "蚊虫", "非常", "多", ",", "所以", "纱窗", "的", "重要性", "完全", "不亚于", "蚊香", "。", "而且", "纱窗", "还能", "帮", "我们", "隔绝", "一些", "灰尘", "、", "柳絮", "等等", ",", "让", "室内", "的", "空气", "环境", "更", "清新", ",", "作用", "可以说是", "相当", "大", "了", "。", "不过", "家里", "的", "纱窗", "使用", "的", "时间长", "了", "但是", "又", "没有", "清洗", "的", "话", ",", "纱窗", "上", "就", "很", "容易", "累积", "一", "层", "厚厚", "的", "污垢", ",", "尤其", "是", "厨房", "里", "的", "纱窗", ",", "上面", "还有很多", "油污", ",", "更", "是", "难以", "清理", "。", "所以", "小", "编", "接下来", "介绍", "几个", "清洗", "纱窗", "的", "小", "方法", "给", "大家", "!"], ["1", ".", "可用", "吸尘器", "清洁", "纱窗", ",", "取", "来", "一", "张", "报纸", ",", "将它", "固定", "在", "纱窗", "的", "一", "面", ",", "然后", "用", "吸尘器", "去", "吸", ",", "就", "可以", "把", "纱窗", "上", "的", "灰尘", "清除", "。", "2", ".", "用", "面糊", "除去", "纱窗", "上", "的", "油污", ",", "先", "取", "100", "克", "面粉", ",", "然后", "将", "其", "弄成", "稀", "面糊", ",", "接着", "趁", "热", "刷", "在", "纱窗", "上", ",", "过", "十", "多", "分钟", "就", "用", "刷子", "反反复", "复地", "刷", "洗", "几", "遍", ",", "最后", "用", "清水", "洗", "干净", "。", "3", ".", "家里", "有", "报纸", "的", "话", ",", "利用", "报纸", "清洗", "纱窗", "。", "具体做法", ":", "将", "报纸", "浸湿", ",", "然后", "贴", "在", "纱窗", "上", ",", "等", "报纸", "干", "后", "揭", "下来", ",", "再", "贴", "上", "新", "的", "浸湿", "了", "的", "报纸", ",", "反复", "几", "次", ",", "便", "可", "将", "纱窗", "清洗干净", "。"], ["3", "、", "用", "面糊", "除", "纱窗", "上", "的", "油污"], ["取", "100", "克", "面粉", ",", "将", "其", "打", "成", "稀", "面糊", ",", "然后", "趁", "热", "刷", "在", "纱窗", "上", ",", "待", "10", "分钟", "左右", "后", ",", "用", "刷子", "反复", "地", "刷", "洗", "几", "遍", ",", "再", "用", "清水", "冲洗", "干净", ",", "即可", "去除", "油污", "。"], ["4", "、", "用", "茶叶", "洗", "窗帘"], ["若", "窗帘", "的", "一部分", "被", "太阳", "晒", "黄", "了", ",", "可", "将它", "取", "下来", ",", "放入", "茶水", "里", "泡", "1", "晚", ",", "则", "可", "将", "晒", "黄", "的", "地方", "洗净", "。"], ["5", "、", "用", "牛奶", "洗", "纱", "窗帘"], ["在", "洗", "纱", "窗帘", "的", "时候", ",", "在", "洗衣粉", "溶液", "中", "加入", "适量", "的", "牛奶", ",", "这样", "能", "把", "纱", "窗帘", "洗", "得", "跟", "新", "的", "一样", "。"], ["6", "、", "用", "小苏打", "洗", "窗帘"], ["首先", "将", "浮灰", "去掉", ",", "然后", "放", "进", "加", "有", "洗涤剂", "的", "温水", "里", "轻轻地", "揉", "动", ",", "待", "洗", "完", "后", ",", "再", "用", "清水", "漂洗", "几", "遍", ",", "然后", "在", "清水", "中", "加入", "500", "克", "小苏打", ",", "把", "纱", "窗帘", "浸入", "水中", "漂洗", ",", "这样", "能", "把", "纱", "窗帘", "洗", "得", "非常", "洁白", "。"], ["一", "、", "不同", "类型", "厨房", "纱窗", "的", "清洗", "1", "、", "普通", "纱窗", "的", "清洁", "如果", "是", "可以", "拿", "下来", "的", "纱窗", "可以", "拿", "下来", "用", "喷壶", "慢慢", "冲洗", "。", "如果", "使用", "的", "是", "隐形纱窗", ",", "就", "不必", "取", "下来", "了", "。", "隐形纱窗", "如果", "取", "下来", "就会", "变成", "一", "团", ",", "反而", "洗", "不", "干净", "。", "这里", "不", "妨", "用", "水", "拽", "着", "隐形纱窗", ",", "拽", "多少", "洗", "多少", "。", "比较", "干净", "。", "2", "、", "比较", "脏", "的", "纱窗", "的", "清洁", "吸尘器", "法", "。", "在", "纱窗", "下", "垫", "上", "报纸", ",", "怕", "报纸", "飞走", "可以", "用", "玻璃", "压", "好", ",", "做不到", "的", "干脆", "用", "胶带", "纸", "贴", "着", "报纸", "的", "四", "个", "角", "。", "报纸", "要", "厚", "些", "。", "然后", "用", "吸尘器", "吸", "纱窗", "上面", "的", "灰尘", "。", "如果", "吸尘器", "功率", "大", ",", "纱窗", "很快", "就", "干净", "了", "。", "3", "、", "灰尘", "为主体", "额", "纱窗", "的", "清洁", "转移", "法", "。", "还是", "利用", "旧", "报纸", ",", "先", "把", "报纸", "浸湿", ",", "然后", "贴", "在", "纱窗", "上", "等待", "风干", ",", "能", "转移", "一些", "灰尘", "。", "我", "是", "这么", "做", "的", ",", "在", "报纸", "上", "抹", "上", "洗剂", ",", "比如", "纱窗", "油", "多", "我", "就", "抹", "上", "洗涤剂", ",", "然后", "油", "都", "溶解", "在", "报纸", "上", "了", ",", "后", "揭开", "报纸", "纱窗", "就", "干净", "了", "。", "4", "、", "特", "污", "区", "纱窗", "的", "清洁", "一般来说", ",", "厨房", "纱窗", "难", "搞定", "。", "方法", "是", "先", "把", "纱窗", "拆下", "在", "地上", "铺", "上", "报纸", ",", "用", "钢丝", "球", "等", "刷", ",", "洗涤剂", "什么", "都", "用上", ",", "等到", "油渍", "去掉", "大", "半", "的", "时候", ",", "用", "湿", "海绵", "擦洗", "。", "后", "再", "用", "水", "冲", "。", "注意", "不能", "一开始", "就", "用", "水", ",", "水", "并", "不能", "融", "油", ",", "这样", "只", "会", "把", "家里", "弄", "的", "更", "脏", "。", "二", "、", "厨房", "纱窗", "清洗", "的", "方法", "1", "、", "面糊", "综合", "护理", "法", "可以", "去", "超市", "买", "些", "面粉", ",", "勾兑", "厚", "点", "变成", "面糊", ",", "直接", "刷", "在", "纱窗", "上", "然后", "等待", "干燥", ",", "彻底", "干", "了", "之后", "直接", "用", "自来水", "冲走", ",", "纱窗", "上面", "的", "脏", "东西", "就", "可以", "跟着", "面糊", "冲走", "了", "。", "2", "、", "先", "将", "纱窗", "取", "下来", ",", "然后", "用", "沾", "有", "洗洁精", "的", "抹布", "用力", "的", "擦拭", ",", "或者", "将", "其", "平", "放在", "卫生间", "的", "地上", "用", "刷子", "刷", "洗", ",", "等", "把", "纱窗", "都", "挨个", "擦拭", "了", "一遍", "之后", ",", "我们", "就", "用", "花洒", "或者", "活动", "水龙头", "进行", "冲洗", ",", "知道", "你", "认为", "干净", "了", "为止", ",", "后", "将", "其", "放在", "通风", "处", "晾干", "即可", "。", "3", "、", "如果", "你", "家", "有", "吸尘器", "的", "朋友", "你", "就", "完全", "没有必要", "进行", "上面", "的", "清洗", "方法", "了", ",", "你", "只", "需要", "将", "纱窗", "放在", "地上", ",", "或者", "用", "手扶", "着", "纱窗", ",", "然后", "用", "吸尘器", "一点", "一", "点", "的", "洗掉", "灰尘", "即可", "。", "4", "、", "可以", "将", "废旧", "的", "报纸", "打", "湿", ",", "然后", "紧紧", "的", "覆盖", "在", "纱窗", "表面", ",", "报纸", "干", "后", "就", "换", "上", "一", "张", "新", "的", "报纸", "重复", "刚才", "的", "操作", ",", "这样", "反复", "几", "次", ",", "也有", "不错", "的", "清洗", "效果", "哦", "。", "5", "、", "还有", "一", "种", "用", "时", "比较", "短", ",", "操作", "很简单", "的", "方法", ",", "那", "就是", "用", "海绵", "擦拭", ",", "当然", ",", "这", "海绵", "必须", "得", "稍微", "浸湿", "之后", "才", "来", "擦拭", "纱窗", ",", "这种", "方法", "效果", "的", "明显", ",", "并且", "还能", "节约", "不少", "的", "时间", "呢", "。", "三", "、", "厨房", "纱窗", "清洗", "的", "注意事项", "1", "、", "隐形纱窗", "不要", "取", "下来", "洗", "2", "、", "厨房", "纱窗", "切忌", "直接", "用", "水", "冲洗", ",", "并且", "注意", "定期", "上", "油", "。", "3", "、", "再", "好", "的", "纱窗", "也", "需要", "保养", ",", "请勿", "用力", "拽", "扯", ",", "保持", "风干", "。", "本", "文", "仅", "代表", "作者", "观点", ",", "不", "代表", "百度", "立场", "。", "系", "作者", "授权", "百家", "号", "发表", ",", "未经许可", "不得转载", "。", "简介", ":", "书写", "文字", ",", "传播", "文化", ",", "致力于", "文化", "传播"]], "title": "家里纱窗怎么也清理不干净?学会几个小技巧,纱窗焕然一新"}, {"bs_rank_pos": 8, "paragraphs": [" 看看这些家庭清洁实用小妙招,很多方法可能连家庭专职主妇都不一定知道哦!", " 1、用牙膏去除白色家具表面的污迹 家中的白色家具很容易弄脏,只用抹布难以擦去污痕,不妨将牙膏挤在干净的抹布上,只需轻轻一擦,家具上的污痕便会去除。但注意用力不要太大力,以免伤到漆面。 2、地板或木质家具出现裂缝,自己DIY填补 可将旧报纸剪碎,加入适量明矾,用清水或米汤煮成糊状,用小刀将其嵌入裂缝中,并抹平,干后会非常牢固,再涂以同种颜色的油漆,家具或地板就能恢复本来面目。 3、房间角落或墙壁接缝处的霉垢,牙刷+牙膏就能清洁 接缝是最难打扫的死角,非常容易产生霉垢,可试着用旧牙刷清理刷净。如果遇到比较顽强的污垢,则可用牙膏洗涤剂刷除,再用水擦拭干净,保持干燥即可。 4、纱窗的清洁,用这张“纸”搞定 纱窗上落满灰尘,大多数我们打扫的时候,是拆下纱窗,再用水清洗。这里小编告诉你一个不用拆下纱窗,就能将纱窗打扫得很干净的好办法:将废旧报纸用抹布打湿,再将打湿后的报纸粘在纱窗的背面,五分钟后,将纱窗上的报纸取下,你会发现潮湿的报纸上粘满了纱窗上的灰尘污渍。此种方法打扫纱窗,省时又省力。", " 5、黏贴式挂钩,用醋可以无痕去除", " 挂钩虽然相当便利,可是一旦要拆除时,却得花上好多时间。此时,只要将沾醋的棉花铺在挂钩四周,使醋水渗入紧粘的缝隙中,几分钟之后,便可用扁头螺丝起子轻易拆除挂钩。残留的粘着剂也可用醋擦拭,清除干净。", " 6、茶叶水有助于除尘,擦地板、家具都好用", " 由于茶叶渣可以吸附灰尘,清扫房间灰尘时,可先撒上一些冲泡过的茶叶,再用扫帚干净,这样会更轻松省事。记住,湿茶叶可比干的效果好。", " 7、擦门窗玻璃时,可加洋葱", " 可先把洋葱去皮切成两半,用其切口摩擦玻璃,趁洋葱的汁液还未干时,再迅速用干布擦拭,这样擦后的玻璃既干净、又明亮。另一种作法是,再用干净的湿布沾一点白酒,稍用力在玻璃上擦一遍,也能让你的玻璃即干净又明亮。", " 8、抽油烟机是厨房中最难清洁的厨具", " 先将油盒里的油污倒掉,然后将油盒浸泡在肥皂水,或者中性清洁剂兑成的温水中20分钟左右,如果油污顽固,可浸泡40分钟。油网如果有少量油污,可以直接用温水浸泡后洗净、擦干,如果油污较为严重,可以与油盒一起浸泡。", " 9、瓦斯炉表面的油垢,用小苏打水泡过再擦!", " 瓦斯炉一般在做完饭后清洗,趁瓦斯炉还有余温时,用湿布加肥皂水或苏打水擦拭,就可以轻易去除了。如果等完全冷却后再擦拭,油污、煮粥溅出的米汤等就很难擦净;再把清洁布在啤酒中浸泡一会,然后擦拭有顽渍的厨台厨具,即可光亮如新!", " 10、洗衣机的内桶与外桶,藏了超多脏东西!", " 你每天都在洗衣服,但是有“洗”洗衣机吗?因为藏在内桶和外桶之间的污垢我们平时是看不到的,可根据洗衣机的容量,将半瓶至一瓶食用醋倒入洗衣机内桶,加温水到3/4桶高,浸泡2~3小时,然后开动洗衣机10~20分钟后,放掉脏水后再注入清水,冲洗10~15分钟就大功告成。", " 来源:央视财经", " 责任编辑:邱彩红", " 正文已结束,您可以按alt+4进行评论 ", "[责任编辑:jainali]", " 王语嫣:段誉又出去了 在线找队友>>", " 唐嫣邀请你一起游戏,开启仙侠之旅>>", " 新服开服第一天!网吧团战媳妇喂饭"], "segmented_title": ["洗", "脏", "纱窗", "一", "张", "纸", "就能", "瞬间", "搞定", "_", "新闻", "_", "腾讯网"], "segmented_paragraphs": [["看看这些", "家庭", "清洁", "实用", "小", "妙招", ",", "很多", "方法", "可能", "连", "家庭", "专职", "主妇", "都", "不一定", "知道", "哦", "!"], ["1", "、", "用", "牙膏", "去除", "白色", "家具", "表面", "的", "污迹", "家中", "的", "白色", "家具", "很容易", "弄脏", ",", "只用", "抹布", "难以", "擦", "去污", "痕", ",", "不", "妨", "将", "牙膏", "挤", "在", "干净", "的", "抹布", "上", ",", "只", "需", "轻轻", "一", "擦", ",", "家具", "上", "的", "污痕", "便", "会", "去除", "。", "但", "注意", "用力", "不要", "太", "大力", ",", "以", "免", "伤", "到", "漆面", "。", "2", "、", "地板", "或", "木质家具", "出现", "裂缝", ",", "自己", "DIY", "填补", "可", "将", "旧", "报纸", "剪", "碎", ",", "加入", "适量", "明矾", ",", "用", "清水", "或", "米汤", "煮", "成", "糊状", ",", "用", "小刀", "将", "其", "嵌入", "裂缝", "中", ",", "并", "抹平", ",", "干", "后", "会", "非常", "牢固", ",", "再", "涂", "以", "同", "种", "颜色", "的", "油漆", ",", "家具", "或", "地板", "就能", "恢复", "本来面目", "。", "3", "、", "房间", "角落", "或", "墙壁", "接缝", "处", "的", "霉", "垢", ",", "牙刷", "+", "牙膏", "就能", "清洁", "接缝", "是", "最", "难", "打扫", "的", "死角", ",", "非常", "容易", "产生", "霉垢", ",", "可", "试", "着", "用", "旧", "牙刷", "清理", "刷", "净", "。", "如果", "遇到", "比较", "顽强", "的", "污垢", ",", "则", "可用", "牙膏", "洗涤剂", "刷", "除", ",", "再", "用", "水", "擦拭", "干净", ",", "保持", "干燥", "即可", "。", "4", "、", "纱窗", "的", "清洁", ",", "用", "这", "张", "“", "纸", "”", "搞定", "纱窗", "上", "落", "满", "灰尘", ",", "大多数", "我们", "打扫", "的", "时候", ",", "是", "拆下", "纱窗", ",", "再", "用", "水", "清洗", "。", "这里", "小", "编", "告诉", "你", "一", "个", "不用", "拆下", "纱窗", ",", "就能", "将", "纱窗", "打扫", "得", "很干净", "的", "好", "办法", ":", "将", "废旧", "报纸", "用", "抹布", "打", "湿", ",", "再", "将", "打", "湿", "后", "的", "报纸", "粘", "在", "纱窗", "的", "背面", ",", "五分钟", "后", ",", "将", "纱窗", "上", "的", "报纸", "取下", ",", "你", "会", "发现", "潮湿", "的", "报纸", "上", "粘", "满", "了", "纱窗", "上", "的", "灰尘", "污渍", "。", "此", "种", "方法", "打扫", "纱窗", ",", "省", "时", "又", "省力", "。"], ["5", "、", "黏贴", "式", "挂钩", ",", "用", "醋", "可以", "无痕", "去除"], ["挂钩", "虽然", "相当", "便利", ",", "可是", "一旦", "要", "拆除", "时", ",", "却", "得", "花", "上", "好多", "时间", "。", "此时", ",", "只要", "将", "沾", "醋", "的", "棉花", "铺", "在", "挂钩", "四周", ",", "使", "醋", "水", "渗入", "紧", "粘", "的", "缝隙", "中", ",", "几分钟", "之后", ",", "便", "可用", "扁", "头", "螺丝起子", "轻易", "拆除", "挂钩", "。", "残留", "的", "粘着", "剂", "也", "可用", "醋", "擦拭", ",", "清除", "干净", "。"], ["6", "、", "茶叶", "水", "有助于", "除尘", ",", "擦", "地板", "、", "家具", "都", "好", "用"], ["由于", "茶叶", "渣", "可以", "吸附", "灰尘", ",", "清扫", "房间", "灰尘", "时", ",", "可", "先", "撒", "上", "一些", "冲泡", "过", "的", "茶叶", ",", "再", "用", "扫帚", "干净", ",", "这样", "会", "更轻松", "省", "事", "。", "记住", ",", "湿", "茶叶", "可", "比干", "的", "效果好", "。"], ["7", "、", "擦", "门窗", "玻璃", "时", ",", "可", "加", "洋葱"], ["可", "先", "把", "洋葱", "去皮", "切成两半", ",", "用", "其", "切口", "摩擦", "玻璃", ",", "趁", "洋葱", "的", "汁液", "还", "未", "干", "时", ",", "再", "迅速", "用", "干", "布", "擦拭", ",", "这样", "擦", "后", "的", "玻璃", "既", "干净", "、", "又", "明亮", "。", "另一种", "作法", "是", ",", "再", "用", "干净", "的", "湿布", "沾", "一", "点", "白酒", ",", "稍", "用力", "在", "玻璃", "上", "擦", "一遍", ",", "也", "能", "让", "你", "的", "玻璃", "即", "干净", "又", "明亮", "。"], ["8", "、", "抽油烟机", "是", "厨房", "中", "最", "难", "清洁", "的", "厨具"], ["先", "将", "油", "盒", "里", "的", "油污", "倒掉", ",", "然后", "将", "油", "盒", "浸泡", "在", "肥皂水", ",", "或者", "中性", "清洁剂", "兑", "成", "的", "温水", "中", "20", "分钟", "左右", ",", "如果", "油污", "顽固", ",", "可", "浸泡", "40", "分钟", "。", "油", "网", "如果", "有", "少量", "油污", ",", "可以直接", "用", "温水", "浸泡", "后", "洗净", "、", "擦干", ",", "如果", "油污", "较为", "严重", ",", "可以", "与", "油", "盒", "一起", "浸泡", "。"], ["9", "、", "瓦斯", "炉", "表面", "的", "油垢", ",", "用", "小", "苏打", "水泡", "过", "再", "擦", "!"], ["瓦斯", "炉", "一般", "在", "做完", "饭后", "清洗", ",", "趁", "瓦斯", "炉", "还有", "余温", "时", ",", "用", "湿布", "加", "肥皂水", "或", "苏打水", "擦拭", ",", "就", "可以", "轻易", "去除", "了", "。", "如果", "等", "完全", "冷却", "后", "再", "擦拭", ",", "油污", "、", "煮粥", "溅", "出", "的", "米汤", "等", "就", "很难", "擦", "净", ";", "再", "把", "清洁", "布", "在", "啤酒", "中", "浸泡", "一会", ",", "然后", "擦拭", "有", "顽", "渍", "的", "厨", "台", "厨具", ",", "即可", "光亮", "如新", "!"], ["10", "、", "洗衣机", "的", "内", "桶", "与", "外", "桶", ",", "藏", "了", "超", "多", "脏", "东西", "!"], ["你", "每天", "都", "在", "洗衣服", ",", "但是", "有", "“", "洗", "”", "洗衣机", "吗", "?", "因为", "藏", "在", "内", "桶", "和", "外", "桶", "之间", "的", "污垢", "我们", "平时", "是", "看不到", "的", ",", "可", "根据", "洗衣机", "的", "容量", ",", "将", "半", "瓶", "至", "一", "瓶", "食用", "醋", "倒入", "洗衣机", "内", "桶", ",", "加", "温水", "到", "3", "/", "4", "桶", "高", ",", "浸泡", "2", "~", "3", "小时", ",", "然后", "开", "动", "洗衣机", "10", "~", "20", "分钟", "后", ",", "放掉", "脏水", "后", "再", "注入", "清水", ",", "冲洗", "10", "~", "15", "分钟", "就", "大功告成", "。"], ["来源", ":", "央视", "财经"], ["责任编辑", ":", "邱", "彩", "红"], ["正文", "已", "结束", ",", "您", "可以", "按", "alt", "+", "4", "进行", "评论"], ["[", "责任编辑", ":", "jainali", "]"], ["王语嫣", ":", "段誉", "又", "出去", "了", "在线", "找", "队友", ">", ">"], ["唐嫣", "邀请", "你", "一起", "游戏", ",", "开启", "仙侠", "之", "旅", ">", ">"], ["新", "服", "开", "服", "第一天", "!", "网吧", "团", "战", "媳妇", "喂", "饭"]], "title": "洗脏纱窗一张纸就能瞬间搞定_新闻_腾讯网"}, {"bs_rank_pos": 9, "paragraphs": ["家里的窗纱经历了一年的尘埃,怎么样轻松又快速的清理干净呢,小编今天就来教您一招,赶快学起来~", " 在纱窗上铺上报纸", " 刷上自制的清洗剂,多刷几层,去污效果更好", " 静静的等待报纸变干,就能见证奇迹的发生了,基本没有怎么动手纱窗自己变干净了", " 这个原理非常简单,报纸本身的吸附能力很强,将自制的强力清洁剂刷在纱窗上之后,渗透再风干纱窗上的脏东西自然被报纸清理走了,普通的清水、洗衣粉可达不到这种效果哦,要想清理纱窗上的顽固灰尘,还得看看这强力清洗剂是怎么配制的", " 小窍门将洗衣粉、牛奶、水按照1:1:3的比例配制搅拌均匀牛奶中的蛋白质搭配上洗衣粉能将分解纱窗上灰尘的能力加倍", " 来说两句吧..."], "segmented_title": ["纱窗", "上", "全", "是", "灰尘", "?", "教", "你", "一", "招", "不用", "手", "擦", ",", "窗纱", "瞬间", "变", "干净", "!", "_", "图片", "_", "蛋蛋", "赞"], "segmented_paragraphs": [["家里", "的", "窗纱", "经历", "了", "一年", "的", "尘埃", ",", "怎么样", "轻松", "又", "快速", "的", "清理干净", "呢", ",", "小", "编", "今天", "就", "来", "教", "您", "一", "招", ",", "赶快", "学", "起来", "~"], ["在", "纱窗", "上铺", "上", "报纸"], ["刷", "上", "自制", "的", "清洗剂", ",", "多", "刷", "几", "层", ",", "去污", "效果", "更好"], ["静静", "的", "等待", "报纸", "变", "干", ",", "就能", "见证", "奇迹", "的", "发生", "了", ",", "基本", "没有", "怎么", "动手", "纱窗", "自己", "变", "干净", "了"], ["这个", "原理", "非常", "简单", ",", "报纸", "本身", "的", "吸附", "能力", "很", "强", ",", "将", "自制", "的", "强力", "清洁剂", "刷", "在", "纱窗", "上", "之后", ",", "渗透", "再", "风干", "纱窗", "上", "的", "脏", "东西", "自然", "被", "报纸", "清理", "走", "了", ",", "普通", "的", "清水", "、", "洗衣粉", "可", "达", "不到", "这种", "效果", "哦", ",", "要", "想", "清理", "纱窗", "上", "的", "顽固", "灰尘", ",", "还", "得", "看看", "这", "强力", "清洗剂", "是", "怎么", "配制", "的"], ["小窍门", "将", "洗衣粉", "、", "牛奶", "、", "水", "按照", "1", ":", "1", ":", "3", "的", "比例", "配制", "搅拌均匀", "牛奶", "中", "的", "蛋白质", "搭配", "上", "洗衣粉", "能", "将", "分解", "纱窗", "上", "灰尘", "的", "能力", "加倍"], ["来", "说", "两句", "吧", ".", ".", "."]], "title": "纱窗上全是灰尘?教你一招不用手擦,窗纱瞬间变干净!_图片_蛋蛋赞"}], "question": "如何擦纱窗", "segmented_question": ["如何", "擦", "纱窗"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221604}
-{"documents": [{"title": "心脏支架手术后,一般存活寿命是多少_百度拇指医生", "segmented_title": ["心脏", "支架", "手术", "后", ",", "一般", "存活", "寿命", "是", "多少", "_", "百度", "拇指", "医生"], "segmented_paragraphs": [["?", "心脏", "支架", "手术", "后", ",", "一般", "存活", "寿命", "是", "多少"], ["拇指", "医生", "提醒", "您", ":", "该", "问题", "下", "为", "网友", "贡献", ",", "仅供参考", "。"], ["我", "父亲", "做", "了", "心脏", "支架", "手术", ",", "放入", "5", "个", "支架", "(", "带", "药物", ")", ",", "感觉", "还是", "比较", "严重", ",", "想", "问", "下", "一般", "支架", "手术", "后", "的", "市场调查", ",", "人", "一般", "会", "活", "多少年", ",", "最多", "的", "活", "多少年", "?"], ["哦", ",", "这个", "不能", "这么简单", "的", "说", "的", "。", "因为", "病情", "不同", ",", "还有", "你", "适应症", "的", "选择", "有", "不同", ",", "以及", "支架", "植入", "针对", "冠心病", "的", "治疗", "是否", "规范", "等", "都", "有", "影响", "的", "。", "比如", "世界", "上", "第", "一", "例", "PTCA", "(", "现在", "一般", "改", "称", "PCI", ")", ",", "是", "1977", "年", "瑞士", "苏黎世", "大学", "医院", "由", "Grüntzig", "完成", "的", ",", "当时", "也", "就", "仅仅", "是", "针对", "一", "个", "38", "岁", "的", "男性", "患者", "左", "前降支", "一", "个", "孤立", "的", "狭窄", ",", "用", "球囊", "扩张", "一", "下", ",", "并没有", "进一步", "用", "支架", "(", "当时", "还没有", "支架", ")", ",", "以后", "随访", "了", "26", "年", "(", "我", "看到", "这本书", "2004", "年", "出版", "的", ",", "以后", "情况", "还", "不知道", ")", ",", "没有", "复发", "。", "但是", "Grüntzig", "医生", "本人", "在", "1985", "年", ",", "早", "早", "因为", "飞机", "掉", "地上", "摔死", "了", "。", "以后", "发现", "单纯", "球囊", "扩张", ",", "那么", "血管", "会", "有", "回弹", ",", "那么", "很容易", "再", "狭窄", ",", "所以", "现在", "几乎", "大", "多", "都是", "应用", "支架", "支撑", ",", "阻止", "回弹", "这样", "效果", "确实", "大", "大", "提高", "了", ",", "21", "世纪", "开始", "药物", "洗脱", "支架", "开始", "应用", ",", "因为", "普通", "支架", "还是", "异物", ",", "容易", "造成", "覆盖", "上去", "的", "血管", "内膜", "增生", ",", "那么", "容易", "支架", "内", "再", "狭窄", ",", "那么", "一", "种", "方法", "就是", "药物", "涂层", ",", "抑制", "内膜", "增生", ",", "但是", "2006", "年", "时", "又", "有", "争论", ",", "至今", "还", "不好", "下", "定", "论", "一定", "就", "优", "于", "普通", "金属", "裸", "支架", "。", "至少", "药物", "洗脱", "支架", ",", "必须", "更", "延长", "氯吡格雷", "的", "使用", "时间", ",", "否则", "反而", "比", "普通", "支架", "效果", "未必", "就好", "甚至", "有", "的", "长期", "效果", "还", "不如", "普通", "支架", "。", "再", "回过头", "来看", "你", "父亲", ",", "放入", "了", "5", "个", "药物", "洗脱", "支架", ",", "我", "就", "觉得", "这", "本身", "不是", "介入", "手术", "植入", "支架", "的", "最", "适", "病例", ",", "因为", "一般说来", "如果", "是", "多", "支", "血管病变", "或者", "虽然", "单", "支", "血管", "但是", "病变", "比较", "漫长", "的", ",", "都是", "建议", "心外科", "冠状动脉", "旁路", "移植", "(", "心脏", "搭桥", ")", "的", ",", "你", "这个", "不是", "最", "适合", "介入", "的", "。", "本身", "就", "先天", "存在缺陷", "。", "不是", "介入治疗", "的", "适应症", ",", "硬", "要", "介入治疗", "置", "放", "多", "个", "支架", ",", "这", "本身就是", "对", "预后", "是", "不利", "的", "。", "我", "这个", "人", "说话", "比较", "直率", "的", ",", "如果", "是", "医生", "要求", "这样做", ",", "那么", "可能", "就", "有些", "不合适", "了", ",", "当然", "也", "可能", "当地", "医院", "没有", "条件", "心脏", "搭桥", ",", "或者", "不是", "医生建议", ",", "而是", "病人", "和", "家属", "坚决", "要求", "介入", "手术", ",", "那", "就", "另当别论", "了", "。", "还有", "我", "提醒", "您", ",", "不是", "冠心病", "作", "了", "介入", "手术", "植入", "支架", ",", "或者", "外科", "冠状动脉", "旁路", "移植", "(", "搭桥", ")", "以后", ",", "就", "万事大吉", "了", ",", "因为", "你", "基础", "病变", "还在", ",", "只是", "针对", "了", "你", "最", "严重", "的", "地方", "采取", "了", "措施", ",", "你", "别", "的", "地方", "难道", "就", "不会", "再", "发生", "问题", ",", "另外", "你", "支架", "内", "也", "可以", "再", "狭窄", ",", "或者", "搭", "的", "桥", "血管", "也", "可以", "发生", "严重", "的", "粥样", "硬化", "而", "狭窄", "的", "。", "因此", "你", "必须", "加强", "基础", "的", "治疗", "。", "比如", "血糖", "血脂", "血压", "都", "必须", "严格控制", "好", ",", "必要", "的", "抗", "血小板", "治疗", ",", "那么", "也", "必须", "坚持", "的", "。", "这", "都是", "影响", "预后", "的", "很重要", "的", "因素", "。"], ["你说的", "这种", "病情", "心脏", "支架", "手术", "后", "一般", "是", "需要", "根据", "患者", "的", "心脏", "功能", "情况", "决定", "其", "寿命", "的", ",", "没有", "严格", "的", "说法", ",", "建议", "你", "可以", "术", "后", "给予", "口服", "波利", "维", "等", "抗凝", "药物", "治疗", ",", "同时", "需要你", "定期", "到", "医院", "给予", "复查"], ["姜树锋", "医师", "|", "2014", "-", "11", "-", "4", "14", ":", "29"], ["做", "好", "以下", "两", "方面", ",", "就", "不", "可能", "再", "发病", ",", "更", "不会", "影响", "寿命", "。", "1", "、", "预防", "血栓", "形成", "的", "药", "服", "够", "10", "个", "月", ";", "2", "、", "把", "脱落", "到", "血液", "中", "的", "斑块", "清除", "干净", "。"], ["得", "了", "冠心病", "先", "不要着急", ",", "用", "西医", "的", "办法", "治标不治本", ",", "反反复复", ",", "严重", "的", "能", "活", "几", "年", "就", "不错", "了", ",", "中医", "解决", "反复", "的", "问题", ",", "只是", "名医不可", "求", "。", "桂林", "有", "位", "中医", "大师", "特别", "擅长", "用", "手法", "加", "中药", "调理", "治疗", "心脏病", ",", "我", "的", "7", "年", "冠心病", "就是", "他", "治", "的", ",", "到", "现在", "都", "没有", "复发", ",", "不过", "他", "说", ",", "做", "过", "搭桥", "手术", "的", "治", "不", "了", "。", "希望", "我", "的", "分享", "能", "减少", "大家", "的", "痛苦", ",", "他", "的", "∨", ".", "信", ":", "jux", "1973", ",", "方便", "的", "话", "可以", "去", "桂林", "的", "诊所", "找", "他", "。"], ["心脏", "支架", "手术", "后", "寿命", "一般", "10", "-", "20", "年", "不等", "。"]], "paragraphs": ["?心脏支架手术后,一般存活寿命是多少", "拇指医生提醒您:该问题下为网友贡献,仅供参考。", "我父亲做了心脏支架手术,放入5个支架(带药物),感觉还是比较严重,想问下一般支架手术后的市场调查,人一般会活多少年,最多的活多少年?", "哦,这个不能这么简单的说的。因为病情不同,还有你适应症的选择有不同,以及支架植入针对冠心病的治疗是否规范等都有影响的。比如世界上第一例PTCA(现在一般改称PCI),是1977年瑞士苏黎世大学医院由Grüntzig完成的,当时也就仅仅是针对一个38岁的男性患者左前降支一个孤立的狭窄,用球囊扩张一下,并没有进一步用支架(当时还没有支架),以后随访了26年(我看到这本书2004年出版的,以后情况还不知道),没有复发。但是Grüntzig医生本人在1985年,早早因为飞机掉地上摔死了。以后发现单纯球囊扩张,那么血管会有回弹,那么很容易再狭窄,所以现在几乎大多都是应用支架支撑,阻止回弹这样效果确实大大提高了,21世纪开始药物洗脱支架开始应用,因为普通支架还是异物,容易造成覆盖上去的血管内膜增生,那么容易支架内再狭窄,那么一种方法就是药物涂层,抑制内膜增生,但是2006年时又有争论,至今还不好下定论一定就优于普通金属裸支架。至少药物洗脱支架,必须更延长氯吡格雷的使用时间,否则反而比普通支架效果未必就好甚至有的长期效果还不如普通支架。再回过头来看你父亲,放入了5个药物洗脱支架,我就觉得这本身不是介入手术植入支架的最适病例,因为一般说来如果是多支血管病变或者虽然单支血管但是病变比较漫长的,都是建议心外科冠状动脉旁路移植(心脏搭桥)的,你这个不是最适合介入的。本身就先天存在缺陷。不是介入治疗的适应症,硬要介入治疗置放多个支架,这本身就是对预后是不利的。我这个人说话比较直率的,如果是医生要求这样做,那么可能就有些不合适了,当然也可能当地医院没有条件心脏搭桥,或者不是医生建议,而是病人和家属坚决要求介入手术,那就另当别论了。还有我提醒您,不是冠心病作了介入手术植入支架,或者外科冠状动脉旁路移植(搭桥)以后,就万事大吉了,因为你基础病变还在,只是针对了你最严重的地方采取了措施,你别的地方难道就不会再发生问题,另外你支架内也可以再狭窄,或者搭的桥血管也可以发生严重的粥样硬化而狭窄的。因此你必须加强基础的治疗。比如血糖血脂血压都必须严格控制好,必要的抗血小板治疗,那么也必须坚持的。这都是影响预后的很重要的因素。", "你说的这种病情心脏支架手术后一般是需要根据患者的心脏功能情况决定其寿命的,没有严格的说法,建议你可以术后给予口服波利维等抗凝药物治疗,同时需要你定期到医院给予复查", "姜树锋 医师 | 2014-11-4 14:29", "做好以下两方面,就不可能再发病,更不会影响寿命。 1、预防血栓形成的药服够10个月; 2、把脱落到血液中的斑块清除干净。", "得了冠心病先不要着急,用西医的办法治标不治本,反反复复,严重的能活几年就不错了,中医解决反复的问题,只是名医不可求。桂林有位中医大师特别擅长用手法加中药调理治疗心脏病,我的7年冠心病就是他治的,到现在都没有复发,不过他说,做过搭桥手术的治不了。希望我的分享能减少大家的痛苦,他的∨.信:jux1973,方便的话可以去桂林的诊所找他。", "心脏支架手术后寿命一般10-20年不等。"], "bs_rank_pos": 0}, {"title": "心脏支架的寿命只有十年吗_新浪健康_新浪网", "segmented_title": ["心脏", "支架", "的", "寿命", "只有", "十", "年", "吗", "_", "新浪", "健康", "_", "新浪网"], "segmented_paragraphs": [["马长生", ",", "中国医师协会", "心血管", "内科", "医师", "分", "会", "会长", ",", "首都医科大学", "附属", "北京", "安贞医院", "心脏", "内科", "中心主任"], ["乔岩", ",", "医学博士", ",", "首都医科大学", "附属", "北京", "安贞医院", "心脏", "中心", "副主任医师"], ["贺立群", ",", "医学博士", ",", "副主任医师", ",", "武汉市", "第一医院", "心内科", "副主任"], ["●", "选择", "支架", "还是", "搭桥"], ["湖南", "读者", "王先生", "问", ":", "我", "今年", "78", "岁", ",", "半个月", "前", "因", "胸痛", "到", "医院", "检查", ",", "显示", "冠状动脉", "多", "支", "病变", "且", "病变", "段", "较", "弥漫", "。", "医生", "说", "如果", "放", "支架", "至少", "得", "3", "个", ",", "费用", "较", "高", ",", "而且", "有", "可能", "出现", "不良反应", "。", "鉴于", "我", "偏", "高龄", ",", "搭桥", "手术", "也有", "一定", "风险", "。", "请问", "我", "究竟", "应该", "选择", "哪", "种", "治疗方法", "?"], ["解答", ":", "支架", "手术", "优点", "是", "风险", "相对", "较", "低", "、", "创伤", "小", "、", "恢复", "快", "、", "住院", "时间", "短", "、", "具有", "可", "重复性", ",", "缺点", "是", "并", "不", "适合", "所有", "的", "严重", "复杂", "病变", "。", "搭桥", "手术", "优点", "是", "可以", "处理", "复杂", "的", "、", "不适", "合", "支架", "手术", "的", "病变", ",", "对于", "糖尿病", "合并", "多", "支", "病变", "可能会", "改善", "预后", "。", "搭桥", "手术", "需要", "开", "胸", ",", "相对", "创伤", "较", "大", ",", "手术", "风险", "相对", "高", ",", "可", "重复性", "差", ",", "很难", "二", "次", "开", "胸", "搭桥", "。", "桥", "血管", "也有", "闭塞", "的", "问题", ",", "动脉", "桥", "血管", "10", "年", "畅通", "率", "可", "达到", "90", "%", "左右", ",", "但是", "静脉", "桥", "血管", "畅通率", "约", "为", "31", "%", "~", "71", "%", ",", "部分", "中青年", "患者", "10", "年", "后", "不得不", "面对", "桥", "血管", "闭塞", ",", "症状", "复发", "的", "问题", "。", "选择", "搭桥", "还是", "支架", "手术", ",", "主要", "根据", "冠脉造影", "病变", "的", "特点", "以及", "病人", "的", "临床", "情况", "综合", "判断", "。"], ["●", "支架", "的", "寿命", "是", "十", "年", "吗"], ["天津", "读者", "高", "女士", "问", ":", "听说", "支架", "的", "使用", "寿命", "通常", "为", "10", "年", ",", "10", "年", "后", "支架", "咋", "处理", "?", "要", "二", "次", "手术", "吗", "?"], ["解答", ":", "目前", "冠状动脉", "内", "植入", "的", "支架", "均为", "金属", "支架", ",", "在", "支架", "植入", "时", "通过", "球囊", "高压", "扩张", ",", "使", "其", "与", "血管", "内膜", "紧密结合", ",", "然后", "通过", "血管", "内皮细胞", "对", "损伤", "的", "血管", "内膜", "进行", "修复", ",", "这一过程", "就是", "所谓", "的", "“", "再", "内", "皮", "化", "”", "过程", "。", "“", "再", "内", "皮", "化", "”", "后", "的", "支架", "与", "患者", "自身", "的", "血管", "融为一体", ",", "因此", ",", "并没有", "所谓", "的", "“", "支架", "使用寿命", "”", "这一说法", "。"], ["支架", "植入", "后", "需", "服用", "常规", "的", "冠心病", "二级", "预防", "药物", ",", "若", "出现", "再", "狭窄", "并", "伴有", "心绞痛", ",", "应", "再次", "进行", "冠状动脉造影", "检查", ",", "可", "在", "原来", "的", "支架", "植入", "部位", "再次", "植入", "一", "个", "新", "的", "支架", "。", "某些", "特殊", "部位", "的", "支架", "再", "狭窄", "有", "可能", "需要", "心", "血管外科", "进行", "冠状动脉", "搭桥", "治疗", "。"], ["●", "术", "后", "如何", "控制", "运动", "强度"], ["北京", "读者", "崔", "先生", "问", ":", "我", "今年", "85", "岁", ",", "有", "冠心病", "和", "高血压", ",", "服用", "氯沙坦钾", "片", "和", "依姆多", "(", "单", "硝酸异山梨酯", "缓释片", ")", "。", "2014", "年", "5", "月", "放", "了", "两", "个", "支架", ",", "术", "后", "坚持", "服用", "阿司匹林", "和", "氯吡格雷", "。", "我", "以前", "每周", "打", "四", "五", "次", "太极拳", ",", "但", "术", "后", "每次", "打拳", "都", "感到", "特别", "疲劳", ",", "请问", "我", "该", "如何", "控制", "运动", "强度", "?"], ["解答", ":", "快走", "、", "慢跑", "、", "游泳", "、", "打", "太极拳", "等", "有氧运动", "对", "冠心病", "有", "治疗", "作用", ",", "可", "改善", "冠状动脉", "弹性", "和", "血管", "内", "皮", "功能", ",", "促进", "侧", "支", "循环", "建立", ",", "稳定", "斑块", "。", "建议", "每次", "运动", "20", "~", "40", "分钟", ",", "每周", "3", "~", "5", "次", "。", "比较", "方便", "的", "运动", "强度", "评价", "方法", "有", "目标", "心率", "法", "和", "自我", "感知", "劳累", "程度", "分级", "法", "。", "目标", "心率", "法", "是", "指", "停止", "运动", "心率", "在", "静息", "心率", "的", "基础", "上", "增加", "20", "~", "30", "次", "/", "分钟", "。", "也", "可", "通过", "自我", "感觉", "运动", "时", "用力", "的", "程度", "来", "判断", "运动", "强度", ",", "控制", "在", "“", "轻度", "用力", "”", "或", "“", "有点", "用力", "”", "或", "“", "用力", "”", "的", "程度", "均", "可", "。", "此", "患者", "已", "是", "85", "岁", "高龄", ",", "术", "后", "运动", "需", "量力而行", ",", "每周", "逐渐", "增加", "运动量", "和", "运动", "时间", ",", "以", "不", "感觉", "过度疲劳", "为", "宜", "。"], ["安徽", "读者", "韩", "先生", "问", ":", "我", "今年", "72", "岁", ",", "患糖尿病", "、", "高血压", "已", "多", "年", ",", "一直", "坚持", "用药", "控制", "。", "今年", "以来", "多次", "出现", "胸痛", ",", "稍", "一", "活动", "就", "症状", "加重", ",", "歇一歇", "就", "缓解", "了", "。", "去", "看", "过", "医生", ",", "说", "是", "不稳定", "型", "心绞痛", ",", "建议", "放", "支架", "。", "请问", "我", "这种情况", "能否", "不", "放", "支架", "?", "有", "什么", "药物", "可以", "代替", "手术", "?"], ["解答", ":", "对于", "不稳定", "型", "心绞痛", "患者", ",", "早期", "支架", "介入治疗", "可", "改善", "不稳定", "型", "心绞痛", "的", "预后", ",", "减少", "远期", "心血管", "事件", "的", "发生", ";", "对于", "稳定", "型", "心绞痛", "患者", ",", "支架", "手术", "可", "明显减少", "心绞", "痛", "的", "发作", "次数", "和", "频率", "。", "因此", ",", "对于", "症状", "明显", "的", "心绞痛", "患者", ",", "如果", "规范", "药物", "治疗", "效果", "不理想", ",", "造影", "发现", "冠状动脉", "明显", "狭窄", ",", "则", "应该", "考虑", "支架", "手术", "。", "建议", "您", "做", "冠脉造影", ",", "根据", "血管", "狭窄", "情况", "来", "进一步", "判断", "是否", "需要", "支架", "手术", "。", "药物治疗", "可以", "部分", "缓解", "心绞痛", "患者", "的", "症状", ",", "但是", "绝大部分", "患者", "需要通过", "支架", "手术", "来", "改善", "心肌缺血", "。"], ["●", "进口", "支架", "更好", "吗"], ["山东", "读者", "周", "女士", "问", ":", "我", "大哥", "今年", "69", "岁", ",", "有", "冠心病", ",", "医生建议", "放", "支架", "。", "据说", "三甲医院", "基本", "都", "用", "进口", "支架", ",", "费用", "比", "国产", "的", "贵", "一倍", ",", "为什么", "进口", "和", "国产", "价格", "差", "那么多", "?", "国产", "支架", "的", "质量", "有", "保障", "吗", "?", "手术", "可以", "医保", "报销", "吗", "?"], ["解答", ":", "从", "全国", "范围", "来看", ",", "目前", "国产", "支架", "在", "我", "国", "冠心病患者", "中", "的", "应用", "比例", "明显", "高于", "进口", "支架", ",", "国家", "未", "强制", "要求", "三甲医院", "必须", "使用", "进口", "支架", "。", "国产", "支架", "与", "进口", "支架", "的", "临床", "疗效", "已", "不相上下", ",", "是否", "使用", "进口", "药物", "支架", "需", "综合考虑", "患者", "的", "经济", "条件", "、", "病变", "因素", "以及", "是否", "合并", "其他", "疾病", "等", "。", "进口", "支架", "与", "国产", "支架", "均", "属", "医保", "报销", "范围", ",", "但", "在", "报销", "比例", "上", "各", "个", "地区", "可能", "略", "有", "差别", "。"], ["●", "术", "后", "用药", "何时", "可以", "减量"], ["新疆", "读者", "雷", "先生", "问", ":", "我", "今年", "81岁", ",", "1997", "年", "和", "2009", "年", "分别", "放", "了", "两", "个", "支架", ",", "第二次", "放", "支架", "时", "发现", "1997", "年", "的", "支架", ",", "其中", "一", "个", "出现", "60", "%", "的", "狭窄", ",", "另一个", "是", "40", "%", "的", "狭窄", "。", "我一直在", "吃", "氯吡格雷", "和", "阿司匹林", ",", "请问", "药量", "是否", "可以", "减少", "?", "国产", "药", "的", "效果", "比", "进口", "药", "差", "很多", "吗", "?"], ["解答", ":", "1997", "年", "植入", "的", "支架", "应该", "是", "普通", "的", "金属", "裸", "支架", ",", "早期", "的", "冠状动脉", "支架", "再", "狭窄", "率", "比较", "高", ",", "如果", "合并", "糖尿病", ",", "再", "狭窄", "率", "会", "更高", "。", "新一代", "冠状动脉", "支架", "的", "再", "狭窄", "率", "已", "大幅降低", ",", "如果没有", "糖尿病", ",", "再", "狭窄", "率", "仅", "为", "4%", "~", "5", "%", "。", "阿司匹林", "与", "氯吡格雷", "是", "两种", "抗", "血小板", "药物", ",", "主要", "用于", "预防", "冠状动脉", "支架", "植入", "术", "后", "的", "血栓", "形成", "。", "目前", "的", "指南", "建议", ",", "植入", "药物", "洗脱", "支架", "后", "需", "规律", "服用", "阿司匹林", "与", "氯吡格雷", "至少", "一年", ",", "一年", "后", "可", "停用", "氯吡格雷", ",", "但", "需", "终生", "服用", "阿司匹林", "。"], ["从", "2009", "年", "植入", "支架", "至今", "已", "6", "年", ",", "应该", "可以", "停用", "氯吡格雷", "。", "但", "除了", "继续", "服用", "阿司匹林", "外", ",", "还", "需", "服用", "他汀类药物", "。", "高龄", "患者", "合并", "多种疾病", ",", "应", "根据", "患者", "的", "肝肾功能", "检查结果", ",", "综合评估", "药物", "的", "安全性", "。", "目前", "国产", "药物", "的", "临床疗效", "已经", "得到", "了", "很好", "的", "验证", "。"], ["●", "术", "后", "服用", "他汀", "注意", "什么"], ["安徽", "读者", "王先生", "问", ":", "我", "今年", "78", "岁", ",", "2012", "年", "放", "了", "3", "个", "支架", ",", "2013", "年", "出现", "新", "的", "血管", "堵塞", "就", "又", "放", "了", "一", "个", "。", "我一直在", "吃", "阿司匹林", "和", "他汀", ",", "听说", "辅酶", "Q10", "能够", "减轻", "他汀", "的", "副作用", ",", "是", "真的", "吗", "?", "哪些", "药", "不能", "和", "这", "两种", "药", "同时", "使用", "?", "食物", "有", "忌口", "吗", "?"], ["解答", ":", "辅酶", "Q10", "是", "重要", "的", "抗氧化剂", "以及", "非特异性", "的", "免疫增强剂", ",", "主要", "用于", "病毒性肝炎", "、", "亚", "急性", "肝", "坏死", "以及", "慢性", "活动", "性", "肝炎", "的", "辅助", "治疗", ",", "他汀类药物", "确实", "有", "肝", "酶", "异常", "的", "副作用", ",", "但是", "肝功能", "异常", "并", "不是", "应用", "他汀类药物", "的", "禁忌症", ",", "因为", "他汀类药物", "导致", "的", "严重", "肝", "损害", "非常", "罕见", "。", "应用", "辅酶", "Q10", "来", "预防", "他汀", "的", "副作用", "不仅", "没有必要", ",", "而且", "徒", "增", "经济", "负担", "。"], ["下列", "药物", "或", "饮食", "可能", "会", "加重", "他汀类药物", "的", "副作用", "或", "影响", "其", "疗效", ":", "贝特", "类", "(", "尤其", "是", "吉", "非", "贝齐", ")", "、", "烟酸", "类", "(", "罕见", ")", "、", "环孢霉素", "、", "吡咯", "抗真菌药", "、", "红霉素", "和", "克拉霉素", "、", "HIV", "蛋白酶抑制剂", "、", "维拉帕米", "、", "胺碘酮", "、", "大量", "西柚", "汁", "及", "酗酒", "等", "。"], ["长期服用", "阿司匹林", "可能", "会导致", "出血", ",", "所有", "可能导致", "消化道", "黏膜", "损伤", "的", "药物", "与", "阿司匹林", "联", "用", "均", "可", "增加", "出血", "的", "风险", ",", "如", "常用", "的", "糖皮质激素", "等", "。", "另外", ",", "饮酒", "也", "会", "加重", "胃黏膜", "的", "损伤", ",", "并", "可能导致", "消化道出血", "。"], ["●", "放", "支架", "后", "要", "终生", "服药", "吗"], ["吉林", "读者", "毛", "先生", "问", ":", "我", "今年", "70", "岁", ",", "糖尿病", "已", "10", "年", ",", "每天", "打", "一", "次", "胰岛素", ",", "口服", "二甲双胍", "。", "两年前", "突发", "心绞痛", ",", "放", "了", "3", "个", "支架", ",", "术", "后", "服用", "氯吡格雷", "、", "阿司匹林", "和", "他", "汀", ",", "坚持", "一年多", "后", "逐渐", "没", "再", "吃药", "了", "。", "前段时间", "又", "出现", "胸闷", "胸痛", "的", "感觉", ",", "赶紧", "又", "恢复", "了", "用药", "。", "难道", "放", "了", "支架", "后", "就要", "终生", "服药", "吗", "?"], ["解答", ":", "糖尿病", "与", "冠心病", "是", "“", "姐妹", "病", "”", ",", "几乎所有", "的", "糖尿病患者", "最终", "都会", "发生", "不同程度", "的", "冠状动脉", "粥样硬化", ",", "因此", "糖尿病", "合并", "冠心病患者", "无论", "是否", "植入", "支架", "都", "需要", "长", "期", "、", "规范化", "的", "药物", "治疗", "。", "糖尿病患者", "植入", "支架", "后", "除了", "更为", "严格", "的", "血糖", "控制", "外", ",", "还", "需", "终生", "服用", "阿司匹林", "、", "他汀类药物", ",", "并", "控制", "好", "血压", ",", "以", "延缓", "冠状动脉", "粥样硬化", "的", "进", "展", "。", "如果", "再次出现", "胸闷", "胸痛", ",", "应", "进一步明确", "是", "支架", "出现", "了", "再", "狭窄", "还是", "其他", "血管", "出现", "了", "新", "的", "病变", "。"], ["●", "术", "后", "嗓子", "疼", "怎么回事"]], "paragraphs": ["马长生,中国医师协会心血管内科医师分会会长,首都医科大学附属北京安贞医院心脏内科中心主任", "乔岩,医学博士,首都医科大学附属北京安贞医院心脏中心副主任医师", "贺立群,医学博士,副主任医师,武汉市第一医院心内科副主任", "●选择支架还是搭桥", "湖南读者王先生问:我今年78岁,半个月前因胸痛到医院检查,显示冠状动脉多支病变且病变段较弥漫。医生说如果放支架至少得3个,费用较高,而且有可能出现不良反应。鉴于我偏高龄,搭桥手术也有一定风险。请问我究竟应该选择哪种治疗方法?", "解答:支架手术优点是风险相对较低、创伤小、恢复快、住院时间短、具有可重复性,缺点是并不适合所有的严重复杂病变。搭桥手术优点是可以处理复杂的、不适 合支架手术的病变,对于糖尿病合并多支病变可能会改善预后。搭桥手术需要开胸,相对创伤较大,手术风险相对高,可重复性差,很难二次开胸搭桥。桥血管也有 闭塞的问题,动脉桥血管10年畅通率可达到90%左右,但是静脉桥血管畅通率约为31%~71%,部分中青年患者10年后不得不面对桥血管闭塞,症状复发 的问题。选择搭桥还是支架手术,主要根据冠脉造影病变的特点以及病人的临床情况综合判断。", "●支架的寿命是十年吗", "天津读者高女士问:听说支架的使用寿命通常为10年,10年后支架咋处理?要二次手术吗?", "解答:目前冠状动脉内植入的支架均为金属支架,在支架植入时通过球囊高压扩张,使其与血管内膜紧密结合,然后通过血管内皮细胞对损伤的血管内膜进行修复, 这一过程就是所谓的“再内皮化”过程。“再内皮化”后的支架与患者自身的血管融为一体,因此,并没有所谓的“支架使用寿命”这一说法。", "支架植入后需服用常规的冠心病二级预防药物,若出现再狭窄并伴有心绞痛,应再次进行冠状动脉造影检查,可在原来的支架植入部位再次植入一个新的支架。某些特殊部位的支架再狭窄有可能需要心血管外科进行冠状动脉搭桥治疗。", "●术后如何控制运动强度", "北京读者崔先生问:我今年85岁,有冠心病和高血压,服用氯沙坦钾片和依姆多(单硝酸异山梨酯缓释片)。2014年5月放了两个支架,术后坚持服用阿司匹林和氯吡格雷。我以前每周打四五次太极拳,但术后每次打拳都感到特别疲劳,请问我该如何控制运动强度?", "解答:快走、慢跑、游泳、打太极拳等有氧运动对冠心病有治疗作用,可改善冠状动脉弹性和血管内皮功能,促进侧支循环建立,稳定斑块。建议每次运动 20~40分钟,每周3~5次。比较方便的运动强度评价方法有目标心率法和自我感知劳累程度分级法。目标心率法是指停止运动心率在静息心率的基础上增加 20~30次/分钟。也可通过自我感觉运动时用力的程度来判断运动强度,控制在“轻度用力”或“有点用力”或“用力”的程度均可。此患者已是85岁高龄, 术后运动需量力而行,每周逐渐增加运动量和运动时间,以不感觉过度疲劳为宜。", "安徽读者韩先生问:我今年72岁,患糖尿病、高血压已多年,一直坚持用药控制。今年以来多次出现胸痛,稍一活动就症状加重,歇一歇就缓解了。去看过医生,说是不稳定型心绞痛,建议放支架。请问我这种情况能否不放支架?有什么药物可以代替手术?", "解答:对于不稳定型心绞痛患者,早期支架介入治疗可改善不稳定型心绞痛的预后,减少远期心血管事件的发生;对于稳定型心绞痛患者,支架手术可明显减少心绞 痛的发作次数和频率。因此,对于症状明显的心绞痛患者,如果规范药物治疗效果不理想,造影发现冠状动脉明显狭窄,则应该考虑支架手术。建议您做冠脉造影, 根据血管狭窄情况来进一步判断是否需要支架手术。药物治疗可以部分缓解心绞痛患者的症状,但是绝大部分患者需要通过支架手术来改善心肌缺血。", "●进口支架更好吗", "山东读者周女士问:我大哥今年69岁,有冠心病,医生建议放支架。据说三甲医院基本都用进口支架,费用比国产的贵一倍,为什么进口和国产价格差那么多?国产支架的质量有保障吗?手术可以医保报销吗?", "解答:从全国范围来看,目前国产支架在我国冠心病患者中的应用比例明显高于进口支架,国家未强制要求三甲医院必须使用进口支架。国产支架与进口支架的临床 疗效已不相上下,是否使用进口药物支架需综合考虑患者的经济条件、病变因素以及是否合并其他疾病等。进口支架与国产支架均属医保报销范围,但在报销比例上 各个地区可能略有差别。", "●术后用药何时可以减量", "新疆读者雷先生问:我今年81岁,1997年和2009年分别放了两个支架,第二次放支架时发现1997年的支架,其中一个出现60%的狭窄,另一个是40%的狭窄。我一直在吃氯吡格雷和阿司匹林,请问药量是否可以减少?国产药的效果比进口药差很多吗?", "解答:1997年植入的支架应该是普通的金属裸支架,早期的冠状动脉支架再狭窄率比较高,如果合并糖尿病,再狭窄率会更高。新一代冠状动脉支架的再狭窄率 已大幅降低,如果没有糖尿病,再狭窄率仅为4%~5%。阿司匹林与氯吡格雷是两种抗血小板药物,主要用于预防冠状动脉支架植入术后的血栓形成。目前的指南 建议,植入药物洗脱支架后需规律服用阿司匹林与氯吡格雷至少一年,一年后可停用氯吡格雷,但需终生服用阿司匹林。", "从2009年植入支架至今已6年,应该可以停用氯吡格雷。但除了继续服用阿司匹林外,还需服用他汀类药物。高龄患者合并多种疾病,应根据患者的肝肾功能检查结果,综合评估药物的安全性。目前国产药物的临床疗效已经得到了很好的验证。", "●术后服用他汀注意什么", "安徽读者王先生问:我今年78岁,2012年放了3个支架,2013年出现新的血管堵塞就又放了一个。我一直在吃阿司匹林和他汀,听说辅酶Q10能够减轻他汀的副作用,是真的吗?哪些药不能和这两种药同时使用?食物有忌口吗?", "解答:辅酶Q10是重要的抗氧化剂以及非特异性的免疫增强剂,主要用于病毒性肝炎、亚急性肝坏死以及慢性活动性肝炎的辅助治疗,他汀类药物确实有肝酶异常 的副作用,但是肝功能异常并不是应用他汀类药物的禁忌症,因为他汀类药物导致的严重肝损害非常罕见。应用辅酶Q10来预防他汀的副作用不仅没有必要,而且 徒增经济负担。", "下列药物或饮食可能会加重他汀类药物的副作用或影响其疗效:贝特类(尤其是吉非贝齐)、烟酸类(罕见)、环孢霉素、吡咯抗真菌药、红霉素和克拉霉素、HIV蛋白酶抑制剂、维拉帕米、胺碘酮、大量西柚汁及酗酒等。", "长期服用阿司匹林可能会导致出血,所有可能导致消化道黏膜损伤的药物与阿司匹林联用均可增加出血的风险,如常用的糖皮质激素等。另外,饮酒也会加重胃黏膜的损伤,并可能导致消化道出血。", "●放支架后要终生服药吗", "吉林读者毛先生问:我今年70岁,糖尿病已10年,每天打一次胰岛素,口服二甲双胍。两年前突发心绞痛,放了3个支架,术后服用氯吡格雷、阿司匹林和他 汀,坚持一年多后逐渐没再吃药了。前段时间又出现胸闷胸痛的感觉,赶紧又恢复了用药。难道放了支架后就要终生服药吗?", "解答:糖尿病与冠心病是“姐妹病”,几乎所有的糖尿病患者最终都会发生不同程度的冠状动脉粥样硬化,因此糖尿病合并冠心病患者无论是否植入支架都需要长 期、规范化的药物治疗。糖尿病患者植入支架后除了更为严格的血糖控制外,还需终生服用阿司匹林、他汀类药物,并控制好血压,以延缓冠状动脉粥样硬化的进 展。如果再次出现胸闷胸痛,应进一步明确是支架出现了再狭窄还是其他血管出现了新的病变。", "●术后嗓子疼怎么回事"], "bs_rank_pos": 1}, {"title": "心脏支架术后患者寿命大概有多久?_有问必答_快速问医生", "segmented_title": ["心脏", "支架", "术", "后", "患者", "寿命", "大概", "有", "多久", "?", "_", "有问必答", "_", "快速", "问", "医生"], "segmented_paragraphs": [["健康", "咨询", "描述", ":", "爷爷", "身体", "一直", "都", "不太", "好", ",", "尤其", "是", "心脏", ",", "患", "有", "心脏病", "等", "疾病", ",", "前不久", "刚", "因为", "心梗", "做", "了", "心脏", "支架", "手术", ",", "但是", "医生", "说", "支架", "手术", "之后", "复发率", "也是", "很高", "的", ",", "不能放松", "对", "病情", "的", "控制", "。"], ["想得到", "怎样", "的", "帮助", ":", "心脏", "支架", "术", "后", "患者", "寿命", "大概", "有", "多久", "?"], ["因为", "每个", "人", "的", "身体状况", "不同", ",", "心态", "不同", ",", "求生", "意识", "也", "不尽相同", ",", "而且", "还要", "注意", "术", "后", "的", "调养", ",", "和", "日常", "的", "保养", ",", "要", "饮食健康", ",", "不抽烟", "不喝酒", ",", "切记", "不能", "激动", ",", "要", "时常", "陪", "老人", "聊天", ",", "说", "笑", ",", "让", "老人", "心界", "变", "宽", ",", "乐观", "积极", "的", "生活", ",", "老人", "的", "寿命", "是", "会", "延长", "的", "。", "其实", "患者", "是", "很", "排斥", "做", "心脏", "支架", "手术", "的", ",", "至于", "他们", "排斥", "做", "心脏", "支架", "手术", "的", "原因", ":", "且不说", "心脏", "支架", "手术", "不能", "真正", "治愈", "冠心病", ",", "就是", "术", "后", "经常出现", "一些", "并发症", "就", "经常", "使", "患者", "望而止步", "。", "再者", "心脏", "支架", "手术", "的", "寿命", "期", "短", ",", "最多", "可", "保", "十", "年", "乃至", "更", "短", "的", "时间", ",", "支架", "内", "就会", "再次", "形成", "血栓", ",", "血管", "再次", "堵塞", ",", "到那时", "治疗", "起来", "就会", "很", "棘手", "。", "有些人", "在", "复发", "时", "甚至", "来不及", "送", "医院", "就", "“", "人走茶凉", "”", ",", "就是", "因为", "曾经", "做", "过", "心脏", "支架", "手术", "的", "缘故", "。", "因此", "心脏", "支架", "手术", "有时候", "对", "冠心病人", "来", "说", ",", "不是", "救命", "良策", "而是", "催命符", "。"], ["这", "还是", "需要", "根据", "具体", "的", "病情", "程度", "、", "治疗", "的", "效果", "来", "确定", "的", "。", "如果", "还", "并没有", "导致", "严重", "的", "心脏", "功能", "的", "问题", ",", "及时", "作", "支架", "手术", ",", "术", "后", "坚持", "抗凝", "预防", "血栓", "形成", ",", "应该", "不会", "对", "寿命", "产生", "太", "大", "的", "影响", "的", "。", "因为", "这", "要", "看", "因为", "患者", "们", "本身", "的", "情况", ",", "还有", "适应症", "的", "选择", "有", "不同", ",", "以及", "支架", "植入", "针对", "冠心病", "的", "治疗", "是否", "规范", "等", "都", "有", "影响", "。", "普通", "裸", "支架", "的", "再", "狭窄", "率", "为", "20", "-", "30", "%", ",", "药物", "涂层", "支架", "再", "狭窄", "率", "为", "10", "%", "左右", ",", "但", "严重", "的", "需要", "处理", "的", "再", "狭窄", "并没有", "那么多", ".", "若", "半年", "不", "发生", "再", "狭窄", ",", "此后", "植入", "支架", "的", "部位", "一般", "也", "就", "不会", "发生", "再", "狭窄", "了", ",", "当然", "也", "就", "不", "需要", "再", "处理", "了", ".", "所以", "没有", "“", "过", "了", "使用", "期", ",", "还要", "再", "做", "手术", "换", "支架", "”", "或", "“", "心脏", "支架", "有", "寿命", "”", "的", "说法", ".", "但", "患者", "血管", "的", "其它", "部位", "可能", "还会", "出现", "新", "的", "病变", ",", "这", "是", "另外", "的", "问题", "."], ["心脏", "支架", "手术", "后", ",", "只要", "按时", "服药", ",", "定期", "复查", ",", "可以", "长寿", "。", "指导意见", ":", "介入", "手术", "安置", "支架", "后", ",", "都", "必须", "常规", "使用", "联合", "抗", "血小板", "治疗", "。", "因为", "血管", "植入", "支架", "的", "部分", ",", "在", "缺乏", "有效", "抗", "血小板", "药物", "的", "保护", "下", "非常", "易于", "形成", "血栓", ",", "其", "后果", "无异", "于", "再次", "心肌梗塞", "。", "由于", "这", "类", "药物", "可能会", "影响", "血小板", "和", "白细胞", ",", "因此", "在", "服用", "期间", ",", "尤其", "是", "开始", "阶段", "(", "1", "-", "2", "周", "左右", ")", "需", "到", "门诊", "复查", "血常规", "。", "若", "出现", "皮疹", "、", "皮肤", "出血点", "和", "淤斑", ",", "以及", "其他", "出血", "情况", ",", "应", "及时", "到", "医院", "就诊", "。", "控制", "好", "冠心病", "的", "易", "患", "因素", ",", "如", "降血脂", "、", "戒烟", ",", "控制", "好", "血压", "、", "血糖", ",", "维持", "正常", "体重", "等", "。", "所有", "植入", "支架", "的", "患者", "都", "应", "常规", "服用", "他汀类药物", "。", "事实上", ",", "冠心病患者", "使用", "他汀", "不仅仅", "为了", "降脂", ",", "而是", "因为", "它", "是", "目前", "唯一", "一类", "可以", "延缓", "动脉", "粥样", "化", "进展", "、", "稳定", "其", "斑块", "的", "药物", "。", ",", "改变", "生活方式", ",", "作息", "有", "规律", ",", "根据", "自己", "的", "实际情况", "进行", "锻炼", ",", "如", "散步", ",", "做", "广播体操", "等", "。", "注意", "饮食", "清淡", ",", "多", "吃", "富含", "维生素", "C", "的", "水果", "和", "绿色蔬菜", "。", "以上", "是", "对", "“", "心脏", "支架", "术", "后", "患者", "寿命", "大概", "有", "多久", "?", "”", "这个问题", "的", "建议", ",", "希望", "对", "您", "有", "帮助", ",", "祝您健康", "!"], ["心脏", "支架", "只能", "说", "针对", "原", "发病", "有", "治愈", "或者", "改善", "的", "效果", ",", "但是", "对于", "能否", "增加", "病人", "的", "寿命", "或者", "改善", "病人", "的", "生活", "治疗", ",", "这一点", "是", "不", "能够", "预测", "的", ",", "对于", "支架", "的", "病人", ",", "术", "后", "的", "调", "护", "对于", "今后", "的", "生活", "质量", "的", "改善", "有", "重要", "的", "作用", ",", "按时", "服药", ",", "注意", "药物", "的", "不良", "发", "应", ",", "同时", "定期", "门诊", "复查", ",", "注意", "术", "后", "心血管", "的", "变化", ",", "只有", "良好", "的", "调护", "才", "对于", "病人", "的", "预后", "有", "积极", "的", "作用", "。", "支架", "术", "后", "护理", "适度", "合理", "、", "循序渐进", "地", "运动", ",", "可", "增进", "身心健康", ",", "提高", "心肌", "和", "运动", "肌肉", "的", "效率", ",", "减少", "心肌", "耗氧量", ",", "促进", "冠状动脉", "侧", "支", "循环", "形成", "。", "运动量", "以", "不", "引起", "气喘", "、", "心悸", "、", "头晕", "等", "为", "指标", "。", "因", "支架", "的", "结构", "和", "组成", "的", "原因", ",", "所以", "术", "后", "要", "进行", "抗凝", "治疗", "。", "同时", "定期", "的", "复查", ",", "了解", "治疗", "的", "效果", "和", "恢复", "情况", "。"], ["这个", "不能", "这么简单", "的", "说", "的", "。", "因为", "病情", "不同", ",", "还有", "你", "适应症", "的", "选择", "有", "不同", ",", "以及", "支架", "植入", "针对", "冠心病", "的", "治疗", "是否", "规范", "等", "都", "有", "影响", "的", "。", "不是", "冠心病", "作", "了", "介入", "手术", "植入", "支架", ",", "或者", "外科", "冠状动脉", "旁路", "移植", "(", "搭桥", ")", "以后", ",", "就", "万事大吉", "了", ",", "因为", "你", "基础", "病变", "还在", ",", "只是", "针对", "了", "你", "最", "严重", "的", "地方", "采取", "了", "措施", ",", "你", "别", "的", "地方", "难道", "就", "不会", "再", "发生", "问题", ",", "另外", "你", "支架", "内", "也", "可以", "再", "狭窄", ",", "或者", "搭", "的", "桥", "血管", "也", "可以", "发生", "严重", "的", "粥样", "硬化", "而", "狭窄", "的", "。", "因此", "你", "必须", "加强", "基础", "的", "治疗", "。", "比如", "血糖", "血脂", "血压", "都", "必须", "严格控制", "好", ",", "必要", "的", "抗", "血小板", "治疗", ",", "那么", "也", "必须", "坚持", "的", "。", "这", "都是", "影响", "预后", "的", "很重要", "的", "因素", "。"], ["心脏", "支架", "只能", "说", "针对", "原", "发病", "有", "治愈", "或者", "改善", "的", "效果", ",", "但是", "对于", "能否", "增加", "病人", "的", "寿命", "或者", "改善", "病人", "的", "生活", "治疗", ",", "这一点", "是", "不", "能够", "预测", "的", ",", "对于", "支架", "的", "病人", ",", "术", "后", "的", "调", "护", "对于", "今后", "的", "生活", "质量", "的", "改善", "有", "重要", "的", "作用", ",", "按时", "服药", ",", "注意", "药物", "的", "不良", "发", "应", ",", "同时", "定期", "门诊", "复查", ",", "注意", "术", "后", "心血管", "的", "变化", ",", "只有", "良好", "的", "调护", "才", "对于", "病人", "的", "预后", "有", "积极", "的", "作用", "。", "药物", "支架", "半年内", "的", "再", "狭窄", "率", "在", "10", "%", "左右", ",", "非", "药物", "支架", "的", "再", "狭窄", "率", "可", "高达", "30", "-", "40", "%", ",", "如果", "你", "应用", "的", "是", "裸", "支架", "(", "非", "药物", "支架", ")", ",", "就要", "注意", "半年后", "复查", "冠脉", "血管", "情况", ",", "以便", "及时处理", "再", "狭窄", "。"], ["心脏病", "是", "一类", "比较", "常见", "的", "循环系统", "疾病", "。", "循环系统", "由", "心脏", "、", "血管", "和", "调节", "血液循环", "的", "神经", "体液", "组织", "构成", ",", "循环系统", "疾病", "也", "称为", "心血管病", ",", "包括", "上述", "所有", "组织", "器官", "的", "疾病", ",", "在", "内科疾病", "中", "属于", "常见病", ",", "其中", "以", "心脏病", "最", "为", "多", "见", ",", "能", "显著", "地", ".", ".", ".", "更多", ">", ">"], ["琥乙红霉素", "参考价格", ":", "9", "查看", "说明书"], ["地高辛", "片", "参考价格", ":", "4", "查看", "说明书"], ["地高辛", "片", "参考价格", ":", "5", "查看", "说明书"], ["地高辛", "片", "1", ".", "用于", "高血压", "﹑", "瓣膜", "性", "心脏病", "﹑", "先天性心脏病", "等", "急性", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "10"], ["琥乙红霉素", "片", "1", ".", "本", "品", "可", "作为", "青霉素", "过敏", "患者", "治疗", "下列", "感染", "的", "替代", "用", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "9"], ["患", "高血压病", "能", "喝", "鸭子", "炖", "莲子", "薏米", "吗", "冠心病病人", "的", "早期", "症状", "是", "怎么样", "的", "心绞痛", "保健品", "高血压", "高血糖", "喝", "什么", "茶", "好", "心衰", "喝", "凉水", "好", "喝", "什么", "茶", "对", "高血压", "有", "好处", "吃", "了", "降压药", "反而", "头疼", "高血压", "尿酸", "高", "吃什么", "药", "心脏病", "患者", "日常", "的", "饮食", "风湿性心脏病", "能", "吃", "鱼", "吗"], ["专家", "在线", "免费咨询"], ["看病", "男科", "妇科", "癫痫", "性病", "养生", "新闻", "白癫风", "牛皮癣"], ["就医", "疾病", "信息", "健康", "经验", "症状", "信息", "手术", "项目", "检查", "项目", "健康", "百科", "求医问药"], ["用药", "药品", "库", "疾病", "用药", "药品", "心得", "用药", "安全", "药品", "资讯", "用药", "方案", "品牌", "药企", "明星", "药品"], ["整形", "整形", "项目", "整形", "案例", "整形", "资讯", "整形医院", "减肥", "塑形", "眼部", "整形", "鼻部", "整形", "面部", "整形"], ["有问必答", "内科", "外科", "儿科", "药品", "遗传", "美容", "检查", "减肥", "中医科", "五官科", "传染科", "体检", "科", "妇产科", "肿瘤科", "康复科", "子女教育", "心理健康", "整形美容", "家居", "环境", "皮肤性病", "营养保健", "其他", "科室", "保健养生"], ["下载", "APP", ",", "免费", "快速", "问", "医生"]], "paragraphs": ["健康咨询描述: 爷爷身体一直都不太好,尤其是心脏,患有心脏病等疾病,前不久刚因为心梗做了心脏支架手术,但是医生说支架手术之后复发率也是很高的,不能放松对病情的控制。", "想得到怎样的帮助:心脏支架术后患者寿命大概有多久?", "因为每个人的身体状况不同,心态不同,求生意识也不尽相同,而且还要注意术后的调养,和日常的保养,要饮食健康,不抽烟不喝酒,切记不能激动,要时常陪老人聊天,说笑,让老人心界变宽,乐观积极的生活,老人的寿命是会延长的。其实患者是很排斥做心脏支架手术的,至于他们排斥做心脏支架手术的原因:且不说心脏支架手术不能真正治愈冠心病,就是术后经常出现一些并发症就经常使患者望而止步。再者心脏支架手术的寿命期短,最多可保十年乃至更短的时间,支架内就会再次形成血栓,血管再次堵塞,到那时治疗起来就会很棘手。有些人在复发时甚至来不及送医院就“人走茶凉”,就是因为曾经做过心脏支架手术的缘故。因此心脏支架手术有时候对冠心病人来说,不是救命良策而是催命符。", "这还是需要根据具体的病情程度、治疗的效果来确定的。如果还并没有导致严重的心脏功能的问题,及时作支架手术,术后坚持抗凝预防血栓形成,应该不会对寿命产生太大的影响的。因为这要看因为患者们本身的情况,还有适应症的选择有不同,以及支架植入针对冠心病的治疗是否规范等都有影响。普通裸支架的再狭窄率为20-30%,药物涂层支架再狭窄率为10%左右,但严重的需要处理的再狭窄并没有那么多.若半年不发生再狭窄,此后植入支架的部位一般也就不会发生再狭窄了,当然也就不需要再处理了.所以没有“过了使用期,还要再做手术换支架”或“心脏支架有寿命”的说法.但患者血管的其它部位可能还会出现新的病变,这是另外的问题.", "心脏支架手术后,只要按时服药,定期复查,可以长寿。指导意见:介入手术安置支架后,都必须常规使用联合抗血小板治疗。因为血管植入支架的部分,在缺乏有效抗血小板药物的保护下非常易于形成血栓,其后果无异于再次心肌梗塞。由于这类药物可能会影响血小板和白细胞,因此在服用期间,尤其是开始阶段(1-2周左右)需到门诊复查血常规。若出现皮疹、皮肤出血点和淤斑,以及其他出血情况,应及时到医院就诊。 控制好冠心病的易患因素,如降血脂、戒烟,控制好血压、血糖,维持正常体重等。所有植入支架的患者都应常规服用他汀类药物。事实上,冠心病患者使用他汀不仅仅为了降脂,而是因为它是目前唯一一类可以延缓动脉粥样化进展、稳定其斑块的药物。, 改变生活方式,作息有规律,根据自己的实际情况进行锻炼,如散步,做广播体操等。注意饮食清淡,多吃富含维生素C的水果和绿色蔬菜。 以上是对“心脏支架术后患者寿命大概有多久?”这个问题的建议,希望对您有帮助,祝您健康!", "心脏支架只能说针对原发病有治愈或者改善的效果,但是对于能否增加病人的寿命或者改善病人的生活治疗,这一点是不能够预测的,对于支架的病人,术后的调护对于今后的生活质量的改善有重要的作用,按时服药,注意药物的不良发应,同时定期门诊复查,注意术后心血管的变化,只有良好的调护才对于病人的预后有积极的作用。支架术后护理适度合理、循序渐进地运动,可增进身心健康,提高心肌和运动肌肉的效率,减少心肌耗氧量,促进冠状动脉侧支循环形成。运动量以不引起气喘、心悸、头晕等为指标。因支架的结构和组成的原因,所以术后要进行抗凝治疗。同时定期的复查,了解治疗的效果和恢复情况。", "这个不能这么简单的说的。因为病情不同,还有你适应症的选择有不同,以及支架植入针对冠心病的治疗是否规范等都有影响的。不是冠心病作了介入手术植入支架,或者外科冠状动脉旁路移植(搭桥)以后,就万事大吉了,因为你基础病变还在,只是针对了你最严重的地方采取了措施,你别的地方难道就不会再发生问题,另外你支架内也可以再狭窄,或者搭的桥血管也可以发生严重的粥样硬化而狭窄的。因此你必须加强基础的治疗。比如血糖血脂血压都必须严格控制好,必要的抗血小板治疗,那么也必须坚持的。这都是影响预后的很重要的因素。", "心脏支架只能说针对原发病有治愈或者改善的效果,但是对于能否增加病人的寿命或者改善病人的生活治疗,这一点是不能够预测的,对于支架的病人,术后的调护对于今后的生活质量的改善有重要的作用,按时服药,注意药物的不良发应,同时定期门诊复查,注意术后心血管的变化,只有良好的调护才对于病人的预后有积极的作用。药物支架半年内的再狭窄率在10%左右,非药物支架的再狭窄率可高达30-40%,如果你应用的是裸支架(非药物支架),就要注意半年后复查冠脉血管情况,以便及时处理再狭窄。", "心脏病是一类比较常见的循环系统疾病。循环系统由心脏、血管和调节血液循环的神经体液组织构成,循环系统疾病也称为心血管病,包括上述所有组织器官的疾病,在内科疾病中属于常见病,其中以心脏病最为多见,能显著地... 更多>>", "琥乙红霉素  参考价格:9 查看说明书", "地高辛片  参考价格:4 查看说明书", "地高辛片  参考价格:5 查看说明书", "地高辛片 1.用于高血压﹑瓣膜性心脏病﹑先天性心脏病等急性...[说明书] 参考价格:¥10", "琥乙红霉素片 1.本品可作为青霉素过敏患者治疗下列感染的替代用...[说明书] 参考价格:¥9", "患高血压病能喝鸭子炖莲子薏米吗 冠心病病人的早期症状是怎么样的 心绞痛保健品 高血压高血糖喝什么茶好 心衰喝凉水好 喝什么茶对高血压有好处 吃了降压药反而头疼 高血压尿酸高吃什么药 心脏病患者日常的饮食 风湿性心脏病能吃鱼吗", "专家在线免费咨询", "看病 男科 妇科 癫痫 性病 养生 新闻 白癫风 牛皮癣", "就医 疾病信息 健康经验 症状信息 手术项目 检查项目 健康百科 求医问药", "用药 药品库 疾病用药 药品心得 用药安全 药品资讯 用药方案 品牌药企 明星药品", "整形 整形项目 整形案例 整形资讯 整形医院 减肥塑形 眼部整形 鼻部整形 面部整形", "有问必答 内科 外科 儿科 药品 遗传 美容 检查 减肥 中医科 五官科 传染科 体检科 妇产科 肿瘤科 康复科 子女教育 心理健康 整形美容 家居环境 皮肤性病 营养保健 其他科室 保健养生", "下载APP,免费快速问医生"], "bs_rank_pos": 2}, {"title": "心脏支架术后患者寿命到底有多长?", "segmented_title": ["心脏", "支架", "术", "后", "患者", "寿命", "到底", "有多长", "?"], "segmented_paragraphs": [["您", "当前", "的", "位置", ":", "首页", ">", "健康", "讲座", ">", "科普", "文章"], ["作者", ":", "来源", ":", "时间", ":", "2016", "-", "09", "-", "05", "08", ":", "54", ":", "51", "浏览次数", ":", "6927", "次"], ["冠状动脉", "支架", "手术", "(", "PCI", ")", "作为", "冠心病", "主要", "的", "治疗方法", ",", "不仅", "能够", "迅速", "解除", "血管", "堵塞", ",", "恢复", "血", "运", ",", "而且", "使", "患者", "术", "后", "的", "生活", "质量", "也有", "了", "明显", "提高", "。", "但", "冠状动脉", "支架", "术", "是", "有创手术", ",", "术", "后", "有", "可能会", "出现", "严重", "的", "并发症", ",", "医生", ",", "患者", "和", "家属", "迫切", "想", "了解", "它", "的", "预后", "情况", "及", "影响", "预后", "的", "危险因素", "。"], ["对", "西北地区", "冠状动脉", "支架", "术", "后", "患者", "的", "生存", "质量", "情况", "调查", "显示", ",", "影响", "患者", "预后", "的", "影响", "因素", "有", ":", "喜欢", "肉类", "食物", ",", "单", "支", "病变", ",", "多", "支", "病变", ",", "再", "住院", ",", "再次", "血", "运", "重建", ",", "生存", "质量", "各个方面", "(", "生理", "、", "身体", "疼痛", "、", "社会", "、", "情感", "、", "精神", "、", "活动", ")", "。", "—", "来源于", "《", "冠状动脉", "支架", "术", "预后", "影响", "因素分析", "及", "生存", "质量", "对比", "研究", "》", "(", "第四军医大学", ")"], ["上面", "的", "研究", "也", "进一步", "证实", "了", ",", "冠脉", "支架", "手术", "并", "不是", "一劳永逸", "的", ",", "因为", "植入", "的", "支架", "并", "不能", "阻止", "动脉粥样硬化", "及", "冠心病", "的", "进展", ";", "要", "维持", "良好", "的", "手术", "效果", ",", "最佳", "的", "方法", "是", "建立", "对", "心脏", "有益", "的", "健康", "生活方式", "。"], ["专家观点", ":", "关于", "心脏", "支架", "术", "后", "患者", "寿命", "的", "问题", ",", "如果", "能", "严格按照", "医生", "的", "要求", "做", "好", "药物", "和", "生活", "的", "护理", ",", "养成", "良好", "的", "生活习惯", ",", "合理膳食", ",", "并", "注意", "情绪", "的", "控制", ",", "病情", "是", "可以", "得到", "有效控制", "的", ",", "术", "后", "的", "生存", "时间", "不会", "受到", "很大", "影响", ",", "和", "正常人", "一样", "活", "到", "预期", "的", "寿命", "。"], ["下面", "这些", "方法", "是", "您", "完全", "可以", "做到", "的", "!", "!", "!"], ["1", ".", "保持", "适当", "的", "体重", "减少", "卡路里", "的", "摄入", ",", "加强", "锻炼", "。", "2", ".", "戒烟", "尼古丁", "会", "收缩", "血管", ",", "加快", "心跳", ",", "而", "一氧化碳", "会", "降低", "血液", "中", "的", "氧气", "含量", ",", "损伤", "血管", "壁", "。", "如果", "你", "吸烟", "的", "话", ",", "戒烟", "是", "减少", "患心脏病", "风险", "的", "最佳", "方式", "。", "3", ".", "控制", "血压", "定期", "测量", "血压", "。", "如果", "有", "高血压", "的", "话", ",", "需", "遵", "医嘱", "服药", "。", "4", ".", "控制", "胆固醇", "定期检查", "胆固醇", "。", "少", "吃", "含", "高", "胆固醇", "的", "食物", ",", "遵", "医嘱", "服用", "降脂", "药物", "。"], ["5", ".", "控制", "好", "糖尿病", "如果", "你", "有", "糖尿病", ",", "一定要", "控制", "好", "血糖", "水平", ",", "以", "减缓", "冠心病", "的", "进展", "。"], ["6", ".", "多", "运动", "运动", "不仅可以", "维持", "体重", ",", "还", "可", "控制", "血糖", "、", "血脂", "和", "血压", "。", "在", "医生", "允许", "的", "情况", "下", ",", "可", "每天", "锻炼", "30", "~", "60", "分钟", "。"], ["7", ".", "吃", "健康", "的", "食物", "对", "心脏", "健康", "的", "食物", "包括", ":", "水果", "、", "蔬菜", "、", "谷物", "。", "另外", ",", "应", "尽量减少", "含", "饱和脂肪", "、", "胆固醇", "和", "钠", "多", "的", "食物", "。", "建议", "一", "周", "吃", "1", "~", "2", "次", "的", "鱼", "会", "对", "心脏", "很不错", "哦", "。"], ["8", ".", "学会", "管理", "压力", "尽可能", "减少", "压力", "。", "学会", "一些", "健康", "的", "减压", "技巧", ",", "如", "肌肉", "放松", "、", "深呼吸", "。"]], "paragraphs": ["您当前的位置: 首页 > 健康讲座 > 科普文章", "作者: 来源: 时间:2016-09-05 08:54:51 浏览次数:6927 次", "冠状动脉支架手术(PCI)作为冠心病主要的治疗方法,不仅能够迅速解除血管堵塞,恢复血运,而且使患者术后的生活质量也有了明显提高。但冠状动脉支架术是有创手术,术后有可能会出现严重的并发症,医生,患者和家属迫切想了解它的预后情况及影响预后的危险因素。", "对西北地区冠状动脉支架术后患者的生存质量情况调查显示,影响患者预后的影响因素有:喜欢肉类食物,单支病变,多支病变,再住院,再次血运重建,生存质量各个方面(生理、身体疼痛、社会、情感、精神、活动)。 —来源于《冠状动脉支架术预后影响因素分析及生存质量对比研究》(第四军医大学)", "上面的研究也进一步证实了,冠脉支架手术并不是一劳永逸的,因为植入的支架并不能阻止动脉粥样硬化及冠心病的进展;要维持良好的手术效果,最佳的方法是建立对心脏有益的健康生活方式。", "专家观点:关于心脏支架术后患者寿命的问题,如果能严格按照医生的要求做好药物和生活的护理,养成良好的生活习惯,合理膳食,并注意情绪的控制,病情是可以得到有效控制的,术后的生存时间不会受到很大影响,和正常人一样活到预期的寿命。", "下面这些方法是您完全可以做到的!!!", "1. 保持适当的体重减少卡路里的摄入,加强锻炼。 2. 戒烟尼古丁会收缩血管,加快心跳,而一氧化碳会降低血液中的氧气含量,损伤血管壁。如果你吸烟的话,戒烟是减少患心脏病风险的最佳方式。 3. 控制血压定期测量血压。如果有高血压的话,需遵医嘱服药。 4. 控制胆固醇定期检查胆固醇。少吃含高胆固醇的食物,遵医嘱服用降脂药物。", "5. 控制好糖尿病如果你有糖尿病,一定要控制好血糖水平,以减缓冠心病的进展。", "6. 多运动运动不仅可以维持体重,还可控制血糖、血脂和血压。在医生允许的情况下,可每天锻炼30~60分钟。", "7. 吃健康的食物对心脏健康的食物包括:水果、蔬菜、谷物。另外,应尽量减少含饱和脂肪、胆固醇和钠多的食物。建议一周吃1~2次的鱼会对心脏很不错哦。", "8. 学会管理压力尽可能减少压力。学会一些健康的减压技巧,如肌肉放松、深呼吸。"], "bs_rank_pos": 3}, {"title": "心脏支架手术之后寿命会有影响吗_最真实的经验分享_健康经验_快速问", "segmented_title": ["心脏", "支架", "手术", "之后", "寿命", "会", "有", "影响", "吗", "_", "最", "真实", "的", "经验分享", "_", "健康", "经验", "_", "快速", "问"], "segmented_paragraphs": [["专家", "在线", "免费咨询"], ["其实", "这个", "手术", "做完", "以后", "很多", "的", "患者", "觉得", "这样", "我们", "身上", "的", "疾病", "就", "彻底", "的", "好", "了", ",", "这个", "疾病", "是", "很容易", "复发", "的", ",", "更多", "的", "患者", "愿意", "接受", "支架", "介入治疗", ",", "如果", "平时", "的", "生活", "不", "去", "注意", "的", "话", ",", "以后", "也", "就", "不", "注意", "了", ",", "我们", "也", "会", "获得", "一", "个", "长期", "健康", "的", "身体", ",", "也是", "要", "继续", "的", "长期", "的", "用药", "来", "进行", "调理", "的", ",", "慢慢", "的", "经过多年", "的", "不懈努力", ",", "其实", "这样", "是", "不对", "的", ",", "目前", "随着", "支架", "介入", "手术", "的", "普遍", "开展", ",", "血液", "会", "很干净", "血管", "斑块", "会", "很", "稳定", ","], ["1", "甚至", "比", "以前", "更严重", ",", "有", "的", "病人", "手术", "后", "效果很好", ",", "首先", "一", "个", "不能否认", "现在", "做", "支架", "术", "的", "很多", ",", "一", "个", "是", "病情", "的", "问题", ",", "这个", "效果", "不好", "的", "原因", "一", "个", "是", "医生", "的", "水平", "问题", ",", "很有可能", "是", "诊断", "不对", "或者", "是", "利益", "的", "趋势", "造成", "的", ",", "有", "的", "人", "效果", "不好", ",", "2", "心脏", "支架", "手术", "之后", "寿命", "不会", "有", "影响", ",", "日常生活", "不太", "受到", "限制", ",", "在", "支架", "早期", "比较", "容易", "出", "问题", ",", "正常", "工作", "、", "生活", "都", "不", "受到影响", ",", "往往", "病人", "心脏", "症状", "绝大多数", "都会", "解除", ",", "支架", "可能", "会", "坏", "或者", "怎么样", ",", "冠状动脉", "支架", "放", "完", "以后", ",", "一旦", "半年", "以后", ",", "放", "了", "冠状动脉", "支架", "之后", ",", "不是", "随着", "时间", "延长", ",", "再", "狭窄", "的", "几率", "反而", "会", "减少", ",", "3", "所以", "支架", "术", "后", "一定要", "注意", "长期", "预防", ",", "因为", "除", "支架", "本身", "以", "外", ",", "需要", "预防", "冠脉", "其它", "部位", "的", "狭窄", "出", "新", "问题", ",", "还有", "就是", "我们", "做", "了", "支架", "以后", "一定要", "在", "一年之内", "把", "血栓", "的", "概率", "降", "到", "最低", ",", "需要", "服用", "阿司匹林", "和", "波立维", "一年", ",", "当然", "这个", "要", "看", "医生", "怎么说", "了", ","], ["支架", "术", "后", "没有", "认真", "服药", "治疗", "等等", ",", "总之", "支架", "术", "和", "搭桥术", "不能", "一劳永逸", "解决", "冠心病", "心绞痛", "的", "问题", ",", "最后我们", "要", "说", "的", "是", "病人", "的", "问题", "就", "可能", "是", "病情", "复杂", ",", "还要", "药物", "继续", "治疗", ","], ["温馨提示", ":", "以上", "经验分享", "由", "网友原创", ",", "仅供参考", ",", "未经许可", "禁止转载", ",", "违者必究"], ["冠心病", "心绞痛"], ["[", "看病", "挂", "什么", "科", "]", "心血管", "内科"], ["[", "费用", "一般", "多少", "]", "根据", "不同", "医院", ",", "收费标准", "不", "一致", ",", "市", "三甲医院", "约", "(", "5000", "—", "—", "10000", "元", ")"]], "paragraphs": ["专家在线免费咨询", "其实这个手术做完以后很多的患者觉得这样我们身上的疾病就彻底的好了,这个疾病是很容易复发的,更多的患者愿意接受支架介入治疗,如果平时的生活不去注意的话,以后也就不注意了,我们也会获得一个长期健康的身体,也是要继续的长期的用药来进行调理的,慢慢的经过多年的不懈努力,其实这样是不对的,目前随着支架介入手术的普遍开展,血液会很干净血管斑块会很稳定,", "1甚至比以前更严重,有的病人手术后效果很好,首先一个不能否认现在做支架术的很多,一个是病情的问题,这个效果不好的原因一个是医生的水平问题,很有可能是诊断不对或者是利益的趋势造成的,有的人效果不好, 2心脏支架手术之后寿命不会有影响,日常生活不太受到限制,在支架早期比较容易出问题,正常工作、生活都不受到影响,往往病人心脏症状绝大多数都会解除,支架可能会坏或者怎么样,冠状动脉支架放完以后,一旦半年以后,放了冠状动脉支架之后,不是随着时间延长,再狭窄的几率反而会减少, 3所以支架术后一定要注意长期预防,因为除支架本身以外,需要预防冠脉其它部位的狭窄出新问题,还有就是我们做了支架以后一定要在一年之内把血栓的概率降到最低,需要服用阿司匹林和波立维一年,当然这个要看医生怎么说了,", "支架术后没有认真服药治疗等等,总之支架术和搭桥术不能一劳永逸解决冠心病心绞痛的问题,最后我们要说的是病人的问题就可能是病情复杂,还要药物继续治疗,", "温馨提示:以上经验分享由网友原创,仅供参考,未经许可禁止转载,违者必究", "冠心病 心绞痛", "[看病挂什么科]心血管内科", "[费用一般多少]根据不同医院,收费标准不一致,市三甲医院约(5000 —— 10000元)"], "bs_rank_pos": 4}], "question": "心脏支架手术后寿命", "segmented_question": ["心脏", "支架", "手术", "后", "寿命"], "question_type": "ENTITY", "fact_or_opinion": "OPINION", "question_id": 221605}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["您所在的位置:首页>热点追踪", "经纪代理服务业营改增主要政策简介", "发布者:admin 来源:官方来源 发布时间:2016-11-29", " 2016年3月23日,财政部、国家税务总局正式颁布《关于全面推开营业税改征增值税试点的通知》(财税〔2016〕36号),自2016年5月1日起,全面推开营改增,将试点范围扩大到建筑业、房地产业、金融业、生活服务业。为便于经纪代理服务业纳税人了解此次营改增的主要内容,广州市国家税务局现对经纪代理服务业的主要政策整理如下,供社会各界参阅。", " 一、增值税纳税人  在中华人民共和国境内提供经纪代理服务的单位和个人,为增值税纳税人。 单位,是指企业、行政单位、事业单位、军事单位、社会团体及其他单位。 个人,是指个体工商户和其他个人。 二、征税范围  根据《销售服务、无形资产、不动产注释》规定,经纪代理服务,是指各类经纪、中介、代理服务。包括金融代理、知识产权代理、货物运输代理、代理报关、法律代理、房地产中介、职业中介、婚姻中介、代理记账、拍卖等。 货物运输代理服务,是指接受货物收货人、发货人、船舶所有人、船舶承租人或者船舶经营人的委托,以委托人的名义,为委托人办理货物运输、装卸、仓储和船舶进出港口、引航、靠泊等相关手续的业务活动。 代理报关服务,是指接受进出口货物的收、发货人委托,代为办理报关手续的业务活动。 三、增值税纳税人分类  (一)增值税一般纳税人:适用增值税税率,其进项税额可以抵扣。 1.年应税销售额超过500万元的纳税人应登记为一般纳税人。其中:(1)年应税销售额超过500万元的其他个人不属于一般纳税人。 (2)年应税销售额超过500万元但不经常提供应税服务的单位和个体工商户选择按照小规模纳税人纳税。 2.年应税销售额未超过500万元的纳税人,会计核算健全,能够提供准确税务资料的,可以向主管税务机关办理一般纳税人资格登记,成为一般纳税人。 (二)增值税小规模纳税人:适用增值税征收率,其进项税额不可以抵扣。 (三)增值税扣缴义务人:中华人民共和国境外单位或者个人在境内发生应税行为,在境内未设有经营机构的,以购买方为增值税扣缴义务人。 四、税率和征收率  五、增值税计税方法  (一)一般计税方法  一般纳税人发生应税行为适用一般计税方法计税,按以下公式计算:  应纳税额=当期销项税额-当期进项税额  销项税额=销售额×税率  销售额=含税销售额÷(1+税率)  (二)简易计税方法  小规模纳税人发生应税行为适用简易计税方法计税。简易计税方法的应纳税额,是指按照销售额和增值税征收率计算的增值税额,不得抵扣进项税额。应纳税额计算公式:  应纳税额=销售额×征收率  简易计税方法的销售额不包括其应纳税额,纳税人采用销售额和应纳税额合并定价方法的,按照下列公式计算销售额: ", " (一)一般计税方法  一般纳税人发生应税行为适用一般计税方法计税,按以下公式计算:  应纳税额=当期销项税额-当期进项税额  销项税额=销售额×税率  销售额=含税销售额÷(1+税率)  (二)简易计税方法  小规模纳税人发生应税行为适用简易计税方法计税。简易计税方法的应纳税额,是指按照销售额和增值税征收率计算的增值税额,不得抵扣进项税额。应纳税额计算公式:  应纳税额=销售额×征收率  简易计税方法的销售额不包括其应纳税额,纳税人采用销售额和应纳税额合并定价方法的,按照下列公式计算销售额:  销售额=含税销售额÷(1+征收率)  (三)扣缴计税方法  扣缴义务人适用扣缴计税方法计税。 应扣缴税额=接受方支付的价款÷(1+税率)×税率  六、销售额的计算  (一)一般规定  销售额,是指纳税人发生应税行为取得的全部价款和价外费用,财政部和国家税务总局另有规定的除外。价外费用,是指价外收取的各种性质的收费,但不包括以下项目: ", " (一)一般规定  销售额,是指纳税人发生应税行为取得的全部价款和价外费用,财政部和国家税务总局另有规定的除外。价外费用,是指价外收取的各种性质的收费,但不包括以下项目:  1.代为收取并同时满足以下条件的政府性基金或者行政事业性收费。 (1)由国务院或者财政部批准设立的政府性基金,由国务院或者省级人民政府及其财政、价格主管部门批准设立的行政事业性收费;  (2)收取时开具省级以上(含省级)财政部门监(印)制的财政票据;  (3)所收款项全额上缴财政。 2.以委托方名义开具发票代委托方收取的款项。 (二)特殊规定  1.经纪代理服务,以取得的全部价款和价外费用,扣除向委托方收取并代为支付的政府性基金或者行政事业性收费后的余额为销售额。向委托方收取的政府性基金或者行政事业性收费,不得开具增值税专用发票。 3.试点纳税人按照上述的规定从全部价款和价外费用中扣除的价款,应当取得符合法律、行政法规和国家税务总局规定的有效凭证。否则,不得扣除。 上述凭证是指:  (1)扣除的政府性基金、行政事业性收费,以省级以上(含省级)财政部门监(印)制的财政票据为合法有效凭证。 (2)人力资源外包服务可凭劳动合同、工资单等证明材料,作为差额扣除凭证。", " 纳税人取得的上述凭证属于增值税扣税凭证的,其进项税额不得从销项税额中抵扣。", " 七、增值税进项税额抵扣 ", " (一)允许抵扣进项税额  增值税扣税凭证包括:  1.从销售方取得的增值税专用发票(含税控机动车销售统一发票)上注明的增值税额。 2.从海关取得的海关进口增值税专用缴款书上注明的增值税额。 进项税额=买价×扣除率  买价,是指纳税人购进农产品在农产品收购发票或者销售发票上注明的价款和按照规定缴纳的烟叶税。 购进农产品,按照《农产品增值税进项税额核定扣除试点实施办法》抵扣进项税额的除外。 4.从境外单位或者个人购进服务、无形资产或者不动产,自税务机关或者扣缴义务人取得的解缴税款的完税凭证上注明的增值税额。 (二)不得抵扣项目  1.用于简易计税方法计税项目、免征增值税项目、集体福利或者个人消费的购进货物、加工修理修配劳务、服务、无形资产和不动产。其中涉及的固定资产、无形资产、不动产,仅指专用于上述项目的固定资产、无形资产(不包括其他权益性无形资产)、不动产。 纳税人的交际应酬消费属于个人消费。 2.非正常损失的购进货物,以及相关的加工修理修配劳务和交通运输服务。 3.非正常损失的在产品、产成品所耗用的购进货物(不包括固定资产)、加工修理修配劳务和交通运输服务。 4.非正常损失的不动产,以及该不动产所耗用的购进货物、设计服务和建筑服务。", " 1.用于简易计税方法计税项目、免征增值税项目、集体福利或者个人消费的购进货物、加工修理修配劳务、服务、无形资产和不动产。其中涉及的固定资产、无形资产、不动产,仅指专用于上述项目的固定资产、无形资产(不包括其他权益性无形资产)、不动产。 纳税人的交际应酬消费属于个人消费。 2.非正常损失的购进货物,以及相关的加工修理修配劳务和交通运输服务。 3.非正常损失的在产品、产成品所耗用的购进货物(不包括固定资产)、加工修理修配劳务和交通运输服务。 4.非正常损失的不动产,以及该不动产所耗用的购进货物、设计服务和建筑服务。 5.非正常损失的不动产在建工程所耗用的购进货物、设计服务和建筑服务。 纳税人新建、改建、扩建、修缮、装饰不动产,均属于不动产在建工程。", " 6.购进的旅客运输服务、贷款服务、餐饮服务、居民日常服务和娱乐服务。", " 接受贷款服务向贷款方支付与该笔贷款直接相关的投融资顾问费、手续费、咨询费等费用。", " 八、纳税地点 ", " (一)固定业户应当向其机构所在地或者居住地主管税务机关申报纳税。总机构和分支机构不在同一县(市)的,应当分别向各自所在地的主管税务机关申报纳税;经财政部和国家税务总局或者其授权的财政和税务机关批准,可以由总机构汇总向总机构所在地的主管税务机关申报纳税。 (二)非固定业户应当向应税行为发生地主管税务机关申报纳税;未申报纳税的,由其机构所在地或者居住地主管税务机关补征税款。 (三)扣缴义务人应当向其机构所在地或者居住地主管税务机关申报缴纳扣缴的税款。", " 九、纳税义务时间 ", " (一)发生应税行为并收讫销售款项或者取得索取销售款项凭据的当天;先开具发票的,为开具发票的当天。 (二)视同销售服务,为服务完成的当天。"], "segmented_title": ["经纪", "代理服务业", "营改增", "主要", "政策", "简介"], "segmented_paragraphs": [["您", "所在", "的", "位置", ":", "首页", ">", "热点追踪"], ["经纪", "代理服务业", "营改增", "主要", "政策", "简介"], ["发布者", ":", "admin", "来源", ":", "官方", "来源", "发布时间", ":", "2016", "-", "11", "-", "29"], ["2016", "年", "3", "月", "23", "日", ",", "财政部", "、", "国家税务总局", "正式颁布", "《", "关于", "全面推开", "营业税", "改", "征", "增值税", "试点", "的", "通知", "》", "(", "财税", "〔", "2016", "〕", "36", "号", ")", ",", "自", "2016", "年", "5", "月", "1", "日", "起", ",", "全面推开", "营改增", ",", "将", "试点", "范围", "扩大", "到", "建筑业", "、", "房地产业", "、", "金融业", "、", "生活服务业", "。", "为", "便于", "经纪", "代理服务业", "纳税人", "了解", "此次", "营改增", "的", "主要内容", ",", "广州", "市", "国家", "税务局", "现", "对", "经纪", "代理服务", "业", "的", "主要", "政策", "整理", "如", "下", ",", "供", "社会各界", "参阅", "。"], ["一", "、", "增值税", "纳税人", "在", "中华人民共和国", "境内", "提供", "经纪", "代理服务", "的", "单位", "和", "个人", ",", "为", "增值税", "纳税人", "。", "单位", ",", "是", "指", "企业", "、", "行政", "单位", "、", "事业单位", "、", "军事", "单位", "、", "社会团体", "及", "其他", "单位", "。", "个人", ",", "是", "指", "个体工商户", "和", "其他", "个人", "。", "二", "、", "征税", "范围", "根据", "《", "销售服务", "、", "无形资产", "、", "不动产", "注释", "》", "规定", ",", "经纪", "代理服务", ",", "是", "指", "各类", "经纪", "、", "中介", "、", "代理服务", "。", "包括", "金融", "代理", "、", "知识产权", "代理", "、", "货物运输", "代理", "、", "代理", "报关", "、", "法律", "代理", "、", "房地产", "中介", "、", "职业", "中介", "、", "婚姻", "中介", "、", "代理记账", "、", "拍卖", "等", "。", "货物运输", "代理", "服务", ",", "是", "指", "接受", "货物", "收货人", "、", "发货", "人", "、", "船舶", "所有人", "、", "船舶", "承租人", "或者", "船舶", "经营", "人", "的", "委托", ",", "以", "委托人", "的", "名义", ",", "为", "委托人", "办理", "货物运输", "、", "装卸", "、", "仓储", "和", "船舶", "进", "出", "港口", "、", "引航", "、", "靠泊", "等", "相关", "手续", "的", "业务", "活动", "。", "代理", "报关", "服务", ",", "是", "指", "接受", "进出口", "货物", "的", "收", "、", "发货", "人", "委托", ",", "代为", "办理", "报关", "手续", "的", "业务", "活动", "。", "三", "、", "增值税", "纳税人", "分类", "(", "一", ")", "增值税", "一般纳税人", ":", "适用", "增值税", "税率", ",", "其", "进项税额", "可以", "抵扣", "。", "1", ".", "年", "应", "税", "销售额", "超过", "500", "万", "元", "的", "纳税人", "应", "登记", "为", "一般纳税人", "。", "其中", ":", "(", "1", ")", "年", "应", "税", "销售额", "超过", "500", "万", "元", "的", "其他", "个人", "不", "属于", "一般纳税人", "。", "(", "2", ")", "年", "应", "税", "销售额", "超过", "500", "万", "元", "但", "不", "经常", "提供", "应", "税", "服务", "的", "单位", "和", "个体工商户", "选择", "按照", "小规模纳税人", "纳税", "。", "2", ".", "年", "应", "税", "销售额", "未", "超过", "500", "万", "元", "的", "纳税人", ",", "会计核算", "健全", ",", "能够", "提供", "准确", "税务", "资料", "的", ",", "可以", "向", "主管", "税务", "机关", "办理", "一般纳税人", "资格", "登记", ",", "成为", "一般纳税人", "。", "(", "二", ")", "增值税", "小规模纳税人", ":", "适用", "增值税", "征收", "率", ",", "其", "进项税额", "不可以", "抵扣", "。", "(", "三", ")", "增值税", "扣缴", "义务人", ":", "中华人民共和国", "境外", "单位", "或者", "个人", "在", "境内", "发生", "应", "税", "行为", ",", "在", "境内", "未", "设", "有", "经营", "机构", "的", ",", "以", "购买", "方", "为", "增值税", "扣缴", "义务人", "。", "四", "、", "税率", "和", "征收", "率", "五", "、", "增值税", "计税", "方法", "(", "一", ")", "一般", "计税", "方法", "一般纳税人", "发生", "应", "税", "行为", "适用", "一般", "计税", "方法", "计税", ",", "按", "以下", "公式", "计算", ":", "应纳税额", "=", "当期", "销项税额", "-", "当期", "进项税额", "销项税额", "=", "销售额", "×", "税率", "销售额", "=", "含", "税", "销售额", "÷", "(", "1", "+", "税率", ")", "(", "二", ")", "简易", "计税", "方法", "小规模纳税人", "发生", "应", "税", "行为", "适用", "简易", "计税", "方法", "计税", "。", "简易", "计税", "方法", "的", "应纳税额", ",", "是", "指", "按照", "销售额", "和", "增值税", "征收", "率", "计算", "的", "增值", "税额", ",", "不得", "抵扣", "进项税额", "。", "应纳税额", "计算公式", ":", "应纳税额", "=", "销售额", "×", "征收", "率", "简易", "计税", "方法", "的", "销售额", "不", "包括", "其", "应纳税额", ",", "纳税人", "采用", "销售额", "和", "应纳税额", "合并", "定价方法", "的", ",", "按照", "下列", "公式", "计算", "销售额", ":"], ["(", "一", ")", "一般", "计税", "方法", "一般纳税人", "发生", "应", "税", "行为", "适用", "一般", "计税", "方法", "计税", ",", "按", "以下", "公式", "计算", ":", "应纳税额", "=", "当期", "销项税额", "-", "当期", "进项税额", "销项税额", "=", "销售额", "×", "税率", "销售额", "=", "含", "税", "销售额", "÷", "(", "1", "+", "税率", ")", "(", "二", ")", "简易", "计税", "方法", "小规模纳税人", "发生", "应", "税", "行为", "适用", "简易", "计税", "方法", "计税", "。", "简易", "计税", "方法", "的", "应纳税额", ",", "是", "指", "按照", "销售额", "和", "增值税", "征收", "率", "计算", "的", "增值", "税额", ",", "不得", "抵扣", "进项税额", "。", "应纳税额", "计算公式", ":", "应纳税额", "=", "销售额", "×", "征收", "率", "简易", "计税", "方法", "的", "销售额", "不", "包括", "其", "应纳税额", ",", "纳税人", "采用", "销售额", "和", "应纳税额", "合并", "定价方法", "的", ",", "按照", "下列", "公式", "计算", "销售额", ":", "销售额", "=", "含", "税", "销售额", "÷", "(", "1", "+", "征收", "率", ")", "(", "三", ")", "扣缴", "计税", "方法", "扣缴义务人", "适用", "扣缴", "计税", "方法", "计税", "。", "应", "扣缴", "税额", "=", "接受", "方", "支付", "的", "价款", "÷", "(", "1", "+", "税率", ")", "×", "税率", "六", "、", "销售额", "的", "计算", "(", "一", ")", "一般", "规定", "销售额", ",", "是", "指", "纳税人", "发生", "应", "税", "行为", "取得", "的", "全部", "价款", "和", "价", "外", "费用", ",", "财政部", "和", "国家税务", "总局", "另", "有", "规定", "的", "除", "外", "。", "价", "外", "费用", ",", "是", "指", "价", "外", "收取", "的", "各种", "性质", "的", "收费", ",", "但", "不", "包括", "以下", "项目", ":"], ["(", "一", ")", "一般", "规定", "销售额", ",", "是", "指", "纳税人", "发生", "应", "税", "行为", "取得", "的", "全部", "价款", "和", "价", "外", "费用", ",", "财政部", "和", "国家税务", "总局", "另", "有", "规定", "的", "除", "外", "。", "价", "外", "费用", ",", "是", "指", "价", "外", "收取", "的", "各种", "性质", "的", "收费", ",", "但", "不", "包括", "以下", "项目", ":", "1", ".", "代为", "收取", "并", "同时", "满足", "以下", "条件", "的", "政府", "性", "基金", "或者", "行政", "事业", "性", "收费", "。", "(", "1", ")", "由", "国务院", "或者", "财政部", "批准设立", "的", "政府", "性", "基金", ",", "由", "国务院", "或者", "省级", "人民政府", "及其", "财政", "、", "价格", "主管", "部门", "批准设立", "的", "行政", "事业", "性", "收费", ";", "(", "2", ")", "收取", "时", "开具", "省级", "以上", "(", "含", "省级", ")", "财政", "部门", "监", "(", "印", ")", "制", "的", "财政", "票据", ";", "(", "3", ")", "所", "收", "款项", "全额", "上", "缴", "财政", "。", "2", ".", "以", "委托", "方", "名义", "开具发票", "代", "委托", "方", "收取", "的", "款项", "。", "(", "二", ")", "特殊", "规定", "1", ".", "经纪", "代理服务", ",", "以", "取得", "的", "全部", "价款", "和", "价", "外", "费用", ",", "扣除", "向", "委托", "方", "收取", "并", "代为", "支付", "的", "政府", "性", "基金", "或者", "行政", "事业", "性", "收费", "后", "的", "余额", "为", "销售额", "。", "向", "委托", "方", "收取", "的", "政府", "性", "基金", "或者", "行政", "事业", "性", "收费", ",", "不得", "开具", "增值税专用发票", "。", "3", ".", "试点", "纳税人", "按照", "上述", "的", "规定", "从", "全部", "价款", "和", "价", "外", "费用", "中", "扣除", "的", "价款", ",", "应当", "取得", "符合", "法律", "、", "行政法规", "和", "国家税务总局", "规定", "的", "有效", "凭证", "。", "否则", ",", "不得", "扣除", "。", "上述", "凭证", "是", "指", ":", "(", "1", ")", "扣除", "的", "政府", "性", "基金", "、", "行政", "事业", "性", "收费", ",", "以", "省级", "以上", "(", "含", "省级", ")", "财政", "部门", "监", "(", "印", ")", "制", "的", "财政", "票据", "为", "合法", "有效", "凭证", "。", "(", "2", ")", "人力资源", "外包", "服务", "可", "凭", "劳动合同", "、", "工资单", "等", "证明材料", ",", "作为", "差额", "扣除", "凭证", "。"], ["纳税人", "取得", "的", "上述", "凭证", "属于", "增值税", "扣税", "凭证", "的", ",", "其", "进项税额", "不得", "从", "销项税额", "中", "抵扣", "。"], ["七", "、", "增值税", "进项税额", "抵扣"], ["(", "一", ")", "允许", "抵扣", "进项税额", "增值税", "扣税", "凭证", "包括", ":", "1", ".", "从", "销售", "方", "取得", "的", "增值税", "专用发票", "(", "含", "税控", "机动车", "销售", "统一", "发票", ")", "上", "注明", "的", "增值", "税额", "。", "2", ".", "从", "海关", "取得", "的", "海关", "进口", "增值税", "专用", "缴款书", "上", "注明", "的", "增值", "税额", "。", "进项税额", "=", "买", "价", "×", "扣除", "率", "买", "价", ",", "是", "指", "纳税人", "购进", "农产品", "在", "农产品收购", "发票", "或者", "销售", "发票", "上", "注明", "的", "价款", "和", "按照", "规定", "缴纳", "的", "烟叶税", "。", "购进", "农产品", ",", "按照", "《", "农产品", "增值税", "进项税额", "核定", "扣除", "试点", "实施办法", "》", "抵扣", "进项税额", "的", "除", "外", "。", "4", ".", "从", "境外", "单位", "或者", "个人", "购进", "服务", "、", "无形资产", "或者", "不动产", ",", "自", "税务", "机关", "或者", "扣缴义务人", "取得", "的", "解", "缴", "税款", "的", "完税凭证", "上", "注明", "的", "增值", "税额", "。", "(", "二", ")", "不得", "抵扣", "项目", "1", ".", "用于", "简易", "计税", "方法", "计税", "项目", "、", "免征", "增值税", "项目", "、", "集体", "福利", "或者", "个人", "消费", "的", "购进", "货物", "、", "加工", "修理", "修", "配", "劳务", "、", "服务", "、", "无形资产", "和", "不动产", "。", "其中", "涉及", "的", "固定资产", "、", "无形资产", "、", "不动产", ",", "仅", "指", "专用", "于", "上述", "项目", "的", "固定资产", "、", "无形资产", "(", "不", "包括", "其他", "权益", "性", "无形资产", ")", "、", "不动产", "。", "纳税人", "的", "交际", "应酬", "消费", "属于", "个人", "消费", "。", "2", ".", "非", "正常", "损失", "的", "购进", "货物", ",", "以及", "相关", "的", "加工", "修理", "修", "配", "劳务", "和", "交通运输服务", "。", "3", ".", "非", "正常", "损失", "的", "在产品", "、", "产成品", "所", "耗用", "的", "购进", "货物", "(", "不", "包括", "固定资产", ")", "、", "加工", "修理", "修", "配", "劳务", "和", "交通运输服务", "。", "4", ".", "非", "正常", "损失", "的", "不动产", ",", "以及", "该", "不动产", "所", "耗用", "的", "购进", "货物", "、", "设计", "服务", "和", "建筑", "服务", "。"], ["1", ".", "用于", "简易", "计税", "方法", "计税", "项目", "、", "免征", "增值税", "项目", "、", "集体", "福利", "或者", "个人", "消费", "的", "购进", "货物", "、", "加工", "修理", "修", "配", "劳务", "、", "服务", "、", "无形资产", "和", "不动产", "。", "其中", "涉及", "的", "固定资产", "、", "无形资产", "、", "不动产", ",", "仅", "指", "专用", "于", "上述", "项目", "的", "固定资产", "、", "无形资产", "(", "不", "包括", "其他", "权益", "性", "无形资产", ")", "、", "不动产", "。", "纳税人", "的", "交际", "应酬", "消费", "属于", "个人", "消费", "。", "2", ".", "非", "正常", "损失", "的", "购进", "货物", ",", "以及", "相关", "的", "加工", "修理", "修", "配", "劳务", "和", "交通运输服务", "。", "3", ".", "非", "正常", "损失", "的", "在产品", "、", "产成品", "所", "耗用", "的", "购进", "货物", "(", "不", "包括", "固定资产", ")", "、", "加工", "修理", "修", "配", "劳务", "和", "交通运输服务", "。", "4", ".", "非", "正常", "损失", "的", "不动产", ",", "以及", "该", "不动产", "所", "耗用", "的", "购进", "货物", "、", "设计", "服务", "和", "建筑", "服务", "。", "5", ".", "非", "正常", "损失", "的", "不动产", "在", "建", "工程", "所", "耗用", "的", "购进", "货物", "、", "设计", "服务", "和", "建筑", "服务", "。", "纳税人", "新建", "、", "改建", "、", "扩建", "、", "修缮", "、", "装饰", "不动产", ",", "均", "属于", "不动产", "在", "建", "工程", "。"], ["6", ".", "购进", "的", "旅客运输", "服务", "、", "贷款", "服务", "、", "餐饮服务", "、", "居民", "日常", "服务", "和", "娱乐", "服务", "。"], ["接受", "贷款", "服务", "向", "贷款", "方", "支付", "与", "该", "笔", "贷款", "直接", "相关", "的", "投融资", "顾问", "费", "、", "手续费", "、", "咨询", "费", "等", "费用", "。"], ["八", "、", "纳税", "地点"], ["(", "一", ")", "固定", "业", "户", "应当", "向", "其", "机构", "所在地", "或者", "居住地", "主管", "税务", "机关", "申报", "纳税", "。", "总", "机构", "和", "分支机构", "不在", "同", "一", "县", "(", "市", ")", "的", ",", "应当", "分别", "向", "各自", "所在地", "的", "主管", "税务", "机关", "申报", "纳税", ";", "经", "财政部", "和", "国家税务总局", "或者", "其", "授权", "的", "财政", "和", "税务", "机关", "批准", ",", "可以", "由", "总", "机构", "汇总", "向", "总", "机构", "所在地", "的", "主管", "税务", "机关", "申报", "纳税", "。", "(", "二", ")", "非", "固定", "业", "户", "应当", "向", "应", "税", "行为", "发生", "地", "主管", "税务", "机关", "申报", "纳税", ";", "未", "申报纳税", "的", ",", "由", "其", "机构", "所在地", "或者", "居住地", "主管", "税务", "机关", "补征", "税款", "。", "(", "三", ")", "扣缴义务人", "应当", "向", "其", "机构", "所在地", "或者", "居住地", "主管", "税务", "机关", "申报", "缴纳", "扣缴", "的", "税款", "。"], ["九", "、", "纳税义务", "时间"], ["(", "一", ")", "发生", "应", "税", "行为", "并", "收讫", "销售", "款项", "或者", "取得", "索取", "销售", "款", "项", "凭据", "的", "当天", ";", "先", "开具", "发票", "的", ",", "为", "开具", "发票", "的", "当天", "。", "(", "二", ")", "视同销售", "服务", ",", "为", "服务", "完成", "的", "当天", "。"]], "title": "经纪代理服务业营改增主要政策简介"}, {"bs_rank_pos": 1, "paragraphs": [" 您需要 登录 才可以下载或查看,没有帐号?注册会员 ", "中国会计社区官方微信公众号:会计通。", " 您需要登录后才可以回帖 登录 | 注册会员 "], "segmented_title": ["营改增", "后", "个人", "代理", "(", "经纪", ")", "人", "税收征管", "综述", ",", "超", "详细", "!", "-", "精华", "资料", "-", "中国"], "segmented_paragraphs": [["您", "需要", "登录", "才", "可以", "下载", "或", "查看", ",", "没有", "帐号", "?", "注册会员"], ["中国", "会计", "社区", "官方", "微信", "公众", "号", ":", "会计", "通", "。"], ["您", "需要", "登录", "后", "才", "可以", "回帖", "登录", "|", "注册会员"]], "title": "营改增后个人代理(经纪)人税收征管综述,超详细! - 精华资料 - 中国"}, {"bs_rank_pos": 2, "paragraphs": ["营业税改增值税代码060802,应税项目范围:经纪代理服务;包括:各类经纪、中介、代理服务,增值税税率为6%。"], "segmented_title": ["经济", "代理服务", "的", "增值", "税率", "是", "多少", "?", "机票", "代理", "售卖", "的", "增值税", "率", "是", "多少", "?", "谢谢"], "segmented_paragraphs": [["营业税", "改", "增值税", "代码", "060802", ",", "应", "税", "项目", "范围", ":", "经纪", "代理服务", ";", "包括", ":", "各类", "经纪", "、", "中介", "、", "代理服务", ",", "增值税", "税率", "为", "6", "%", "。"]], "title": "经济代理服务的增值税率是多少?机票代理售卖的增值税率是多少?谢谢"}, {"bs_rank_pos": 3, "paragraphs": ["《财政部 国家税务总局关于全面推开营业税改征增值税试点的通知》(财税〔2016〕36号)附件2的规定,经纪代理服务,以取得的全部价款和价外费用,扣除向委托方收取并代为支付的政府性基金或者行政事业性收费后的余额为销售额。向委托方收取的政府性基金或者行政事业性收费,不得开具增值税专用发票。"], "segmented_title": ["营改增", "后", ",", "纳税人", "提供", "代理服务", ",", "是否", "还有", "差额", "征税", "的", "规定", "?", "_", "百度", "知道"], "segmented_paragraphs": [["《", "财政部", "国家税务总局", "关于", "全面推开", "营业税", "改", "征", "增值税", "试点", "的", "通知", "》", "(", "财税", "〔", "2016", "〕", "36", "号", ")", "附件", "2", "的", "规定", ",", "经纪", "代理服务", ",", "以", "取得", "的", "全部", "价款", "和", "价", "外", "费用", ",", "扣除", "向", "委托", "方", "收取", "并", "代为", "支付", "的", "政府", "性", "基金", "或者", "行政", "事业", "性", "收费", "后", "的", "余额", "为", "销售额", "。", "向", "委托", "方", "收取", "的", "政府", "性", "基金", "或者", "行政", "事业", "性", "收费", ",", "不得", "开具", "增值税专用发票", "。"]], "title": "营改增后,纳税人提供代理服务,是否还有差额征税的规定?_百度知道"}, {"bs_rank_pos": 4, "paragraphs": ["2016年3月23日,财政部、国家税务总局正式颁布《关于全面推开营业税改征增值税试点的通知》(财税〔2016〕36号),自2016年5月1日起,全面推开营改增,将试点范围扩大到建筑业、房地产业、金融业、生活服务业。为便于经纪代理服务业纳税人了解此次营改增的主要内容,广州市国家税务局现对经纪代理服务业的主要政策整理如下,供社会各界参阅。 ", " 一、增值税纳税人  在中华人民共和国境内提供经纪代理服务的单位和个人,为增值税纳税人。  单位,是指企业、行政单位、事业单位、军事单位、社会团体及其他单位。  个人,是指个体工商户和其他个人。  二、征税范围  根据《销售服务、无形资产、不动产注释》规定,经纪代理服务,是指各类经纪、中介、代理服务。包括金融代理、知识产权代理、货物运输代理、代理报关、法律代理、房地产中介、职业中介、婚姻中介、代理记账、拍卖等。  货物运输代理服务,是指接受货物收货人、发货人、船舶所有人、船舶承租人或者船舶经营人的委托,以委托人的名义,为委托人办理货物运输、装卸、仓储和船舶进出港口、引航、靠泊等相关手续的业务活动。  代理报关服务,是指接受进出口货物的收、发货人委托,代为办理报关手续的业务活动。  三、增值税纳税人分类  (一)增值税一般纳税人:适用增值税税率,其进项税额可以抵扣。  1.年应税销售额超过500万元的纳税人应登记为一般纳税人。其中:(1)年应税销售额超过500万元的其他个人不属于一般纳税人。  (2)年应税销售额超过500万元但不经常提供应税服务的单位和个体工商户选择按照小规模纳税人纳税。  2.年应税销售额未超过500万元的纳税人,会计核算健全,能够提供准确税务资料的,可以向主管税务机关办理一般纳税人资格登记,成为一般纳税人。  (二)增值税小规模纳税人:适用增值税征收率,其进项税额不可以抵扣。  (三)增值税扣缴义务人:中华人民共和国境外单位或者个人在境内发生应税行为,在境内未设有经营机构的,以购买方为增值税扣缴义务人。  四、税率和征收率  五、增值税计税方法  (一)一般计税方法  一般纳税人发生应税行为适用一般计税方法计税,按以下公式计算:  应纳税额=当期销项税额-当期进项税额  销项税额=销售额×税率  销售额=含税销售额÷(1+税率)  (二)简易计税方法  小规模纳税人发生应税行为适用简易计税方法计税。简易计税方法的应纳税额,是指按照销售额和增值税征收率计算的增值税额,不得抵扣进项税额。应纳税额计算公式:  应纳税额=销售额×征收率  简易计税方法的销售额不包括其应纳税额,纳税人采用销售额和应纳税额合并定价方法的,按照下列公式计算销售额: ", " (一)一般计税方法  一般纳税人发生应税行为适用一般计税方法计税,按以下公式计算:  应纳税额=当期销项税额-当期进项税额  销项税额=销售额×税率  销售额=含税销售额÷(1+税率)  (二)简易计税方法  小规模纳税人发生应税行为适用简易计税方法计税。简易计税方法的应纳税额,是指按照销售额和增值税征收率计算的增值税额,不得抵扣进项税额。应纳税额计算公式:  应纳税额=销售额×征收率  简易计税方法的销售额不包括其应纳税额,纳税人采用销售额和应纳税额合并定价方法的,按照下列公式计算销售额:  销售额=含税销售额÷(1+征收率)  (三)扣缴计税方法  扣缴义务人适用扣缴计税方法计税。  应扣缴税额=接受方支付的价款÷(1+税率)×税率  六、销售额的计算  (一)一般规定  销售额,是指纳税人发生应税行为取得的全部价款和价外费用,财政部和国家税务总局另有规定的除外。价外费用,是指价外收取的各种性质的收费,但不包括以下项目: ", " (一)一般规定  销售额,是指纳税人发生应税行为取得的全部价款和价外费用,财政部和国家税务总局另有规定的除外。价外费用,是指价外收取的各种性质的收费,但不包括以下项目:  1.代为收取并同时满足以下条件的政府性基金或者行政事业性收费。  (1)由国务院或者财政部批准设立的政府性基金,由国务院或者省级人民政府及其财政、价格主管部门批准设立的行政事业性收费;  (2)收取时开具省级以上(含省级)财政部门监(印)制的财政票据;  (3)所收款项全额上缴财政。  2.以委托方名义开具发票代委托方收取的款项。  (二)特殊规定  1.经纪代理服务,以取得的全部价款和价外费用,扣除向委托方收取并代为支付的政府性基金或者行政事业性收费后的余额为销售额。向委托方收取的政府性基金或者行政事业性收费,不得开具增值税专用发票。  3.试点纳税人按照上述的规定从全部价款和价外费用中扣除的价款,应当取得符合法律、行政法规和国家税务总局规定的有效凭证。否则,不得扣除。  上述凭证是指:  (1)扣除的政府性基金、行政事业性收费,以省级以上(含省级)财政部门监(印)制的财政票据为合法有效凭证。  (2)人力资源外包服务可凭劳动合同、工资单等证明材料,作为差额扣除凭证。 ", " 纳税人取得的上述凭证属于增值税扣税凭证的,其进项税额不得从销项税额中抵扣。 ", " 七、增值税进项税额抵扣 ", " (一)允许抵扣进项税额  增值税扣税凭证包括:  1.从销售方取得的增值税专用发票(含税控机动车销售统一发票)上注明的增值税额。  2.从海关取得的海关进口增值税专用缴款书上注明的增值税额。  进项税额=买价×扣除率  买价,是指纳税人购进农产品在农产品收购发票或者销售发票上注明的价款和按照规定缴纳的烟叶税。  购进农产品,按照《农产品增值税进项税额核定扣除试点实施办法》抵扣进项税额的除外。  4.从境外单位或者个人购进服务、无形资产或者不动产,自税务机关或者扣缴义务人取得的解缴税款的完税凭证上注明的增值税额。  (二)不得抵扣项目  1.用于简易计税方法计税项目、免征增值税项目、集体福利或者个人消费的购进货物、加工修理修配劳务、服务、无形资产和不动产。其中涉及的固定资产、无形资产、不动产,仅指专用于上述项目的固定资产、无形资产(不包括其他权益性无形资产)、不动产。  纳税人的交际应酬消费属于个人消费。  2.非正常损失的购进货物,以及相关的加工修理修配劳务和交通运输服务。  3.非正常损失的在产品、产成品所耗用的购进货物(不包括固定资产)、加工修理修配劳务和交通运输服务。  4.非正常损失的不动产,以及该不动产所耗用的购进货物、设计服务和建筑服务。 ", " 1.用于简易计税方法计税项目、免征增值税项目、集体福利或者个人消费的购进货物、加工修理修配劳务、服务、无形资产和不动产。其中涉及的固定资产、无形资产、不动产,仅指专用于上述项目的固定资产、无形资产(不包括其他权益性无形资产)、不动产。  纳税人的交际应酬消费属于个人消费。  2.非正常损失的购进货物,以及相关的加工修理修配劳务和交通运输服务。  3.非正常损失的在产品、产成品所耗用的购进货物(不包括固定资产)、加工修理修配劳务和交通运输服务。  4.非正常损失的不动产,以及该不动产所耗用的购进货物、设计服务和建筑服务。  5.非正常损失的不动产在建工程所耗用的购进货物、设计服务和建筑服务。  纳税人新建、改建、扩建、修缮、装饰不动产,均属于不动产在建工程。 ", " 6.购进的旅客运输服务、贷款服务、餐饮服务、居民日常服务和娱乐服务。 ", " 接受贷款服务向贷款方支付与该笔贷款直接相关的投融资顾问费、手续费、咨询费等费用。 ", " 八、纳税地点 ", " (一)固定业户应当向其机构所在地或者居住地主管税务机关申报纳税。总机构和分支机构不在同一县(市)的,应当分别向各自所在地的主管税务机关申报纳税;经财政部和国家税务总局或者其授权的财政和税务机关批准,可以由总机构汇总向总机构所在地的主管税务机关申报纳税。  (二)非固定业户应当向应税行为发生地主管税务机关申报纳税;未申报纳税的,由其机构所在地或者居住地主管税务机关补征税款。  (三)扣缴义务人应当向其机构所在地或者居住地主管税务机关申报缴纳扣缴的税款。", " 九、纳税义务时间 ", " (一)发生应税行为并收讫销售款项或者取得索取销售款项凭据的当天;先开具发票的,为开具发票的当天。  (二)视同销售服务,为服务完成的当天。  (三)扣缴义务发生时间为纳税人增值税纳税义务发生的当天。 ", " 十、税收优惠 ", " (一)起征点 "], "segmented_title": ["广州", "国税", ":", "经纪", "代理服务业", "营改增", "主要", "政策", "简介"], "segmented_paragraphs": [["2016", "年", "3", "月", "23", "日", ",", "财政部", "、", "国家税务总局", "正式颁布", "《", "关于", "全面推开", "营业税", "改", "征", "增值税", "试点", "的", "通知", "》", "(", "财税", "〔", "2016", "〕", "36", "号", ")", ",", "自", "2016", "年", "5", "月", "1", "日", "起", ",", "全面推开", "营改增", ",", "将", "试点", "范围", "扩大", "到", "建筑业", "、", "房地产业", "、", "金融业", "、", "生活服务业", "。", "为", "便于", "经纪", "代理服务业", "纳税人", "了解", "此次", "营改增", "的", "主要内容", ",", "广州", "市", "国家", "税务局", "现", "对", "经纪", "代理服务", "业", "的", "主要", "政策", "整理", "如", "下", ",", "供", "社会各界", "参阅", "。"], ["一", "、", "增值税", "纳税人", "在", "中华人民共和国", "境内", "提供", "经纪", "代理服务", "的", "单位", "和", "个人", ",", "为", "增值税", "纳税人", "。", "单位", ",", "是", "指", "企业", "、", "行政", "单位", "、", "事业单位", "、", "军事", "单位", "、", "社会团体", "及", "其他", "单位", "。", "个人", ",", "是", "指", "个体工商户", "和", "其他", "个人", "。", "二", "、", "征税", "范围", "根据", "《", "销售服务", "、", "无形资产", "、", "不动产", "注释", "》", "规定", ",", "经纪", "代理服务", ",", "是", "指", "各类", "经纪", "、", "中介", "、", "代理服务", "。", "包括", "金融", "代理", "、", "知识产权", "代理", "、", "货物运输", "代理", "、", "代理", "报关", "、", "法律", "代理", "、", "房地产", "中介", "、", "职业", "中介", "、", "婚姻", "中介", "、", "代理记账", "、", "拍卖", "等", "。", "货物运输", "代理", "服务", ",", "是", "指", "接受", "货物", "收货人", "、", "发货", "人", "、", "船舶", "所有人", "、", "船舶", "承租人", "或者", "船舶", "经营", "人", "的", "委托", ",", "以", "委托人", "的", "名义", ",", "为", "委托人", "办理", "货物运输", "、", "装卸", "、", "仓储", "和", "船舶", "进", "出", "港口", "、", "引航", "、", "靠泊", "等", "相关", "手续", "的", "业务", "活动", "。", "代理", "报关", "服务", ",", "是", "指", "接受", "进出口", "货物", "的", "收", "、", "发货", "人", "委托", ",", "代为", "办理", "报关", "手续", "的", "业务", "活动", "。", "三", "、", "增值税", "纳税人", "分类", "(", "一", ")", "增值税", "一般纳税人", ":", "适用", "增值税", "税率", ",", "其", "进项税额", "可以", "抵扣", "。", "1", ".", "年", "应", "税", "销售额", "超过", "500", "万", "元", "的", "纳税人", "应", "登记", "为", "一般纳税人", "。", "其中", ":", "(", "1", ")", "年", "应", "税", "销售额", "超过", "500", "万", "元", "的", "其他", "个人", "不", "属于", "一般纳税人", "。", "(", "2", ")", "年", "应", "税", "销售额", "超过", "500", "万", "元", "但", "不", "经常", "提供", "应", "税", "服务", "的", "单位", "和", "个体工商户", "选择", "按照", "小规模纳税人", "纳税", "。", "2", ".", "年", "应", "税", "销售额", "未", "超过", "500", "万", "元", "的", "纳税人", ",", "会计核算", "健全", ",", "能够", "提供", "准确", "税务", "资料", "的", ",", "可以", "向", "主管", "税务", "机关", "办理", "一般纳税人", "资格", "登记", ",", "成为", "一般纳税人", "。", "(", "二", ")", "增值税", "小规模纳税人", ":", "适用", "增值税", "征收", "率", ",", "其", "进项税额", "不可以", "抵扣", "。", "(", "三", ")", "增值税", "扣缴", "义务人", ":", "中华人民共和国", "境外", "单位", "或者", "个人", "在", "境内", "发生", "应", "税", "行为", ",", "在", "境内", "未", "设", "有", "经营", "机构", "的", ",", "以", "购买", "方", "为", "增值税", "扣缴", "义务人", "。", "四", "、", "税率", "和", "征收", "率", "五", "、", "增值税", "计税", "方法", "(", "一", ")", "一般", "计税", "方法", "一般纳税人", "发生", "应", "税", "行为", "适用", "一般", "计税", "方法", "计税", ",", "按", "以下", "公式", "计算", ":", "应纳税额", "=", "当期", "销项税额", "-", "当期", "进项税额", "销项税额", "=", "销售额", "×", "税率", "销售额", "=", "含", "税", "销售额", "÷", "(", "1", "+", "税率", ")", "(", "二", ")", "简易", "计税", "方法", "小规模纳税人", "发生", "应", "税", "行为", "适用", "简易", "计税", "方法", "计税", "。", "简易", "计税", "方法", "的", "应纳税额", ",", "是", "指", "按照", "销售额", "和", "增值税", "征收", "率", "计算", "的", "增值", "税额", ",", "不得", "抵扣", "进项税额", "。", "应纳税额", "计算公式", ":", "应纳税额", "=", "销售额", "×", "征收", "率", "简易", "计税", "方法", "的", "销售额", "不", "包括", "其", "应纳税额", ",", "纳税人", "采用", "销售额", "和", "应纳税额", "合并", "定价方法", "的", ",", "按照", "下列", "公式", "计算", "销售额", ":"], ["(", "一", ")", "一般", "计税", "方法", "一般纳税人", "发生", "应", "税", "行为", "适用", "一般", "计税", "方法", "计税", ",", "按", "以下", "公式", "计算", ":", "应纳税额", "=", "当期", "销项税额", "-", "当期", "进项税额", "销项税额", "=", "销售额", "×", "税率", "销售额", "=", "含", "税", "销售额", "÷", "(", "1", "+", "税率", ")", "(", "二", ")", "简易", "计税", "方法", "小规模纳税人", "发生", "应", "税", "行为", "适用", "简易", "计税", "方法", "计税", "。", "简易", "计税", "方法", "的", "应纳税额", ",", "是", "指", "按照", "销售额", "和", "增值税", "征收", "率", "计算", "的", "增值", "税额", ",", "不得", "抵扣", "进项税额", "。", "应纳税额", "计算公式", ":", "应纳税额", "=", "销售额", "×", "征收", "率", "简易", "计税", "方法", "的", "销售额", "不", "包括", "其", "应纳税额", ",", "纳税人", "采用", "销售额", "和", "应纳税额", "合并", "定价方法", "的", ",", "按照", "下列", "公式", "计算", "销售额", ":", "销售额", "=", "含", "税", "销售额", "÷", "(", "1", "+", "征收", "率", ")", "(", "三", ")", "扣缴", "计税", "方法", "扣缴义务人", "适用", "扣缴", "计税", "方法", "计税", "。", "应", "扣缴", "税额", "=", "接受", "方", "支付", "的", "价款", "÷", "(", "1", "+", "税率", ")", "×", "税率", "六", "、", "销售额", "的", "计算", "(", "一", ")", "一般", "规定", "销售额", ",", "是", "指", "纳税人", "发生", "应", "税", "行为", "取得", "的", "全部", "价款", "和", "价", "外", "费用", ",", "财政部", "和", "国家税务", "总局", "另", "有", "规定", "的", "除", "外", "。", "价", "外", "费用", ",", "是", "指", "价", "外", "收取", "的", "各种", "性质", "的", "收费", ",", "但", "不", "包括", "以下", "项目", ":"], ["(", "一", ")", "一般", "规定", "销售额", ",", "是", "指", "纳税人", "发生", "应", "税", "行为", "取得", "的", "全部", "价款", "和", "价", "外", "费用", ",", "财政部", "和", "国家税务", "总局", "另", "有", "规定", "的", "除", "外", "。", "价", "外", "费用", ",", "是", "指", "价", "外", "收取", "的", "各种", "性质", "的", "收费", ",", "但", "不", "包括", "以下", "项目", ":", "1", ".", "代为", "收取", "并", "同时", "满足", "以下", "条件", "的", "政府", "性", "基金", "或者", "行政", "事业", "性", "收费", "。", "(", "1", ")", "由", "国务院", "或者", "财政部", "批准设立", "的", "政府", "性", "基金", ",", "由", "国务院", "或者", "省级", "人民政府", "及其", "财政", "、", "价格", "主管", "部门", "批准设立", "的", "行政", "事业", "性", "收费", ";", "(", "2", ")", "收取", "时", "开具", "省级", "以上", "(", "含", "省级", ")", "财政", "部门", "监", "(", "印", ")", "制", "的", "财政", "票据", ";", "(", "3", ")", "所", "收", "款项", "全额", "上", "缴", "财政", "。", "2", ".", "以", "委托", "方", "名义", "开具发票", "代", "委托", "方", "收取", "的", "款项", "。", "(", "二", ")", "特殊", "规定", "1", ".", "经纪", "代理服务", ",", "以", "取得", "的", "全部", "价款", "和", "价", "外", "费用", ",", "扣除", "向", "委托", "方", "收取", "并", "代为", "支付", "的", "政府", "性", "基金", "或者", "行政", "事业", "性", "收费", "后", "的", "余额", "为", "销售额", "。", "向", "委托", "方", "收取", "的", "政府", "性", "基金", "或者", "行政", "事业", "性", "收费", ",", "不得", "开具", "增值税专用发票", "。", "3", ".", "试点", "纳税人", "按照", "上述", "的", "规定", "从", "全部", "价款", "和", "价", "外", "费用", "中", "扣除", "的", "价款", ",", "应当", "取得", "符合", "法律", "、", "行政法规", "和", "国家税务总局", "规定", "的", "有效", "凭证", "。", "否则", ",", "不得", "扣除", "。", "上述", "凭证", "是", "指", ":", "(", "1", ")", "扣除", "的", "政府", "性", "基金", "、", "行政", "事业", "性", "收费", ",", "以", "省级", "以上", "(", "含", "省级", ")", "财政", "部门", "监", "(", "印", ")", "制", "的", "财政", "票据", "为", "合法", "有效", "凭证", "。", "(", "2", ")", "人力资源", "外包", "服务", "可", "凭", "劳动合同", "、", "工资单", "等", "证明材料", ",", "作为", "差额", "扣除", "凭证", "。"], ["纳税人", "取得", "的", "上述", "凭证", "属于", "增值税", "扣税", "凭证", "的", ",", "其", "进项税额", "不得", "从", "销项税额", "中", "抵扣", "。"], ["七", "、", "增值税", "进项税额", "抵扣"], ["(", "一", ")", "允许", "抵扣", "进项税额", "增值税", "扣税", "凭证", "包括", ":", "1", ".", "从", "销售", "方", "取得", "的", "增值税", "专用发票", "(", "含", "税控", "机动车", "销售", "统一", "发票", ")", "上", "注明", "的", "增值", "税额", "。", "2", ".", "从", "海关", "取得", "的", "海关", "进口", "增值税", "专用", "缴款书", "上", "注明", "的", "增值", "税额", "。", "进项税额", "=", "买", "价", "×", "扣除", "率", "买", "价", ",", "是", "指", "纳税人", "购进", "农产品", "在", "农产品收购", "发票", "或者", "销售", "发票", "上", "注明", "的", "价款", "和", "按照", "规定", "缴纳", "的", "烟叶税", "。", "购进", "农产品", ",", "按照", "《", "农产品", "增值税", "进项税额", "核定", "扣除", "试点", "实施办法", "》", "抵扣", "进项税额", "的", "除", "外", "。", "4", ".", "从", "境外", "单位", "或者", "个人", "购进", "服务", "、", "无形资产", "或者", "不动产", ",", "自", "税务", "机关", "或者", "扣缴义务人", "取得", "的", "解", "缴", "税款", "的", "完税凭证", "上", "注明", "的", "增值", "税额", "。", "(", "二", ")", "不得", "抵扣", "项目", "1", ".", "用于", "简易", "计税", "方法", "计税", "项目", "、", "免征", "增值税", "项目", "、", "集体", "福利", "或者", "个人", "消费", "的", "购进", "货物", "、", "加工", "修理", "修", "配", "劳务", "、", "服务", "、", "无形资产", "和", "不动产", "。", "其中", "涉及", "的", "固定资产", "、", "无形资产", "、", "不动产", ",", "仅", "指", "专用", "于", "上述", "项目", "的", "固定资产", "、", "无形资产", "(", "不", "包括", "其他", "权益", "性", "无形资产", ")", "、", "不动产", "。", "纳税人", "的", "交际", "应酬", "消费", "属于", "个人", "消费", "。", "2", ".", "非", "正常", "损失", "的", "购进", "货物", ",", "以及", "相关", "的", "加工", "修理", "修", "配", "劳务", "和", "交通运输服务", "。", "3", ".", "非", "正常", "损失", "的", "在产品", "、", "产成品", "所", "耗用", "的", "购进", "货物", "(", "不", "包括", "固定资产", ")", "、", "加工", "修理", "修", "配", "劳务", "和", "交通运输服务", "。", "4", ".", "非", "正常", "损失", "的", "不动产", ",", "以及", "该", "不动产", "所", "耗用", "的", "购进", "货物", "、", "设计", "服务", "和", "建筑", "服务", "。"], ["1", ".", "用于", "简易", "计税", "方法", "计税", "项目", "、", "免征", "增值税", "项目", "、", "集体", "福利", "或者", "个人", "消费", "的", "购进", "货物", "、", "加工", "修理", "修", "配", "劳务", "、", "服务", "、", "无形资产", "和", "不动产", "。", "其中", "涉及", "的", "固定资产", "、", "无形资产", "、", "不动产", ",", "仅", "指", "专用", "于", "上述", "项目", "的", "固定资产", "、", "无形资产", "(", "不", "包括", "其他", "权益", "性", "无形资产", ")", "、", "不动产", "。", "纳税人", "的", "交际", "应酬", "消费", "属于", "个人", "消费", "。", "2", ".", "非", "正常", "损失", "的", "购进", "货物", ",", "以及", "相关", "的", "加工", "修理", "修", "配", "劳务", "和", "交通运输服务", "。", "3", ".", "非", "正常", "损失", "的", "在产品", "、", "产成品", "所", "耗用", "的", "购进", "货物", "(", "不", "包括", "固定资产", ")", "、", "加工", "修理", "修", "配", "劳务", "和", "交通运输服务", "。", "4", ".", "非", "正常", "损失", "的", "不动产", ",", "以及", "该", "不动产", "所", "耗用", "的", "购进", "货物", "、", "设计", "服务", "和", "建筑", "服务", "。", "5", ".", "非", "正常", "损失", "的", "不动产", "在", "建", "工程", "所", "耗用", "的", "购进", "货物", "、", "设计", "服务", "和", "建筑", "服务", "。", "纳税人", "新建", "、", "改建", "、", "扩建", "、", "修缮", "、", "装饰", "不动产", ",", "均", "属于", "不动产", "在", "建", "工程", "。"], ["6", ".", "购进", "的", "旅客运输", "服务", "、", "贷款", "服务", "、", "餐饮服务", "、", "居民", "日常", "服务", "和", "娱乐", "服务", "。"], ["接受", "贷款", "服务", "向", "贷款", "方", "支付", "与", "该", "笔", "贷款", "直接", "相关", "的", "投融资", "顾问", "费", "、", "手续费", "、", "咨询", "费", "等", "费用", "。"], ["八", "、", "纳税", "地点"], ["(", "一", ")", "固定", "业", "户", "应当", "向", "其", "机构", "所在地", "或者", "居住地", "主管", "税务", "机关", "申报", "纳税", "。", "总", "机构", "和", "分支机构", "不在", "同", "一", "县", "(", "市", ")", "的", ",", "应当", "分别", "向", "各自", "所在地", "的", "主管", "税务", "机关", "申报", "纳税", ";", "经", "财政部", "和", "国家税务总局", "或者", "其", "授权", "的", "财政", "和", "税务", "机关", "批准", ",", "可以", "由", "总", "机构", "汇总", "向", "总", "机构", "所在地", "的", "主管", "税务", "机关", "申报", "纳税", "。", "(", "二", ")", "非", "固定", "业", "户", "应当", "向", "应", "税", "行为", "发生", "地", "主管", "税务", "机关", "申报", "纳税", ";", "未", "申报纳税", "的", ",", "由", "其", "机构", "所在地", "或者", "居住地", "主管", "税务", "机关", "补征", "税款", "。", "(", "三", ")", "扣缴义务人", "应当", "向", "其", "机构", "所在地", "或者", "居住地", "主管", "税务", "机关", "申报", "缴纳", "扣缴", "的", "税款", "。"], ["九", "、", "纳税义务", "时间"], ["(", "一", ")", "发生", "应", "税", "行为", "并", "收讫", "销售", "款项", "或者", "取得", "索取", "销售", "款", "项", "凭据", "的", "当天", ";", "先", "开具", "发票", "的", ",", "为", "开具", "发票", "的", "当天", "。", "(", "二", ")", "视同销售", "服务", ",", "为", "服务", "完成", "的", "当天", "。", "(", "三", ")", "扣缴义务", "发生", "时间", "为", "纳税人", "增值税", "纳税", "义务", "发生", "的", "当天", "。"], ["十", "、", "税收优惠"], ["(", "一", ")", "起征点"]], "title": "广州国税:经纪代理服务业营改增主要政策简介 "}], "question": "经纪代理服务 增值税", "segmented_question": ["经纪", "代理服务", "增值税"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221606}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["当前位置:首页 → Mac游戏→ 模拟游戏→ 我的世界Mac版启动器 V3.5.1", " 应用分类 探险游戏 动作游戏 街机游戏 棋类游戏 牌类游戏 娱乐场游戏 骰子游戏 教育游戏 家庭游戏 儿童游戏 音乐游戏 智力游戏 赛车游戏 角色扮演 模拟游戏 体育游戏 策略游戏 百科问答游戏 文字游戏 ", "我的世界Mac版启动器支持全部版本,正版非正版都可使用,兼容1.6和1.7,现已更新到1.9.2版本。如果你觉得自己安装forge太麻烦想要懒人包,即可下载这款我的世界Mac版启动器。", " 请事先安装 JAVA 才可以启动启动器", " 并且了解一些关于Forge的信息如果你想安装mod", " 1.小编推荐自己安装Forge因为这样的话不容易发生不兼容之类的事情。 2.许多的光影不与Intel 显卡兼容,所以请下载与Intel显卡兼容的光影。(通常会标注) 3.最好把解压后的文件拖进mod文件夹里,假如不解压的话有时候mod会运行不了。 4.请时常更新JAVA!", "猜你喜欢 ", " 游戏评论 查看所有0条评论>>  发表评论 我来说两句... 提交评论 "], "segmented_title": ["我的世界", "启动器", "下载", "Mac", "版", "|", "我的世界", "Mac", "版", "启动器", "下载", "V", "3.5", ".", "1", "-", "PC6"], "segmented_paragraphs": [["当前位置", ":", "首页", "→", "Mac", "游戏", "→", "模拟游戏", "→", "我的世界", "Mac", "版", "启动器", "V", "3.5", ".", "1"], ["应用", "分类", "探险", "游戏", "动作游戏", "街机游戏", "棋类游戏", "牌类游戏", "娱乐场", "游戏", "骰子游戏", "教育", "游戏", "家庭", "游戏", "儿童游戏", "音乐游戏", "智力游戏", "赛车游戏", "角色扮演", "模拟游戏", "体育", "游戏", "策略游戏", "百科", "问答", "游戏", "文字游戏"], ["我的世界", "Mac", "版", "启动器", "支持", "全部", "版本", ",", "正版", "非", "正版", "都", "可", "使用", ",", "兼容", "1.6", "和", "1", ".", "7", ",", "现", "已", "更新", "到", "1", ".", "9", ".", "2", "版本", "。", "如果", "你", "觉得", "自己", "安装", "forge", "太麻烦", "想要", "懒人包", ",", "即可", "下载", "这", "款", "我的世界", "Mac", "版", "启动器", "。"], ["请", "事", "先", "安装", "JAVA", "才", "可以", "启动", "启动器"], ["并且", "了解", "一些", "关于", "Forge", "的", "信息", "如果", "你", "想", "安装", "mod"], ["1", ".", "小", "编", "推荐", "自己", "安装", "Forge", "因为", "这样的话", "不容易", "发生", "不兼容", "之类", "的", "事情", "。", "2", ".", "许多", "的", "光影", "不", "与", "Intel", "显卡", "兼容", ",", "所以", "请", "下载", "与", "Intel", "显卡", "兼容", "的", "光影", "。", "(", "通常", "会", "标注", ")", "3", ".", "最好", "把", "解压", "后", "的", "文件", "拖", "进", "mod", "文件夹", "里", ",", "假如", "不", "解压", "的", "话", "有时候", "mod", "会", "运行", "不", "了", "。", "4", ".", "请", "时常", "更新", "JAVA", "!"], ["猜", "你", "喜欢"], ["游戏", "评论", "查看", "所有", "0", "条", "评论", ">", ">", "发表评论", "我", "来", "说", "两句", ".", ".", ".", "提交评论"]], "title": "我的世界启动器下载Mac版|我的世界Mac版启动器下载 V3.5.1 - PC6"}, {"bs_rank_pos": 1, "paragraphs": [" 我的世界,英文名,Minecraft,简称,MC,是一款全球知名的高自由度沙盒游戏,自从2009年上线之后,已经在全球收获了无数的游戏玩家。在我的世界里面,你可以在游戏给玩家提供的三维空间中创造精妙绝伦的建筑物和艺术,或者收集物品探索地图进行生存和冒险。近日,国内的我的世界爱好者团队CTHUWORK公开了他们紫禁城项目的新预告片,你能看到大气磅礴的太和殿,景色秀丽的御花园,甚至连故宫的室内场景也进行了真实的还原,细节的完整度令人惊叹。而这就是我的世界其中一个魅力所在。我的世界是用Java编写的,自然也拥有着Java的跨平台性,所以呢,除了Windows和Linux之外,Mac平台上自然也有我的世界Mac版啦,今天小编就带大家一起来盘点一下Mac版我的世界。"], "segmented_title": ["我的世界", "mac", "版", "下载", "_", "mac", "我的世界", "下载", "_", "mac", "版", "我的世界", "下载", "-", "9553", "下载"], "segmented_paragraphs": [["我的世界", ",", "英文名", ",", "Minecraft", ",", "简称", ",", "MC", ",", "是", "一款", "全球", "知名", "的", "高", "自由度", "沙盒", "游戏", ",", "自从", "2009", "年", "上线", "之后", ",", "已经", "在", "全球", "收获", "了", "无数", "的", "游戏玩家", "。", "在", "我的世界", "里面", ",", "你", "可以", "在", "游戏", "给", "玩家", "提供", "的", "三维空间", "中", "创造", "精妙绝伦", "的", "建筑物", "和", "艺术", ",", "或者", "收集", "物品", "探索", "地图", "进行", "生存", "和", "冒险", "。", "近日", ",", "国内", "的", "我的世界", "爱好者", "团队", "CTHU", "WORK", "公开", "了", "他们", "紫禁城", "项目", "的", "新", "预告片", ",", "你", "能看到", "大气磅礴", "的", "太和殿", ",", "景色", "秀丽", "的", "御花园", ",", "甚至", "连", "故宫", "的", "室内", "场景", "也", "进行", "了", "真实", "的", "还原", ",", "细节", "的", "完整", "度", "令人惊叹", "。", "而", "这就是", "我的世界", "其中", "一", "个", "魅力", "所在", "。", "我的世界", "是", "用", "Java", "编写", "的", ",", "自然", "也", "拥有", "着", "Java", "的", "跨平台", "性", ",", "所以", "呢", ",", "除了", "Windows", "和", "Linux", "之外", ",", "Mac", "平台", "上", "自然", "也有", "我的世界", "Mac", "版", "啦", ",", "今天", "小", "编", "就", "带", "大家一起来", "盘点", "一", "下", "Mac", "版", "我的世界", "。"]], "title": "我的世界mac版下载_mac我的世界下载_mac版我的世界下载 - 9553下载"}, {"bs_rank_pos": 2, "paragraphs": ["当前位置: 网站首页 > MAC首页 > Mac游戏 > 动作冒险 > 我的世界1.8.1免费mac版 V1.8.1免费版 ", "点击收藏 我的世界1.8.1免费mac版 V1.8.1免费版 2015.06.23国产软件简体中文3.5 MB需要mac7288 需要0 积分下载【VIP免费】 下载不了?点击报错会员下载", " 软件介绍评论 软件介绍评论 软件介绍  我的世界Mac版V1.8.1那是风靡全世界的沙盒游戏——Minecraft的 Mac OS 平台版本,这是目前全世界最具有想象力的一款游戏。虽然我的世界Mac版V1.8.1所呈现的世界并不是华丽的画面与特效,而是注重在游戏性上面。整个游戏没有剧情,玩家在游戏中自由建设和破坏,透过像乐高一样的积木来组合与拼凑,轻而易举的就能制作出小木屋、城堡甚至城市,但是若再加上玩家的想象力,天空之城、地底都市都一样能够实现。玩家不仅可以创造房屋建筑,甚至可以创造属于自己的都市和世界,玩家可以通过自己创造的作品来体验上帝一般的感觉。在这款游戏里,不仅可以单人娱乐,还可以多人联机。  基本简介 在开始和大家讲怎么使用之前,我们得郑重其事的感谢正直无私切勇于奉献网友 @Dust 同学的辛勤工作,在他几个昼夜的努力下我的世界Mac版V1.8.1免费版终于成功问世了,虽然使用过程有点繁琐,但是总算是成功问世了,不需要注册,不需要付费!有疑问的亲们,可以加 432429883 群,详细咨询。  好了!言归正传,我们先来讲 我的世界Mac版 V1.8.1试用版的,使用方法,你需要先更新至V1.8.1试用版,在使用启动器之后才能进入我的世界V 1.8.1游戏界面。  然后,使用启动器,免费进入正式版游戏界面没有游戏时间限制(我的世界1.8.1 Mac版免费教程),然后你还可以联机玩(我的世界Mac版联机教程)。  首先,在本页面百度网盘连接当中,下载“我的世界Mac版V1.8.1”DMG文件,打开之后双击我的世界Logo启动游戏,这个时候你会进入如下图所示界面:  到了此处,你需要耐心的等待程序加载完毕,此窗口类似 dows 界面会不断加载代码,一直等他自动走完跳转到下图所示界面。如果你发现,上图所示界面不在加载代码,并提示报错,请关掉上图所示界面,重新打开,重新加载即可。  按照编辑亲自测试的经验来看,大概尝试两道三次之后就可以走到下一步。  如下图示所示界面,点下图当中的“Play Offline”,进入下一步。  点击“Play Offline”进入到下一步,当然这一步也需要一点点时间,这个时间不长可能几十秒或者一分钟都有可能,就会出现如下图所示界面,进入试用版登陆界面。  到这里,你会发现我的世界官方要求你先注册之后才可以试用哦!这时候你可以点上图当中的“Register”,登陆我的 Minecraft 官方注册网站,填入邮箱即可完成注册,然后再回到这个界面键入你的邮箱和密码即可进入我的世界试用版  这里需要注意的是,试用版你进可以试玩 5 天,注意这里的五天乃是我的世界当中游戏时间“5天”,换成实际时间是“100分钟”。然后你就完不了,需要付费呦!  有免费的方法么?自然是有的,小编把他和试用版放在一起,详细教程请参见——我的世界Mac版V1.8.1免费使用方法。  同时,我们还有我的世界Mac版V1.8.1联机教程奉献给大家,可以直接连国服哦! 评论 0/120 发表评论 评论内容不能为空", " 我的世界1.8.1免费mac版立即下载", " 下载[我的世界1.8.1免费mac版] "], "segmented_title": ["我的世界", "1.8", ".", "1", "免费版", "for", "mac", "|", "我的世界", "1.8", ".", "1", "免费", "mac", "版", "V", "1.8", ".", "1", "免费版"], "segmented_paragraphs": [["当前位置", ":", "网站首页", ">", "MAC", "首页", ">", "Mac", "游戏", ">", "动作冒险", ">", "我的世界", "1.8", ".", "1", "免费", "mac", "版", "V", "1.8", ".", "1", "免费版"], ["点击", "收藏", "我的世界", "1.8", ".", "1", "免费", "mac", "版", "V", "1.8", ".", "1", "免费版", "2015", ".", "06", ".", "23", "国产软件", "简体中文", "3.5", "MB", "需要", "mac", "7288", "需要", "0", "积分", "下载", "【", "VIP", "免费", "】", "下载不了", "?", "点击", "报", "错", "会员", "下载"], ["软件", "介绍", "评论", "软件", "介绍", "评论", "软件", "介绍", "我的世界", "Mac", "版", "V", "1.8", ".", "1", "那", "是", "风靡", "全", "世界", "的", "沙盒", "游戏", "—", "—", "Minecraft", "的", "Mac", "OS", "平台", "版本", ",", "这", "是", "目前", "全世界", "最", "具有", "想象力", "的", "一款", "游戏", "。", "虽然", "我的世界", "Mac", "版", "V", "1.8", ".", "1", "所", "呈现", "的", "世界", "并", "不是", "华丽", "的", "画面", "与", "特效", ",", "而是", "注重", "在", "游戏", "性", "上面", "。", "整个", "游戏", "没有", "剧情", ",", "玩家", "在", "游戏", "中", "自由", "建设", "和", "破坏", ",", "透过", "像", "乐高", "一样", "的", "积木", "来", "组合", "与", "拼凑", ",", "轻而易举", "的", "就能", "制作", "出", "小木屋", "、", "城堡", "甚至", "城市", ",", "但是", "若", "再加上", "玩家", "的", "想象力", ",", "天空之城", "、", "地", "底", "都市", "都一样", "能够", "实现", "。", "玩家", "不仅可以", "创造", "房屋", "建筑", ",", "甚至", "可以", "创造", "属于", "自己", "的", "都市", "和", "世界", ",", "玩家", "可以通过", "自己", "创造", "的", "作品", "来", "体验", "上帝", "一般", "的", "感觉", "。", "在", "这", "款", "游戏", "里", ",", "不仅可以", "单人", "娱乐", ",", "还", "可以", "多", "人", "联机", "。", "基本", "简介", "在", "开始", "和", "大家", "讲", "怎么", "使用", "之", "前", ",", "我们", "得", "郑重其事", "的", "感谢", "正直无私", "切", "勇于", "奉献", "网友", "@", "Dust", "同学", "的", "辛勤", "工作", ",", "在", "他", "几个", "昼夜", "的", "努力", "下", "我的世界", "Mac", "版", "V", "1.8", ".", "1", "免费版", "终于", "成功", "问世", "了", ",", "虽然", "使用", "过程", "有点", "繁琐", ",", "但是", "总算", "是", "成功", "问世", "了", ",", "不需要", "注册", ",", "不需要", "付费", "!", "有疑问", "的", "亲", "们", ",", "可以", "加", "432429883", "群", ",", "详细", "咨询", "。", "好", "了", "!", "言归正传", ",", "我们", "先", "来", "讲", "我的世界", "Mac", "版", "V", "1.8", ".", "1", "试用版", "的", ",", "使用方法", ",", "你", "需要", "先", "更新至", "V", "1.8", ".", "1", "试用版", ",", "在", "使用", "启动器", "之后", "才能", "进入", "我的世界", "V", "1.8", ".", "1", "游戏界面", "。", "然后", ",", "使用", "启动器", ",", "免费", "进入", "正式版", "游戏界面", "没有", "游戏", "时间限制", "(", "我的世界", "1.8", ".", "1", "Mac", "版", "免费", "教程", ")", ",", "然后", "你", "还", "可以", "联机", "玩", "(", "我的世界", "Mac", "版", "联机", "教程", ")", "。", "首先", ",", "在", "本", "页面", "百度", "网盘", "连接", "当", "中", ",", "下载", "“", "我的世界", "Mac", "版", "V", "1.8", ".", "1", "”", "DMG", "文件", ",", "打开", "之后", "双击", "我的世界", "Logo", "启动", "游戏", ",", "这个时候", "你", "会", "进入", "如", "下", "图", "所示", "界面", ":", "到", "了", "此处", ",", "你", "需要", "耐心", "的", "等待", "程序", "加载", "完毕", ",", "此", "窗口", "类似", "dows", "界面", "会", "不断", "加载", "代码", ",", "一直", "等", "他", "自动", "走", "完", "跳转", "到", "下图", "所示", "界面", "。", "如果", "你", "发现", ",", "上", "图", "所示", "界面", "不在", "加载", "代码", ",", "并", "提示", "报", "错", ",", "请", "关掉", "上", "图", "所示", "界面", ",", "重新", "打开", ",", "重新", "加载", "即可", "。", "按照", "编辑", "亲自", "测试", "的", "经验", "来看", ",", "大概", "尝试", "两", "道", "三", "次", "之后", "就", "可以", "走", "到", "下一步", "。", "如", "下", "图示", "所示", "界面", ",", "点", "下图", "当", "中", "的", "“", "Play", "Offline", "”", ",", "进入", "下一步", "。", "点击", "“", "Play", "Offline", "”", "进入", "到", "下一步", ",", "当然", "这一步", "也", "需要", "一点点", "时间", ",", "这个", "时间不长", "可能", "几", "十", "秒", "或者", "一分钟", "都", "有", "可能", ",", "就会", "出现", "如", "下", "图", "所示", "界面", ",", "进入", "试用版", "登陆", "界面", "。", "到", "这里", ",", "你", "会", "发现", "我的世界", "官方", "要求", "你", "先", "注册", "之后", "才", "可以", "试用", "哦", "!", "这", "时候", "你可以", "点", "上", "图", "当", "中", "的", "“", "Register", "”", ",", "登陆", "我", "的", "Minecraft", "官方", "注册", "网站", ",", "填入", "邮箱", "即可完成", "注册", ",", "然后", "再", "回到", "这个", "界面", "键入", "你", "的", "邮箱", "和", "密码", "即可进入", "我的世界", "试用版", "这里", "需要", "注意", "的", "是", ",", "试用版", "你", "进", "可以", "试玩", "5", "天", ",", "注意", "这里", "的", "五", "天", "乃", "是", "我的世界", "当", "中", "游戏", "时间", "“", "5", "天", "”", ",", "换", "成", "实际", "时间", "是", "“", "100", "分钟", "”", "。", "然后", "你", "就", "完", "不", "了", ",", "需要", "付费", "呦", "!", "有", "免费", "的", "方法", "么", "?", "自然", "是", "有", "的", ",", "小", "编", "把", "他", "和", "试用版", "放在", "一起", ",", "详细", "教程", "请", "参", "见", "—", "—", "我的世界", "Mac", "版", "V", "1.8", ".", "1", "免费", "使用方法", "。", "同时", ",", "我们", "还有", "我的世界", "Mac", "版", "V", "1.8", ".", "1", "联机", "教程", "奉献", "给", "大家", ",", "可以直接", "连", "国服", "哦", "!", "评论", "0", "/", "120", "发表评论", "评论内容", "不能", "为", "空"], ["我的世界", "1.8", ".", "1", "免费", "mac", "版", "立即下载"], ["下载", "[", "我的世界", "1.8", ".", "1", "免费", "mac", "版", "]"]], "title": "我的世界1.8.1免费版for mac|我的世界1.8.1免费mac版 V1.8.1免费版 "}, {"bs_rank_pos": 3, "paragraphs": ["当前位置:首页 → MAC软件→ Mac游戏→ 我的世界2Mac版 V2.1正式版", " 我的世界2Mac版是一款经典的沙盒模拟游戏,也是世界上第一款沙盒游戏,玩家可以在一个自由的界面环境中行动,用三维世界中的各种方块来建造你心中的梦想,游戏中没有剧情,所以玩法由你而定,只要你愿意,建造巴比伦通天塔都无人可以限制你。", " Minecraft for mac直译为《我的世界》,又译《麦块》《我的作品》《当个创世神》)是一款Mac平台上的沙盒建造游戏,我的世界mac版也是世界上第一款沙盒游戏,玩家可以在一个三维世界里用各种方块建造建筑物。最初由马库斯“诺奇”椠尔松(Markus Notch Persson)单独开发,现已成立麻将规范公司(Mojang)来负责开发此游戏。", " 第一步,自然是下载安装包,打开我的世界,界面如下:", " 第二步、随便键入一个用户名(不输也没事),点击——Enter Game进入游戏,这个时候肯定有童鞋问为啥不是中文呢?因为要进了游戏之后才能设置语言。看下图就知道。", " 第三步、你会发现,需要更新,而且进度条读的很慢,小编开始的时候竟然只有 0.22KB/S ,最后没办法,小飞机上场,开启独立服务器,再然后速度就给力了,一分钟不到就更新完了。当然这也不绝对,可能是网速的问题,小编换了台迷你盒子之后不开小飞机速度照样给力,也是一分钟搞定。", " 第四步、更新完毕之后进入如下图所示界面,当然是英文的界面,但是童鞋们要按照下图所示的操作进入设置中文简体或者繁体的语言,如下图所示进入设置选项。。", " 第五步、如下图所示的,同样的位置有一个——Language,选项,点击进入选中——简体中文或者繁体中文即可。", " 最后,接下来自然是创建一个新游戏开玩啦!步骤很简单,小编不再细说,反正有中文,大家自个看。", " 这个游戏让每一个玩家在三维空间中自由地创造和破坏不同种类的方块。其灵感源自于无尽矿工,矮人要塞和地城守护者。玩家在游戏中的形象可以在单人或多人模式中通过摧毁或创造方块以创造精妙绝伦的建筑物和艺术。有用Minecraft衍生出很多动画,诸如Slamacow,dbl(dig bulid live)的外国动画制作团队,制作了不少的幽默动画;甚至还衍生出如FyreUK、EpicWork、Cthuwork、Linscraft、国家建筑师一类的建筑团队;以及CoreandFoambb等短片制作团队。", " 特别说明 "], "segmented_title": ["我的世界", "2", "for", "mac", "|", "我的世界", "2", "Mac", "版", "下载", "V", "2", ".", "1", "正式版", "_", "_", "西西", "软件", "下载"], "segmented_paragraphs": [["当前位置", ":", "首页", "→", "MAC", "软件", "→", "Mac", "游戏", "→", "我的世界", "2", "Mac", "版", "V", "2", ".", "1", "正式版"], ["我的世界", "2", "Mac", "版", "是", "一款", "经典", "的", "沙盒", "模拟游戏", ",", "也是", "世界上", "第一", "款", "沙盒", "游戏", ",", "玩家", "可以", "在", "一", "个", "自由", "的", "界面", "环境", "中", "行动", ",", "用", "三维", "世界", "中", "的", "各种", "方块", "来", "建造", "你", "心中", "的", "梦想", ",", "游戏", "中", "没有", "剧情", ",", "所以", "玩法", "由", "你", "而", "定", ",", "只要你愿意", ",", "建造", "巴比伦", "通天塔", "都", "无人", "可以", "限制", "你", "。"], ["Minecraft", "for", "mac", "直译", "为", "《", "我的世界", "》", ",", "又", "译", "《", "麦块", "》", "《", "我", "的", "作品", "》", "《", "当", "个", "创世神", "》", ")", "是", "一", "款", "Mac", "平台", "上", "的", "沙盒", "建造", "游戏", ",", "我的世界", "mac", "版", "也是", "世界上", "第一", "款", "沙盒", "游戏", ",", "玩家", "可以", "在", "一", "个", "三维", "世界", "里", "用", "各种", "方块", "建造", "建筑物", "。", "最初", "由", "马库斯", "“", "诺奇", "”", "椠尔松", "(", "Markus", "Notch", "Persson", ")", "单独", "开发", ",", "现", "已", "成立", "麻将", "规范", "公司", "(", "Mojang", ")", "来", "负责", "开发", "此", "游戏", "。"], ["第一步", ",", "自然", "是", "下载", "安装包", ",", "打开", "我的世界", ",", "界面", "如", "下", ":"], ["第二步", "、", "随便", "键入", "一", "个", "用户名", "(", "不", "输", "也", "没事", ")", ",", "点击", "—", "—", "Enter", "Game", "进入游戏", ",", "这个时候", "肯定", "有", "童鞋", "问", "为啥", "不是", "中文", "呢", "?", "因为", "要", "进", "了", "游戏", "之后", "才能", "设置", "语言", "。", "看", "下图", "就", "知道", "。"], ["第三步", "、", "你", "会", "发现", ",", "需要", "更新", ",", "而且", "进度条", "读", "的", "很", "慢", ",", "小", "编", "开始", "的", "时候", "竟然", "只有", "0", ".", "2", "2KB", "/", "S", ",", "最后", "没办法", ",", "小", "飞机", "上场", ",", "开启", "独立", "服务器", ",", "再", "然后", "速度", "就", "给力", "了", ",", "一分钟", "不到", "就", "更新", "完", "了", "。", "当然", "这", "也", "不", "绝对", ",", "可能", "是", "网速", "的", "问题", ",", "小", "编", "换", "了", "台", "迷你", "盒子", "之后", "不", "开", "小", "飞机", "速度", "照", "样", "给力", ",", "也是", "一分钟", "搞定", "。"], ["第四步", "、", "更新完毕", "之后", "进入", "如", "下", "图", "所示", "界面", ",", "当然", "是", "英文", "的", "界面", ",", "但是", "童鞋", "们", "要按照", "下图", "所示", "的", "操作", "进入", "设置", "中文简体", "或者", "繁体", "的", "语言", ",", "如", "下", "图", "所示", "进入", "设置", "选项", "。", "。"], ["第五步", "、", "如", "下", "图", "所示", "的", ",", "同样", "的", "位置", "有", "一", "个", "—", "—", "Language", ",", "选项", ",", "点击进入", "选中", "—", "—", "简体中文", "或者", "繁体中文", "即可", "。"], ["最后", ",", "接下来", "自然", "是", "创建", "一", "个", "新", "游戏", "开", "玩", "啦", "!", "步骤", "很简单", ",", "小", "编", "不再", "细", "说", ",", "反正", "有", "中文", ",", "大家", "自", "个", "看", "。"], ["这个游戏", "让", "每", "一", "个", "玩家", "在", "三维空间", "中", "自由", "地", "创造", "和", "破坏", "不同", "种类", "的", "方块", "。", "其", "灵感", "源", "自", "于", "无尽", "矿工", ",", "矮人", "要塞", "和", "地", "城", "守护者", "。", "玩家", "在", "游戏", "中", "的", "形象", "可以", "在", "单人", "或", "多人模式", "中", "通过", "摧毁", "或", "创造", "方块", "以", "创造", "精妙绝伦", "的", "建筑物", "和", "艺术", "。", "有用", "Minecraft", "衍生", "出", "很多", "动画", ",", "诸如", "Slamacow", ",", "dbl", "(", "dig", "bulid", "live", ")", "的", "外国", "动画", "制作团队", ",", "制作", "了", "不少", "的", "幽默", "动画", ";", "甚至", "还", "衍生", "出", "如", "FyreUK", "、", "Epic", "Work", "、", "Cthu", "work", "、", "Linscraft", "、", "国家", "建筑师", "一类", "的", "建筑", "团队", ";", "以及", "Core", "and", "Foam", "bb", "等", "短片", "制作团队", "。"], ["特别说明"]], "title": "我的世界2 for mac|我的世界2Mac版下载V2.1正式版__西西软件下载"}, {"bs_rank_pos": 5, "paragraphs": ["来,楼主,您要的。 但不过只有MAC的繁体中文版客户端http://dist.blizzard.com/downloads/wow-installers/full/World-of-Warcraft-Setup-zhTW.dmg没有简体中文版的MAC客户端噢楼主。 望采纳噢~"], "segmented_title": ["我的世界", "苹果", "电脑", "下载", "Mac", "。", "_", "百度", "知道"], "segmented_paragraphs": [["来", ",", "楼主", ",", "您", "要", "的", "。", "但", "不过", "只有", "MAC", "的", "繁体中文版", "客户端", "http", ":", "/", "/", "dist", ".", "blizzard", ".", "com", "/", "downloads", "/", "wow", "-", "installers", "/", "full", "/", "World", "-", "of", "-", "Warcraft", "-", "Setup", "-", "zhTW", ".", "dmg", "没有", "简体中文版", "的", "MAC", "客户端", "噢", "楼主", "。", "望", "采纳", "噢", "~"]], "title": "我的世界苹果电脑下载Mac。_百度知道"}], "question": "我的世界mac版多少钱", "segmented_question": ["我的世界", "mac", "版", "多少", "钱"], "question_type": "ENTITY", "fact_or_opinion": "OPINION", "question_id": 221607}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["可以使用百度网盘。 先在安卓手机上安装百度网盘,然后登陆,把照片备份到网盘时面。然后在IPHONE上安装百度网盘,登陆帐号,可以随时把照片下载下来。"], "segmented_title": ["怎么样", "可以", "把", "安卓", "系统", "手机", "里", "的", "照片", "资料", "转移", "到", "iphone", "手机", "上", "?", "_", "百度"], "segmented_paragraphs": [["可以使用", "百度", "网盘", "。", "先", "在", "安卓", "手机", "上", "安装", "百度", "网盘", ",", "然后", "登陆", ",", "把", "照片", "备份", "到", "网盘", "时", "面", "。", "然后", "在", "IPHONE", "上", "安装", "百度", "网盘", ",", "登陆", "帐号", ",", "可以随时", "把", "照片", "下载", "下来", "。"]], "title": "怎么样可以把安卓系统手机里的照片资料转移到iphone手机上?_百度"}, {"bs_rank_pos": 0, "paragraphs": ["下载一款备份软件,这样比较麻烦。也可以在两部手机都下载“快牙”可以互相传送接收资料。理论上一分钟可以传送几个g的东西,相当快。"], "segmented_title": ["怎么样", "可以", "把", "安卓", "系统", "手机", "里", "的", "照片", "资料", "转移", "到", "iphone", "手机", "上", "?", "_", "百度"], "segmented_paragraphs": [["下载", "一款", "备份", "软件", ",", "这样", "比较", "麻烦", "。", "也", "可以", "在", "两", "部", "手机", "都", "下载", "“", "快牙", "”", "可以", "互相", "传送", "接收", "资料", "。", "理论", "上", "一分钟", "可以", "传送", "几个", "g", "的", "东西", ",", "相当", "快", "。"]], "title": "怎么样可以把安卓系统手机里的照片资料转移到iphone手机上?_百度"}, {"bs_rank_pos": 0, "paragraphs": ["先在安卓手机里下个百度云申请账号然后备份到云端,再在iphone手机里下载百度云登陆账号,从云端下载就行"], "segmented_title": ["怎么样", "可以", "把", "安卓", "系统", "手机", "里", "的", "照片", "资料", "转移", "到", "iphone", "手机", "上", "?", "_", "百度"], "segmented_paragraphs": [["先", "在", "安卓", "手机", "里", "下", "个", "百度", "云", "申请", "账号", "然后", "备份", "到", "云端", ",", "再", "在", "iphone", "手机", "里", "下载", "百度", "云", "登陆", "账号", ",", "从", "云端", "下载", "就", "行"]], "title": "怎么样可以把安卓系统手机里的照片资料转移到iphone手机上?_百度"}, {"bs_rank_pos": 0, "paragraphs": ["别听某些傻逼的 。先把两个手机连电脑 选你需要的照片复制到苹果上"], "segmented_title": ["怎么样", "可以", "把", "安卓", "系统", "手机", "里", "的", "照片", "资料", "转移", "到", "iphone", "手机", "上", "?", "_", "百度"], "segmented_paragraphs": [["别", "听", "某些", "傻逼", "的", "。", "先", "把", "两", "个", "手机", "连", "电脑", "选", "你", "需要", "的", "照片", "复制", "到", "苹果", "上"]], "title": "怎么样可以把安卓系统手机里的照片资料转移到iphone手机上?_百度"}, {"bs_rank_pos": 0, "paragraphs": ["下个手机管家,备份到云端,再恢复到你苹果手机上就好了"], "segmented_title": ["怎么样", "可以", "把", "安卓", "系统", "手机", "里", "的", "照片", "资料", "转移", "到", "iphone", "手机", "上", "?", "_", "百度"], "segmented_paragraphs": [["下", "个", "手机", "管家", ",", "备份", "到", "云端", ",", "再", "恢复", "到", "你", "苹果", "手机", "上", "就好", "了"]], "title": "怎么样可以把安卓系统手机里的照片资料转移到iphone手机上?_百度"}], "question": "如何把安卓手机资料导入iphone", "segmented_question": ["如何", "把", "安卓", "手机", "资料", "导入", "iphone"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221608}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["一般纳税人与小规模纳税人是对增值税纳税人的一个划分,首先从事商品批发、零售的企业,年销售额达到80万元以上,其他企业包括加工制造企业年销售额达到50万元以上就是增值税一般纳税人。2014年1月1日起,境内的运输企业全行业是行营业税改增值税,凡是空运、水运、陆路运输(包括公路、铁路、管道)企业,年销售额达到500万元以上都是增值税一般纳税人,以上是硬件的规定。而一般纳税人和小规模纳税人的主要区别: 1、一般纳税人应交增值税=销项税额-进项税额,就是对企业的增值额纳税。如商品流通企业,购进货物计算进项税额,销售货物计算销项税额,如购进价款30000元,则进项税额=30000*17%=5100元;销售货物价款50000元,则销项税额=50000*17%=8500元。应交增值税=8500-5100=3400元。而小规模纳税人采用征收率为3%和6%简易征收方法。如小规模纳税人销售额"], "segmented_title": ["一般纳税人", "与", "小规模纳税人", "有", "什么", "区别", "?", "_", "百度", "知道"], "segmented_paragraphs": [["一般纳税人", "与", "小规模纳税人", "是", "对", "增值税", "纳税人", "的", "一", "个", "划分", ",", "首先", "从事", "商品批发", "、", "零售", "的", "企业", ",", "年", "销售额", "达到", "80", "万", "元", "以上", ",", "其他", "企业", "包括", "加工", "制造", "企业", "年", "销售额", "达到", "50", "万", "元", "以上", "就是", "增值税", "一般纳税人", "。", "2014", "年", "1", "月", "1", "日", "起", ",", "境内", "的", "运输", "企业", "全", "行业", "是", "行", "营业税", "改", "增值税", ",", "凡是", "空运", "、", "水运", "、", "陆", "路", "运输", "(", "包括", "公路", "、", "铁路", "、", "管道", ")", "企业", ",", "年", "销售额", "达到", "500", "万", "元", "以上", "都是", "增值税", "一般纳税人", ",", "以上", "是", "硬件", "的", "规定", "。", "而", "一般纳税人", "和", "小规模纳税人", "的", "主要", "区别", ":", "1", "、", "一般纳税人", "应", "交", "增值税", "=", "销项税额", "-", "进项税额", ",", "就是", "对", "企业", "的", "增值", "额", "纳税", "。", "如", "商品流通", "企业", ",", "购进", "货物", "计算", "进项税额", ",", "销售", "货物", "计算", "销项税额", ",", "如", "购进", "价款", "30000", "元", ",", "则", "进项税额", "=", "30000", "*", "17", "%", "=", "5100", "元", ";", "销售", "货物", "价款", "50000", "元", ",", "则", "销项税额", "=", "50000", "*", "17", "%", "=", "8500", "元", "。", "应", "交", "增值税", "=", "8500", "-", "5100", "=", "3400", "元", "。", "而", "小规模纳税人", "采用", "征收", "率", "为", "3%", "和", "6%", "简易", "征收", "方法", "。", "如", "小规模纳税人", "销售额"]], "title": "一般纳税人与小规模纳税人有什么区别?_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["一般纳税人与小规模纳税人是对增值税纳税人的一个划分,首先从事商品批发、零售的企业,年销售额达到80万元以上,其他企业包括加工制造企业年销售额达到50万元以上就是增值税一般纳税人。2014年1月1日起,境内的运输企业全行业是行营业税改增值税,凡是空运、水运、陆路运输(包括公路、铁路、管道)企业,年销售额达到500万元以上都是增值税一般纳税人,以上是硬件的规定。而一般纳税人和小规模纳税人的主要区别: 1、一般纳税人应交增值税=销项税额-进项税额,就是对企业的增值额纳税。如商品流通企业,购进货物计算进项税额,销售货物计算销项税额,如购进价款30000元,则进项税额=30000*17%=5100元;销售货物价款50000元,则销项税额=50000*17%=8500元。应交增值税=8500-5100=3400元。而小规模纳税人采用征收率为3%和6%简易征收方法。如小规模纳税人销售额为"], "segmented_title": ["一般纳税人", "与", "小规模纳税人", "有", "什么", "区别", "?", "_", "百度", "知道"], "segmented_paragraphs": [["一般纳税人", "与", "小规模纳税人", "是", "对", "增值税", "纳税人", "的", "一", "个", "划分", ",", "首先", "从事", "商品批发", "、", "零售", "的", "企业", ",", "年", "销售额", "达到", "80", "万", "元", "以上", ",", "其他", "企业", "包括", "加工", "制造", "企业", "年", "销售额", "达到", "50", "万", "元", "以上", "就是", "增值税", "一般纳税人", "。", "2014", "年", "1", "月", "1", "日", "起", ",", "境内", "的", "运输", "企业", "全", "行业", "是", "行", "营业税", "改", "增值税", ",", "凡是", "空运", "、", "水运", "、", "陆", "路", "运输", "(", "包括", "公路", "、", "铁路", "、", "管道", ")", "企业", ",", "年", "销售额", "达到", "500", "万", "元", "以上", "都是", "增值税", "一般纳税人", ",", "以上", "是", "硬件", "的", "规定", "。", "而", "一般纳税人", "和", "小规模纳税人", "的", "主要", "区别", ":", "1", "、", "一般纳税人", "应", "交", "增值税", "=", "销项税额", "-", "进项税额", ",", "就是", "对", "企业", "的", "增值", "额", "纳税", "。", "如", "商品流通", "企业", ",", "购进", "货物", "计算", "进项税额", ",", "销售", "货物", "计算", "销项税额", ",", "如", "购进", "价款", "30000", "元", ",", "则", "进项税额", "=", "30000", "*", "17", "%", "=", "5100", "元", ";", "销售", "货物", "价款", "50000", "元", ",", "则", "销项税额", "=", "50000", "*", "17", "%", "=", "8500", "元", "。", "应", "交", "增值税", "=", "8500", "-", "5100", "=", "3400", "元", "。", "而", "小规模纳税人", "采用", "征收", "率", "为", "3%", "和", "6%", "简易", "征收", "方法", "。", "如", "小规模纳税人", "销售额", "为"]], "title": "一般纳税人与小规模纳税人有什么区别?_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["小规模纳税人是指年销售额在规定标准以下,并且会计核算不健全,不能按规定报送有关税务资料的增值税纳税人。所称会计核算不健全是指不能正确核算增值税的销项税额、进项税额和应纳税额。 根据《增值税暂行条例》及其《增值税暂行条例实施细则》的规定,小规模的认定标准:1.从事货物生产或者提供应税劳务的纳税人,以及以从事货物生产或者提供应税劳务为主,并兼营货物批发或者零售的纳税人,年应征增值税销售额(以下简称应税销售额)在50万元以下(含本数,下同)的;“以从事货物生产或者提供应税劳务为主”是指纳税人的年货物生产或提供应税劳务的销售额占全年应税销售额的比重在50%以上。2.对上述规定以外的纳税人,年应税销售额在80万元以下的。3.年应税销售额超过小规模纳税人标准的其他个人按小规模纳税人纳税。4.非企业性单位、不"], "segmented_title": ["小规模", "和", "一般纳税人", "的", "概念", "和", "区别", "是", "什么", "?", "谢谢", "_", "百度", "知道"], "segmented_paragraphs": [["小规模纳税人", "是", "指", "年", "销售额", "在", "规定", "标准", "以下", ",", "并且", "会计", "核算", "不健全", ",", "不能", "按", "规定", "报送", "有关", "税务", "资料", "的", "增值税", "纳税人", "。", "所称", "会计", "核算", "不健全", "是", "指", "不能", "正确", "核算", "增值税", "的", "销项税额", "、", "进项税额", "和", "应纳税额", "。", "根据", "《", "增值税暂行条例", "》", "及其", "《", "增值税暂行条例", "实施细则", "》", "的", "规定", ",", "小规模", "的", "认定", "标准", ":", "1", ".", "从事", "货物", "生产", "或者", "提供", "应税劳务", "的", "纳税人", ",", "以及", "以", "从事", "货物", "生产", "或者", "提供", "应税劳务", "为", "主", ",", "并", "兼营", "货物", "批发", "或者", "零售", "的", "纳税人", ",", "年", "应征", "增值税", "销售额", "(", "以下简称", "应", "税", "销售额", ")", "在", "50", "万", "元", "以下", "(", "含", "本", "数", ",", "下", "同", ")", "的", ";", "“", "以", "从事", "货物", "生产", "或者", "提供", "应税劳务", "为", "主", "”", "是", "指", "纳税人", "的", "年", "货物", "生产", "或", "提供", "应税劳务", "的", "销售额", "占", "全年", "应", "税", "销售额", "的", "比重", "在", "50", "%", "以上", "。", "2", ".", "对", "上述", "规定", "以", "外", "的", "纳税人", ",", "年", "应", "税", "销售额", "在", "80", "万", "元", "以下", "的", "。", "3", ".", "年", "应", "税", "销售额", "超过", "小规模纳税人", "标准", "的", "其他", "个人", "按", "小规模纳税人", "纳税", "。", "4", ".", "非", "企业", "性", "单位", "、", "不"]], "title": "小规模和一般纳税人的概念和区别是什么?谢谢_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["小规模和一般纳税人有几个比较大的区别,首先就是税率不一样,小规模的一般税率都是3%,一般纳税人税率根据行业6%17%不一样,其次就是小规模公司不可以进行进项税抵扣,一般纳税人可以进项税抵扣,最后就是监管方面,一般纳税人在税收监管上要求相对高一些,希望对您有帮助。"], "segmented_title": ["小规模", "和", "一般纳税人", "的", "概念", "和", "区别", "是", "什么", "?", "谢谢", "_", "百度", "知道"], "segmented_paragraphs": [["小规模", "和", "一般纳税人", "有", "几个", "比较", "大", "的", "区别", ",", "首先", "就是", "税率", "不一样", ",", "小规模", "的", "一般", "税率", "都是", "3", "%", ",", "一般纳税人", "税率", "根据", "行业", "6", "%", "17", "%", "不一样", ",", "其次", "就是", "小规模", "公司", "不可以", "进行", "进项税", "抵扣", ",", "一般纳税人", "可以", "进项税", "抵扣", ",", "最后", "就是", "监管", "方面", ",", "一般纳税人", "在", "税收", "监管", "上", "要求", "相对", "高", "一些", ",", "希望", "对", "您", "有", "帮助", "。"]], "title": "小规模和一般纳税人的概念和区别是什么?谢谢_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["般纳税人和小规模纳税人的区别: ①使用发票不同。小规模纳税人销售只能使用普通发票,不能使用增值税专用发票,购买货物与一般纳税人相同,可以收普通发票也能收增值税专用发票,二者收取增值税专用发票后帐务处理不同.一般纳税人按价款部分入成本,税款部分入\"应交税金--应交增值税--进项税额\"帐户;小规模纳税人则按全额进入成本. ②应交税金的计算方法不同。一般纳税人按\"抵扣制\"计算税金,即按销项减进项后的余额交税.小规模纳税人按销售收入除于(1+适用税率)后的金额再乘税率计算应交税金,工业6%,商业4%。 ③税率不同,一般纳税人分为0税率、13%税率、17%税率。小规模纳税人,商业企业按4%;工业企业按6% ,(免税的除外)。 1、年应税销售额在100万元以上 2、会计核算健全,年应税销售额不足100万元、但超过30万元。 显然,你已经达到"], "segmented_title": ["小规模", "和", "一般纳税人", "的", "概念", "和", "区别", "是", "什么", "?", "谢谢", "_", "百度", "知道"], "segmented_paragraphs": [["般", "纳税人", "和", "小规模纳税人", "的", "区别", ":", "①", "使用", "发票", "不同", "。", "小规模纳税人", "销售", "只能", "使用", "普通发票", ",", "不能", "使用", "增值税专用发票", ",", "购买", "货物", "与", "一般纳税人", "相同", ",", "可以", "收", "普通发票", "也", "能", "收", "增值税专用发票", ",", "二者", "收取", "增值税专用发票", "后", "帐", "务", "处理", "不同", ".", "一般纳税人", "按", "价款", "部分", "入", "成本", ",", "税款", "部分", "入", "\"", "应交税金", "-", "-", "应", "交", "增值税", "-", "-", "进项税额", "\"", "帐户", ";", "小规模纳税人", "则", "按", "全额", "进入", "成本", ".", "②", "应交税金", "的", "计算", "方法", "不同", "。", "一般纳税人", "按", "\"", "抵扣", "制", "\"", "计算", "税金", ",", "即", "按", "销项", "减", "进项", "后", "的", "余额", "交税", ".", "小规模纳税人", "按", "销售收入", "除", "于", "(", "1", "+", "适用税率", ")", "后", "的", "金额", "再", "乘", "税率", "计算", "应交税金", ",", "工业", "6%", ",", "商业", "4", "%", "。", "③", "税率", "不同", ",", "一般纳税人", "分", "为", "0", "税率", "、", "13", "%", "税率", "、", "17", "%", "税率", "。", "小规模纳税人", ",", "商业", "企业", "按", "4", "%", ";", "工业", "企业", "按", "6%", ",", "(", "免税", "的", "除", "外", ")", "。", "1", "、", "年", "应", "税", "销售额", "在", "100", "万", "元", "以上", "2", "、", "会计核算", "健全", ",", "年", "应", "税", "销售额", "不足", "100", "万元", "、", "但", "超过", "30", "万元", "。", "显然", ",", "你", "已经达到"]], "title": "小规模和一般纳税人的概念和区别是什么?谢谢_百度知道"}], "question": "什么是小规模纳税人和一般纳税人的区别", "segmented_question": ["什么", "是", "小规模纳税人", "和", "一般纳税人", "的", "区别"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221609}
-{"documents": [{"title": "12306账号怎么注销_12306常见问题", "segmented_title": ["12306", "账号", "怎么", "注销", "_", "12306", "常见问题"], "segmented_paragraphs": [["来源", ":", "火车", "网", "时间", ":", "2015", "-", "10", "-", "21", "11", ":", "02", ":", "47", "火车票", "预订"], ["12306", "注册", "成功", "后", "一般", "是", "不会", "有人", "把", "它", "注销", "的", ",", "但是", ",", "万事", "没有", "绝对", ",", "还是", "有些", "朋友", "因", "这个那个", "的", "原因", "需要", "注销", "12306", "账号", "。", "那么", "12306", "账号", "可以", "注销", "吗", "?", "12306", "账号", "怎么", "注销", "?", "很多", "用户", "都", "不清楚", "这个问题", ",", "所以", "小", "编", "在这里", "为", "大家", "介绍一下", "12306", "账号", "怎么", "注销", "相关", "信息", "。"], ["12306", "账号", "怎么", "注销"], ["从", "铁路部门", "了解到", ",", "注册", "12306", "账号", "的", "用户", "可以", "将", "账号", "注销", ",", "但是", ",", "网上", "和", "客服", "是", "无法", "办理", "注销", "的", ",", "用户", "只能", "拿着", "自己", "的", "二代", "居民", "身份证", "到", "火车站", "售票", "窗口", "办理", "注销", "手续", "。", "也", "可以", "按", "12306", "网上订票", "常见问题", "里", "的", "方法", "向", "铁路", "客服", "中心", "提交", "资料", "申请", "。", "以", "电子邮件", "形式", "发送", "到", "12306", "yh", "hd", "@", "rails", ".", "com", ".", "cn", "邮箱", ",", "12306", ".", "cn", "网站", "接收", "后", ",", "处理", "结果", "将", "回复", "至", "邮箱", "。"], ["通过", "介绍", ",", "大家知道", "了", "12306", "账号", "怎么", "注销", "如何", "注销", "了", "吧", "。", "下面", ",", "我们", "一起来", "学习", "一", "下", "12306", "其它", "问题", "。"], ["12306", "账号", "怎么", "修改"], ["用户登录", "自己", "的", "账号", "后", ",", "点击查看", "个人", "信息", ",", "然后", "选择", "编辑", ",", "将", "姓名", "和", "身份证号", "进行", "修改后", "点击", "保存", "即可", "。"], ["如果", "用户", "帐号", "无法", "激活", "或", "未", "收到", "激活", "邮件", "怎么办"], ["如果", "您", "收到", "激活", "邮件", "但", "无法", "激活", "用户帐号", "或者", "未", "收到", "激活", "邮件", ",", "请", "您", "尝试", "通过", "以下", "方法", "解决", ":"], ["(", "1", ")", "检查", "您", "电子邮件信箱", "中", "的", "垃圾箱", "或", "广告", "箱", ",", "邮件", "有", "可能", "被", "误", "认为", "垃圾", "或", "广告", "邮件", "。", "(", "2", ")", "使用", "用户名", "和", "密码", "重新", "登录", "12306", ".", "cn", "网站", "后", ",", "网站", "将", "提示", "您", "“", "您", "的", "用户", "尚未", "激活", "”", ",", "请", "点击", "“", "重发", "激活", "邮件", "”", ",", "网站", "将", "立即", "发送", "激活", "邮件", ",", "请", "重新", "收取", "激活", "邮件", ",", "并", "按", "提示", "激活", "用户", "账号", "。", "(", "3", ")", "使用", "用户名", "和", "密码", "重新", "登录", "12306", ".", "cn", "网站", ",", "修改", "“", "个人资料", "”", "中", "的", "“", "电子邮件", "”", ",", "更换", "一", "个", "有效", "电子邮件", "信箱", "。"], ["免责声明", ":", "火车", "网", "文章", "信息", "来源于", "网络", "以及", "网友投稿", ",", "本站", "只", "负责", "对", "文章", "进行", "整理", "、", "排版", "、", "编辑", ",", "是", "出于", "传递", "更多", "信息", "之", "目的", ",", "并不意味着", "赞同", "其", "观点", "或", "证实", "其", "内容", "的", "真实性", "。"], ["深圳", "到", "广州", "汽车", "票价", "广州", "到", "深圳", "汽车", "票价", "杭州", "到", "上海", "汽车", "票价", "杭州", "到", "宁波", "汽车", "票价", "杭州", "到", "苏州", "汽车", "票价", "北京", "到", "哈尔滨", "汽车", "票价", "哈尔滨", "到", "佳木斯", "汽车", "票价", "北京", "到", "西安", "汽车", "票价", "青岛", "到", "烟台", "汽车", "票价", "上海", "到", "南通", "汽车", "票价", "厦门", "到", "广州", "汽车", "票价", "南京", "到", "扬州", "汽车", "票价", "杭州", "到", "黄山", "汽车", "票价", "杭州", "到", "西安", "汽车", "票价", "南京", "到", "泰州", "汽车", "票价", "广州", "到", "厦门", "汽车", "票价", "成都", "到", "重庆", "汽车", "票价", "上海", "到", "青岛", "汽车", "票价"], ["北京", "到", "上海", "特价机票", "广州", "到", "重庆", "特价机票", "广州", "到", "成都", "特价机票", "上海", "到", "西安", "特价机票", "上海", "到", "郑州", "特价机票", "广州", "到", "西安", "特价机票", "广州", "到", "海口", "特价机票", "厦门", "到", "广州", "特价机票", "深圳", "到", "重庆", "特价机票", "上海", "到", "武汉", "特价机票", "广州", "到", "南宁", "特价机票", "广州", "到", "厦门", "特价机票", "上海", "到", "成都", "特价机票", "广州", "到", "南京", "特价机票", "杭州", "到", "西安", "特价机票", "广州", "到", "郑州", "特价机票", "广州", "到", "上海", "特价机票", "上海", "到", "重庆", "特价机票"], ["从", "北京", "到", "上海", "多少", "公里", "从", "广州", "到", "重庆", "多少", "公里", "从", "成都", "到", "上海", "多少", "公里", "从", "北京", "到", "厦门", "多少", "公里", "从", "厦门", "到", "上海", "多少", "公里", "从", "北京", "到", "郑州", "多少", "公里", "从", "上海", "到", "天津", "多少", "公里", "从", "郑州", "到", "上海", "多少", "公里", "从", "福州", "到", "北京", "多少", "公里", "从", "成都", "到", "北京", "多少", "公里", "从", "北京", "到", "拉萨", "多少", "公里", "从", "厦门", "到", "三亚", "多少", "公里", "从", "深圳", "到", "厦门", "多少", "公里", "从", "拉萨", "到", "郑州", "多少", "公里", "从", "深圳", "到", "北京", "多少", "公里"], ["普快", "火车时刻表", "空调", "普", "慢", "火车时刻表", "普", "慢", "火车时刻表", "直达", "特快", "火车时刻表", "空调普快", "火车时刻表", "空调", "快速", "火车时刻表", "空调特快", "火车时刻表", "快速", "火车时刻表", "动车组", "火车时刻表", "城际", "高速", "火车时刻表"], ["湖北", "多", "地", "发布", "雷电", "黄色", "预警", "2017", "年", "浙江", "出", "梅", "时间", "浙江", "17", "年", "什么时候", "出", "梅", "钱塘江", "流域", "洪水", "最新消息", "2017", "年", "6", ".", "26", "四川", "宜宾市", "地", ".", ".", ".", "2017", "年", "6", "月", "26", "日", "四川", "宜宾市", ".", ".", ".", "2017", ".", "6", ".", "26", "四川", "宜宾", "地震", ".", ".", ".", "2017", "年", "6", "月", "26", "日", "四川", "地震", "最新消息", "钱塘江", "流域", "暴发", "洪水", "深圳", "高温", "补贴", "2017", "标准"]], "paragraphs": ["来源: 火车网 时间:2015-10-21 11:02:47 火车票预订", "12306注册成功后一般是不会有人把它注销的,但是,万事没有绝对,还是有些朋友因这个那个的原因需要注销12306账号。那么12306账号可以注销吗?12306账号怎么注销?很多用户都不清楚这个问题,所以小编在这里为大家介绍一下12306账号怎么注销相关信息。", "12306账号怎么注销", "从铁路部门了解到,注册12306账号的用户可以将账号注销,但是,网上和客服是无法办理注销的,用户只能拿着自己的二代居民身份证到火车站售票窗口办理注销手续。也可以按12306网上订票常见问题里的方法向铁路客服中心提交资料申请。以电子邮件形式发送到12306yhhd@rails.com.cn邮箱,12306.cn网站接收后,处理结果将回复至邮箱。", "通过介绍,大家知道了12306账号怎么注销如何注销了吧。下面,我们一起来学习一下12306其它问题。", "12306账号怎么修改", "用户登录自己的账号后,点击查看个人信息,然后选择编辑,将姓名和身份证号进行修改后点击保存即可。", "如果用户帐号无法激活或未收到激活邮件怎么办", "如果您收到激活邮件但无法激活用户帐号或者未收到激活邮件,请您尝试通过以下方法解决:", "(1)检查您电子邮件信箱中的垃圾箱或广告箱,邮件有可能被误认为垃圾或广告邮件。 (2)使用用户名和密码重新登录12306.cn网站后,网站将提示您“您的用户尚未激活”,请点击“重发激活邮件”,网站将立即发送激活邮件,请重新收取激活邮件,并按提示激活用户账号。 (3)使用用户名和密码重新登录12306.cn网站,修改“个人资料”中的“电子邮件”,更换一个有效电子邮件信箱。", "免责声明:火车网文章信息来源于网络以及网友投稿,本站只负责对文章进行整理、排版、编辑,是出于传递更多信息之目的,并不意味着赞同其观点或证实其内容的真实性。", "深圳到广州汽车票价 广州到深圳汽车票价 杭州到上海汽车票价 杭州到宁波汽车票价 杭州到苏州汽车票价 北京到哈尔滨汽车票价 哈尔滨到佳木斯汽车票价 北京到西安汽车票价 青岛到烟台汽车票价 上海到南通汽车票价 厦门到广州汽车票价 南京到扬州汽车票价 杭州到黄山汽车票价 杭州到西安汽车票价 南京到泰州汽车票价 广州到厦门汽车票价 成都到重庆汽车票价 上海到青岛汽车票价", "北京到上海特价机票 广州到重庆特价机票 广州到成都特价机票 上海到西安特价机票 上海到郑州特价机票 广州到西安特价机票 广州到海口特价机票 厦门到广州特价机票 深圳到重庆特价机票 上海到武汉特价机票 广州到南宁特价机票 广州到厦门特价机票 上海到成都特价机票 广州到南京特价机票 杭州到西安特价机票 广州到郑州特价机票 广州到上海特价机票 上海到重庆特价机票", "从北京到上海多少公里 从广州到重庆多少公里 从成都到上海多少公里 从北京到厦门多少公里 从厦门到上海多少公里 从北京到郑州多少公里 从上海到天津多少公里 从郑州到上海多少公里 从福州到北京多少公里 从成都到北京多少公里 从北京到拉萨多少公里 从厦门到三亚多少公里 从深圳到厦门多少公里 从拉萨到郑州多少公里 从深圳到北京多少公里", "普快火车时刻表 空调普慢火车时刻表 普慢火车时刻表 直达特快火车时刻表 空调普快火车时刻表 空调快速火车时刻表 空调特快火车时刻表 快速火车时刻表 动车组火车时刻表 城际高速火车时刻表", "湖北多地发布雷电黄色预警 2017年浙江出梅时间 浙江17年什么时候出梅 钱塘江流域洪水最新消息 2017年6.26四川宜宾市地... 2017年6月26日四川宜宾市... 2017.6.26四川宜宾地震... 2017年6月26日四川地震最新消息 钱塘江流域暴发洪水 深圳高温补贴2017标准"], "bs_rank_pos": 0}, {"title": "如何注销12306账号_百度经验", "segmented_title": ["如何", "注销", "12306", "账号", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["12306", "账号", "暂时", "没有", "注销", "的", "功能", "。", "不过", ",", "您", "如果", "想", "注销", "账号", ",", "无非", "就是", "怕", "泄露", "信息", ",", "那么", ",", "如果", "把", "12306", "账号", "的", "信息", "修改", "了", ",", "也", "就", "起", "到", "了", "注销", "的", "效果", "了", "。", "下面", ",", "小", "编", "就", "分享", "一", "下", "如何", "“", "注销", "”", "12306", "账号", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "打开", "12306", "网站", ",", "登录", "您", "的", "账号", "。", "步骤", "阅读", "2", "点击查看", "个人", "信息", "。", "步骤", "阅读", "3", "选择", "编辑", "。", "步骤", "阅读", "4", "将", "姓名", "和", "身份证号码", "修改", ",", "然后", "输入", "登录", "密码", "。", "点击", "保存", "。", "步骤", "阅读", "5", "成功", "修改", ",", "点击", "确认", "。", "步骤", "阅读", "6", "同样", "的", "方法", ",", "将", "下面", "信息", "继续", "修改", "即可", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["修改", "身份证号码", "时", ",", "可能会", "出现", "身份证号码", "不", "正确", "的", "情况", ",", "多", "换", "几个", "试一试", "即可", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "经验", ",", "奔跑吧", ".", ".", ".", "."]], "paragraphs": ["百度经验:jingyan.baidu.com", "12306账号暂时没有注销的功能。不过,您如果想注销账号,无非就是怕泄露信息,那么,如果把12306账号的信息修改了,也就起到了注销的效果了。下面,小编就分享一下如何“注销”12306账号。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 打开12306网站,登录您的账号。 步骤阅读 2 点击查看个人信息。 步骤阅读 3 选择编辑。 步骤阅读 4 将姓名和身份证号码修改,然后输入登录密码。点击保存。 步骤阅读 5 成功修改,点击确认。 步骤阅读 6 同样的方法,将下面信息继续修改即可。 步骤阅读 END", "百度经验:jingyan.baidu.com", "修改身份证号码时,可能会出现身份证号码不正确的情况,多换几个试一试即可。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:经验,奔跑吧...."], "bs_rank_pos": 1}, {"title": "12306账号注册过的账号怎么注销掉_百度知道", "segmented_title": ["12306", "账号", "注册", "过", "的", "账号", "怎么", "注销", "掉", "_", "百度", "知道"], "segmented_paragraphs": [["(", "1", ")", "注册", "12306", "账号", "的", "用户", "可以", "将", "账号", "注销", ",", "但是", ",", "网上", "和", "客服", "是", "无法", "办理", "注销", "的", ",", "用户", "只能", "拿着", "自己", "的", "二代", "居民", "身份证", "到", "火车站", "售票", "窗口", "办理", "注销", "手续", "。", "(", "2", ")", "有没有", "其他", "简单", "省", "时", "的", "办法", "?", "办理", "注销", "手续", ",", "一", "是", "觉得", "以后", "可能", "用", "不到", "了", ",", "二", "是", "担心", "自己", "的", "身份", "信息", "可能", "泄露", "出去", ",", "因为", ",", "注册时", "填写", "的", "都是", "真实", "信息", ",", "泄露", "出去", "可能", "会", "对", "用户", "的", "生活", "造成", "一定", "的", "影响", "。", "那么", ",", "可不可以", "将", "注册", "的", "信息", "修改", "一", "下", "呢", "?", "这样", "不是", "也", "同样", "起", "到", "了", "注销", "的", "效果", "了", "。", "(", "3", ")", "如何", "修改", "信息", "?", "用户登录", "自己", "的", "账号", "后", ",", "点击查看", "个人", "信息", ",", "然后", "选择", "编辑", ",", "将", "姓名", "和", "身份证号", "进行", "修改后", "点击", "保存", "即可", "。"], ["(", "1", ")", "注册", "12306", "账号", "的", "用户", "可以", "将", "账号", "注销", ",", "但是", ",", "网上", "和", "客服", "是", "无法", "办理", "注销", "的", ",", "用户", "只能", "拿着", "自己", "的", "二代", "居民", "身份证", "到", "火车站", "售票", "窗口", "办理", "注销", "手续", "。", "(", "2", ")", "有没有", "其他", "简单", "省", "时", "的", "办法", "?", "办理", "注销", "手续", ",", "一", "是", "觉得", "以后", "可能", "用", "不到", "了", ",", "二", "是", "担心", "自己", "的", "身份", "信息", "可能", "泄露", "出去", ",", "因为", ",", "注册时", "填写", "的", "都是", "真实", "信息", ",", "泄露", "出去", "可能", "会", "对", "用户", "的", "生活", "造成", "一定", "的", "影响", "。", "那么", ",", "可不可以", "将", "注册", "的", "信息", "修改", "一", "下", "呢", "?", "这样", "不是", "也", "同样", "起", "到", "了", "注销", "的", "效果", "了", "。", "(", "3", ")", "如何", "修改", "信息", "?", "用户登录", "自己", "的", "账号", "后", ",", "点击查看", "个人", "信息", ",", "然后", "选择", "编辑", ",", "将", "姓名", "和", "身份证号", "进行", "修改后", "点击", "保存", "即可", "。"], ["不能", "注", "晓", "的"]], "paragraphs": ["(1)注册12306账号的用户可以将账号注销,但是,网上和客服是无法办理注销的,用户只能拿着自己的二代居民身份证到火车站售票窗口办理注销手续。 (2)有没有其他简单省时的办法?办理注销手续,一是觉得以后可能用不到了,二是担心自己的身份信息可能泄露出去,因为,注册时填写的都是真实信息,泄露出去可能会对用户的生活造成一定的影响。那么,可不可以将注册的信息修改一下呢?这样不是也同样起到了注销的效果了。 (3)如何修改信息?用户登录自己的账号后,点击查看个人信息,然后选择编辑,将姓名和身份证号进行修改后点击保存即可。", "(1)注册12306账号的用户可以将账号注销,但是,网上和客服是无法办理注销的,用户只能拿着自己的二代居民身份证到火车站售票窗口办理注销手续。 (2)有没有其他简单省时的办法?办理注销手续,一是觉得以后可能用不到了,二是担心自己的身份信息可能泄露出去,因为,注册时填写的都是真实信息,泄露出去可能会对用户的生活造成一定的影响。那么,可不可以将注册的信息修改一下呢?这样不是也同样起到了注销的效果了。 (3)如何修改信息?用户登录自己的账号后,点击查看个人信息,然后选择编辑,将姓名和身份证号进行修改后点击保存即可。", "不能注晓的"], "bs_rank_pos": 2}, {"title": "12306网怎么注销账号?_百度知道", "segmented_title": ["12306", "网", "怎么", "注销", "账号", "?", "_", "百度", "知道"], "segmented_paragraphs": [["12306", "账号", "一", "经", "注册", "便", "无法", "注销", "。", "可以", "进入", "12306", "账号", "将", "所有", "的", "有关", "个人", "的", "信息", "全部", "删除", "掉", ",", "但是", "账号", "还是", "存在", "的", ",", "可以", "不", "使用", ",", "也", "没有", "必要", "注销", "。", "12306", "是", "铁道部", "火车", "票", "网上订票", "唯一", "官网", "站", "。", "任何", "操作", "都", "要", "去", "官网", ",", "小心", "信息", "泄露", "。"], ["你", "通过", "邮箱", "找回", "就是", "了", ",", "怎么", "那么", "麻烦", ",", "一", "个", "号", "以后", "就", "别", "改", "了", "。", "多", "了", "容易", "乱"]], "paragraphs": ["12306账号一经注册便无法注销。可以进入12306账号将所有的有关个人的信息全部删除掉,但是账号还是存在的,可以不使用,也没有必要注销。 12306是铁道部火车票网上订票唯一官网站。任何操作都要去官网,小心信息泄露。", "你通过邮箱找回就是了,怎么那么麻烦,一个号以后就别改了。 多了容易乱"], "bs_rank_pos": 3}, {"title": "12306账号怎么注销_百度知道", "segmented_title": ["12306", "账号", "怎么", "注销", "_", "百度", "知道"], "segmented_paragraphs": [["12306", "不提供", "账号", "注销", "服务", "。", "。", "。", "您", "目前", "这种情况", ",", "如果", "您", "还记得", "注册", "邮箱", "的", "话", ",", "可以直接", "利用", "注册", "邮箱", "找回", "用户名", "和", "密码", "。", "操作方法", ":", "在", "登陆", "界面", "的", "登录", "按钮", "旁", ",", "有", "一", "个", "“", "忘记", "用户名", "/", "密码", "”", ",", "点击", "之后", ",", "最", "上面", "就是", "“", "用", "注册", "邮箱", "找回", "用户名", "/", "密码", "”", ",", "您", "只", "需", "输入", "注册", "邮箱地址", ",", "系统", "就会", "自动", "向", "这个", "邮箱", "发邮件", ",", "邮件", "中", "包含", "您", "的", "用户名", "!", "然后", ",", "邮件", "中", "有", "一", "个", "连接", ",", "点击", "重置", "密码", "即可", "。", "如果", "您", "连", "注册", "邮箱", "都", "不知道", "的", "话", ",", "那", "就", "只能", "提交", "申诉", ",", "上传", "身份证", "扫描", "件", "和", "照片", ",", "申请", "找回", "了", "。", "如果", "你", "想", "注销", "手", "里", "的", "某", "个", "账号", "的", "的", "话", ",", "我", "给", "你", "提供", "一", "种", "方法", ",", "但是", "仅限于", "你", "能够", "登陆", "这个", "账号", "时", "使用", "1", "登陆", "此", "账号", "2", "登陆后", ",", "在", "左下角", "“", "我", "的", "信息", "”", "中", "点击", "个人资料", "3", "进入", "个人资料", "后", ",", "点击", "最", "下面", "的", "“", "修改", "”", "4", "在", "“", "详细", "信息", "”", "一栏", "中", ",", "把", "“", "姓名", "”", "随便", "乱", "填", ",", "然后", "证件类型", "改为", "“", "护照", "”", ",", "证"], ["12306", "不提供", "账号", "注销", "服务", "。", "。", "。", "您", "目前", "这种情况", ",", "如果", "您", "还记得", "注册", "邮箱", "的", "话", ",", "可以直接", "利用", "注册", "邮箱", "找回", "用户名", "和", "密码", "。", "操作方法", ":", "在", "登陆", "界面", "的", "登录", "按钮", "旁", ",", "有", "一", "个", "“", "忘记", "用户名", "/", "密码", "”", ",", "点击", "之后", ",", "最", "上面", "就是", "“", "用", "注册", "邮箱", "找回", "用户名", "/", "密码", "”", ",", "您", "只", "需", "输入", "注册", "邮箱地址", ",", "系统", "就会", "自动", "向", "这个", "邮箱", "发邮件", ",", "邮件", "中", "包含", "您", "的", "用户名", "!", "然后", ",", "邮件", "中", "有", "一", "个", "连接", ",", "点击", "重置", "密码", "即可", "。", "如果", "您", "连", "注册", "邮箱", "都", "不知道", "的", "话", ",", "那", "就", "只能", "提交", "申诉", ",", "上传", "身份证", "扫描", "件", "和", "照片", ",", "申请", "找回", "了", "。", "如果", "你", "想", "注销", "手", "里", "的", "某", "个", "账号", "的", "的", "话", ",", "我", "给", "你", "提供", "一", "种", "方法", ",", "但是", "仅限于", "你", "能够", "登陆", "这个", "账号", "时", "使用", "1", "登陆", "此", "账号", "2", "登陆后", ",", "在", "左下角", "“", "我", "的", "信息", "”", "中", "点击", "个人资料", "3", "进入", "个人资料", "后", ",", "点击", "最", "下面", "的", "“", "修改", "”", "4", "在", "“", "详细", "信息", "”", "一栏", "中", ",", "把", "“", "姓名", "”", "随便", "乱", "填", ",", "然后", "证件类型", "改为", "“", "护照", "”", ",", "证"]], "paragraphs": ["12306不提供账号注销服务。。。 您目前这种情况,如果您还记得注册邮箱的话,可以直接利用注册邮箱找回用户名和密码。 操作方法:在登陆界面的登录按钮旁,有一个“忘记用户名/密码”,点击之后,最上面就是“用注册邮箱找回用户名/密码”,您只需输入注册邮箱地址,系统就会自动向这个邮箱发邮件,邮件中包含您的用户名!然后,邮件中有一个连接,点击重置密码即可。 如果您连注册邮箱都不知道的话,那就只能提交申诉,上传身份证扫描件和照片,申请找回了。 如果你想注销手里的某个账号的的话,我给你提供一种方法,但是仅限于你能够登陆这个账号时使用 1 登陆此账号 2 登陆后,在左下角“我的信息”中点击个人资料 3 进入个人资料后,点击最下面的“修改” 4 在“详细信息”一栏中,把“姓名”随便乱填,然后证件类型改为“护照”,证", "12306不提供账号注销服务。。。 您目前这种情况,如果您还记得注册邮箱的话,可以直接利用注册邮箱找回用户名和密码。 操作方法:在登陆界面的登录按钮旁,有一个“忘记用户名/密码”,点击之后,最上面就是“用注册邮箱找回用户名/密码”,您只需输入注册邮箱地址,系统就会自动向这个邮箱发邮件,邮件中包含您的用户名!然后,邮件中有一个连接,点击重置密码即可。 如果您连注册邮箱都不知道的话,那就只能提交申诉,上传身份证扫描件和照片,申请找回了。 如果你想注销手里的某个账号的的话,我给你提供一种方法,但是仅限于你能够登陆这个账号时使用 1 登陆此账号 2 登陆后,在左下角“我的信息”中点击个人资料 3 进入个人资料后,点击最下面的“修改” 4 在“详细信息”一栏中,把“姓名”随便乱填,然后证件类型改为“护照”,证"], "bs_rank_pos": 4}], "question": "12306账号注销", "segmented_question": ["12306", "账号", "注销"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221610}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["如果不被重写(原生)的hashCode和equals是什么样的?", "不被重写(原生)的hashCode值是根据内存地址换算出来的一个值。 不被重写(原生)的equals方法是严格判断一个对象是否相等的方法(object1 == object2)。", " 为什么需要重写equals和hashCode方法?", " 在我们的业务系统中判断对象时有时候需要的不是一种严格意义上的相等,而是一种业务上的对象相等。在这种情况下,原生的equals方法就不能满足我们的需求了", " 所以这个时候我们需要重写equals方法,来满足我们的业务系统上的需求。那么为什么在重写equals方法的时候需要重写hashCode方法呢?", " 我们先来看一下Object.hashCode的通用约定(摘自《Effective Java》第45页)", "在一个应用程序执行期间,如果一个对象的equals方法做比较所用到的信息没有被修改的话,那么,对该对象调用hashCode方法多次,它必须始终如一地返回 同一个整数。在同一个应用程序的多次执行过程中,这个整数可以不同,即这个应用程序这次执行返回的整数与下一次执行返回的整数可以不一致。 如果两个对象根据equals(Object)方法是相等的,那么调用这两个对象中任一个对象的hashCode方法必须产生同样的整数结果。 如果两个对象根据equals(Object)方法是不相等的,那么调用这两个对象中任一个对象的hashCode方法,不要求必须产生不同的整数结果。然而,程序员应该意识到这样的事实,对于不相等的对象产生截然不同的整数结果,有可能提高散列表(hash table)的性能。", "HashMap的底层处理机制是以数组的方法保存放入的数据的(Node[] table),其中的关键是数组下标的处理。", "如果该数组位置上已经有放入的值了,且传入的键值相等则不处理,若不相等则覆盖原来的值,如果数组位置没有条目,则插入,并加入到相应的链表中。检查键是否存在也是根据hashCode值来确定的。所以如果不重写hashCode的话,可能导致HashSet、HashMap不能正常的运作、", " 如果我们将某个自定义对象存到HashMap或者HashSet及其类似实现类中的时候,如果该对象的属性参与了hashCode的计算,那么就不能修改该对象参数hashCode计算的属性了。", "有可能会移除不了元素,导致内存泄漏。", " 在重写equals方法的时候,需要遵守下面的通用约定:", " 对于任意的引用值x,x.equals(x)一定为true。", " 对于任意的引用值x和y,当且仅当y.equals(x)返回true时,x.equals(y)也一定返回true。", " 对于任意的引用值x、y和z,如果x.equals(y)返回true,并且y.equals(z)也返回true,那么x.equals(z)也一定返回true。", " 对于任意的引用值x和y,如果用于equals比较的对象没有被修改的话,那么,对此调用x.equals(y)要么一致地返回true,要么一致的返回false。", " 5、对于任意的非空引用值x,x.equals(null)一定返回false。", " 重写hashCode方法的大致方式:", " a、把某个非零常数值,比如说17(最好是素数),保存在一个叫result的int类型的变量中。 b、对于对象中每一个关键域f(值equals方法中考虑的每一个域),完成一些步骤:", " 1、为该域计算int类型的散列吗c: 1)、如果该域是boolean类型,则计算(f?0:1)。 2)、如果该域是byte、char、short或者int类型,则计算(int)f。 3)、如果该域是float类型,则计算Float.floatToIntBits(f)。 4)、如果该域是long类型,则计算(int)(f ^ (f>>>32))。 5)、如果该域是double类型,则计算Double.doubleToLongBits(f)得到一个long类型的值,然后按照步骤4,对该long型值计算散列值。 6)、如果该域是一个对象引用,并且该类的equals方法通过递归调用equals的方式来比较这个域,则同样对这个域递归调用hashCode。如果要求一个更为复杂的比较,则为这个域计算一个“规范表示”,然后针对这个范式表示调用hashCode。如果这个域的值为null,则返回0(或者其他某个常数) 7)、如果该域是一个数组,则把每一个元素当做单独的域来处理。也就是说,递归地应用上述规则,对每个重要的元素计算一个散列码,然后根据步骤下面的做法把这些散列值组合起来。 2、按照下面的公式,把步骤1中计算得到的散列码C组合到result中: result = 31*result+c。 d、写完hashCode方法之后,问自己“是否相等的实例具有相等的散列码”。如果不是的话,找出原因,并修改。版权声明:本文为博主原创文章,未经博主允许不得转载。 本文已收录于以下专栏: zknxx +关注 原创 110  粉丝 39  喜欢 0  码云 Spring源码相关学习 JVM学习系列 SpringMVC学习系列 SpringBoot系列 Webx系列讲解"], "segmented_title": ["java", "为什么", "要", "重写", "hash", "Code", "和", "equals", "方法", "-", "CSDN", "博客"], "segmented_paragraphs": [["如果", "不", "被", "重写", "(", "原生", ")", "的", "hash", "Code", "和", "equals", "是什么", "样", "的", "?"], ["不", "被", "重写", "(", "原生", ")", "的", "hash", "Code", "值", "是", "根据", "内存地址", "换算", "出来", "的", "一", "个", "值", "。", "不", "被", "重写", "(", "原生", ")", "的", "equals", "方法", "是", "严格", "判断", "一", "个", "对象", "是否", "相等", "的", "方法", "(", "object", "1", "=", "=", "object", "2", ")", "。"], ["为什么", "需要", "重写", "equals", "和", "hash", "Code", "方法", "?"], ["在", "我们", "的", "业务", "系统", "中", "判断", "对象", "时", "有时候", "需要", "的", "不是", "一", "种", "严格", "意义", "上", "的", "相等", ",", "而是", "一", "种", "业务", "上", "的", "对象", "相等", "。", "在", "这种", "情况", "下", ",", "原生", "的", "equals", "方法", "就", "不能", "满足", "我们", "的", "需求", "了"], ["所以", "这个时候", "我们", "需要", "重写", "equals", "方法", ",", "来", "满足", "我们", "的", "业务", "系统", "上", "的", "需求", "。", "那么", "为什么", "在", "重写", "equals", "方法", "的", "时候", "需要", "重写", "hash", "Code", "方法", "呢", "?"], ["我们", "先", "来看", "一", "下", "Object", ".", "hash", "Code", "的", "通用", "约定", "(", "摘自", "《", "Effective", "Java", "》", "第", "45", "页", ")"], ["在", "一", "个", "应用程序", "执行", "期间", ",", "如果", "一", "个", "对象", "的", "equals", "方法", "做", "比较", "所用", "到", "的", "信息", "没有", "被", "修改", "的", "话", ",", "那么", ",", "对", "该", "对象", "调用", "hash", "Code", "方法", "多次", ",", "它", "必须", "始终如一", "地", "返回", "同", "一", "个", "整数", "。", "在", "同", "一", "个", "应用程序", "的", "多次", "执行", "过程", "中", ",", "这个", "整数", "可以", "不同", ",", "即", "这个", "应用", "程序", "这次", "执行", "返回", "的", "整数", "与", "下", "一", "次", "执行", "返回", "的", "整数", "可以", "不", "一致", "。", "如果", "两", "个", "对象", "根据", "equals", "(", "Object", ")", "方法", "是", "相等", "的", ",", "那么", "调用", "这", "两", "个", "对象", "中", "任", "一", "个", "对象", "的", "hash", "Code", "方法", "必须", "产生", "同样", "的", "整数", "结果", "。", "如果", "两", "个", "对象", "根据", "equals", "(", "Object", ")", "方法", "是", "不", "相等", "的", ",", "那么", "调用", "这", "两", "个", "对象", "中", "任", "一", "个", "对象", "的", "hash", "Code", "方法", ",", "不", "要求", "必须", "产生", "不同", "的", "整数", "结果", "。", "然而", ",", "程序员", "应该", "意识到", "这样", "的", "事实", ",", "对于", "不", "相等", "的", "对象", "产生", "截然不同", "的", "整数", "结果", ",", "有", "可能", "提高", "散列表", "(", "hash", "table", ")", "的", "性能", "。"], ["HashMap", "的", "底层", "处理", "机制", "是", "以", "数组", "的", "方法", "保存", "放入", "的", "数据", "的", "(", "Node", "<", "K", ",", "V", ">", "[", "]", "table", ")", ",", "其中", "的", "关键", "是", "数组", "下标", "的", "处理", "。"], ["如果", "该", "数组", "位置", "上", "已经", "有", "放入", "的", "值", "了", ",", "且", "传入", "的", "键值", "相等", "则", "不", "处理", ",", "若", "不", "相等", "则", "覆盖", "原来", "的", "值", ",", "如果", "数组", "位置", "没有", "条目", ",", "则", "插入", ",", "并", "加入", "到", "相应", "的", "链表", "中", "。", "检查", "键", "是否", "存在", "也是", "根据", "hash", "Code", "值", "来", "确定", "的", "。", "所以", "如果", "不", "重写", "hash", "Code", "的", "话", ",", "可能导致", "HashSet", "、", "HashMap", "不能", "正常", "的", "运作", "、"], ["如果", "我们", "将", "某", "个", "自定义", "对象", "存", "到", "HashMap", "或者", "HashSet", "及其", "类似", "实现", "类", "中", "的", "时候", ",", "如果", "该", "对象", "的", "属性", "参与", "了", "hash", "Code", "的", "计算", ",", "那么", "就", "不能", "修改", "该", "对象", "参数", "hash", "Code", "计算", "的", "属性", "了", "。"], ["有", "可能", "会", "移除", "不", "了", "元素", ",", "导致", "内存泄漏", "。"], ["在", "重写", "equals", "方法", "的", "时候", ",", "需要", "遵守", "下面", "的", "通用", "约定", ":"], ["对于", "任意", "的", "引用", "值", "x", ",", "x", ".", "equals", "(", "x", ")", "一定", "为", "true", "。"], ["对于", "任意", "的", "引用", "值", "x", "和", "y", ",", "当", "且", "仅", "当", "y", ".", "equals", "(", "x", ")", "返回", "true", "时", ",", "x", ".", "equals", "(", "y", ")", "也", "一定", "返回", "true", "。"], ["对于", "任意", "的", "引用", "值", "x", "、", "y", "和", "z", ",", "如果", "x", ".", "equals", "(", "y", ")", "返回", "true", ",", "并且", "y", ".", "equals", "(", "z", ")", "也", "返回", "true", ",", "那么", "x", ".", "equals", "(", "z", ")", "也", "一定", "返回", "true", "。"], ["对于", "任意", "的", "引用", "值", "x", "和", "y", ",", "如果", "用于", "equals", "比较", "的", "对象", "没有", "被", "修改", "的", "话", ",", "那么", ",", "对此", "调用", "x", ".", "equals", "(", "y", ")", "要", "么", "一致", "地", "返回", "true", ",", "要", "么", "一致", "的", "返回", "false", "。"], ["5", "、", "对于", "任意", "的", "非", "空", "引用", "值", "x", ",", "x", ".", "equals", "(", "null", ")", "一定", "返回", "false", "。"], ["重写", "hash", "Code", "方法", "的", "大致", "方式", ":"], ["a", "、", "把", "某", "个", "非", "零", "常", "数值", ",", "比如说", "17", "(", "最好", "是", "素数", ")", ",", "保存", "在", "一", "个", "叫", "result", "的", "int", "类型", "的", "变量", "中", "。", "b", "、", "对于", "对象", "中", "每一个", "关键", "域", "f", "(", "值", "equals", "方法", "中", "考虑", "的", "每一个", "域", ")", ",", "完成", "一些", "步骤", ":"], ["1", "、", "为", "该", "域", "计算", "int", "类型", "的", "散列", "吗", "c", ":", "1", ")", "、", "如果", "该", "域", "是", "boolean", "类型", ",", "则", "计算", "(", "f", "?", "0", ":", "1", ")", "。", "2", ")", "、", "如果", "该", "域", "是", "byte", "、", "char", "、", "short", "或者", "int", "类型", ",", "则", "计算", "(", "int", ")", "f", "。", "3", ")", "、", "如果", "该", "域", "是", "float", "类型", ",", "则", "计算", "Float", ".", "float", "To", "Int", "Bits", "(", "f", ")", "。", "4", ")", "、", "如果", "该", "域", "是", "long", "类型", ",", "则", "计算", "(", "int", ")", "(", "f", "^", "(", "f", ">", ">", ">", "32", ")", ")", "。", "5", ")", "、", "如果", "该", "域", "是", "double", "类型", ",", "则", "计算", "Double", ".", "double", "To", "LongBits", "(", "f", ")", "得到", "一", "个", "long", "类型", "的", "值", ",", "然后", "按照", "步骤", "4", ",", "对", "该", "long", "型", "值", "计算", "散列", "值", "。", "6", ")", "、", "如果", "该", "域", "是", "一", "个", "对象", "引用", ",", "并且", "该", "类", "的", "equals", "方法", "通过", "递归", "调用", "equals", "的", "方式", "来", "比较", "这个", "域", ",", "则", "同样", "对", "这个", "域", "递归", "调用", "hash", "Code", "。", "如果", "要求", "一", "个", "更为", "复杂", "的", "比较", ",", "则", "为", "这个", "域", "计算", "一", "个", "“", "规范", "表示", "”", ",", "然后", "针对", "这个", "范式", "表示", "调用", "hash", "Code", "。", "如果", "这个", "域", "的", "值", "为", "null", ",", "则", "返回", "0", "(", "或者", "其他", "某", "个", "常数", ")", "7", ")", "、", "如果", "该", "域", "是", "一", "个", "数组", ",", "则", "把", "每一个", "元素", "当做", "单独", "的", "域", "来", "处理", "。", "也就是说", ",", "递归", "地", "应用", "上述", "规则", ",", "对", "每个", "重要", "的", "元素", "计算", "一", "个", "散列", "码", ",", "然后", "根据", "步骤", "下面", "的", "做法", "把", "这些", "散列", "值", "组合", "起来", "。", "2", "、", "按照", "下面", "的", "公式", ",", "把", "步骤", "1", "中", "计算", "得到", "的", "散列", "码", "C", "组合", "到", "result", "中", ":", "result", "=", "31", "*", "result", "+", "c", "。", "d", "、", "写完", "hash", "Code", "方法", "之后", ",", "问自己", "“", "是否", "相等", "的", "实例", "具有", "相等", "的", "散列", "码", "”", "。", "如果", "不是", "的", "话", ",", "找出", "原因", ",", "并", "修改", "。", "版权声明", ":", "本", "文", "为", "博", "主", "原创文章", ",", "未经", "博", "主", "允许", "不得转载", "。", "本", "文", "已", "收录", "于", "以下", "专栏", ":", "zknxx", "+", "关注", "原创", "110", "粉丝", "39", "喜欢", "0", "码", "云", "Spring", "源码", "相关", "学习", "JVM", "学习", "系列", "Spring", "MVC", "学习", "系列", "Spring", "Boot", "系列", "Webx", "系列", "讲解"]], "title": "java为什么要重写hashCode和equals方法 - CSDN博客"}, {"bs_rank_pos": 1, "paragraphs": ["首先我们先来看下String类的源码:可以发现String是重写了Object类的equals方法的,并且也重写了hashcode方法", "public boolean equals(Object anObject) { if (this == anObject) { return true; } if (anObject instanceof String) { String anotherString = (String)anObject; int n = count; if (n == anotherString.count) { char v1[] = value; char v2[] = anotherString.value; int i = offset; int j = anotherString.offset; while (n-- !", "那为什么在重写equals方法时都要重写hashCode方法呢:首先equals与hashcode间的关系是这样的:", "1、如果两个对象相同(即用equals比较返回true),那么它们的hashCode值一定要相同;2、如果两个对象的hashCode相同,它们并不一定相同(即用equals比较返回false) ", "自我的理解:", "由于为了提高程序的效率才实现了hashcode方法,先进行hashcode的比较,如果不同,那没就不必在进行equals的比较了,这样就大大减少了equals比较的次数,这对比需要比较的数量很大的效率提高是很明显的,一个很好的例子就是在集合中的使用;", "我们都知道java中的List集合是有序的,因此是可以重复的,而set集合是无序的,因此是不能重复的,那么怎么能保证不能被放入重复的元素呢,但靠equals方法一样比较的话,如果原来集合中以后又10000个元素了,那么放入10001个元素,难道要将前面的所有元素都进行比较,看看是否有重复,欧码噶的,这个效率可想而知,因此hashcode就应遇而生了,java就采用了hash表,利用哈希算法(也叫散列算法),就是将对象数据根据该对象的特征使用特定的算法将其定义到一个地址上,那么在后面定义进来的数据只要看对应的hashcode地址上是否有值,那么就用equals比较,如果没有则直接插入,只要就大大减少了equals的使用次数,执行效率就大大提高了。", "继续上面的话题,为什么必须要重写hashcode方法,其实简单的说就是为了保证同一个对象,保证在equals相同的情况下hashcode值必定相同,如果重写了equals而未重写hashcode方法,可能就会出现两个没有关系的对象equals相同的(因为equal都是根据对象的特征进行重写的),但hashcode确实不相同的。", "posted on 2016-11-15 11:23 救赎者 阅读(...) 评论(...) 编辑 收藏 ", "Powered by:  博客园 ", " 随笔- 81  文章- 0  评论- 1  引用- 0 "], "segmented_title": ["为什么", "重写", "equals", "时", "必须", "重写", "hash", "Code", "方法", "?", "-", "救赎", "者", "-", "博客园"], "segmented_paragraphs": [["首先", "我们", "先", "来看", "下", "String", "类", "的", "源码", ":", "可以", "发现", "String", "是", "重写", "了", "Object", "类", "的", "equals", "方法", "的", ",", "并且", "也", "重写", "了", "hash", "code", "方法"], ["public", "boolean", "equals", "(", "Object", "an", "Object", ")", "{", "if", "(", "this", "=", "=", "an", "Object", ")", "{", "return", "true", ";", "}", "if", "(", "an", "Object", "instance", "of", "String", ")", "{", "String", "another", "String", "=", "(", "String", ")", "an", "Object", ";", "int", "n", "=", "count", ";", "if", "(", "n", "=", "=", "another", "String", ".", "count", ")", "{", "char", "v", "1", "[", "]", "=", "value", ";", "char", "v2", "[", "]", "=", "another", "String", ".", "value", ";", "int", "i", "=", "offset", ";", "int", "j", "=", "another", "String", ".", "offset", ";", "while", "(", "n", "-", "-", "!"], ["那", "为什么", "在", "重写", "equals", "方法", "时", "都", "要", "重写", "hash", "Code", "方法", "呢", ":", "首先", "equals", "与", "hash", "code", "间", "的", "关系", "是", "这样", "的", ":"], ["1", "、", "如果", "两", "个", "对象", "相同", "(", "即", "用", "equals", "比较", "返回", "true", ")", ",", "那么", "它们", "的", "hash", "Code", "值", "一定要", "相同", ";", "2", "、", "如果", "两", "个", "对象", "的", "hash", "Code", "相同", ",", "它们", "并", "不一定", "相同", "(", "即", "用", "equals", "比较", "返回", "false", ")"], ["自我", "的", "理解", ":"], ["由于", "为了", "提高", "程序", "的", "效率", "才", "实现", "了", "hash", "code", "方法", ",", "先", "进行", "hash", "code", "的", "比较", ",", "如果", "不同", ",", "那", "没", "就", "不必", "在", "进行", "equals", "的", "比较", "了", ",", "这样", "就", "大大减少", "了", "equals", "比较", "的", "次数", ",", "这", "对比", "需要", "比较", "的", "数量", "很大", "的", "效率", "提高", "是", "很明显", "的", ",", "一", "个", "很好", "的", "例子", "就是", "在", "集合", "中", "的", "使用", ";"], ["我们", "都", "知道", "java", "中", "的", "List", "集合", "是", "有序", "的", ",", "因此", "是", "可以", "重复", "的", ",", "而", "set", "集合", "是", "无序", "的", ",", "因此", "是", "不能", "重复", "的", ",", "那么", "怎么", "能", "保证", "不能", "被", "放入", "重复", "的", "元素", "呢", ",", "但", "靠", "equals", "方法", "一样", "比较", "的", "话", ",", "如果", "原来", "集合", "中", "以后", "又", "10000", "个", "元素", "了", ",", "那么", "放入", "10001", "个", "元素", ",", "难道", "要", "将", "前面", "的", "所有", "元素", "都", "进行", "比较", ",", "看看", "是否", "有", "重复", ",", "欧", "码", "噶", "的", ",", "这个", "效率", "可想而知", ",", "因此", "hash", "code", "就", "应", "遇", "而", "生", "了", ",", "java", "就", "采用", "了", "hash", "表", ",", "利用", "哈希算法", "(", "也", "叫", "散列", "算法", ")", ",", "就是", "将", "对象", "数据", "根据", "该", "对象", "的", "特征", "使用", "特定", "的", "算法", "将", "其", "定义", "到", "一", "个", "地址", "上", ",", "那么", "在", "后面", "定义", "进来", "的", "数据", "只要", "看", "对应", "的", "hash", "code", "地址", "上", "是否", "有", "值", ",", "那么", "就", "用", "equals", "比较", ",", "如果没有", "则", "直接插入", ",", "只要", "就", "大大减少", "了", "equals", "的", "使用", "次数", ",", "执行效率", "就", "大", "大", "提高", "了", "。"], ["继续", "上面", "的", "话题", ",", "为什么", "必须", "要", "重写", "hash", "code", "方法", ",", "其实", "简单", "的", "说", "就是", "为了", "保证", "同", "一", "个", "对象", ",", "保证", "在", "equals", "相同", "的", "情况", "下", "hash", "code", "值", "必定", "相同", ",", "如果", "重写", "了", "equals", "而", "未", "重写", "hash", "code", "方法", ",", "可能", "就会", "出现", "两", "个", "没有关系", "的", "对象", "equals", "相同", "的", "(", "因为", "equal", "都是", "根据", "对象", "的", "特征", "进行", "重写", "的", ")", ",", "但", "hash", "code", "确实", "不", "相同", "的", "。"], ["posted", "on", "2016", "-", "11", "-", "15", "11", ":", "23", "救赎", "者", "阅读", "(", ".", ".", ".", ")", "评论", "(", ".", ".", ".", ")", "编辑", "收藏"], ["Powered", "by", ":", "博客园"], ["随笔", "-", "81", "文章", "-", "0", "评论", "-", "1", "引用", "-", "0"]], "title": "为什么重写equals时必须重写hashCode方法? - 救赎者 - 博客园"}, {"bs_rank_pos": 2, "paragraphs": ["如果你重载了equals,比如说是基于对象的内容实现的,而保留hashCode的实现不变,那么很可能某两个对象明明是“相等”,而hashCode却不一样。 这样,当你用其中的一个作为键保存到hashMap、hasoTable或hashSet中,再以“相等的”找另一个作为键值去查找他们的时候,则根本找不到。 使用HashMap,如果key是自定义的类,就必须重写hashcode()和equals()。 而对于每一个对象,通过其hashCode()方法可为其生成一个整形值(散列码),该整型值被处理后,将会作为数组下标,存放该对象所对应的Entry(存放该对象及其对应值)。 equals()方法则是在HashMap中插入值或查询时会使用到。当HashMap中插入值或查询值对应的散列码与数组中的散列码相等时,则会通过equals方法比较key值是否相等,所以想以自建对象作为HashMap的key,必须重写该对象继承object的hashCode和equals方法。 2.本来不就有hashcode"], "segmented_title": ["重写", "equal", "的", "同时", "为什么", "必须", "重写", "hash", "code", "_", "百度", "知道"], "segmented_paragraphs": [["如果", "你", "重载", "了", "equals", ",", "比如说", "是", "基于", "对象", "的", "内容", "实现", "的", ",", "而", "保留", "hash", "Code", "的", "实现", "不变", ",", "那么", "很", "可能", "某", "两", "个", "对象", "明明", "是", "“", "相等", "”", ",", "而", "hash", "Code", "却", "不一样", "。", "这样", ",", "当你", "用", "其中", "的", "一", "个", "作为", "键", "保存", "到", "hashMap", "、", "hasoTable", "或", "hashSet", "中", ",", "再", "以", "“", "相等", "的", "”", "找", "另一个", "作为", "键值", "去", "查找", "他们", "的", "时候", ",", "则", "根本", "找不到", "。", "使用", "HashMap", ",", "如果", "key", "是", "自定义", "的", "类", ",", "就", "必须", "重写", "hash", "code", "(", ")", "和", "equals", "(", ")", "。", "而", "对于", "每", "一", "个", "对象", ",", "通过", "其", "hash", "Code", "(", ")", "方法", "可", "为", "其", "生成", "一", "个", "整形", "值", "(", "散列", "码", ")", ",", "该", "整型", "值", "被", "处理", "后", ",", "将会", "作为", "数组", "下标", ",", "存放", "该", "对象", "所", "对应", "的", "Entry", "(", "存放", "该", "对象", "及其", "对应", "值", ")", "。", "equals", "(", ")", "方法则", "是", "在", "HashMap", "中", "插入", "值", "或", "查询", "时", "会", "使用", "到", "。", "当", "HashMap", "中", "插入", "值", "或", "查询", "值", "对应", "的", "散列", "码", "与", "数组", "中", "的", "散列", "码", "相等", "时", ",", "则", "会", "通过", "equals", "方法", "比较", "key", "值", "是否", "相等", ",", "所以", "想", "以", "自建", "对象", "作为", "HashMap", "的", "key", ",", "必须", "重写", "该", "对象", "继承", "object", "的", "hash", "Code", "和", "equals", "方法", "。", "2", ".", "本来", "不", "就", "有", "hash", "code"]], "title": "重写equal 的同时为什么必须重写hashcode_百度知道"}, {"bs_rank_pos": 3, "paragraphs": ["1、重写equals方法时需要重写hashCode方法,主要是针对Map、Set等集合类型的使用; a: Map、Set等集合类型存放的对象必须是唯一的; b: 集合类判断两个对象是否相等,是先判断equals是否相等,如果equals返回TRUE,还要再判断HashCode返回值是否ture,只有两者都返回ture,才认为该两个对象是相等的。 2、由于Object的hashCode返回的是对象的hash值,所以即使equals返回TRUE,集合也可能判定两个对象不等,所以必须重写hashCode方法,以保证当equals返回TRUE时,hashCode也返回Ture,这样才能使得集合中存放的对象唯一。"], "segmented_title": ["java", "中", "重写", "equals", "方法", "为什么", "要", "重写", "hash", "code", "方法", "说明", "_", "百度", "知道"], "segmented_paragraphs": [["1", "、", "重写", "equals", "方法", "时", "需要", "重写", "hash", "Code", "方法", ",", "主要", "是", "针对", "Map", "、", "Set", "等", "集合", "类型", "的", "使用", ";", "a", ":", "Map", "、", "Set", "等", "集合", "类型", "存放", "的", "对象", "必须", "是", "唯一", "的", ";", "b", ":", "集合", "类", "判断", "两", "个", "对象", "是否", "相等", ",", "是", "先", "判断", "equals", "是否", "相等", ",", "如果", "equals", "返回", "TRUE", ",", "还要", "再", "判断", "Hash", "Code", "返回值", "是否", "ture", ",", "只有", "两者", "都", "返回", "ture", ",", "才", "认为", "该", "两", "个", "对象", "是", "相等", "的", "。", "2", "、", "由于", "Object", "的", "hash", "Code", "返回", "的", "是", "对象", "的", "hash", "值", ",", "所以", "即使", "equals", "返回", "TRUE", ",", "集合", "也", "可能", "判定", "两", "个", "对象", "不等", ",", "所以", "必须", "重写", "hash", "Code", "方法", ",", "以", "保证", "当", "equals", "返回", "TRUE", "时", ",", "hash", "Code", "也", "返回", "Ture", ",", "这样", "才能", "使得", "集合", "中", "存放", "的", "对象", "唯一", "。"]], "title": "java中重写equals方法为什么要重写hashcode方法说明_百度知道"}, {"bs_rank_pos": 4, "paragraphs": ["我们都知道Java语言是完全面向对象的,在java中,所有的对象都是继承于Object类。Ojbect类中有两个方法equals、hashCode,这两个方法都是用来比较两个对象是否相等的。", " 在未重写equals方法我们是继承了object的equals方法,那里的 equals是比较两个对象的内存地址,显然我们new了2个对象内存地址肯定不一样", " 对于值对象,==比较的是两个对象的值 对于引用对象,比较的是两个对象的地址", " 默认的equals方法同==,一般来说我们的对象都是引用对象,要重写equals方法。", " 现在有一个学生对象,有属性学号跟姓名,现在我新建了一个学生对象,又从数据里查出一个学生对象,这两个对象的学号跟姓名都一样,那这两个对象是不是相等呢?一般情况下,除非你有特殊需求要处理,这两个对象是相等的,可如果用==去比较,返回的结果是错误的。", " 这时候我们就必须重写equlas方法了。如果学号是主键,在equals方法里,我们认为只要学号相同,就可以返回true。", " hashCode方法也是可以用来比较两个对象是否相等的。但是我们很少使用,应该说是很少直接使用。hashCode方法返回的是一个int值,可以看做是一个对象的唯一编码,如果两个对象的hashCode值相同,我们应该认为这两个对象是同一个对象。", " 一般如果使用java中的Map对象进行存储时,他会自动调用hashCode方法来比较两个对象是否相等。", " 所以如果我们对equals方法进行了重写,建议一定要对hashCode方法重写,以保证相同的对象返回相同的hash值,不同的对象返回不同的hash值。", " 如上面的学生例子,如果学号相同,不管姓名相不相同,返回的hash值一定要是一样的,这时我们的hash值只与学号有关。", " public class Test { public static void main(String[] args) { HashMap hm = new HashMap(); hm.put(new key(1),new value(2)); if(hm.containsKey(new key(1))) System.out.println(hm.get(new key(1))); else System.out.println(\"dont have such a key\"); } } ", "  你每次new 一个新对象出来hashcode肯定不一样,所以你拿不到你要的key。", " class key { int i ; public key(int i) { this.i = i; } @Override public boolean equals(Object obj) { if(obj instanceof key) { if(((key)obj).i == i) return true; } return false; } @Override public int hashCode() { return i; } } ", " 1、重写equals方法时需要重写hashCode方法,主要是针对Map、Set等集合类型的使用; a: Map、Set等集合类型存放的对象必须是唯一的; b: 集合类判断两个对象是否相等,是先判断equals是否相等,如果equals返回TRUE,还要再判断HashCode返回值是否ture,只有两者都返回ture,才认为该两个对象是相等的。 2、由于Object的hashCode返回的是对象的hash值,所以即使equals返回TRUE,集合也可能判定两个对象不等,所以必须重写hashCode方法,以保证当equals返回TRUE时,hashCode也返回Ture,这样才能使得集合中存放的对象唯一。 Android知识库 37778 关注| 3162 收录  React知识库 3597 关注| 393 收录  人工智能基础知识库 16685 关注| 212 收录 ", " Java 知识库 35146 关注| 3748 收录 ", " 下说法有误!如果两个对象的hashCode值相同,我们应该认为这两个对象是同一个对象。正解如下:hashCode主要为散列表(如HashMap)提供支持。如果一个对象的equals没有被改写,那么在执行时无论调用多少次hashCode()总是返回相同的值(对象的内部地址转化为该数值)。如果两个对象相等(equals相等),那么对应的hashCode也相等。两个对象不相等(equals不相等),其对应的hashCode也不相等,这种规范不是必须的(亦即两个对象不相等,其对应的hashCode可能相等)。延伸理解,hashCode相等的两个对象不一定相等(equals相等)。但是建议开发者遵守为两个不同对象返回不同的散列码的规范(比如重写时,但是Object.hashCode()确实为不同的对象返回不同的hashCode), 这种可以提升hash tables的性能。特殊情况:并不一定每次执行hashCode()方法都返回完全一样的值。(参考JavaDoc)尽管不常见,但是确实有些Java库实际上在不同执行的过程中返回不同的hashCode值,如 Google’s Protocol Buffers[size=medium][/size]"], "segmented_title": ["为什么", "在", "重写", "了", "equals", "(", ")", "方法", "之后", "也", "必须", "重写", "hash", "Code", "(", ")", "方法", "-", "-"], "segmented_paragraphs": [["我们", "都", "知道", "Java", "语言", "是", "完全", "面向对象", "的", ",", "在", "java", "中", ",", "所有", "的", "对象", "都是", "继承", "于", "Object", "类", "。", "Ojb", "ect", "类", "中", "有", "两", "个", "方法", "equals", "、", "hash", "Code", ",", "这", "两", "个", "方法", "都是", "用来", "比较", "两", "个", "对象", "是否", "相等", "的", "。"], ["在", "未", "重写", "equals", "方法", "我们", "是", "继承", "了", "object", "的", "equals", "方法", ",", "那里", "的", "equals", "是", "比较", "两", "个", "对象", "的", "内存地址", ",", "显然", "我们", "new", "了", "2", "个", "对象", "内存地址", "肯定", "不一样"], ["对于", "值", "对象", ",", "=", "=", "比较", "的", "是", "两", "个", "对象", "的", "值", "对于", "引用", "对象", ",", "比较", "的", "是", "两", "个", "对象", "的", "地址"], ["默认", "的", "equals", "方法", "同", "=", "=", ",", "一般来说", "我们", "的", "对象", "都是", "引用", "对象", ",", "要", "重写", "equals", "方法", "。"], ["现在", "有", "一", "个", "学生", "对象", ",", "有", "属性", "学号", "跟", "姓名", ",", "现在", "我", "新建", "了", "一", "个", "学生", "对象", ",", "又", "从", "数据", "里", "查出", "一", "个", "学生", "对象", ",", "这", "两", "个", "对象", "的", "学号", "跟", "姓名", "都一样", ",", "那", "这", "两", "个", "对象", "是不是", "相等", "呢", "?", "一般", "情况", "下", ",", "除非你", "有", "特殊", "需求", "要", "处理", ",", "这", "两", "个", "对象", "是", "相等", "的", ",", "可", "如果", "用", "=", "=", "去", "比较", ",", "返回", "的", "结果", "是", "错误", "的", "。"], ["这", "时候", "我们", "就", "必须", "重写", "equlas", "方法", "了", "。", "如果", "学号", "是", "主键", ",", "在", "equals", "方法", "里", ",", "我们", "认为", "只要", "学号", "相同", ",", "就", "可以", "返回", "true", "。"], ["hash", "Code", "方法", "也是", "可以", "用来", "比较", "两", "个", "对象", "是否", "相等", "的", "。", "但是", "我们", "很少", "使用", ",", "应该说", "是", "很少", "直接", "使用", "。", "hash", "Code", "方法", "返回", "的", "是", "一", "个", "int", "值", ",", "可以", "看", "做", "是", "一", "个", "对象", "的", "唯一", "编码", ",", "如果", "两", "个", "对象", "的", "hash", "Code", "值", "相同", ",", "我们", "应该", "认为", "这", "两", "个", "对象", "是", "同", "一", "个", "对象", "。"], ["一般", "如果", "使用", "java", "中", "的", "Map", "对象", "进行", "存储", "时", ",", "他", "会", "自动", "调用", "hash", "Code", "方法", "来", "比较", "两", "个", "对象", "是否", "相等", "。"], ["所以", "如果", "我们", "对", "equals", "方法", "进行", "了", "重写", ",", "建议", "一定要", "对", "hash", "Code", "方法", "重写", ",", "以", "保证", "相同", "的", "对象", "返回", "相同", "的", "hash", "值", ",", "不同", "的", "对象", "返回", "不同", "的", "hash", "值", "。"], ["如", "上面", "的", "学生", "例子", ",", "如果", "学号", "相同", ",", "不管", "姓名", "相", "不", "相同", ",", "返回", "的", "hash", "值", "一定要", "是", "一样", "的", ",", "这时", "我们", "的", "hash", "值", "只", "与", "学号", "有关", "。"], ["public", "class", "Test", "{", "public", "static", "void", "main", "(", "String", "[", "]", "args", ")", "{", "HashMap", "hm", "=", "new", "HashMap", "(", ")", ";", "hm", ".", "put", "(", "new", "key", "(", "1", ")", ",", "new", "value", "(", "2", ")", ")", ";", "if", "(", "hm", ".", "contains", "Key", "(", "new", "key", "(", "1", ")", ")", ")", "System", ".", "out", ".", "println", "(", "hm", ".", "get", "(", "new", "key", "(", "1", ")", ")", ")", ";", "else", "System", ".", "out", ".", "println", "(", "\"", "dont", "have", "such", "a", "key", "\"", ")", ";", "}", "}"], ["你", "每次", "new", "一", "个", "新", "对象", "出来", "hash", "code", "肯定", "不一样", ",", "所以", "你", "拿不到", "你", "要", "的", "key", "。"], ["class", "key", "{", "int", "i", ";", "public", "key", "(", "int", "i", ")", "{", "this", ".", "i", "=", "i", ";", "}", "@", "Override", "public", "boolean", "equals", "(", "Object", "obj", ")", "{", "if", "(", "obj", "instance", "of", "key", ")", "{", "if", "(", "(", "(", "key", ")", "obj", ")", ".", "i", "=", "=", "i", ")", "return", "true", ";", "}", "return", "false", ";", "}", "@", "Override", "public", "int", "hash", "Code", "(", ")", "{", "return", "i", ";", "}", "}"], ["1", "、", "重写", "equals", "方法", "时", "需要", "重写", "hash", "Code", "方法", ",", "主要", "是", "针对", "Map", "、", "Set", "等", "集合", "类型", "的", "使用", ";", "a", ":", "Map", "、", "Set", "等", "集合", "类型", "存放", "的", "对象", "必须", "是", "唯一", "的", ";", "b", ":", "集合", "类", "判断", "两", "个", "对象", "是否", "相等", ",", "是", "先", "判断", "equals", "是否", "相等", ",", "如果", "equals", "返回", "TRUE", ",", "还要", "再", "判断", "Hash", "Code", "返回值", "是否", "ture", ",", "只有", "两者", "都", "返回", "ture", ",", "才", "认为", "该", "两", "个", "对象", "是", "相等", "的", "。", "2", "、", "由于", "Object", "的", "hash", "Code", "返回", "的", "是", "对象", "的", "hash", "值", ",", "所以", "即使", "equals", "返回", "TRUE", ",", "集合", "也", "可能", "判定", "两", "个", "对象", "不等", ",", "所以", "必须", "重写", "hash", "Code", "方法", ",", "以", "保证", "当", "equals", "返回", "TRUE", "时", ",", "hash", "Code", "也", "返回", "Ture", ",", "这样", "才能", "使得", "集合", "中", "存放", "的", "对象", "唯一", "。", "Android", "知识库", "37778", "关注", "|", "3162", "收录", "React", "知识库", "3597", "关注", "|", "393", "收录", "人工智能", "基础", "知识", "库", "16685", "关注", "|", "212", "收录"], ["Java", "知识库", "35146", "关注", "|", "3748", "收录"], ["下", "说法", "有误", "!", "如果", "两", "个", "对象", "的", "hash", "Code", "值", "相同", ",", "我们", "应该", "认为", "这", "两", "个", "对象", "是", "同", "一", "个", "对象", "。", "正", "解", "如", "下", ":", "hash", "Code", "主要", "为", "散列表", "(", "如", "HashMap", ")", "提供支持", "。", "如果", "一", "个", "对象", "的", "equals", "没有", "被", "改写", ",", "那么", "在", "执行", "时", "无论", "调用", "多少", "次", "hash", "Code", "(", ")", "总是", "返回", "相同", "的", "值", "(", "对象", "的", "内部", "地址", "转化", "为", "该", "数值", ")", "。", "如果", "两", "个", "对象", "相等", "(", "equals", "相等", ")", ",", "那么", "对应", "的", "hash", "Code", "也", "相等", "。", "两", "个", "对象", "不", "相等", "(", "equals", "不", "相等", ")", ",", "其", "对应", "的", "hash", "Code", "也", "不", "相等", ",", "这种", "规范", "不是", "必须", "的", "(", "亦即", "两", "个", "对象", "不", "相等", ",", "其", "对应", "的", "hash", "Code", "可能", "相等", ")", "。", "延伸", "理解", ",", "hash", "Code", "相等", "的", "两", "个", "对象", "不一定", "相等", "(", "equals", "相等", ")", "。", "但是", "建议", "开发者", "遵守", "为", "两", "个", "不同", "对象", "返回", "不同", "的", "散列", "码", "的", "规范", "(", "比如", "重写", "时", ",", "但是", "Object", ".", "hash", "Code", "(", ")", "确实", "为", "不同", "的", "对象", "返回", "不同", "的", "hash", "Code", ")", ",", "这种", "可以", "提升", "hash", "tables", "的", "性能", "。", "特殊情况", ":", "并", "不一定", "每次", "执行", "hash", "Code", "(", ")", "方法", "都", "返回", "完全", "一样", "的", "值", "。", "(", "参考", "Java", "Doc", ")", "尽管", "不", "常见", ",", "但是", "确实", "有些", "Java", "库", "实际上", "在", "不同", "执行", "的", "过程", "中", "返回", "不同", "的", "hash", "Code", "值", ",", "如", "Google", "’", "s", "Protocol", "Buffers", "[", "size", "=", "medium", "]", "[", "/", "size", "]"]], "title": "为什么在重写了equals()方法之后也必须重写hashCode()方法 - - "}], "question": "为什么要重写hashcode和equals", "segmented_question": ["为什么", "要", "重写", "hash", "code", "和", "equals"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221611}
-{"documents": [{"bs_rank_pos": 1, "paragraphs": ["4300块 如果非得4000块以下,可以把显卡换成gtx 1050 950元"], "segmented_title": ["来", "一", "个", "详细", "的", "电脑配置", ",", "我需要", "直播", "H1Z1", ",", "谢谢", "!", "_", "百度", "知道"], "segmented_paragraphs": [["4300", "块", "如果", "非", "得", "4000", "块", "以下", ",", "可以", "把", "显卡", "换", "成", "gtx", "1050", "950", "元"]], "title": "来一个详细的电脑配置,我需要直播H1Z1,谢谢!_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["e3 1231 v3 1450+红海静音mini 50+技嘉b150主板 600 威刚16G 2133 750 显卡,索泰GTx750Ti 4G,800 金士顿 120G 固 350 航嘉450w 250 金河田中型机箱 150"], "segmented_title": ["来", "一", "个", "详细", "的", "电脑配置", ",", "我需要", "直播", "H1Z1", ",", "谢谢", "!", "_", "百度", "知道"], "segmented_paragraphs": [["e3", "1231", "v3", "1450", "+", "红海", "静音", "mini", "50", "+", "技嘉", "b", "150", "主板", "600", "威刚", "16G", "2133", "750", "显卡", ",", "索泰", "GTx", "750", "Ti", "4G", ",", "800", "金士顿", "120G", "固", "350", "航嘉", "450w", "250", "金河田", "中型", "机箱", "150"]], "title": "来一个详细的电脑配置,我需要直播H1Z1,谢谢!_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["h1z1需要的配置真的不高,如果你想买更好一点的话,看你资金问题"], "segmented_title": ["来", "一", "个", "详细", "的", "电脑配置", ",", "我需要", "直播", "H1Z1", ",", "谢谢", "!", "_", "百度", "知道"], "segmented_paragraphs": [["h1z1", "需要", "的", "配置", "真", "的", "不", "高", ",", "如果", "你", "想", "买", "更好", "一点", "的", "话", ",", "看", "你", "资金", "问题"]], "title": "来一个详细的电脑配置,我需要直播H1Z1,谢谢!_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["也要看你神马资金才行啊 那给你弄套几万的 , 就干嘛都行了"], "segmented_title": ["来", "一", "个", "详细", "的", "电脑配置", ",", "我需要", "直播", "H1Z1", ",", "谢谢", "!", "_", "百度", "知道"], "segmented_paragraphs": [["也", "要", "看", "你", "神马", "资金", "才", "行", "啊", "那", "给", "你", "弄", "套", "几", "万", "的", ",", "就", "干嘛", "都", "行", "了"]], "title": "来一个详细的电脑配置,我需要直播H1Z1,谢谢!_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["h1z1需要的配置不咋地 细说太麻烦了 现在立刻马上打开淘宝的任何一家电脑主机店 对客服说 我有7800块钱玩游戏啊不卡谢谢"], "segmented_title": ["来", "一", "个", "详细", "的", "电脑配置", ",", "我需要", "直播", "H1Z1", ",", "谢谢", "!", "_", "百度", "知道"], "segmented_paragraphs": [["h1z1", "需要", "的", "配置", "不咋地", "细", "说", "太麻烦", "了", "现在", "立刻", "马上", "打开", "淘宝", "的", "任何", "一", "家", "电脑", "主机", "店", "对", "客服", "说", "我", "有", "7800", "块", "钱", "玩游戏", "啊", "不", "卡", "谢谢"]], "title": "来一个详细的电脑配置,我需要直播H1Z1,谢谢!_百度知道"}], "question": "直播h1z1需要什么配置", "segmented_question": ["直播", "h1z1", "需要", "什么", "配置"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221612}
-{"documents": [{"title": "饮用葡萄酒的室温通常指的是什么_百度知道", "segmented_title": ["饮用", "葡萄酒", "的", "室温", "通常", "指", "的", "是", "什么", "_", "百度", "知道"], "segmented_paragraphs": [["应该", "是", "葡萄酒", "建议", "饮用", "温度", "吧", "。", "干红", "的", "话", "一般", "在", "16", "到", "22", "度", "左右", "吧"]], "paragraphs": ["应该是葡萄酒建议饮用温度吧。干红的话一般在16到22度左右吧"], "bs_rank_pos": 0}, {"title": "葡萄酒初级试题1_百度文库", "segmented_title": ["葡萄酒", "初级", "试题", "1", "_", "百度", "文库"], "segmented_paragraphs": [["暂无", "评价", "|", "0", "人", "阅读", "|", "0", "次", "下载", "|", "举报", "文档"], ["葡萄酒", "初级", "试题", "1", "_", "从业资格考试", "_", "资格考试", "/", "认证", "_", "教育", "专区", "。", "00"], ["葡萄酒", "试题", "(", "初级", ")", "一", "、", "单项", "选择题", ":", "1", "、", "下列", "哪些", "酒", "属于", "加强型", "葡萄酒", "?", "A", "、", "雪莉酒", "B", "、", "贵腐", "酒", "C", "、", "白兰地", "D", "、", "冰酒", "2", "、", "下列", "哪", "一", "组", "完全", "属于", "酿造", "红葡萄酒", "的", "品种", "?", "A", "、", "霞多丽", "、", "赤霞珠", "、", "梅洛", "、", "品丽珠", "B", "、", "赤霞珠", "、", "品丽珠", "、", "梅洛", "、", "黑比诺", "C", "、", "雷司令", "、", "龙眼", "、", "天", "帕尼", "洛", "、", "圣祖", "维", "赛", "D", "、", "品丽珠", "、", "蛇龙珠", "、", "长相思", "、", "赤霞珠", "3", "、", "下面", "哪", "一项", "完全", "属于", "新世界", "葡萄酒", "国家", "?", "A", "、", "新西兰", "、", "奥地利", "、", "美国", "、", "中国", "B", "、", "西班牙", "、", "葡萄牙", "、", "匈牙利", "、", "牙买加", "C", "、", "新西兰", "、", "阿根廷", "、", "澳大利亚", "、", "法国", "D", "、", "中国", "、", "智利", "、", "美国", "、", "新西兰", "4", "、", "波尔多", "著名", "的", "1855", "年", "分级", "中", ",", "以下", "位", "列", "当时", "一", "级", "庄", "的", "酒庄", "?"], ["A", "、", "拉菲", "庄园", "、", "拉", "图", "庄园", "、", "木桐", "嘉", "棣", "、", "玛", "歌", "庄园", "B", "、", "木桐", "庄园", "、", "拉菲", "庄园", "、", "玛", "歌", "庄园", "、", "奥颂", "庄园", "C", "、", "拉", "图", "庄园", "、", "玛", "歌", "庄园", "、", "拉菲", "庄园", "、", "奥比昂", "庄园", "D", "、", "白马", "庄园", "、", "帕图斯", "庄园", "、", "玛", "歌", "庄园", "、", "拉菲", "庄园", "5", "、", "法定", "波尔多", "左岸", "葡萄", "品种", "的", "?"], ["A", "、", "赤霞珠", "、", "加", "本", "力", "苏", "维", "翁", "、", "梅洛", "、", "品丽珠", "B", "、", "梅洛", "、", "霞多丽", "、", "巴贝拉", "、", "赤霞珠", "C", "、", "赤霞珠", "、", "梅洛", "、", "品丽珠", "、", "小", "维度", "D", "、", "赤霞珠", "、", "黑皮诺", "、", "卡门", "、", "色拉子", "6", "、", "以下", "正确", "的", "意大利", "葡萄酒", "分级制度", "?"], ["A", "、", "VDP", "、", "VDT", "、", "AOP", "、", "AOC", "B", "、", "VDM", "、", "VDLA", "、", "DO", "、", "DOC", "C", "、", "VDT", "、", "IGT", "、", "DOC", "、", "DOCG", "D", "、", "VDT", "、", "VDP", "、", "VDQS", "、", "AOC", "7", "、", "普罗旺斯", "以", "哪", "种", "葡萄酒", "闻名", "?"], ["8", "、", "A", "、", "香槟", "B", "、", "桃红葡萄酒", "C", "、", "贵腐", "甜酒", "D", "、", "博若莱", "新", "酒", "8", "、", "只有", "哪个", "葡萄", "品种", "不能", "用来", "酿制", "世界上", "最", "著名", "的", "起泡", "酒", "—", "—", "香槟", "?"], ["A", "、", "黑皮诺", "B", "、", "皮诺", "莫尼耶", "C", "、", "霞多丽", "D", "、", "佳美", "10", "、", "下面", "哪一个", "系列", "产", "自", "澳大利亚", "?"], ["A", "、", "傲娃", "系列", "B", "、", "干", "露", "红魔鬼", "系列", "C", "、", "杰卡斯", "系列", "D", "、", "拉菲", "系列", "11", ".", "全世界", "大部分", "的", "葡萄酒", "种植", "区域", "主要", "位于", "以下", "哪里", "?"], ["12", ".", "A", ".", "南北纬", "30", "-", "50", "度", "B", ".", "赤道", "附近", "C", ".", "南北纬", "10", "-", "20", "度", "D", ".", "南北", "极", "地区", "12", ".", "下列", "哪个", "葡萄酒", "等级", "评估", "制度", "属于", "法国", "葡萄酒", "评级", "体系", "?", "A", ".", "DOCG", "B", ".", "DO", "C", ".", "AOC", "D", ".", "DOC", "13", ".", "葡萄酒", "挂杯", "的", "现象", "说明", "了", "下列", "哪", "种", "情况", "?", "A", ".", "糖分", "含量", "高", "B", ".", "酒精含量", "高", "C", ".", "单宁", "含量", "高", "D", ".", "矿物质", "含量", "高", "14", ".", "法国", "波尔多", "5", "大", "顶级", "名", "庄", "分别", "是", "指", "下列", "哪", "五", "个", "庄园", "?", "15", ".", "A", ".", "宝嘉龙", "庄园", ";", "力士", "金", "庄园", ";", "雄狮", "庄园", ";", "里", "鹏", "庄园", ";", "柏图斯", "庄园", "B", ".", "拉菲", "庄园", ";", "拉", "图", "庄园", ";", "玛", "歌", "庄园", ";", "木桐", "庄园", ";", "奥比", "良", "庄园", "C", ".", "法拉利", "庄园", ";", "龙船", "庄园", ";", "罗曼尼", "康帝", ";", "佳德美", "庄园", ";", "大宝", "庄园", "D", ".", "西施", "佳", "雅", ";", "靓茨伯", "庄园", ";", "玫瑰山庄", ";", "泰来", "斯", "红酒", "王", ";", "圣卡罗", "红酒", "王", "17", ".", "赛拉图", "(", "雅", "斯", "提", ")", "属于", "以下", "哪", "种", "葡萄酒", "?", "A", ".", "红", "葡萄酒", "B", ".", "白葡萄酒", "C", ".", "香槟", "D", ".", "起泡", "酒", "20", ".", "木桐", "酒庄", "2000", "年份", "选用", "了", "下列", "哪", "种", "动物", "作为", "酒", "标", "?"], ["A", ".", "孔雀", "B", ".", "白色", "老虎", "C", ".", "金羊", "D", ".", "棕熊", "22", ".", "贵腐", "葡萄酒", "最", "著名", "的", "产地", "苏玳区", "属于", "下面", "哪个", "国家", "?", "(", "B", ")", "A", ".", "意大利", "B", ".", "法国", "C", ".", "德国", "D", ".", "匈牙利", "23", ".", "号称", "红葡萄", "皇后", "的", "葡萄", "品种", "是", "?", "(", "A", ")", "A", ".", "Pinot", "Noir", "B", ".", "Merlot", "C", ".", "Shiraz", "D", ".", "Cabernet", "Sauvignon", "24", ".", "饮用", "葡萄酒", "的", "室温", "通常", "指", "的", "是", "什么", "?", "(", "B", ")", "A", ".", "中国", "的", "室内温度", "B", ".", "原产地", "的", "温度", "C", ".", "美国", "的", "室内温度", "D", ".", "法国", "的", "室内温度", "26", ".", "适合", "新", "酒", "或者", "丰厚", "浓郁", "型", "的", "葡萄酒", "的", "醒酒器", "是", "下列", "哪", "种", "类型", "?", "(", "C", ")", "A", ".", "中", "肚", "长颈", "型", "B", ".", "短", "肚", "短", "颈", "带", "盖", "型", "C", ".", "大", "肚", "长颈", "型", "D", ".", "小", "肚", "短", "颈", "型", "27", ".", "处于", "已", "成熟期", "的", "红葡萄酒", "一般", "呈现", "的", "是", "什么", "颜色", "?"], ["12", ".", "葡萄酒", "通常", "有", "比较", "特殊", "的", "适", "饮", "温度", ",", "白葡萄酒", "应", "为", "7", "-", "10", "℃", ",", "红葡萄酒", "应", "为", "10", "-", "13", "℃", "。", "13", ".", "在", "葡萄酒", "世界", "里", ",", "旧", "世界", "指", "的", "是", "法国", "、", "意大利", "、", "德国", "、", "葡萄牙", "、", "西班牙", "、", "匈牙利", "等", ",", "新世界", "指", "的", "是", "澳洲", "、", "美国", "、", "新西兰", "、", "智利", "、", "南非", "、", "阿根廷", "等", "。", "14", ".", "法国", "葡萄酒", "的", "评级", "由", "高", "到", "低", "分别", "是", "AOC", "VDQS", "VDP", "VDT", "15", ".", "红", "葡萄酒", "的", "颜色", "来自", "于", "紫", "黑", "色", "的", "葡萄", "皮", ",", "葡萄", "皮", "对", "葡萄酒", "的", "品质", "影响", "非", "常", "大", ",", "葡萄", "皮", "中", "含有", "大量", "的", "单宁", "是", "构成", "葡萄酒", "结构", "的", "主要", "因素", ",", "用于", "酿造", "白", "葡萄酒", "的", "葡萄", "一般", "都是", "白葡萄", ",", "但", "少数", "红", "葡萄", "品种", "例如", "灰", "贝", "露", "酿造", "白葡萄酒", "的", "时候", "是", "榨汁", "发酵", "的", ",", "因为", "去皮", "发酵", ",", "所以", "白葡萄酒", "是", "不", "含有", "单宁", "的", "。"], ["17", ".", "请", "分别", "写出", "下列", "葡萄酒", "英文", "名词", "的", "相", "对应", "中文", ":", "Red", "wine", "红葡萄酒", "、", "Pink", "wine", "粉红", "葡萄酒", "、", "Blanc", "wine", "白葡萄酒", "、", "Ice", "wine", "冰酒", "、", "Champagne", "香槟", "、", "Sparkling", "wine", "起泡", "葡萄酒", "20", ".", "葡萄酒", "的", "酿造", "过程", "可以", "用", "个", "简单", "的", "公式", "来", "表达", ":", "酵母", "=", "酒精", "+", "二氧化碳", "+", "热量", "。"], ["果糖", "氧气", "21", ".", "葡萄酒", "的", "质量", "主要", "处决", "于", ":", "产地", "树龄", "年份", "采摘", "产量", "工艺", "。"], ["38", ".", "法国", "五大", "名", "庄", "之", "首", "的", "指", "的", "是", "拉菲", "庄园", "。", "39", ".", "动物", "型", "香气", "包括", "了", "皮革", ",", "皮毛", ",", "生肉", ",", "麝香", "等", "类型", "。"], ["40", ".", "用来", "酿酒", "的", "葡萄", "品种", "很多", ",", "和", "日常", "食用", "的", "葡萄", "有较大", "区别", "。", "酿制", "葡萄酒", "的", "葡", "萄", "皮", "厚", ",", "果肉", "少", ",", "汁", "多", ",", "颗粒", "小", ",", "基本", "不适合", "日常", "食用", "。", "43", ".", "从", "2011", "年", "开始", ",", "从", "法国", "灌装", "的", "葡萄酒", "开始", "启用", "新", "的", "评级", "标准", ",", "AOC", "修改", "为", "AOP", ";", "VDP", "修改", "为", "IGP", ";", "VDQS", "取消", ",", "取而代之", "的", "是", "不", "标注", "葡萄", "品种", "和", "年份", "的", "Vin", "de", "France", "葡萄酒", ",", "以便", "于", "消费者", "认知", ",", "最低", "级别", "统称", "为", "法国", "制造", "。", "44", ".", "法文", "中", "的", "chateau", "指", "的", "是", "城堡", "的", "意思", "。", "45", ".", "香槟", "地区", "主要", "使用", "三", "个", "葡萄", "品种", ",", "分别", "是", "雪", "当", "利", "诺", "。", "、", "黑皮诺", "和", "莫", "尼", "耶", "皮", "47", "."]], "paragraphs": ["暂无评价|0人阅读|0次下载|举报文档", "葡萄酒初级试题1_从业资格考试_资格考试/认证_教育专区。00", "葡萄酒试题(初级)一、单项选择题: 1、下列哪些酒属于加强型葡萄酒? A、雪莉酒 B、贵腐酒 C、白兰地 D、冰酒 2、下列哪一组完全属于酿造红葡萄酒的品种? A、霞多丽、赤霞珠、梅洛、品丽珠 B、赤霞珠、品丽珠、梅洛、黑比诺 C、雷司令、龙眼、天帕尼洛、圣祖维赛 D、品丽珠、蛇龙珠、长相思、赤霞珠 3、下面哪一项完全属于新世界葡萄酒国家? A、新西兰、奥地利、美国、中国 B、西班牙、葡萄牙、匈牙利、牙买加 C、新西兰、阿根廷、澳大利亚、法国 D、中国、智利、美国、新西兰 4、波尔多著名的 1855 年分级中,以下位列当时一级庄的酒庄?", "A、拉菲庄园、拉图庄园、木桐嘉棣、玛歌庄园 B、木桐庄园、拉菲庄园、玛歌庄园、奥颂庄园 C、拉图庄园、玛歌庄园、拉菲庄园、奥比昂庄园 D、白马庄园、帕图斯庄园、玛歌庄园、拉菲庄园 5、法定波尔多左岸葡萄品种的?", "A、赤霞珠、加本力苏维翁、梅洛、品丽珠 B、梅洛、霞多丽、巴贝拉、赤霞珠 C、赤霞珠、梅洛、品丽珠、小维度 D、赤霞珠、黑皮诺、卡门、色拉子 6、以下正确的意大利葡萄酒分级制度?", "A、VDP、VDT、AOP、AOC B、VDM、VDLA、DO、DOC C、VDT、IGT、DOC、DOCG D、VDT、VDP、VDQS、AOC 7、普罗旺斯以哪种葡萄酒闻名?", "8、A、香槟 B、桃红葡萄酒 C、贵腐甜酒 D、博若莱新酒 8、 只有哪个葡萄品种不能用来酿制世界上最著名的起泡酒——香槟?", "A、黑皮诺 B、皮诺莫尼耶 C、霞多丽 D、佳美 10、下面哪一个系列产自澳大利亚?", "A、傲娃系列 B、干露红魔鬼系列 C、杰卡斯系列 D、拉菲系列 11.全世界大部分的葡萄酒种植区域主要位于以下哪里?", "12.A.南北纬 30-50 度 B.赤道附近 C.南北纬 10-20 度 D.南北极地区 12.下列哪个葡萄酒等级评估制度属于法国葡萄酒评级体系? A.DOCG B.DO C.AOC D.DOC 13.葡萄酒挂杯的现象说明了下列哪种情况? A.糖分含量高 B.酒精含量高 C.单宁含量高 D.矿物质含量高 14.法国波尔多 5 大顶级名庄分别是指下列哪五个庄园? 15.A.宝嘉龙庄园;力士金庄园;雄狮庄园;里鹏庄园;柏图斯庄园 B.拉菲庄园;拉图庄园;玛歌庄园;木桐庄园;奥比良庄园 C.法拉利庄园;龙船庄园;罗曼尼康帝;佳德美庄园;大宝庄园 D.西施佳雅;靓茨伯庄园;玫瑰山庄;泰来斯红酒王;圣卡罗红酒王 17.赛拉图(雅斯提)属于以下哪种葡萄酒? A.红葡萄酒 B.白葡萄酒 C.香槟 D.起泡酒 20.木桐酒庄 2000 年份选用了下列哪种动物作为酒标?", "A.孔雀 B.白色老虎 C.金羊 D.棕熊 22.贵腐葡萄酒最著名的产地苏玳区属于下面哪个国家?(B) A.意大利 B.法国 C.德国 D.匈牙利 23.号称红葡萄皇后的葡萄品种是?(A) A.Pinot Noir B.Merlot C.Shiraz D.Cabernet Sauvignon 24.饮用葡萄酒的室温通常指的是什么?(B) A.中国的室内温度 B.原产地的温度 C.美国的室内温度 D.法国的室内温度 26.适合新酒或者丰厚浓郁型的葡萄酒的醒酒器是下列哪种类型?(C) A.中肚长颈型 B.短肚短颈带盖型 C.大肚长颈型 D.小肚短颈型 27.处于已成熟期的红葡萄酒一般呈现的是什么颜色?", "12.葡萄酒通常有比较特殊的适饮温度,白葡萄酒应为 7-10 ℃,红葡萄酒应为 10-13 ℃。 13.在葡萄酒世界里,旧世界指的是 法国、意大利、德国、葡萄牙、西班牙、 匈牙利 等,新世界指的是 澳洲、美国、新西兰、智利、南非、阿根廷等。 14.法国葡萄酒的评级由高到低分别是 AOC VDQS VDP VDT 15.红葡萄酒的颜色来自于 紫黑 色的葡萄皮,葡萄皮对葡萄酒的 品质 影响非 常大,葡萄皮中含有大量的 单宁 是构成葡萄酒结构的主要因素,用于酿造白 葡萄酒的葡萄一般都是 白葡萄,但少数红葡萄品种例如 灰贝露 酿造白葡萄酒 的时候是榨汁发酵的,因为 去皮 发酵,所以白葡萄酒是不含有 单宁 的。", "17.请分别写出下列葡萄酒英文名词的相对应中文: Red wine 红葡萄酒、 Pink wine 粉红葡萄酒、Blanc wine 白葡萄酒、Ice wine 冰酒、Champagne 香槟、Sparkling wine 起泡葡萄酒 20.葡萄酒的酿造过程可以用个简单的公式来表达:酵母 =酒精+二氧化碳+热量。", "果糖 氧气 21.葡萄酒的质量主要处决于:产地 树龄 年份 采摘 产量 工艺。", "38. 法国五大名庄之首的指的是 拉菲 庄园。 39. 动物型香气包括了皮革,皮毛,生肉,麝香 等类型。", "40. 用来酿酒的葡萄品种很多,和日常食用的葡萄有较大区别。酿制葡萄酒的葡 萄皮厚,果肉少,汁多,颗粒小 ,基本不适合日常食用。 43. 从 2011 年开始,从法国灌装的葡萄酒开始启用新的评级标准,AOC 修改为 AOP ;VDP 修改为 IGP ;VDQS 取消,取而代之的是不标注 葡萄品种 和 年份 的 Vin de France 葡萄酒,以便于消费者认知,最低级别统称为法国制造。 44. 法文中的 chateau 指的是城堡的意思。 45. 香槟地区主要使用三个葡萄品种,分别是 雪当利 诺。 、黑皮诺 和 莫尼耶皮 47."], "bs_rank_pos": 1}, {"title": "葡萄酒试题_百度文库", "segmented_title": ["葡萄酒", "试题", "_", "百度", "文库"], "segmented_paragraphs": [["暂无", "评价", "|", "0", "人", "阅读", "|", "0", "次", "下载", "|", "举报", "文档"], ["笑话大全", "爆笑", "版", "幽默", "笑话大全", "全球", "冷笑话", "精选", "999", "感冒", "灵", "市场", "营销", "方案"], ["999", "感冒", "灵", "市场", "营销", "方案", "汽车", "品牌", "的", "足球", "世界杯", "营销", "网络营销", "部", "电商", "运营", "工作计划"]], "paragraphs": ["暂无评价|0人阅读|0次下载|举报文档", "笑话大全爆笑版 幽默笑话大全 全球冷笑话精选 999感冒灵市场营销方案", "999感冒灵市场营销方案 汽车品牌的足球世界杯营销 网络营销部电商运营工作计划"], "bs_rank_pos": 2}, {"title": "《开瓶温度》常说红葡萄酒室温下饮用,但室温一般是指15到18度,? - ", "segmented_title": ["《", "开", "瓶", "温度", "》", "常", "说", "红葡萄酒", "室温", "下", "饮用", ",", "但", "室温", "一般", "是", "指", "15", "到", "18", "度", ",", "?", "-"], "segmented_paragraphs": [["红葡萄酒", "放入", "冰箱", "后", ",", "经过", "1", "小时", ",", "酒", "温", "便", "会", "下降", "10C", ",", "一般", "只要", "将", "红葡萄酒", "放入", "冰箱", "1", "小时", ",", "酒", "温", "就会", "降", "至", "20C", "以下", "。", "假如", "忘记", "了", "红葡萄酒", "在", "电", "冰箱"], ["放", "了", "多久", ",", "也", "不用", "担心", ",", "只要", "将", "红葡萄酒", "取出", ",", "开启", "并", "倒入", "杯", "中", ",", "隔", "30", "分钟", "左右", ",", "该", "红", "葡萄酒", "的", "温度", "便", "约", "为", "20C", ",", "即", "我们", "所", "指", "的", "“", "室温", "”", "。"], ["室温", "要", "高", "一些", ",", "18", "-", "22", "摄氏度", "!", "对于", "年轻", "或", "差", "一些", "的", "红酒", "可以", "考虑", "稍", "作", "冰镇", ",", "越好", "的", "酒", "则", "饮用", "温度", "越", "高", "!"], ["《", "开", "瓶", "温度", "》", "常", "说", "红葡萄酒", "室温", "下", "饮用", ",", "但", "室", ".", ".", ".", "帝", "可", "古堡", "长相思", "干白葡萄酒", "多少", "钱"], ["一般", "十分钟", "即可", ",", "不过", "不", "建议", "进", "冰箱", ",", "使用", "冰桶", "更好", "控制", "。"], ["生活常识", "相关知识"], ["确定", "举报", "此", "问题"], ["报告", ",", "这", "不是", "个", "问题"], ["这", "不是", "个", "问题", "这个问题", "分类", "似乎", "错", "了", "这个", "不是", "我", "熟悉", "的", "地区"], ["祁门红茶", "的", "贮存", "有", "什么", "技巧", "?", "应", "怎样", "进行", "祁门红茶", "的", "鉴赏", "?", "祁门红茶", "有", "哪些", "保健功效", "?", "应", "怎样", "进", "行政", "和", "工夫茶", "的", "鉴赏", "?", "我", "国", "黄茶", "主要", "有", "什么", "样", "的", "特质", "?", "政和", "工夫茶", "有", "哪些", "保健功效", "?", "君山银针", "茶", "有", "什么", "特点", "?", "祁门红茶", "有", "什么", "特征", "?", "政和", "工夫", "茶", "有", "什么", "特点", "?", "政和", "工夫", "茶", "的", "贮存", "方法", "是", "什么", "?", "白", "咖啡", "的", "好处", "辅食", "胡萝卜", "汁", "喝咖啡", "后", "运动", "苏打水", "加", "柠檬", "开", "奶茶", "的", "作用"]], "paragraphs": ["红葡萄酒放入冰箱后,经过1小时,酒温便会下降10 C,一般只要将红葡萄酒放入冰箱1小时,酒温就会降至20 C以下。假如忘记了红葡萄酒在电冰箱", "放了多久,也不用担心,只要将红葡萄酒取出,开启并倒入杯中,隔30分钟左右,该红葡萄酒的温度便约为20 C,即我们所指的“室温”。", "室温要高一些,18-22摄氏度!对于年轻或差一些的红酒可以考虑稍作冰镇,越好的酒则饮用温度越高!", "《开瓶温度》常说红葡萄酒室温下饮用,但室... 帝可古堡长相思干白葡萄酒多少钱", "一般十分钟即可,不过不建议进冰箱,使用冰桶更好控制。", "生活常识相关知识", "确定举报此问题", "报告,这不是个问题", "这不是个问题  这个问题分类似乎错了  这个不是我熟悉的地区", "祁门红茶的贮存有什么技巧? 应怎样进行祁门红茶的鉴赏? 祁门红茶有哪些保健功效? 应怎样进行政和工夫茶的鉴赏? 我国黄茶主要有什么样的特质? 政和工夫茶有哪些保健功效? 君山银针茶有什么特点? 祁门红茶有什么特征? 政和工夫茶有什么特点? 政和工夫茶的贮存方法是什么? 白咖啡的好处 辅食胡萝卜汁 喝咖啡后运动 苏打水加柠檬 开奶茶的作用"], "bs_rank_pos": 3}, {"title": "酒类知识竞赛葡萄酒/红酒知识单项选择题每日一练(2016.01.28)_考试", "segmented_title": ["酒类", "知识竞赛", "葡萄酒", "/", "红酒", "知识", "单项", "选择题", "每日", "一", "练", "(", "2016", ".", "01", ".", "28", ")", "_", "考试"], "segmented_paragraphs": [["A", ".", "温斯顿", "丘吉尔", "(", "Winston", "Churchill", ")", "B", ".", "古罗马", "政治家", "西塞隆", "(", "Ciceron", ")", "C", ".", "夏尔", "戴高乐", "(", "Charles", "de", "Gaulle", ")"], ["A", ".", "摩西", "(", "Moise", ")", "B", ".", "所罗门", "(", "Salomon", ")", "C", ".", "诺亚", "(", "Noe", ")"], ["A", ".", "中国", "的", "室内温度", "B", ".", "原产地", "的", "温度", "C", ".", "美国", "的", "室内温度", "D", ".", "法国", "的", "室内温度"], ["酒类", "知识竞赛", "单项", "选择题", "每日", "一", "练", "类型", ":", "每日", "一", "练", "2017", "-", "06", "-", "11"], ["酒类", "知识竞赛", "单项", "选择题", "每日", "一", "练", "类型", ":", "每日", "一", "练", "2017", "-", "06", "-", "12"], ["酒类", "知识竞赛", "单项", "选择题", "每日", "一", "练", "类型", ":", "每日", "一", "练", "2017", "-", "02", "-", "21"], ["酒类", "知识竞赛", "单项", "选择题", "每日", "一", "练", "类型", ":", "每日", "一", "练", "2017", "-", "06", "-", "03"], ["酒类", "知识竞赛", "单项", "选择题", "每日", "一", "练", "类型", ":", "每日", "一", "练", "2017", "-", "02", "-", "16"], ["酒类", "知识竞赛", "单项", "选择题", "每日", "一", "练", "类型", ":", "每日", "一", "练", "2017", "-", "06", "-", "09"], ["酒类", "知识竞赛", "单项", "选择题", "每日", "一", "练", "类型", ":", "每日", "一", "练", "2017", "-", "06", "-", "08"], ["酒类", "知识竞赛", "单项", "选择题", "每日", "一", "练", "类型", ":", "每日", "一", "练", "2017", "-", "02", "-", "10"], ["酒类", "知识竞赛", "章节", "练习", "(", "2017", "-", "06", "-", "11", ")", "类型", ":", "章节", "练习", "2017", "-", "06", "-", "11"], ["酒类", "知识竞赛", "章节", "练习", "(", "2017", "-", "06", "-", "13", ")", "类型", ":", "章节", "练习", "2017", "-", "06", "-", "13"], ["酒类", "知识竞赛", "章节", "练习", "(", "2017", "-", "06", "-", "12", ")", "类型", ":", "章节", "练习", "2017", "-", "06", "-", "12"], ["酒类", "知识竞赛", "章节", "练习", "(", "2017", "-", "02", "-", "21", ")", "类型", ":", "章节", "练习", "2017", "-", "02", "-", "21"], ["酒类", "知识竞赛", "章节", "练习", "(", "2017", "-", "06", "-", "03", ")", "类型", ":", "章节", "练习", "2017", "-", "06", "-", "03"], ["酒类", "知识竞赛", "章节", "练习", "(", "2017", "-", "02", "-", "16", ")", "类型", ":", "章节", "练习", "2017", "-", "02", "-", "16"], ["酒类", "知识竞赛", "章节", "练习", "(", "2017", "-", "06", "-", "09", ")", "类型", ":", "章节", "练习", "2017", "-", "06", "-", "09"], ["酒类", "知识竞赛", "章节", "练习", "(", "2017", "-", "06", "-", "08", ")", "类型", ":", "章节", "练习", "2017", "-", "06", "-", "08"]], "paragraphs": ["A.温斯顿丘吉尔(WinstonChurchill) B.古罗马政治家西塞隆(Ciceron) C.夏尔戴高乐(CharlesdeGaulle)", "A.摩西(Moise) B.所罗门(Salomon) C.诺亚(Noe)", "A.中国的室内温度 B.原产地的温度 C.美国的室内温度 D.法国的室内温度", "酒类知识竞赛单项选择题每日一练 类型:每日一练2017-06-11", "酒类知识竞赛单项选择题每日一练 类型:每日一练2017-06-12", "酒类知识竞赛单项选择题每日一练 类型:每日一练2017-02-21", "酒类知识竞赛单项选择题每日一练 类型:每日一练2017-06-03", "酒类知识竞赛单项选择题每日一练 类型:每日一练2017-02-16", "酒类知识竞赛单项选择题每日一练 类型:每日一练2017-06-09", "酒类知识竞赛单项选择题每日一练 类型:每日一练2017-06-08", "酒类知识竞赛单项选择题每日一练 类型:每日一练2017-02-10", "酒类知识竞赛章节练习(2017-06-11) 类型:章节练习2017-06-11", "酒类知识竞赛章节练习(2017-06-13) 类型:章节练习2017-06-13", "酒类知识竞赛章节练习(2017-06-12) 类型:章节练习2017-06-12", "酒类知识竞赛章节练习(2017-02-21) 类型:章节练习2017-02-21", "酒类知识竞赛章节练习(2017-06-03) 类型:章节练习2017-06-03", "酒类知识竞赛章节练习(2017-02-16) 类型:章节练习2017-02-16", "酒类知识竞赛章节练习(2017-06-09) 类型:章节练习2017-06-09", "酒类知识竞赛章节练习(2017-06-08) 类型:章节练习2017-06-08"], "bs_rank_pos": 4}], "question": "饮用葡萄酒的室温通常指的是什么?", "segmented_question": ["饮用", "葡萄酒", "的", "室温", "通常", "指", "的", "是", "什么", "?"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221613}
-{"documents": [{"title": "dnf修炼房在哪及进入方法 伤害分析器DPS伤害统计查看方法_西西软件", "segmented_title": ["dnf", "修炼", "房", "在", "哪", "及", "进入", "方法", "伤害", "分析器", "DPS", "伤害", "统计", "查看", "方法", "_", "西西", "软件"], "segmented_paragraphs": [["首页", "→", "游戏资讯", "→", "玩家心得", "→", "dnf", "修炼", "房", "在", "哪", "及", "进入", "方法", "伤害", "分析器", "DPS", "伤害", "统计", "查看", "方法"], ["dnf", "修炼", "房", "是", "体验服", "最近更新", "的", "一", "个", "东东", ",", "玩家", "可以", "在", "dnf", "修炼", "房", "中", "练习", "各种", "技能", ",", "当然", "最", "重要", "的", "是", "dnf", "修炼", "房", "中", "还", "可以", "统计", "伤害", "测试", "哦", ",", "很多", "玩家", "都", "不知", "掉", "在", "哪里", "进入", "修炼", "房", ",", "下边", "西西", "来", "为你", "详细", "介绍", "!"], ["dnf", "修炼", "房", "在", "哪", "及", "进入", "方法", "?"], ["dnf", "修炼", "房", "在", "npc", "风", "振", "处", "进入", ",", "找到", "就", "可以", "了", "!"], ["功能", "详解", ":"], ["房间", "内", "可", "召唤", "怪物", ",", "用来", "练习", "技能", "及", "做", "伤害", "实验"], ["-", "通过", "风", "振", "进入房间"], ["-", "可", "召唤", "普通", "、", "异界", "、", "真", "远古", "的", "部分", "怪物"], ["-", "可", "通过", "目录", "及", "快捷键", "召唤", "或", "解除", "召唤"], ["-", "没", "击", "杀", "怪", "的", "情况", "下", ",", "也", "可随时", "返回", "城镇"], ["-", "房间", "内", "施放", "技能", "不", "消耗", "无色", "小", "晶", "块", ",", "也", "不", "消耗", "装备", "耐久度"], ["-", "房间", "内", ",", "可使用", "技能", "CD", "重置", "功能"], ["DPS", "统计"], ["点击", "面板", "右下角"], ["出现", "这样", "一", "个", "统计", "页面", ",", "从", "左", "往右", "分别", "是", ",", "使用", "次数", ",", "综合", "伤害", ",", "平均", "伤害", ",", "占", "自己", "总", "伤害", "的", "百分比", ",", "以及", "分享", "。"], ["08", "-", "03", "dnf", "疯狂拼图", "怎么", "玩", "疯狂拼图", "活动", "最全", "攻略", "08", "-", "02", "DNF", "月明", "之", "夏", "礼盒", "第", "三", "弹", "2013", "年", "礼包", "称号", "限时", "回归", "称号", "属性", "查看", "08", "-", "01", "DNF", "新增", "修炼", "道场", "伤害", "统计", "系统", "使用方法", "和", "功能", "作用", "图文", "介绍", "07", "-", "31", "DNF", "金魂属", "是", "什么", "可", "对", "狂战", "固伤", "职业", "提升", "超过", "40", "%", "伤害", "07", "-", "31", "DNF", "新版", "怪物", "攻城", "开启", "时间", "周五", "到", "周日", "3", "天", "开放", "07", "-", "31", "DNF", "2014", "国庆", "礼包", "什么时候", "出", "2014", "国庆", "礼包", "道具", "和", "时装", "07", "-", "31", "DNF", "仲夏夜", "手镯", "、", "项链", "、", "戒指", "属性", "和", "套装", "属性", "查看", "07", "-", "31", "DNF", "2014", "酷夏", "成长", "首饰", "礼包", "价格", ",", "奖励", "和", "首饰", "属性", "介绍", "07", "-", "31", "DNF", "75", "和", "80", "级", "职业", "史诗", "武器", "和", "首饰", "属性", "图片", "一览", "国服", "即将", "上线", "07", "-", "31", "dnf", "战争", "领主", "的", "零件", "获得", "方法", "及", "作用"], ["方舟", ":", "生存进化", "新手", "前期", "注意事项", "小技巧", "分享", "origin", "下载", "速度慢", "加速", "的", "方法", "魔物", "狩猎者", "兑换", "码", "怎么", "用", "?", "魔物", "狩猎者", "礼包", "码", "怎么", "兑换", "全民", "飞机", "大战", "钻石", "怎么", "得", "?", "全民", "飞机", "大战", "刷", "钻石", "方法", "腐烂国度", "收", "邻居", "方法", "详解"]], "paragraphs": ["首页 → 游戏资讯→ 玩家心得→ dnf修炼房在哪及进入方法 伤害分析器DPS伤害统计查看方法", "dnf修炼房是体验服最近更新的一个东东,玩家可以在dnf修炼房中练习各种技能,当然最重要的是dnf修炼房中还可以统计伤害测试哦,很多玩家都不知掉在哪里进入修炼房,下边西西来为你详细介绍!", "dnf修炼房在哪及进入方法?", "dnf修炼房在npc风振处进入,找到就可以了!", "功能详解:‍", "房间内可召唤怪物,用来练习技能及做伤害实验", "-通过风振进入房间", "-可召唤普通、异界、真远古的部分怪物", "-可通过目录及快捷键召唤或解除召唤", "-没击杀怪的情况下,也可随时返回城镇", "-房间内施放技能不消耗无色小晶块,也不消耗装备耐久度", "-房间内,可使用技能CD重置功能", "DPS统计", "点击面板右下角", "出现这样一个统计页面,从左往右分别是,使用次数,综合伤害,平均伤害,占自己总伤害的百分比,以及分享。", "08-03dnf疯狂拼图怎么玩 疯狂拼图活动最全攻略 08-02DNF月明之夏礼盒第三弹 2013年礼包称号限时回归称号属性查看 08-01DNF新增修炼道场伤害统计系统使用方法和功能作用图文介绍 07-31DNF金魂属是什么 可对狂战固伤职业提升超过40%伤害 07-31DNF新版怪物攻城开启时间 周五到周日3天开放 07-31DNF2014国庆礼包什么时候出 2014国庆礼包道具和时装 07-31DNF仲夏夜手镯、项链、戒指属性和套装属性查看 07-31DNF2014酷夏成长首饰礼包价格,奖励和首饰属性介绍 07-31DNF75和80级职业史诗武器和首饰属性图片一览 国服即将上线 07-31dnf战争领主的零件获得方法及作用", "方舟:生存进化新手前期注意事项 小技巧分享 origin下载速度慢加速的方法 魔物狩猎者兑换码怎么用?魔物狩猎者礼包码怎么兑换 全民飞机大战钻石怎么得?全民飞机大战刷钻石方法 腐烂国度收邻居方法详解"], "bs_rank_pos": 0}, {"title": "DNF怎么进到测试伤害的地方啊?_百度知道", "segmented_title": ["DNF", "怎么", "进", "到", "测试", "伤害", "的", "地方", "啊", "?", "_", "百度", "知道"], "segmented_paragraphs": [["去", "找", "风", "镇", ",", "然后", "点击", "对话", ",", "有", "个", "进入", "练习", "场地", "。", "进去", "之后", "就", "可以", "测试", "自己", "伤害", "了", "。", "望", "采纳", ",", "谢谢", "。"], ["点击", "风", "振", "就能", "去", "武道馆", "测试", "伤害"], ["找", "风", "振", "进", "修炼", "道场", ",", "或者", "按", "M", "有", "伤害", "分析"]], "paragraphs": ["去找风镇,然后点击对话,有个进入练习场地。进去之后就可以测试自己伤害了。望采纳,谢谢。", "点击风振 就能去武道馆测试伤害", "找风振进修炼道场,或者按M有伤害分析"], "bs_rank_pos": 1}, {"title": "dnf现在有个专门测伤害的地方,在哪啊_百度知道", "segmented_title": ["dnf", "现在", "有", "个", "专门", "测", "伤害", "的", "地方", ",", "在", "哪", "啊", "_", "百度", "知道"], "segmented_paragraphs": [["行", "会", "风", "振", "那"], ["按", "M", "看", "伤害", "分析"], ["有", "吗", "?", "我", "玩", "的", "没", "见"], ["点", "风", "振", "进", "道场"]], "paragraphs": ["行会风振那", "按M看伤害分析", "有吗?我玩的没见", "点风振 进道场"], "bs_rank_pos": 2}, {"title": "dnf测试伤害怎么看伤害_百度知道", "segmented_title": ["dnf", "测试", "伤害", "怎么看", "伤害", "_", "百度", "知道"], "segmented_paragraphs": [["去", "找", "风", "振", "进入", "测试", "场", "测试", "完", "之后", "打开", "状态栏", "M", "右", "下方", "有", "个", "伤害", "分析", "里面", "写", "得", "很", "清楚"]], "paragraphs": ["去找风振进入测试场 测试完之后打开状态栏M 右下方有个伤害分析 里面写得很清楚"], "bs_rank_pos": 3}, {"title": "那个新出的测试伤害的地方在哪??就是可以选择目标的那个!!-地下城与", "segmented_title": ["那个", "新", "出", "的", "测试", "伤害", "的", "地方", "在", "哪", "?", "?", "就是", "可以", "选择", "目标", "的", "那个", "!", "!", "-", "地下城", "与"], "segmented_paragraphs": [["UID", "4446420", "帖子", "4337", "威望", "1", "多玩", "草", "60", "草"], ["游戏", "它", "就是", "游戏"], ["江苏", "六", "区", "欢迎", "来", "搞"], ["UID", "40335275", "帖子", "4174", "威望", "7", "多玩", "草", "1314", "草"], ["风", "振", "不要", "谢", "我"], ["这", "屎", "味道", "不对"], ["UID", "45497683", "帖子", "37750", "威望", "10", "多玩", "草", "937", "草"], ["去", "找", "风", "振"], ["我", "还以为", "是", "进", "决斗", "场"], ["UID", "46546354", "帖子", "277", "威望", "0", "多玩", "草", "100", "草"], ["有", "补丁", "的", "话", "点", "风", "振", "头顶"], ["您", "需要", "登录", "后", "才", "可以", "回帖", "登录", "|", "注册"]], "paragraphs": ["UID 4446420 帖子 4337 威望 1 多玩草 60 草", "游戏它就是游戏", "江苏六区 欢迎来搞", "UID 40335275 帖子 4174 威望 7  多玩草 1314 草", "风振 不要谢我", "这屎味道不对", "UID 45497683 帖子 37750 威望 10 多玩草 937 草", "去找风振", "我还以为是进决斗场", "UID 46546354 帖子 277 威望 0  多玩草 100 草", "有补丁的话点风振头顶", "您需要登录后才可以回帖 登录 | 注册"], "bs_rank_pos": 4}], "question": "dnf测试伤害在哪", "segmented_question": ["dnf", "测试", "伤害", "在", "哪"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221614}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": [" 办理结婚证中一方或者双方为集体户口的,如何进行结婚登记?结婚登记当天,携带身份证和常住人口登记卡在任意户籍所在地办理登记都可以。民政局登记时需要带齐:双方身份证原件、集体户口卡。", "最近更新:2017-06-08", "相关专题", " 【北京-朝阳区】", " 易轶律师,知名婚姻法专家,北京家理律师事务所首席合伙人、主任。全国妇联公益律师、中央电视台《法律讲堂》主讲律师、北京电视台《第三调解室》特邀专家、律协...详细>>", "热门专题推荐", "根据您的需求选择服务", "用户行为分析:用户进行阅读文章后咨询律师用户与律师的沟通效率可提35.7% !", "全国婚姻家庭律师查找"], "segmented_title": ["集体户口", "怎么", "领", "结婚证", "-", "华", "律", "网", "专题"], "segmented_paragraphs": [["办理", "结婚证", "中", "一方", "或者", "双方", "为", "集体户口", "的", ",", "如何", "进行", "结婚登记", "?", "结婚登记", "当天", ",", "携带", "身份证", "和", "常住人口", "登记卡", "在", "任意", "户籍所在地", "办理", "登记", "都", "可以", "。", "民政局", "登记", "时", "需要", "带", "齐", ":", "双方", "身份证", "原件", "、", "集体户口", "卡", "。"], ["最近更新", ":", "2017", "-", "06", "-", "08"], ["相关", "专题"], ["【", "北京", "-", "朝阳区", "】"], ["易轶", "律师", ",", "知名", "婚姻法", "专家", ",", "北京", "家", "理", "律师事务所", "首席", "合伙人", "、", "主任", "。", "全国妇联", "公益", "律师", "、", "中央电视台", "《", "法律讲堂", "》", "主讲", "律师", "、", "北京电视台", "《", "第", "三", "调解", "室", "》", "特邀专家", "、", "律协", ".", ".", ".", "详细", ">", ">"], ["热门专题推荐"], ["根据", "您", "的", "需求", "选择", "服务"], ["用户", "行为", "分析", ":", "用户", "进行", "阅读文章", "后", "咨询", "律师", "用户", "与", "律师", "的", "沟通", "效率", "可", "提", "35", ".", "7", "%", "!"], ["全国", "婚姻", "家庭", "律师", "查找"]], "title": "集体户口怎么领结婚证-华律网专题"}, {"bs_rank_pos": 1, "paragraphs": ["当事人属于集体户口的,婚姻登记机关可凭集体户口簿内本人的户口卡片或加盖单位印章的记载其户籍情况的户口簿复印件办理婚姻登记。 根据民政部《关于贯彻执行<婚姻登记条例>若干问题的意见》(民函[2004]76号)有关规定: 二、关于户口簿问题 当事人无法出具居民户口簿的,婚姻登记机关可凭公安部门或有关户籍管理机构出具的加盖印章的户籍证明办理婚姻登记;当事人属于集体户口的,婚姻登记机关可凭集体户口簿内本人的户口卡片或加盖单位印章的记载其户籍情况的户口簿复印件办理婚姻登记。 当事人未办理落户手续的,户口迁出地或另一方当事人户口所在地的婚姻登记机关可凭公安部门或有关户籍管理机构出具的证明材料办理婚姻登记。 根据《婚姻登记条例》规定: 第四条 内地居民结婚,男女双方应当共同到一方当事人常住户口所在地的婚"], "segmented_title": ["集体户口", "领", "结婚证", "需要", "带", "什么", "证件", "_", "百度", "知道"], "segmented_paragraphs": [["当事人", "属于", "集体户口", "的", ",", "婚姻登记", "机关", "可", "凭", "集体户口", "簿", "内", "本人", "的", "户口", "卡片", "或", "加盖", "单位", "印章", "的", "记载", "其", "户籍", "情况", "的", "户口簿", "复印件", "办理", "婚姻登记", "。", "根据", "民政部", "《", "关于", "贯彻执行", "<", "婚姻登记条例", ">", "若干", "问题", "的", "意见", "》", "(", "民函", "[", "2004", "]", "76", "号", ")", "有关规定", ":", "二", "、", "关于", "户口簿", "问题", "当事人", "无法", "出具", "居民户口簿", "的", ",", "婚姻登记", "机关", "可", "凭", "公安部门", "或", "有关", "户籍管理", "机构", "出具", "的", "加盖", "印章", "的", "户籍证明", "办理", "婚姻登记", ";", "当事人", "属于", "集体户口", "的", ",", "婚姻登记", "机关", "可", "凭", "集体户口", "簿", "内", "本人", "的", "户口", "卡片", "或", "加盖", "单位", "印章", "的", "记载", "其", "户籍", "情况", "的", "户口簿", "复印件", "办理", "婚姻登记", "。", "当事人", "未", "办理", "落户", "手续", "的", ",", "户口", "迁出", "地", "或", "另", "一方", "当事人", "户口所在地", "的", "婚姻登记", "机关", "可", "凭", "公安部门", "或", "有关", "户籍管理", "机构", "出具", "的", "证明", "材料", "办理", "婚姻登记", "。", "根据", "《", "婚姻登记条例", "》", "规定", ":", "第四条", "内地", "居民", "结婚", ",", "男女", "双方", "应当", "共同", "到", "一方", "当事人", "常住", "户口所在地", "的", "婚"]], "title": "集体户口领结婚证需要带什么证件_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["准备证件:双方身份证原件、集体户口簿内的户口卡或者加盖单位印章的记载其户籍情况的户口簿复印件。 相关证明:出示有效的本人无配偶以及与对方当事人没有直系血亲和三代以内旁系血亲关系的签字声明。如果一方是港澳台居民还应提供有效通行证、经居住地公证机构公证的本人无配偶以及与对方当事人没有直系血亲和三代以内旁系血亲关系的声明。如果是一方是华侨还需出示有效护照、经中华人民共和国驻该国使(领)馆认证的本人无配偶以及与对方当事人没有直系血亲和三代以内旁系血亲关系的证明(或者中华人民共和国驻该国使(领)馆出具的本人无配偶以及与对方当事人没有直系血亲和三代以内旁系血亲关系的证明)。如果一方是外国人则需出示有效护照或其他有效的国际旅行证件、所在国公证机构或者有权机关出具的经中华人民共和国驻该国使"], "segmented_title": ["集体户口", "怎么", "领", "结婚证", "_", "百度", "知道"], "segmented_paragraphs": [["准备", "证件", ":", "双方", "身份证", "原件", "、", "集体户口", "簿", "内", "的", "户口卡", "或者", "加盖", "单位", "印章", "的", "记载", "其", "户籍", "情况", "的", "户口簿", "复印件", "。", "相关", "证明", ":", "出示", "有效", "的", "本人", "无", "配偶", "以及", "与", "对方", "当事人", "没有", "直系", "血亲", "和", "三", "代", "以内", "旁系", "血亲", "关系", "的", "签字", "声明", "。", "如果", "一方", "是", "港澳台", "居民", "还", "应", "提供", "有效", "通行证", "、", "经", "居住地", "公证", "机构", "公证", "的", "本人", "无", "配偶", "以及", "与", "对方", "当事人", "没有", "直系", "血亲", "和", "三", "代", "以内", "旁系", "血亲", "关系", "的", "声明", "。", "如果", "是", "一方", "是", "华侨", "还", "需", "出示", "有效", "护照", "、", "经", "中华人民共和国", "驻", "该国", "使", "(", "领", ")", "馆", "认证", "的", "本人", "无", "配偶", "以及", "与", "对方", "当事人", "没有", "直系", "血亲", "和", "三", "代", "以内", "旁系", "血亲", "关系", "的", "证明", "(", "或者", "中华人民共和国", "驻", "该国", "使", "(", "领", ")", "馆", "出具", "的", "本人", "无", "配偶", "以及", "与", "对方", "当事人", "没有", "直系", "血亲", "和", "三", "代", "以内", "旁系", "血亲", "关系", "的", "证明", ")", "。", "如果", "一方", "是", "外国人", "则", "需", "出示", "有效", "护照", "或", "其他", "有效", "的", "国际", "旅行", "证件", "、", "所在", "国", "公证", "机构", "或者", "有权", "机关", "出具", "的", "经", "中华人民共和国", "驻", "该", "国", "使"]], "title": "集体户口怎么领结婚证_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["准备证件:双方身份证原件、集体户口簿内的户口卡或者加盖单位印章的记载其户籍情况的户口簿复印件。"], "segmented_title": ["集体户口", "怎么", "领", "结婚证", "_", "百度", "知道"], "segmented_paragraphs": [["准备", "证件", ":", "双方", "身份证", "原件", "、", "集体户口", "簿", "内", "的", "户口卡", "或者", "加盖", "单位", "印章", "的", "记载", "其", "户籍", "情况", "的", "户口簿", "复印件", "。"]], "title": "集体户口怎么领结婚证_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["在双方集体户口所在地派出所办理户籍证明,再拿着双方身份证到双方任意户口所在地(老家)民政局领取结婚证,带三证张两人合照(也可以在民政局现场拍摄,要交钱),然后叫9块钱。一般领就结婚证很快,几分钟就好。 望采纳,祝你们两人幸福!"], "segmented_title": ["集体户口", "怎么", "领", "结婚证", "_", "百度", "知道"], "segmented_paragraphs": [["在", "双方", "集体户口", "所在地", "派出所", "办理", "户籍证明", ",", "再", "拿着", "双方", "身份证", "到", "双方", "任意", "户口所在地", "(", "老家", ")", "民政局", "领取", "结婚证", ",", "带", "三证", "张", "两人", "合照", "(", "也", "可以", "在", "民政局", "现场", "拍摄", ",", "要", "交钱", ")", ",", "然后", "叫", "9", "块", "钱", "。", "一般", "领", "就", "结婚证", "很快", ",", "几分钟", "就好", "。", "望", "采纳", ",", "祝", "你们", "两人", "幸福", "!"]], "title": "集体户口怎么领结婚证_百度知道"}], "question": "集体户口怎么领结婚证", "segmented_question": ["集体户口", "怎么", "领", "结婚证"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221615}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["题目好像没写正确。应该是: 【下面两个是公式】"], "segmented_title": ["x", "^", "【", "1", "/", "ln", "(", "x", "+", "1", ")", "】", "=", "lnx", "/", "eln", "(", "x", "+", "1", ")", "为什么", "啊", "?", "_", "百度", "知道"], "segmented_paragraphs": [["题目", "好像", "没", "写", "正确", "。", "应该", "是", ":", "【", "下面", "两", "个", "是", "公式", "】"]], "title": "x^【1/ln(x+1)】=lnx/eln(x+1) 为什么啊?_百度知道"}, {"bs_rank_pos": 6, "paragraphs": [" 用阿里巴巴客户端扫码 ", " 手机下单享受额外优惠 ", " 手机下单更便宜 ", " 申请已发出!", " 品牌 MEAN WELL/明纬 型号 ELN-30-5D 输出电流 0-5(A)  输入电压 90-264VAC,127-370VDC(V) 输出电压 5(V) 输出功率 25(W)  频率范围 50/60(HZ) 产品认证 CE 加工定制 否 适用范围 照明 电源名称 ELN-30-5D 调光模式2 PWM控制 尺寸 145x47x30MM 调光模式1 1.1~10VDC调光 ", " MEANWELL明纬企业股份有限公司成立于公元1982年,为台湾交换式开关电源供应器的领导品牌制造商之一,据权威数据统计台湾明纬MW电源在工控行业多年处于领导地位。我们的产品线包含交流,直流交换式电源供应器(AC-DC开关电源)、直流,直流转换器(DC-DC开关电源)、直流,交流变流器与电池充电器(DC-AC开关电源,亦称逆变器)。", "台湾明纬开关电源是国际一流的标准电源制造商,开拓了电源标准化制造的新时代.目前有几百个品种四千余种量产机型、通过各种国际安规认证、实惠的价格,从此电源无需定制.产品涵盖AC-DC开关电源,DC-DC开关电源.DC-AC开关电源,功率可达6000瓦。包括传统有外壳开关电源、裸板开关电源、导轨安装电源、防水电源、楼宇安防专用电源、充电器、各种形式的DCDC转换电源、各种逆变电源。模组型电源、可并联电源、医用电源、电源适配器、19英寸机架电源、冗余电源等等。对应新能源的发展趋势,正在大力研发推广LED照明用电源、太阳能电源,抢占世界电源技术制高点。", " 共条 ", " 共条 ", " 内容声明:阿里巴巴中国站为第三方交易平台及互联网信息服务提供者,阿里巴巴中国站(含网站、客户端等)所展示的商品/服务的标题、价格、详情等信息内容系由店铺经营者发布,其真实性、准确性和合法性均由店铺经营者负责。阿里巴巴提醒您购买商品/服务前注意谨慎核实,如您对商品/服务的标题、价格、详情等任何信息有任何疑问的,请在购买前通过阿里旺旺与店铺经营者沟通确认;阿里巴巴中国站存在海量店铺,如您发现店铺内有任何违法/侵权信息,请立即向阿里巴巴举报并提供有效线索。"], "segmented_title": ["开关电源", "_", "明纬", "电源", "ELN", "-", "30", "-", "5D", "开关电源", "5V", "30W", "1", ".", "1", "~", "10V", "DC", "调光", "-"], "segmented_paragraphs": [["用", "阿里巴巴", "客户端", "扫", "码"], ["手机", "下单", "享受", "额外", "优惠"], ["手机", "下单", "更便宜"], ["申请", "已", "发出", "!"], ["品牌", "MEAN", "WELL", "/", "明纬", "型号", "ELN", "-", "30", "-", "5D", "输出电流", "0", "-", "5", "(", "A", ")", "输入电压", "90", "-", "264", "VAC", ",", "127", "-", "370", "VDC", "(", "V", ")", "输出电压", "5", "(", "V", ")", "输出功率", "25", "(", "W", ")", "频率", "范围", "50", "/", "60", "(", "HZ", ")", "产品认证", "CE", "加工", "定制", "否", "适用范围", "照明", "电源", "名称", "ELN", "-", "30", "-", "5D", "调光", "模式", "2", "PWM", "控制", "尺寸", "145x", "47", "x", "30", "MM", "调光", "模式", "1", "1", ".", "1", "~", "10V", "DC", "调光"], ["MEANWELL", "明纬", "企业", "股份有限公司", "成立", "于", "公元", "1982", "年", ",", "为", "台湾", "交换式", "开关电源", "供应", "器", "的", "领导", "品牌", "制造商", "之", "一", ",", "据", "权威", "数据统计", "台湾", "明纬", "MW", "电源", "在", "工控", "行业", "多", "年", "处于", "领导", "地位", "。", "我们", "的", "产品线", "包含", "交流", ",", "直流", "交换式", "电源", "供应", "器", "(", "AC", "-", "DC", "开关电源", ")", "、", "直流", ",", "直流", "转换器", "(", "DC", "-", "DC", "开关电源", ")", "、", "直流", ",", "交流", "变流器", "与", "电池充电器", "(", "DC", "-", "AC", "开关电源", ",", "亦称", "逆变器", ")", "。"], ["台湾", "明纬", "开关电源", "是", "国际一流", "的", "标准", "电源", "制造商", ",", "开拓", "了", "电源", "标准化", "制造", "的", "新时代", ".", "目前", "有", "几百个", "品种", "四", "千", "余", "种", "量产", "机型", "、", "通过", "各种", "国际", "安规认证", "、", "实惠", "的", "价格", ",", "从此", "电源", "无需", "定制", ".", "产品", "涵盖", "AC", "-", "DC", "开关电源", ",", "DC", "-", "DC", "开关电源", ".", "DC", "-", "AC", "开关电源", ",", "功率", "可达", "6000", "瓦", "。", "包括", "传统", "有", "外壳", "开关电源", "、", "裸板", "开关电源", "、", "导轨", "安装", "电源", "、", "防水", "电源", "、", "楼宇", "安防", "专用", "电源", "、", "充电器", "、", "各种形式", "的", "DCDC", "转换", "电源", "、", "各种", "逆变电源", "。", "模组", "型", "电源", "、", "可", "并联", "电源", "、", "医用", "电源", "、", "电源适配器", "、", "19", "英寸", "机架", "电源", "、", "冗余", "电源", "等等", "。", "对应", "新能源", "的", "发展趋势", ",", "正在", "大力", "研发", "推广", "LED", "照明", "用", "电源", "、", "太阳能", "电源", ",", "抢占", "世界", "电源", "技术", "制高点", "。"], ["共", "条"], ["共", "条"], ["内容", "声明", ":", "阿里巴巴", "中国", "站", "为", "第三方", "交易平台", "及", "互联网", "信息", "服务", "提供者", ",", "阿里巴巴", "中国", "站", "(", "含", "网站", "、", "客户端", "等", ")", "所", "展示", "的", "商品", "/", "服务", "的", "标题", "、", "价格", "、", "详情", "等", "信息内容", "系", "由", "店铺", "经营者", "发布", ",", "其", "真实性", "、", "准确性", "和", "合法性", "均", "由", "店铺", "经营者", "负责", "。", "阿里巴巴", "提醒", "您", "购买商品", "/", "服务", "前", "注意", "谨慎", "核实", ",", "如", "您", "对", "商品", "/", "服务", "的", "标题", "、", "价格", "、", "详情", "等", "任何", "信息", "有", "任何", "疑问", "的", ",", "请", "在", "购买", "前", "通过", "阿里旺旺", "与", "店铺", "经营者", "沟通", "确认", ";", "阿里巴巴", "中国", "站", "存在", "海量", "店铺", ",", "如", "您", "发现", "店铺", "内", "有", "任何", "违法", "/", "侵权", "信息", ",", "请", "立即", "向", "阿里巴巴", "举报", "并", "提供", "有效", "线索", "。"]], "title": "开关电源_明纬电源ELN-30-5D 开关电源5V 30W 1.1~10VDC调光 - "}, {"bs_rank_pos": 7, "paragraphs": ["最近在知乎和微博上经常有人问我如何开始学习Unity3D,在我看来,这样分为几个阶段: 初学者,先从Unity官网的视频开始看起,地址在此,跟着视频做出你的第一个游戏吧,所有的资源,代码在Asset Store都可以下载到。熟练者,关注Unity圣典和Unity User Manual… 显示全部 ", " 多图预警。 长文预警。 上一次更新:2017年3月7日。 这次没有更新本回答的正文内容,但是我在我的专栏自学游戏开发 - 知乎专栏中,发布了一个游戏是如何被设计和开发出来的 - 知乎专栏。里面比较详细地展示了游戏的开发流程,以及人员分工、每个岗位的工作… 显示全部 ", " 2016.4.20更新 大部分链接失效,重新更新还能找到宝贝的-------------------------------------------------------------------------------------------------------------------------------打嘴炮什么的最喜欢了,不过到底是高逼格还是傻大壮,就要看题… 显示全部 "], "segmented_title": ["1", "-", "收藏夹", "-", "知乎"], "segmented_paragraphs": [["最近", "在", "知乎", "和", "微博", "上", "经常", "有人", "问", "我", "如何", "开始", "学习", "Unity", "3D", ",", "在", "我", "看", "来", ",", "这样", "分为", "几个", "阶段", ":", "初学者", ",", "先", "从", "Unity", "官网", "的", "视频", "开始", "看", "起", ",", "地址", "在", "此", ",", "跟着", "视频", "做出", "你", "的", "第一个", "游戏", "吧", ",", "所有", "的", "资源", ",", "代码", "在", "Asset", "Store", "都", "可以", "下载", "到", "。", "熟练", "者", ",", "关注", "Unity", "圣典", "和", "Unity", "User", "Manual", "…", "显示全部"], ["多", "图", "预警", "。", "长", "文", "预警", "。", "上", "一次", "更新", ":", "2017", "年", "3", "月", "7", "日", "。", "这次", "没有", "更新", "本", "回答", "的", "正文内容", ",", "但是", "我", "在", "我", "的", "专栏", "自学", "游戏开发", "-", "知乎", "专栏", "中", ",", "发布", "了", "一", "个", "游戏", "是", "如何", "被", "设计", "和", "开发", "出来", "的", "-", "知乎", "专栏", "。", "里面", "比较", "详细", "地", "展示", "了", "游戏", "的", "开发", "流程", ",", "以及", "人员", "分工", "、", "每个", "岗位", "的", "工作", "…", "显示全部"], ["2016", ".", "4", ".", "20", "更新", "大部分", "链接", "失效", ",", "重新", "更新", "还能", "找到", "宝贝", "的", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "打嘴炮", "什么", "的", "最喜欢", "了", ",", "不过", "到底", "是", "高", "逼格", "还是", "傻", "大壮", ",", "就要", "看", "题", "…", "显示全部"]], "title": "1 - 收藏夹 - 知乎"}], "question": "eln文件怎么打开", "segmented_question": ["eln", "文件", "怎么", "打开"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221616}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["牛车网 > 问答 > 8zr-fxe发动机1,8马力不大 ", "该问题你已经回答,但可以对 现有答案 进行修改 "], "segmented_title": ["8", "zr", "-", "fxe", "发动机", "1", ",", "8", "马力", "不", "大", "-", "问答", "-", "牛", "车", "网"], "segmented_paragraphs": [["牛", "车", "网", ">", "问答", ">", "8", "zr", "-", "fxe", "发动机", "1", ",", "8", "马力", "不", "大"], ["该", "问题", "你", "已经", "回答", ",", "但", "可以", "对", "现", "有", "答案", "进行", "修改"]], "title": "8zr-fxe发动机1,8马力不大 - 问答 - 牛车网"}, {"bs_rank_pos": 1, "paragraphs": ["这是发动机的: 最大扭矩(N·m):142 最大功率(kW):73 这是电动机的: 前电动机最大扭矩(N·m):207 前电动机最大功率(kW):53 当然还有后电动机最大扭矩(N·m)和后电动机最大功率(kW) 当时官方没有给出具体数据。"], "segmented_title": ["卡罗拉", "8", "zr", "-", "fxe", "发动机", "功率", "和", "扭矩", "_", "百度", "知道"], "segmented_paragraphs": [["这", "是", "发动机", "的", ":", "最大扭矩", "(", "N", "·", "m", ")", ":", "142", "最大功率", "(", "kW", ")", ":", "73", "这", "是", "电动机", "的", ":", "前", "电动机", "最大扭矩", "(", "N", "·", "m", ")", ":", "207", "前", "电动机", "最大功率", "(", "kW", ")", ":", "53", "当然", "还有", "后", "电动机", "最大扭矩", "(", "N", "·", "m", ")", "和", "后", "电动机", "最大功率", "(", "kW", ")", "当时", "官方", "没有", "给", "出", "具体", "数据", "。"]], "title": "卡罗拉8zr-fxe发动机功率和扭矩_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["双擎的发动机指标和普通发动机不同,车辆行驶时还要加上电动机的功率,看这个没有意义【汽车有问题,问汽车大师。4S店专业技师,10分钟解决。】"], "segmented_title": ["卡罗拉", "8", "zr", "-", "fxe", "发动机", "功率", "和", "扭矩", "_", "百度", "知道"], "segmented_paragraphs": [["双擎", "的", "发动机", "指标", "和", "普通", "发动机", "不同", ",", "车辆", "行驶", "时", "还要", "加上", "电动机", "的", "功率", ",", "看", "这个", "没有", "意义", "【", "汽车", "有问题", ",", "问", "汽车", "大师", "。", "4S", "店", "专业", "技师", ",", "10", "分钟", "解决", "。", "】"]], "title": "卡罗拉8zr-fxe发动机功率和扭矩_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["http://car.qichedaquan.com/carparam/configs/kaluolashuangqinghundong-peizhi"], "segmented_title": ["卡罗拉", "8", "zr", "-", "fxe", "发动机", "功率", "和", "扭矩", "_", "百度", "知道"], "segmented_paragraphs": [["http", ":", "/", "/", "car", ".", "qiched", "a", "quan", ".", "com", "/", "carparam", "/", "configs", "/", "kaluolas", "huangqing", "hundong", "-", "peizhi"]], "title": "卡罗拉8zr-fxe发动机功率和扭矩_百度知道"}, {"bs_rank_pos": 4, "paragraphs": ["省油算是油电混合动力发动机,如丰田卡罗拉(雷凌)双擎配备的8ZR-FXE的1.8L阿特金森循环发动机。"], "segmented_title": ["哪个", "汽车", "厂商", "的", "发动机", "最", "省油", "_", "百度", "知道"], "segmented_paragraphs": [["省油", "算是", "油", "电", "混合", "动力", "发动机", ",", "如", "丰田", "卡罗拉", "(", "雷凌", ")", "双擎", "配备", "的", "8", "ZR", "-", "FXE", "的", "1.8L", "阿特金森", "循环", "发动机", "。"]], "title": "哪个汽车厂商的发动机最省油_百度知道"}], "question": "8zr fxe发动机怎么样", "segmented_question": ["8", "zr", "fxe", "发动机", "怎么样"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221617}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["高中涉及到的基因重组情形主要有四种:基因的自由组合(发生在减数第一次分裂后期)、基因的交叉与互换(发生在减数第一次分裂前期)、基因工程和细菌转化(如肺炎双球菌由R型转化为S型).其中,前两种是狭义的基因重组,后两种是广义的基因重组."], "segmented_title": ["什么", "是", "基因重组", "?", "发生", "在", "什么", "时期", "?", "_", "百度", "作业", "帮"], "segmented_paragraphs": [["高中", "涉及", "到", "的", "基因重组", "情形", "主要", "有", "四种", ":", "基因", "的", "自由组合", "(", "发生", "在", "减数", "第一次", "分裂", "后期", ")", "、", "基因", "的", "交叉", "与", "互换", "(", "发生", "在", "减数", "第一次", "分裂", "前期", ")", "、", "基因工程", "和", "细菌", "转化", "(", "如", "肺炎双球菌", "由", "R", "型", "转化", "为", "S", "型", ")", ".", "其中", ",", "前", "两种", "是", "狭义", "的", "基因重组", ",", "后", "两种", "是", "广义", "的", "基因重组", "."]], "title": "什么是基因重组?发生在什么时期?_百度作业帮"}, {"bs_rank_pos": 0, "paragraphs": ["楼上那个回答分明只说了三种 = =高中生物中,基因重组就是指基因的自由组合(你可以看看孟德尔的自由组合定律)。发生在减数第一次分裂前期(非同源染色体间的交叉互换)和减数第一次分裂后期。O(∩_∩)O~ 有什么不懂得再问我"], "segmented_title": ["什么", "是", "基因重组", "?", "发生", "在", "什么", "时期", "?", "_", "百度", "作业", "帮"], "segmented_paragraphs": [["楼上那个", "回答", "分明", "只", "说", "了", "三种", "=", "=", "高中生物", "中", ",", "基因重组", "就是", "指", "基因", "的", "自由组合", "(", "你", "可以", "看看", "孟德尔", "的", "自由组合定律", ")", "。", "发生", "在", "减数", "第一次", "分裂", "前期", "(", "非", "同源", "染色体", "间", "的", "交叉", "互换", ")", "和", "减数", "第一次", "分裂", "后期", "。", "O", "(", "∩", "_", "∩", ")", "O", "~", "有", "什么", "不", "懂得", "再", "问", "我"]], "title": "什么是基因重组?发生在什么时期?_百度作业帮"}, {"bs_rank_pos": 0, "paragraphs": ["基因重组 :造成基因型变化的核酸的交换过程。包括发生在生物体内(如减数分裂中异源双链的核酸交换)和在体外环境中用人工手段使不同来源DNA重新组合的过程。基因重组: 是由于不同DNA链的断裂和连接而产生DNA片段的交换和重新组合,形成新DNA分子的过程。 在人类的生殖细胞中发现的46条染色体发生在生物体内基因的交换或重新组合。包括同源重组、位点特异重组、转座作用和异常重组四大类。是生物遗传变异的一种机制。 正常自然环境下发生在减数分裂的联会时期,等位基因互换,重组。当然也有其他情况,比如芭芭拉发现的玉米基因转座子的现象,她因为这个还获得了诺贝尔呢;还有病毒的基因重组,人工基因重组。"], "segmented_title": ["什么", "是", "基因重组", "?", "发生", "在", "什么", "时期", "?", "_", "百度", "作业", "帮"], "segmented_paragraphs": [["基因重组", ":", "造成", "基因型", "变化", "的", "核酸", "的", "交换", "过程", "。", "包括", "发生", "在", "生物", "体", "内", "(", "如", "减数分裂", "中", "异", "源", "双", "链", "的", "核酸", "交换", ")", "和", "在", "体外", "环境", "中", "用", "人工", "手段", "使", "不同", "来源", "DNA", "重新", "组合", "的", "过程", "。", "基因重组", ":", "是", "由于", "不同", "DNA", "链", "的", "断裂", "和", "连接", "而", "产生", "DNA", "片段", "的", "交换", "和", "重新", "组合", ",", "形成", "新", "DNA", "分子", "的", "过程", "。", "在", "人类", "的", "生殖", "细胞", "中", "发现", "的", "46", "条", "染色体", "发生", "在", "生物", "体", "内", "基因", "的", "交换", "或", "重新", "组合", "。", "包括", "同源", "重组", "、", "位", "点", "特异", "重组", "、", "转", "座", "作用", "和", "异常", "重组", "四大", "类", "。", "是", "生物", "遗传", "变异", "的", "一", "种", "机制", "。", "正常", "自然", "环境", "下", "发生", "在", "减数分裂", "的", "联", "会", "时期", ",", "等位基因", "互换", ",", "重组", "。", "当然", "也有", "其他", "情况", ",", "比如", "芭芭拉", "发现", "的", "玉米", "基因", "转座子", "的", "现象", ",", "她", "因为", "这个", "还", "获得", "了", "诺贝尔呢", ";", "还有", "病毒", "的", "基因重组", ",", "人工", "基因重组", "。"]], "title": "什么是基因重组?发生在什么时期?_百度作业帮"}, {"bs_rank_pos": 1, "paragraphs": ["基因重组发生在减数分裂形成配子的过程中,有两个时间段可以发生: 减数第一次分裂的前期,同源染色体间的交叉互换属于基因重组; 减数第一次分裂的后期,非同源染色体上的非等位基因进行的组合也是基因重组。"], "segmented_title": ["基因重组", "发生", "在", "哪个", "阶段", "_", "百度", "知道"], "segmented_paragraphs": [["基因重组", "发生", "在", "减数分裂", "形成", "配子", "的", "过程", "中", ",", "有", "两", "个", "时间", "段", "可以", "发生", ":", "减数", "第一次", "分裂", "的", "前期", ",", "同源", "染色体", "间", "的", "交叉", "互换", "属于", "基因重组", ";", "减数", "第一次", "分裂", "的", "后期", ",", "非", "同源", "染色体", "上", "的", "非", "等位基因", "进行", "的", "组合", "也是", "基因重组", "。"]], "title": "基因重组发生在哪个阶段_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["减数第一次分裂的四分体时期和减数第一次分裂后期"], "segmented_title": ["基因重组", "发生", "在", "哪个", "阶段", "_", "百度", "知道"], "segmented_paragraphs": [["减数", "第一次", "分裂", "的", "四分体", "时期", "和", "减数", "第一次", "分裂", "后期"]], "title": "基因重组发生在哪个阶段_百度知道"}], "question": "基因重组发生在什么时期", "segmented_question": ["基因重组", "发生", "在", "什么", "时期"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221618}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["选中需要居中的文字,单击鼠标右键,在出现的快捷菜单中选择“单元格对齐方式”再选择居中即可。 选择需要居中的文字,单击鼠标右键,找到表格属性,里面有左对齐、居中、右对齐,选择居中即可。"], "segmented_title": ["wps", "中", "word", "文字", "我", "插入", "了", "表格", "。", "表格", "里", "的", "文字", "怎么", "设置", "水平", "居中", "?", "_", "百度"], "segmented_paragraphs": [["选中", "需要", "居中", "的", "文字", ",", "单击鼠标右键", ",", "在", "出现", "的", "快捷", "菜单", "中", "选择", "“", "单元格", "对齐", "方式", "”", "再选择", "居中", "即可", "。", "选择", "需要", "居中", "的", "文字", ",", "单击鼠标右键", ",", "找到", "表格", "属性", ",", "里面", "有", "左对齐", "、", "居中", "、", "右对齐", ",", "选择", "居中", "即可", "。"]], "title": "wps 中word文字我插入了表格。表格里的文字怎么设置水平居中?_百度"}, {"bs_rank_pos": 0, "paragraphs": ["选中要居中的表格内容—右键——单元格对齐方式——按照里面图形内容选择就可以了,有左对齐、右对齐等等"], "segmented_title": ["wps", "中", "word", "文字", "我", "插入", "了", "表格", "。", "表格", "里", "的", "文字", "怎么", "设置", "水平", "居中", "?", "_", "百度"], "segmented_paragraphs": [["选中", "要", "居中", "的", "表格", "内容", "—", "右键", "—", "—", "单元格", "对齐", "方式", "—", "—", "按照", "里面", "图形", "内容", "选择", "就", "可以", "了", ",", "有", "左对齐", "、", "右对齐", "等等"]], "title": "wps 中word文字我插入了表格。表格里的文字怎么设置水平居中?_百度"}, {"bs_rank_pos": 0, "paragraphs": ["看图片,你好像没选中那个文本框。"], "segmented_title": ["wps", "中", "word", "文字", "我", "插入", "了", "表格", "。", "表格", "里", "的", "文字", "怎么", "设置", "水平", "居中", "?", "_", "百度"], "segmented_paragraphs": [["看", "图片", ",", "你", "好像", "没", "选中", "那个", "文本框", "。"]], "title": "wps 中word文字我插入了表格。表格里的文字怎么设置水平居中?_百度"}, {"bs_rank_pos": 0, "paragraphs": ["每个试试就知道了,不行的话要调整表格大小!"], "segmented_title": ["wps", "中", "word", "文字", "我", "插入", "了", "表格", "。", "表格", "里", "的", "文字", "怎么", "设置", "水平", "居中", "?", "_", "百度"], "segmented_paragraphs": [["每个", "试", "试", "就", "知道", "了", ",", "不行", "的", "话", "要", "调整", "表格", "大小", "!"]], "title": "wps 中word文字我插入了表格。表格里的文字怎么设置水平居中?_百度"}, {"bs_rank_pos": 1, "paragraphs": ["在WPS文字的表格中,文字上下居中的操作方法: 在WPS文字中选中要设置上下居中的单元格; 选择“表格工具”选项卡; 选择“对齐方式”按钮的下半部分; 在下拉列表中选择“水平居中”菜单项。"], "segmented_title": ["在", "WPS", "文档", "的", "表格", "里面", "怎么", "让", "文字", "上下", "居中", "_", "百度", "知道"], "segmented_paragraphs": [["在", "WPS", "文字", "的", "表格", "中", ",", "文字", "上下", "居中", "的", "操作方法", ":", "在", "WPS", "文字", "中", "选中", "要", "设置", "上下", "居中", "的", "单元格", ";", "选择", "“", "表格", "工具", "”", "选项卡", ";", "选择", "“", "对齐", "方式", "”", "按钮", "的", "下半部分", ";", "在", "下拉", "列表", "中", "选择", "“", "水平", "居中", "”", "菜单项", "。"]], "title": "在WPS文档的表格里面怎么让文字上下居中_百度知道"}], "question": "wps表格中的文字怎么上下居中", "segmented_question": ["wps", "表格", "中", "的", "文字", "怎么", "上下", "居中"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221619}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["您的当前位置:首页 > 白银知识", "摘要 s990和s925哪个好?990和925都代表银的纯度,s990比s925高一点。一般情况下,银饰品都采用925,因为里面添加了别的金属元素,银饰可以被打造成各种形状。 ", "银的种类各有不同,含银量也不一样。比如990、925银。", " S990是足银饰物的字母标志,其中字母S是英文单词Silver的首字母,代表银,990代表含银量千分数不小于99。另一种标志是S99,意思相同。含银量千分数不小于990的称足银。由于过于柔软,不易铸造成心仪的首饰造型,且容易磨损和氧化变黑,加工成本过高,因此不是非常适用于首饰制作。含量有999,925和990之分。", " S925是银制品含银量的标志,925银就是以含银量为92.5%的原料银制成的饰品。925银的加工工艺与纯银不同,它的亮度和光泽更接近于铂金,硬度也比纯银要好,因此925银材质在饰品中应用比较广泛。独特的亲肤性和防过敏性,受到非常多人的喜爱和追捧。", " S925是银制品含银量的标志,925银就是以含银量为92.5%的原料银标明银首饰的含银量的标志,消费者购买时应验看银制品上是否有“S925”字样。另外,纯银由于化学反应强烈,容易变暗变黑,而经过特殊工艺的925银就使这个问题得到改善。", " 那么s990和s925哪个好呢?怎么看?", " 990和925都代表银的纯度,s990比s925高一点。一般情况下,银饰品都采用925,因为里面添加了别的金属元素,银饰可以被打造成各种形状,并使银制饰品不会很快被氧化而变色。", " 以上内容为s990和s925哪个好的相关知识介绍,更多银饰知识请关注金投白银网。", "免责声明金投网发布此信息目的在于传播更多信息,与本网站立场无关。金投网不保证该信息(包括但不限于文字、数据及图表)全部或者部分内容的准确性、真实性、完整性、有效性、及时性、原创性等。相关信息并未经过本网站证实,不对您构成任何投资建议,据此操作,风险自担。 ", " 英国脱欧碰上硬骨头 黄金TD会受何影响? 医改助推黄金T+D 今日金价延续涨势 缩表风险悄然而至 黄金TD多头涨势可期 ", " 警惕德拉基讲话放鹰 黄金TD涨势还没走完 黄金TD反弹持续告捷 多头能否夺得最终胜利 耶伦放鸽无济于事 黄金TD迎空头梦寐 黄金TD走势看耶伦讲话 后市是否持续做高?", " 黄金T+D开户银行 黄金t+d如何开户 ", " 黄金t+d交易规则简述 投资黄金T+D优势介绍 ", " 黄金TD问题解答实务篇 黄金TD问题解答风险篇 ", " 白银期货的杠杆是多少? 白银期货和现货白银有什么不同 白银期货有什么规则 白银期货市场介绍 白银期货交易入门 白银期货多少钱一手 白银期货多少钱开户 白银期货手续费是多少 白银期货上市_白银期货何时上市 白银期货上市_白银期货上市时间 全球白银期货市场现状 期货基础知识:白银期货什么时候上市 白银期货入门:白银期货怎么炒 白银期货什么时候推出_白银期货推出时间", " 各类银饰都有什么区别 如何挑选儿童银饰品 民间老银饰品是如何打造的 如何判定银饰品的成色 银饰品变黑是正常现象吗 银饰品造假方式有三种 银饰品的保养技巧 如何鉴别纯银首饰 925是纯银的吗 纯银是什么颜色 纹银手躅真假怎么分辨 如何识别千足银 如何分辨银器 银饰925什么意思", " 粤贵银市场介绍 粤贵银是正规的吗? 粤贵银是合法化的吗? 粤贵银优点有哪些 粤贵银产品特点 为什么选择粤贵银 粤贵银怎么买卖 粤贵银点差多少 粤贵银基础知识 粤贵银交易怎么操作 投资粤贵银赚钱吗 粤贵银交易策略 粤贵银建行开户流程 粤贵银入门怎么做", " 天通银市场介绍 天通银会员单位 天通银的特点 天通银如何操作 天通银优势是什么 天通银手续费多少 天通银点差是什么意思 天通银会员有哪些 天通银正规吗 天通银换算方法 天通银交易所 天通银怎么做 天通银会员公司有哪些 天通银软件下载", " 现货白银市场介绍 现货白银操作入门 现货白银能赚钱吗 什么是现货白银投资 现货白银与白银td的区别 个人怎么炒现货白银 现货白银交易流程 现货白银投资专业术语 现货白银手续费怎么算的 如何进行现货白银交易 炒现货白银需要什么 现货白银开户手续费 现货白银详细介绍 现货白银是什么时候开始的", " 国际白银市场介绍 国际白银价格换算 国际白银价格今天多少一克 国际白银手续费是多少 国际白银投资优势 国际白银交易优势 国际白银交易平台有哪些 国际白银交易规则怎么样 国际白银点差怎么算 如何做国际白银 国际白银休市时间 炒国际白银怎么做 国际白银交易开户怎么做 如何炒国际白银", " 逐渐没落的苗银还能延续以前辉煌? 一个人的苗银故事 苗银的文化与传承——九凤银传奇 苗族银饰历史悠久 独特银饰文化彰显风貌 带苗银老手艺走南闯北 老银匠又到候鸟归巢时 苗银僭越本地商业价值 需挖掘特色文化内涵 苗族银饰声名远播 三大特征彰显艺术美 银饰制作工艺精湛 苗银却缺乏独特性 苗银真假怎么看 苗银清洗怎么做 苗银褪色怎么办 苗银与纯银的区别 苗族银饰的历史背景 关于苗银的民间传说", " 1 2 ", " 08-08 财经日历数据查询: ", " 模拟交易软件黄金T+D,白银T+D模拟交易系统 行情分析软件中国黄金投资网免费提供的行情分析软件", " [粤贵银知识] 粤贵银开户麻烦吗 [白银操作建议] 新华银开户时间 [天通银知识] 天通银开户流程介绍 [白银操作建议] 工行纸白银开户条件 [国际白银知识] 国际白银开户流程及须知 [天通银知识] 天通银开户金额高不高 [粤贵银知识] 粤贵银开户最低金额 [天通银知识] 天通银开户须知"], "segmented_title": ["s990", "和", "s925", "哪个", "好", "-", "白银", "知识", "-", "金", "投", "网"], "segmented_paragraphs": [["您", "的", "当前位置", ":", "首页", ">", "白银", "知识"], ["摘要", "s", "990", "和", "s925", "哪个", "好", "?", "990", "和", "925", "都", "代表", "银", "的", "纯度", ",", "s990", "比", "s925", "高一", "点", "。", "一般", "情况", "下", ",", "银饰品", "都", "采用", "925", ",", "因为", "里面", "添加", "了", "别", "的", "金属元素", ",", "银饰", "可以", "被", "打造", "成", "各种形状", "。"], ["银", "的", "种类", "各", "有", "不同", ",", "含", "银", "量", "也", "不一样", "。", "比如", "990", "、", "925", "银", "。"], ["S", "990", "是", "足银", "饰物", "的", "字母", "标志", ",", "其中", "字母", "S", "是", "英文", "单词", "Silver", "的", "首", "字母", ",", "代表", "银", ",", "990", "代表", "含", "银", "量", "千", "分数", "不", "小于", "99", "。", "另一种", "标志", "是", "S99", ",", "意思", "相同", "。", "含", "银", "量", "千", "分数", "不", "小于", "990", "的", "称", "足银", "。", "由于", "过于", "柔软", ",", "不易", "铸造", "成", "心仪", "的", "首饰", "造型", ",", "且", "容易", "磨损", "和", "氧化", "变", "黑", ",", "加工", "成本", "过高", ",", "因此", "不是", "非常", "适用于", "首饰", "制作", "。", "含量", "有", "999", ",", "925", "和", "990", "之", "分", "。"], ["S925", "是", "银", "制品", "含", "银", "量", "的", "标志", ",", "925", "银", "就是", "以", "含", "银", "量", "为", "92", ".", "5", "%", "的", "原料", "银", "制", "成", "的", "饰品", "。", "925", "银", "的", "加工工艺", "与", "纯银", "不同", ",", "它", "的", "亮度", "和", "光泽", "更", "接近", "于", "铂金", ",", "硬度", "也", "比", "纯银", "要", "好", ",", "因此", "925", "银", "材质", "在", "饰品", "中", "应用", "比较", "广泛", "。", "独特", "的", "亲", "肤", "性", "和", "防", "过敏性", ",", "受到", "非常", "多", "人", "的", "喜爱", "和", "追捧", "。"], ["S925", "是", "银", "制品", "含", "银", "量", "的", "标志", ",", "925", "银", "就是", "以", "含", "银", "量", "为", "92", ".", "5", "%", "的", "原料", "银", "标明", "银", "首饰", "的", "含", "银", "量", "的", "标志", ",", "消费者购买", "时", "应验", "看", "银", "制品", "上", "是否", "有", "“", "S925", "”", "字样", "。", "另外", ",", "纯银", "由于", "化学反应强烈", ",", "容易", "变", "暗", "变", "黑", ",", "而", "经过", "特殊", "工艺", "的", "925", "银", "就", "使", "这个问题", "得到", "改善", "。"], ["那么", "s990", "和", "s925", "哪个", "好", "呢", "?", "怎么看", "?"], ["990", "和", "925", "都", "代表", "银", "的", "纯度", ",", "s990", "比", "s925", "高一", "点", "。", "一般", "情况", "下", ",", "银饰品", "都", "采用", "925", ",", "因为", "里面", "添加", "了", "别", "的", "金属元素", ",", "银饰", "可以", "被", "打造", "成", "各种形状", ",", "并", "使", "银", "制", "饰品", "不会", "很快", "被", "氧化", "而", "变色", "。"], ["以上内容", "为", "s", "990", "和", "s925", "哪个", "好", "的", "相关", "知识", "介绍", ",", "更多", "银饰", "知识", "请", "关注", "金", "投", "白银", "网", "。"], ["免责声明", "金", "投", "网", "发布", "此", "信息", "目的", "在于", "传播", "更多", "信息", ",", "与", "本网站", "立场", "无关", "。", "金", "投", "网", "不", "保证", "该", "信息", "(", "包括", "但", "不", "限", "于", "文字", "、", "数据", "及", "图表", ")", "全部", "或者", "部分", "内容", "的", "准确性", "、", "真实性", "、", "完整性", "、", "有效性", "、", "及时", "性", "、", "原创", "性", "等", "。", "相关", "信息", "并", "未", "经过", "本网站", "证实", ",", "不对", "您", "构成", "任何", "投资", "建议", ",", "据此", "操作", ",", "风险", "自", "担", "。"], ["英国", "脱", "欧", "碰上", "硬骨头", "黄金", "TD", "会", "受", "何", "影响", "?", "医改", "助推", "黄金", "T", "+", "D", "今日", "金价", "延续", "涨势", "缩", "表", "风险", "悄然", "而至", "黄金", "TD", "多头", "涨势", "可", "期"], ["警惕", "德", "拉", "基", "讲话", "放", "鹰", "黄金", "TD", "涨势", "还", "没", "走", "完", "黄金", "TD", "反弹", "持续", "告捷", "多头", "能否", "夺得", "最终胜利", "耶伦", "放", "鸽", "无济于事", "黄金", "TD", "迎", "空头", "梦寐", "黄金", "TD", "走势", "看", "耶伦", "讲话", "后", "市", "是否", "持续", "做", "高", "?"], ["黄金", "T", "+", "D", "开户银行", "黄金", "t", "+", "d", "如何", "开户"], ["黄金", "t", "+", "d", "交易规则", "简述", "投资", "黄金", "T", "+", "D", "优势", "介绍"], ["黄金", "TD", "问题解答", "实务", "篇", "黄金", "TD", "问题解答", "风险", "篇"], ["白银", "期货", "的", "杠杆", "是", "多少", "?", "白银", "期货", "和", "现货", "白银", "有", "什么", "不同", "白银", "期货", "有", "什么", "规则", "白银", "期货", "市场", "介绍", "白银", "期货", "交易", "入门", "白银", "期货", "多少", "钱", "一手", "白银", "期货", "多少", "钱", "开户", "白银", "期货", "手续费", "是", "多少", "白银", "期货", "上市", "_", "白银", "期货", "何时", "上市", "白银", "期货", "上市", "_", "白银", "期货", "上市时间", "全球", "白银", "期货", "市场", "现状", "期货", "基础知识", ":", "白银", "期货", "什么时候", "上市", "白银", "期货", "入门", ":", "白银", "期货", "怎么", "炒", "白银", "期货", "什么时候", "推出", "_", "白银", "期货", "推出", "时间"], ["各类", "银饰", "都", "有", "什么", "区别", "如何", "挑选", "儿童", "银饰品", "民间", "老", "银饰品", "是", "如何", "打造", "的", "如何", "判定", "银饰品", "的", "成色", "银饰品", "变", "黑", "是", "正常", "现象", "吗", "银饰品", "造假", "方式", "有", "三种", "银饰品", "的", "保养", "技巧", "如何", "鉴别", "纯银", "首饰", "925", "是", "纯银", "的", "吗", "纯银", "是", "什么", "颜色", "纹银", "手", "躅", "真假", "怎么", "分辨", "如何", "识别", "千足银", "如何", "分辨", "银器", "银饰", "925", "什么", "意思"], ["粤贵银", "市场", "介绍", "粤贵银", "是", "正规", "的", "吗", "?", "粤贵银", "是", "合法化", "的", "吗", "?", "粤贵银", "优点", "有", "哪些", "粤贵银", "产品", "特点", "为什么", "选择", "粤贵银", "粤贵银", "怎么", "买卖", "粤贵银", "点差", "多少", "粤贵银", "基础知识", "粤贵银", "交易", "怎么", "操作", "投资", "粤贵银", "赚钱", "吗", "粤贵银", "交易策略", "粤贵银", "建行", "开户", "流程", "粤贵银", "入门", "怎么", "做"], ["天", "通", "银", "市场", "介绍", "天", "通", "银", "会员单位", "天", "通", "银", "的", "特点", "天", "通", "银", "如何", "操作", "天", "通", "银", "优势", "是", "什么", "天", "通", "银", "手续费", "多少", "天", "通", "银", "点差", "是什么", "意思", "天", "通", "银", "会员", "有", "哪些", "天", "通", "银", "正规", "吗", "天", "通", "银", "换算", "方法", "天", "通", "银", "交易所", "天", "通", "银", "怎么", "做", "天", "通", "银", "会员", "公司", "有", "哪些", "天", "通", "银", "软件下载"], ["现货", "白银", "市场", "介绍", "现货", "白银", "操作", "入门", "现货", "白银", "能", "赚钱", "吗", "什么", "是", "现货", "白银", "投资", "现货", "白银", "与", "白银", "td", "的", "区别", "个人", "怎么", "炒", "现货", "白银", "现货", "白银", "交易流程", "现货", "白银", "投资", "专业术语", "现货", "白银", "手续费", "怎么", "算", "的", "如何", "进行", "现货", "白银", "交易", "炒", "现货", "白银", "需要", "什么", "现货", "白银", "开户", "手续费", "现货", "白银", "详细", "介绍", "现货", "白银", "是", "什么", "时候", "开始", "的"], ["国际", "白银", "市场", "介绍", "国际", "白银", "价格", "换算", "国际", "白银", "价格", "今天", "多少", "一", "克", "国际", "白银", "手续费", "是", "多少", "国际", "白银", "投资", "优势", "国际", "白银", "交易", "优势", "国际", "白银", "交易平台", "有", "哪些", "国际", "白银", "交易规则", "怎么样", "国际", "白银", "点差", "怎么", "算", "如何", "做", "国际", "白银", "国际", "白银", "休市", "时间", "炒", "国际", "白银", "怎么", "做", "国际", "白银", "交易", "开户", "怎么", "做", "如何", "炒", "国际", "白银"], ["逐渐", "没落", "的", "苗银", "还能", "延续", "以前", "辉煌", "?", "一个人", "的", "苗银", "故事", "苗银", "的", "文化", "与", "传承", "—", "—", "九凤", "银", "传奇", "苗族", "银饰", "历史悠久", "独特", "银饰", "文化", "彰显", "风貌", "带", "苗银", "老", "手艺", "走南闯北", "老银匠", "又", "到", "候鸟", "归巢", "时", "苗银", "僭越", "本地", "商业价值", "需", "挖掘", "特色", "文化内涵", "苗族", "银饰", "声名远播", "三大", "特征", "彰显", "艺术美", "银饰", "制作", "工艺精湛", "苗银", "却", "缺乏", "独特", "性", "苗银", "真假", "怎么看", "苗银", "清洗", "怎么", "做", "苗银", "褪色", "怎么办", "苗银", "与", "纯银", "的", "区别", "苗族", "银饰", "的", "历史", "背景", "关于", "苗银", "的", "民间传说"], ["1", "2"], ["08", "-", "08", "财经", "日历", "数据", "查询", ":"], ["模拟交易", "软件", "黄金", "T", "+", "D", ",", "白银", "T", "+", "D", "模拟交易", "系统", "行情分析软件", "中国", "黄金", "投资", "网", "免费提供", "的", "行情分析", "软件"], ["[", "粤贵银", "知识", "]", "粤贵银", "开户", "麻烦", "吗", "[", "白银", "操作建议", "]", "新华", "银", "开户", "时间", "[", "天", "通", "银", "知识", "]", "天", "通", "银", "开户", "流程", "介绍", "[", "白银", "操作建议", "]", "工行", "纸", "白银", "开户", "条件", "[", "国际", "白银", "知识", "]", "国际", "白银", "开户流程", "及", "须知", "[", "天", "通", "银", "知识", "]", "天", "通", "银", "开户", "金额", "高", "不", "高", "[", "粤贵银", "知识", "]", "粤贵银", "开户", "最低", "金额", "[", "天", "通", "银", "知识", "]", "天", "通", "银", "开户", "须知"]], "title": "s990和s925哪个好-白银知识-金投网"}, {"bs_rank_pos": 1, "paragraphs": ["990是指含有99%以上的银,925是指含有92.5以上的银 925纯银其实是指含银量92.5%的银质品。925代表银的纯度。这是银器的最高纯度,就正如999黄金的纯度一样。 因为足银过于柔软并且容易氧化,所以自从tiffany公司开创925银以来,925银就被国际公认为纯银。 “99”代表纯银,虽然理论上100%才是纯银,但实际很难获得100%的纯度。99银的颜色苍白,而且很软,用它做的首饰容易变形,不能镶嵌宝石等。所以990纯银多见于制作手镯或是项圈."], "segmented_title": ["s990", "银", "和", "s925", "银", "有", "什么", "区别", "_", "百度", "知道"], "segmented_paragraphs": [["990", "是", "指", "含有", "99", "%", "以上", "的", "银", ",", "925", "是", "指", "含有", "92", ".", "5", "以上", "的", "银", "925", "纯银", "其实", "是", "指", "含", "银", "量", "92", ".", "5", "%", "的", "银质", "品", "。", "925", "代表", "银", "的", "纯度", "。", "这", "是", "银器", "的", "最高", "纯度", ",", "就", "正如", "999", "黄金", "的", "纯度", "一样", "。", "因为", "足银", "过于", "柔软", "并且", "容易", "氧化", ",", "所以", "自从", "tiffany", "公司", "开创", "925", "银", "以来", ",", "925", "银", "就", "被", "国际", "公认", "为", "纯银", "。", "“", "99", "”", "代表", "纯银", ",", "虽然", "理论", "上", "100", "%", "才是", "纯银", ",", "但", "实际", "很难", "获得", "100", "%", "的", "纯度", "。", "99", "银", "的", "颜色", "苍白", ",", "而且", "很", "软", ",", "用", "它", "做", "的", "首饰", "容易", "变形", ",", "不能", "镶嵌", "宝石", "等", "。", "所以", "990", "纯银", "多", "见于", "制作", "手镯", "或是", "项圈", "."]], "title": "s990银和s925银有什么区别_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["s990是指含有99%以上的银,s925是指含有92.5以上的银"], "segmented_title": ["s990", "银", "和", "s925", "银", "有", "什么", "区别", "_", "百度", "知道"], "segmented_paragraphs": [["s990", "是", "指", "含有", "99", "%", "以上", "的", "银", ",", "s925", "是", "指", "含有", "92", ".", "5", "以上", "的", "银"]], "title": "s990银和s925银有什么区别_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["你好,纯度的区别,硬度的区别。S925的意思就是含银量92.5%的银饰品,不过一般此类饰品由于掺入7.5%其他金属硬度之类的都比较好,改善了银饰很软的特性。S990即为纯度为99%以上的银饰,此类就是纯度较高,相对来说硬度就有差别。这两种都是市面上最常见的银饰品。"], "segmented_title": ["银饰", "S925", "和", "S990", "有", "什么", "区别", "_", "百度", "知道"], "segmented_paragraphs": [["你好", ",", "纯度", "的", "区别", ",", "硬度", "的", "区别", "。", "S", "925", "的", "意思", "就是", "含", "银", "量", "92", ".", "5", "%", "的", "银饰品", ",", "不过", "一般", "此类", "饰品", "由于", "掺", "入", "7.5", "%", "其他", "金属", "硬度", "之类", "的", "都", "比较好", ",", "改善", "了", "银饰", "很", "软", "的", "特性", "。", "S", "990", "即", "为", "纯度", "为", "99", "%", "以上", "的", "银饰", ",", "此类", "就是", "纯度", "较", "高", ",", "相对来说", "硬度", "就", "有", "差别", "。", "这", "两种", "都是", "市面上", "最", "常见", "的", "银饰品", "。"]], "title": "银饰S925和S990有什么区别_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["925纯银饰品其实并不是含银量100%,那是因为在纯银中加入的7.5%的其他成分,让银的光泽、亮度和硬度都有所改善。而且自从1851年TIFFANY推出第一套含银量千分之925的银饰品后,925银便开始流行,所以目前在市面上的银饰都以925作为鉴定是否为纯银的标准。925银首饰经过抛光后呈现出极漂亮的金属光泽,而且也具有了一定的硬度,能够镶嵌宝石,做成中高档首饰。 目前国内值得消费者信赖的银饰品牌:施华诺,贵族银坊,七狐银饰,周大福等"], "segmented_title": ["银饰", "S925", "和", "S990", "有", "什么", "区别", "_", "百度", "知道"], "segmented_paragraphs": [["925", "纯银饰品", "其实", "并", "不是", "含", "银", "量", "100", "%", ",", "那", "是因为", "在", "纯银", "中", "加入", "的", "7.5", "%", "的", "其他", "成分", ",", "让", "银", "的", "光泽", "、", "亮度", "和", "硬度", "都", "有所改善", "。", "而且", "自从", "1851", "年", "TIFFANY", "推出", "第一套", "含", "银", "量", "千分", "之", "925", "的", "银饰品", "后", ",", "925", "银", "便", "开始", "流行", ",", "所以", "目前", "在", "市面上", "的", "银饰", "都", "以", "925", "作为", "鉴定", "是否", "为", "纯银", "的", "标准", "。", "925", "银", "首饰", "经过", "抛光", "后", "呈现", "出", "极", "漂亮", "的", "金属", "光泽", ",", "而且", "也", "具有", "了", "一定", "的", "硬度", ",", "能够", "镶嵌", "宝石", ",", "做成", "中", "高档", "首饰", "。", "目前国内", "值得", "消费者", "信赖", "的", "银饰", "品牌", ":", "施", "华", "诺", ",", "贵族", "银", "坊", ",", "七", "狐", "银饰", ",", "周大福", "等"]], "title": "银饰S925和S990有什么区别_百度知道"}], "question": "s990和s925的区别", "segmented_question": ["s990", "和", "s925", "的", "区别"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221620}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": [" 欢迎来到兔玩网黑科技之时光徽章价格监控局,本文将向各位介绍,我们最新研究的时光徽章价格监控功能的使用方法与功能介绍。", " 感谢兔玩网的黑索科技小队研发的黑科技。。。", " 在这里你可以看到不同地区的时光徽章的价格走势,当前时间段的价格变化,由于各个地区的价格均是统一,所以这里则显的价格就是当前这个地区全部服务器的价格,不需要登陆游戏即可查询。", " 图表则更为清楚的显示价格的走势,每一时段的具体价格也可以通过鼠标的选择进行显示,更加清楚的呈现出什么时间的价格高,什么时间的价格低。", " 你也可以根据自己喜欢来选择折线图或者柱状图。", " 图表下方的滑动条则可以移动,玩家可以根据自己的需要展开某一天的整天详细价格。", " 未来还会增加更多的功能:", " 1.未来还会继续增添监控:欧、台、韩和国服的时光徽章价格走势。 2.地区与地区间价格对比功能。", " 如果你有好的建议和意见可以欢迎点击此处 来向我们提出建设性意见。", " 如果你觉得好用也请通过页面下方的分享功能,将时光监控局分享给你身边的更多朋友", " 兔玩网魔兽专区忠实粉,热爱一切暴雪游戏。", "军团再临副本攻略 ", " 翡翠梦魇 勇气试炼 暗夜要塞", " 伊格诺斯,腐蚀之心", " 艾乐瑞瑟·雷弗拉尔", " 魔剑士奥鲁瑞尔", " 高级植物学家特尔安", " 占星师艾塔乌斯", " 大魔导师艾利桑德", " 兔玩网魔兽世界精品 ", " 暴雪最强资讯APP", " 兔玩魔兽直播间", " 军团再临神器模拟器", " 军团再临天赋模拟器", " 时光徽章监控局", " 军团再临数据库", " 魔兽世界新闻排行 ", " 热评 本周 本月", " 魔兽世界热评 ", " 魔兽世界圣光不好惹 预告第三弹!说来就来 03-10", " 7.2新乱斗战场塔伦米尔和南海镇 老版本的乐趣 02-21", " 魔兽T20套装全职业多种族粒子动画效果预览 01-23", " 圣光不好惹 预告 第二弹:圣光降临! 01-19", " 地狱霹雳火探索视频--神秘诡异的上古巨兽 11-28"], "segmented_title": ["兔", "玩", "网", "黑科技", "时光", "徽章", "价格", "监控", "局", "使用说明", "_", "兔", "玩", "网", "魔兽世界", "专区"], "segmented_paragraphs": [["欢迎来到", "兔", "玩", "网", "黑科技", "之", "时光", "徽章", "价格", "监控", "局", ",", "本", "文", "将", "向", "各位", "介绍", ",", "我们", "最新", "研究", "的", "时光", "徽章", "价格", "监控", "功能", "的", "使用方法", "与", "功能", "介绍", "。"], ["感谢", "兔", "玩", "网", "的", "黑索", "科技", "小队", "研发", "的", "黑科技", "。", "。", "。"], ["在这里", "你", "可以看到", "不同地区", "的", "时光", "徽章", "的", "价格走势", ",", "当前", "时间", "段", "的", "价格变化", ",", "由于", "各", "个", "地区", "的", "价格", "均", "是", "统一", ",", "所以", "这里", "则", "显", "的", "价格", "就是", "当前", "这个", "地区", "全部", "服务器", "的", "价格", ",", "不需要", "登陆", "游戏", "即可", "查询", "。"], ["图表", "则", "更为", "清楚", "的", "显示", "价格", "的", "走势", ",", "每", "一", "时段", "的", "具体", "价格", "也", "可以", "通过", "鼠标", "的", "选择", "进行", "显示", ",", "更加", "清楚", "的", "呈现", "出", "什么", "时间", "的", "价格高", ",", "什么", "时间", "的", "价格低", "。"], ["你", "也", "可以", "根据", "自己", "喜欢", "来", "选择", "折线", "图", "或者", "柱状图", "。"], ["图表", "下方", "的", "滑动", "条", "则", "可以", "移动", ",", "玩家", "可以", "根据", "自己", "的", "需要", "展开", "某一天", "的", "整天", "详细", "价格", "。"], ["未来", "还会", "增加", "更多", "的", "功能", ":"], ["1", ".", "未来", "还会", "继续", "增添", "监控", ":", "欧", "、", "台", "、", "韩", "和", "国服", "的", "时光", "徽章", "价格走势", "。", "2", ".", "地区", "与", "地区", "间", "价格", "对比", "功能", "。"], ["如果", "你", "有", "好", "的", "建议", "和", "意见", "可以", "欢迎", "点击此处", "来", "向", "我们", "提出", "建设性", "意见", "。"], ["如果", "你", "觉得", "好", "用", "也", "请", "通过", "页面", "下方", "的", "分享", "功能", ",", "将", "时光", "监控", "局", "分享", "给", "你", "身边", "的", "更多", "朋友"], ["兔", "玩", "网", "魔兽", "专区", "忠实", "粉", ",", "热爱", "一切", "暴雪", "游戏", "。"], ["军团", "再临", "副本", "攻略"], ["翡翠", "梦魇", "勇气", "试炼", "暗夜", "要塞"], ["伊格", "诺斯", ",", "腐蚀", "之", "心"], ["艾", "乐", "瑞", "瑟", "·", "雷", "弗拉尔"], ["魔剑士", "奥鲁", "瑞尔"], ["高级", "植物", "学", "家", "特", "尔", "安"], ["占星", "师", "艾塔", "乌", "斯"], ["大魔", "导师", "艾利", "桑德"], ["兔", "玩", "网", "魔兽世界", "精品"], ["暴雪", "最强", "资讯", "APP"], ["兔", "玩", "魔兽", "直播间"], ["军团", "再临", "神器", "模拟器"], ["军团", "再临", "天赋模拟器"], ["时光", "徽章", "监控", "局"], ["军团", "再临", "数据库"], ["魔兽世界", "新闻", "排行"], ["热", "评", "本周", "本月"], ["魔兽世界", "热", "评"], ["魔兽世界", "圣光", "不好惹", "预告", "第", "三", "弹", "!", "说来就来", "03", "-", "10"], ["7", ".", "2", "新", "乱斗", "战场", "塔伦", "米尔", "和", "南海镇", "老", "版本", "的", "乐趣", "02", "-", "21"], ["魔兽", "T20", "套装", "全", "职业", "多", "种族", "粒子", "动画", "效果", "预览", "01", "-", "23"], ["圣光", "不好惹", "预告", "第", "二", "弹", ":", "圣光", "降临", "!", "01", "-", "19"], ["地狱", "霹雳火", "探索", "视频", "-", "-", "神秘", "诡异", "的", "上古", "巨兽", "11", "-", "28"]], "title": "兔玩网黑科技时光徽章价格监控局使用说明_兔玩网魔兽世界专区"}, {"bs_rank_pos": 2, "paragraphs": ["欧服:24小时之内,时光微章从111,446 G 涨到 200,628 G。不过在之后回落", " 美服:24小时之内,时光徽章从60,369 G 涨到 112,224 G。不过在之后回落", " 国服:24小时之内,时光徽章从235,103 G 涨到 289,092 G。不过在之后回落,相较于欧美服,幅度最小。", " 韩服:24小时之内,时光徽章从217,036 G 涨到278,888 G。不过在之后回落", " 提示:支持键盘“←→”键翻页 阅读全文 "], "segmented_title": ["时光", "徽章", "新功能", "!", "外", "站", "统计", "各", "服", "徽章", "价格涨幅", "_", "新闻动态", "_", "电玩巴士", "网游"], "segmented_paragraphs": [["欧服", ":", "24", "小时", "之", "内", ",", "时光", "微", "章", "从", "111", ",", "446", "G", "涨", "到", "200", ",", "628", "G", "。", "不过", "在", "之后", "回落"], ["美服", ":", "24", "小时", "之", "内", ",", "时光", "徽章", "从", "60", ",", "369", "G", "涨", "到", "112", ",", "224", "G", "。", "不过", "在", "之后", "回落"], ["国服", ":", "24", "小时", "之", "内", ",", "时光", "徽章", "从", "235", ",", "103", "G", "涨", "到", "289", ",", "092", "G", "。", "不过", "在", "之后", "回落", ",", "相", "较", "于", "欧美", "服", ",", "幅度", "最小", "。"], ["韩服", ":", "24", "小时", "之", "内", ",", "时光", "徽章", "从", "217", ",", "036", "G", "涨", "到", "278", ",", "888", "G", "。", "不过", "在", "之后", "回落"], ["提示", ":", "支持", "键盘", "“", "←", "→", "”", "键", "翻页", "阅读全文"]], "title": "时光徽章新功能!外站统计各服徽章价格涨幅_新闻动态_电玩巴士网游"}, {"bs_rank_pos": 3, "paragraphs": ["金币兑换战网余额功能开启后,世界各服的时光徽章都开始涨价。之后也都开始回落,这些事时光徽章的走势。", ">T20模型预览< >7.2全职业史诗坐骑< >7.2飞行解锁条件<", "本文来源于NGACN,作者:喃兑啊内;原文地址:点我查看;转载请注明出处!", "时光徽章兑换余额帖:[点此查看]", "欧服,24小时之内,时光徽章从111,446 G 涨到 200,628 G。不过在之后回落", "美服,24小时之内,时光徽章从60,369 G 涨到 112,224 G。不过在之后回落", "国服,24小时之内,时光徽章从235,103 G 涨到 289,092 G。不过在之后回落,相较于欧美服,幅度最小。", "韩服,24小时之内,时光徽章从217,036 G 涨到278,888 G。不过在之后回落"], "segmented_title": ["时光", "徽章", "兑换", "战网", "余额", "外", "网站", "统计", "各", "服", "徽章", "价格涨幅", "_", "魔兽世界"], "segmented_paragraphs": [["金币", "兑换", "战网", "余额", "功能", "开启", "后", ",", "世界", "各", "服", "的", "时光", "徽章", "都", "开始", "涨价", "。", "之后", "也", "都", "开始", "回落", ",", "这些事", "时光", "徽章", "的", "走势", "。"], [">", "T20", "模型", "预览", "<", ">", "7", ".", "2", "全", "职业", "史诗", "坐骑", "<", ">", "7", ".", "2", "飞行", "解锁", "条件", "<"], ["本", "文", "来源于", "NGACN", ",", "作者", ":", "喃", "兑", "啊", "内", ";", "原文", "地址", ":", "点", "我", "查看", ";", "转载", "请", "注明", "出处", "!"], ["时光", "徽章", "兑换", "余额", "帖", ":", "[", "点此查看", "]"], ["欧服", ",", "24", "小时", "之", "内", ",", "时光", "徽章", "从", "111", ",", "446", "G", "涨", "到", "200", ",", "628", "G", "。", "不过", "在", "之后", "回落"], ["美服", ",", "24", "小时", "之", "内", ",", "时光", "徽章", "从", "60", ",", "369", "G", "涨", "到", "112", ",", "224", "G", "。", "不过", "在", "之后", "回落"], ["国服", ",", "24", "小时", "之", "内", ",", "时光", "徽章", "从", "235", ",", "103", "G", "涨", "到", "289", ",", "092", "G", "。", "不过", "在", "之后", "回落", ",", "相", "较", "于", "欧美", "服", ",", "幅度", "最小", "。"], ["韩服", ",", "24", "小时", "之", "内", ",", "时光", "徽章", "从", "217", ",", "036", "G", "涨", "到", "278", ",", "888", "G", "。", "不过", "在", "之后", "回落"]], "title": "时光徽章兑换战网余额 外网站统计各服徽章价格涨幅 _魔兽世界"}, {"bs_rank_pos": 4, "paragraphs": [" 挂了时光徽章要多久才能卖出去?还是说一挂到拍卖立刻就收到金币的邮件了?.....", " 地铁上,一小孩吵着想玩旁边帅哥的乐视max,妈妈无奈跟他说:\"小孩子不懂事,你能借他玩一下吗?一会就还你!\"帅哥没同意,小孩哭得更厉害了。一妹纸看不过去,拿出自己的iPhone6s递给那小孩,鄙视地对帅哥说:\"玩一下还能玩坏啊!\"刚说完,小孩重重地把手机摔地上,哭道\"我不要iPhone6s\"妹子上去就是一巴掌:“乐视max有什么好,小孩捂着脸回答道:", " 大概要卖出后半小时才到邮箱 ", " 你一开始挂上去也不会立即有人买呀 ", " 官方会安你拍卖的价钱收走的,不存在卖不出去的情况 ", " 首先得有人买,另外,价格是只显示最低的,买家也是购买最低价格,系统按谁最后挂拍卖谁价格低,所以你得等有人买了你的之后过几小时才会邮寄给你", " 就快跌破9W了", " 下载贴吧APP看高清直播、视频!"], "segmented_title": ["拍卖", "挂", "过", "时光", "徽章", "的", "小伙伴", "进来", "一", "下", ".", ".", ".", "【", "魔兽", "玩家", "吧", "】", "_", "百度贴吧"], "segmented_paragraphs": [["挂", "了", "时光", "徽章", "要", "多久", "才能", "卖出去", "?", "还是", "说", "一", "挂", "到", "拍卖", "立刻", "就", "收到", "金币", "的", "邮件", "了", "?", ".", ".", ".", ".", "."], ["地铁", "上", ",", "一", "小孩", "吵", "着", "想", "玩", "旁边", "帅哥", "的", "乐视", "max", ",", "妈妈", "无奈", "跟", "他", "说", ":", "\"", "小孩子", "不懂事", ",", "你", "能", "借", "他", "玩", "一", "下", "吗", "?", "一会", "就", "还", "你", "!", "\"", "帅哥", "没", "同意", ",", "小孩", "哭", "得", "更厉害", "了", "。", "一", "妹纸", "看", "不", "过去", ",", "拿出", "自己", "的", "iPhone", "6s", "递", "给", "那", "小孩", ",", "鄙视", "地", "对", "帅哥", "说", ":", "\"", "玩", "一", "下", "还能", "玩", "坏", "啊", "!", "\"", "刚说完", ",", "小孩", "重重", "地", "把", "手机", "摔", "地上", ",", "哭", "道", "\"", "我", "不要", "iPhone", "6s", "\"", "妹子", "上去", "就是", "一", "巴掌", ":", "“", "乐视", "max", "有", "什么", "好", ",", "小孩", "捂", "着", "脸", "回答", "道", ":"], ["大概", "要", "卖出", "后", "半小时", "才", "到", "邮箱"], ["你", "一开始", "挂", "上去", "也", "不会", "立即", "有人", "买", "呀"], ["官方", "会", "安", "你", "拍卖", "的", "价钱", "收", "走", "的", ",", "不存在", "卖", "不", "出去", "的", "情况"], ["首先", "得", "有人", "买", ",", "另外", ",", "价格", "是", "只", "显示", "最低", "的", ",", "买家", "也是", "购买", "最低价格", ",", "系统", "按", "谁", "最后", "挂", "拍卖", "谁", "价格低", ",", "所以", "你", "得", "等", "有人", "买", "了", "你", "的", "之后", "过", "几", "小时", "才会", "邮寄", "给", "你"], ["就", "快", "跌破", "9W", "了"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"]], "title": "拍卖挂过时光徽章的小伙伴进来一下...【魔兽玩家吧】_百度贴吧"}, {"bs_rank_pos": 5, "paragraphs": [" 如果酒能消愁, 那我每次都会一醉方休。", " UID 14106563 帖子 23564 威望 1  多玩草 1236 草", " 不知道,现在我看一直在6.5W----7w之间 ", " 打个雷劈死我吧!", " UID 42782696 帖子 5025 威望 0  多玩草 0草", " 从阴影中降临", " UID 23798982 帖子 21972 威望 11  多玩草 1238 草", " 再等等看 ", " mei 人关注了把 ", " 现在都在70000-74000直接徘徊 ", " UID 54178968 帖子 84199 威望 15 多玩草 392 草", " 前几天那么火换了那么多游戏时间总要慢慢玩一段时间再说吧 ", " UID 58184970 帖子 5410 威望 0 多玩草 100 草", " 连续几天7W了,说明了打钱依然很猖狂 ", " 还好5w多的时候买了几张,现在看到7w多直接把G都买坐骑了,这价钱买时光我都觉得亏 ", " 这不挺好,5173上面G价也跟着降,我们区时光上线前5173上面4WG/30元,现在已经7.5WG/30元了。而且现在自动挂机脚本也该封的封了,照这样下去,打G工作室也赚不到什么油水该散就都散了吧", " 不管贵不贵,反正让我们这些包里有很多G的人不用花人民币买点卡了 ", " 您需要登录后才可以回帖 登录 | 注册 "], "segmented_title": ["还有", "人", "关注", "时光", "徽章", "吗", "?", "怎么", "好多", "天", "了", "都", "没", "见到", "价格", "低于", "7", "W", "了", "-", "魔兽", "热点"], "segmented_paragraphs": [["如果", "酒", "能", "消愁", ",", "那", "我", "每次都会", "一醉方休", "。"], ["UID", "14106563", "帖子", "23564", "威望", "1", "多玩", "草", "1236", "草"], ["不知道", ",", "现在", "我", "看", "一直", "在", "6.5W", "-", "-", "-", "-", "7", "w", "之间"], ["打", "个", "雷劈", "死", "我", "吧", "!"], ["UID", "42782696", "帖子", "5025", "威望", "0", "多玩", "草", "0", "草"], ["从", "阴影", "中", "降临"], ["UID", "23798982", "帖子", "21972", "威望", "11", "多玩", "草", "1238", "草"], ["再", "等等", "看"], ["mei", "人", "关注", "了", "把"], ["现在", "都", "在", "70000", "-", "74000", "直接", "徘徊"], ["UID", "54178968", "帖子", "84199", "威望", "15", "多玩", "草", "392", "草"], ["前几天", "那么", "火", "换", "了", "那么多", "游戏时间", "总", "要", "慢慢", "玩", "一段时间", "再说吧"], ["UID", "58184970", "帖子", "5410", "威望", "0", "多玩", "草", "100", "草"], ["连续", "几天", "7", "W", "了", ",", "说明", "了", "打钱", "依然", "很", "猖狂"], ["还好", "5w", "多", "的", "时候", "买", "了", "几", "张", ",", "现在", "看到", "7", "w", "多", "直接", "把", "G", "都", "买", "坐骑", "了", ",", "这", "价钱", "买", "时光", "我", "都", "觉得", "亏"], ["这", "不", "挺好", ",", "5173", "上面", "G", "价", "也", "跟着", "降", ",", "我们", "区", "时光", "上线", "前", "5173", "上面", "4WG", "/", "30", "元", ",", "现在", "已经", "7.5", "WG", "/", "30", "元", "了", "。", "而且", "现在", "自动", "挂机", "脚本", "也", "该", "封", "的", "封", "了", ",", "照", "这样", "下去", ",", "打", "G", "工作室", "也", "赚", "不到", "什么", "油", "水", "该", "散", "就", "都", "散了吧"], ["不管", "贵", "不贵", ",", "反正", "让", "我们", "这些", "包", "里", "有很多", "G", "的", "人", "不用", "花", "人民币", "买", "点卡", "了"], ["您", "需要", "登录", "后", "才", "可以", "回帖", "登录", "|", "注册"]], "title": "还有人关注时光徽章吗?怎么好多天了都没见到价格低于7W了-魔兽热点"}], "question": "wow时光徽章实时价格", "segmented_question": ["wow", "时光", "徽章", "实时", "价格"], "question_type": "ENTITY", "fact_or_opinion": "OPINION", "question_id": 221621}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": [" 什么是窦性心动过缓?", "窦性心律过缓编辑 锁定 ", "窦性心律过缓指如果心电图是窦性,低于60次/分为心律过缓,而正常的窦性心律是60-100次/分。窦性心律过缓本身一般不需处理,主要是针对病因进行治疗。", " 窦性心律慢于每分钟60次称为窦性心律过缓。可见于健康的成人,尤其是运动员、老年人和睡眠时。在器质性心脏病中,窦性心律过缓可见于冠心病、急性心肌梗塞、心肌炎、心肌病和病窦综合征。", "西医学名 窦性心律过缓  发病部位 心脏", " 传染性 无传染性  传播途径 无", " 1 临床表现  2 诊断依据  3 治疗原则  4 用药原则  5 辅助检查  6 疗效评价 ", " ▪ 窦性心律  ▪ 检查  ▪ 分类 ", "1.窦性心律过缓如心律不低于每分钟50次,一般无症状。2.如心律低于每分钟40次时常可引起心绞痛、心功能不全或晕厥等症状。", "心电图显示窦性P波,P波速率低于每分钟60次,PR间期大于0.12秒。", "1.窦性心律过缓如心律不低于每分钟50次,无症状者,无需治疗。2.如心律低于每分钟40次,且出现症状者可用提高心律药物(如阿托品、麻黄素或异丙肾上腺素。3.显著窦性心律过缓伴窦性停搏且出现晕厥者可考虑安装人工心脏起搏器。4.原发病治疗。", "5.对症、支持治疗。", "1.大部分病人在消除病因或诱因后,症状可消失。2.有明确的原发性疾病时应积极治疗。", "1.窦性心律过缓心律不低于每分钟50次。2.窦性心律过缓心律低于每分钟40次。", "1.治愈:心律提高到每分钟60次以上,自觉症状消失。2.好转:心律提高到每分钟50次以上,自觉症状好转。3.无效:治疗前后心律无变化,症状无缓解。", "人体右心房上有一个特殊的小结节,由特殊的细胞构成,叫做窦房结。它可以自动地、有节律地产生电流,电流按传导组织的顺序传送到心脏的各个部位,从而引起心肌细胞的收缩和舒张。人体正常的心跳就是从这里发出的,这就是“心脏起搏点”。窦房结每发生1次冲动,心脏就跳动1次,在医学上称为“窦性心律”。所以,心脏正常的跳动就应该是窦性心律。", "窦房结是心脏搏动的最高“司令部”,那么,正常的心脏必须有正常的窦房结,正常的窦房结具有强大的自律性。凡是由窦房结发出激动所形成的心律总称为窦性心律。窦房结的频率每分钟60~100次,但有25%的青年人心率为50~60次/分,6岁以前的儿童可超出100次/分,初生婴儿则可达100~150次/分。", "许多人,特别是年轻人,在体检检查心电图时,常常会得到“窦性心律不齐”的诊断。多数人都知道心跳应该是规律整齐的,所以一听说“心律不齐”,不少人便认为这是不正常的现象。虽然没有任何症状,但也要四处求医,找专家,想赶快治好“病”。但医生往往又说:“不用治。”这些人心里又打鼓了,是不是什么疑难杂症,治不好了。", "其实,“窦性心律不齐”是一种正常的生理现象,不是病。“窦性心律不齐”以儿童、青少年最常见,成年人也不少见。", "一般情况下,心跳节律是规律整齐的,如果心脏跳动不整齐,我们称其为心律失常。从这个角度上来说,“窦性心律不齐”是最常见的一种心律失常,是由于来自窦房结的信号并不完全规整所致。但是,这种“心律失常”大多数属于“呼吸性窦性心律不齐”,这是一种正常生理现象,它的特点是随呼吸的变化而变换,吸气时心率可增加数跳,呼气时又可减慢数跳,其快慢周期恰好等于一个呼吸周期,屏气时心律转为规则。这种随呼吸变化的“窦性心律不齐”是完全正常的,不必担心,也不用治疗。", "因此,被诊断为“窦性心律不齐”的人,可以注意一下自己心率的加速和减速跟呼吸之间有没有关系。只要没有任何其他症状,就不需要治疗,完全可以从事正常的学习和生活。", "现在不少医生也注意到“窦性心律不齐”给人带来的恐慌,于是在诊断时会写作“窦性心律”。", "此外,精神紧张等因素也可能造成“窦性心律不齐”,这种情况也不需要治疗。", "窦性心律的心电图必须符合下列两个条件:(1)P波在Ⅰ、Ⅱ、aVF、V5导联直立,aVR倒置。(2)P-R间期大于0.12秒。凡是由于窦房结自律性改变而引起的心律失常称为窦性心律失常。影响窦房结自律性改变的有神经因素和体液因素及窦房结自身的因素,但主要的因素是神经因素和体液因素两种,只有少数情况下窦房结自律性的改变是由于窦房结本身的器质性损害引起。在神经因素中,主要是迷走神经的影响,其次是受交感神经的影响。因此,在情绪激动、体力活动、餐后及发热时均可引起心动过速。同样,一些体液因素也能影响窦房结的自律性而引起窦性心律失常。", "窦房结发出的激动不规则,心动周期显著快慢不均,称为窦性心律不齐。临床上,窦性心律不齐分以下几种类型:", "(1)呼吸性窦性心律不齐:呼吸性窦性心律不齐是窦性心律不齐中最常见的一种。多发生于儿童、青年及老年人,中年人较少见。呼吸性窦性心律不齐发生机理是由于在呼吸过程中,体内迷走神经与交感神经的张力发生变化,使窦房结自律性也因之发生周期性、规律性改变。吸气时交感神经张力增高,心率增快,呼气时迷走神经张力增高,心率变慢。心率快慢变化的周期恰等于一个呼吸周期,停止呼吸时心律转为规整。其心电图特点如下:", "①P波为窦房结发出的“窦性P波”(Ⅰ、Ⅱ导联中正向,aVR导联中负向),其形态恒定。②心率的快慢随呼吸变化而变化,吸气时心率增快,呼气时心率减慢,其快慢变化的周期恰等于一个呼吸周期。③在同一个导联中,R-R间距或P-P间距差异达0.12秒以上。④P?R间期大于0.12秒。", "非呼吸性窦性心律不齐较少见,具体原因还不十分清楚,有人认为与生气、情绪不稳定、或使用某些药物(如洋地黄,吗啡等)有关。其心电图特点如下:", "①P波为窦房结发出的“窦性P波”(Ⅰ、Ⅱ导联中正向,aVR导联中负向),其形态较恒定。②P波频率变化与呼吸无关,心率有时突然增快。③在同一导联中,P-P间距或R?R间距差异达0.12秒以上。④P?R间期大于0.12秒。", "(3)窦房结内游走性节律:", "激动的发生点在窦房结内移动,因此,心电图上的P波形态、大小与方向逐渐发生变化,其心电图特点如下:", "①P波是窦性P波(Ⅰ,Ⅱ导联中正向,aVR导联中负向);②P波形态、大小变化不一致;③P?R间期发生长短变化,但都已超过0.12秒。", "(4)与心室收缩排血有关的窦性心律不齐:", "与心室收缩排血有关的窦性心律不齐,是由于心室收缩排血异常致窦房结血液供应不均匀,从而造成窦房结的自律性发生改变。", "(5)异位心律诱发的窦性心律不齐:异位激动,尤其是发自心房的异位激动,有时可使窦房结的激动提早发生,继之窦房结受抑制,因而发生一过性异位激动所诱发的窦性心律不齐。"], "segmented_title": ["窦性心律", "过", "缓", "_", "百度百科"], "segmented_paragraphs": [["什么", "是", "窦性心动过缓", "?"], ["窦性心律", "过", "缓", "编辑", "锁定"], ["窦性心律", "过", "缓", "指", "如果", "心电图", "是", "窦", "性", ",", "低于", "60", "次", "/", "分为", "心律", "过", "缓", ",", "而", "正常", "的", "窦性心律", "是", "60", "-", "100", "次", "/", "分", "。", "窦性心律", "过", "缓", "本身", "一般", "不需", "处理", ",", "主要", "是", "针对", "病因", "进行", "治疗", "。"], ["窦性心律", "慢", "于", "每", "分钟", "60", "次", "称为", "窦性心律", "过", "缓", "。", "可", "见于", "健康", "的", "成人", ",", "尤其", "是", "运动员", "、", "老年", "人和", "睡眠", "时", "。", "在", "器", "质", "性", "心脏病", "中", ",", "窦性心律", "过", "缓", "可", "见于", "冠心病", "、", "急性心肌梗塞", "、", "心肌炎", "、", "心肌病", "和", "病", "窦", "综合征", "。"], ["西医", "学", "名", "窦性心律", "过", "缓", "发病", "部位", "心脏"], ["传染性", "无", "传染性", "传播途径", "无"], ["1", "临床表现", "2", "诊断", "依据", "3", "治疗原则", "4", "用药", "原则", "5", "辅助", "检查", "6", "疗效", "评价"], ["窦性心律", "检查", "分类"], ["1", ".", "窦性心律", "过", "缓", "如", "心律", "不", "低于", "每", "分钟", "50", "次", ",", "一般", "无", "症状", "。", "2", ".", "如", "心律", "低于", "每", "分钟", "40", "次", "时常", "可", "引起", "心绞痛", "、", "心功能不全", "或", "晕厥", "等", "症状", "。"], ["心电图", "显示", "窦", "性", "P波", ",", "P波", "速率", "低于", "每", "分钟", "60", "次", ",", "PR", "间", "期", "大于", "0", ".", "12", "秒", "。"], ["1", ".", "窦性心律", "过", "缓", "如", "心律", "不", "低于", "每", "分钟", "50", "次", ",", "无", "症状", "者", ",", "无需", "治疗", "。", "2", ".", "如", "心律", "低于", "每", "分钟", "40", "次", ",", "且", "出现", "症状", "者", "可用", "提高", "心律", "药物", "(", "如", "阿托品", "、", "麻黄素", "或", "异丙", "肾上腺素", "。", "3", ".", "显著", "窦性心律", "过", "缓", "伴", "窦性停搏", "且", "出现", "晕厥", "者", "可", "考虑", "安装", "人工", "心脏起搏器", "。", "4", ".", "原", "发病", "治疗", "。"], ["5", ".", "对症", "、", "支持", "治疗", "。"], ["1", ".", "大部分", "病人", "在", "消除", "病因", "或", "诱因", "后", ",", "症状", "可", "消失", "。", "2", ".", "有", "明确", "的", "原发性", "疾病", "时", "应", "积极", "治疗", "。"], ["1", ".", "窦性心律", "过", "缓", "心律", "不", "低于", "每", "分钟", "50", "次", "。", "2", ".", "窦性心律", "过", "缓", "心律", "低于", "每", "分钟", "40", "次", "。"], ["1", ".", "治愈", ":", "心律", "提高", "到", "每", "分钟", "60", "次", "以上", ",", "自觉", "症状消失", "。", "2", ".", "好", "转", ":", "心律", "提高", "到", "每", "分钟", "50", "次", "以上", ",", "自觉", "症状", "好转", "。", "3", ".", "无效", ":", "治疗", "前后", "心律", "无", "变化", ",", "症状", "无", "缓解", "。"], ["人体", "右", "心", "房", "上", "有", "一", "个", "特殊", "的", "小", "结节", ",", "由", "特殊", "的", "细胞", "构成", ",", "叫做", "窦房结", "。", "它", "可以", "自动", "地", "、", "有", "节律", "地产", "生", "电流", ",", "电流", "按", "传导", "组织", "的", "顺序", "传送", "到", "心脏", "的", "各", "个", "部位", ",", "从而", "引起", "心肌细胞", "的", "收缩", "和", "舒张", "。", "人体", "正常", "的", "心跳", "就是", "从", "这里", "发出", "的", ",", "这", "就是", "“", "心脏", "起搏", "点", "”", "。", "窦房结", "每", "发生", "1", "次", "冲动", ",", "心脏", "就", "跳动", "1", "次", ",", "在", "医学", "上", "称为", "“", "窦性心律", "”", "。", "所以", ",", "心脏", "正常", "的", "跳动", "就", "应该", "是", "窦性心律", "。"], ["窦房结", "是", "心脏", "搏动", "的", "最高", "“", "司令部", "”", ",", "那么", ",", "正常", "的", "心脏", "必须", "有", "正常", "的", "窦房结", ",", "正常", "的", "窦房结", "具有", "强大", "的", "自律", "性", "。", "凡是", "由", "窦房结", "发出", "激动", "所", "形成", "的", "心律", "总", "称为", "窦性心律", "。", "窦房结", "的", "频率", "每", "分钟", "60", "~", "100", "次", ",", "但", "有", "25", "%", "的", "青年人", "心率", "为", "50", "~", "60", "次", "/", "分", ",", "6", "岁", "以前", "的", "儿童", "可", "超出", "100", "次", "/", "分", ",", "初生婴儿", "则", "可达", "100", "~", "150", "次", "/", "分", "。"], ["许多人", ",", "特别", "是", "年轻人", ",", "在", "体检", "检查", "心电图", "时", ",", "常常", "会", "得到", "“", "窦性心律不齐", "”", "的", "诊断", "。", "多数", "人", "都", "知道", "心跳", "应该", "是", "规律", "整齐", "的", ",", "所以", "一", "听说", "“", "心律不齐", "”", ",", "不少", "人", "便", "认为", "这", "是", "不", "正常", "的", "现象", "。", "虽然", "没有任何", "症状", ",", "但", "也", "要", "四处", "求医", ",", "找", "专家", ",", "想", "赶快", "治", "好", "“", "病", "”", "。", "但", "医生", "往往", "又", "说", ":", "“", "不用", "治", "。", "”", "这些", "人", "心里", "又", "打鼓", "了", ",", "是不是", "什么", "疑难杂症", ",", "治不好", "了", "。"], ["其实", ",", "“", "窦性心律不齐", "”", "是", "一", "种", "正常", "的", "生理", "现象", ",", "不是", "病", "。", "“", "窦性心律不齐", "”", "以", "儿童", "、", "青少年", "最", "常见", ",", "成年", "人", "也", "不", "少见", "。"], ["一般", "情况", "下", ",", "心跳", "节律", "是", "规律", "整齐", "的", ",", "如果", "心脏", "跳动", "不", "整齐", ",", "我们", "称", "其", "为", "心律失常", "。", "从", "这个", "角度", "上", "来", "说", ",", "“", "窦性心律不齐", "”", "是", "最", "常见", "的", "一", "种", "心律失常", ",", "是", "由于", "来自", "窦房结", "的", "信号", "并", "不", "完全", "规", "整", "所致", "。", "但是", ",", "这种", "“", "心律失常", "”", "大多数", "属于", "“", "呼吸性", "窦性心律不齐", "”", ",", "这", "是", "一", "种", "正常", "生理", "现象", ",", "它", "的", "特点", "是", "随", "呼吸", "的", "变化", "而", "变换", ",", "吸气", "时", "心率", "可", "增加", "数", "跳", ",", "呼气", "时", "又", "可", "减慢", "数", "跳", ",", "其", "快慢", "周期", "恰好", "等于", "一", "个", "呼吸", "周期", ",", "屏气", "时", "心律", "转为", "规则", "。", "这种", "随", "呼吸", "变化", "的", "“", "窦性心律不齐", "”", "是", "完全", "正常", "的", ",", "不必担心", ",", "也", "不用", "治疗", "。"], ["因此", ",", "被", "诊断", "为", "“", "窦性心律不齐", "”", "的", "人", ",", "可以", "注意", "一", "下", "自己", "心率", "的", "加速", "和", "减速", "跟", "呼吸之间", "有没有", "关系", "。", "只要", "没有任何", "其他", "症状", ",", "就", "不", "需要", "治疗", ",", "完全", "可以", "从事", "正常", "的", "学习", "和", "生活", "。"], ["现在", "不", "少", "医生", "也", "注意", "到", "“", "窦性心律不齐", "”", "给", "人", "带来", "的", "恐慌", ",", "于是", "在", "诊断", "时", "会", "写作", "“", "窦性心律", "”", "。"], ["此外", ",", "精神紧张", "等", "因素", "也", "可能", "造成", "“", "窦性心律不齐", "”", ",", "这种情况", "也", "不需要", "治疗", "。"], ["窦性心律", "的", "心电图", "必须", "符合", "下列", "两", "个", "条件", ":", "(", "1", ")", "P波", "在", "Ⅰ", "、", "Ⅱ", "、", "aVF", "、", "V", "5", "导", "联", "直立", ",", "aVR", "倒置", "。", "(", "2", ")", "P", "-", "R", "间", "期", "大于", "0", ".", "12", "秒", "。", "凡是", "由于", "窦房结", "自律", "性", "改变", "而", "引起", "的", "心律失常", "称为", "窦性心律失常", "。", "影响", "窦房结", "自律", "性", "改变", "的", "有", "神经", "因素", "和", "体液", "因素", "及", "窦房结", "自身", "的", "因素", ",", "但", "主要", "的", "因素", "是", "神经", "因素", "和", "体液", "因素", "两种", ",", "只有", "少数", "情况", "下", "窦房结", "自律", "性", "的", "改变", "是", "由于", "窦房结", "本身", "的", "器", "质", "性", "损害", "引起", "。", "在", "神经", "因素", "中", ",", "主要", "是", "迷走神经", "的", "影响", ",", "其次", "是", "受", "交感神经", "的", "影响", "。", "因此", ",", "在", "情绪激动", "、", "体力", "活动", "、", "餐", "后", "及", "发热", "时", "均", "可", "引起", "心动过速", "。", "同样", ",", "一些", "体液", "因素", "也", "能", "影响", "窦房结", "的", "自律", "性", "而", "引起", "窦性心律失常", "。"], ["窦房结", "发出", "的", "激动", "不规则", ",", "心动周期", "显著", "快慢", "不均", ",", "称为", "窦性心律不齐", "。", "临床", "上", ",", "窦性心律不齐", "分", "以下", "几种类型", ":"], ["(", "1", ")", "呼吸性", "窦性心律不齐", ":", "呼吸性", "窦性心律不齐", "是", "窦性心律不齐", "中", "最", "常见", "的", "一", "种", "。", "多发", "生", "于", "儿童", "、", "青年", "及", "老年人", ",", "中年人", "较", "少见", "。", "呼吸性", "窦性心律不齐", "发生", "机理", "是", "由于", "在", "呼吸", "过程", "中", ",", "体", "内", "迷走神经", "与", "交感神经", "的", "张力", "发生变化", ",", "使", "窦房结", "自律", "性", "也", "因", "之", "发生", "周期性", "、", "规律性", "改变", "。", "吸气", "时", "交感神经", "张力", "增高", ",", "心率", "增", "快", ",", "呼气", "时", "迷走神经", "张力", "增高", ",", "心率", "变", "慢", "。", "心率", "快慢", "变化", "的", "周期", "恰", "等于", "一", "个", "呼吸", "周期", ",", "停止呼吸", "时", "心律", "转为", "规", "整", "。", "其", "心电图", "特点", "如", "下", ":"], ["①", "P波", "为", "窦房结", "发出", "的", "“", "窦", "性", "P波", "”", "(", "Ⅰ", "、", "Ⅱ", "导", "联", "中", "正向", ",", "aVR", "导", "联", "中", "负", "向", ")", ",", "其", "形态", "恒", "定", "。", "②", "心率", "的", "快慢", "随", "呼吸", "变化", "而", "变化", ",", "吸气", "时", "心率", "增", "快", ",", "呼气", "时", "心率", "减慢", ",", "其", "快慢", "变化", "的", "周期", "恰", "等于", "一", "个", "呼吸", "周期", "。", "③", "在", "同", "一", "个", "导", "联", "中", ",", "R", "-", "R", "间距", "或", "P", "-", "P", "间距", "差异", "达", "0", ".", "12", "秒", "以上", "。", "④", "P", "?", "R", "间", "期", "大于", "0", ".", "12", "秒", "。"], ["非", "呼吸性", "窦性心律不齐", "较", "少见", ",", "具体", "原因", "还", "不", "十分", "清楚", ",", "有人", "认为", "与", "生气", "、", "情绪", "不稳定", "、", "或", "使用", "某些", "药物", "(", "如", "洋地黄", ",", "吗啡", "等", ")", "有关", "。", "其", "心电图", "特点", "如", "下", ":"], ["①", "P波", "为", "窦房结", "发出", "的", "“", "窦", "性", "P波", "”", "(", "Ⅰ", "、", "Ⅱ", "导", "联", "中", "正向", ",", "aVR", "导", "联", "中", "负", "向", ")", ",", "其", "形态", "较", "恒", "定", "。", "②", "P波", "频率", "变化", "与", "呼吸", "无关", ",", "心率", "有时", "突然", "增", "快", "。", "③", "在", "同", "一", "导", "联", "中", ",", "P", "-", "P", "间距", "或", "R", "?", "R", "间距", "差异", "达", "0", ".", "12", "秒", "以上", "。", "④", "P", "?", "R", "间", "期", "大于", "0", ".", "12", "秒", "。"], ["(", "3", ")", "窦房结", "内", "游走", "性", "节律", ":"], ["激动", "的", "发生", "点", "在", "窦房结", "内", "移动", ",", "因此", ",", "心电图", "上", "的", "P", "波", "形态", "、", "大小", "与", "方向", "逐渐", "发生变化", ",", "其", "心电图", "特点", "如", "下", ":"], ["①", "P波", "是", "窦", "性", "P波", "(", "Ⅰ", ",", "Ⅱ", "导", "联", "中", "正向", ",", "aVR", "导", "联", "中", "负", "向", ")", ";", "②", "P", "波", "形态", "、", "大小", "变化", "不", "一致", ";", "③", "P", "?", "R", "间", "期", "发生", "长短", "变化", ",", "但", "都", "已", "超过", "0", ".", "12", "秒", "。"], ["(", "4", ")", "与", "心室", "收缩", "排", "血", "有关", "的", "窦性心律不齐", ":"], ["与", "心室", "收缩", "排", "血", "有关", "的", "窦性心律不齐", ",", "是", "由于", "心室", "收缩", "排", "血", "异常", "致", "窦房结", "血液", "供应", "不", "均匀", ",", "从而", "造成", "窦房结", "的", "自律", "性", "发生", "改变", "。"], ["(", "5", ")", "异位", "心律", "诱发", "的", "窦性心律不齐", ":", "异位", "激动", ",", "尤其", "是", "发", "自", "心", "房", "的", "异位", "激动", ",", "有时", "可", "使", "窦房结", "的", "激动", "提早", "发生", ",", "继", "之", "窦房结", "受", "抑制", ",", "因而", "发生", "一过性", "异位", "激动", "所", "诱发", "的", "窦性心律不齐", "。"]], "title": "窦性心律过缓_百度百科"}, {"bs_rank_pos": 2, "paragraphs": ["?窦性心律过缓是怎么一回事?能医治吗?", " 拇指医生提醒您:该问题下为网友贡献,仅供参考。", " 我心跳大概是每分钟59,这样对身体有什么影响? ", " 窦性心律过缓不是什么大问题,但是一种病,必须重视。心跳过缓其实挺好(前提是不影响身体的各项功能)这样的话身体的新陈代谢就会变慢,就会比一般人的生命长,综合功能也强。好是好,但必须去看看,毕竟是一种病。祝你健康。", " 正常的心率是60-100次/分,低于60次/分,且为窦性心律者为窦性心动过缓.心率59次/分,如果是窦性的,并且身体没什么不适,可以不用担心.对身体没什么影响", " 窦性心律过缓,中医的观点来看,多是属于气血的毛病,因为气虚、血虚所造成的血液运行不畅、血液量不足。 除了增加营养,适当运动,药物调节外,可以试试这两招,会受益的!!!气能行血,气能摄血,气能生血,血能载气,气行血则行,气滞血则凝。调节呼吸,气血通畅,经络通畅了,一切就好了。冬季养生早卧晚起,以待日光。春季养生,早卧早起,锻炼身体。中午少睡一会足够。子时(晚上11~1点)和午时(中午11~1点)都是阴阳交接的时辰,晚上子时阴盛至极,开始阳升阴降,中午午时阳盛至极,开始阳降阴升。中医养生注重睡好子午觉,可以健康长寿。教你一招,调节呼吸法——也叫呼吸吐纳法。呼吸的方法有自然呼吸和正呼吸两种:第一自然呼吸,也叫做腹式呼吸,因为在呼吸时,一呼一吸,必须都能达到下腹部。在吸气时,空气入肺,充满周身,肺底舒张,抑压横膈膜,使空气下降,这时胸部空松,腹部外凸,在呼气时,腹部收缩,横膈膜被推而上,上抵肺部,使肺底浊气,外散无余。可见呼吸作用,虽与肺叶有密切关系,但它的伸缩,常须依靠下腹和横膈膜的运动,方能合乎自然大法,使血液循环流畅。我们不但在静坐时,须用此法,实际上,不论行、住、坐、卧,应该随时使用。关于自然呼吸法的调和方法如下:(a)、呼息时,脐下腹部收缩,横膈膜向上,胸部紧窄,肺底浊气可以挤出。"], "segmented_title": ["窦性心律", "过", "缓", "是", "怎么", "一", "回事", "?", "能", "医治", "吗", "?", "_", "百度", "拇指", "医生"], "segmented_paragraphs": [["?", "窦性心律", "过", "缓", "是", "怎么", "一", "回事", "?", "能", "医治", "吗", "?"], ["拇指", "医生", "提醒", "您", ":", "该", "问题", "下", "为", "网友", "贡献", ",", "仅供参考", "。"], ["我", "心跳", "大概", "是", "每", "分钟", "59", ",", "这样", "对", "身体", "有", "什么", "影响", "?"], ["窦性心律", "过", "缓", "不是", "什么", "大", "问题", ",", "但是", "一", "种", "病", ",", "必须重视", "。", "心跳", "过", "缓", "其实", "挺好", "(", "前提", "是", "不", "影响", "身体", "的", "各项", "功能", ")", "这样的话", "身体", "的", "新陈代谢", "就会", "变", "慢", ",", "就会", "比", "一般人", "的", "生命", "长", ",", "综合", "功能", "也", "强", "。", "好", "是", "好", ",", "但", "必须", "去", "看看", ",", "毕竟", "是", "一", "种", "病", "。", "祝你健康", "。"], ["正常", "的", "心率", "是", "60", "-", "100", "次", "/", "分", ",", "低于", "60", "次", "/", "分", ",", "且", "为", "窦性心律", "者", "为", "窦性心动过缓", ".", "心率", "59", "次", "/", "分", ",", "如果", "是", "窦", "性", "的", ",", "并且", "身体", "没什么", "不适", ",", "可以", "不用担心", ".", "对", "身体", "没什么", "影响"], ["窦性心律", "过", "缓", ",", "中医", "的", "观点", "来看", ",", "多", "是", "属于", "气血", "的", "毛病", ",", "因为", "气虚", "、", "血虚", "所", "造成", "的", "血液", "运行", "不畅", "、", "血液", "量", "不足", "。", "除了", "增加", "营养", ",", "适当", "运动", ",", "药物", "调节", "外", ",", "可以", "试", "试", "这", "两", "招", ",", "会", "受益", "的", "!", "!", "!", "气", "能", "行", "血", ",", "气", "能", "摄", "血", ",", "气", "能", "生", "血", ",", "血", "能", "载", "气", ",", "气", "行", "血", "则", "行", ",", "气滞", "血", "则", "凝", "。", "调节", "呼吸", ",", "气血", "通畅", ",", "经络", "通畅", "了", ",", "一切", "就好", "了", "。", "冬季", "养生", "早", "卧", "晚", "起", ",", "以", "待", "日光", "。", "春季养生", ",", "早", "卧", "早起", ",", "锻炼身体", "。", "中午", "少", "睡", "一会", "足够", "。", "子时", "(", "晚上", "11", "~", "1", "点", ")", "和", "午时", "(", "中午", "11", "~", "1", "点", ")", "都是", "阴阳", "交接", "的", "时辰", ",", "晚上", "子时", "阴", "盛", "至", "极", ",", "开始", "阳", "升", "阴", "降", ",", "中午", "午时", "阳", "盛", "至", "极", ",", "开始", "阳", "降", "阴", "升", "。", "中医养生", "注重", "睡", "好", "子", "午觉", ",", "可以", "健康长寿", "。", "教", "你", "一", "招", ",", "调节", "呼吸法", "—", "—", "也", "叫", "呼吸", "吐纳", "法", "。", "呼吸", "的", "方法", "有", "自然", "呼吸", "和", "正", "呼吸", "两种", ":", "第", "一", "自然", "呼吸", ",", "也", "叫做", "腹式呼吸", ",", "因为", "在", "呼吸", "时", ",", "一", "呼", "一", "吸", ",", "必须", "都", "能", "达到", "下腹部", "。", "在", "吸气", "时", ",", "空气", "入", "肺", ",", "充满", "周", "身", ",", "肺", "底", "舒张", ",", "抑", "压", "横膈膜", ",", "使", "空气", "下降", ",", "这时", "胸部", "空", "松", ",", "腹部", "外", "凸", ",", "在", "呼气", "时", ",", "腹部", "收缩", ",", "横膈膜", "被", "推", "而", "上", ",", "上", "抵", "肺部", ",", "使", "肺", "底", "浊气", ",", "外", "散", "无余", "。", "可见", "呼吸作用", ",", "虽", "与", "肺叶", "有", "密切", "关系", ",", "但", "它", "的", "伸缩", ",", "常", "须", "依靠", "下腹", "和", "横膈膜", "的", "运动", ",", "方", "能", "合乎", "自然", "大", "法", ",", "使", "血液循环", "流畅", "。", "我们", "不", "但", "在", "静坐", "时", ",", "须", "用", "此", "法", ",", "实际上", ",", "不", "论", "行", "、", "住", "、", "坐", "、", "卧", ",", "应该", "随时", "使用", "。", "关于", "自然", "呼吸法", "的", "调和", "方法", "如", "下", ":", "(", "a", ")", "、", "呼息", "时", ",", "脐", "下腹部", "收缩", ",", "横膈膜", "向上", ",", "胸部", "紧", "窄", ",", "肺", "底", "浊气", "可以", "挤出", "。"]], "title": "窦性心律过缓是怎么一回事?能医治吗?_百度拇指医生"}, {"bs_rank_pos": 3, "paragraphs": [" 请问心电图检查有1.窦性心律过缓53次/分 ", "请问心电图检查有1.窦性心律过缓53次/分 2.完全性右束支阻滞.是不是很严重?可以治愈吗?谢谢! ", "医生回复(0) 查询更多医生 ", " 心脏,生命的发动机 "], "segmented_title": ["请问", "心电图", "检查", "有", "1", ".", "窦性心律", "过", "缓", "53", "次", "/", "分", "_", "有问必答", "_", "寻医问药", "网"], "segmented_paragraphs": [["请问", "心电图", "检查", "有", "1", ".", "窦性心律", "过", "缓", "53", "次", "/", "分"], ["请问", "心电图", "检查", "有", "1", ".", "窦性心律", "过", "缓", "53", "次", "/", "分", "2", ".", "完全", "性", "右", "束", "支", "阻滞", ".", "是不是", "很", "严重", "?", "可以", "治愈", "吗", "?", "谢谢", "!"], ["医生", "回复", "(", "0", ")", "查询", "更多", "医生"], ["心脏", ",", "生命", "的", "发动机"]], "title": "请问心电图检查有1.窦性心律过缓53次/分 _有问必答_寻医问药网"}, {"bs_rank_pos": 5, "paragraphs": [" 健康咨询描述:昨天我做了心电图结果是:1、窦性心律过缓;2、部分导联T泼变形,请问能剧烈运动吗?怎么治疗? ", " 曾经的治疗情况和效果:没有", " 想得到怎样的帮助:请问能剧烈运动吗?怎么治疗? ", " 陈立才 主治医师  咨询:24386人 ", " 病情分析: 心电图示图型和数据结合,得出诊断结论,同时机器的诊断结果存在误差等。 ", " 指导意见: 如果平时没症状,完全可以运动。一般运动的人,心跳都比较慢,称为窦性心动过缓。同时T波变化也存在多种情形,没有图纸真不好说。医生询问:能上传心电图纸吗?", "医生微视频 健康问答1分钟小视频 "], "segmented_title": ["昨天", "我", "做", "了", "心电图", "结果", "是", ":", "1", "、", "窦性心律", "过", "缓", "_", "快速", "问", "医生", "_", "免费咨询"], "segmented_paragraphs": [["健康", "咨询", "描述", ":", "昨天", "我", "做", "了", "心电图", "结果", "是", ":", "1", "、", "窦性心律", "过", "缓", ";", "2", "、", "部分", "导", "联", "T", "泼", "变形", ",", "请问", "能", "剧烈运动", "吗", "?", "怎么", "治疗", "?"], ["曾经", "的", "治疗", "情况", "和", "效果", ":", "没有"], ["想得到", "怎样", "的", "帮助", ":", "请问", "能", "剧烈运动", "吗", "?", "怎么", "治疗", "?"], ["陈", "立才", "主治医师", "咨询", ":", "24386", "人"], ["病情", "分析", ":", "心", "电", "图示", "图型", "和", "数据", "结合", ",", "得出", "诊断", "结论", ",", "同时", "机器", "的", "诊断", "结果", "存在", "误差", "等", "。"], ["指导意见", ":", "如果", "平时", "没", "症状", ",", "完全", "可以", "运动", "。", "一般", "运动", "的", "人", ",", "心跳", "都", "比较", "慢", ",", "称为", "窦性心动过缓", "。", "同时", "T波", "变化", "也", "存在", "多", "种", "情形", ",", "没有", "图纸", "真", "不好", "说", "。", "医生", "询问", ":", "能", "上传", "心电图纸", "吗", "?"], ["医生", "微", "视频", "健康", "问答", "1", "分钟", "小", "视频"]], "title": "昨天我做了心电图结果是:1、窦性心律过缓_快速问医生_免费咨询"}, {"bs_rank_pos": 6, "paragraphs": [" 健康咨询描述: ", "中医辩证论治心脑病 冠心病、动脉硬化等心脑病", " 田医生", " 指导意见: 考虑为窦性心动过缓可能性大。建议去医院心内科作个24小时动态心电图检查进一步明确心率波动情况,鉴于你目前的情况可以服用些沙丁胺醇片、参松养心胶囊治疗", " 中医辩证论治心脑病 专家坐诊 免费咨询 ", "中医辩证论治心脑病 冠心病、动脉硬化等心脑病 ", "早泄的自我疗法! 分享我的治早泄经验 ", " 阴虚体质人群的运动养生 很高兴能够为您解决这个问...", " 生殖器疱疹如何进行传播的 生殖器疱疹也叫做阴部疱疹...", " 女人应该知道的四款美容养 其实在我们的生活当中,很...", " 血瘀体质如何调养 血瘀体质在我们的生活当中..."], "segmented_title": ["窦性心律", "过", "缓", "是", "怎么", "一", "回事", "_", "快速", "问", "医生", "_", "免费咨询"], "segmented_paragraphs": [["健康", "咨询", "描述", ":"], ["中医", "辩证论治", "心", "脑", "病", "冠心病", "、", "动脉硬化", "等", "心", "脑病"], ["田", "医生"], ["指导意见", ":", "考虑", "为", "窦性心动过缓", "可能性", "大", "。", "建议", "去", "医院", "心内科", "作", "个", "24", "小时", "动态", "心电图", "检查", "进一步明确", "心率", "波动", "情况", ",", "鉴于", "你", "目前", "的", "情况", "可以", "服用", "些", "沙丁胺醇", "片", "、", "参松养心", "胶囊", "治疗"], ["中医", "辩证论治", "心", "脑", "病", "专家", "坐诊", "免费咨询"], ["中医", "辩证论治", "心", "脑", "病", "冠心病", "、", "动脉硬化", "等", "心", "脑病"], ["早泄", "的", "自我", "疗法", "!", "分享", "我", "的", "治", "早泄", "经验"], ["阴虚", "体质", "人群", "的", "运动", "养生", "很高兴", "能够", "为您", "解决", "这个", "问", ".", ".", "."], ["生殖器疱疹", "如何", "进行", "传播", "的", "生殖器疱疹", "也", "叫做", "阴部", "疱疹", ".", ".", "."], ["女人", "应该", "知道", "的", "四", "款", "美容", "养", "其实", "在", "我们", "的", "生活", "当", "中", ",", "很", ".", ".", "."], ["血瘀", "体质", "如何", "调养", "血瘀", "体质", "在", "我们", "的", "生活", "当", "中", ".", ".", "."]], "title": "窦性心律过缓是怎么一回事 _快速问医生_免费咨询"}], "question": "窦性心律过缓的原因", "segmented_question": ["窦性心律", "过", "缓", "的", "原因"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221622}
-{"documents": [{"title": "东方爱婴收费价格多少?-3158财富湖南", "segmented_title": ["东方爱婴", "收费", "价格", "多少", "?", "-", "3158", "财富", "湖南"], "segmented_paragraphs": [["3158", "首页", ">", "财富", "资讯", ">", "创业", "信息", ">", "东方爱婴", "收费", "价格", "多少", "?"], ["东方爱婴", "收费", "价格", "多少", "?", "东方爱婴", "加盟费", "多少", "?", "为了", "更好", "的", "让", "孩子", "接收", "新", "的", "知识", ",", "很多", "家长", "就", "把", "孩子", "送", "到", "早教", "机构", "去", "学习", "。", "东方爱婴", "的", "出现", "更好", "的", "引导", "孩子", "学习", "新", "的", "知识", ",", "让", "他们", "可以", "拥有", "辉煌", "的", "未来", "。", "东方爱婴", "的", "收费", "不贵", ",", "很", "符合", "大众", "的", "的", "需求", "…", "…"], ["扫描", "到", "手机", "收藏"], ["东方爱婴", "收费", "价格", "多少", "?", "东方爱婴", "加盟费", "多少", "?", "为了", "更好", "的", "让", "孩子", "接收", "新", "的", "知识", ",", "很多", "家长", "就", "把", "孩子", "送", "到", "早教", "机构", "去", "学习", "。", "东方爱婴", "的", "出现", "更好", "的", "引导", "孩子", "学习", "新", "的", "知识", ",", "让", "他们", "可以", "拥有", "辉煌", "的", "未来", "。", "东方爱婴", "的", "收费", "不贵", ",", "很", "符合", "大众", "的", "的", "需求", ",", "加盟", "东方爱婴", ",", "打造", "了", "一", "个", "不一样", "的", "未来", "。", "【", "点击", "留言", "了解", "加盟", "详情", "】"], ["东方爱婴", "收费", "价格", "多少", "?", "现在", "大多数", "的", "家庭", "都是", "只有一个孩子", ",", "家长们", "都", "把", "希望", "寄托", "在", "东方爱婴", "早教中心", "。", "东方爱婴", "早教中心", "有", "一", "种", "梦想", "和", "信念", ",", "就是", "在", "中国", ",", "每一个", "小时", "诞生", "2000", "名", "婴儿", ",", "东方爱婴", "早教", "希望", "每一个", "婴儿", "都", "有", "一", "个", "辉煌", "的", "开端", "。", "加入", "东方爱婴", "早教中心", "招商项目", ",", "开创", "中国", "早教", "市场", "的", "新格局", "。"], ["东方爱婴", "收费", "价格", "多少", "?", "宝宝", "的", "成长", "就是", "东方爱婴", "的", "目标", ",", "东方爱婴", ",", "用", "心", "培养", "每个", "宝宝", ",", "铸造", "了", "无数", "家庭", "的", "美满", "。", "东方爱婴", "早教中心", "建立", "了", "自己", "的", "研究", "与", "发展", "中心", ",", "并", "不断完善", "“", "东方爱婴", "”", "早期教育", "体系", ",", "迄今为止", "东方爱婴", "早教中心", "体系", "服务", "的", "家庭", "超过", "50", "万", "个", ",", "而且", "在", "持续", "不断", "的", "增加", "。", "东方爱婴", "希望", "每一个", "婴儿", "都", "有", "一", "个", "辉煌", "的", "开端", ",", "希望", "为", "更多", "的", "宝宝", "带来", "成长", "的", "关爱", "!"], ["东方爱婴", "收费", "价格", "多少", "?", "东方爱婴", "加盟费", "多少", "?", "大家都知道", "教育", "要", "从小", "抓", "起", ",", "要", "给", "宝宝", "打造", "一", "个", "坚实", "的", "基础", "就要", "选择", "东方爱婴", "去", "学习", "。", "加盟", "东方爱婴", ",", "为", "孩子们", "的", "成长", "做", "好", "有利", "的", "铺垫", ",", "祖国", "的", "未来", ",", "在", "孩子们", "的", "身上", ",", "也", "在", "东方爱婴", "的", "不懈努力", "上", "。"], ["责任编辑", ":", "凡瑶"], ["企业名称", ":", "北京市", "东方爱婴", "咨询", "有限公司"], ["企业", "地址", ":", "北京市", "朝阳区", "望京", "阜", "通", "东大街", "6", "号", "方", "恒", "国际", "中心", "26", "层"], ["官网", "地址", ":", "http", ":", "/", "/", "qiye", ".", "3158", ".", "cn", "/", "16320", "/"]], "paragraphs": ["3158首页 > 财富资讯 > 创业信息 > 东方爱婴收费价格多少?", "东方爱婴收费价格多少?东方爱婴加盟费多少?为了更好的让孩子接收新的知识,很多家长就把孩子送到早教机构去学习。东方爱婴的出现更好的引导孩子学习新的知识,让他们可以拥有辉煌的未来。东方爱婴的收费不贵,很符合大众的的需求……", "扫描到手机收藏", "东方爱婴收费价格多少?东方爱婴加盟费多少?为了更好的让孩子接收新的知识,很多家长就把孩子送到早教机构去学习。东方爱婴的出现更好的引导孩子学习新的知识,让他们可以拥有辉煌的未来。东方爱婴的收费不贵,很符合大众的的需求,加盟东方爱婴,打造了一个不一样的未来。【点击留言了解加盟详情】", "东方爱婴收费价格多少?现在大多数的家庭都是只有一个孩子,家长们都把希望寄托在东方爱婴早教中心。东方爱婴早教中心有一种梦想和信念,就是在中国,每一个小时诞生2000名婴儿,东方爱婴早教希望每一个婴儿都有一个辉煌的开端。加入东方爱婴早教中心招商项目,开创中国早教市场的新格局。", "东方爱婴收费价格多少?宝宝的成长就是东方爱婴的目标,东方爱婴,用心培养每个宝宝,铸造了无数家庭的美满。东方爱婴早教中心建立了自己的研究与发展中心,并不断完善“东方爱婴”早期教育体系,迄今为止东方爱婴早教中心体系服务的家庭超过50万个,而且在持续不断的增加。东方爱婴希望每一个婴儿都有一个辉煌的开端,希望为更多的宝宝带来成长的关爱!", "东方爱婴收费价格多少?东方爱婴加盟费多少?大家都知道教育要从小抓起,要给宝宝打造一个坚实的基础就要选择东方爱婴去学习。加盟东方爱婴,为孩子们的成长做好有利的铺垫,祖国的未来,在孩子们的身上,也在东方爱婴的不懈努力上。", "责任编辑:凡瑶", "企业名称:北京市东方爱婴咨询有限公司", "企业地址:北京市朝阳区望京阜通东大街6号方恒国际中心26层", "官网地址:http://qiye.3158.cn/16320/"], "bs_rank_pos": 0}, {"title": "东方爱婴早教中心价格大概是多少?_百度知道", "segmented_title": ["东方爱婴", "早教中心", "价格", "大概", "是", "多少", "?", "_", "百度", "知道"], "segmented_paragraphs": [["5000", "左右", ",", "买", "个", "国学", "早教", "机", "也", "可以", ",", "最", "主要", "亲子"], ["因为", "为了", "一句话", "万一", "这", "贴子", "火", "了", "呢"]], "paragraphs": ["5000左右,买个国学早教机也可以,最主要亲子", "因为为了一句话万一这贴子火了呢"], "bs_rank_pos": 1}, {"title": "东方爱婴电话,地址,价格,营业时间(图)--百度糯米", "segmented_title": ["东方爱婴", "电话", ",", "地址", ",", "价格", ",", "营业时间", "(", "图", ")", "-", "-", "百度", "糯米"], "segmented_paragraphs": [["游乐", "卡", "月卡", "!", "节假日", "通用", ",", "提供免费", "WiFi", "!"], ["有效期", ":", "2017", "-", "06", "-", "24"], ["¥", "150", "门市价", "¥", "200"], ["早教", "卡", "20", "课时", "!", "节假日", "通用", ",", "店", "内", "提供免费", "无线", "WiFi", "!", "环境优雅", ",", "服务周到", "!"], ["有效期", ":", "2017", "-", "06", "-", "24"], ["¥", "1680", "门市价", "¥", "3200"], ["早教", "卡", "8", "课时", "!", "提供免费", "WiFi", ",", "节假日", "通用", "!"], ["有效期", ":", "2017", "-", "06", "-", "23"], ["¥", "698", "门市价", "¥", "1280"], ["暂无", "会员", "评价"]], "paragraphs": ["游乐卡月卡!节假日通用,提供免费WiFi!", "有效期:2017-06-24", "¥150 门市价¥200", "早教卡20课时!节假日通用,店内提供免费无线WiFi!环境优雅,服务周到!", "有效期:2017-06-24", "¥1680 门市价¥3200", "早教卡8课时!提供免费WiFi,节假日通用!", "有效期:2017-06-23", "¥698 门市价¥1280", "暂无会员评价"], "bs_rank_pos": 2}, {"title": "东方爱婴早教中心投资费用大概是多少?-3158教育网", "segmented_title": ["东方爱婴", "早教中心", "投资", "费用", "大概", "是", "多少", "?", "-", "3158", "教育网"], "segmented_paragraphs": [["3158", "首页", ">", "行业资讯", ">", "市场分析", ">", "东方爱婴", "早教中心", "投资", "费用", "大概", "是", "多少", "?"], ["东方爱婴", "早教中心", "投资", "费用", "大概", "是", "多少", "?", "东方爱婴", "早教中心", "投资", "费用", "大概", "是", "在", "5", "-", "10", "万元", "之间", "。", "东方爱婴", "早教中心", "是", "一", "个", "专业从事", "0", "-", "6", "岁", "婴幼儿", "早期教育", "的", "教育机构", ",", "每周", "有", "超过", "16", "万", "个", "家庭", "享受", "到", "东方爱婴", "的", "婴幼儿", "早期教育", "服务", "。", "可见", "加盟", "其中", "的", "市场", "是", "多么", "的", "大", "!"], ["扫描", "到", "手机", "收藏"], ["东方爱婴", "早教中心", "投资", "费用", "大概", "是", "多少", "?", "东方爱婴", "早教中心", "投资", "费用", "大概", "是", "在", "5", "-", "10", "万元", "之间", "。", "东方爱婴", "早教中心", "是", "一", "个", "专业从事", "0", "-", "6", "岁", "婴幼儿", "早期教育", "的", "教育机构", ",", "每周", "有", "超过", "16", "万", "个", "家庭", "享受", "到", "东方爱婴", "的", "婴幼儿", "早期教育", "服务", "。", "可见", "加盟", "其中", "的", "市场", "是", "多么", "的", "大", "!", "【", "点击", "留言", "获取", "免费", "资料", "】"], ["加盟", "东方爱婴", "早教中心", "总部", "会", "给", "加盟商", "提供", "充分", "的", "营运", "支持", ",", "从", "开业", "督导", "到", "不定期", "现场", "督导", "、", "不定期", "大区", "会议", ";", "从", "每月", "快", "报到", "及时", "资讯", "交流", ",", "从", "每", "季", "资讯", "整合", "报告", "到", "每年", "年会", "的", "高峰", "交流", ",", "东方爱婴", "都会", "悉心", "组织", "。", "东方爱婴", "还", "利用", "网络", "科技", "手段", "建立", "了", "快捷", "的", "沟通", "渠道", ",", "从", "盟", "商", "在线", "沟通", "到", "企业", "电子邮局", ",", "再", "到", "网络数据库", "管理", ",", "让", "加盟商", "即便", "与", "总部", "相隔", "万里", "依然", "能够", "得到", "总部", "的", "全面", "支持", "。"], ["东方爱婴", "早教中心", "的", "发展", "模式", "符合", "中国", "的", "国", "情", "和", "早期教育", "市场", "的", "发展趋势", ",", "具有", "广阔", "的", "发展前景", ",", "并", "具有", "极", "强", "的", "竞争优势", "。", "早期教育", "行业", "是", "一项", "固定资产投资", "较", "小", "、", "现金流量", "较", "大", "、", "社会效益", "极佳", "的", "一", "个", "投资项目", ",", "并且", "增长率", "高", "并", "具有", "市场", "潜力", "的", "行业", "。", "东方爱婴", "早教中心", "投资", "费用", "大概", "是", "多少", "?", "万", "元", "投资", "好", "项目", "。"], ["如果", "您", "的", "钱包", "里", "有", "这么多", "的", "加盟", "费用", ",", "也", "符合", "东方爱婴", "的", "加盟", "条件", ",", "那", "您", "不", "妨", "尝试", "一", "下", "加盟", "哦", ",", "面对", "这么", "具有", "发展前景", "的", "行业", ",", "面对", "这么", "有名", "的", "早教", "品牌", ",", "难道", "您", "还", "不", "心动", "吗", "?", "心动不如行动", "吧", "!", "点击", "留言板", "就", "可以", "给", "我们", "留言", "了", "哦", ",", "还", "可以", "获得", "更多", "东方爱婴", "加盟", "最低", "费用", "的", "资料", "。"], ["责任编辑", ":", "蕾欧娜"], ["企业名称", ":", "沈阳", "东方爱婴", "咨询公司"], ["企业", "地址", ":", "铁西", "万达", "中心", ":", "兴华南街", "58", "-", "24", "号", "A2", "-", "6", "门", "(", "中国", "邮政储蓄", "对面", ")"], ["官网", "地址", ":", "http", ":", "/", "/", "qiye", ".", "3158", ".", "cn", "/", "30458", "/"]], "paragraphs": ["3158首页 > 行业资讯 > 市场分析 > 东方爱婴早教中心投资费用大概是多少?", "东方爱婴早教中心投资费用大概是多少?东方爱婴早教中心投资费用大概是在5-10万元之间。东方爱婴早教中心是一个专业从事0-6岁婴幼儿早期教育的教育机构,每周有超过16万个家庭享受到东方爱婴的婴幼儿早期教育服务。可见加盟其中的市场是多么的大!", "扫描到手机收藏", "东方爱婴早教中心投资费用大概是多少?东方爱婴早教中心投资费用大概是在5-10万元之间。东方爱婴早教中心是一个专业从事0-6岁婴幼儿早期教育的教育机构,每周有超过16万个家庭享受到东方爱婴的婴幼儿早期教育服务。可见加盟其中的市场是多么的大!【点击留言获取免费资料】", "加盟东方爱婴早教中心总部会给加盟商提供充分的营运支持,从开业督导到不定期现场督导、不定期大区会议;从每月快报到及时资讯交流,从每季资讯整合报告到每年年会的高峰交流,东方爱婴都会悉心组织。东方爱婴还利用网络科技手段建立了快捷的沟通渠道,从盟商在线沟通到企业电子邮局,再到网络数据库管理,让加盟商即便与总部相隔万里依然能够得到总部的全面支持。", "东方爱婴早教中心的发展模式符合中国的国情和早期教育市场的发展趋势,具有广阔的发展前景,并具有极强的竞争优势。早期教育行业是一项固定资产投资较小、现金流量较大、社会效益极佳的一个投资项目,并且增长率高并具有市场潜力的行业。东方爱婴早教中心投资费用大概是多少?万元投资好项目。", "如果您的钱包里有这么多的加盟费用,也符合东方爱婴的加盟条件,那您不妨尝试一下加盟哦,面对这么具有发展前景的行业,面对这么有名的早教品牌,难道您还不心动吗?心动不如行动吧!点击留言板就可以给我们留言了哦,还可以获得更多东方爱婴加盟最低费用的资料。", "责任编辑:蕾欧娜", "企业名称:沈阳东方爱婴咨询公司", "企业地址:铁西万达中心:兴华南街58-24号A2-6门(中国邮政储蓄对面)", "官网地址:http://qiye.3158.cn/30458/"], "bs_rank_pos": 3}, {"title": "东方爱婴早教中心价格是多少—中国连锁网", "segmented_title": ["东方爱婴", "早教中心", "价格", "是", "多少", "—", "中国", "连锁", "网"], "segmented_paragraphs": [["孩子", "和", "妈妈", "的", "需求", "是", "很多", "样", "的", ",", "尤其", "是", "刚", "出生", "的", "孩子", "和", "生产", "完", "的", "妈妈", "需要", "更", "是", "专业", "的", "呵护", ",", "母婴", "用品", "店", "中", "的", "东方爱婴", "早教中心", "是", "一", "个", "非常棒", "的", "项目", ",", "这个", "项目", "的", "实力", "和", "水准", "是", "很", "棒", "的", ",", "不仅", "名气", "大", ",", "人气", "更好", ",", "您", "选择", "加盟", "进来", "一定", "没错", "的", ",", "总部", "非常", "欢迎您的到来", "!"], ["东方爱婴", "早教中心", ",", "品质", "超", "有", "保障", ":", "东方爱婴", "早教中心", "致力于", "打造", "高品质", "母婴", "产品", ",", "特色", "优势", "更", "明显", ",", "性价比", "更高", ",", "产品", "品质", "有", "保障", ",", "传递", "健康", "母婴", "“", "正能量", "”", "。", "产品", "种类", "多样", ":", "东方爱婴", "早教中心", "拥有", "多", "个", "品牌", ",", "数", "万", "种", "单", "品", "。", "满足", "萌", "宝", "、", "辣妈", "一切", "需求", ",", "只要", "你", "能", "想到", "的", "我们", "统", "统", "都", "有", ",", "如此", "具有", "特色", "的", "产品", ",", "在", "市场", "中", "销量", "火热", ",", "挣钱", "不", "停止", "。"], ["东方爱婴", "早教中心", "还有", "属于", "自己", "的", "多", "品牌", "、", "国际化", "的", "运行", "模式", ",", "这样", "的", "模式", ",", "自然", "可以", "使得", "企业", "快速", "成长", "为", "全国", "童装", "行业", "的", "领", "军", "型", "企业", "。", "而且", "东方爱婴", "早教中心", "品牌", ",", "已经", "通过", "自己", "的", "不断", "努力", ",", "所以", "这个项目", "目前", "已经", "成为", "了", "国内", "母婴", "市场", "上", "著名", "和", "具有", "号召力", "的", "母婴", "品牌", "之", "一", ",", "它", "的", "市场", "排名", "居", "行业", "前茅", ",", "所以", "不会", "让", "您", "失望", "。"], ["对于", "很多", "做", "母婴", "项目", "的", "人", "来", "说", ",", "一", "个", "适合", "自己", "的", "项目", "是", "非常重要", "的", ",", "母婴", "用品", "店", "中", "的", "东方爱婴", "早教中心", "是", "一", "个", "非常", "典型", "的", "代表", ",", "这个项目", "的", "实力", "和", "水准", ",", "名气", "和声", "誉", "都是", "最好", "的", ",", "您", "想要", "加盟", "现在", "就是", "一", "个", "绝", "好", "的", "机会", ",", "东方爱婴", "早教中心", "真诚", "的", "欢迎您的到来", "!"], ["山", "道", "健身", "会所"], ["小资生活"], ["向", "博士", "包", "点"], ["一半", "一", "伴", "咖啡"], ["看", "过", "本", "文", "的", "人", "还", "看", "过"], ["全国", "地区", "加盟", "站"], ["项目", "推荐", "项目", "报道", "十大", "品牌"], ["餐饮", "加盟", "十大", "品牌", "服装", "加盟", "十大", "品牌", "家纺", "加盟", "十大", "品牌", "教育", "加盟", "十大", "品牌", "干洗", "加盟", "十大", "品牌", "美容", "加盟", "十大", "品牌", "珠宝", "加盟", "十大", "品牌", "饰品", "加盟", "十大", "品牌", "婴", "童", "加盟", "十大", "品牌", "汽车", "加盟", "十大", "品牌", "家居", "加盟", "十大", "品牌", "建材", "加盟", "十大", "品牌", "金融", "加盟", "十大", "品牌", "酒店", "加盟", "十大", "品牌", "环保", "加盟", "十大", "品牌", "特色", "加盟", "十大", "品牌"], ["免责声明", ":", "本网站", "为", "开放性", "注册", "平台", ",", "以上", "所有", "展示", "信息", "均", "由", "会员", "自行", "提供", ",", "内容", "的", "真实性", "、", "准确性", "和", "合法性", "均", "由", "发布", "会员", "负责", "。", "连锁", "网", "对此", "不", "承担", "任何", "法律责任", "。"], ["友情提醒", ":", "为", "规避", "投资风险", ",", "建议", "您", "在", "加盟", "前", "务必", "多", "咨询", "、", "多", "考察", ",", "降低", "投资风险", "。"], ["投诉电话", ":", "010", "-", "69005529", "转", "800"], ["投诉邮箱", ":", "tousu", "@", "liansuo", ".", "com"]], "paragraphs": ["孩子和妈妈的需求是很多样的,尤其是刚出生的孩子和生产完的妈妈需要更是专业的呵护,母婴用品店中的东方爱婴早教中心是一个非常棒的项目,这个项目的实力和水准是很棒的,不仅名气大,人气更好,您选择加盟进来一定没错的,总部非常欢迎您的到来!", "东方爱婴早教中心,品质超有保障:东方爱婴早教中心致力于打造高品质母婴产品,特色优势更明显,性价比更高,产品品质有保障,传递健康母婴“正能量”。产品种类多样:东方爱婴早教中心拥有多个品牌,数万种单品。满足萌宝、辣妈一切需求,只要你能想到的我们统统都有,如此具有特色的产品,在市场中销量火热,挣钱不停止。", "东方爱婴早教中心还有属于自己的多品牌、国际化的运行模式,这样的模式,自然可以使得企业快速成长为全国童装行业的领军型企业。而且东方爱婴早教中心品牌,已经通过自己的不断努力,所以这个项目目前已经成为了国内母婴市场上著名和具有号召力的母婴品牌之一,它的市场排名居行业前茅,所以不会让您失望。", "对于很多做母婴项目的人来说,一个适合自己的项目是非常重要的,母婴用品店中的东方爱婴早教中心是一个非常典型的代表,这个项目的实力和水准,名气和声誉都是最好的,您想要加盟现在就是一个绝好的机会,东方爱婴早教中心真诚的欢迎您的到来!", "山道健身会所", "小资生活", "向博士包点", "一半一伴咖啡", "看过本文的人还看过", "全国地区加盟站", "项目推荐 项目报道 十大品牌", "餐饮加盟十大品牌 服装加盟十大品牌 家纺加盟十大品牌 教育加盟十大品牌 干洗加盟十大品牌 美容加盟十大品牌 珠宝加盟十大品牌 饰品加盟十大品牌 婴童加盟十大品牌 汽车加盟十大品牌 家居加盟十大品牌 建材加盟十大品牌 金融加盟十大品牌 酒店加盟十大品牌 环保加盟十大品牌 特色加盟十大品牌", "免责声明:本网站为开放性注册平台,以上所有展示信息均由会员自行提供,内容的真实性、准确性和合法性均由发布会员负责。连锁网对此不承担任何法律责任。", "友情提醒:为规避投资风险,建议您在加盟前务必多咨询、多考察,降低投资风险。", "投诉电话:010-69005529 转 800", "投诉邮箱:tousu@liansuo.com"], "bs_rank_pos": 4}], "question": "东方爱婴收费价格多少", "segmented_question": ["东方爱婴", "收费", "价格", "多少"], "question_type": "ENTITY", "fact_or_opinion": "OPINION", "question_id": 221623}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["欢迎关注“创事记”的微信订阅号:sinachuangshiji", " 今日(9月15日),一张“北京地区虚拟货币交易场所清理整治工作要求”文件截图流出,要求各交易所在20日前,制定详细的“无风险清理清退工作方案”。 ", " 持续一周的交易所关停风波,终于尘埃落定。", " 确定消息后,比特币价格更是跳水腰斩,最低跌至16906元。", " 自9月4日,央行等七部委联合发布关于防范代币发行融资风险的公告后,从项目众筹平台,到虚拟货币交易平台,从各种“创新币”,到比特币等“主流币种”,步步沦陷。", " 这场暴富神话和韭菜游戏,戛然而止……", " 01 关停", " 币圈资深玩家罗心雨像往常一样,起床后第一件事,就是查看币价。结果让他大跌眼镜。比特币居然跌破2万大关,最低价到了1.8万。", " 谁都没有料到,一轮疯狂的ICO,让一切化为云烟,甚至殃及了比特币。", " 持续一年的癫狂戏码,在灰烬中缓缓落幕。", " 一切早有预兆。", " 年初,央行先后两次约谈国内主要比特币交易平台负责人,除了要求平台自查,又组成联合检查组开展现场调查。", " 比特币的价格在几次约谈消息放出后,出现大跌,却几经波折,又冲上了3万高峰。", " 而在今年5月份,涌出了一批新的虚拟货币交易平台,他们加速了ICO市场的疯狂与混乱,让币圈内外的人,都开始意识到,监管到来的脚步加速了。", " 据自媒体“互金咖”报道,对于是否取缔比特币交易平台,监管部门内部分歧一直存在,各方力量也在博弈之中。", " 没有料到,ICO的疯狂,成了压死“骆驼”的最后一根“稻草”。", " 9月4日,央行等七部委发布关于防范代币发行融资风险的公告,称代币发行本质上是一种未经批准非法公开融资的行为,涉嫌非法发售代币票券、非法发行证券以及非法集资、金融诈骗、传销等违法犯罪活动。", " 本以为这次监管只针对ICO,万万不会波及到核心的几大币种,但监管风暴却愈演愈烈。", " “不可能关,你想吧,比特币在国际上都得到认可了,这是个国际化的产品”,罗心雨称。", " 9月8日,财新发表《虚拟货币交易所时代结束》文章:监管当局决定关闭中国境内虚拟货币的交易所,这涉及“OKCoin”“火币网”和“比特币中国”等为代表的,所有虚拟货币与法币之间的交易所。", " 被点名的三家交易所纷纷发表声明,表示“未接到通知”。", " 其中,比特币中国团队回应称,“没有接到监管机构的通知,也无法证实该新闻的真实性”。但他同时表示,“如果该报道属实,比特币中国将停止目前的比特币对人民币的交易,转型为数字资产点对点交易的信息平台”。", " 三方的回答,都无比圆润而妥帖,留下无尽想象。", " 此后的一周内,交易所是否一刀切关停,成为悬在币圈人头顶的达摩克利斯之剑。", " 有些投资人认为是ICO团队故意放出消息,币价大跌后,他们方便按照政策要求“退币”,激动的情绪甚至上升到对记者的人身攻击上。", " “不可能,肯定是有人故意放假消息,试图操纵币价”,直到此时,罗心雨还是执拗地拒绝相信。", " 财经专栏作家、财经评论员肖磊,在接受一本财经专访时表示,一些投资人会把各种政策解读成“庄家”“幕后”,按照自己的想法来,财富刺激下,根本听不进去任何劝解。", " 利益面前,不要妄谈任何理性。", " 直到昨日,第一财经报道称,监管已对国内比特币交易平台下定论:“全部关停,并于近期退出市场。”", " 随后,有媒体跟进,上海已下口头通知,关停比特币交易平台,时间结点在9月底。", " 而傍晚比特币中国的公告也验证了关停消息:", " 1.比特币中国数字资产交易平台今日(9月14日)起停止新用户注册;", " 2.2017年9月30日数字资产交易平台将停止所有交易业务。", " 今日(9月15日),一张“北京地区虚拟货币交易场所清理整治工作要求”文件截图流出,要求各交易所在今日24:00点前发布“明确停止所有虚拟货币交易的最终时间”的公告,在20日前制定详细的“无风险清理清退工作方案”。", " 罗心雨最后一刻的幻想泡沫被击破,一切尘埃落定。", " 02 洗钱案", " 为什么说停就停,如此决绝?业内思考猜测不断。", " 但一个不容忽视的细节是,昨日央行天津分行发布了《洗钱案例——比特币交易平台人间蒸发》:某比特币交易平台,以10倍杠杆高额回报为诱饵吸引4000多名会员加入,平台管理者打着赚取手续费的名义,实际上,将会员的钱通过多张银行卡转账取现,购买房产、店面、并用于消费、赌博等。", " 这起洗钱大案,可能是行业的最后致命一箭。", " 虽然比特币已在跨国支付、线下商场消费,亚马逊、steam等网站上大展拳脚,但因为其匿名特性,依然与洗钱等非法活动接近。", " 相比在阳光下的交易,这种黑暗属性,更让监管警惕。", " 尤其是在近期,完善反洗钱机制,被监管多次提及。", " “比特币等所谓‘虚拟货币’日益成为洗钱、贩毒、走私、非法集资等违法犯罪活动的工具。”中国互联网金融协会发布风险提示称,各类所谓“币”的交易平台在我国并无合法设立的依据。", " 国际上,对于比特币等虚拟货币的监管也不同。", " 比特币,中国、俄罗斯政策严苛,日本、瑞士、新加坡等国家态度相对开放。", " 尤其是在日本,今年承认了比特币作为虚拟货币支付手段合法,免除数字货币交易税,等等利好政策,促使日本取代中国,成为比特币交易第一大国。", " 还有一个有意思的原因,“因为比特币之父‘中本聪’的发音像是一个日本名字,所以他们有一种自豪感”,业内人士表示。", " 不过,在出台一系列利好政策的同时,日本政府也要求比特币交易所实施更加严格的KYC(Know Your Customer)政策,交易所必须开始核查开户用户的身份,保管交易记录,向监管机构报告可疑交易,预防反洗钱等非法行为。", " 目前来看,国内虚拟货币交易所的KYC技术并没有达到监管要求。", " 在今年1月18日晚,央行公布调查的结果显示,几大交易平台都不同程度存在违规行为。", " 三大比特币交易平台均未按规定建立相关反洗钱内控制度,其中比特币中国存在超范围经营、违规开展配资业务、投资者资金未实行第三方存管等问题;“币行”(OKCoin)、“火币网”违规开展融资融券业务,导致市场异常波动。", " 03 未来?", " 比特币中国发布停止交易公告后,命运已定。", " 而火币网、OKCoin未来会如何?", " 火币网回复一本财经,表示“没有收到明确的文件或通知”;OKCoin币行表示,“目前币行正常运营,一切以我们官网最新公告为准”。", " 两家均表示,会遵守监管政策,同时也会保护投资人的权益。但不得不提的细节是,某交易平台已将一个媒体公关群解散。", " 比特中国的公告中也曾提到,“监管机构并没有宣布比特币本身非法,也没有禁止用户和用户之间的点对点交易”。", " 目前,投资人已在各大群里开始讨论,如何自建比特币钱包,如何场外点对点交易,甚至如何上国外交易所继续炒币。", " “交易所的币能不能提,还要看交易所的后续政策。”业内人士向一本财经表示,“否则只能提现,或者卖掉了”。", " “现在不止ICO项目要去国外,连交易所也要开在国外了。”有投资人这样感慨。", " 而比特币OTC,又是一个更混乱的江湖。抄底还是离开?投资人分为两派。", " 一派认为,已到了抛售的时候。", " “我昨天离场的,这段时间不打算做了。”一位投资人对一本财经表示,他认可比特币的收藏价值,但是对于使用价值,“要看从哪个角度出发了”。", " 时至今日,关于“比特币是不是泡沫”的观点还在争论不休。"], "segmented_title": ["比特币", "价格", "跌破", "17000", ",", "撤退", "大", "潮", "与", "疯狂", "抄底", "交集", "_", "创事记", "_", "新浪科技", "_", "新浪"], "segmented_paragraphs": [["欢迎", "关注", "“", "创事记", "”", "的", "微信", "订阅号", ":", "sina", "chuang", "shiji"], ["今日", "(", "9", "月", "15", "日", ")", ",", "一", "张", "“", "北京地区", "虚拟货币", "交易", "场所", "清理整治", "工作", "要求", "”", "文件", "截图", "流出", ",", "要求", "各", "交易所", "在", "20", "日前", ",", "制定", "详细", "的", "“", "无风险", "清理", "清退", "工作", "方案", "”", "。"], ["持续", "一", "周", "的", "交易所", "关停", "风波", ",", "终于", "尘埃落定", "。"], ["确定", "消息", "后", ",", "比特币", "价格", "更", "是", "跳水", "腰斩", ",", "最低", "跌", "至", "16906", "元", "。"], ["自", "9", "月", "4", "日", ",", "央行", "等", "七", "部委", "联合发布", "关于", "防范", "代币", "发行", "融资", "风险", "的", "公告", "后", ",", "从", "项目", "众筹", "平台", ",", "到", "虚拟货币", "交易平台", ",", "从", "各种", "“", "创新", "币", "”", ",", "到", "比特币", "等", "“", "主流", "币种", "”", ",", "步步", "沦陷", "。"], ["这", "场", "暴富", "神话", "和", "韭菜", "游戏", ",", "戛然而止", "…", "…"], ["01", "关停"], ["币", "圈", "资深", "玩家", "罗", "心雨", "像", "往常", "一样", ",", "起床后", "第一件事", ",", "就是", "查看", "币", "价", "。", "结果", "让", "他", "大跌眼镜", "。", "比特币", "居然", "跌破", "2", "万", "大关", ",", "最低价", "到", "了", "1.8", "万", "。"], ["谁", "都", "没有", "料", "到", ",", "一", "轮", "疯狂", "的", "ICO", ",", "让", "一切", "化为", "云烟", ",", "甚至", "殃及", "了", "比特币", "。"], ["持续", "一年", "的", "癫狂", "戏", "码", ",", "在", "灰烬", "中", "缓缓", "落幕", "。"], ["一切", "早", "有", "预兆", "。"], ["年", "初", ",", "央行", "先后", "两次", "约谈", "国内", "主要", "比特币", "交易平台", "负责人", ",", "除了", "要求", "平台", "自查", ",", "又", "组成", "联合检查组", "开展", "现场", "调查", "。"], ["比特币", "的", "价格", "在", "几", "次", "约谈", "消息", "放", "出", "后", ",", "出现", "大跌", ",", "却", "几经波折", ",", "又", "冲", "上", "了", "3", "万", "高峰", "。"], ["而", "在", "今年", "5", "月份", ",", "涌出", "了", "一批", "新", "的", "虚拟货币", "交易平台", ",", "他们", "加速", "了", "ICO", "市场", "的", "疯狂", "与", "混乱", ",", "让", "币", "圈", "内外", "的", "人", ",", "都", "开始", "意识到", ",", "监管", "到", "来", "的", "脚步", "加速", "了", "。"], ["据", "自", "媒体", "“", "互", "金", "咖", "”", "报道", ",", "对于", "是否", "取缔", "比特币", "交易平台", ",", "监管部门", "内部", "分歧", "一直", "存在", ",", "各", "方", "力量", "也", "在", "博弈", "之", "中", "。"], ["没有", "料", "到", ",", "ICO", "的", "疯狂", ",", "成", "了", "压死", "“", "骆驼", "”", "的", "最后", "一根", "“", "稻草", "”", "。"], ["9", "月", "4", "日", ",", "央行", "等", "七", "部委", "发布", "关于", "防范", "代币", "发行", "融资", "风险", "的", "公告", ",", "称", "代币", "发行", "本质", "上", "是", "一", "种", "未经批准", "非法", "公开", "融资", "的", "行为", ",", "涉嫌", "非法", "发售", "代币", "票", "券", "、", "非法", "发行", "证券", "以及", "非法集资", "、", "金融诈骗", "、", "传销", "等", "违法犯罪", "活动", "。"], ["本", "以为", "这次", "监管", "只", "针对", "ICO", ",", "万万", "不会", "波及", "到", "核心", "的", "几", "大", "币种", ",", "但", "监管", "风暴", "却", "愈演愈烈", "。"], ["“", "不可能", "关", ",", "你", "想", "吧", ",", "比特币", "在", "国际", "上", "都", "得到", "认可", "了", ",", "这", "是", "个", "国际化", "的", "产品", "”", ",", "罗", "心雨", "称", "。"], ["9", "月", "8", "日", ",", "财", "新", "发表", "《", "虚拟货币", "交易所", "时代", "结束", "》", "文章", ":", "监管", "当", "局", "决定", "关闭", "中国", "境内", "虚拟货币", "的", "交易所", ",", "这", "涉及", "“", "OKCoin", "”", "“", "火币网", "”", "和", "“", "比特币", "中国", "”", "等", "为", "代表", "的", ",", "所有", "虚拟货币", "与", "法币", "之间", "的", "交易所", "。"], ["被点名", "的", "三", "家", "交易所", "纷纷", "发表声明", ",", "表示", "“", "未接到", "通知", "”", "。"], ["其中", ",", "比特币", "中国", "团队", "回应", "称", ",", "“", "没有", "接", "到", "监管", "机构", "的", "通知", ",", "也", "无法", "证实", "该", "新闻", "的", "真实性", "”", "。", "但", "他", "同时", "表示", ",", "“", "如果", "该", "报道", "属", "实", ",", "比特币", "中国", "将", "停止", "目前", "的", "比特币", "对", "人民币", "的", "交易", ",", "转型", "为", "数字", "资产", "点对点", "交易", "的", "信息平台", "”", "。"], ["三方", "的", "回答", ",", "都", "无比", "圆润", "而", "妥帖", ",", "留下", "无尽", "想象", "。"], ["此后", "的", "一周内", ",", "交易所", "是否", "一刀切", "关停", ",", "成为", "悬", "在", "币", "圈", "人", "头顶", "的", "达摩克利斯", "之", "剑", "。"], ["有些", "投资", "人", "认为", "是", "ICO", "团队", "故意", "放", "出", "消息", ",", "币", "价", "大跌", "后", ",", "他们", "方便", "按照", "政策", "要求", "“", "退币", "”", ",", "激动", "的", "情绪", "甚至", "上升", "到", "对", "记者", "的", "人身攻击", "上", "。"], ["“", "不可能", ",", "肯定", "是", "有人", "故意", "放假", "消息", ",", "试图", "操纵", "币", "价", "”", ",", "直到此时", ",", "罗心雨", "还是", "执拗", "地", "拒绝", "相信", "。"], ["财经", "专栏作家", "、", "财经", "评论员", "肖磊", ",", "在", "接受", "一", "本", "财经", "专访", "时", "表示", ",", "一些", "投资", "人", "会", "把", "各种", "政策解读", "成", "“", "庄家", "”", "“", "幕后", "”", ",", "按照", "自己", "的", "想法", "来", ",", "财富", "刺激", "下", ",", "根本", "听", "不", "进去", "任何", "劝解", "。"], ["利益", "面前", ",", "不要", "妄谈", "任何", "理性", "。"], ["直到", "昨日", ",", "第一财经", "报道", "称", ",", "监管", "已", "对", "国内", "比特币", "交易平台", "下", "定", "论", ":", "“", "全部", "关停", ",", "并", "于", "近期", "退出", "市场", "。", "”"], ["随后", ",", "有", "媒体", "跟进", ",", "上海", "已", "下", "口头", "通知", ",", "关停", "比特币", "交易平台", ",", "时间", "结点", "在", "9", "月底", "。"], ["而", "傍晚", "比特币", "中国", "的", "公告", "也", "验证", "了", "关停", "消息", ":"], ["1", ".", "比特币", "中国", "数字", "资产", "交易", "平台", "今日", "(", "9", "月", "14", "日", ")", "起", "停止", "新", "用户注册", ";"], ["2", ".", "2017", "年", "9", "月", "30", "日", "数字", "资产", "交易", "平台", "将", "停止", "所有", "交易", "业务", "。"], ["今日", "(", "9", "月", "15", "日", ")", ",", "一", "张", "“", "北京地区", "虚拟货币", "交易", "场所", "清理整治", "工作", "要求", "”", "文件", "截图", "流出", ",", "要求", "各", "交易所", "在", "今日", "24", ":", "00", "点", "前", "发布", "“", "明确", "停止", "所有", "虚拟货币", "交易", "的", "最终", "时间", "”", "的", "公告", ",", "在", "20", "日前", "制定", "详细", "的", "“", "无风险", "清理", "清退", "工作", "方案", "”", "。"], ["罗", "心雨", "最后一刻", "的", "幻想", "泡沫", "被", "击", "破", ",", "一切", "尘埃落定", "。"], ["02", "洗钱", "案"], ["为什么", "说", "停", "就", "停", ",", "如此", "决绝", "?", "业", "内", "思考", "猜测", "不断", "。"], ["但", "一", "个", "不容忽视", "的", "细节", "是", ",", "昨日", "央行", "天津分行", "发布", "了", "《", "洗钱", "案例", "—", "—", "比特币", "交易平台", "人间蒸发", "》", ":", "某", "比特币", "交易平台", ",", "以", "10", "倍", "杠杆", "高", "额", "回报", "为", "诱饵", "吸引", "4000", "多", "名", "会员", "加入", ",", "平台", "管理者", "打", "着", "赚取", "手续费", "的", "名义", ",", "实际上", ",", "将", "会员", "的", "钱", "通过", "多", "张", "银行卡", "转账", "取", "现", ",", "购买", "房产", "、", "店面", "、", "并", "用于", "消费", "、", "赌博", "等", "。"], ["这", "起", "洗钱", "大案", ",", "可能", "是", "行业", "的", "最后", "致命一箭", "。"], ["虽然", "比特币", "已", "在", "跨国", "支付", "、", "线", "下", "商场", "消费", ",", "亚马逊", "、", "steam", "等", "网站", "上", "大展拳脚", ",", "但", "因为", "其", "匿名", "特性", ",", "依然", "与", "洗钱", "等", "非法", "活动", "接近", "。"], ["相比", "在", "阳光下的交易", ",", "这种", "黑暗", "属性", ",", "更", "让", "监管", "警惕", "。"], ["尤其", "是", "在", "近期", ",", "完善", "反洗钱", "机制", ",", "被", "监管", "多次", "提及", "。"], ["“", "比特币", "等", "所谓", "‘", "虚拟货币", "’", "日益", "成为", "洗钱", "、", "贩毒", "、", "走私", "、", "非法集资", "等", "违法犯罪", "活动", "的", "工具", "。", "”", "中国", "互联网", "金融", "协会", "发布", "风险提示", "称", ",", "各类", "所谓", "“", "币", "”", "的", "交易平台", "在", "我", "国", "并", "无", "合法", "设立", "的", "依据", "。"], ["国际", "上", ",", "对于", "比特币", "等", "虚拟货币", "的", "监管", "也", "不同", "。"], ["比特币", ",", "中国", "、", "俄罗斯", "政策", "严苛", ",", "日本", "、", "瑞士", "、", "新加坡", "等", "国家", "态度", "相对", "开放", "。"], ["尤其", "是", "在", "日本", ",", "今年", "承认", "了", "比特币", "作为", "虚拟货币", "支付", "手段", "合法", ",", "免除", "数字", "货币", "交易税", ",", "等等", "利好", "政策", ",", "促使", "日本", "取代", "中国", ",", "成为", "比特币", "交易", "第", "一", "大", "国", "。"], ["还有", "一", "个", "有意思", "的", "原因", ",", "“", "因为", "比特币", "之", "父", "‘", "中本聪", "’", "的", "发音", "像", "是", "一", "个", "日本", "名字", ",", "所以", "他们", "有", "一", "种", "自豪感", "”", ",", "业", "内", "人士", "表示", "。"], ["不过", ",", "在", "出台", "一系列", "利好", "政策", "的", "同时", ",", "日本", "政府", "也", "要求", "比特币", "交易所", "实施", "更加", "严格", "的", "KYC", "(", "Know", "Your", "Customer", ")", "政策", ",", "交易所", "必须", "开始", "核查", "开户", "用户", "的", "身份", ",", "保管", "交易", "记录", ",", "向", "监管", "机构", "报告", "可疑", "交易", ",", "预防", "反洗钱", "等", "非法", "行为", "。"], ["目前来看", ",", "国内", "虚拟货币", "交易所", "的", "KYC", "技术", "并", "没有", "达到", "监管", "要求", "。"], ["在", "今年", "1", "月", "18", "日", "晚", ",", "央行", "公布", "调查", "的", "结果显示", ",", "几", "大", "交易平台", "都", "不同程度", "存在", "违规行为", "。"], ["三大", "比特币", "交易平台", "均", "未", "按", "规定", "建立", "相关", "反洗钱", "内控制度", ",", "其中", "比特币", "中国", "存在", "超", "范围", "经营", "、", "违规", "开展", "配资", "业务", "、", "投资者", "资金", "未", "实行", "第三方存管", "等", "问题", ";", "“", "币", "行", "”", "(", "OKCoin", ")", "、", "“", "火币网", "”", "违规", "开展", "融资融券", "业务", ",", "导致", "市场", "异常", "波动", "。"], ["03", "未来", "?"], ["比特币", "中国", "发布", "停止", "交易公告", "后", ",", "命运", "已", "定", "。"], ["而", "火币网", "、", "OKCoin", "未来", "会", "如何", "?"], ["火币网", "回复", "一", "本", "财经", ",", "表示", "“", "没有收到", "明确", "的", "文件", "或", "通知", "”", ";", "OK", "Coin", "币", "行", "表示", ",", "“", "目前", "币", "行", "正常", "运营", ",", "一切", "以", "我们", "官网", "最新公告", "为准", "”", "。"], ["两家", "均", "表示", ",", "会", "遵守", "监管", "政策", ",", "同时", "也", "会", "保护", "投资", "人", "的", "权益", "。", "但", "不得不提", "的", "细节", "是", ",", "某", "交易平台", "已", "将", "一", "个", "媒体", "公关", "群", "解散", "。"], ["比特", "中国", "的", "公告", "中", "也", "曾", "提到", ",", "“", "监管", "机构", "并没有", "宣布", "比特币", "本身", "非法", ",", "也", "没有", "禁止", "用户", "和", "用户", "之间", "的", "点对点", "交易", "”", "。"], ["目前", ",", "投资", "人", "已", "在", "各", "大", "群", "里", "开始", "讨论", ",", "如何", "自建", "比特币", "钱包", ",", "如何", "场外", "点对点", "交易", ",", "甚至", "如何", "上", "国外", "交易所", "继续", "炒", "币", "。"], ["“", "交易所", "的", "币", "能不能", "提", ",", "还要", "看", "交易所", "的", "后续", "政策", "。", "”", "业", "内", "人士", "向", "一", "本", "财经", "表示", ",", "“", "否则", "只能", "提现", ",", "或者", "卖掉", "了", "”", "。"], ["“", "现在", "不止", "ICO", "项目", "要", "去", "国外", ",", "连", "交易所", "也", "要", "开", "在", "国外", "了", "。", "”", "有", "投资", "人", "这样", "感慨", "。"], ["而", "比特币", "OTC", ",", "又", "是", "一", "个", "更", "混乱", "的", "江湖", "。", "抄底", "还是", "离开", "?", "投资", "人", "分为", "两派", "。"], ["一", "派", "认为", ",", "已", "到", "了", "抛售", "的", "时候", "。"], ["“", "我", "昨天", "离场", "的", ",", "这段时间", "不", "打算", "做", "了", "。", "”", "一", "位", "投资", "人", "对", "一", "本", "财经", "表示", ",", "他", "认可", "比特币", "的", "收藏价值", ",", "但是", "对于", "使用价值", ",", "“", "要", "看", "从", "哪个", "角度", "出发", "了", "”", "。"], ["时至今日", ",", "关于", "“", "比特币", "是不是", "泡沫", "”", "的", "观点", "还在", "争论", "不休", "。"]], "title": "比特币价格跌破17000,撤退大潮与疯狂抄底交集_创事记_新浪科技_新浪"}, {"bs_rank_pos": 1, "paragraphs": ["1. 比特币算力增长的新计算方法,就是这么简单  最近比特币算力暴涨了几百个P,刷新了矿工的三观,这个比币价跌到2000更有杀伤力,都很奇怪哪里冒出这么多算力,现在就谈谈计算比特币算力的新方法。 关于挖矿算力增长这个事情,其实算法很简单,以前我们都是拍脑袋算的,比如每个周期平均增长百分之几,但究竟是百分之多少?... tags:比特币算力增长  2. 彩云专访:精益求精,蚂蚁16nm功耗将低于0.1W/GH  最近,比特币全网算力疯涨。业内传闻,罪魁祸首是比特大陆的新版S7比特币挖矿机。为此,彩云比特专门采访了比特大陆创始人和CEO詹总。这位专注于技术的CEO极少在媒体露面。在整个采访过程中,他始终围绕比特大陆的技术和产品,多次提到技术无止境。 上市 -----------------... tags:蚂蚁16nm  3. 一个暂时出局者的故事  我先说下我在14年投资比特币等虚拟币的收益情况,在14年这一整年的投资中,我的投资总共投入了将近8万元(包括由我来掌控我家人投资的钱),在我10月份彻底清仓的时候亏损了差不多百分之八十,在这之后我因为个人原因暂时没有再去碰虚拟币直到现在(我现在还是个大四学生)。 和很多... tags:一个,暂时,出局,故事,我先,下我,14年,投资,比特,虚拟  4. BITUSD(BTU)是如何取代美元的? ...币并不真正代表任何实物资产的时代。(写到这里大家可能会发现原理其实和比特币有点类似,比特币不也是一个概念吗?和纸币一样也不代表任何资产)牙买加浮动货币体系看似美好,但从一开始就种下了祸根。 由于美元占据全球交易规模的一半以上,美元的弱势资本开始流向新兴市场导致了新... tags:BITUSD,美元  5. 朱立:详解闪电网络、雷电网络和CORDA  比特币闪电网络即将正式发布,闪电网络将带来极致的交易处理能力和近乎瞬时的交易确认,远超目前的VISA系统。以太坊上的类似项目雷电网络也预计将在几个月后发布。本文剖析了它们背后的原理和技术细节,并据此对R3 Corda 的原理作出一番揣测。 ", "朱立 上交所技术有限责任公...", " tags:闪电网络,雷电网络,CORDA  6. 一次说服朋友接受比特币的愉快经历  ...干练。席间,她随口问起了近况。 ", "春节后,我和我的团队一直在做比特币相关的项目。 ", "比特币?,她惊呼着打断了我的话,扫过来的眼神就像是看到了个安利贩子。 ", "你听说过比特币? ", "我当然听说过,不就是那个叫中本聪的发明的电子货币吗?好多人挖矿,炒的很高,政府一... tags:接受比特币  7. Zcash挖矿大全--0.1 版本  ... 在矿池转账页面查看转账记录。", "矿池采用自动转账模式,默认余额满0.1个币自动转给矿工钱包地址。你可以在设置中修改自动转账数量,并填写矿机公网IP进行身份验证。【玩币族(http://www.wanbizu.com)专业币圈媒体,重点关注炒币本身。】 在星火矿池挖矿不需要注册账户,根据下面的介绍...", " tags:Zcash挖矿  8. [公告] KeyID/DNS DAC正式创世区块链v 0.1  版本号 0.1 完整列表请看这里 http://pastebin.com/6WJLZhXD (译注:官方提供链接可能被墙,可从Snail提供的贡献链接查看http://mybts.qiniudn.com/6WJLZhXD.txt ) 其中有两个栏位, KeyID 以及要获取KeyID的公钥 我还需要作的/再次确认的事情: 再次确认这个输出 (档案似乎有...", "2014年7月12日,一个名为VPAL(V宝)的虚拟货币横空出世,首日上线开盘价为331元/个。上线一个月... tags:V宝,传销,骗局  10. 比特币科普:如何给60岁的人讲明白比特币  对于同龄人讲解比特币时,不喜欢任何比喻,正确的做法是让他们直接去挖矿,买币,交易,然后在这个过程中看论文和看几篇经典的基础教程文章,一番下来,大约就知道比特币是怎么回事了。然而,面对我的父亲,一位50后,一辈子面朝黄土,不会使用电脑,甚至手机编写短信都颇为吃力,... tags:比特币 "], "segmented_title": ["0", ".", "1", "比特币", "价值", "多少", "-", "玩", "币", "族"], "segmented_paragraphs": [["1", ".", "比特币", "算", "力", "增长", "的", "新", "计算", "方法", ",", "就是这么简单", "最近", "比特币", "算", "力", "暴涨", "了", "几百个", "P", ",", "刷新", "了", "矿工", "的", "三观", ",", "这个", "比", "币", "价", "跌", "到", "2000", "更", "有", "杀伤力", ",", "都", "很奇怪", "哪里", "冒", "出", "这么多", "算", "力", ",", "现在", "就", "谈谈", "计算", "比特币", "算", "力", "的", "新", "方法", "。", "关于", "挖矿", "算", "力", "增长", "这个事情", ",", "其实", "算法", "很简单", ",", "以前", "我们", "都是", "拍脑袋", "算", "的", ",", "比如", "每个", "周期", "平均", "增长", "百分之", "几", ",", "但", "究竟", "是", "百分", "之", "多少", "?", ".", ".", ".", "tags", ":", "比特币", "算", "力", "增长", "2", ".", "彩云", "专访", ":", "精益求精", ",", "蚂蚁", "16nm", "功耗", "将", "低于", "0", ".", "1W", "/", "GH", "最近", ",", "比特币", "全", "网", "算", "力", "疯涨", "。", "业", "内", "传闻", ",", "罪魁祸首", "是", "比特", "大陆", "的", "新版", "S7", "比特币", "挖矿", "机", "。", "为此", ",", "彩云", "比特", "专门", "采访", "了", "比特", "大陆", "创始人", "和", "CEO", "詹", "总", "。", "这位", "专注", "于", "技术", "的", "CEO", "极少", "在", "媒体", "露面", "。", "在", "整个", "采访", "过程", "中", ",", "他", "始终", "围绕", "比特", "大陆", "的", "技术", "和", "产品", ",", "多次", "提到", "技术", "无止境", "。", "上市", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", ".", ".", ".", "tags", ":", "蚂蚁", "16nm", "3", ".", "一", "个", "暂时", "出局", "者", "的", "故事", "我", "先", "说", "下", "我", "在", "14", "年", "投资", "比特币", "等", "虚拟币", "的", "收益", "情况", ",", "在", "14", "年", "这", "一整年", "的", "投资", "中", ",", "我", "的", "投资", "总共", "投入", "了", "将近", "8", "万", "元", "(", "包括", "由我", "来", "掌控", "我", "家人", "投资", "的", "钱", ")", ",", "在", "我", "10", "月份", "彻底", "清仓", "的", "时候", "亏损", "了", "差不多", "百分", "之", "八", "十", ",", "在", "这", "之后", "我", "因为", "个人", "原因", "暂时", "没有", "再", "去", "碰", "虚拟币", "直到现在", "(", "我", "现在", "还是", "个", "大", "四", "学生", ")", "。", "和", "很多", ".", ".", ".", "tags", ":", "一", "个", ",", "暂时", ",", "出局", ",", "故事", ",", "我", "先", ",", "下", "我", ",", "14", "年", ",", "投资", ",", "比特", ",", "虚拟", "4", ".", "BIT", "USD", "(", "BTU", ")", "是", "如何", "取代", "美元", "的", "?", ".", ".", ".", "币", "并", "不", "真正", "代表", "任何", "实物资产", "的", "时代", "。", "(", "写到", "这里", "大家", "可能会", "发现", "原理", "其实", "和", "比特币", "有点", "类似", ",", "比特币", "不", "也是", "一", "个", "概念", "吗", "?", "和", "纸币", "一样", "也", "不", "代表", "任何", "资产", ")", "牙买加", "浮动", "货币体系", "看似", "美好", ",", "但", "从", "一开始", "就", "种", "下", "了", "祸根", "。", "由于", "美元", "占据", "全球", "交易", "规模", "的", "一半以上", ",", "美元", "的", "弱势", "资本", "开始", "流向", "新兴市场", "导致", "了", "新", ".", ".", ".", "tags", ":", "BIT", "USD", ",", "美元", "5", ".", "朱", "立", ":", "详解", "闪电", "网络", "、", "雷电", "网络", "和", "CORDA", "比特币", "闪电", "网络", "即将", "正式发布", ",", "闪电", "网络", "将", "带来", "极致", "的", "交易", "处理", "能力", "和", "近乎", "瞬时", "的", "交易", "确认", ",", "远", "超", "目前", "的", "VISA", "系统", "。", "以太坊", "上", "的", "类似", "项目", "雷电", "网络", "也", "预计", "将", "在", "几个月", "后", "发布", "。", "本", "文", "剖析", "了", "它们", "背后", "的", "原理", "和", "技术", "细节", ",", "并", "据此", "对", "R3", "Corda", "的", "原理", "作出", "一", "番", "揣测", "。"], ["朱", "立", "上交所", "技术", "有限责任", "公", ".", ".", "."], ["tags", ":", "闪电", "网络", ",", "雷电", "网络", ",", "CORDA", "6", ".", "一", "次", "说服", "朋友", "接受", "比特币", "的", "愉快", "经历", ".", ".", ".", "干练", "。", "席间", ",", "她", "随口", "问", "起", "了", "近况", "。"], ["春节后", ",", "我", "和", "我", "的", "团队", "一直", "在", "做", "比特币", "相关", "的", "项目", "。"], ["比特币", "?", ",", "她", "惊呼", "着", "打断", "了", "我", "的", "话", ",", "扫", "过来", "的", "眼神", "就像", "是", "看到", "了", "个", "安利", "贩子", "。"], ["你", "听说过", "比特币", "?"], ["我", "当然", "听说过", ",", "不", "就是", "那个", "叫", "中本聪", "的", "发明", "的", "电子货币", "吗", "?", "好多人", "挖矿", ",", "炒", "的", "很高", ",", "政府", "一", ".", ".", ".", "tags", ":", "接受", "比特币", "7", ".", "Z", "cash", "挖矿", "大全", "-", "-", "0", ".", "1", "版本", ".", ".", ".", "在", "矿池", "转账", "页面", "查看", "转账", "记录", "。"], ["矿池", "采用", "自动", "转账", "模式", ",", "默认", "余额", "满", "0", ".", "1", "个", "币", "自动", "转给", "矿工", "钱包", "地址", "。", "你", "可以", "在", "设置", "中", "修改", "自动", "转账", "数量", ",", "并", "填写", "矿机", "公网", "IP", "进行", "身份验证", "。", "【", "玩", "币", "族", "(", "http", ":", "/", "/", "www", ".", "wanbizu", ".", "com", ")", "专业", "币", "圈", "媒体", ",", "重点关注", "炒", "币", "本身", "。", "】", "在", "星火", "矿池", "挖矿", "不需要", "注册", "账户", ",", "根据", "下面", "的", "介绍", ".", ".", "."], ["tags", ":", "Z", "cash", "挖矿", "8", ".", "[", "公告", "]", "Key", "ID", "/", "DNS", "DAC", "正式", "创世", "区块", "链", "v", "0", ".", "1", "版本号", "0", ".", "1", "完整", "列表", "请看这里", "http", ":", "/", "/", "paste", "bin", ".", "com", "/", "6W", "JLZ", "hXD", "(", "译注", ":", "官方", "提供", "链接", "可能", "被墙", ",", "可", "从", "Snail", "提供", "的", "贡献", "链接", "查看", "http", ":", "/", "/", "my", "bts", ".", "qiniudn", ".", "com", "/", "6W", "JLZ", "hXD", ".", "txt", ")", "其中", "有", "两", "个", "栏", "位", ",", "Key", "ID", "以及", "要", "获取", "Key", "ID", "的", "公钥", "我", "还", "需要", "作", "的", "/", "再次", "确认", "的", "事情", ":", "再次", "确认", "这个", "输出", "(", "档案", "似乎", "有", ".", ".", "."], ["2014", "年", "7", "月", "12", "日", ",", "一", "个", "名", "为", "VPAL", "(", "V宝", ")", "的", "虚拟货币", "横空出世", ",", "首", "日", "上线", "开盘价", "为", "331", "元", "/", "个", "。", "上线", "一个月", ".", ".", ".", "tags", ":", "V宝", ",", "传销", ",", "骗局", "10", ".", "比特币", "科普", ":", "如何", "给", "60", "岁", "的", "人", "讲", "明白", "比特币", "对于", "同龄人", "讲解", "比特币", "时", ",", "不喜欢", "任何", "比喻", ",", "正确", "的", "做法", "是", "让", "他们", "直接", "去", "挖矿", ",", "买", "币", ",", "交易", ",", "然后", "在", "这个", "过程", "中", "看", "论文", "和", "看", "几", "篇", "经典", "的", "基础", "教程", "文章", ",", "一", "番", "下来", ",", "大约", "就", "知道", "比特币", "是", "怎么回事", "了", "。", "然而", ",", "面对", "我的父亲", ",", "一", "位", "50", "后", ",", "一辈子", "面", "朝", "黄土", ",", "不会", "使用", "电脑", ",", "甚至", "手机", "编写短信", "都", "颇", "为", "吃力", ",", ".", ".", ".", "tags", ":", "比特币"]], "title": "0.1比特币价值多少-玩币族"}, {"bs_rank_pos": 3, "paragraphs": [" 每一次比特币价格的大涨都难以持续很长一段时间,投资者已经看惯了币价的大起大落。对于此次价格的上涨保持谨慎态度将是一种明智的做法。 ", " 4月28日讯 据最新数据显示,昨天(4月27日)比特币价格开市后短暂冲高便遇阻回落,虽然调整了很长时间但是调整幅度相当有限,跌幅仅仅120点左右,随后一路向上攀升,最高涨至8015一线高点。截止今日发稿前,比特币价格依然维持在高位运行,最新交投于7860附近。", " 比特币价格日线图", " 技术分析:从比特币行情1小时图来看,比特币早盘突破了昨天的盘整区,再次上涨,其上涨的支撑是图中黄色均线MA30,均线系统仍显多头排列格局,不过技术指标MACD有走弱迹象,虽然后市依旧看涨,然而短期上涨遇阻,此时不建议追高,上方压力8015和8220,下方支撑7830和7678。", " 比特币的价格在今日已创下了历史新高,截至本文发稿时,多家海外比特币交易所的比特币价格大约为1330美元(约合9200元人民币),交易所Bitfinex最高时达到了1449.7美元(9995元人民币),距离万元人民币大关仅剩一步之遥。", " 本月内,比特币的表现可谓是非常抢眼,在4月1日时,其在各平台上的平均价格要低于1100美元,而在短短几周内,其价格上涨的幅度已超过了20%。", " 对于近期比特币价格的攀升,有业内人士表示,在美国证券交易委员会(SEC)宣布批准Bats BZX 证券交易所提交的比特币ETF重审请愿之后,市场对比特币表现出了明显的乐观情绪。", " ETF提案的推动:推动比特币价格近期上涨的主要原因是美国证券交易委员会(SEC)决定重新审查Winklevoss兄弟提出的比特币ETF事项。", " 上个月,SEC拒绝了Winklevoss兄弟在Bats证券交易所上市比特币ETF的提案。此次价格的上涨也是寄希望于此次审核会一举通过。", " 由于市场开始对比特币ETF通过美国监管机构的审批重新燃起希望,比特币的价格在昨日一路飙升至1343美元。据统计,比特币的价格 在本周已经上涨了大约4.5%。尽管一夜之间,比特币的价格又回落到了1300美元左右,低于3月10日创下的历史高点,但仍不能否认比特币近期正迎来一波强劲的上涨趋势。", " 当然,除了比特币ETF带来的影响以外,其他因素也在推动比特币的发展,例如,日本最近决定将比特币认定为法定货币。", " 日元交易目前主宰了比特币市场,占全球市场的35%左右。日本在本月初开始认可了比特币支付方式,导致日本的一些商家开始尝试数字货币。日前,日本弘前市首次尝试以官方形式接受比特币捐款,用于为樱花节筹集部分资金。此外,日本最大的电子产品连锁企业Bic Camera也在4月初开始接受比特币,成为了该国首家接受比特币的主要零售商。", " 随着日本探索出更多与比特币相关的应用领域,该数字货币在全世界的认可度会进一步提高,这在一方面推动了比特币价格的上涨。然而,随着价格的上涨,一些比特币的投资者却越来越感到担忧。", " 然而,从目前来看,无论年底的3000美元是否可期,过去的经验告诉我们,每一次比特币价格的大涨都难以持续很长一段时间,投资者已经看惯了币价的大起大落。对于此次价格的上涨保持谨慎态度将是一种明智的做法。"], "segmented_title": ["揭秘", "比特币", "价格", "二", "次", "暴涨", "的", "原因", "后", "市", "比特币", "价格行情", "还会", "涨", "?", "_", "第", "一", "黄金"], "segmented_paragraphs": [["每一次", "比特币", "价格", "的", "大涨", "都", "难以", "持续", "很", "长", "一段时间", ",", "投资者", "已经", "看", "惯", "了", "币", "价", "的", "大起大落", "。", "对于", "此次", "价格", "的", "上涨", "保持", "谨慎", "态度", "将", "是", "一", "种", "明智", "的", "做法", "。"], ["4", "月", "28", "日", "讯", "据", "最新", "数据显示", ",", "昨天", "(", "4", "月", "27", "日", ")", "比特币", "价格", "开市", "后", "短暂", "冲", "高", "便", "遇阻", "回落", ",", "虽然", "调整", "了", "很", "长时间", "但是", "调整", "幅度", "相当", "有限", ",", "跌幅", "仅仅", "120", "点", "左右", ",", "随后", "一", "路", "向上", "攀", "升", ",", "最高", "涨", "至", "8015", "一线", "高点", "。", "截止", "今日", "发稿", "前", ",", "比特币", "价格", "依然", "维持", "在", "高位", "运行", ",", "最新", "交", "投", "于", "7860", "附近", "。"], ["比特币", "价格", "日线图"], ["技术分析", ":", "从", "比特币", "行情", "1", "小时", "图", "来看", ",", "比特币", "早盘", "突破", "了", "昨天", "的", "盘整", "区", ",", "再次", "上涨", ",", "其", "上涨", "的", "支撑", "是", "图", "中", "黄色", "均线", "MA30", ",", "均线", "系统", "仍", "显", "多头排列", "格局", ",", "不过", "技术指标", "MACD", "有", "走弱", "迹象", ",", "虽然", "后", "市", "依旧", "看涨", ",", "然而", "短期", "上涨", "遇阻", ",", "此时", "不", "建议", "追", "高", ",", "上方", "压力", "8015", "和", "8220", ",", "下方", "支撑", "7830", "和", "7678", "。"], ["比特币", "的", "价格", "在", "今日", "已", "创下", "了", "历史新高", ",", "截至", "本", "文", "发稿", "时", ",", "多", "家", "海外", "比特币", "交易所", "的", "比特币", "价格", "大约", "为", "1330", "美元", "(", "约", "合", "9200", "元", "人民币", ")", ",", "交易所", "Bit", "finex", "最高", "时", "达到", "了", "1449", ".", "7", "美元", "(", "9995", "元", "人民币", ")", ",", "距离", "万元", "人民币", "大关", "仅剩", "一步之遥", "。"], ["本月", "内", ",", "比特币", "的", "表现", "可谓", "是", "非常", "抢眼", ",", "在", "4", "月", "1", "日", "时", ",", "其", "在", "各", "平台", "上", "的", "平均", "价格", "要", "低于", "1100", "美元", ",", "而", "在", "短", "短", "几", "周", "内", ",", "其", "价格", "上涨", "的", "幅度", "已", "超过", "了", "20", "%", "。"], ["对于", "近期", "比特币", "价格", "的", "攀升", ",", "有", "业", "内", "人士", "表示", ",", "在", "美国", "证券交易委员会", "(", "SEC", ")", "宣布", "批准", "Bats", "BZX", "证券交易所", "提交", "的", "比特币", "ETF", "重审", "请愿", "之后", ",", "市场", "对", "比特币", "表现", "出", "了", "明显", "的", "乐观情绪", "。"], ["ETF", "提案", "的", "推动", ":", "推动", "比特币", "价格", "近期", "上涨", "的", "主要原因", "是", "美国证券交易委员会", "(", "SEC", ")", "决定", "重新", "审查", "Winklevoss", "兄弟", "提出", "的", "比特币", "ETF", "事项", "。"], ["上个月", ",", "SEC", "拒绝", "了", "Winklevoss", "兄弟", "在", "Bats", "证券交易所", "上市", "比特币", "ETF", "的", "提案", "。", "此次", "价格", "的", "上涨", "也是", "寄", "希望", "于", "此次", "审核", "会", "一", "举", "通过", "。"], ["由于", "市场", "开始", "对", "比特币", "ETF", "通过", "美国", "监管", "机构", "的", "审批", "重新", "燃起", "希望", ",", "比特币", "的", "价格", "在", "昨日一路飙升", "至", "1343", "美元", "。", "据统计", ",", "比特币", "的", "价格", "在", "本周", "已经", "上涨", "了", "大约", "4", ".", "5", "%", "。", "尽管", "一夜之间", ",", "比特币", "的", "价格", "又", "回落", "到", "了", "1300", "美元", "左右", ",", "低于", "3", "月", "10", "日", "创下", "的", "历史", "高点", ",", "但", "仍", "不能否认", "比特币", "近期", "正", "迎来", "一波", "强劲", "的", "上涨", "趋势", "。"], ["当然", ",", "除了", "比特币", "ETF", "带来", "的", "影响", "以", "外", ",", "其他因素", "也", "在", "推动", "比特币", "的", "发展", ",", "例如", ",", "日本", "最近", "决定", "将", "比特币", "认定为", "法定", "货币", "。"], ["日元", "交易", "目前", "主宰", "了", "比特币", "市场", ",", "占", "全球", "市场", "的", "35", "%", "左右", "。", "日本", "在", "本", "月", "初", "开始", "认可", "了", "比特币", "支付方式", ",", "导致", "日本", "的", "一些", "商家", "开始", "尝试", "数字", "货币", "。", "日前", ",", "日本", "弘前市", "首次尝试", "以", "官方", "形式", "接受", "比特币", "捐款", ",", "用于", "为", "樱花节", "筹集", "部分", "资金", "。", "此外", ",", "日本", "最大", "的", "电子产品", "连锁", "企业", "Bic", "Camera", "也", "在", "4", "月", "初", "开始", "接受", "比特币", ",", "成为", "了", "该国", "首家", "接受", "比特币", "的", "主要", "零售商", "。"], ["随着", "日本", "探索", "出", "更多", "与", "比特币", "相关", "的", "应用领域", ",", "该", "数字", "货币", "在", "全世界", "的", "认可", "度", "会", "进一步提高", ",", "这", "在", "一方面", "推动", "了", "比特币", "价格", "的", "上涨", "。", "然而", ",", "随着", "价格", "的", "上涨", ",", "一些", "比特币", "的", "投资者", "却", "越来越", "感到", "担忧", "。"], ["然而", ",", "从", "目前", "来看", ",", "无论", "年底", "的", "3000", "美元", "是否", "可", "期", ",", "过去", "的", "经验", "告诉", "我们", ",", "每一次", "比特币", "价格", "的", "大涨", "都", "难以", "持续", "很", "长", "一段时间", ",", "投资者", "已经", "看", "惯", "了", "币", "价", "的", "大起大落", "。", "对于", "此次", "价格", "的", "上涨", "保持", "谨慎", "态度", "将", "是", "一", "种", "明智", "的", "做法", "。"]], "title": "揭秘比特币价格二次暴涨的原因 后市比特币价格行情还会涨?_第一黄金"}, {"bs_rank_pos": 5, "paragraphs": ["自从6月登顶3000美元之后,比特币价格一直盘旋下跌,7月16日单日下跌近11%,而7月13日到16日4天之间,币价最高值17160元人民币,最低值12900元人民币,波动达到了25%。7月17日,又出现了5%的价格回升。", " 比特币世界出现了冲击波——扩容采用软分叉还是硬分叉,对币价产生了持续性的影响。", " 自从6月登顶3000美元之后,比特币价格一直盘旋下跌,7月16日单日下跌近11%,而7月13日到16日4天之间,币价最高值17160元人民币,最低值12900元人民币,波动达到了25%。7月17日,又出现了5%的价格回升。", " 由于比特币是整个数字货币界的“风向标”,近日其他数字货币也开始下跌,其中最为“惨烈”的就是以太币,7月以来跌幅已达54%,目前已经跌破1000元。", " 为何数字货币反复动荡,这牵涉到一个比特币扩容的问题,彭博社将其称之为“比特币的南北战争”。", " 由于比特币这个投机市场用户日益增多,发生了网络堵塞现象——比特币网络每秒只允许发生约7笔交易,然而比特币之父中本聪在原先设计比特币网络时,并不知道后期会需要处理大量交易,远远超过目前的运载能力。", " 于是比特币基金会的首席科学家加文·安德烈森建议,为了加快比特币交易处理速度,增加比特币网络的交易能力,应该对该网络实现“硬分叉”,简而言之,就是比特币分裂成两条链。", " 此处需要解释的是什么是“硬分叉”,OKCoin币行研究院指出,比特币的“硬分叉”是两个比特币改进提议和两个软件版本的争斗,比特币领域发布的另一个软件版本在软件领域被称为“分叉”。类比看的话,分叉在软件领域是一个司空见惯的现象——在谷歌创建了安卓系统之后,亚马逊、诺基亚和其他设备制造商也创建了他们自己的版本,为了使自己的产品区别于其他产品,谷歌允许开发者对安卓系统进行一些修改,但不允许特别巨大的改动,他们会阻止与其不兼容的设备使用自己的应用商城。这种情况下,安卓系统就是半开源性质的。", " “硬分叉”就意味着,之前比特币的区块链变成一旧一新两条链,需要在某个时间点所有节点的全部同意分叉升级,不同意的将会进入原旧链。", " 但是“硬分叉”可能导致一个状况出现:两个比特币所存在的区块链形成竞争关系,甚至可能分化为两种比特币,这种内耗会导致价格急剧下降。", " 于是“软分叉”的理念应运而生,这是一种较为温和的过渡方式,指比特币交易的数据结构(这就是被广泛流传的“共识”)发生改变时,未升级的节点可以验证已经升级的节点生产出的区块,而且已经升级的节点也可以验证未升级的节点生产出的区块。", " 如果上面的解释过于复杂,可以理解为,家里的房子漏水,硬分叉就是一劳永逸地重新购置新房,软分叉就是找装修队修修补补,新旧共存,比特币的区块链上没有升级的节点照旧,已经升级的按照扩容后的新规则计算,不会有新链产生,也不会有新的币种产生。", " 至于比特币采用哪种方式进行扩容,目前币圈在5月23日达成了一项纽约共识,同意将软分叉激活门槛设为80%全网算力支持。需要说明的是,这意味着,代表全网算力80%的“矿工”(用自己计算机的算力解答比特币网络中的数学题来获取记录全网交易的权利的人)同意的话,就可以实行软分叉,反之则大概率硬分叉。这次投票从7月21日开始,31日截止,但比特币价格的波动可能持续时间更久。", "[责任编辑:wemoney PF055]", " 责任编辑:wemoney PF055", "免责声明:本文仅代表作者个人观点,与凤凰网无关。其原创性以及文中陈述文字和内容未经本站证实,对本文以及其中全部或者部分内容、文字的真实性、完整性、及时性本站不作任何保证或承诺,请读者仅作参考,并请自行核实相关内容。", "14岁孕妇被公婆烧死 其父与丈夫表妹私奔 40岁女博士生四个娃 身材赛过18岁少女", "凤凰财经官方微信", " 1我们能做什么来帮助孩子预防近视?  2 德国红点设计至尊奖 超薄智能键盘  3源自美国 Fitkid菲宝智能护眼台灯  4 凤凰卫视独家定制礼品  5景德镇设计便捷旅行茶具 悦旅 "], "segmented_title": ["比特币", "价格", "4", "天", "波动", "25", "%", "背后", ":", "扩容", "分歧", "引发", "一", "场", "内战", "_", "凤凰财经"], "segmented_paragraphs": [["自从", "6", "月", "登顶", "3000", "美元", "之后", ",", "比特币", "价格", "一直", "盘旋", "下跌", ",", "7", "月", "16", "日", "单", "日", "下跌", "近", "11", "%", ",", "而", "7", "月", "13", "日", "到", "16", "日", "4", "天", "之间", ",", "币", "价", "最高", "值", "17160", "元", "人民币", ",", "最低", "值", "12900", "元", "人民币", ",", "波动", "达到", "了", "25", "%", "。", "7", "月", "17", "日", ",", "又", "出现", "了", "5", "%", "的", "价格回升", "。"], ["比特币", "世界", "出现", "了", "冲击波", "—", "—", "扩容", "采用", "软", "分叉", "还是", "硬", "分叉", ",", "对", "币", "价", "产生", "了", "持续", "性", "的", "影响", "。"], ["自从", "6", "月", "登顶", "3000", "美元", "之后", ",", "比特币", "价格", "一直", "盘旋", "下跌", ",", "7", "月", "16", "日", "单", "日", "下跌", "近", "11", "%", ",", "而", "7", "月", "13", "日", "到", "16", "日", "4", "天", "之间", ",", "币", "价", "最高", "值", "17160", "元", "人民币", ",", "最低", "值", "12900", "元", "人民币", ",", "波动", "达到", "了", "25", "%", "。", "7", "月", "17", "日", ",", "又", "出现", "了", "5", "%", "的", "价格回升", "。"], ["由于", "比特币", "是", "整个", "数字", "货币", "界", "的", "“", "风向标", "”", ",", "近日", "其他", "数字", "货币", "也", "开始", "下跌", ",", "其中", "最", "为", "“", "惨烈", "”", "的", "就是", "以太", "币", ",", "7", "月", "以来", "跌幅", "已", "达", "54", "%", ",", "目前", "已经", "跌破", "1000", "元", "。"], ["为何", "数字", "货币", "反复", "动荡", ",", "这", "牵涉", "到", "一", "个", "比特币", "扩容", "的", "问题", ",", "彭博", "社", "将", "其", "称", "之", "为", "“", "比特币", "的", "南北战争", "”", "。"], ["由于", "比特币", "这个", "投机", "市场", "用户", "日益增多", ",", "发生", "了", "网络", "堵塞", "现象", "—", "—", "比特币", "网络", "每秒", "只", "允许", "发生", "约", "7", "笔", "交易", ",", "然而", "比特币", "之", "父", "中本聪", "在", "原先", "设计", "比特币", "网络", "时", ",", "并", "不知道", "后期", "会", "需要", "处理", "大量", "交易", ",", "远远", "超过", "目前", "的", "运载", "能力", "。"], ["于是", "比特币", "基金会", "的", "首席科学家", "加", "文", "·", "安德烈", "森", "建议", ",", "为了", "加快", "比特币", "交易", "处理", "速度", ",", "增加", "比特币", "网络", "的", "交易", "能力", ",", "应该", "对", "该", "网络", "实现", "“", "硬", "分叉", "”", ",", "简而言之", ",", "就是", "比特币", "分裂", "成", "两", "条", "链", "。"], ["此处", "需要", "解释", "的", "是", "什么", "是", "“", "硬", "分叉", "”", ",", "OKCoin", "币", "行", "研究院", "指出", ",", "比特币", "的", "“", "硬", "分叉", "”", "是", "两", "个", "比特币", "改进", "提议", "和", "两", "个", "软件", "版本", "的", "争斗", ",", "比特币", "领域", "发布", "的", "另一个", "软件", "版本", "在", "软件", "领域", "被", "称为", "“", "分叉", "”", "。", "类比", "看", "的", "话", ",", "分叉", "在", "软件", "领域", "是", "一", "个", "司空见惯", "的", "现象", "—", "—", "在", "谷歌", "创建", "了", "安卓", "系统", "之后", ",", "亚马逊", "、", "诺基亚", "和", "其他", "设备", "制造商", "也", "创建", "了", "他们", "自己", "的", "版本", ",", "为了", "使", "自己", "的", "产品", "区别", "于", "其他产品", ",", "谷歌", "允许", "开发者", "对", "安卓", "系统", "进行", "一些", "修改", ",", "但", "不允许", "特别", "巨大", "的", "改动", ",", "他们", "会", "阻止", "与其", "不兼容", "的", "设备", "使用", "自己", "的", "应用", "商城", "。", "这种", "情况", "下", ",", "安卓", "系统", "就是", "半", "开源", "性质", "的", "。"], ["“", "硬", "分叉", "”", "就", "意味着", ",", "之前", "比特币", "的", "区块", "链", "变成", "一", "旧", "一", "新", "两", "条", "链", ",", "需要", "在", "某", "个", "时间", "点", "所有", "节点", "的", "全部", "同意", "分叉", "升级", ",", "不同意", "的", "将会", "进入", "原", "旧", "链", "。"], ["但是", "“", "硬", "分叉", "”", "可能导致", "一", "个", "状况", "出现", ":", "两", "个", "比特币", "所", "存在", "的", "区块", "链", "形成", "竞争", "关系", ",", "甚至", "可能", "分化", "为", "两种", "比特币", ",", "这种", "内耗", "会导致", "价格", "急剧下降", "。"], ["于是", "“", "软", "分叉", "”", "的", "理念", "应运而生", ",", "这", "是", "一", "种", "较为", "温和", "的", "过渡", "方式", ",", "指", "比特币", "交易", "的", "数据结构", "(", "这", "就是", "被", "广泛", "流传", "的", "“", "共识", "”", ")", "发生", "改变", "时", ",", "未", "升级", "的", "节点", "可以", "验证", "已经", "升级", "的", "节点", "生产", "出", "的", "区块", ",", "而且", "已经", "升级", "的", "节点", "也", "可以", "验证", "未", "升级", "的", "节点", "生产", "出", "的", "区块", "。"], ["如果", "上面", "的", "解释", "过于复杂", ",", "可以", "理解", "为", ",", "家里", "的", "房子", "漏水", ",", "硬", "分叉", "就是", "一劳永逸", "地", "重新", "购置", "新房", ",", "软", "分叉", "就是", "找", "装修", "队", "修修补补", ",", "新旧", "共存", ",", "比特币", "的", "区块", "链", "上", "没有", "升级", "的", "节点", "照", "旧", ",", "已经", "升级", "的", "按照", "扩容", "后", "的", "新规则", "计算", ",", "不会", "有", "新", "链", "产生", ",", "也", "不会", "有", "新", "的", "币种", "产生", "。"], ["至于", "比特币", "采用", "哪", "种", "方式", "进行", "扩容", ",", "目前", "币", "圈", "在", "5", "月", "23", "日", "达成", "了", "一项", "纽约", "共识", ",", "同意", "将", "软", "分叉", "激活", "门槛", "设", "为", "80", "%", "全", "网", "算", "力", "支持", "。", "需要", "说明", "的", "是", ",", "这", "意味着", ",", "代表", "全", "网", "算", "力", "80", "%", "的", "“", "矿工", "”", "(", "用", "自己", "计算机", "的", "算", "力", "解答", "比特币", "网络", "中", "的", "数学题", "来", "获取", "记录", "全", "网", "交易", "的", "权利", "的", "人", ")", "同意", "的", "话", ",", "就", "可以", "实行", "软", "分叉", ",", "反", "之", "则", "大", "概率", "硬", "分叉", "。", "这次", "投票", "从", "7", "月", "21", "日", "开始", ",", "31", "日", "截止", ",", "但", "比特币", "价格", "的", "波动", "可能", "持续", "时间", "更", "久", "。"], ["[", "责任编辑", ":", "we", "money", "PF", "055", "]"], ["责任编辑", ":", "we", "money", "PF", "055"], ["免责声明", ":", "本", "文", "仅", "代表", "作者", "个人观点", ",", "与", "凤凰网", "无关", "。", "其", "原创", "性", "以及", "文", "中", "陈述", "文字", "和", "内容", "未经", "本站", "证实", ",", "对", "本", "文", "以及", "其中", "全部", "或者", "部分", "内容", "、", "文字", "的", "真实性", "、", "完整性", "、", "及时", "性", "本站", "不", "作", "任何", "保证", "或", "承诺", ",", "请", "读者", "仅", "作", "参考", ",", "并", "请", "自行", "核实", "相关内容", "。"], ["14", "岁", "孕妇", "被", "公婆", "烧死", "其", "父", "与", "丈夫", "表妹", "私奔", "40", "岁", "女博士", "生", "四", "个", "娃", "身材", "赛", "过", "18", "岁", "少女"], ["凤凰财经", "官方", "微信"], ["1", "我们", "能", "做", "什么", "来", "帮助孩子", "预防近视", "?", "2", "德国", "红点", "设计", "至尊", "奖", "超薄", "智能", "键盘", "3", "源", "自", "美国", "Fitkid", "菲", "宝", "智能", "护眼", "台灯", "4", "凤凰卫视", "独家", "定制", "礼品", "5", "景德镇", "设计", "便捷", "旅行", "茶具", "悦", "旅"]], "title": "比特币价格4天波动25%背后:扩容分歧引发一场内战_凤凰财经"}, {"bs_rank_pos": 7, "paragraphs": ["【中关村在线新闻资讯】9月19日消息, 在上周五的时候比特币出现大幅下跌的情况,达到了近期的最低点2972美元。不过就在本周一,比特币的价格出现了大幅度的反弹,上涨5.2%达到了3853美元,再次逼近了4000美元大关。", " 比特币本周一实现反弹 价格再次逼近4000美元(图片来自于wsj)", " 上周比特币中国正式宣布停止相关交易,比特币价格就开始出现了大幅下跌的状况。本周比特币市场则走出了中国三大比特币交易所宣布暂停交易的阴影。由于近期多次出现价格动荡的情况,人们再次开始对于比特币的发展提出了质疑。", " 2017年9月14日晚间比特币交易所比特币中国称,将于9月30日停止所有交易业务。从明天开始,比特币中国数字资产交易平台今日起停止新用户注册, 2017年9月30日数字资产交易平台将停止所有交易业务。比特币中国的矿池(国池)等业务将不受此影响,继续正常运营。", " 9月4日的时候,央行发布公告明确表示代币发行融资(ICO)是指融资主体通过代币的违规发售、流通,向投资者筹集比特币、以太币等所谓“虚拟货币”,本质上是一种未经批准非法公开融资的行为,涉嫌非法发售代币票券、非法发行证券以及非法集资、金融诈骗、传销等违法犯罪活动。", " 本文属于原创文章,如若转载,请注明来源:比特币本周一实现反弹 价格再次逼近4000美元http://news.zol.com.cn/656/6562109.html"], "segmented_title": ["比特币", "本周", "一", "实现", "反弹", "价格", "再次", "逼近", "4000", "美元", "_", "行业新闻", "-", "中关村在线"], "segmented_paragraphs": [["【", "中关村", "在线", "新闻资讯", "】", "9", "月", "19", "日", "消息", ",", "在", "上周五", "的", "时候", "比特币", "出现", "大幅下跌", "的", "情况", ",", "达到", "了", "近期", "的", "最低", "点", "2972", "美元", "。", "不过", "就", "在", "本周", "一", ",", "比特币", "的", "价格", "出现", "了", "大幅度", "的", "反弹", ",", "上涨", "5", ".", "2", "%", "达到", "了", "3853", "美元", ",", "再次", "逼近", "了", "4000", "美元", "大关", "。"], ["比特币", "本周", "一", "实现", "反弹", "价格", "再次", "逼近", "4000", "美元", "(", "图片", "来自", "于", "wsj", ")"], ["上", "周", "比特币", "中国", "正式宣布", "停止", "相关", "交易", ",", "比特币", "价格", "就", "开始", "出现", "了", "大幅下跌", "的", "状况", "。", "本周", "比特币", "市场", "则", "走出", "了", "中国", "三大", "比特币", "交易所", "宣布", "暂停", "交易", "的", "阴影", "。", "由于", "近期", "多次", "出现", "价格", "动荡", "的", "情况", ",", "人们", "再次", "开始", "对于", "比特币", "的", "发展", "提出", "了", "质疑", "。"], ["2017", "年", "9", "月", "14", "日", "晚间", "比特币", "交易所", "比特币", "中国", "称", ",", "将", "于", "9", "月", "30", "日", "停止", "所有", "交易", "业务", "。", "从明天", "开始", ",", "比特币", "中国", "数字", "资产", "交易", "平台", "今日", "起", "停止", "新", "用户注册", ",", "2017", "年", "9", "月", "30", "日", "数字", "资产", "交易", "平台", "将", "停止", "所有", "交易", "业务", "。", "比特币", "中国", "的", "矿池", "(", "国", "池", ")", "等", "业务", "将", "不受", "此", "影响", ",", "继续", "正常", "运营", "。"], ["9", "月", "4", "日", "的", "时候", ",", "央行", "发布", "公告", "明确表示", "代币", "发行", "融资", "(", "ICO", ")", "是", "指", "融资", "主体", "通过", "代币", "的", "违规", "发售", "、", "流通", ",", "向", "投资者", "筹集", "比特币", "、", "以太", "币", "等", "所谓", "“", "虚拟货币", "”", ",", "本质", "上", "是", "一", "种", "未经批准", "非法", "公开", "融资", "的", "行为", ",", "涉嫌", "非法", "发售", "代币", "票", "券", "、", "非法", "发行", "证券", "以及", "非法集资", "、", "金融诈骗", "、", "传销", "等", "违法犯罪", "活动", "。"], ["本", "文", "属于", "原创文章", ",", "如若", "转载", ",", "请", "注明", "来源", ":", "比特币", "本周", "一", "实现", "反弹", "价格", "再次", "逼近", "4000", "美元", "http", ":", "/", "/", "news", ".", "zol", ".", "com", ".", "cn", "/", "656", "/", "6562109", ".", "html"]], "title": "比特币本周一实现反弹 价格再次逼近4000美元_行业新闻-中关村在线"}], "question": "比特币市场价格", "segmented_question": ["比特币", "市场价格"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221624}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["单票价值在300元以内的物品,无需保价,如快件丢失、毁损、短少的,按实际价值偿,最高不超过300元/票; 单票价值在5000元以内的,保价费为保价金额的1‰,如快件丢失、毁损、短少的,按照保额赔偿,最高不超过5000元; 寄件人确认交寄的快件单票价值不超过叁万元人民币。价值在5000元以上的,保价费为保价金额的5‰,如快件丢失、毁损、短少的,按照实际价值赔偿,但最高不超过快件的保价金额。"], "segmented_title": ["圆通", "快递", "的", "保价费", "是", "怎么", "算", "的", ",", "假如", "100", "元", "的", "价值", "的", "东西", "保价费", "多少", "_", "百度"], "segmented_paragraphs": [["单", "票", "价值", "在", "300", "元", "以内", "的", "物品", ",", "无需", "保价", ",", "如", "快件", "丢失", "、", "毁损", "、", "短少", "的", ",", "按", "实际", "价值", "偿", ",", "最高", "不", "超过", "300", "元", "/", "票", ";", "单", "票", "价值", "在", "5000", "元", "以内", "的", ",", "保价费", "为", "保价", "金额", "的", "1", "‰", ",", "如", "快件", "丢失", "、", "毁损", "、", "短少", "的", ",", "按照", "保额赔偿", ",", "最高", "不", "超过", "5000", "元", ";", "寄件人", "确认", "交寄", "的", "快件", "单", "票", "价值", "不", "超过", "叁", "万元", "人民币", "。", "价值", "在", "5000", "元", "以上", "的", ",", "保价费", "为", "保价", "金额", "的", "5", "‰", ",", "如", "快件", "丢失", "、", "毁损", "、", "短少", "的", ",", "按照", "实际", "价值", "赔偿", ",", "但", "最高", "不", "超过", "快件", "的", "保价", "金额", "。"]], "title": "圆通快递的保价费是怎么算的,假如100元的价值的东西保价费多少_百度"}, {"bs_rank_pos": 0, "paragraphs": ["邮政是百分之一,顺丰是千分五~圆通不淸楚,估计不会高过邮政吧"], "segmented_title": ["圆通", "快递", "的", "保价费", "是", "怎么", "算", "的", ",", "假如", "100", "元", "的", "价值", "的", "东西", "保价费", "多少", "_", "百度"], "segmented_paragraphs": [["邮政", "是", "百分之一", ",", "顺丰", "是", "千分", "五", "~", "圆通", "不", "淸", "楚", ",", "估计", "不会", "高", "过", "邮政", "吧"]], "title": "圆通快递的保价费是怎么算的,假如100元的价值的东西保价费多少_百度"}, {"bs_rank_pos": 0, "paragraphs": ["百分之3-5左右吧,记不蛮清"], "segmented_title": ["圆通", "快递", "的", "保价费", "是", "怎么", "算", "的", ",", "假如", "100", "元", "的", "价值", "的", "东西", "保价费", "多少", "_", "百度"], "segmented_paragraphs": [["百分", "之", "3", "-", "5", "左右", "吧", ",", "记", "不", "蛮", "清"]], "title": "圆通快递的保价费是怎么算的,假如100元的价值的东西保价费多少_百度"}, {"bs_rank_pos": 1, "paragraphs": ["100元保价2元钱,比如说你的货值500元你可交10元保价最好上限好像是2000元"], "segmented_title": ["圆通", "现在", "的", "保价费", "怎么", "计算", "?", "_", "百度", "知道"], "segmented_paragraphs": [["100", "元", "保价", "2", "元", "钱", ",", "比如说", "你", "的", "货值", "500", "元", "你", "可", "交", "10", "元", "保价", "最好", "上限", "好像", "是", "2000", "元"]], "title": "圆通现在的保价费怎么计算?_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["  1、单票价值在300元以内的物品,无需保价,如快件丢失、毁损、短少的,按实际价值偿,最高不超过300元/票;   2、单票价值在5000元以内的,保价费为保价金额的1‰,如快件丢失、毁损、短少的,按照保额赔偿,最高不超过5000元;   3、寄件人确认交寄的快件单票价值不超过叁万元人民币。价值在5000元以上的,保价费为保价金额的5‰,如快件丢失、毁损、短少的,按照实际价值赔偿,但最高不超过快件的保价金额。"], "segmented_title": ["圆通", "快递", "的", "保价费", "_", "百度", "知道"], "segmented_paragraphs": [["  ", "1", "、", "单", "票", "价值", "在", "300", "元", "以内", "的", "物品", ",", "无需", "保价", ",", "如", "快件", "丢失", "、", "毁损", "、", "短少", "的", ",", "按", "实际", "价值", "偿", ",", "最高", "不", "超过", "300", "元", "/", "票", ";", "  ", "2", "、", "单", "票", "价值", "在", "5000", "元", "以内", "的", ",", "保价费", "为", "保价", "金额", "的", "1", "‰", ",", "如", "快件", "丢失", "、", "毁损", "、", "短少", "的", ",", "按照", "保额赔偿", ",", "最高", "不", "超过", "5000", "元", ";", "  ", "3", "、", "寄件人", "确认", "交寄", "的", "快件", "单", "票", "价值", "不", "超过", "叁", "万元", "人民币", "。", "价值", "在", "5000", "元", "以上", "的", ",", "保价费", "为", "保价", "金额", "的", "5", "‰", ",", "如", "快件", "丢失", "、", "毁损", "、", "短少", "的", ",", "按照", "实际", "价值", "赔偿", ",", "但", "最高", "不", "超过", "快件", "的", "保价", "金额", "。"]], "title": "圆通快递的保价费_百度知道"}], "question": "圆通快递保价费怎么算", "segmented_question": ["圆通", "快递", "保价费", "怎么", "算"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221625}
-{"documents": [{"title": "古力娜扎是穆斯林吗?古力娜扎是哪个少数民族的?_狂想曲", "segmented_title": ["古力", "娜扎", "是", "穆斯林", "吗", "?", "古力", "娜扎", "是", "哪个", "少数民族", "的", "?", "_", "狂想曲"], "segmented_paragraphs": [["在", "众多", "的", "少数民族", "的", "女星", "中", ",", "古力", "娜扎", "算是", "发展", "的", "比较好", "的", "一", "位", "了", ",", "尤其", "是", "最近", "她", "的", "《", "择天记", "》", "已经", "播出", ",", "让", "古力", "娜扎", "逐渐", "被", "洗", "白", ",", "古力", "娜扎", "和", "张翰", "在一起", "后", ",", "就", "被", "网友", "们", "黑", "的", "体无完肤", ",", "并且", "因为", "她", "主演", "的", "几", "部", "戏", "都", "没有", "大", "爆", ",", "演技", "饱受", "质疑", ",", "那么", "古力", "娜扎", "信", "教", "吗", "?", "她", "属于", "哪个", "民族", "?"], ["古力", "娜扎", "是", "穆斯林", "吗", "?"], ["最近几年", "古力", "娜扎", "是", "娱乐圈", "的", "活跃", "份子", ",", "本身就是", "少数民族", "的", "她", "可谓", "参演", "过", "不", "少", "影视剧", ",", "在", "各种", "社会活动", "中", "、", "颁奖", "仪式", "中", "基本上", "都会", "有", "古力", "娜扎", "的", "身影", "。", "我们", "都", "知道", "身为", "少数民族", ",", "每个", "民族", "都", "有", "自己", "的", "信仰", "与", "生活方式", ",", "那么", ",", "在", "现实", "生活", "中", ",", "古力", "娜扎", "是否", "是", "穆斯林", "呢", "?"], ["古力", "娜扎", "是", "一名", "九零后", "内地", "姑娘", ",", "据说", "她", "未", "走上", "表演", "道路", "时", ",", "她", "的", "主要", "职业", "就是", "模特", "与", "舞蹈", ",", "2011", "年", "古力", "娜扎", "考", "入", "北京电影学院", "后", ",", "她", "的", "演员", "梦想", "才", "卓", "一", "实现", "。", "古力", "娜扎", "出生", "在", "新疆", "乌鲁木齐", ",", "她", "是", "回教徒", "、", "信仰", "《", "古兰经", "》", ",", "并且", "他们", "也有", "很", "严格", "的", "教", "规", "。", "和", "古力", "娜扎", "接吻", "后", ",", "在", "一", "星期", "之", "内", "是", "不能", "吃", "猪肉", "的", ",", "最近几年", "和", "古力", "娜扎", "合作", "过", "的", "影视", "男星", "也", "不在少数", ",", "但", "属", "最惨", "的", "莫过于", "张翰", "。", "2015", "年", "张翰", "和", "古力", "娜扎", "的", "“", "地下", "恋情", "”", "被", "公布", ",", "不", "久", "他们", "的", "接吻", "照", "也", "随即", "公布", ",", "现在", "的", "古力", "娜扎", "是否", "已经", "汉化", ",", "这", "并", "不", "被", "我们", "所", "知", ",", "而", "我们", "知道", "的", "是", "他们", "的", "这份", "恋情", "并", "不", "被", "外界", "所", "看", "好", "。"], ["少数民族", "与", "汉族", "有", "一定", "的", "样貌", "差距", ",", "随着", "古力", "娜扎", "的", "荧屏", "活跃", ",", "曾经", "有", "不少", "网友", "认为", "她", "是", "整", "过", "容", "的", ",", "古力", "娜扎", "为了", "证明", "自己", "的", "清白", ",", "她", "不", "惜", "在", "微博", "中", "晒", "出", "自己", "小时候", "的", "照片", ",", "通过", "这些", "照片", "做", "对比", ",", "其实", ",", "古力", "娜扎", "和", "小时候", "的", "样貌", "并没有", "多大", "改变", ",", "而", "唯一", "有", "改变", "的", "地方", "、", "也许", "就是", "时间", "与", "岁月", "的", "沉淀", ",", "现在", "我们", "也", "来", "看看", "古力", "娜扎", "幼时", "的", "萌", "照", "。"], ["古力", "娜扎", "是", "哪个", "少数民族", "的", "?"], ["古力", "娜扎", "1992", "年", "出生于", "新疆", "乌鲁木齐", ",", "是", "个", "维吾尔族", "姑娘", ";", "而", "维吾尔族", "有", "这么", "一", "个", "传统", ",", "就是", "不食", "猪肉", "!", "他们", "主要", "以", "馕", "、", "抓饭", "、", "烤包子", "、", "拌面", "为", "主食", "。"], ["维吾尔族", "人", "禁", "吃", "猪肉", "、", "驴肉", "、", "食肉动物", ",", "禁食", "一切", "动物", "的", "血", "和", "自", "亡", "的", "、", "非", "伊斯兰教", "徒", "宰杀", "的", "牲畜", "。", "只", "吃", "穆斯林", "(", "伊斯兰教", "徒", ")", "宰杀", "的", "牛", "、", "羊", "、", "骆驼", "、", "马肉", "入", "鸡", "、", "鸭", "、", "鱼肉", "。", "平时", "以", "白", "面", "、", "大米", "为", "日常", "主食", "。", "饮食", "花样", "丰富多彩", ",", "独具特色", "。"], ["她们", "主要有", "抓饭", "、", "拉面", "、", "肉粥", "、", "薄皮", "包子", "、", "烤包子", "、", "油塔子", "、", "曲", "曲", "(", "形似", "小", "饺", ")", "、", "烤羊肉", "、", "牛羊肉", "汤", "及", "大小", "厚薄", "不同", "形状", "的", "烤馕", "。", "蔬菜", "主要有", "皮", "芽", "子", "(", "洋葱", ")", "、", "卡", "马", "古尔", "(", "蔓菁", ")", "、", "胡萝卜", "、", "辣椒", "、", "豇豆", "、", "西红柿", "等", "。", "调味", "除", "盐", "醋", "外", ",", "喜", "用", "极", "椒", "、", "孜然", "(", "安息", "茴香", ")", "。", "早饭", "一般", "喝茶", "吃", "馕", ",", "不", "多", "炒菜", ";", "午", "、", "晚", "两", "餐", "常吃", "抓饭", "、", "包子", "、", "拌面", "、", "汤面", "、", "有时", "吃", "手抓羊肉", "。", "在", "吃", "抓饭", "和", "手抓羊肉", "前", "都", "要", "净", "手", ",", "不", "用", "筷子", ",", "直接", "用", "手", "抓", "食", "。"]], "paragraphs": ["在众多的少数民族的女星中,古力娜扎算是发展的比较好的一位了,尤其是最近她的《择天记》已经播出,让古力娜扎逐渐被洗白,古力娜扎和张翰在一起后,就被网友们黑的体无完肤,并且因为她主演的几部戏都没有大爆,演技饱受质疑,那么古力娜扎信教吗?她属于哪个民族?", "古力娜扎是穆斯林吗?", "最近几年古力娜扎是娱乐圈的活跃份子,本身就是少数民族的她可谓参演过不少影视剧,在各种社会活动中、颁奖仪式中基本上都会有古力娜扎的身影。我们都知道身为少数民族,每个民族都有自己的信仰与生活方式,那么,在现实生活中,古力娜扎是否是穆斯林呢?", "古力娜扎是一名九零后内地姑娘,据说她未走上表演道路时,她的主要职业就是模特与舞蹈,2011年古力娜扎考入北京电影学院后,她的演员梦想才卓一实现。古力娜扎出生在新疆乌鲁木齐,她是回教徒、信仰《古兰经》,并且他们也有很严格的教规。和古力娜扎接吻后,在一星期之内是不能吃猪肉的,最近几年和古力娜扎合作过的影视男星也不在少数,但属最惨的莫过于张翰。2015年张翰和古力娜扎的“地下恋情”被公布,不久他们的接吻照也随即公布,现在的古力娜扎是否已经汉化,这并不被我们所知,而我们知道的是他们的这份恋情并不被外界所看好。", "少数民族与汉族有一定的样貌差距,随着古力娜扎的荧屏活跃,曾经有不少网友认为她是整过容的,古力娜扎为了证明自己的清白,她不惜在微博中晒出自己小时候的照片,通过这些照片做对比,其实,古力娜扎和小时候的样貌并没有多大改变,而唯一有改变的地方、也许就是时间与岁月的沉淀,现在我们也来看看古力娜扎幼时的萌照。", "古力娜扎是哪个少数民族的?", "古力娜扎1992年出生于新疆乌鲁木齐,是个维吾尔族姑娘;而维吾尔族有这么一个传统,就是不食猪肉!他们主要以馕、抓饭、烤包子、拌面为主食。", "维吾尔族人禁吃猪肉、驴肉、食肉动物,禁食一切动物的血和自亡的、非伊斯兰教徒宰杀的牲畜。只吃穆斯林(伊斯兰教徒)宰杀的牛、羊、骆驼、马肉入鸡、鸭、鱼肉。平时以白面、大米为日常主食。饮食花样丰富多彩,独具特色。", "她们主要有抓饭、拉面、肉粥、薄皮包子、烤包子、油塔子、曲曲(形似小饺)、烤羊肉、牛羊肉汤及大小厚薄不同形状的烤馕。蔬菜主要有皮芽子(洋葱)、卡马古尔(蔓菁)、胡萝卜、辣椒、豇豆、西红柿等。调味除盐醋外,喜用极椒、孜然(安息茴香)。早饭一般喝茶吃馕,不多炒菜;午、晚两餐常吃抓饭、包子、拌面、汤面、有时吃手抓羊肉。在吃抓饭和手抓羊肉前都要净手,不用筷子,直接用手抓食。"], "bs_rank_pos": 0}, {"title": "古丽娜扎是穆斯林吗?_百度知道", "segmented_title": ["古丽", "娜扎", "是", "穆斯林", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["谁", "说", "了", "都", "不", "算", "。", "《", "古兰经", "》", "和", "《", "圣训", "》", "是", "穆斯林", "的", "生活指南", ",", "是", "真假", "善恶", "的", "试金石", "。", "一", "个", "自称", "穆斯林", "的", "人", ",", "如果", "他", "的", "思想", "行为", "不符合", "古兰", "圣训", "的", "精神", "和", "教导", ",", "那么", "他", "就", "不", "算是", "一", "个", "穆斯林", "。"]], "paragraphs": ["谁说了都不算。《古兰经》和《圣训》是穆斯林的生活指南,是真假善恶的试金石。一个自称穆斯林的人,如果他的思想行为不符合古兰圣训的精神和教导,那么他就不算是一个穆斯林。"], "bs_rank_pos": 1}, {"title": "请问古力娜扎、帕丽扎提、迪丽热巴的穿着打扮和言行举止是否符合", "segmented_title": ["请问", "古力", "娜扎", "、", "帕", "丽", "扎提", "、", "迪", "丽", "热", "巴", "的", "穿着打扮", "和", "言行举止", "是否", "符合"], "segmented_paragraphs": [["古力", "娜扎", ":", "迪", "丽", "热", "巴", ":", "帕", "丽", "扎提", ":", "显示全部"], ["前", "一", "份", "工作", ",", "接触", "了", "公司", "的", "穆斯林", "财务", ",", "很", "开朗", "很", "热情", "的", "大姐", "。", "有", "次", "吃饭时", "别人", "问", "她", "为啥", "不用", "戴", "头巾", "她", "就", "讲", "他", "的", "姑姑", "劝", "他", "戴", "回族", "女士", "的", "头巾", ",", "她", "啥", "都", "没", "说", ",", "她", "奶奶", "就", "开始", "训", "她", "姑姑", "了", ":", "管好自己", "的", "事", "儿", ",", "你", "让", "人家", "戴", "头巾", "你", "给", "她", "发", "工资", "吗", "?", "人家", "每个月", "能", "拿", "五", "千", ",", "你", "要", "发", "五", "千", "工资", "我", "监督", "着", "她", "戴", "。", "一天到晚", "的", "想", "这些", "东西", ",", "咋", "不", "想", "咋", "挣钱", "把", "自己", "儿子", "丫头", "好", "好", "培养", ",", "整", "的", "跟", "盲道", "一样", "。", "这句话", "送给", "所有", "闲", "的", "蛋疼", "的", "人"], ["谢", "邀", ",", "别", "挑", "事", "。", "我宁愿", "像", "她们", "这样", "生活", "的", "穆斯林", "女生", "越来越多", "。"], ["这", "是", "好事", ",", "要", "多", "鼓励", ",", "人", "要", "做自己", ",", "不做", "教法", "的", "奴隶"], ["题", "主", "我和你", "说", ",", "我", "从小到大", ",", "在", "新疆", "待", "了", "20", "年"], ["见到", "穿", "热裤", "出门", "的", "维吾尔族", "妹子", "多", "了", "去", "了"], ["夏天", "30", "多", "度", ",", "汉族", "妹子", "穿", "什么", "衣服", ",", "维族", "、", "哈族", "、", "还有", "其他", "信仰", "伊斯兰教", "的", "妹子", "也", "穿", "类似", "的", "衣服"], ["你", "问", "这种", "问题", ",", "可能", "是", "电视", "看", "多", "了", "。"], ["我", "刚好", "有", "个", "维吾尔族", "朋友", ",", "女性", ",", "前段时间", "伊斯坦布尔", "念书", ",", "确认", "是", "信仰", "伊斯兰教", "的", "。"], ["她", "是", "JK", "制服", "爱好者", "(", "就是", "水手服", ")"], ["她", "拍", "过", "死库水", "的", "个人", "写真", "(", "就是", "日本", "学生", "泳装", ")"], ["大学", "有", "一", "个", "同班同学", ",", "还有", "一", "个", "比", "我", "大", "一", "级", "的", "其他", "专业", "的", "学姐", ",", "一", "个", "维吾尔族", ",", "一", "个", "哈萨克族", "。", "确认", "是", "信仰", "伊斯兰教", "的", "。"], ["日常", "的", "穿衣", "在", "我", "看", "来", "和", "汉族", "人", "并", "无", "明显", "区别", "。"], ["那个", "同班同学", ",", "参加", "多次", "院", "级", "校级", "晚会", "跳舞", ",", "穿", "热裤", "或者", "其他", "裸露", "程度", "比较", "多", "的", "衣服", "跳舞", ",", "特别", "劲爆", "的", "舞蹈", "。"], ["找到", "一", "个", "详细", "介绍", "瓦哈比", "和", "沙特", "的", "文章"], ["地球", "知识", "局", "-", "全球", "传", "教", ",", "沙特", "王国", "的", "传", "教", "大业", "|", "地球", "知识", "局", "(", "分享", "自", "知乎", "网", ")", "https", ":", "/", "/", "zhuanlan", ".", "zhihu", ".", "com", "/", "p", "/", "26759299", "?", "utm", "_", "source", "=", "com", ".", "meizu", ".", "note", "paper", "&", "utm", "_", "medium", "=", "social"], ["~", "~", "~", "~", "~", "~", "~", "~", "~", "~", "分割线", "~", "~", "~", "~", "~", "~", "~", "~", "~", "~", "~", "~", "~", "~"], ["何为", "传统", ",", "传统", "的", "定义", "是什么", ",", "标准", "是什么", "?", "请问", "一", "个", "汉族", "女孩", ",", "一", "个", "韩国", "女孩", ",", "日本", "女孩", "这么", "穿", "有没有", "问题", "?", "为什么", "没有人", "说", "她们", "不", "传", "传统", "服饰", "。", "因为", "这", "是", "个", "现代社会", ",", "世俗", "化", "的", "社会", "。", "另外", ",", "给", "你们", "这些", "小白", "科普", "一", "下", ",", "什么", "是", "维族", "传统", "服饰"], ["这", "才是", "维族", "传统", "服饰", "。", "维族", "不是", "阿拉伯人", ",", "维族", "不是", "阿拉伯人", "。", "维族", "不是", "阿拉伯人", "。", "重要", "的", "事情", "说", "三", "遍", "。"], ["头巾", "也是", "宗教", "服饰", "不是", "民族", "更", "不是", "传统", "。", "土耳其", ",", "哈斯", "克", "斯坦", "等", "国家", "女性", "就是", "不", "戴", "头巾", "的", "。"], ["下图", "是", "土耳其", "街头", ",", "是不是", "感觉", "很", "现代", ",", "世俗", ",", "没", "头巾", ",", "没", "黑袍"], ["即便", "是", "现在", "非常", "保守", "极端", "的", "阿富汗", ",", "伊朗", ",", "那些", "黑袍", "也", "不是", "传统", ",", "更", "没有", "多久", "的", "历史", "。"], ["下图", "为", "上", "世纪", "苏联", "入侵阿富汗", "前", "时", ",", "阿富汗", "的", "女学生", ",", "距离", "现在", "三", "十", "多", "年", "年", ",", "看看", "那", "是", "的", "穿着"], ["这", "是", "1979", "年", "伊斯兰", "革命", "前", "的", "伊朗", ",", "距离", "现在", "也", "还是", "只", "过", "了", "三", "十", "多", "年"], ["那么", "这些", "中东地区", "历史", "上", "是", "怎样", "呢", ",", "你", "所谓", "的", "传统", "是", "啥", "呢", "?"], ["这", "是", "阿富汗", "哈扎拉", "人", "的", "传统", "服饰", ",", "是不是", "很漂亮"], ["这", "是", "13", "世纪", "到", "16", "世纪", "阿拉伯半岛", "上", "妇女", "的", "传统", "穿着", ",", "图", "一", "为", "吉达", "妇女", ",", "图", "二", "为", "贝都因", "妇女"], ["那么", "为何", "历史", "上", ",", "传统", "上", ",", "民族", "上", ",", "近代", "都", "没有", "极端", "宗教", "服饰", ",", "现在", "的", "中东", ",", "阿富汗", ",", "伊朗", ",", "沙特", "却", "成", "了", "这样"], ["因为", "极端", "宗教", ",", "因为", "原教旨主义", "抬头", "。", "而", "这", "其中", ",", "沙滩", "瓦哈比", "派", "绝对", "是", "罪魁祸首", "。"], ["这个", "伊斯兰", "中", "末", "流", "的", "小", "派别", ",", "创立", "一百", "多", "年", "一点", "气候", "都", "没有", ",", "根本", "没", "人", "鸟", "的", "节奏", ",", "一百年", "后", "阿拉伯半岛", ",", "瓦哈比", "与", "沙特", "家族", "结合", ",", "1801", "年", "瓦哈比", "派", "攻占", "伊拉克", "卡尔巴拉", ",", "拆毁", "侯赛因", "陵墓", "。", "1803", "~", "1804", "年", "相继", "攻克", "麦加", "和", "麦地那", ",", "捣毁", "先知", "穆罕默德", "陵墓", ",", "迫使", "麦加", "谢里夫", "臣服", ",", "并", "从", "土耳其", "人", "手", "中", "夺取", "了", "整个", "希贾兹", ",", "后", "又", "吞并", "了", "哈", "萨", "。", "1805", "年", "袭击", "了", "奥斯曼", "统治", "的", "叙利亚", "和", "伊拉克", "。", "1811", "年", "建立", "了", "第一个", "沙特", "家族", "统治", "的", "瓦哈比", "派", "王", ",", "但", "很快", "被", "奥斯曼", "击溃", ",", "沙滩", "王室", "逃亡", "科威特", ",", "瓦哈比", "信徒", "逃亡", "沙漠", "。", "有", "一百年", "终于", "有", "了", "起", "色", ",", "奥斯曼帝国", "解体", ",", "瓦哈比", "派", "卷土重来", "1921", "~", "1925", "年", ",", "先", "征服", "了", "拉希德", "家族", "的", "领地", ",", "后", "进攻", "希贾兹", "国王", "侯赛因", "的", "属地", ",", "先后", "占领", "塔伊夫", "、", "麦加", "、", "麦地那", "、", "吉达", ",", "后", "又", "兼并", "了", "阿西", ",", "建立", "沙特", "阿拉伯", ",", "立", "瓦哈比", "派", "教义", "为", "国", "教", "。"], ["楼", "主要", "是", "有", "这样", "的", "精神", "对待", "宪法", "就好", "了", "。"], ["自从", "我", "回答", "了", "伊斯兰教", "的", "一些问题", "后", ",", "时不时", "有", "这种人", "提", "一些", "明显", "恶意", "的", "问题", "来", "邀请", "我", "回答", ",", "要", "的", "就是", "你们", "互相", "咬", ",", "然后", "人家", "看", "猴戏", ",", "当然", ",", "也", "能", "挣", "x", "量", ",", "所以", "我", "已经", "很久", "不", "答", "这", "方面", "的", "东西", "了", ",", "我", "建议", "大家", "以后", "看见", "这种", "问题", "就", "举报", ",", "最", "起码", "别", "理", "它", "。"], ["这里", "是", "中国", "…", "…", "维族", "回族", "不一定", "就", "得", "信", "教", "啊", ",", "送", "她", "去", "艺术院校", "的", "还是", "她", "的", "母亲", "呢", "。"], ["题", "主", ",", "您", "是", "塔利班", "遗老", "么", "?", "为何", "比", "宗教", "警察", "还", "宗教", "警察", "?", "宗教信仰", "是", "有", "自由", "的", "。", "民族", "出身", "并", "不能", "决定", "一个人", "的", "信仰", "。", "维族", "可以", "不", "信", "伊斯兰教", "。", "汉族", "也", "可以", "皈依", "任何", "教", "。", "别", "拿", "人家", "穿什么", "来", "说事", "。", "想", "黑", "穆斯林", "可以", ",", "但", "你", "要", "选择", "正确", "的", "姿势", "。", "不", "然", "可", "就", "贻笑大方", "了", "。"], ["符合", "人家", "的", "职业", "啊", "亲", "!", "而且", "古力", "娜扎", "迪", "丽", "热", "巴", "都是", "北疆", "的", ",", "相对来说", "开放", "一些", "。", "我", "家", "是", "喀什", "的", ",", "这么", "穿", "的", "成年", "维族姑娘", "很少", "…", "我", "几乎", "没", "见过", "。", "十", "岁", "左右", "的", "小姑娘", "有", "穿", "短裤", "的", ",", "但", "不是", "热裤", "。", "讲", "真", ",", "我", "五月份", "回", "喀什", ",", "我", "舅舅", "都", "不", "让", "我", "穿", "热裤", ",", "但是", "我", "坚持", "穿", ",", "确实", "少数民族", "同志会", "用", "或", "好奇", "或", "厌恶", "或", "好笑", "的", "眼光", "看", "你", ",", "但", "我", "觉得", "没关系", "啊", ",", "我", "穿", "什么", "是", "我", "的", "自由", "。", "在", "喀什", "依旧", "能看到", "戴", "大", "头巾", "的", "维族", "大妈", "。", "但", "这", "也是", "人家", "的", "习惯", ",", "无可厚非", "。", "女孩", "穿什么", "是", "她", "的", "个人", "意愿", ",", "和", "宗教", "没关系", "。"], ["你的生活", "符合", "共产主义", "么", "?"], ["先知", "啊", "!", "你", "应当", "对", "你", "的", "妻子", "、", "你", "的", "女儿", "和", "信", "士", "们", "的", "妇女", "说", ":", "她们", "应当", "用", "外衣", "遮住", "自己", "的", "身体", "。"], ["你", "对", "信", "女", "们", "说", ",", "叫", "她们", "降低", "视线", ",", "遮蔽", "下身", ",", "莫", "露出", "首饰", ",", "除非", "自然", "露出", "的", ",", "叫", "她们", "用", "面纱", "遮住", "胸膛", ",", "末", "露出", "首饰", ",", "除非", "对", "她们", "的", "丈夫", ",", "或", "她们", "的", "父亲", ",", "或", "她们", "的", "丈夫", "的", "父亲", ",", "或", "她们", "的", "儿子", ",", "或", "她们", "的", "丈夫", "的", "儿子", ",", "或", "她们", "的", "兄弟", ",", "或", "她们", "弟兄", "的", "儿子", ",", "或", "她们", "姐妹", "的", "儿子", ",", "或", "她们", "的", "女仆", ",", "或", "她们", "的", "奴婢", ",", "或", "无", "性欲", "的", "男仆", ",", "或", "不懂", "妇女", "之", "事", "的", "儿童", "。"], ["据", "阿布", "杜", "拉", "传", "述", ":", "先知", "(", "愿", "真主", "祝福", "他", ",", "并", "使", "他", "平安", ")", "说", ":", "“", "妇女", "全身", "都是", "羞", "体", ",", "她", "一", "出门", ",", "恶魔", "就", "欺负", "她", "。", "”", "《", "提尔", "密", "济", "圣训集", "》", "(", "1173", ")"], ["据", "阿伊莎", "(", "愿", "真主", "喜悦", "她", ")", "传", "述", ":", "“", "我们", "曾", "和", "使者", "(", "愿", "真主", "祝福", "他", ",", "并", "使", "他", "平安", ")", "一起", "受", "的", "戒", ",", "当", "有", "商队", "经过", "我们", "时", ",", "他们", "很", "接近", "我们", "时", ",", "我们", "就", "将", "长衫", "垂", "下来", ",", "遮住", "脸", ",", "他们", "走后", ",", "我们", "再", "露出", "脸", "。", "”", "《", "艾布", "达吾德", "圣训集", "》", "(", "1833", ")", "/", "《", "艾哈迈德", "圣训集", "》", "(", "24067", ")"], ["严格", "来", "说", ",", "这些", "维族", "女士", "的", "穿着", "都", "不符合", "穆斯林", "的", "基本", "法", ",", "但", "你", "一定要", "问", "我", ",", "资兹", "不", "资", "兹", "这种", "穿着打扮", ",", "她们", "现在", "放", "福利", ",", "我们", "怎么", "能", "不", "资", "兹", "福利", "?"], ["题", "主", "牛逼", ",", "你", "这", "一句话", ",", "我", "对", "这", "三个女明星", "瞬间", "路人", "转", "粉", "。"], ["那", "电视", "上", "全", "是", "黑", "粽子", "你", "就", "开心", "了", "?", "自古以来", ",", "黑色", "罩袍", ",", "黑色面纱", "就", "不是", "畏", "乌尔", "传统", "服装", "。", "人家", "穿", "什么", "随意", ",", "貌似", "题", "主管", "的", "太", "宽", "。"], ["这", "都是", "好姑娘", "!"], ["她们", "为什么", "要", "守", "伊斯兰教", "法", "?", "她们", "是", "我", "飞天", "面条", "教", "教徒", ",", "必须", "每周", "吃", "一次", "面条", "。"], ["首先", "得", "信", "教", ",", "然后", "才能", "谈", "教法", "好", "吗", "?", "维族", "不全", "是", "穆斯林", ",", "正", "像", "汉族", "也有", "穆斯林", "一样", "。"]], "paragraphs": ["古力娜扎: 迪丽热巴: 帕丽扎提: 显示全部", "前一份工作,接触了公司的穆斯林财务,很开朗很热情的大姐。有次吃饭时别人问她为啥不用戴头巾她就讲他的姑姑劝他戴回族女士的头巾,她啥都没说,她奶奶就开始训她姑姑了:管好自己的事儿,你让人家戴头巾你给她发工资吗?人家每个月能拿五千,你要发五千工资我监督着她戴。一天到晚的想这些东西,咋不想咋挣钱把自己儿子丫头好好培养,整的跟盲道一样。这句话送给所有闲的蛋疼的人", "谢邀,别挑事。我宁愿像她们这样生活的穆斯林女生越来越多。", "这是好事,要多鼓励,人要做自己,不做教法的奴隶", "题主我和你说,我从小到大,在新疆待了20年", "见到穿热裤出门的维吾尔族妹子多了去了", "夏天30多度,汉族妹子穿什么衣服,维族、哈族、还有其他信仰伊斯兰教的妹子也穿类似的衣服", "你问这种问题,可能是电视看多了。", "我刚好有个维吾尔族朋友,女性,前段时间伊斯坦布尔念书,确认是信仰伊斯兰教的。", "她是JK制服爱好者(就是水手服)", "她拍过死库水的个人写真(就是日本学生泳装)", "大学有一个同班同学,还有一个比我大一级的其他专业的学姐,一个维吾尔族,一个哈萨克族。确认是信仰伊斯兰教的。", "日常的穿衣在我看来和汉族人并无明显区别。", "那个同班同学,参加多次院级校级晚会跳舞,穿热裤或者其他裸露程度比较多的衣服跳舞,特别劲爆的舞蹈。", "找到一个详细介绍瓦哈比和沙特的文章", "地球知识局 - 全球传教,沙特王国的传教大业 | 地球知识局(分享自知乎网)https://zhuanlan.zhihu.com/p/26759299?utm_source=com.meizu.notepaper&utm_medium=social", "~~~~~~~~~~分割线~~~~~~~~~~~~~~", "何为传统,传统的定义是什么,标准是什么?请问一个汉族女孩,一个韩国女孩,日本女孩这么穿有没有问题?为什么没有人说她们不传传统服饰。因为这是个现代社会,世俗化的社会。另外,给你们这些小白科普一下,什么是维族传统服饰", "这才是维族传统服饰。维族不是阿拉伯人,维族不是阿拉伯人。维族不是阿拉伯人。重要的事情说三遍。", "头巾也是宗教服饰不是民族更不是传统。土耳其,哈斯克斯坦等国家女性就是不戴头巾的。", "下图是土耳其街头,是不是感觉很现代,世俗,没头巾,没黑袍", "即便是现在非常保守极端的阿富汗,伊朗,那些黑袍也不是传统,更没有多久的历史。", "下图为上世纪苏联入侵阿富汗前时,阿富汗的女学生,距离现在三十多年年,看看那是的穿着", "这是1979年伊斯兰革命前的伊朗,距离现在也还是只过了三十多年", "那么这些中东地区历史上是怎样呢,你所谓的传统是啥呢?", "这是阿富汗哈扎拉人的传统服饰,是不是很漂亮", "这是13世纪到16世纪阿拉伯半岛上妇女的传统穿着,图一为吉达妇女,图二为贝都因妇女", "那么为何历史上,传统上,民族上,近代都没有极端宗教服饰,现在的中东,阿富汗,伊朗,沙特却成了这样", "因为极端宗教,因为原教旨主义抬头。而这其中,沙滩瓦哈比派绝对是罪魁祸首。", "这个伊斯兰中末流的小派别,创立一百多年一点气候都没有,根本没人鸟的节奏,一百年后阿拉伯半岛,瓦哈比与沙特家族结合,1801年瓦哈比派攻占伊拉克卡尔巴拉,拆毁侯赛因陵墓。1803~1804年相继攻克麦加和麦地那,捣毁先知穆罕默德陵墓,迫使麦加谢里夫臣服,并从土耳其人手中夺取了整个希贾兹,后又吞并了哈萨。1805年袭击了奥斯曼统治的叙利亚和伊拉克。1811年建立了第一个沙特家族统治的瓦哈比派王,但很快被奥斯曼击溃,沙滩王室逃亡科威特,瓦哈比信徒逃亡沙漠。有一百年终于有了起色,奥斯曼帝国解体,瓦哈比派卷土重来1921~1925年,先征服了拉希德家族的领地,后进攻希贾兹国王侯赛因的属地,先后占领塔伊夫、麦加、麦地那、吉达,后又兼并了阿西,建立沙特阿拉伯,立瓦哈比派教义为国教。", "楼主要是有这样的精神对待宪法就好了。", "自从我回答了伊斯兰教的一些问题后,时不时有这种人提一些明显恶意的问题来邀请我回答,要的就是你们互相咬,然后人家看猴戏,当然,也能挣x量,所以我已经很久不答这方面的东西了,我建议大家以后看见这种问题就举报,最起码别理它。", "这里是中国……维族回族不一定就得信教啊,送她去艺术院校的还是她的母亲呢。", "题主,您是塔利班遗老么? 为何比宗教警察还宗教警察?宗教信仰是有自由的。 民族出身并不能决定一个人的信仰。 维族可以不信伊斯兰教。 汉族也可以皈依任何教。 别拿人家穿什么来说事。 想黑穆斯林可以, 但你要选择正确的姿势。 不然可就贻笑大方了。", "符合人家的职业啊亲!而且古力娜扎迪丽热巴都是北疆的,相对来说开放一些。我家是喀什的,这么穿的成年维族姑娘很少…我几乎没见过。十岁左右的小姑娘有穿短裤的,但不是热裤。讲真,我五月份回喀什,我舅舅都不让我穿热裤,但是我坚持穿,确实少数民族同志会用或好奇或厌恶或好笑的眼光看你,但我觉得没关系啊,我穿什么是我的自由。在喀什依旧能看到戴大头巾的维族大妈。但这也是人家的习惯,无可厚非。女孩穿什么是她的个人意愿,和宗教没关系。", "你的生活符合共产主义么?", "先知啊!你应当对你的妻子、你的女儿和信士们的妇女说:她们应当用外衣遮住自己的身体。", "你对信女们说,叫她们降低视线,遮蔽下身,莫露出首饰,除非自然露出的,叫她们用面纱遮住胸膛,末露出首饰,除非对她们的丈夫,或她们的父亲,或她们的丈夫的父亲,或她们的儿子,或她们的丈夫的儿子,或她们的兄弟,或她们弟兄的儿子,或她们姐妹的儿子,或她们的女仆,或她们的奴婢,或无性欲的男仆,或不懂妇女之事的儿童。", "据阿布杜拉传述:先知(愿真主祝福他,并使他平安)说:“妇女全身都是羞体,她一出门,恶魔就欺负她。”《提尔密济圣训集》(1173)", "据阿伊莎(愿真主喜悦她)传述:“我们曾和使者(愿真主祝福他,并使他平安)一起受的戒,当有商队经过我们时,他们很接近我们时,我们就将长衫垂下来,遮住脸,他们走后,我们再露出脸。”《艾布达吾德圣训集》(1833)/《艾哈迈德圣训集》(24067)", "严格来说,这些维族女士的穿着都不符合穆斯林的基本法,但你一定要问我,资兹不资兹这种穿着打扮,她们现在放福利,我们怎么能不资兹福利?", "题主牛逼,你这一句话,我对这三个女明星瞬间路人转粉。", "那电视上全是黑粽子你就开心了?自古以来,黑色罩袍,黑色面纱就不是畏乌尔传统服装。人家穿什么随意,貌似题主管的太宽。", "这都是好姑娘!", "她们为什么要守伊斯兰教法?她们是我飞天面条教教徒,必须每周吃一次面条。", "首先得信教,然后才能谈教法好吗?维族不全是穆斯林,正像汉族也有穆斯林一样。"], "bs_rank_pos": 2}, {"title": "我想问一下新疆的古力娜扎还有迪丽热巴他们不信教吗?-国际米兰吧-", "segmented_title": ["我", "想", "问一下", "新疆", "的", "古力", "娜扎", "还有", "迪", "丽", "热", "巴", "他们", "不", "信", "教", "吗", "?", "-", "国际米兰", "吧", "-"], "segmented_paragraphs": [["他们", "的", "族", "人", "怎么", "看待", "她们", "?", "毕竟", "当", "明星", "不能", "戴", "黑纱", "吧"], ["都", "什么", "年代", "了", ",", "谁", "说", "一定要", "带", "黑纱", ",", "我们", "班", "有", "一", "个", "哈密", "维族姑娘", ",", "从", "没", "带", "过", "什么", "黑纱", ",", "她说", "都", "没", "听说过", "要", "带", "黑纱", "-", "-", "And", "I", "'", "ll", "tell", "you", "all", "about", "it", "When", "I", "see", "you", "again", "We", "'", "v", "e", "come", "a", "long", "way", "From", "where", "we", "began"], ["愚昧", "到家", ",", "还", "黑纱", ",", "乌鲁木齐", "都", "出", "法律", "禁止", "黑纱"], ["新疆", "的", "克", "孜", "恰", "兹", "还是", "很漂亮", "的", "嘛"], ["之前", "有人", "截", "过", "图", ",", "说", "ins", "上", "这", "几个", "维族", "女星", "的", "关注", "都", "很", "不", "正常"], ["外国", "msl", "不知道", "反正", "我", "在", "乌鲁木齐", "久", "没", "见", "年轻", "的", "维族姑娘", "戴", "头巾", "的"], ["老子", "在", "新疆", "住", "了", "二十多年", "还", "没", "见过", "黑纱", "蒙面", "的", "。", "那些", "维族", "哈族", "妹子", "一", "个", "个", "时尚", "的", "一", "逼", "。"], ["当然", ",", "南疆", "某些", "穷", "乡", "辟", "壤", "这种", "要", "蛾子", "比较", "多", ",", "但是", "那些人", "估计", "连", "地球", "是", "圆", "的", "可能", "都", "不知道", ",", "你", "也", "不能", "要求", "太多", "。"], ["维族", "传统", "服装", "都是", "五颜六色", "的", ",", "话说", "伊斯兰", "好多", "派别", ",", "只有", "最", "保守", "那", "派", "才是", "黑沙", "蒙面", "。"], ["但是", "肯定", "不能", "跟", "吃", "猪肉", "的", "汉族", "人", "结婚", ",", "不", "然", "就", "是", "叛", "教"]], "paragraphs": ["他们的族人怎么看待她们?毕竟当明星不能戴黑纱吧", "都什么年代了,谁说一定要带黑纱,我们班有一个哈密维族姑娘,从没带过什么黑纱,她说都没听说过要带黑纱 -- And I'll tell you all about it When I see you again We've come a long way From where we began", "愚昧到家,还黑纱,乌鲁木齐都出法律禁止黑纱", "新疆的克孜恰兹还是很漂亮的嘛", "之前有人截过图,说ins上这几个维族女星的关注都很不正常", "外国msl不知道 反正我在乌鲁木齐久没见年轻的维族姑娘戴头巾的", "老子在新疆住了二十多年还没见过黑纱蒙面的。那些维族哈族妹子一个个时尚的一逼。", "当然,南疆某些穷乡辟壤这种要蛾子比较多,但是那些人估计连地球是圆的可能都不知道,你也不能要求太多。", "维族传统服装都是五颜六色的,话说伊斯兰好多派别,只有最保守那派才是黑沙蒙面。", "但是肯定不能跟吃猪肉的汉族人结婚,不然就是叛教"], "bs_rank_pos": 3}, {"title": "古力娜扎是维吾尔族!那她是不是穆斯林?查一下_百度知道", "segmented_title": ["古力", "娜扎", "是", "维吾尔族", "!", "那", "她", "是不是", "穆斯林", "?", "查", "一", "下", "_", "百度", "知道"], "segmented_paragraphs": [["人生", "于", "哪", "一", "种", "信仰", "的", "家庭", ",", "属于", "哪个", "民族", ",", "属于", "哪个", "国家", "从来", "都", "不是", "判断", "一个人", "是否", "是", "穆斯林", "的", "标准", "。", "一个人", "是不是", "穆斯林", ",", "乃是", "真", "神", "安", "拉", "判断", "的", ",", "也", "非", "某", "一", "个", "旁", "人", "说了算", "的", "。"], ["她", "完完全全", "是", "个", "穆斯林", ",", ",", ",", ",", "他", "父母", "都是", "穆斯林", ",", "虽然", "现在", "维吾尔族", "的", "的", "样子", "很随意", "的", "呢", "种", ",", "比如说", "不", "带", "头巾", "等等", ",", ",", "但", "他们", "心中", "时刻", "保留", "着", "对", "安", "拉", "的", "忠诚", "和", "感恩", "。", "伊斯兰", "在", "维吾尔族", "心里", "的", "地位", "不是", "那么", "容易", "动摇", "的", ",", "维吾尔族", "的", "现状", "最", "接近", "于", "土耳其人", "。", "你们", "不知道", "就", "别", "乱", "说", ","], ["她", "是", "维族", ",", "但", "不是", "穆斯林", ",", "她", "做", "了", "很多", "穆斯林", "不能", "做", "的", "东西", ",", "比如", "饮食", ",", "习性", ",", "礼仪", ",", "着装", ",", "等等", "。"], ["古力", "娜扎", "出生于", "维吾尔族", "家庭", ",", "然而", "维吾尔族", "和", "穆斯林", "不是", "同等", "概念", ",", "并且", "他", "的", "所作所为", "也", "不符合", "穆斯林", "行为", ",", "也", "不符合", "维吾尔族", "女人", "的", "行为", "。", "但", "她", "是不是", "穆斯林", "由", "伟大", "的", "subhana", "ta", "allah", "决定", "的", "。"], ["是不是", "穆斯林", "无关", "你们", "信仰", ",", "你", "自己", "吃饭", "管", "不住", "别人", "拉屎", ",", "除非你", "是", "极端", "教徒", "。"], ["如果", "是", "穆斯林", ",", "还是", "让", "她", "自行", "了", "断", "见", "真主", "吧", ",", "以", "免", "贻害", "人类"]], "paragraphs": ["人生于哪一种信仰的家庭,属于哪个民族,属于哪个国家从来都不是判断一个人是否是穆斯林的标准。一个人是不是穆斯林,乃是真神安拉判断的,也非某一个旁人说了算的。", "她完完全全是个穆斯林,,,,他父母都是穆斯林,虽然现在维吾尔族的的样子很随意的呢种,比如说不带头巾等等,,但他们心中时刻保留着对安拉的忠诚和感恩。 伊斯兰在维吾尔族心里的地位不是那么容易动摇的,维吾尔族的现状最接近于土耳其人。你们不知道就别乱说,", "她是维族,但不是穆斯林,她做了很多穆斯林不能做的东西,比如饮食,习性,礼仪,着装,等等。", "古力娜扎出生于维吾尔族家庭,然而维吾尔族和穆斯林不是同等概念,并且他的所作所为也不符合穆斯林行为,也不符合维吾尔族女人的行为。但她是不是穆斯林由伟大的subhana ta allah决定的。", "是不是穆斯林无关你们信仰,你自己吃饭管不住别人拉屎,除非你是极端教徒。", "如果是穆斯林,还是让她自行了断见真主吧,以免贻害人类"], "bs_rank_pos": 4}], "question": "古力娜扎是穆斯林吗", "yesno_type": "FACT", "segmented_question": ["古力", "娜扎", "是", "穆斯林", "吗"], "question_type": "YES_NO", "fact_or_opinion": "FACT", "question_id": 221626}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["小组名及口号 紫海马:海马海马,永远神奇! Music:因为音乐,生活才变得更加美丽! 蓝色城堡:蓝色城堡,命运的开始! 花儿朵朵:花儿朵朵,永远绽放! 雪白精灵:精灵!精灵!永远开心! 开心果:天天开心,开心到底! 天使小组:天使天使,永远聪明 学习城堡:学习城堡,欢乐无限 银河星:闪亮的星云,飘在太空中 雄鹰小组:让雄鹰把梦想带往天空。 阳光小组:我们阳光,我们快乐 斯莱特林:50%的努力加50%的勤奋等于成功 彩色风铃:一片彩色是童年,叮叮当当是未来 SUOPER STUDENGT:SUPER STUDENT勇往直前 七彩小组:七彩阳光 七色生活 卓越小组:超越超越 卓尔不凡 快乐小组:我们快乐、团结、勤奋、齐心合力、勇争第一! 火箭小组:我参与 我喜欢 小春蕾:挑战自我,团结第一 团结胜利组:团结胜利,勇争第一! 欢乐城堡:我们快乐,"], "segmented_title": ["最好", "的", "小组", "该", "取", "什么", "名字", "呢", "?", "_", "百度", "知道"], "segmented_paragraphs": [["小组", "名", "及", "口号", "紫", "海马", ":", "海马", "海马", ",", "永远", "神奇", "!", "Music", ":", "因为", "音乐", ",", "生活", "才", "变得", "更加", "美丽", "!", "蓝色", "城堡", ":", "蓝色", "城堡", ",", "命运", "的", "开始", "!", "花儿朵朵", ":", "花儿朵朵", ",", "永远", "绽放", "!", "雪白", "精灵", ":", "精灵", "!", "精灵", "!", "永远", "开心", "!", "开心果", ":", "天天开心", ",", "开心", "到底", "!", "天使", "小组", ":", "天使", "天使", ",", "永远", "聪明", "学习", "城堡", ":", "学习", "城堡", ",", "欢乐无限", "银河", "星", ":", "闪亮", "的", "星云", ",", "飘", "在", "太空", "中", "雄鹰", "小组", ":", "让", "雄鹰", "把", "梦想", "带", "往", "天空", "。", "阳光", "小组", ":", "我们", "阳光", ",", "我们", "快乐", "斯莱特林", ":", "50", "%", "的", "努力", "加", "50", "%", "的", "勤奋", "等于", "成功", "彩色", "风铃", ":", "一", "片", "彩色", "是", "童年", ",", "叮叮当当", "是", "未来", "SUOPER", "STUDENGT", ":", "SUPER", "STUDENT", "勇往直前", "七彩", "小组", ":", "七彩阳光", "七色", "生活", "卓越", "小组", ":", "超越", "超越", "卓尔", "不", "凡", "快乐", "小组", ":", "我们", "快乐", "、", "团结", "、", "勤奋", "、", "齐心合力", "、", "勇", "争", "第", "一", "!", "火箭", "小组", ":", "我", "参与", "我", "喜欢", "小", "春蕾", ":", "挑战自我", ",", "团结", "第", "一", "团结", "胜利", "组", ":", "团结", "胜利", ",", "勇", "争", "第", "一", "!", "欢乐", "城堡", ":", "我们", "快乐", ","]], "title": "最好的小组该取什么名字呢?_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["其实学习小组不一定要什么文学底蕴很深的名字,只要名字够新颖、简短、寓意深刻、容易记住就行了。以下是我想的一些名字: 1.【不锁年少】 这个名字寓意年少轻狂的时代,冲破观念的束缚,不顾一切往前冲。表达我们对于学习敢于创新,敢于实践的积极心态。 2.【向日葵】 向日葵喜阳,它的“脸”总是面向太阳的,太阳象征圣洁、美丽和至高无上的地位,也可寓意为理想。这个名字表达出欣欣向荣,向着梦想前进的意思。 3.【小命运】 对于正在学习阶段的我们,总是想着命运是能够自己掌握的。曾有一句名言是这样说的:不是所有付出都有收获,但是如果没有付出就肯定没有收获。命运是人失败时的自我安慰,我们要想着成功前进。 4.【雏菊】 雏菊的花语是纯洁天真、柔弱而坚韧。我觉得这个名字很适合,虽然显得有点矫情。但雏菊所附有的寓意深刻"], "segmented_title": ["学习", "小组", "起", "个", "什么", "名字", "好听", "_", "百度", "知道"], "segmented_paragraphs": [["其实", "学习", "小组", "不", "一定要", "什么", "文学", "底蕴", "很", "深", "的", "名字", ",", "只要", "名字", "够", "新颖", "、", "简短", "、", "寓意深刻", "、", "容易", "记住", "就", "行", "了", "。", "以下", "是", "我", "想", "的", "一些", "名字", ":", "1", ".", "【", "不", "锁", "年少", "】", "这个名字", "寓意", "年少轻狂", "的", "时代", ",", "冲破", "观念", "的", "束缚", ",", "不顾一切", "往前", "冲", "。", "表达", "我们", "对于", "学习", "敢于创新", ",", "敢于", "实践", "的", "积极", "心态", "。", "2", ".", "【", "向日葵", "】", "向日葵", "喜阳", ",", "它", "的", "“", "脸", "”", "总是", "面向", "太阳", "的", ",", "太阳", "象征", "圣洁", "、", "美丽", "和", "至高无上", "的", "地位", ",", "也", "可", "寓意", "为", "理想", "。", "这个名字", "表达", "出", "欣欣向荣", ",", "向着梦想", "前进", "的", "意思", "。", "3", ".", "【", "小", "命运", "】", "对于", "正在", "学习", "阶段", "的", "我们", ",", "总是", "想着", "命运", "是", "能够", "自己", "掌握", "的", "。", "曾", "有", "一句", "名言", "是", "这样", "说", "的", ":", "不是", "所有", "付出", "都", "有", "收获", ",", "但是", "如果没有", "付出", "就", "肯定", "没有", "收获", "。", "命运", "是", "人", "失败", "时", "的", "自我安慰", ",", "我们", "要", "想着", "成功", "前进", "。", "4", ".", "【", "雏菊", "】", "雏菊", "的", "花语", "是", "纯洁", "天真", "、", "柔弱", "而", "坚韧", "。", "我", "觉得", "这个名字", "很", "适合", ",", "虽然", "显得", "有点", "矫情", "。", "但", "雏菊", "所", "附", "有", "的", "寓意深刻"]], "title": "学习小组起个什么名字好听_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["天翊(有翱翔天际,大展宏图之意。) 凯瑞(有气质高贵,潇洒大气之意。)"], "segmented_title": ["给", "小组", "团队", "取", "个", "什么", "名字", "好", "啊", "?", "_", "百度", "知道"], "segmented_paragraphs": [["天翊", "(", "有", "翱翔", "天际", ",", "大展宏图", "之", "意", "。", ")", "凯瑞", "(", "有气质", "高贵", ",", "潇洒", "大气", "之", "意", "。", ")"]], "title": "给小组团队取个什么名字好啊?_百度知道"}, {"bs_rank_pos": 3, "paragraphs": ["0801组名 永远的first 书海拾贝 阳光先锋 纯真年代 理想彩虹 0802组名 希望之翼 天之娇 梦想之星 梦幻之旅 棒棒堂 梦之翼 0803组名 快乐家族 成长部落 极地阳光 .风华组 阳光精灵 超越自我 晴天娃娃 0804组名 励志小组 至上励合 炫舞小组 奋进小组 梦之翼 梦翼小组 开心小组 奋斗小组 天天向上小组 0805组名 梦幻队 炫舞队 福娃 彩云队 龙的传人 东方神起 胜翼组 勇往之前 胜利组 唯我独尊 超越小组 0806组名 梦翼队 先锋队 天使队 我们是奇迹队 快乐小组 放飞希望队 我能行队 成功队 幻想童年队 天才队 0807组名 扬帆筱筱 天天向上 勇攀高峰 光炫星空 穿越时空 紫冰银河 智之飞跃 星河队 金鹰队"], "segmented_title": ["给", "小组", "取", "什么", "名子", "_", "百度", "知道"], "segmented_paragraphs": [["0801", "组", "名", "永远", "的", "first", "书海拾贝", "阳光", "先锋", "纯真年代", "理想", "彩虹", "0802", "组", "名", "希望之翼", "天", "之", "娇", "梦想", "之", "星", "梦幻之旅", "棒棒堂", "梦之翼", "0803", "组", "名", "快乐", "家族", "成长", "部落", "极地阳光", ".", "风华", "组", "阳光", "精灵", "超越自我", "晴天娃娃", "0804", "组", "名", "励志", "小组", "至上励合", "炫舞", "小组", "奋进", "小组", "梦之翼", "梦", "翼", "小组", "开心", "小组", "奋斗", "小组", "天天向上", "小组", "0805", "组", "名", "梦幻", "队", "炫舞", "队", "福娃", "彩云", "队", "龙的传人", "东方神起", "胜", "翼", "组", "勇", "往", "之前", "胜利", "组", "唯我独尊", "超越", "小组", "0806", "组", "名", "梦", "翼", "队", "先锋队", "天使队", "我们", "是", "奇迹", "队", "快乐", "小组", "放飞希望", "队", "我能行", "队", "成功", "队", "幻想", "童年", "队", "天才", "队", "0807", "组", "名", "扬帆", "筱", "筱", "天天向上", "勇攀高峰", "光", "炫", "星空", "穿越时空", "紫冰", "银河", "智", "之", "飞跃", "星河", "队", "金鹰", "队"]], "title": "给小组取什么名子_百度知道"}, {"bs_rank_pos": 4, "paragraphs": ["日期:2016-11-11 www.azg168.cn 祥安阁风水网 编辑:azg16802 ", "在学习的过程中,老师会让同学们几个人组成一个小组,那么就得需要一个组名了,如何起一个霸气的名字?就来看看下面的相关文章吧!", " 霸气学习小组组名大全", " 霸气一点的团队名称", " 敢死队KingBack(王者归来)", " 最好的朋友永远的first", " 学习小组名字很霸气", " 组名:进击的学霸", " “我们这个小组目标是做学霸,所以取了这个名字,要让每个同学积极向上,发奋图强”。组长杨雯语气坚定。", " 下午第三节课后,一群组长围在教室黑板前,有的在默算着自己小组的分数,有的在看自己小组加了多少星,还有的在看哪些小组分数在前面。个个脸上都是激动、兴奋,生怕自己小组落后。", " 组名:Dream Team(梦之队)", " “由于各种巧合,我们这组的名字是由语文老师命名的”。说起自己的小组,组长徐岳嫣然很自豪。", " 组名:皇族(皇族这个名字十分霸气,同学们认为他们是最强的,最具有统治地位的小组)", " 组名:女·汉纸(因为这组有四个女生,一个男生,所以叫女·汉纸)", " 组名:Super god (我们已经超越神了!)", " 组名:冲上云霄(组员取的,从组长名字中取一个字组成一个词语)", " 组名:战狼(根据\"战狼传说\"得名)", " 组名:To be No.1(有奋发向上的精神中不失霸气!)", " 学习小组组名个性霸气的", "看过这篇文章的网友还看了以下名字相关文章: ", " 住宅小区楼盘风水有何讲究  打麻将风水的注意事项与秘笈  你知道风水礼品送什么最好吗?", " 明年是什么生肖年2018  2017年最有福的生肖是哪个  十二生肖财运排名 2017年财运最旺的生肖 ", " 十二生肖春夏秋冬生肖  十二生肖寓意详解  十二生肖顺序顺口溜口诀 ", " 在线八字算命婚姻幸福吗? 如何免费算命婚姻配对  怎么算命八字秘诀大公开 ", " 拍马屁的来源 拍马屁的由来  历史上的妲己真的是狐狸变的吗  最惨烈的起义太平天国死了多少人 ", " 段姓宝宝取名大全  胡姓男宝宝洋气的名字  鸡年魏姓男宝宝取名大全 ", " 如何看面相算命  胎记的位置与命运图  民间传统的看相算命顺口溜 ", " 霸气学习小组组名大全 小女孩什么名字好听 好听的学习小组组名大全 给女儿取个好听的名字 女孩起什么名好听 初中学习小组组名大全 个性好听的游戏情侣名 好听的销售团队名有哪些 好听有诗意的情侣名大全 好听的韩国名字男孩大全 盘点好听的情侣备注名 好听的英文情侣名大全 霸气好听的cf战队名大全 小男孩什么名字好听 好听的衣服网店名大全 好听女儿名字 好听的淘宝旺旺名大全 好听的后宫群名称大全 好听的男装网店名大全 好听的两字情侣名大全 男孩起什么名好听 英雄联盟好听游戏名字 好听的精品店名大全 起个好听的店铺名字 好听的韩国名字有哪些 好听纯英文情侣名字带翻译 女孩子最好听名字 给男儿取个好听的名字 男生最好听名字 好听的微信情侣名 好听的饰品店名大全 好听的淘宝账户名有哪些 有哪些好听的家具店名 盘点各地好听的粥店名字 两个字好听的游戏名 好听的礼品店名大全", ">>相关阅读文章:", " 好听有诗意的情侣名大全 霸气学习小组组名大全 好听的英文情侣名大全 好听的情侣网名有哪些 好听烧烤店名 两个字好听的游戏名 最好听的qq名大全"], "segmented_title": ["霸气", "学习", "小组", "组", "名", "大全", "_", "祥安阁", "好听", "名"], "segmented_paragraphs": [["日期", ":", "2016", "-", "11", "-", "11", "www", ".", "azg168", ".", "cn", "祥安阁", "风水", "网", "编辑", ":", "azg16802"], ["在", "学习", "的", "过程", "中", ",", "老师", "会", "让", "同学们", "几个", "人", "组成", "一", "个", "小组", ",", "那么", "就", "得", "需要", "一", "个", "组", "名", "了", ",", "如何", "起", "一", "个", "霸气", "的", "名字", "?", "就", "来", "看看", "下面", "的", "相关文章", "吧", "!"], ["霸气", "学习", "小组", "组", "名", "大全"], ["霸气", "一点", "的", "团队", "名称"], ["敢死队", "King", "Back", "(", "王者", "归来", ")"], ["最好", "的", "朋友", "永远", "的", "first"], ["学习", "小组", "名字", "很", "霸气"], ["组", "名", ":", "进击", "的", "学霸"], ["“", "我们", "这个", "小组", "目标", "是", "做", "学霸", ",", "所以", "取", "了", "这个名字", ",", "要", "让", "每个", "同学", "积极向上", ",", "发奋图强", "”", "。", "组长", "杨雯", "语气", "坚定", "。"], ["下午", "第三节", "课后", ",", "一", "群", "组长", "围", "在", "教室", "黑板", "前", ",", "有", "的", "在", "默", "算", "着", "自己", "小组", "的", "分数", ",", "有", "的", "在", "看", "自己", "小组", "加", "了", "多少", "星", ",", "还有", "的", "在", "看", "哪些", "小组", "分数", "在", "前面", "。", "个", "个", "脸上", "都是", "激动", "、", "兴奋", ",", "生", "怕", "自己", "小组", "落后", "。"], ["组", "名", ":", "Dream", "Team", "(", "梦之队", ")"], ["“", "由于", "各种", "巧合", ",", "我们", "这", "组", "的", "名字", "是", "由", "语文老师", "命名", "的", "”", "。", "说", "起", "自己", "的", "小组", ",", "组长", "徐岳", "嫣然", "很", "自豪", "。"], ["组", "名", ":", "皇族", "(", "皇族", "这个名字", "十分", "霸气", ",", "同学们", "认为", "他们", "是", "最强", "的", ",", "最", "具有", "统治", "地位", "的", "小组", ")"], ["组", "名", ":", "女", "·", "汉", "纸", "(", "因为", "这", "组", "有", "四", "个", "女生", ",", "一个男生", ",", "所以", "叫", "女", "·", "汉", "纸", ")"], ["组", "名", ":", "Super", "god", "(", "我们", "已经", "超越", "神", "了", "!", ")"], ["组", "名", ":", "冲上云霄", "(", "组员", "取", "的", ",", "从", "组长", "名字", "中", "取", "一个字", "组成", "一", "个", "词语", ")"], ["组", "名", ":", "战狼", "(", "根据", "\"", "战狼传说", "\"", "得", "名", ")"], ["组", "名", ":", "To", "be", "No", ".", "1", "(", "有", "奋发向上", "的", "精神", "中", "不", "失", "霸气", "!", ")"], ["学习", "小组", "组", "名", "个性", "霸气", "的"], ["看", "过", "这篇文章", "的", "网友", "还", "看", "了", "以下", "名字", "相关文章", ":"], ["住宅小区", "楼盘", "风水", "有", "何", "讲究", "打麻将", "风水", "的", "注意事项", "与", "秘笈", "你", "知道", "风水", "礼品", "送", "什么", "最好", "吗", "?"], ["明年", "是什么", "生肖", "年", "2018", "2017", "年", "最", "有福", "的", "生肖", "是", "哪个", "十二生肖", "财运", "排名", "2017", "年", "财运", "最旺", "的", "生肖"], ["十二生肖", "春夏", "秋冬", "生肖", "十二生肖", "寓意", "详解", "十二生肖", "顺序", "顺口溜", "口诀"], ["在线", "八字", "算命", "婚姻", "幸福", "吗", "?", "如何", "免费", "算命", "婚姻", "配对", "怎么", "算命", "八字", "秘诀", "大公开"], ["拍马屁", "的", "来源", "拍马屁", "的", "由来", "历史", "上", "的", "妲己", "真", "的", "是", "狐狸", "变", "的", "吗", "最", "惨烈", "的", "起义", "太平天国", "死", "了", "多少", "人"], ["段", "姓", "宝宝", "取名", "大全", "胡姓", "男", "宝宝", "洋气", "的", "名字", "鸡", "年", "魏姓", "男", "宝宝", "取名", "大全"], ["如何", "看", "面相", "算命", "胎记", "的", "位置", "与", "命运", "图", "民间", "传统", "的", "看相", "算命", "顺口溜"], ["霸气", "学习", "小组", "组", "名", "大全", "小女孩", "什么", "名字", "好听", "好听", "的", "学习", "小组", "组", "名", "大全", "给女儿", "取", "个", "好听", "的", "名字", "女孩", "起", "什么", "名", "好听", "初中", "学习", "小组", "组", "名", "大全", "个性", "好听", "的", "游戏", "情侣名", "好听", "的", "销售", "团队", "名", "有", "哪些", "好听", "有", "诗意", "的", "情侣名", "大全", "好听", "的", "韩国", "名字", "男孩", "大全", "盘点", "好听", "的", "情侣", "备注", "名", "好听", "的", "英文", "情侣名", "大全", "霸气", "好听", "的", "cf", "战队", "名", "大全", "小男孩", "什么", "名字", "好听", "好听", "的", "衣服", "网店", "名", "大全", "好听", "女儿", "名字", "好听", "的", "淘宝", "旺旺", "名", "大全", "好听", "的", "后宫", "群", "名称", "大全", "好听", "的", "男装", "网店", "名", "大全", "好听", "的", "两字", "情侣名", "大全", "男孩", "起", "什么", "名", "好听", "英雄", "联盟", "好听", "游戏", "名字", "好听", "的", "精品", "店名", "大全", "起", "个", "好听", "的", "店铺", "名字", "好听", "的", "韩国", "名字", "有", "哪些", "好听", "纯", "英文", "情侣", "名字", "带", "翻译", "女", "孩子", "最", "好听", "名字", "给", "男儿", "取", "个", "好听", "的", "名字", "男生", "最", "好听", "名字", "好听", "的", "微信", "情侣名", "好听", "的", "饰品", "店名", "大全", "好听", "的", "淘宝", "账户", "名", "有", "哪些", "有", "哪些", "好听", "的", "家具", "店名", "盘点", "各地", "好听", "的", "粥店", "名字", "两个字", "好听", "的", "游戏", "名", "好听", "的", "礼品", "店名", "大全"], [">", ">", "相关", "阅读文章", ":"], ["好听", "有", "诗意", "的", "情侣名", "大全", "霸气", "学习", "小组", "组", "名", "大全", "好听", "的", "英文", "情侣名", "大全", "好听", "的", "情侣", "网名", "有", "哪些", "好听", "烧烤", "店名", "两个字", "好听", "的", "游戏", "名", "最", "好听", "的", "qq", "名", "大全"]], "title": "霸气学习小组组名大全_祥安阁好听名"}], "question": "给小组起个好听名字", "segmented_question": ["给", "小组", "起", "个", "好听", "名字"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221627}
-{"documents": [{"bs_rank_pos": 1, "paragraphs": ["图案背景 纯色背景 ", "该文档贡献者很忙,什么也没留下。", "4年全国高中数学联赛福建赛区预赛试卷", " 浏览次数:1 ", " 内容提示: The Social Angle  ·  社会广角Bosom Friend Inspiration 知音励志 • 225【关键词】经济复苏;贸易顺差;人民币汇率金融危机以后,全球经济疲软,国际经济环境处于极不稳定的状况,我国的经济社会也受到了不同程度的影响,尤其是我国的对外贸易,国际经济形势的变化对于我国的对外贸易有着很大的影响,在我国经济新常态下,应对好国际经贸环境的变化,能够促进我国对外贸易的发展。1 国际经济贸易环境1.1 经济状况不稳定一方面,全球经济不稳定,受金融危机影响,许多国家尤其是发达国家的经济复苏缓慢,虽然政府采取了许多措施和政策刺激经济发展,但是效果一般,许多国家仍然存...", " 文档格式:PDF| 下载积分:1500| 上传日期:2017-03-27 04:05:01| 文档星级: "], "segmented_title": ["论", "我", "国", "外贸出口", "如何", "应对", "国际经贸", "环境", "的", "变化", "-", "道", "客", "巴", "巴"], "segmented_paragraphs": [["图案", "背景", "纯色", "背景"], ["该", "文档", "贡献", "者", "很", "忙", ",", "什么", "也", "没", "留下", "。"], ["4", "年", "全国", "高中", "数学", "联赛", "福建", "赛区", "预赛", "试卷"], ["浏览次数", ":", "1"], ["内容", "提示", ":", "The", "Social", "Angle", "", "·", "", "社会广角", "Bosom", "Friend", "Inspiration", "知音", "励志", "225", "【", "关键词", "】", "经济", "复苏", ";", "贸易顺差", ";", "人民币汇率", "金融危机", "以后", ",", "全球", "经济", "疲软", ",", "国际", "经济", "环境", "处于", "极", "不稳定", "的", "状况", ",", "我", "国", "的", "经济", "社会", "也", "受到", "了", "不同程度", "的", "影响", ",", "尤其", "是", "我", "国", "的", "对外贸易", ",", "国际", "经济", "形势", "的", "变化", "对于", "我", "国", "的", "对外贸易", "有着", "很大", "的", "影响", ",", "在", "我", "国", "经济", "新常态", "下", ",", "应对", "好", "国际经贸", "环境", "的", "变化", ",", "能够", "促进", "我", "国", "对外贸易", "的", "发展", "。", "1", "国际经济贸易", "环境", "1", ".", "1", "经济状况", "不稳定", "一方面", ",", "全球经济", "不稳定", ",", "受", "金融危机", "影响", ",", "许多", "国家", "尤其", "是", "发达国家", "的", "经济", "复苏", "缓慢", ",", "虽然", "政府", "采取", "了", "许多", "措施", "和", "政策", "刺激", "经济发展", ",", "但是", "效果", "一般", ",", "许多", "国家", "仍然", "存", ".", ".", "."], ["文档格式", ":", "PDF", "|", "下载", "积分", ":", "1500", "|", "上传", "日期", ":", "2017", "-", "03", "-", "27", "04", ":", "05", ":", "01", "|", "文档", "星级", ":"]], "title": "论我国外贸出口如何应对国际经贸环境的变化 - 道客巴巴"}, {"bs_rank_pos": 2, "paragraphs": [" 暂无评价|0人阅读|0次下载|举报文档", " 论我国对外贸易如何应对国际经济形势变化_经济学_高等教育_教育专区。 摘要:国际金融危机爆发以来,世界经济格局发生深刻变化,发达国家经济增速明显减 缓,发展中国家和新兴经济体的经济实力有所上升,全球经济步入调整发展新阶段。而 我国出口的外部环境发生很多的变化,要面临的"], "segmented_title": ["论", "我", "国", "对外贸易", "如何", "应对", "国际", "经济", "形势", "变化", "_", "百度", "文库"], "segmented_paragraphs": [["暂无", "评价", "|", "0", "人", "阅读", "|", "0", "次", "下载", "|", "举报", "文档"], ["论", "我", "国", "对外贸易", "如何", "应对", "国际", "经济", "形势", "变化", "_", "经济学", "_", "高等教育", "_", "教育", "专区", "。", "摘要", ":", "国际", "金融危机", "爆发", "以来", ",", "世界经济", "格局", "发生", "深刻", "变化", ",", "发达国家", "经济", "增速", "明显", "减", "缓", ",", "发展中国家", "和", "新兴", "经济", "体", "的", "经济", "实力", "有", "所", "上升", ",", "全球经济", "步入", "调整", "发展", "新阶段", "。", "而", "我", "国", "出口", "的", "外部环境", "发生", "很多", "的", "变化", ",", "要", "面临", "的"]], "title": "论我国对外贸易如何应对国际经济形势变化_百度文库"}, {"bs_rank_pos": 4, "paragraphs": ["2010年国际贸易出现恢复性快速反弹;(5)国际大宗商品价格稳中有降,市场需求尚未强势;2013年,受世界经济低迷的影响,国际大宗商品价;从国内看,中国经济开局平稳,但仍存下行压力;经济全球化的今天,任何国家都势必会受到国际经济贸;(1)资源环境约束日益强化;我国对外贸易发展仍主要依靠资源、能源、土地和环境;-10-;石、铝土矿、铜矿等重要能源资源消费对进口", "2010年国际贸易出现恢复性快速反弹。2011年以来,世界经济低速增长及欧债危机深化,抑制了全球进口需求,国际贸易增长转趋疲弱。2013年国际贸易状况仍不乐观,特别是发达国家进口萎缩,拖累了全球贸易增长。世界贸易组织(WTO)最新预测,2013年全球货物贸易量将增长2.5%,其中发达经济体出口增长1.5%,进口萎缩0.1%,发展中经济体和独联体出口增长3.6%,进口增长5.8%。在全球经济脆弱复苏、国际贸易总体低迷的背景下,一些国家为了缓解就业压力和企业困难,大力推行贸易保护主义,在一定程度上阻碍了世界贸易复苏进程[18,19]。 ", " (5)国际大宗商品价格稳中有降,市场需求尚未强势回升 ", " 2013年,受世界经济低迷的影响,国际大宗商品价格基本稳定,多数品种有所下降。全年IMF初级产品价格指数仅上涨1%,不包括能源价格的美国商品研究局(CRB)大宗商品价格指数下降5.8%。从供需基本面看,当前多数大宗商品供应较为充足,而过去多年来作为大宗商品需求增量主要来源的新兴经济体经济增速放缓,抑制大宗商品需求,使大宗商品价格面临较大下行压力。从资金面看,随着发达国家经济复苏、股市回报回升,一些投资基金开始从商品市场撤出,大宗商品呈现出一定程度的“去金融化”[20]。 (二)国内环境 ", " 从国内看,中国经济开局平稳,但仍存下行压力。一季度,中国国内生产总值增长7.4%,处于预期合理区间之内。城镇新增就业人数超过300万,外出务工劳动力增加了288万人,增长1.7%,就业形势稳中向好。与此同时,中国经济结构调整和转型升级取得新的进展,经济发展质量和效益稳步提升,内生动力不断增强。但当前中国正处于经济增速换挡期、结构调整阵痛期和前期刺激政策消化期“三期”叠加阶段,工业产能严重过剩等矛盾没有根本缓解,部分区域房地产市场又出现了新的波动,加上外部环境依然复杂严峻,经济增长仍面临下行压力。 (三)我国对外贸易发展面临的突出问题 ", " 经济全球化的今天,任何国家都势必会受到国际经济贸易形势变化所带来的影响,中国也不例外。综合考虑国际国内环境,2014年中国外贸发展面临的环境略好于上年,但形势仍然不容乐观,还存在不少挑战和压力,新的经济环境下,中国出口贸易面临的问题如下: ", " (1)资源环境约束日益强化  我国对外贸易发展仍主要依靠资源、能源、土地和环境等有形要素投入,资源和环境压力较大。在矿产资源方面,石油、天然气人均储量不足世界平均水平的1/10,即使是比较丰富的煤炭资源,人均储量也不到世界平均水平的40%。同时,我国能源资源消耗大,单位产品能耗高。2009年,我国消耗的钢材占全球的46%,煤炭占45%,水泥占48%,我国单位GDP能耗是美国的2.9倍、日本的4.9倍、欧盟的4.3倍,矿产资源总回收率比世界先进水平约低20%。我国已成为全球第二大能源消费国,其中石油、铁矿石、铝土矿、铜矿等重要能源资源消费对进口的依存度都超过50%。预计今后一段时期,我国外贸发展的资源和环境约束将更趋强化。  (2)贸易自由化和保护主义的斗争  随着时代的发展,各国之间国际贸易往来日渐频繁。经济的衡量已不再局限在一国之内,经济全球化发展有目共睹且势不可挡。随着世界各国之间经济贸易往来的加速增长,其规模亦不断扩大中,贸易自由化随之而来。一方面,贸易自由化促进了世界经济贸易的发展,另一方面,世界经济贸易发展的同时贸易摩擦也随之而出。全球各个区域经济发展的不同,贸易利益分配的不同等导致贸易保护主义的产生。  在全球经济低速增长、失业率总体偏高的情况下,一些国家为了维护本国产业的市 场份额,仍在实行各种形式的贸易保护主义。不仅发达国家层层设置贸易壁垒,一些发展中国家也频频出台新的贸易限制措施,中国是近年来全球贸易保护主义的最大受害国。2013年,中国共遭遇19个国家和地区发起的92起贸易救济调查,比2012年增长了18%,其中新兴经济体和发展中国家发起的案件约占2/3。2014年一季度,中国又遭遇11个国家和地区发起的27起贸易救济调查,同比增长23%,其中美国对中国多个产品发起反倾销反补贴调查。从产业领域看,钢铁产品是中国遭遇国外贸易救济调查的“重灾区”,发达国家对中国战略性新兴产业出口设限的势头没有根本缓解,新兴经济体对中国劳动密集型产品的摩擦时有发生。在国际竞争日趋激烈的环境下,贸易摩擦已经成为影响中国出口稳定增长的重要因素。  (3)外部需求存在不确定性  随着全球经济贸易复苏步伐加快,国际市场对中国出口商品的需求总体呈回升之势,但风险依然较多。当前最大的市场风险来自新兴经济体,新兴大国普遍经济增长乏力、进口需求疲弱。为走出经济困境,一些新兴经济体推行结构性改革,加大财政整固力度,采取措施恢复国际收支平衡,将进一步抑制进口需求。据世贸组织统计,以美元计价,一季度印度、巴西进口额分别下降12.6%和0.6%,前2个月俄罗斯、南非进口额分别下降7.5%和7.2%。金融危机以来,新兴市场在中国出口增量中占比超过40%,其进口需求持续降温将对中国出口造成一定冲击。与此同时,发达国家积极推进“再工业化”,在保持高端制造业竞争优势的同时,也在一定程度上恢复了传统制造业的竞争力,其经济复苏与进口需求增长明显不同步。据世贸组织统计,2013年美国、欧盟进口额分别下降0.2%和3.4%,2014年前2个月分别下降0.1%和0.6%。  (4)是中国出口竞争力面临多重挑战  中国劳动力、土地等要素成本仍处于持续上涨期,传统劳动密集型产业竞争力不断削弱。沿海地区出口企业用工成本在连续多年上涨后,2014年以来又上涨了10-15%,目前已相当于越南、印度、柬埔寨等周边国家的2-3倍甚至更高。一季度全国105个主要监测城市工业地价同比上涨5.3%,2010年以来累计涨幅达到17%。受成本上涨影响,中国传统劳动密集型产业出口订单和产能向周边国家转移趋势明显。2013年,中国7大类劳动密集型产品占美国、欧盟、日本市场份额比2010年高峰时期下降2.8个百分点。近年来,中国机械装备等高端制造业技术实力和出口竞争力明显提升,成为出口稳定增长和转型升级的重要支撑,但在国际营销、售后服务、融资支持等方面与发达国家仍存在不小差距。随着发达国家加大对先进制造业的重视和投入,中国相关出口产业面临的国际竞争日趋激烈,扩大市场份额的难度增大[19]。  (5)人民币汇率将进一步市场化  汇率是一国货币兑换另一国货币的比率。汇率的高低会直接影响进出口贸易中产品的价格,从而会影响到各国进出口贸易的数量以及发展程度。一般来说,本币汇率降低,能起到利于出口,抑制进口作用;本币汇率上升,则起到利于进口,抑制出口作用。2014年以来,人民币兑美元小幅贬值,改变了长期以来单边升值的态势,近期人民币汇率浮动幅度扩大,有利于进一步推动汇率市场化进程。但2010年至今人民币兑美元累计升值超过10%,而同期周边国家货币总体呈贬值态势。人民币相对竞争对手货币大幅升值,后续叠加影响持续发酵,对劳动密集型产品和收汇周期长的大型成套设备出口都带来了负面影响[18]。 ", " (6)对外贸易发展存在不平衡现象 "], "segmented_title": ["论", "我", "国", "对外贸易", "如何", "应对", "国际", "经济", "形势", "变化", "25", "-", "第", "3", "页"], "segmented_paragraphs": [["2010", "年", "国际贸易", "出现", "恢复", "性", "快速", "反弹", ";", "(", "5", ")", "国际", "大宗商品", "价格", "稳中有降", ",", "市场需求", "尚未", "强势", ";", "2013", "年", ",", "受", "世界经济低迷", "的", "影响", ",", "国际", "大宗商品", "价", ";", "从", "国内", "看", ",", "中国经济", "开局", "平稳", ",", "但", "仍", "存", "下行", "压力", ";", "经济全球化", "的", "今天", ",", "任何", "国家", "都", "势", "必", "会", "受到", "国际", "经济", "贸", ";", "(", "1", ")", "资源", "环境", "约束", "日益", "强化", ";", "我", "国", "对外贸易", "发展", "仍", "主要", "依靠", "资源", "、", "能源", "、", "土地", "和", "环境", ";", "-", "10", "-", ";", "石", "、", "铝土矿", "、", "铜矿", "等", "重要", "能源", "资源", "消费", "对", "进口"], ["2010", "年", "国际贸易", "出现", "恢复", "性", "快速", "反弹", "。", "2011", "年", "以来", ",", "世界经济", "低速", "增长", "及", "欧", "债", "危机", "深化", ",", "抑制", "了", "全球", "进口", "需求", ",", "国际贸易", "增长", "转", "趋", "疲弱", "。", "2013", "年", "国际贸易", "状况", "仍", "不", "乐观", ",", "特别", "是", "发达国家", "进口", "萎缩", ",", "拖累", "了", "全球", "贸易", "增长", "。", "世界贸易组织", "(", "WTO", ")", "最新预测", ",", "2013", "年", "全球", "货物", "贸易", "量", "将", "增长", "2", ".", "5", "%", ",", "其中", "发达", "经济", "体", "出口", "增长", "1", ".", "5", "%", ",", "进口", "萎缩", "0", ".", "1", "%", ",", "发展中", "经济", "体", "和", "独联体", "出口", "增长", "3", ".", "6", "%", ",", "进口", "增长", "5", ".", "8", "%", "。", "在", "全球经济", "脆弱", "复苏", "、", "国际贸易", "总体", "低迷", "的", "背景", "下", ",", "一些", "国家", "为了", "缓解", "就业压力", "和", "企业", "困难", ",", "大力推行", "贸易保护主义", ",", "在", "一定", "程度", "上", "阻碍", "了", "世界贸易", "复苏", "进程", "[", "18", ",", "19", "]", "。"], ["(", "5", ")", "国际", "大宗商品", "价格", "稳中有降", ",", "市场需求", "尚未", "强势", "回升"], ["2013", "年", ",", "受", "世界经济低迷", "的", "影响", ",", "国际", "大宗商品", "价格", "基本", "稳定", ",", "多数", "品种", "有所下降", "。", "全年", "IMF", "初级", "产品", "价格指数", "仅", "上涨", "1%", ",", "不", "包括", "能源", "价格", "的", "美国", "商品", "研究", "局", "(", "CRB", ")", "大宗商品", "价格指数", "下降", "5", ".", "8", "%", "。", "从", "供需", "基本面", "看", ",", "当前", "多数", "大宗商品", "供应", "较为", "充足", ",", "而", "过去", "多年来", "作为", "大宗商品", "需求", "增量", "主要", "来源", "的", "新兴", "经济", "体", "经济", "增速", "放缓", ",", "抑制", "大宗商品", "需求", ",", "使", "大宗商品", "价格", "面临", "较", "大", "下行", "压力", "。", "从", "资金面", "看", ",", "随着", "发达国家", "经济", "复苏", "、", "股市", "回报", "回升", ",", "一些", "投资基金", "开始", "从", "商品", "市场", "撤出", ",", "大宗商品", "呈现", "出", "一定", "程度", "的", "“", "去", "金融", "化", "”", "[", "20", "]", "。", "(", "二", ")", "国内", "环境"], ["从", "国内", "看", ",", "中国经济", "开局", "平稳", ",", "但", "仍", "存", "下行", "压力", "。", "一季度", ",", "中国", "国内生产总值", "增长", "7", ".", "4", "%", ",", "处于", "预期", "合理", "区间", "之", "内", "。", "城镇", "新增", "就业", "人数", "超过", "300", "万", ",", "外出务工", "劳动力", "增加", "了", "288", "万人", ",", "增长", "1", ".", "7", "%", ",", "就业形势", "稳", "中", "向", "好", "。", "与此同时", ",", "中国", "经济结构调整", "和", "转型", "升级", "取得", "新", "的", "进展", ",", "经济发展", "质量", "和", "效益", "稳步", "提升", ",", "内", "生", "动力", "不断增强", "。", "但", "当前", "中国", "正", "处于", "经济", "增速", "换挡", "期", "、", "结构调整", "阵痛", "期", "和", "前期", "刺激", "政策", "消化", "期", "“", "三期", "”", "叠加", "阶段", ",", "工业", "产能", "严重", "过剩", "等", "矛盾", "没有", "根本", "缓解", ",", "部分", "区域", "房地产", "市场", "又", "出现", "了", "新", "的", "波动", ",", "加上", "外部", "环境", "依然", "复杂", "严峻", ",", "经济增长", "仍", "面临", "下行", "压力", "。", "(", "三", ")", "我", "国", "对外贸易", "发展", "面临", "的", "突出", "问题"], ["经济全球化", "的", "今天", ",", "任何", "国家", "都", "势", "必", "会", "受到", "国际经济", "贸易", "形势", "变化", "所", "带来", "的", "影响", ",", "中国", "也", "不", "例外", "。", "综合考虑", "国际", "国内", "环境", ",", "2014", "年", "中国", "外贸", "发展", "面临", "的", "环境", "略", "好", "于", "上", "年", ",", "但", "形势", "仍然", "不容乐观", ",", "还", "存在", "不", "少", "挑战", "和", "压力", ",", "新", "的", "经济", "环境", "下", ",", "中国", "出口贸易", "面临", "的", "问题", "如", "下", ":"], ["(", "1", ")", "资源", "环境", "约束", "日益", "强化", "我", "国", "对外贸易", "发展", "仍", "主要", "依靠", "资源", "、", "能源", "、", "土地", "和", "环境", "等", "有形", "要素", "投入", ",", "资源", "和", "环境", "压力", "较", "大", "。", "在", "矿产资源", "方面", ",", "石油", "、", "天然气", "人均", "储量", "不足", "世界", "平均水平", "的", "1", "/", "10", ",", "即使", "是", "比较", "丰富", "的", "煤炭", "资源", ",", "人均", "储量", "也", "不到", "世界", "平均水平", "的", "40", "%", "。", "同时", ",", "我", "国", "能源", "资源", "消耗", "大", ",", "单位", "产品", "能耗", "高", "。", "2009", "年", ",", "我", "国", "消耗", "的", "钢材", "占", "全球", "的", "46", "%", ",", "煤炭", "占", "45", "%", ",", "水泥", "占", "48", "%", ",", "我", "国", "单位", "GDP", "能耗", "是", "美国", "的", "2", ".", "9", "倍", "、", "日本", "的", "4.9", "倍", "、", "欧盟", "的", "4.3", "倍", ",", "矿产资源", "总", "回收率", "比", "世界", "先进", "水平", "约", "低", "20", "%", "。", "我", "国", "已", "成为", "全球", "第", "二", "大", "能源", "消费", "国", ",", "其中", "石油", "、", "铁矿石", "、", "铝土矿", "、", "铜矿", "等", "重要", "能源", "资源", "消费", "对", "进口", "的", "依存度", "都", "超过", "50", "%", "。", "预计", "今后", "一段时期", ",", "我", "国", "外贸", "发展", "的", "资源", "和", "环境", "约束", "将", "更", "趋", "强化", "。", "(", "2", ")", "贸易自由化", "和", "保护主义", "的", "斗争", "随着", "时代", "的", "发展", ",", "各国", "之间", "国际贸易", "往来", "日渐", "频繁", "。", "经济", "的", "衡量", "已", "不再", "局限", "在", "一", "国", "之", "内", ",", "经济全球化", "发展", "有目共睹", "且", "势不可挡", "。", "随着", "世界各国", "之间", "经济贸易", "往来", "的", "加速", "增长", ",", "其", "规模", "亦", "不断扩大", "中", ",", "贸易自由化", "随之而来", "。", "一方面", ",", "贸易自由化", "促进", "了", "世界经济贸易", "的", "发展", ",", "另一方面", ",", "世界经济贸易", "发展", "的", "同时", "贸易摩擦", "也", "随之", "而", "出", "。", "全球", "各", "个", "区域经济", "发展", "的", "不同", ",", "贸易", "利益", "分配", "的", "不同", "等", "导致", "贸易保护主义", "的", "产生", "。", "在", "全球经济", "低速", "增长", "、", "失业率", "总体", "偏高", "的", "情况", "下", ",", "一些", "国家", "为了", "维护", "本国", "产业", "的", "市", "场", "份额", ",", "仍", "在", "实行", "各种形式", "的", "贸易保护主义", "。", "不仅", "发达国家", "层层", "设置", "贸易壁垒", ",", "一些", "发展中国家", "也", "频", "频", "出台", "新", "的", "贸易", "限制措施", ",", "中国", "是", "近年来", "全球", "贸易", "保护主义", "的", "最大", "受害", "国", "。", "2013", "年", ",", "中国", "共", "遭遇", "19", "个", "国家", "和", "地区", "发起", "的", "92", "起", "贸易救济", "调查", ",", "比", "2012", "年", "增长", "了", "18", "%", ",", "其中", "新兴", "经济", "体", "和", "发展中国家", "发起", "的", "案件", "约", "占", "2", "/", "3", "。", "2014", "年", "一季度", ",", "中国", "又", "遭遇", "11", "个", "国家", "和", "地区", "发起", "的", "27", "起", "贸易救济", "调查", ",", "同比增长", "23", "%", ",", "其中", "美国", "对", "中国", "多", "个", "产品", "发起", "反倾销", "反补贴", "调查", "。", "从", "产业", "领域", "看", ",", "钢铁", "产品", "是", "中国", "遭遇", "国外", "贸易救济", "调查", "的", "“", "重灾区", "”", ",", "发达国家", "对", "中国", "战略性", "新兴产业", "出口", "设限", "的", "势", "头", "没有", "根本", "缓解", ",", "新兴", "经济", "体", "对", "中国", "劳动密集型", "产品", "的", "摩擦", "时", "有", "发生", "。", "在", "国际", "竞争日趋激烈", "的", "环境", "下", ",", "贸易摩擦", "已经成为", "影响", "中国", "出口", "稳定", "增长", "的", "重要", "因素", "。", "(", "3", ")", "外部", "需求", "存在", "不确定性", "随着", "全球经济贸易", "复苏", "步伐加快", ",", "国际市场", "对", "中国", "出口", "商品", "的", "需求", "总体", "呈", "回升", "之", "势", ",", "但", "风险", "依然", "较多", "。", "当前", "最大", "的", "市场风险", "来自", "新兴", "经济", "体", ",", "新兴", "大", "国", "普遍", "经济", "增长", "乏力", "、", "进口", "需求", "疲弱", "。", "为", "走出", "经济", "困境", ",", "一些", "新兴", "经济", "体", "推行", "结构", "性", "改革", ",", "加大", "财政", "整", "固", "力度", ",", "采取措施", "恢复", "国际收支", "平衡", ",", "将", "进一步", "抑制", "进口", "需求", "。", "据", "世贸组织", "统计", ",", "以", "美元", "计价", ",", "一季度", "印度", "、", "巴西", "进口额", "分别", "下降", "12", ".", "6", "%", "和", "0", ".", "6", "%", ",", "前", "2", "个", "月", "俄罗斯", "、", "南非", "进口额", "分别", "下降", "7", ".", "5", "%", "和", "7", ".", "2", "%", "。", "金融危机", "以来", ",", "新兴市场", "在", "中国", "出口", "增量", "中", "占", "比", "超过", "40", "%", ",", "其", "进口", "需求", "持续", "降温", "将", "对", "中国", "出口", "造成", "一定", "冲击", "。", "与此同时", ",", "发达国家", "积极推进", "“", "再", "工业化", "”", ",", "在", "保持", "高端", "制造业", "竞争优势", "的", "同时", ",", "也", "在", "一定", "程度", "上", "恢复", "了", "传统", "制造业", "的", "竞争力", ",", "其", "经济", "复苏", "与", "进口", "需求", "增长", "明显", "不", "同步", "。", "据", "世贸组织", "统计", ",", "2013", "年", "美国", "、", "欧盟", "进口额", "分别", "下降", "0", ".", "2", "%", "和", "3", ".", "4", "%", ",", "2014", "年", "前", "2", "个", "月", "分别", "下降", "0", ".", "1", "%", "和", "0", ".", "6", "%", "。", "(", "4", ")", "是", "中国", "出口", "竞争力", "面临", "多", "重", "挑战", "中国", "劳动力", "、", "土地", "等", "要素", "成本", "仍", "处于", "持续上涨", "期", ",", "传统", "劳动密集型产业", "竞争力", "不断", "削弱", "。", "沿海地区", "出口", "企业", "用", "工", "成本", "在", "连续", "多", "年", "上涨", "后", ",", "2014", "年", "以来", "又", "上涨", "了", "10", "-", "15", "%", ",", "目前", "已", "相当于", "越南", "、", "印度", "、", "柬埔寨", "等", "周边国家", "的", "2", "-", "3", "倍", "甚至", "更高", "。", "一季度", "全国", "105", "个", "主要", "监测", "城市", "工业", "地", "价", "同比上涨", "5", ".", "3", "%", ",", "2010", "年", "以来", "累计", "涨幅", "达到", "17", "%", "。", "受", "成本", "上涨", "影响", ",", "中国传统", "劳动密集型产业", "出口", "订单", "和", "产能", "向", "周边国家", "转移", "趋势", "明显", "。", "2013", "年", ",", "中国", "7", "大", "类", "劳动密集型", "产品", "占", "美国", "、", "欧盟", "、", "日本", "市场份额", "比", "2010", "年", "高峰", "时期", "下降", "2.8", "个", "百分点", "。", "近年来", ",", "中国", "机械", "装备", "等", "高端", "制造业", "技术", "实力", "和", "出口", "竞争力", "明显", "提升", ",", "成为", "出口", "稳定增长", "和", "转型", "升级", "的", "重要", "支撑", ",", "但", "在", "国际", "营销", "、", "售后服务", "、", "融资", "支持", "等", "方面", "与", "发达国家", "仍", "存在", "不", "小", "差距", "。", "随着", "发达国家", "加大", "对", "先进", "制造业", "的", "重视", "和", "投入", ",", "中国", "相关", "出口", "产业", "面临", "的", "国际", "竞争日趋激烈", ",", "扩大", "市场份额", "的", "难度", "增大", "[", "19", "]", "。", "(", "5", ")", "人民币汇率", "将", "进一步", "市场化", "汇率", "是", "一", "国", "货币兑换", "另", "一", "国", "货币", "的", "比率", "。", "汇率", "的", "高低", "会", "直接", "影响", "进出口", "贸易", "中", "产品", "的", "价格", ",", "从而", "会", "影响", "到", "各国", "进出口贸易", "的", "数量", "以及", "发展", "程度", "。", "一般来说", ",", "本币", "汇率", "降低", ",", "能", "起", "到", "利于", "出口", ",", "抑制", "进口", "作用", ";", "本币", "汇率", "上升", ",", "则", "起", "到", "利于", "进口", ",", "抑制", "出口", "作用", "。", "2014", "年", "以来", ",", "人民币", "兑美元", "小", "幅", "贬值", ",", "改变", "了", "长期以来", "单边", "升值", "的", "态势", ",", "近期", "人民币", "汇率", "浮动幅度", "扩大", ",", "有利于", "进一步", "推动", "汇率", "市场化", "进程", "。", "但", "2010", "年", "至今", "人民币", "兑美元", "累计", "升值", "超过", "10", "%", ",", "而", "同期", "周边国家", "货币", "总体", "呈", "贬值", "态势", "。", "人民币", "相对", "竞争对手", "货币", "大幅", "升值", ",", "后续", "叠加", "影响", "持续", "发酵", ",", "对", "劳动密集型", "产品", "和", "收汇", "周期", "长", "的", "大型", "成套", "设备", "出口", "都", "带来", "了", "负面影响", "[", "18", "]", "。"], ["(", "6", ")", "对外贸易", "发展", "存在", "不平衡", "现象"]], "title": "论我国对外贸易如何应对国际经济形势变化25-第3页"}, {"bs_rank_pos": 5, "paragraphs": ["当前所在位置:中国论文网 > 经济法律论文发表 > 浅析我国对外贸易如何应对国际经济形势变化 ", "好消息:杂志之家论文发表、写作服务和杂志订阅支持对公帐户付款!安全又可靠!欢迎在线咨询>> ", "【摘要】我国对外贸易需要面临的国际风险日益增多,外部环境更加恶劣和复杂,国际经济形势变化要求我国对外贸易调整增长方式,又好又快地推动我国对外贸易发展。本文结合笔者的工作经验,就我国对外贸易如何应对国际经济形势变化进行了深入的探讨,提出了自己的看法和建议,具有一定的参考价值。中国论文网 http://www.xzbu.com/2/view-3237375.htm 【关键词】对外贸易;国际;经济形势;变化 一、 前言 我国的改革开放目前已经经过三十多年的岁月,我国对外贸易与全球经济的互动性、同一性趋势日益增强,参与经济全球化的程度日益加深,但是机遇与风险总是并肩而来,我国对外贸易需要面临的国际风险日益增多,外部环境更加恶劣和复杂,国际经济形势变化要求我国对外贸易调整增长方式,又好又快地推动我国对外贸易发展。 二、加快建立促进外贸发展方式转变的服务平台和政策体系。 政府有关部门应该完善和建立起可预测、透明、稳定的保险、外汇、信贷、财税等政策体系,完善公平竞争的市场环境,健全相关的法规、法律,减少重组成本和资源流动,明确政府对企业参与到全球化竞争的投资风险保障、税收减免优惠、融资支持等鼓励政策,有效地提高资源配置效率。政府有关部门应该努力帮助各类进出口企业有效规避经营风险和政治风险,解决它们在国外发展所面临到的困难,及早建立高效率、全方位的企业服务机构,尽量避免企业承受不必要的负面影响和损失。 三、尽快实现跨境贸易人民币结算 从日元、欧元、美元等货币的国际化历程表明,货币国际化的必经之路和最初表现就是将其作为结算货币在跨境贸易中应用。我们应该将其看作是一个复杂的渐进过程,必须采取渐进的方式来将其实现。目前我国人民币已初步具备国际化,已经基本实现资本项目部分可兑换、经常项目可自由兑换的基本条件。2010年12月15日,人民币在俄罗斯实现首次境外直接挂牌交易。同期,尼日利亚央行把人民币列入法定外汇交易货币,2011年1月起可在外汇市场进行公开交易。作为发展跨境贸易人民币结算的方式之一,银联卡支付范围也继续扩大,截至2010年11月,境外业务开通国家和地区已达98个,进一步促进了贸易、投资和居民消费便利化。中国人民银行应尽快研究制定相关的政策来有效顺通人民币结算渠道,合理规划国家支付体系,为我国人民币支付体系的科学发展提供政策的指导。继续依法加强支付体系监督管理,推动非现金支付工具的创新和普及,推动我国证券登记结算系统和银行业金融机构行内支付系统的完善和发展。按期建成运行电子商业汇票系统,对金融基础设施。同时,针对审核出口试点企业资格的环节过多这个问题,笔者建议中国人民银行可以制定表格式审核流程及管理办法,明确规定出政府各有关机关在接到出口试点企业的申请之后几个工作日必须回复,制定表格式审核流程,提高出口试点企业审核效率。 四、完善调整外资项目和加工贸易 应该严格限制甚至取消那些高污染、高物耗、高能耗的外资项目和加工贸易,发挥加工贸易的产业带动和技术溢出效应,努力提升加工贸易的发展档次和技术水平。同时,还应该根据国家经济结构调整和产业发展政策的要求,增强对外贸易企业的自主创新能力,鼓励提高产业竞争力,大力提高和发展产业配套能力。 五、实施出口品牌战略,提高出口产品和对外贸易企业的国际竞争力。 目前我国的对外贸易还大多处于初级加工的水平,在国际竞争上还没有形成品牌意识。笔者建议应该实施出口品牌战略,大力提高商品附加值,制定相关的政策支持体系来帮助企业实现国际品牌发展战略,除此之外,还应该为对外贸易企业提供开拓海外市场的合作、采购和信息平台。 总之,面对后危机时期复杂多变的国际经贸形势及国内外的竞争压力,加快推进对外贸易发展的战略转型,实现从规模速度到质量效益转型,从外生动力到内生动力转型,从市场广度到市场深度转型,从低端要素到高端要素转型的战略跨越。 参考文献 [1]王来健,张琼.徐州市发展循环经济的对策研究[J].中国资源综合利用.2006(5) [2]黄攸立.基于可持续发展的生态建设问题与对策研究[J].生态经济.2006(1) [3]刘展新,张军,刘洁清.农业环境污染综合治理与可持续发展对策研究[J].水利科技与经济.2008(9) [4]傅宁.关于我国家族企业可持续发展问题的几点思考[J].企业导报.2009(6) [5]汪华林.家族企业可持续发展对策研究[J].中国高新技术企业.2008(24) ", " 转载请注明来源。原文地址:http://www.xzbu.com/2/view-3237375.htm "], "segmented_title": ["浅析", "我", "国", "对外贸易", "如何", "应对", "国际", "经济", "形势", "变化"], "segmented_paragraphs": [["当前", "所在", "位置", ":", "中国", "论文", "网", ">", "经济", "法律", "论文", "发表", ">", "浅析", "我", "国", "对外贸易", "如何", "应对", "国际", "经济", "形势", "变化"], ["好消息", ":", "杂志", "之", "家", "论文", "发表", "、", "写作", "服务", "和", "杂志订阅", "支持", "对公帐户", "付款", "!", "安全", "又", "可靠", "!", "欢迎", "在线咨询", ">", ">"], ["【", "摘要", "】", "我", "国", "对外贸易", "需要", "面临", "的", "国际", "风险", "日益增多", ",", "外部环境", "更加", "恶劣", "和", "复杂", ",", "国际", "经济", "形势", "变化", "要求", "我", "国", "对外贸易", "调整", "增长方式", ",", "又", "好", "又", "快", "地", "推动", "我", "国", "对外贸易", "发展", "。", "本", "文", "结合", "笔者", "的", "工作经验", ",", "就", "我", "国", "对外贸易", "如何", "应对", "国际", "经济", "形势", "变化", "进行", "了", "深入", "的", "探讨", ",", "提出", "了", "自己", "的", "看法", "和", "建议", ",", "具有", "一定", "的", "参考", "价值", "。", "中国", "论文", "网", "http", ":", "/", "/", "www", ".", "xzbu", ".", "com", "/", "2", "/", "view", "-", "3237375", ".", "htm", "【", "关键词", "】", "对外贸易", ";", "国际", ";", "经济", "形势", ";", "变化", "一", "、", "前言", "我", "国", "的", "改革", "开放", "目前", "已经", "经过", "三", "十", "多", "年", "的", "岁月", ",", "我", "国", "对外贸易", "与", "全球经济", "的", "互动性", "、", "同一性", "趋势", "日益", "增强", ",", "参与", "经济全球化", "的", "程度", "日益", "加深", ",", "但是", "机遇", "与", "风险", "总是", "并肩", "而来", ",", "我", "国", "对外贸易", "需要", "面临", "的", "国际", "风险", "日益增多", ",", "外部环境", "更加", "恶劣", "和", "复杂", ",", "国际", "经济", "形势", "变化", "要求", "我", "国", "对外贸易", "调整", "增长方式", ",", "又", "好", "又", "快", "地", "推动", "我", "国", "对外贸易", "发展", "。", "二", "、", "加快建立", "促进", "外贸", "发展", "方式", "转变", "的", "服务平台", "和", "政策", "体系", "。", "政府", "有关部门", "应该", "完善", "和", "建立", "起", "可", "预测", "、", "透明", "、", "稳定", "的", "保险", "、", "外汇", "、", "信贷", "、", "财税", "等", "政策", "体系", ",", "完善", "公平竞争", "的", "市场环境", ",", "健全", "相关", "的", "法规", "、", "法律", ",", "减少", "重组", "成本", "和", "资源", "流动", ",", "明确", "政府", "对", "企业", "参与", "到", "全球化", "竞争", "的", "投资风险", "保障", "、", "税收减免", "优惠", "、", "融资", "支持", "等", "鼓励", "政策", ",", "有效", "地", "提高", "资源配置", "效率", "。", "政府", "有关部门", "应该", "努力", "帮助", "各类", "进出口", "企业", "有效", "规避", "经营", "风险", "和", "政治", "风险", ",", "解决", "它们", "在", "国外", "发展", "所", "面临", "到", "的", "困难", ",", "及", "早", "建立", "高效率", "、", "全方位", "的", "企业", "服务机构", ",", "尽量避免", "企业", "承受", "不必要", "的", "负面", "影响", "和", "损失", "。", "三", "、", "尽快", "实现", "跨境", "贸易", "人民币", "结算", "从", "日元", "、", "欧元", "、", "美元", "等", "货币", "的", "国际化", "历程", "表明", ",", "货币", "国际化", "的", "必经之路", "和", "最初", "表现", "就是", "将", "其", "作为", "结算", "货币", "在", "跨境", "贸易", "中", "应用", "。", "我们", "应该", "将", "其", "看", "作", "是", "一", "个", "复杂", "的", "渐进", "过程", ",", "必须", "采取", "渐进", "的", "方式", "来", "将", "其", "实现", "。", "目前", "我", "国", "人民币", "已", "初步", "具备", "国际化", ",", "已经", "基本", "实现", "资本项目", "部分", "可兑换", "、", "经常项目", "可", "自由兑换", "的", "基本", "条件", "。", "2010", "年", "12", "月", "15", "日", ",", "人民币", "在", "俄罗斯", "实现", "首次", "境外", "直接", "挂牌交易", "。", "同期", ",", "尼日利亚", "央行", "把", "人民币", "列入", "法定", "外汇", "交易", "货币", ",", "2011", "年", "1", "月", "起", "可", "在", "外汇市场", "进行", "公开", "交易", "。", "作为", "发展", "跨境", "贸易", "人民币", "结算", "的", "方式", "之", "一", ",", "银联卡", "支付", "范围", "也", "继续扩大", ",", "截至", "2010", "年", "11", "月", ",", "境外", "业务", "开通", "国家", "和", "地区", "已", "达", "98", "个", ",", "进一步促进", "了", "贸易", "、", "投资", "和", "居民消费", "便利", "化", "。", "中国人民银行", "应", "尽快", "研究", "制定", "相关", "的", "政策", "来", "有效", "顺通", "人民币", "结算", "渠道", ",", "合理规划", "国家", "支付", "体系", ",", "为", "我", "国", "人民币", "支付", "体系", "的", "科学", "发展", "提供", "政策", "的", "指导", "。", "继续", "依法", "加强", "支付", "体系", "监督管理", ",", "推动", "非", "现金", "支付", "工具", "的", "创新", "和", "普及", ",", "推动", "我", "国", "证券", "登记", "结算", "系统", "和", "银行业", "金融机构", "行", "内", "支付", "系统", "的", "完善", "和", "发展", "。", "按", "期", "建成", "运行", "电子", "商业", "汇票", "系统", ",", "对", "金融", "基础设施", "。", "同时", ",", "针对", "审核", "出口", "试点企业", "资格", "的", "环节", "过", "多", "这个问题", ",", "笔者", "建议", "中国人民银行", "可以", "制定", "表", "格式", "审核", "流程", "及", "管理办法", ",", "明确规定", "出", "政府", "各", "有关", "机关", "在", "接", "到", "出口", "试点", "企业", "的", "申请", "之后", "几", "个", "工作日", "必须", "回复", ",", "制定", "表", "格式", "审核", "流程", ",", "提高", "出口", "试点", "企业", "审核", "效率", "。", "四", "、", "完善", "调整", "外资", "项目", "和", "加工贸易", "应该", "严格限制", "甚至", "取消", "那些", "高污染", "、", "高", "物", "耗", "、", "高能耗", "的", "外资", "项目", "和", "加工贸易", ",", "发挥", "加工贸易", "的", "产业", "带动", "和", "技术", "溢出", "效应", ",", "努力", "提升", "加工贸易", "的", "发展", "档次", "和", "技术", "水平", "。", "同时", ",", "还", "应该", "根据", "国家", "经济结构调整", "和", "产业", "发展", "政策", "的", "要求", ",", "增强", "对外贸易", "企业", "的", "自主创新", "能力", ",", "鼓励", "提高", "产业竞争力", ",", "大力", "提高", "和", "发展", "产业", "配套", "能力", "。", "五", "、", "实施", "出口", "品牌战略", ",", "提高", "出口", "产品", "和", "对外贸易", "企业", "的", "国际竞争力", "。", "目前我国", "的", "对外贸易", "还", "大", "多", "处于", "初级", "加工", "的", "水平", ",", "在", "国际", "竞争", "上", "还没有", "形成", "品牌意识", "。", "笔者", "建议", "应该", "实施", "出口", "品牌战略", ",", "大力", "提高", "商品", "附加值", ",", "制定", "相关", "的", "政策", "支持", "体系", "来", "帮助", "企业", "实现", "国际品牌", "发展战略", ",", "除此之外", ",", "还", "应该", "为", "对外贸易", "企业", "提供", "开拓", "海外市场", "的", "合作", "、", "采购", "和", "信息平台", "。", "总之", ",", "面对", "后", "危机", "时期", "复杂", "多", "变", "的", "国际经贸", "形势", "及", "国内外", "的", "竞争压力", ",", "加快", "推进", "对外贸易", "发展", "的", "战略转型", ",", "实现", "从", "规模", "速度", "到", "质量", "效益", "转型", ",", "从", "外", "生", "动力", "到", "内", "生", "动力", "转型", ",", "从", "市场", "广度", "到", "市场", "深度", "转型", ",", "从", "低端", "要素", "到", "高端", "要素", "转型", "的", "战略", "跨越", "。", "参考文献", "[", "1", "]", "王来健", ",", "张琼", ".", "徐州市", "发展", "循环经济", "的", "对策", "研究", "[", "J", "]", ".", "中国", "资源", "综合利用", ".", "2006", "(", "5", ")", "[", "2", "]", "黄攸立", ".", "基于", "可持续发展", "的", "生态建设", "问题", "与", "对策", "研究", "[", "J", "]", ".", "生态经济", ".", "2006", "(", "1", ")", "[", "3", "]", "刘展", "新", ",", "张军", ",", "刘洁", "清", ".", "农业", "环境污染", "综合治理", "与", "可持续发展", "对策", "研究", "[", "J", "]", ".", "水利科技与经济", ".", "2008", "(", "9", ")", "[", "4", "]", "傅", "宁", ".", "关于", "我", "国", "家族", "企业", "可持续发展", "问题", "的", "几点", "思考", "[", "J", "]", ".", "企业导报", ".", "2009", "(", "6", ")", "[", "5", "]", "汪华林", ".", "家族", "企业", "可持续发展", "对策", "研究", "[", "J", "]", ".", "中国", "高新技术企业", ".", "2008", "(", "24", ")"], ["转载", "请", "注明", "来源", "。", "原文", "地址", ":", "http", ":", "/", "/", "www", ".", "xzbu", ".", "com", "/", "2", "/", "view", "-", "3237375", ".", "htm"]], "title": "浅析我国对外贸易如何应对国际经济形势变化"}, {"bs_rank_pos": 6, "paragraphs": ["? 题目 求一篇500到1000字的 有关我国对外贸易所面临的国际经济环境的 论文 急  政治笑懂2002014-11-05", " 1.75亿学生的选择", "其他类似问题 急需一篇论文,话题是关于中国对外贸易中的热点问题,一千至二千字 2014-12-10  中国经济发展需良好的国际环境和国内环境,对此看法.1000字论文 2014-10-02  写一篇1000的关于环境污染的作文,一定要1000字! 2014-11-05  关于环境的1000字作文 2014-09-29  关于保护校园环境作文1000字 2014-10-27 ", "扫描下载二维码 "], "segmented_title": ["求", "一篇", "500", "到", "1000", "字", "的", "有关", "我", "国", "对外贸易", "所", "面临", "的", "国际", "经济", "环境", "的", "论文", "急"], "segmented_paragraphs": [["?", "题目", "求", "一篇", "500", "到", "1000", "字", "的", "有关", "我", "国", "对外贸易", "所", "面临", "的", "国际", "经济", "环境", "的", "论文", "急", "政治笑懂", "2002014", "-", "11", "-", "05"], ["1.75", "亿", "学生", "的", "选择"], ["其他", "类似", "问题", "急需", "一篇", "论文", ",", "话题", "是", "关于", "中国", "对外贸易", "中", "的", "热点", "问题", ",", "一", "千", "至", "二", "千", "字", "2014", "-", "12", "-", "10", "中国", "经济发展", "需", "良好", "的", "国际", "环境", "和", "国内", "环境", ",", "对此", "看法", ".", "1000", "字", "论文", "2014", "-", "10", "-", "02", "写", "一篇", "1000", "的", "关于", "环境污染", "的", "作文", ",", "一定要", "1000", "字", "!", "2014", "-", "11", "-", "05", "关于", "环境", "的", "1000", "字", "作文", "2014", "-", "09", "-", "29", "关于", "保护", "校园", "环境", "作文", "1000", "字", "2014", "-", "10", "-", "27"], ["扫描", "下载", "二维码"]], "title": "求一篇500到1000字的有关我国对外贸易所面临的国际经济环境的论文急"}], "question": "我国外贸出口如何应对国际经贸环境的变化", "segmented_question": ["我", "国", "外贸出口", "如何", "应对", "国际经贸", "环境", "的", "变化"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221628}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["又是你这个傻帽?"], "segmented_title": ["上海", "石油", "化工", "交易中心", "模拟", "账户", "怎么", "申请", "才能", "成功", "_", "百度", "知道"], "segmented_paragraphs": [["又", "是", "你", "这个", "傻帽", "?"]], "title": "上海石油化工交易中心模拟账户怎么申请才能成功_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["您当前的位置:首页 > 供应信息 > 投资理财 > 现货投资 > 上海石油化工交易中心*** ", "相关产品: 纯手续费盈利 支持盈利 专业做油 上海石化招商加盟 上海石化怎么样 哪家平台客诉率低 ", " 分享到 ", "产品分类", " 商家其他产品", " 上海石化做一手要多少钱? 上海石化哪家会员单位靠谱|纯手续费 上海石化返佣怎么返 上海石化怎么做代理? 上海石油化工交易所招商| 上海石油化工交易所还能做吗? 上海石化交易所实力怎么样? 上海石化这个平台靠谱不? 上海石化现在还能做吗? 上海石化靠谱不?", "“上海石油化工交易中心***”详细信息", " 上海石油化工交易中心 招商加盟热线 18616634060 张先生 QQ 472920400 ", " 得知,美联储主席耶伦在华盛顿召开的新闻发布会上称,加息的决定无疑应该被理解为反映出美联储对美国经济已取得以及预计未来会取得的进展抱有信心。 ", " 【12月15日讯】北京时间15日凌晨,美联储宣布将联邦基金利率目标区间上调25个基点到0.5%至0.75%的水平,这是美联储年内首次加息。同时预计2017年加息速度可能快于此前预期,因为有迹象显示美国失业率下降、通货膨胀水平逐步上升且经济增长加快。 ", " 美联储主席耶伦在华盛顿召开的新闻发布会上称,加息的决定无疑应该被理解为反映出美联储对美国经济已取得以及预计未来会取得的进展抱有信心。美联储官员还表示,他们认为经济前景向好,同时预计明年将再把短期利率上调0.75个百分点,可能会分三次加息,每次上调0.25个百分点。 ", " 耶伦的加息决定获得全票通过,而她在今年的八次会议中有五次面临不同声音,表明当时美联储内部对于货币政策路径存在分歧。 ", " 加息决定15日生效。美联储还上调了对商业银行的紧急贷款利率,即所谓的贴现率,上调幅度为0.25个百分点,至1.25%。 ", " 外界此前预计,就业市场数据稳定、第三季度经济强劲、失业率降至9年新低等因素都将促使美联储作出加息的决定。 ", " 美国劳工部14日公布的数据也显示,美国11月生产者物价指数(PPI)高于预期,创今年6月份来大环比升幅,意味着美国通胀率正在向2%的目标靠拢。 ", " 去年12月,美联储也宣布了加息,为2006年来首次。美国的利率政策有着深远的影响,包括对美元的汇率。美元是国际业务的主要结算货币,原材料价格也以美元计算,金融资产也以美元计价。 ", " 市场会根据现在的加息消息预测美联储释放的有关明年货币政策走向的信号。在美联储宣布加息前,根据美联储成员的中值预测,美联储明年将会有两次加息。联邦基金利率期货的预测是:2017年7月会加息一次,但不确定剩下的月份里是否还会加息。 ", " 此前还有分析人士认为,明年美联储可能要更加积极地加息,预计候任总统特朗普的新共和党政府将会借此刺激美国经济。穆迪分析公司首席经济学家詹迪表示,特朗普的当选改变了货币政策的政治环境,赤字增大将很可能需要刺激政策,这可能会导致美联储急剧加息。 ", " 美联储的声明暗示2017年的加息路径将温和加速。这一政策决定受到美元投资者的欢迎,他们认为潜在的经济势头以及新一届政府可能推高通货膨胀水平,美元贸易加权汇率将继续上扬。值得关注的是,美联储指出通货膨胀指标已经大幅上升,但同时也指出货币政策依然宽松。 ", " 有专家分析称,总体看,中国3万亿美元的外储在1-2年内应该还是比较充裕,可以起到稳定汇率和保护国内金融体系免受外来冲击。 ", " 从我国实体经济看,美国加息的影响应该是比较小的。我国作为一个大型经济体,经济还是以内需为主。另外,我国较为充足的外储以及有效的资本账户管理也可以比较好的抵御美国加息带来的冲击。但是,外债比较高的部门,比如房地产和航空,利润可能会受到比较大影响。同时,资本流出造成国内利率上行,也不利于负债率高的部门,比如房地产和公共事业部门。但是应该说,我国企业部门发展,主要还是看内需已经改革的进程。 ", "“上海石油化工交易中心***”相关的客户留言", "我要给“上海石油化工交易中心***”留言", "“上海石油化工交易中心***”联系方式", "“上海石油化工交易中心***”商家推荐产品", "上海石油化工交易中心***相关产品"], "segmented_title": ["上海", "石油", "化工", "交易中心", "***"], "segmented_paragraphs": [["您", "当前", "的", "位置", ":", "首页", ">", "供应", "信息", ">", "投资理财", ">", "现货", "投资", ">", "上海", "石油", "化工", "交易中心", "***"], ["相关产品", ":", "纯", "手续费", "盈利", "支持", "盈利", "专业", "做", "油", "上海石化", "招商", "加盟", "上海石化", "怎么样", "哪家", "平台", "客", "诉", "率", "低"], ["分享", "到"], ["产品分类"], ["商家", "其他产品"], ["上海石化", "做", "一手", "要", "多少", "钱", "?", "上海石化", "哪家", "会员单位", "靠谱", "|", "纯", "手续费", "上海石化", "返佣", "怎么", "返", "上海石化", "怎么", "做", "代理", "?", "上海", "石油", "化工", "交易所", "招商", "|", "上海", "石油", "化工", "交易所", "还能", "做", "吗", "?", "上海", "石化", "交易所", "实力", "怎么样", "?", "上海石化", "这个平台", "靠谱", "不", "?", "上海石化", "现在", "还能", "做", "吗", "?", "上海", "石化", "靠谱", "不", "?"], ["“", "上海", "石油", "化工", "交易中心", "***", "”", "详细", "信息"], ["上海", "石油", "化工", "交易中心", "招商", "加盟", "热线", "18616634060", "张先生", "QQ", "472920400"], ["得知", ",", "美联储", "主席", "耶伦", "在", "华盛顿", "召开", "的", "新闻发布会", "上", "称", ",", "加息", "的", "决定", "无疑", "应该", "被", "理解", "为", "反映", "出", "美联储", "对", "美国", "经济", "已", "取得", "以及", "预计", "未来", "会", "取得", "的", "进展", "抱", "有信心", "。"], ["【", "12", "月", "15", "日", "讯", "】", "北京时间", "15", "日", "凌晨", ",", "美联储", "宣布", "将", "联邦基金利率", "目标", "区间", "上调", "25", "个", "基点", "到", "0", ".", "5", "%", "至", "0.75", "%", "的", "水平", ",", "这", "是", "美联储", "年", "内", "首次", "加息", "。", "同时", "预计", "2017", "年", "加息", "速度", "可能", "快", "于此", "前", "预期", ",", "因为", "有", "迹象", "显示", "美国", "失业率", "下降", "、", "通货膨胀", "水平", "逐步", "上升", "且", "经济增长", "加快", "。"], ["美联储", "主席", "耶伦", "在", "华盛顿", "召开", "的", "新闻发布会", "上", "称", ",", "加息", "的", "决定", "无疑", "应该", "被", "理解", "为", "反映", "出", "美联储", "对", "美国", "经济", "已", "取得", "以及", "预计", "未来", "会", "取得", "的", "进展", "抱", "有信心", "。", "美联储", "官员", "还", "表示", ",", "他们", "认为", "经济", "前景", "向", "好", ",", "同时", "预计明年", "将", "再", "把", "短期", "利率", "上调", "0.75", "个", "百分点", ",", "可能会", "分", "三", "次", "加息", ",", "每次", "上调", "0.25", "个", "百分点", "。"], ["耶伦", "的", "加息", "决定", "获得", "全票", "通过", ",", "而", "她", "在", "今年", "的", "八", "次", "会议", "中", "有", "五", "次", "面临", "不同声音", ",", "表明", "当时", "美联储", "内部", "对于", "货币政策", "路径", "存在", "分歧", "。"], ["加息", "决定", "15", "日", "生效", "。", "美联储", "还", "上调", "了", "对", "商业银行", "的", "紧急", "贷款利率", ",", "即", "所谓", "的", "贴现率", ",", "上调", "幅度", "为", "0.25", "个", "百分点", ",", "至", "1", ".", "25", "%", "。"], ["外界", "此", "前", "预计", ",", "就业", "市场", "数据", "稳定", "、", "第三季度", "经济", "强劲", "、", "失业率", "降", "至", "9", "年", "新", "低", "等", "因素", "都", "将", "促使", "美联储", "作出", "加息", "的", "决定", "。"], ["美国", "劳工", "部", "14", "日", "公布", "的", "数据", "也", "显示", ",", "美国", "11", "月", "生产者物价指数", "(", "PPI", ")", "高于预期", ",", "创", "今年", "6", "月份", "来", "大", "环比", "升幅", ",", "意味着", "美国", "通胀率", "正在", "向", "2", "%", "的", "目标", "靠拢", "。"], ["去年", "12", "月", ",", "美联储", "也", "宣布", "了", "加息", ",", "为", "2006", "年", "来", "首次", "。", "美国", "的", "利率政策", "有着", "深远", "的", "影响", ",", "包括", "对", "美元", "的", "汇率", "。", "美元", "是", "国际业务", "的", "主要", "结算", "货币", ",", "原材料价格", "也", "以", "美元", "计算", ",", "金融资产", "也", "以", "美元", "计价", "。"], ["市场", "会", "根据", "现在", "的", "加息", "消息", "预测", "美联储", "释放", "的", "有关", "明年", "货币政策", "走向", "的", "信号", "。", "在", "美联储", "宣布", "加息", "前", ",", "根据", "美联储", "成员", "的", "中", "值", "预测", ",", "美联储", "明年", "将会", "有", "两次", "加息", "。", "联邦基金利率", "期货", "的", "预测", "是", ":", "2017", "年", "7", "月", "会", "加息", "一次", ",", "但", "不确定", "剩下", "的", "月份", "里", "是否", "还会", "加息", "。"], ["此", "前", "还有", "分析", "人士", "认为", ",", "明年", "美联储", "可能", "要", "更加", "积极", "地", "加息", ",", "预计", "候", "任", "总统", "特朗普", "的", "新", "共和党", "政府", "将会", "借此", "刺激", "美国", "经济", "。", "穆迪", "分析", "公司", "首席经济学家", "詹迪", "表示", ",", "特朗普", "的", "当选", "改变", "了", "货币政策", "的", "政治", "环境", ",", "赤字", "增大将", "很", "可能", "需要", "刺激", "政策", ",", "这", "可能", "会导致", "美联储", "急剧", "加息", "。"], ["美联储", "的", "声明", "暗示", "2017", "年", "的", "加息", "路径", "将", "温和", "加速", "。", "这一政策", "决定", "受到", "美元", "投资者", "的", "欢迎", ",", "他们", "认为", "潜在", "的", "经济", "势", "头", "以及", "新", "一", "届", "政府", "可能", "推", "高", "通货膨胀", "水平", ",", "美元", "贸易", "加权", "汇率", "将", "继续", "上扬", "。", "值得关注", "的", "是", ",", "美联储", "指出", "通货膨胀", "指标", "已经", "大幅上升", ",", "但", "同时", "也", "指出", "货币政策", "依然", "宽松", "。"], ["有", "专家分析", "称", ",", "总体", "看", ",", "中国", "3", "万亿", "美元", "的", "外", "储", "在", "1", "-", "2", "年", "内", "应该", "还是", "比较", "充裕", ",", "可以", "起", "到", "稳定", "汇率", "和", "保护", "国内", "金融体系", "免", "受", "外来", "冲击", "。"], ["从", "我", "国", "实体经济", "看", ",", "美国", "加息", "的", "影响", "应该", "是", "比较", "小", "的", "。", "我", "国", "作为", "一", "个", "大型", "经济", "体", ",", "经济", "还是", "以内", "需", "为", "主", "。", "另外", ",", "我", "国", "较为", "充足", "的", "外", "储", "以及", "有效", "的", "资本", "账户管理", "也", "可以", "比较好", "的", "抵御", "美国", "加息", "带来", "的", "冲击", "。", "但是", ",", "外债", "比较", "高", "的", "部门", ",", "比如", "房地产", "和", "航空", ",", "利润", "可能会", "受到", "比较", "大", "影响", "。", "同时", ",", "资本", "流出", "造成", "国内", "利率", "上行", ",", "也", "不利于", "负债率", "高", "的", "部门", ",", "比如", "房地产", "和", "公共事业", "部门", "。", "但是", "应该说", ",", "我", "国", "企业", "部门", "发展", ",", "主要", "还是", "看", "内需", "已经", "改革", "的", "进程", "。"], ["“", "上海", "石油", "化工", "交易中心", "***", "”", "相关", "的", "客户留言"], ["我", "要", "给", "“", "上海", "石油", "化工", "交易中心", "***", "”", "留言"], ["“", "上海", "石油", "化工", "交易中心", "***", "”", "联系方式"], ["“", "上海", "石油", "化工", "交易中心", "***", "”", "商家", "推荐", "产品"], ["上海", "石油", "化工", "交易中心", "***", "相关产品"]], "title": "上海石油化工交易中心***"}, {"bs_rank_pos": 9, "paragraphs": ["上海石油化工交易中心:原油上方受阻", " 2017/3/20 9:59:04", " 上海石油化工交易中心日线图看布林带开口,K线刺穿5日均线,MACD指标向下延伸发散,绿色动能柱缩量,KDJ三线交叉向上微发散,四小时图上看,布林带开口收窄,K线刺穿5日10日20日均线上方,运行布林带中轨上,MACD向上发散延伸并趋于零轴,红色动能柱缩量,KDJ三线向下发散,整体看原油上方受阻于MA120日均线49.33一线附近,下方受MA60日均线47.55一线支撑,整体仍偏区间震荡之势,如果石油库存“仍然高于5年均值”,那么OPEC将在6月份减产协议到期后将其延长。由于目前为止石油库存都高于该水平,到5月25日OPEC国家在维也纳会面时,该目标很可能仍然无法达到。"], "segmented_title": ["上海", "石油", "化工", "交易中心", ":", "原油", "上方", "受阻", "-", "恒鑫", "来", "大宗", "_", "恒鑫", "来", "大宗商品交易"], "segmented_paragraphs": [["上海", "石油", "化工", "交易中心", ":", "原油", "上方", "受阻"], ["2017", "/", "3", "/", "20", "9", ":", "59", ":", "04"], ["上海", "石油", "化工", "交易中心", "日线图", "看", "布林带", "开口", ",", "K线", "刺穿", "5", "日", "均线", ",", "MACD", "指标", "向下", "延伸", "发散", ",", "绿色", "动能", "柱", "缩量", ",", "KDJ", "三线", "交叉", "向上", "微", "发散", ",", "四", "小时", "图", "上", "看", ",", "布林带", "开口", "收窄", ",", "K线", "刺穿", "5", "日", "10", "日", "20", "日", "均线", "上方", ",", "运行", "布林带", "中", "轨", "上", ",", "MACD", "向上", "发散", "延伸", "并", "趋于", "零", "轴", ",", "红色", "动能", "柱", "缩量", ",", "KDJ", "三线", "向下", "发散", ",", "整体", "看", "原油", "上方", "受阻", "于", "MA", "120", "日", "均线", "49", ".", "33", "一线", "附近", ",", "下方", "受", "MA60", "日", "均线", "47", ".", "55", "一线", "支撑", ",", "整体", "仍", "偏", "区间震荡", "之", "势", ",", "如果", "石油", "库存", "“", "仍然", "高于", "5", "年", "均值", "”", ",", "那么", "OPEC", "将", "在", "6", "月份", "减产", "协议", "到期后", "将", "其", "延长", "。", "由于", "目前为止", "石油", "库存", "都", "高于", "该", "水平", ",", "到", "5", "月", "25", "日", "OPEC", "国家", "在", "维也纳", "会", "面", "时", ",", "该", "目标", "很", "可能", "仍然", "无法", "达到", "。"]], "title": "上海石油化工交易中心:原油上方受阻-恒鑫来大宗_恒鑫来大宗商品交易"}], "question": "上海石油化工交易中心申请模拟账号", "segmented_question": ["上海", "石油", "化工", "交易中心", "申请", "模拟", "账号"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221629}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["加入玩家讨论QQ群 点击 ", "倩女幽魂手游世界频道经常可以看到各种隐藏表情或者特殊的符号,这些通过正常的输入或者表情是没办法发出来的,需要代码才可以发。那么倩女幽魂手游怎么发隐藏表情?隐藏表情代码有哪些呢?琵琶网小编给大家分享一下吧。 最新版本: ps:下载注册即可参与独家活动,新手豪华礼包免费领,充值返利活动!", " 倩女幽魂手游怎么发隐藏表情? ", " 发表情之前,玩家需要先知道代码,然后在输入框那里写上“#+表情代码”,比如代码是190的隐藏表情,就写#190。 ", " 不过这些隐藏表情不能在世界频道使用,只能在帮会、队伍和好友私聊频道使用,世界频道用到的代码不是这些,是另外一种符号,下面会具体说。 ", " 倩女幽魂手游隐藏表情代码大全 ", " 查询流程:点击好友——倩女小精灵——提问“隐藏表情代码表”就会跳出所有的代码了,由于代码数量和表情图片太多,这里就不全部贴出来了,玩家可以进游戏看看。 ", " 倩女幽魂手游世界怎么发隐藏表情 ", " 类似图上这样的图案需要玩家自己弄代码的,比表情麻烦多了,下面分享3个常见的表情代码,都可以在世界频道发哦。 ", " 倩女幽魂手游专用攻略APP下载地址:点击下载 ", " 好了,上面就是倩女幽魂手游隐藏表情代码大全了,关注琵琶网倩女幽魂手游专区,精彩攻略为你一一分享。 ", "热门网游 热门单机 ", "最新活动 更多+ ", " 表情 ", " 09-14 12:00新服拍案惊奇 09-14 11:00互通服务器-赤壁之战 09-14 11:00互通服务器-赤壁之战 09-07 12:00新服警世通言", " 最新 最热 "], "segmented_title": ["倩女幽魂", "手游", "怎么", "发", "隐藏", "表情", "隐藏", "表情", "代码大全", "-", "琵琶", "网"], "segmented_paragraphs": [["加入", "玩家", "讨论", "QQ", "群", "点击"], ["倩女幽魂", "手游", "世界", "频道", "经常", "可以", "看到", "各种", "隐藏", "表情", "或者", "特殊", "的", "符号", ",", "这些", "通过", "正常", "的", "输入", "或者", "表情", "是", "没", "办法", "发", "出来", "的", ",", "需要", "代码", "才", "可以", "发", "。", "那么", "倩女幽魂", "手游", "怎么", "发", "隐藏", "表情", "?", "隐藏", "表情", "代码", "有", "哪些", "呢", "?", "琵琶", "网", "小", "编", "给", "大家", "分享", "一", "下", "吧", "。", "最新版本", ":", "ps", ":", "下载", "注册", "即可", "参与", "独家", "活动", ",", "新手", "豪华", "礼包", "免费", "领", ",", "充值", "返利", "活动", "!"], ["倩女幽魂", "手游", "怎么", "发", "隐藏", "表情", "?"], ["发", "表情", "之", "前", ",", "玩家", "需要", "先", "知道", "代码", ",", "然后", "在", "输入框", "那里", "写上", "“", "#", "+", "表情", "代码", "”", ",", "比如", "代码", "是", "190", "的", "隐藏", "表情", ",", "就", "写", "#", "190", "。"], ["不过", "这些", "隐藏", "表情", "不能", "在", "世界", "频道", "使用", ",", "只能", "在", "帮会", "、", "队伍", "和", "好友", "私聊", "频道", "使用", ",", "世界", "频道", "用", "到", "的", "代码", "不是", "这些", ",", "是", "另外一种", "符号", ",", "下面", "会", "具体", "说", "。"], ["倩女幽魂", "手游", "隐藏", "表情", "代码大全"], ["查询", "流程", ":", "点击", "好友", "—", "—", "倩女", "小精灵", "—", "—", "提问", "“", "隐藏", "表情", "代码表", "”", "就会", "跳出", "所有", "的", "代码", "了", ",", "由于", "代码", "数量", "和", "表情", "图片", "太多", ",", "这里", "就", "不", "全部", "贴", "出来", "了", ",", "玩家", "可以", "进", "游戏", "看看", "。"], ["倩女幽魂", "手游", "世界", "怎么", "发", "隐藏", "表情"], ["类似", "图", "上", "这样", "的", "图案", "需要", "玩家", "自己", "弄", "代码", "的", ",", "比", "表情", "麻烦", "多", "了", ",", "下面", "分享", "3", "个", "常见", "的", "表情", "代码", ",", "都", "可以", "在", "世界", "频道", "发", "哦", "。"], ["倩女幽魂", "手游", "专用", "攻略", "APP", "下载地址", ":", "点击下载"], ["好", "了", ",", "上面", "就是", "倩女幽魂", "手游", "隐藏", "表情", "代码大全", "了", ",", "关注", "琵琶", "网", "倩女幽魂", "手游", "专区", ",", "精彩", "攻略", "为你", "一", "一", "分享", "。"], ["热门", "网游", "热门", "单机"], ["最新活动", "更多", "+"], ["表情"], ["09", "-", "14", "12", ":", "00", "新", "服", "拍案惊奇", "09", "-", "14", "11", ":", "00", "互通", "服务器", "-", "赤壁之战", "09", "-", "14", "11", ":", "00", "互通", "服务器", "-", "赤壁之战", "09", "-", "07", "12", ":", "00", "新", "服", "警世通言"], ["最新", "最", "热"]], "title": "倩女幽魂手游怎么发隐藏表情 隐藏表情代码大全-琵琶网"}, {"bs_rank_pos": 1, "paragraphs": [" 积分 306 论坛元宝 0 论坛银票 2223 论坛银两 0 微积分 0 ", " 积分 322 论坛元宝 0 论坛银票 2930 论坛银两 173 微积分 0 ", " 厉害 ", " 积分 1494 论坛元宝 702 论坛银票 234395 论坛银两 1281 微积分 0 ", " 厉害了。~正需要 ", " 感谢楼主,辛苦辛苦 ", " 积分 323 论坛元宝 0 论坛银票 2647 论坛银两 101 微积分 0 ", " 老哥 稳…………………", " 积分 171 论坛元宝 0 论坛银票 672 论坛银两 68 微积分 0 ", " 收藏了。。感谢分享 ", " 楼主好厉害好厉害好厉害!代码用手机发世界上累啊错一个就毁了。。。。", " 厉害不过有些有错位 ", " 这个吧,挺尴尬的,主要是复制出来的代码要么显示成论坛的表情,要么复制出来就空格不全。有时间再看看怎么弄吧 详情 回复 发表于 2017-2-20 22:24 ", " ····“水水水,整天就知道水贴,签到 签了吗,该回复的帖子回了吗;你说你啊,到现在倩女手游前100名都拿不下 来,一天水10点经验都水不了,还一心想着水贴;看看隔壁家蜗牛,人家 都11级啦,倩女手游第一啊,你到现在才多少级,我出去买个菜都不好意思抬头见人;赶紧把电脑打开,今晚帖子多,该回复的去帮忙回复别在这水水水", " 积分 47 论坛元宝 0 论坛银票 246 论坛银两 14 微积分 0 ", " 什么东西都不好用 ", " 积分 857 论坛元宝 20 论坛银票 6197 论坛银两 709 微积分 0 ", " 厉害啦,点赞 "], "segmented_title": ["聊天", "频道", "符号", "表情", "代码", "讲解", "!", "为", "新", "加入", "倩女幽魂", "的", "朋友", "解惑", "_", "《", "倩女幽魂"], "segmented_paragraphs": [["积分", "306", "论坛", "元宝", "0", "论坛", "银票", "2223", "论坛", "银两", "0", "微积分", "0"], ["积分", "322", "论坛", "元宝", "0", "论坛", "银票", "2930", "论坛", "银两", "173", "微积分", "0"], ["厉害"], ["积分", "1494", "论坛", "元宝", "702", "论坛", "银票", "234395", "论坛", "银两", "1281", "微积分", "0"], ["厉害", "了", "。", "~", "正", "需要"], ["感谢", "楼主", ",", "辛苦", "辛苦"], ["积分", "323", "论坛", "元宝", "0", "论坛", "银票", "2647", "论坛", "银两", "101", "微积分", "0"], ["老哥", "稳", "…", "…", "…", "…", "…", "…", "…"], ["积分", "171", "论坛", "元宝", "0", "论坛", "银票", "672", "论坛", "银两", "68", "微积分", "0"], ["收藏", "了", "。", "。", "感谢", "分享"], ["楼主", "好厉害", "好厉害", "好厉害", "!", "代码", "用手机", "发", "世界上", "累", "啊", "错", "一", "个", "就", "毁", "了", "。", "。", "。", "。"], ["厉害", "不过", "有些", "有", "错位"], ["这个", "吧", ",", "挺", "尴尬", "的", ",", "主要", "是", "复制", "出来", "的", "代码", "要", "么", "显示", "成", "论坛", "的", "表情", ",", "要", "么", "复制", "出来", "就", "空格", "不全", "。", "有", "时间", "再", "看看", "怎么", "弄", "吧", "详情", "回复", "发表", "于", "2017", "-", "2", "-", "20", "22", ":", "24"], ["·", "·", "·", "·", "“", "水", "水", "水", ",", "整天", "就", "知道", "水", "贴", ",", "签到", "签", "了", "吗", ",", "该", "回复", "的", "帖子", "回", "了", "吗", ";", "你", "说", "你", "啊", ",", "到", "现在", "倩女", "手游", "前", "100", "名都", "拿", "不", "下", "来", ",", "一天", "水", "10", "点", "经验", "都", "水", "不", "了", ",", "还", "一心", "想着", "水", "贴", ";", "看看", "隔壁", "家", "蜗牛", ",", "人家", "都", "11", "级", "啦", ",", "倩女", "手游", "第", "一", "啊", ",", "你", "到", "现在", "才", "多少", "级", ",", "我", "出去", "买", "个", "菜", "都", "不好意思", "抬头见", "人", ";", "赶紧", "把", "电脑", "打开", ",", "今晚", "帖子", "多", ",", "该", "回复", "的", "去", "帮忙", "回复", "别", "在", "这", "水", "水", "水"], ["积分", "47", "论坛", "元宝", "0", "论坛", "银票", "246", "论坛", "银两", "14", "微积分", "0"], ["什么", "东西", "都", "不好", "用"], ["积分", "857", "论坛", "元宝", "20", "论坛", "银票", "6197", "论坛", "银两", "709", "微积分", "0"], ["厉害", "啦", ",", "点赞"]], "title": "聊天频道符号表情代码讲解!为新加入倩女幽魂的朋友解惑_《倩女幽魂"}, {"bs_rank_pos": 2, "paragraphs": [" 倩女幽魂聊天表情代码 ", "倩女幽魂聊天表情代码图文正文:", " 倩女幽魂表情代码_百度知道", " 倩女幽魂手游隐藏表情代码_倩女幽魂手游_琵琶网", " 倩女幽魂2聊天表情怎么切换字起名_倩女幽魂2聊天表情怎么切换氏...", " 倩女最新文字代码大全 让你的信息更炫 _多玩倩女幽魂官网合作专区", " 倩女幽魂OL表情包下载 全套表情包_巴士倩女幽魂", " 倩女幽魂聊天窗口把窗口放到右边只能看见内容的表情 只要是字体 全都没有了,放回界面左边又正常了!!!可以先开启游戏设置下字体 把字体换下就行了(柔和黑体和清晰...-  ", " 倩女幽魂ol里,好友群发消息怎样加,那个表情图图,每次发都是,只说话,发不了图,可是看别人就能发看好每个表情的符号,用#加数字就能敲出来-  ", " 倩女幽魂聊天表情欢迎来到唯美图片网! 手机用户请访问: ...唯美头像美女图片唯美壁纸明星库唯美句子唯美网名唯美分组唯美签名QQ皮肤唯美表情...-  ", " 现在的手游基本上都普及了语音系统,无论是帮会聊天还是世界喊话不外乎发文字发语音,但是有时候穿插一些表情包不是很好嘛?今天小编就带领大家走进倩女...-  ", " 倩女幽魂QQ表情包是一款来自游戏《倩女幽魂》的QQ表情包,由游戏聊天表情中的包子表情制作而成,非常可爱,喜欢的用户赶紧下载使用吧! 【使用方法】 先把倩女幽魂表情...-  ", " 包子表情再添新成员 叶子猪倩女幽魂专区独家提供倩女幽魂最新最全表情包抢先下载:2015.08.11日更新:最新添加一批可爱包子表情,更新至# 252,与官方同步 新增以下表情...-  ", " 倩女幽魂聊天表情包 我来回答 匿名 回答(1) - 土豆。 2011-10-10 您好,您说的是包子表情包啊是这样的不这叫包子表情如果是,楼主留下邮箱我发您 评论(...-  ", "本文标签:倩女幽魂聊天表情代码,倩女幽魂表情代码大全,倩女幽魂聊天表情", " 本文链接:http://www.asianmeboo.com/biaoqing/daamaun.html", " 在线图文阅读表情栏目为您提供 "], "segmented_title": ["倩女幽魂", "手游", "表情", "代码", "_", "倩女幽魂", "聊天", "表情", "代码", "-", "正", "柴", "QQ", "个性", "网"], "segmented_paragraphs": [["倩女幽魂", "聊天", "表情", "代码"], ["倩女幽魂", "聊天", "表情", "代码", "图文", "正文", ":"], ["倩女幽魂", "表情", "代码", "_", "百度", "知道"], ["倩女幽魂", "手游", "隐藏", "表情", "代码", "_", "倩女幽魂", "手游", "_", "琵琶", "网"], ["倩女幽魂", "2", "聊天", "表情", "怎么", "切换", "字", "起名", "_", "倩女幽魂", "2", "聊天", "表情", "怎么", "切换", "氏", ".", ".", "."], ["倩女", "最新", "文字", "代码大全", "让", "你", "的", "信息", "更", "炫", "_", "多玩", "倩女幽魂", "官网", "合作", "专区"], ["倩女幽魂", "OL", "表情包", "下载", "全套", "表情包", "_", "巴士", "倩女幽魂"], ["倩女幽魂", "聊天", "窗口", "把", "窗口", "放到", "右边", "只能", "看见", "内容", "的", "表情", "只要", "是", "字体", "全", "都", "没有了", ",", "放", "回", "界面", "左边", "又", "正常", "了", "!", "!", "!", "可以", "先", "开启", "游戏", "设置", "下", "字体", "把", "字体", "换", "下", "就", "行", "了", "(", "柔和", "黑体", "和", "清晰", ".", ".", ".", "-"], ["倩女幽魂", "ol", "里", ",", "好友", "群发", "消息", "怎样", "加", ",", "那个", "表情", "图", "图", ",", "每次", "发", "都是", ",", "只", "说话", ",", "发", "不", "了", "图", ",", "可是", "看", "别人", "就能", "发", "看", "好", "每个", "表情", "的", "符号", ",", "用", "#", "加", "数字", "就能", "敲", "出来", "-"], ["倩女幽魂", "聊天", "表情", "欢迎来到", "唯美", "图片", "网", "!", "手机", "用户", "请", "访问", ":", ".", ".", ".", "唯美", "头像", "美女", "图片", "唯美壁纸", "明星", "库", "唯美", "句子", "唯美", "网名", "唯美", "分组", "唯美", "签名", "QQ皮肤", "唯美", "表情", ".", ".", ".", "-"], ["现在", "的", "手游", "基本上", "都", "普及", "了", "语音", "系统", ",", "无论", "是", "帮会", "聊天", "还是", "世界", "喊话", "不外乎", "发", "文字", "发", "语音", ",", "但是", "有时候", "穿插", "一些", "表情包", "不是", "很好", "嘛", "?", "今天", "小", "编", "就", "带领", "大家", "走进", "倩女", ".", ".", ".", "-"], ["倩女幽魂", "QQ", "表情包", "是", "一款", "来自", "游戏", "《", "倩女幽魂", "》", "的", "QQ", "表情包", ",", "由", "游戏", "聊天", "表情", "中", "的", "包子", "表情", "制作", "而", "成", ",", "非常可爱", ",", "喜欢", "的", "用户", "赶紧", "下载", "使用", "吧", "!", "【", "使用方法", "】", "先", "把", "倩女幽魂", "表情", ".", ".", ".", "-"], ["包子", "表情", "再", "添", "新", "成员", "叶子猪", "倩女幽魂", "专区", "独家提供", "倩女幽魂", "最新", "最全", "表情包", "抢先", "下载", ":", "2015", ".", "08", ".", "11", "日", "更新", ":", "最新", "添加", "一批", "可爱", "包子", "表情", ",", "更新至", "#", "252", ",", "与", "官方", "同步", "新增", "以下", "表情", ".", ".", ".", "-"], ["倩女幽魂", "聊天", "表情包", "我", "来", "回答", "匿名", "回答", "(", "1", ")", "-", "土豆", "。", "2011", "-", "10", "-", "10", "您好", ",", "您", "说", "的", "是", "包子", "表情包", "啊", "是", "这样", "的", "不", "这", "叫", "包子", "表情", "如果", "是", ",", "楼主", "留下", "邮箱", "我", "发", "您", "评论", "(", ".", ".", ".", "-"], ["本", "文", "标签", ":", "倩女幽魂", "聊天", "表情", "代码", ",", "倩女幽魂", "表情", "代码大全", ",", "倩女幽魂", "聊天", "表情"], ["本文链接", ":", "http", ":", "/", "/", "www", ".", "asian", "meboo", ".", "com", "/", "biao", "qing", "/", "daamaun", ".", "html"], ["在线", "图文", "阅读", "表情", "栏目", "为您", "提供"]], "title": "倩女幽魂手游表情代码_倩女幽魂聊天表情代码 - 正柴QQ个性网"}, {"bs_rank_pos": 3, "paragraphs": ["百度经验:jingyan.baidu.com", " 世界频道经常可以看到各种隐藏表情或者特殊的符号,这些通过正常的输入或者表情是没办法发出来的,需要代码才可以发", "百度经验:jingyan.baidu.com"], "segmented_title": ["倩女幽魂", "手游", "怎么", "在", "世界", "发", "隐藏", "表情", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["世界", "频道", "经常", "可以", "看到", "各种", "隐藏", "表情", "或者", "特殊", "的", "符号", ",", "这些", "通过", "正常", "的", "输入", "或者", "表情", "是", "没", "办法", "发", "出来", "的", ",", "需要", "代码", "才", "可以", "发"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"]], "title": "倩女幽魂手游怎么在世界发隐藏表情_百度经验"}, {"bs_rank_pos": 4, "paragraphs": ["加入玩家讨论QQ群 点击 ", "倩女幽魂手游世界频道经常可以看到各种隐藏表情或者特殊的符号,这些通过正常的输入或者表情是没办法发出来的,需要代码才可......", "倩女幽魂手游 类型:角色扮演版本:1.2.6大小:707M ", " 网易发布会,新倩女幽魂发布后,同名手游《倩女幽魂手游》也首次曝光,倩女幽魂手游不仅还原端游的角色、NPC和唯美风景,创造出与倩女幽魂电脑端游一脉相承的优秀体验,让玩家们随时、随地回到倩女世界,继续三界冒险,而且根据手机的操作习惯加入了天赋技能系统、指点操控和虚拟摇杆双模操作系统、内嵌语音聊天等突破性更新,倩女幽魂手游的诞生,或许会让网易走上一个新的台阶!", "倩女幽魂手游 - 游戏下载", " 温馨提示:如果苹果正版点击没反应,请用手机扫描下载~", " 最新 最热 ", " 网游 单机 "], "segmented_title": ["倩女幽魂", "手游", "隐藏", "表情", "代码", "_", "倩女幽魂", "手游", "_", "琵琶", "网"], "segmented_paragraphs": [["加入", "玩家", "讨论", "QQ", "群", "点击"], ["倩女幽魂", "手游", "世界", "频道", "经常", "可以", "看到", "各种", "隐藏", "表情", "或者", "特殊", "的", "符号", ",", "这些", "通过", "正常", "的", "输入", "或者", "表情", "是", "没", "办法", "发", "出来", "的", ",", "需要", "代码", "才", "可", ".", ".", ".", ".", ".", "."], ["倩女幽魂", "手游", "类型", ":", "角色扮演", "版本", ":", "1", ".", "2", ".", "6", "大小", ":", "707", "M"], ["网易", "发布会", ",", "新", "倩女幽魂", "发布", "后", ",", "同名", "手游", "《", "倩女幽魂", "手游", "》", "也", "首次曝光", ",", "倩女幽魂", "手游", "不仅", "还原", "端", "游", "的", "角色", "、", "NPC", "和", "唯美", "风景", ",", "创造", "出", "与", "倩女幽魂", "电脑", "端", "游", "一脉相承", "的", "优秀", "体验", ",", "让", "玩家", "们", "随时", "、", "随地", "回到", "倩女", "世界", ",", "继续", "三界", "冒险", ",", "而且", "根据", "手机", "的", "操作", "习惯", "加入", "了", "天赋", "技能", "系统", "、", "指点", "操控", "和", "虚拟", "摇杆", "双模", "操作系统", "、", "内嵌", "语音聊天", "等", "突破性", "更新", ",", "倩女幽魂", "手游", "的", "诞生", ",", "或许", "会", "让", "网易", "走上", "一", "个", "新", "的", "台阶", "!"], ["倩女幽魂", "手游", "-", "游戏", "下载"], ["温馨提示", ":", "如果", "苹果", "正版", "点击", "没反应", ",", "请", "用", "手机", "扫描", "下载", "~"], ["最新", "最", "热"], ["网游", "单机"]], "title": "倩女幽魂手游隐藏表情代码_倩女幽魂手游_琵琶网"}], "question": "倩女幽魂手游表情代码", "segmented_question": ["倩女幽魂", "手游", "表情", "代码"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221630}
-{"documents": [{"title": "为什么没有北瓜_百度知道", "segmented_title": ["为什么", "没有", "北瓜", "_", "百度", "知道"], "segmented_paragraphs": [["北方", "有", "北瓜", "的", "!", "“", "北瓜", "”", "属于", "半", "野生植物", ",", "由于", "它", "的", "产量", "低", ",", "加", "之", "没有", "西瓜", "的", "甜美", "、", "冬瓜", "的", "清香", "以及", "南瓜", "的", "高", "产量", ",", "因此", ",", "人们", "不太", "认识", "它", "瓜", "有", "西瓜", ",", "有", "南瓜", ",", "还有", "东瓜", "(", "又", "称", "冬瓜", ")", ",", "偏", "是", "缺", "了", "一", "种", "北瓜", "。", "北方人", "古", "来", "不知", "种", "瓜", "耶", "?", "这", "是", "讲", "不通", "的", ",", "北方人", "不仅", "种", "西瓜", "和", "东瓜", ",", "还", "大", "种", "南瓜", ",", "岂", "有", "独", "不", "种", "北瓜", "的", "道理", "?", "《", "西游记", "》", "作者", "虚构", "了", "一", "段", "故事情节", ",", "说", "唐太宗", "招募", "奇人", "去", "阴曹地府", "进", "献", "瓜果", ",", "有", "个", "叫", "刘全", "的", "人", "为了", "寻觅", "爱妻", "亡魂", ",", "情愿", "冒死", "一", "往", "。", "刘全", "头顶", "南瓜", "等", "物", "服药", "自杀", ",", "幽灵", "携带", "礼品", "谒见冥府", "神君", ",", "阎王", "爷", "大", "受", "感动", ",", "遂", "遣", "他", "夫妻", "灵魂", "双双", "还阳", "。", "地方", "说书", "人", "觉得", "说", "着", "不够", "过瘾", ",", "给", "改", "了", "一", "下", ",", "把", "南瓜", "改", "成", "北瓜", "。", "道理", "是", ":", "因为", "北瓜", "献给", "了", "阎王", "爷", ",", "所以", "此后", "世上", "没了", "北瓜", "一", "种", "。", "说书", "人", "受", "小地域", "局限", ",", "显然", "不", "透彻", "了解", "一", "点", ",", "南瓜", "、", "北瓜", "其实", "是", "一", "码", "事儿", "。", "如果", "他", "明白", "此", "点", ","], ["有", "北瓜", "的", ",", "只是", "中国", "部", "这么", "叫", "。", "笋瓜", "(", "Cucurbita", "maxima", ")", "又", "名", "北瓜", ",", "瓜", "属", "。", "一年", "生", "蔓", "性", "草本植物", ",", "以", "嫩", "瓜", "或", "种子", "为", "栽培", "目的", "。", "嫩", "瓜", "适于", "炒", "食", "、", "作", "馅", "或", "作", "饲料", ",", "干", "种子", "可", "炒", "食", "。", "笋瓜", "根系", "发达", ",", "生长", "迅速", "。", "茎", "近", "圆形", "。", "叶", "软", "有毛", ",", "圆形", "或", "心脏", "形", ",", "缺", "裂", "极", "浅", "或", "无", ",", "无", "白色", "斑点", "。", "花冠", "裂片", "柔软", ",", "向", "外", "下垂", ",", "萼片", "狭长", ",", "花蕾", "开放", "先端", "臧", "截", "形", "。", "果", "梗", "短", ",", "圆筒", "形", ",", "基", "部", "不", "膨大", "。", "叶", "圆形", "或", "心脏", "形", "。", "果实", "长", "圆形", ",", "黄白色", ",", "可做", "蔬菜", "。", "果实", "表面", "平滑", ",", "成熟", "果实", "无", "香气", ",", "含糖量", "较", "少", "。", "种", "皮", "边缘", "色泽", "与", "中部", "同", ",", "种", "脐", "歪斜", ",", "种子", "较", "大", "。", "笋瓜", "是", "一", "种", "还", "未成熟", "的", "西葫芦", ",", "在", "它", "还", "来不及", "长", "成", "英国人", "喜爱", "的", "巨", "形", "蔬菜", "前", "就", "采摘", "下来", "。", "整个", "夏天", "都", "可以", "买到", ",", "不需", "去皮", ",", "只要", "简单", "地", "去", "头", "去", "尾", "再", "切片", "就能", "生吃", ",", "或", "蒸熟", "、", "烤", "熟食", "用", ",", "还", "可", "切成薄片", "沾", "面糊", "油炸", ",", "或", "加", "在", "汤", "中", "、", "煨", "菜", "和", "拉塔", "图雅", "(", "rataouille", ")", "里", "。", "笋瓜", "和", "西", "葫"], ["我", "姥姥", "说", "西葫芦", "就是", "北瓜", "~", "北方", "常", "说", "的", "糊塌子", "就是", "北瓜", "糊", "煎饼", "~", "听", "老人家", "的", "话", "应该", "不错", "`", "~"], ["没有", "为什么", "啊", ",", "难道", "有", "了", "冬瓜", ",", "西瓜", ",", "南瓜", ",", "一定要", "有", "北瓜", "吗", ",", "太", "牵强", "了", "呵呵", "或许", "你", "可以", "尝试", "种", "一", "下", "啊", ",", "呵呵"], ["在", "南瓜", "北边", "的", "瓜", "就是", "北瓜"], ["也", "没有", "中", "瓜", "哦", "。", "。", "。", "。", "…", "…", "…", "…", "…", "…"], ["就", "跟", "没有", "叫", "傻瓜", "的", "蔬菜", "一样"], ["那", "你", "告诉我为什么", "没有", "西京", "呢", "~"], ["那", "是因为", "没有", "啊"], ["有你", "也", "不知道", "啦"]], "paragraphs": ["北方有北瓜的! “北瓜”属于半野生植物,由于它的产量低,加之没有西瓜的甜美、冬瓜的清香以及南瓜的高产量,因此,人们不太认识它 瓜有西瓜,有南瓜,还有东瓜(又称冬瓜),偏是缺了一种北瓜。北方人古来不知种瓜耶?这是讲不通的,北方人不仅种西瓜和东瓜,还大种南瓜,岂有独不种北瓜的道理? 《西游记》作者虚构了一段故事情节,说唐太宗招募奇人去阴曹地府进献瓜果,有个叫刘全的人为了寻觅爱妻亡魂,情愿冒死一往。刘全头顶南瓜等物服药自杀,幽灵携带礼品谒见冥府神君,阎王爷大受感动,遂遣他夫妻灵魂双双还阳。地方说书人觉得说着不够过瘾,给改了一下,把南瓜改成北瓜。道理是:因为北瓜献给了阎王爷,所以此后世上没了北瓜一种。说书人受小地域局限,显然不透彻了解一点,南瓜、北瓜其实是一码事儿。如果他明白此点,", "有北瓜的,只是中国部这么叫。 笋瓜(Cucurbita maxima)又名北瓜,瓜属。一年生蔓性草本植物,以嫩瓜或种子为栽培目的。嫩瓜适于炒食、作馅或作饲料,干种子可炒食。笋瓜根系发达,生长迅速。茎近圆形。叶软有毛,圆形或心脏形,缺裂极浅或无,无白色斑点。花冠裂片柔软,向外下垂,萼片狭长,花蕾开放先端臧截形。果梗短,圆筒形,基部不膨大。叶圆形或心脏形。果实长圆形,黄白色,可做蔬菜。果实表面平滑,成熟果实无香气,含糖量较少。种皮边缘色泽与中部同,种脐歪斜,种子较大。 笋瓜是一种还未成熟的西葫芦,在它还来不及长成英国人喜爱的巨形蔬菜前就采摘下来。整个夏天都可以买到,不需去皮,只要简单地去头去尾再切片就能生吃,或蒸熟、烤熟食用,还可切成薄片沾面糊油炸,或加在汤中、煨菜和拉塔图雅(rataouille)里。笋瓜和西葫", "我姥姥说西葫芦就是北瓜~北方常说的糊塌子就是北瓜糊煎饼~ 听老人家的话应该不错`~", "没有为什么啊,难道有了冬瓜,西瓜,南瓜,一定要有北瓜吗,太牵强了呵呵 或许你可以尝试种一下啊,呵呵", "在南瓜北边的瓜就是北瓜", "也没有中瓜哦。。。。………………", "就跟没有叫傻瓜的蔬菜一样", "那你告诉我为什么 没有西京呢~", "那是因为没有啊", "有你也不知道啦"], "bs_rank_pos": 0}], "question": "为什么没有北瓜", "segmented_question": ["为什么", "没有", "北瓜"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221631}
-{"documents": [{"title": "为什么TGP里没有王者荣耀了 - 咨询&反馈 - TGP - Powered by Discuz", "segmented_title": ["为什么", "TGP", "里", "没有", "王者", "荣耀", "了", "-", "咨询", "&", "反馈", "-", "TGP", "-", "Powered", "by", "Discuz"], "segmented_paragraphs": [["怎么", "没有", "手游", "了"], ["王者", "荣耀", "没有了"], ["为啥", "呀", ",", "我", "上面", "也", "没有了", "{", ":", "huffy", ":", "}", "{", ":", "huffy", ":", "}"], ["我", "也是", "{", ":", "huffy", ":", "}"], ["我", "一样", "找不到", "王者"], ["您", "需要", "登录", "后", "才", "可以", "回帖", "登录", "|", "立即注册"]], "paragraphs": ["怎么没有手游了", "王者荣耀没有了", "为啥呀,我上面也没有了{:huffy:}{:huffy:}", "我也是{:huffy:}", "我一样找不到王者", "您需要登录后才可以回帖 登录 | 立即注册"], "bs_rank_pos": 0}, {"title": "王者荣耀怎么在电脑上玩_百度经验", "segmented_title": ["王者", "荣耀", "怎么", "在", "电脑", "上", "玩", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["玩", "久", "了", "LOL", ",", "想试试", "手机游戏", ",", "微信", "游戏", "里", "正好", "有", "一款", "很", "相像", ",", "但是", "手机", "操作", "又", "特别", "不爽", ",", "有没有", "办法", "用", "电脑", "玩", "呢", "?", "而且", "方法", "要", "简单", "?", "我", "来", "教", "你", "吧", "!", "!", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "下载", "腾讯", "的", "游戏平台", ":", "可能", "很多", "玩", "英雄", "联盟", "的", "朋友", ",", "对", "这个", "并", "不", "陌生", ",", "这个", "和", "盒子", "差不多", ",", "有很多", "辅助功能", ",", "你", "可", "别", "以为", "这个", "只能", "用来", "玩", "英雄", "联盟", ",", "玩", "其他", "游戏", ",", "甚至", "手机游戏", ",", "都是", "可以", "的", "。", "步骤", "阅读", "2", "账号", "进行", "登录", ":", "下载", "好", "了", "之后", ",", "进行", "登录", ",", "这边", "直接", "用", "QQ", "号码", "来", "登录", "就", "可以", "了", ",", "如果", "你", "电脑", "上", "是", "有", "QQ", "登录", "着", "的", "情况", "下", ",", "是", "可以直接", "用", "账号", "快速登录", "的", "(", "另外", "如果", "在", "这个", "程序", "里", "启动", "一些", "游戏", "程序", "的", "话", ",", "可以直接", "跳过", "登录", "的", "地方", "哦", ")", "步骤", "阅读", "3", "找到", "手游", "电脑", "版", "看", ":", "进入", "到", "游戏平台", "里面", "之后", ",", "我们", "不用", "去", "看", "其他", "的", "不相关", "的", "信息", ",", "直接", "在", "最", "上方", "的", "导航栏", ",", "找", "手机游戏", "就是", "了", "(", "这个平台", "不仅仅", "是", "手机游戏", ",", "还有很多", "腾讯", "旗下", "的", "电脑游戏", ")", "步骤", "阅读", "4", "点击", "游戏进行", "下载", ":", "找到", "我们", "要", "玩", "的", "游戏", "了", ",", "这里", "直接", "进行", "下载", "就", "可以", "(", "移动", "到", "图标", "里", "之后", ")", "点", "启动", "游戏", ",", "会", "自动", "去", "下载", "的", ",", "不用", "搞", "什么", "模拟器", ",", "一键", "操作", ",", "比较", "的", "简单", ",", "比较", "方便", "。", "步骤", "阅读", "5", "直接", "在", "平台", "中", "点击", "试玩", ":", "游戏", "下载", "之前", "会", "先", "解压", ",", "所以", "时间", "会", "久", "一", "点", ",", "安装", "的", "时候", ",", "估计", "你", "电脑", "会", "卡", "一段时间", ",", "不过", "没", "什么", "关系", ",", "电脑", "下", "嘛", "。", "。", "比", "手机", "肯定", "要", "快", "很多", ",", "下载", "完", "就", "可以", "直接", "玩", "了", "。", "步骤", "阅读", "步骤", "阅读"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "丰富", "自己", ",", "帮助", "他人", ";", "欢迎", "关注"]], "paragraphs": ["百度经验:jingyan.baidu.com", "玩久了LOL,想试试手机游戏,微信游戏里正好有一款很相像,但是手机操作又特别不爽,有没有办法用电脑玩呢?而且方法要简单?我来教你吧!!!", "百度经验:jingyan.baidu.com", "1 下载腾讯的游戏平台: 可能很多玩英雄联盟的朋友,对这个并不陌生,这个和盒子差不多,有很多辅助功能,你可别以为这个只能用来玩英雄联盟,玩其他游戏,甚至手机游戏,都是可以的。 步骤阅读 2 账号进行登录: 下载好了之后,进行登录,这边直接用QQ号码来登录就可以了,如果你电脑上是有QQ登录着的情况下,是可以直接用账号快速登录的(另外如果在这个程序里启动一些游戏程序的话,可以直接跳过登录的地方哦) 步骤阅读 3 找到手游电脑版看: 进入到游戏平台里面之后,我们不用去看其他的不相关的信息,直接在最上方的导航栏,找手机游戏就是了(这个平台不仅仅是手机游戏,还有很多腾讯旗下的电脑游戏) 步骤阅读 4 点击游戏进行下载: 找到我们要玩的游戏了,这里直接进行下载就可以(移动到图标里之后)点启动游戏,会自动去下载的,不用搞什么模拟器,一键操作,比较的简单,比较方便。 步骤阅读 5 直接在平台中点击试玩: 游戏下载之前会先解压,所以时间会久一点,安装的时候,估计你电脑会卡一段时间,不过没什么关系,电脑下嘛。。比手机肯定要快很多,下载完就可以直接玩了。 步骤阅读 步骤阅读", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:丰富自己,帮助他人;欢迎关注"], "bs_rank_pos": 1}, {"title": "腾讯TGP为何下架王者荣耀 英魂之刃?-无线频道-手机搜狐", "segmented_title": ["腾讯", "TGP", "为何", "下架", "王者", "荣耀", "英魂", "之", "刃", "?", "-", "无线", "频道", "-", "手机", "搜狐"], "segmented_paragraphs": [["近日", ",", "小", "编", "发现", "腾讯", "TGP", "平台", "突然", "有", "了", "变化", ",", "TGP", "平台", "上", "的", "网页", "游戏", "和", "手机游戏", "入口", "均", "已", "消失", ",", "所以", "我们", "经常", "玩", "的", "TGP", "版", "《", "王者", "荣耀", "》", "、", "《", "英魂", "之", "刃", "》", "的", "首页", "入口", "也", "一同", "消失了", "。", "TGP", "作为", "腾讯", "旗下", "的", "著名", "游戏平台", ",", "被", "定位", "为", "“", "囊括", "腾讯", "全", "平台", "游戏", "”", ",", "这其中", "就", "包含", "了", "单机游戏", "、", "网络游戏", "、", "网页", "游戏", "以及", "手机游戏", "。", "本次", "TGP", "把", "网页", "及", "手游", "两", "大", "入口", "取消", "下架", ",", "不知道", "将会", "在", "业务", "方面", "有", "何", "变化", "?"], ["在", "TGP", "平台", "官网", "方面", "则", "有", "一", "条", "公告", "消息", ":", "“", "TGP", "手游", "业务", "迁移", "至", "腾讯", "手游", "助手", "、", "TGP", "网页", "游戏", "业务", "迁移", "至", "QQ游戏", "大厅", ",", "计划", "将", "于", "2017", "年", "3", "月", "开始", "迁移", ",", "预计", "持续", "1", "个", "月", "时间", "之后", "TGP", "内", "手游", "与", "页", "游", "将会", "下架", ",", "具体时间", "待", "后续", "通知", "。", "”", "(", "官网", "原文", ")", "不难看出", ",", "本次", "TGP", "下架", "两", "大", "游戏", "业务", "后", ",", "将", "只", "剩", "下", "网络", "端", "游", "和", "单机游戏", "两", "大", "业务", "领域", ",", "相信", "这", "与", "去年", "动作", "频繁", "的", "单机游戏", "业务", "有着", "一定", "关系", ",", "而", "在", "未来", "的", "业务", "领域", "方面", ",", "腾讯", "TGP", "官方", "尚未", "给", "出", "正式", "的", "消息", "。"], ["一", "元", "开房", "就是", "这么", "任性", "广告"], ["根据", "TGP", "官网", "公告", "的", "内容", ",", "腾讯", "TGP", "手游", "业务", "将", "准备", "开启", "全新", "的", "品牌", "运营", "平台", ",", "而", "网页", "游戏", "业务", "将", "陆续", "整合", "到", "QQ游戏", "大厅", "之", "中", "。", "不过", "随着", "小", "编", "的", "深入了解", ",", "发现", "到目前为止", ",", "TGP", "虽然", "正式", "下架", "了", "两", "大", "业务", "版块", ",", "但", "也", "仅仅", "是", "取消", "了", "首页", "入口", ",", "在", "TGP", "上方", "的", "搜索", "栏目", "中", "仍然", "可以", "搜索", "到", "王者", "荣耀", "、", "英魂", "之", "刃", "、", "拳皇", "98", "OL", "、", "街头篮球", "等", "游戏", ",", "并且", "可以", "下载", "安装", ",", "安装后", "可", "正常", "进入游戏", "。", "账号", "数据", "方面", "也", "尚未发现", "变化", "。"], ["随着", "本次", "页", "游", "级", "手游", "业务", "的", "正式", "下架", ",", "TGP", "将", "仅", "剩下", "网络", "端", "游", "和", "单机游戏", "两", "大", "业务", "内容", "。"], ["就", "TGP", "现状", "而言", ",", "网络", "端", "游", "为", "TGP", "的", "老牌", "业务", ",", "腾讯", "旗下", "众多", "人气", "游戏", "均", "汇聚", "于此", ",", "TGP", "不仅", "整合", "了", "游戏", "下载", "及", "社区", "等", "游戏盒子", "功能", ",", "还在", "官方", "辅助", "领域", "一", "块", "做出", "了", "不错", "的", "成绩", ",", "成为", "了", "玩家", "最", "常用", "的", "优秀", "整合", "平台", "。", "而", "在", "单机游戏", "方面", ",", "单机游戏", "是", "2016", "年", "TGP", "开展", "的", "全新", "业务", "版块", ",", "由", "国产", "游戏", "《", "符石守护者", "》", "开始", ",", "陆续", "上架", "了", "《", "男孩", "与", "泡泡", "怪", "》", "、", "《", "饥荒", "》", "、", "《", "都市", "天际线", "》", "、", "《", "这", "是", "我", "的", "战争", "》", "、", "《", "圣女之歌", "-", "零", "》", "、", "《", "侠客", "风云传", "前传", "》", "等", "知名", "单机游戏", ",", "在", "TGP", "玩家", "群体", "间", "获得", "了", "一定", "的", "销量", "与", "口碑", "。"], ["根据", "小", "编", "分析", ",", "未来", "TGP", "在", "做", "好", "网络", "端", "游", "的", "基础", "上", ",", "将", "加大", "单机游戏", "的", "运营", "力度", ",", "或许", "腾讯", "将", "有", "计划", "把", "TGP", "单机游戏", "部分", "做大做强", ",", "整合", "成", "国内", "最大", "的", "单机游戏", "销售", "平台", "趋势", "。", "当然", ",", "目前", "在", "单机游戏", "部分", ",", "TGP", "上架", "游戏", "数量", "较", "少", ",", "仅", "有", "7", "款", "游戏", "。", "其中", "国产游戏", "3", "款", ",", "将", "近半数", "。", "在", "单机游戏", "玩家", "方面", ",", "对此", "有", "多少", "能够", "买", "账", ",", "尚未", "可知", "。", "但", "腾讯", "经营", "游戏", "领域", "多", "年", ",", "在", "运营", "游戏", "方面", "有着", "得天独厚", "的", "运营", "优势", ",", "以", "《", "饥荒", "》", "为", "例", ",", "分别", "推出", "了", "单机版", "与", "联机", "版", ",", "其中", "联机", "版", "更", "是", "多次", "版本", "迭代", ",", "推出", "了", "不少", "游戏", "活动", "和", "节日", "限定", "产品", ",", "添加", "了", "很多", "原版", "没有", "的", "全新", "内容", ",", "值得", "褒奖", "。"], ["但", "目前国内", "单机", "领域", ",", "除了", "盗版", "玩家", "外", ",", "正版", "单机", "玩家", "以", "STEAM", "平台", "用户", "占", "绝对", "主流", ",", "TGP", "若想", "开展", "单机", "业务", ",", "仍", "有", "一定", "压力", "。", "就", "目前", "的", "大趋势", "来看", ",", "STEAM", "平台", "已", "上架", "游戏", "万", "余款", ",", "折扣", "力度", "更大", ",", "绝大多数", "游戏", "也", "没有", "内购", "元素", ",", "在", "单机游戏", "玩家", "间", "具有", "不错", "的", "口碑", "。", "大多数", "人", "也", "还是", "喜欢", "在", "STEAM", "平台", "上", "购买", "游戏", "。", "而", "在", "未来", "阶段", ",", "TGP", "在", "单机游戏", "领域", "将会", "有", "何", "大动作", "?", "这一切", "值得", "期待", "。"], ["作为", "普通", "玩家", ",", "今后", "不能", "在", "TGP", "上", "耍耍", "王者", "荣耀", "和", "英魂", "之", "刃", "了", ",", "使用", "习惯", "方面", "的", "问题", "还是", "有", "一些", "的", "。", "对此", ",", "你", "怎么看", "呢", "?"]], "paragraphs": ["近日,小编发现腾讯TGP平台突然有了变化,TGP平台上的网页游戏和手机游戏入口均已消失,所以我们经常玩的TGP版《王者荣耀》、《英魂之刃》的首页入口也一同消失了。TGP作为腾讯旗下的著名游戏平台,被定位为“囊括腾讯全平台游戏”,这其中就包含了单机游戏、网络游戏、网页游戏以及手机游戏。本次TGP把网页及手游两大入口取消下架,不知道将会在业务方面有何变化?", "在TGP平台官网方面则有一条公告消息:“TGP手游业务迁移至腾讯手游助手、TGP网页游戏业务迁移至QQ游戏大厅,计划将于2017年3月开始迁移,预计持续1个月时间之后TGP内手游与页游将会下架,具体时间待后续通知。”(官网原文)不难看出,本次TGP下架两大游戏业务后,将只剩下网络端游和单机游戏两大业务领域,相信这与去年动作频繁的单机游戏业务有着一定关系,而在未来的业务领域方面,腾讯TGP官方尚未给出正式的消息。", "一元开房就是这么任性 广告", "根据TGP官网公告的内容,腾讯TGP手游业务将准备开启全新的品牌运营平台,而网页游戏业务将陆续整合到QQ游戏大厅之中。不过随着小编的深入了解,发现到目前为止,TGP虽然正式下架了两大业务版块,但也仅仅是取消了首页入口,在TGP上方的搜索栏目中仍然可以搜索到王者荣耀、英魂之刃、拳皇98OL、街头篮球等游戏,并且可以下载安装,安装后可正常进入游戏。账号数据方面也尚未发现变化。", "随着本次页游级手游业务的正式下架,TGP将仅剩下网络端游和单机游戏两大业务内容。", "就TGP现状而言,网络端游为TGP的老牌业务,腾讯旗下众多人气游戏均汇聚于此,TGP不仅整合了游戏下载及社区等游戏盒子功能,还在官方辅助领域一块做出了不错的成绩,成为了玩家最常用的优秀整合平台。而在单机游戏方面,单机游戏是2016年TGP开展的全新业务版块,由国产游戏《符石守护者》开始,陆续上架了《男孩与泡泡怪》、《饥荒》、《都市天际线》、《这是我的战争》、《圣女之歌-零》、《侠客风云传前传》等知名单机游戏,在TGP玩家群体间获得了一定的销量与口碑。", "根据小编分析,未来TGP在做好网络端游的基础上,将加大单机游戏的运营力度,或许腾讯将有计划把TGP单机游戏部分做大做强,整合成国内最大的单机游戏销售平台趋势。当然,目前在单机游戏部分,TGP上架游戏数量较少,仅有7款游戏。其中国产游戏3款,将近半数。在单机游戏玩家方面,对此有多少能够买账,尚未可知。但腾讯经营游戏领域多年,在运营游戏方面有着得天独厚的运营优势,以《饥荒》为例,分别推出了单机版与联机版,其中联机版更是多次版本迭代,推出了不少游戏活动和节日限定产品,添加了很多原版没有的全新内容,值得褒奖。", "但目前国内单机领域,除了盗版玩家外,正版单机玩家以STEAM平台用户占绝对主流,TGP若想开展单机业务,仍有一定压力。就目前的大趋势来看,STEAM平台已上架游戏万余款,折扣力度更大,绝大多数游戏也没有内购元素,在单机游戏玩家间具有不错的口碑。大多数人也还是喜欢在STEAM平台上购买游戏。而在未来阶段,TGP在单机游戏领域将会有何大动作?这一切值得期待。", "作为普通玩家,今后不能在TGP上耍耍王者荣耀和英魂之刃了,使用习惯方面的问题还是有一些的。对此,你怎么看呢?"], "bs_rank_pos": 2}, {"title": "如何在电脑玩王者荣耀_百度经验", "segmented_title": ["如何", "在", "电脑", "玩", "王者", "荣耀", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["好多", "小伙伴", "苦恼", "手机", "电量", "不够", ",", "上", "分", "困难", "。"], ["今天", "我", "给", "大家", "介绍", "一", "个", "在", "电脑", "上", "玩", "王者", "荣耀", "的", "办法", "。"], ["或许", "很多", "小伙伴", "知道", "使用", "tgp", "来玩", "王者", "荣耀", ",", "但是", "tgp", "时常", "出现", "卡顿", "的", "状况", "。"], ["今天", "我", "就", "教", "大家", "如何", "电脑", "玩", "王者", "荣耀", "不", "卡", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "首先", "我们", "先", "找到", "王者", "荣耀", "的", "官网", ",", "点击", "进去", "。", "2", "找到", "下载", "游戏", ",", "点击", "pc", "模拟器", "下载", "。", "步骤", "阅读", "步骤", "阅读", "3", "下载", "完成", "打开", ",", "并", "找到", "王者", "荣耀", "安装", "。", "步骤", "阅读", "步骤", "阅读", "4", "安装", "完毕", "后", ",", "选择", "qq", "还是", "微信", "进入游戏", "。", "步骤", "阅读", "5", "进入", "游戏", "后", ",", "不要着急", "开始游戏", ",", "这", "时候", "我们", "需要", "调整", "一", "下", "键位", ",", "在", "游戏", "的", "右边", "有", "状态栏", ",", "选择", "键位", ",", "这里", "我", "已经", "帮", "大家", "调试", "好", "了", ",", "大家", "照搬", "就好", "。", "步骤", "阅读", "6", "建议", "先", "打", "两把", "匹配", "适应", "一", "下", ",", "然后", "才", "开始", "自己", "的", "排位", "超神", "之", "旅", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["这个方法", "不是", "肯定", "不", "卡", ",", "但是", "经过", "试验", ",", "大", "部分", "电脑", "都", "能", "完美", "兼容", "小", "玩", "怡情", ",", "大", "玩", "伤身", ",", "注意休息", "眼睛"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "健身", "达人", ",", "自创", "家庭", "健身", "动作"]], "paragraphs": ["百度经验:jingyan.baidu.com", "好多小伙伴苦恼手机电量不够,上分困难。", "今天我给大家介绍一个在电脑上玩王者荣耀的办法。", "或许很多小伙伴知道使用tgp来玩王者荣耀,但是tgp时常出现卡顿的状况。", "今天我就教大家如何电脑玩王者荣耀不卡。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 首先我们先找到王者荣耀的官网,点击进去。 2 找到下载游戏,点击pc模拟器下载。 步骤阅读 步骤阅读 3 下载完成打开,并找到王者荣耀安装。 步骤阅读 步骤阅读 4 安装完毕后,选择qq还是微信进入游戏。 步骤阅读 5 进入游戏后,不要着急开始游戏,这时候我们需要调整一下键位,在游戏的右边有状态栏,选择键位,这里我已经帮大家调试好了,大家照搬就好。 步骤阅读 6 建议先打两把匹配适应一下,然后才开始自己的排位超神之旅。 步骤阅读 END", "百度经验:jingyan.baidu.com", "这个方法不是肯定不卡,但是经过试验,大部分电脑都能完美兼容 小玩怡情,大玩伤身,注意休息眼睛", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:健身达人,自创家庭健身动作"], "bs_rank_pos": 3}, {"title": "腾讯游戏平台tgp王者荣耀怎么不见了_百度知道", "segmented_title": ["腾讯", "游戏", "平台", "tgp", "王者", "荣耀", "怎么", "不见", "了", "_", "百度", "知道"], "segmented_paragraphs": [["因为", "TGP", "和", "王者", "荣耀", "有", "一点", "不兼容", ",", "还是", "一些", "什么", "问题", ",", "导致", "游戏", "下架", "了", ",", "所以", "现在", "小伙伴", "们", "很", "着急", ",", "请", "大家", "不要着急", "。", "相信", "没", "多久", ",", "腾讯", "就", "可以", "把", "这个问题", "给", "解决", "了", "。", "我们", "的", "小伙伴", "只要", "耐心等待", "一段时间", "就", "可以", "了", "。", "你", "可以", "暂时", "先", "用", "别", "的", "模拟器", "先", "玩", ",", "如果", "喜欢", "就", "可以", "一直", "用", ",", "如果", "你", "是", "腾讯", "的", "重视", "粉丝", "的", "话", ",", "你可以", "多", "去", "腾讯", "的", "官网", "看看", ",", "有", "什么", "消息", "他们", "都是", "第一时间", "发布", "的", "。"], ["最近", "没", "使用", "TGP", ",", "不过", "应该", "里面", "有", "的", "啊", ",", "手游", "专区", "。", "或者", "不用", "TGP", "登陆", "。"]], "paragraphs": ["因为TGP和王者荣耀有一点不兼容,还是一些什么问题,导致游戏下架了,所以现在小伙伴们很着急,请大家不要着急。 相信没多久,腾讯就可以把这个问题给解决了。我们的小伙伴只要耐心等待一段时间就可以了。 你可以暂时先用别的模拟器先玩,如果喜欢就可以一直用,如果你是腾讯的重视粉丝的话,你可以多去腾讯的官网看看,有什么消息他们都是第一时间发布的。", "最近没使用TGP,不过应该里面有的啊,手游专区。 或者不用TGP登陆。"], "bs_rank_pos": 4}], "question": "tgp王者荣耀在哪", "segmented_question": ["tgp", "王者", "荣耀", "在", "哪"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221632}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["就是参战参试部队的军人.。参战意即参加过为抵御外来侵略,完成祖国统一,捍卫国家领土和主权完整,保卫国家安全而进行武力打击和抗击敌方的军事行动的军人,包括参加过中越边境自卫还击作战、珍宝岛自卫反击作战、援越抗美作战、援老抗美作战、西沙群岛自卫反击作战、南沙群岛自卫反击战的军队退役士兵,解放一江山岛作战、川甘青藏滇地区平叛作战、炮击金门作战、中缅边境勘界警卫作战、“八•六”海战、崇武以东海战;参试意即原8023部队及代管的参加过核试验的和参加保障任务的人员。"], "segmented_title": ["什么", "是", "两", "参", "人员", "_", "百度", "知道"], "segmented_paragraphs": [["就是", "参战", "参", "试", "部队", "的", "军人", ".", "。", "参战", "意", "即", "参加", "过", "为", "抵御", "外来", "侵略", ",", "完成", "祖国", "统一", ",", "捍卫", "国家", "领土", "和", "主权", "完整", ",", "保卫", "国家安全", "而", "进行", "武力", "打击", "和", "抗击", "敌方", "的", "军事", "行动", "的", "军人", ",", "包括", "参加", "过", "中越边境", "自卫", "还击", "作战", "、", "珍宝岛", "自卫", "反击", "作战", "、", "援越", "抗美", "作战", "、", "援", "老", "抗美", "作战", "、", "西沙群岛", "自卫", "反击", "作战", "、", "南沙群岛", "自卫", "反击战", "的", "军队", "退役士兵", ",", "解放", "一江山岛", "作战", "、", "川", "甘", "青藏", "滇", "地区", "平叛", "作战", "、", "炮击金门", "作战", "、", "中缅", "边境", "勘界", "警卫", "作战", "、", "“", "八", "&", "#", "8226", ";", "六", "”", "海战", "、", "崇武", "以", "东", "海战", ";", "参", "试", "意", "即", "原", "8023", "部队", "及", "代", "管", "的", "参加", "过", "核试验", "的", "和", "参加", "保障", "任务", "的", "人员", "。"]], "title": "什么是两参人员_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["1、参战退役人员的界定。 参战退役人员是指曾在军队服役并参加过作战的退役人员。 作战是指武装力量打击或抗击敌方的军事行动,具体界定为:我军为抵卸外来侵略,完成祖国统一,为捍卫国家领土和主权完整,保卫国家安全而进行的武力打击的抗击敌方的军事行动。 主要包括自卫还击作战、防御作战、对逃离大陆的国民党军队的作战、出国支援作战、平息地区性武装叛乱作战,以及军委、总部认定的其他作战行动。 参战退役人员包括直接参加战斗的人员和作战指挥人员、作战保障人员。 部队执行维护社会稳定、戒严、平息动乱暴乱、抢险救灾等任务不包含在作战范围,部队出国维和也不在此范围。 (1)解放一江山岛作战 (2)川、甘、青、藏、滇地区平叛作战 (3)炮击金门作战 (4)中缅边境勘界警卫作战 (5)中印边境自卫反击战 (6)“八·六”海战 (7)崇武以东海战 (8)援越抗美作战 (9)援老抗美作战 (10)珍宝岛自卫反击作战 (11)西沙群岛自卫反击作战 (12)中越边境自卫还击作战 (13)“老山、者阴山”地区对越防御作战 (14)南沙群岛自卫反击作战 在身份认定过程中,需要把握以下4个方面的问题: (1)对档案无参战记载或无档案的人员身份认定。 一是由本人写一份参战经过的材料。 二是有1—2名战友出具证明材料,证明人必须是已经认定的参战人员;证明人与被证明人必须具备“四同”,即同时参战、同地点参战、同一个部队代号、同属一个营级单位;证明人承诺对出具的证明必须承担相应的责任。 (2)对档案中有关参战记载的认定。 只要在个人档案中,如记载有“在自卫反击战中(以来)…”,或“在作战中…”、“在战斗中…”、“在(到)前线…”,或“履行了国际主义义务”等文字表述的,可认定为参战人员。但对于只有请战表述,没有参战结论的,或只有“战备、备战、训练、留守、国防施工”等表述的,不予认定。 (3)对个人持有参战纪念章、纪念物品的认定。 对个人持有的参战纪念章、毛巾、茶缸等纪念物品,不作为参战身份认定的依据。主要考虑这类纪念品数量众多,纪念品上又没有本人姓名,容易相互转借,如以此认定参战身份容易造成混乱。 (4)对于个人档案中无参战记载或找不到档案,同时又没有战友证明的人员,属人数相对较多且反映强烈的,由县级民政部门派专人前往他们的原部队查阅有关原始资料,只要部队有原始参战记载,其原部队番号与个人档案或退伍证中部队番号一致的,可做为认定的依据。 2、原8023部队和其他参加核试验军队退人员的界定。 8023部队是国防科工委21试验基地20世纪六七十年代的代号,从1946年至1996年,多次执行核试验任务。 其他参加核试验军队退役人员:包括参加过核试验效应试验的退役人员、执行过核试验保障任务的退役人员、参加过核爆炸条件下军事演习的退役人员、与原8023部队驻同一区域部队的退役人员、曾在核导弹、核潜艇部队涉核岗位服役的退役人员等。"], "segmented_title": ["两", "参", "人员", "是", "如何", "认定", "的", "(", "建议", "收藏", ")"], "segmented_paragraphs": [["1", "、", "参战", "退役", "人员", "的", "界定", "。", "参战", "退役", "人员", "是", "指", "曾", "在", "军队", "服役", "并", "参加", "过", "作战", "的", "退役", "人员", "。", "作战", "是", "指", "武装力量", "打击", "或", "抗击", "敌方", "的", "军事", "行动", ",", "具体", "界定", "为", ":", "我", "军", "为", "抵", "卸", "外来", "侵略", ",", "完成", "祖国", "统一", ",", "为", "捍卫", "国家", "领土", "和", "主权", "完整", ",", "保卫", "国家安全", "而", "进行", "的", "武力", "打击", "的", "抗击", "敌方", "的", "军事", "行动", "。", "主要包括", "自卫", "还击", "作战", "、", "防御", "作战", "、", "对", "逃离", "大陆", "的", "国民党", "军队", "的", "作战", "、", "出国", "支援", "作战", "、", "平息", "地区性", "武装", "叛乱", "作战", ",", "以及", "军委", "、", "总部", "认定", "的", "其他", "作战", "行动", "。", "参战", "退役", "人员", "包括", "直接", "参加", "战斗", "的", "人员", "和", "作战指挥", "人员", "、", "作战", "保障", "人员", "。", "部队", "执行", "维护", "社会稳定", "、", "戒严", "、", "平息", "动乱", "暴乱", "、", "抢险救灾", "等", "任务", "不", "包含", "在", "作战", "范围", ",", "部队", "出国", "维和", "也", "不在", "此", "范围", "。", "(", "1", ")", "解放", "一江山岛", "作战", "(", "2", ")", "川", "、", "甘", "、", "青", "、", "藏", "、", "滇", "地区", "平叛", "作战", "(", "3", ")", "炮击金门", "作战", "(", "4", ")", "中缅", "边境", "勘界", "警卫", "作战", "(", "5", ")", "中印边境", "自卫", "反击战", "(", "6", ")", "“", "八", "·", "六", "”", "海战", "(", "7", ")", "崇武", "以", "东", "海战", "(", "8", ")", "援越", "抗美", "作战", "(", "9", ")", "援", "老", "抗美", "作战", "(", "10", ")", "珍宝岛", "自卫", "反击", "作战", "(", "11", ")", "西沙群岛", "自卫", "反击", "作战", "(", "12", ")", "中越边境", "自卫", "还击", "作战", "(", "13", ")", "“", "老山", "、", "者阴山", "”", "地区", "对", "越", "防御", "作战", "(", "14", ")", "南沙群岛", "自卫", "反击", "作战", "在", "身份认定", "过程", "中", ",", "需要", "把握", "以下", "4", "个", "方面", "的", "问题", ":", "(", "1", ")", "对", "档案", "无", "参战", "记载", "或", "无", "档案", "的", "人员", "身份认定", "。", "一", "是", "由", "本人", "写", "一", "份", "参战", "经过", "的", "材料", "。", "二", "是", "有", "1", "—", "2", "名", "战友", "出具", "证明", "材料", ",", "证明", "人", "必须", "是", "已经", "认定", "的", "参战", "人员", ";", "证明", "人", "与", "被", "证明", "人", "必须具备", "“", "四", "同", "”", ",", "即", "同时", "参战", "、", "同", "地点", "参战", "、", "同", "一", "个", "部队", "代号", "、", "同", "属", "一", "个", "营", "级", "单位", ";", "证明", "人", "承诺", "对", "出具", "的", "证明", "必须", "承担", "相应", "的", "责任", "。", "(", "2", ")", "对", "档案", "中", "有关", "参战", "记载", "的", "认定", "。", "只要", "在", "个人档案", "中", ",", "如", "记载", "有", "“", "在", "自卫", "反击战", "中", "(", "以来", ")", "…", "”", ",", "或", "“", "在", "作战", "中", "…", "”", "、", "“", "在", "战斗", "中", "…", "”", "、", "“", "在", "(", "到", ")", "前线", "…", "”", ",", "或", "“", "履行", "了", "国际", "主义", "义务", "”", "等", "文字", "表述", "的", ",", "可", "认定为", "参战", "人员", "。", "但", "对于", "只有", "请", "战", "表述", ",", "没有", "参战", "结论", "的", ",", "或", "只有", "“", "战备", "、", "备战", "、", "训练", "、", "留守", "、", "国防", "施工", "”", "等", "表述", "的", ",", "不予", "认定", "。", "(", "3", ")", "对", "个人", "持有", "参战", "纪念章", "、", "纪念", "物品", "的", "认定", "。", "对", "个人", "持有", "的", "参战", "纪念章", "、", "毛巾", "、", "茶缸", "等", "纪念", "物品", ",", "不作为", "参战", "身份认定", "的", "依据", "。", "主要", "考虑", "这", "类", "纪念品", "数量", "众多", ",", "纪念品", "上", "又", "没有", "本人", "姓名", ",", "容易", "相互", "转借", ",", "如", "以此", "认定", "参战", "身份", "容易", "造成", "混乱", "。", "(", "4", ")", "对于", "个人档案", "中", "无", "参战", "记载", "或", "找不到", "档案", ",", "同时", "又", "没有", "战友", "证明", "的", "人员", ",", "属", "人数", "相对", "较多", "且", "反映", "强烈", "的", ",", "由", "县级", "民政部门", "派", "专", "人", "前往", "他们", "的", "原", "部队", "查阅", "有关", "原始", "资料", ",", "只要", "部队", "有", "原始", "参战", "记载", ",", "其", "原", "部队", "番号", "与", "个人档案", "或", "退伍证", "中", "部队", "番号", "一致", "的", ",", "可做", "为", "认定", "的", "依据", "。", "2", "、", "原", "8023", "部队", "和", "其他", "参加", "核试验", "军队", "退", "人员", "的", "界定", "。", "8023", "部队", "是", "国防科工委", "21", "试验", "基地", "20", "世纪", "六", "七", "十", "年代", "的", "代号", ",", "从", "1946", "年", "至", "1996", "年", ",", "多次", "执行", "核试验", "任务", "。", "其他", "参加", "核试验", "军队", "退役", "人员", ":", "包括", "参加", "过", "核试验", "效应", "试验", "的", "退役", "人员", "、", "执行", "过", "核试验", "保障", "任务", "的", "退役", "人员", "、", "参加", "过", "核爆炸", "条件", "下", "军事演习", "的", "退役", "人员", "、", "与", "原", "8023", "部队", "驻", "同", "一", "区域", "部队", "的", "退役", "人员", "、", "曾", "在", "核导弹", "、", "核潜艇", "部队", "涉核", "岗位", "服役", "的", "退役", "人员", "等", "。"]], "title": "两参人员是如何认定的(建议收藏) "}, {"bs_rank_pos": 3, "paragraphs": ["什么是两参人员 ", " 湖南 对所有“两参”人员发给350元的生活补助。 浙江 浙民优【2007】143号...参战退伍军人补贴是从什么时候开始的?沙发回目录 2015-07-01 09:27 | 作者:... ", " 社会的两类社会社会矛盾学说 (三)简答题 1.《论十大关系》的主要内容是什么?...改革不合理的规章制度,工人群众、 领导干部和技术人员三结合,即“两参一改三... ", " ? 两参一改三结合:干部参加劳动,工人参加管 理,...合理的规章制度,工人群众、领导 干部和技术人员三...工作者体现出 来的两弹一星精神的具 体内涵是什么... ", " 下一步我们将做好两参人员、三 属人员、病退人员等档案归档工作,使民政档案的工作提高到一个更高的水平。 三、做好带病还乡人员的审批工作 切实做好带病还乡... ", " 来,我们扎实做好农民就业工作,加强农民就业培训工作,不断 提高农民群众素质,促进农村剩余劳动力就业;扎实抓好“三类 人员” 、下岗职工、下放知青及“两参人员”... ", " 仁民街社区走访两参人员记录表_人力资源管理_经管营销_专业资料。仁民街社区走访两参人员(动员购买养老保险政策宣传)记录表两参人员 姓名 性别 出生年月 现居住... ", " 瓦店二中参培人员_数学_小学教育_教育专区。瓦店二中参培人员 杨振华、石美红、杨丽霞、葛翠晓、庞英、张合英、孙文 英 瓦店二中参培人员 杨振华、石美红、... ", " 二、每年春节和八一建军节,各区民政局按照属地管理的原则对本辖区关系在厦门市企业离退休人员社会化管理中心的“两参人员”发给慰问金,标准调整为:春节每人300元,... ", " 什么是两参人员?其生活补助标准是多少? 13. 什么是两参人员?其生活补助标准是多少? 曾在军队服役并参加过作战的退役人员、原 8023 部队和 其他参加核试验军队... ", " 比如退休两参人员的优抚待遇问题,一直都是 不稳定因素的焦点问题,经常会有人因此到处上访,给我们的稳定工 作造成了很大压力;我们也经常向上级主管部门反映此问题,... "], "segmented_title": ["什么", "是", "两", "参", "人员", "_", "中华", "文本", "库"], "segmented_paragraphs": [["什么", "是", "两", "参", "人员"], ["湖南", "对", "所有", "“", "两", "参", "”", "人员", "发给", "350", "元", "的", "生活", "补助", "。", "浙江", "浙民优", "【", "2007", "】", "143", "号", ".", ".", ".", "参战", "退伍军人", "补贴", "是", "从", "什么", "时候开始", "的", "?", "沙发", "回", "目录", "2015", "-", "07", "-", "01", "09", ":", "27", "|", "作者", ":", ".", ".", "."], ["社会", "的", "两", "类", "社会", "社会矛盾", "学", "说", "(", "三", ")", "简答题", "1", ".", "《", "论十大关系", "》", "的", "主要内容", "是什么", "?", ".", ".", ".", "改革", "不合理", "的", "规章制度", ",", "工人", "群众", "、", "领导干部", "和", "技术", "人员", "三结合", ",", "即", "“", "两", "参", "一", "改", "三", ".", ".", "."], ["?", "两", "参", "一", "改", "三结合", ":", "干部", "参加", "劳动", ",", "工人", "参加", "管", "理", ",", ".", ".", ".", "合理", "的", "规章制度", ",", "工人", "群众", "、", "领导", "干部", "和", "技术", "人员", "三", ".", ".", ".", "工作者", "体现", "出", "来", "的", "两弹一星", "精神", "的", "具", "体", "内涵", "是什么", ".", ".", "."], ["下一步", "我们", "将", "做", "好", "两", "参", "人员", "、", "三", "属", "人员", "、", "病退", "人员", "等", "档案", "归档", "工作", ",", "使", "民政", "档案", "的", "工作", "提高", "到", "一", "个", "更高", "的", "水平", "。", "三", "、", "做", "好", "带", "病", "还乡", "人员", "的", "审批", "工作", "切实做好", "带", "病", "还乡", ".", ".", "."], ["来", ",", "我们", "扎实做好", "农民", "就业", "工作", ",", "加强", "农民", "就业", "培训", "工作", ",", "不断", "提高", "农民", "群众", "素质", ",", "促进", "农村剩余劳动力", "就业", ";", "扎实", "抓好", "“", "三类", "人员", "”", "、", "下岗职工", "、", "下放", "知青", "及", "“", "两", "参", "人员", "”", ".", ".", "."], ["仁", "民", "街", "社区", "走访", "两", "参", "人员", "记录表", "_", "人力资源管理", "_", "经管", "营销", "_", "专业", "资料", "。", "仁", "民", "街", "社区", "走访", "两", "参", "人员", "(", "动员", "购买", "养老保险", "政策", "宣传", ")", "记录表", "两", "参", "人员", "姓名", "性别", "出生年月", "现", "居住", ".", ".", "."], ["瓦店", "二中", "参", "培", "人员", "_", "数学", "_", "小学教育", "_", "教育", "专区", "。", "瓦店", "二中", "参", "培", "人员", "杨振华", "、", "石美红", "、", "杨丽霞", "、", "葛翠晓", "、", "庞英", "、", "张", "合", "英", "、", "孙", "文", "英", "瓦店", "二中", "参", "培", "人员", "杨振华", "、", "石美红", "、", ".", ".", "."], ["二", "、", "每年", "春节", "和", "八一", "建军节", ",", "各", "区", "民政局", "按照", "属地", "管理", "的", "原则", "对", "本", "辖区", "关系", "在", "厦门", "市", "企业", "离退休人员", "社会化管理", "中心", "的", "“", "两", "参", "人员", "”", "发给", "慰问金", ",", "标准", "调整", "为", ":", "春节", "每人", "300", "元", ",", ".", ".", "."], ["什么", "是", "两", "参", "人员", "?", "其", "生活", "补助", "标准", "是", "多少", "?", "13", ".", "什么", "是", "两", "参", "人员", "?", "其", "生活", "补助", "标准", "是", "多少", "?", "曾", "在", "军队", "服役", "并", "参加", "过", "作战", "的", "退役", "人员", "、", "原", "8023", "部队", "和", "其他", "参加", "核试验", "军队", ".", ".", "."], ["比如", "退休", "两", "参", "人员", "的", "优抚", "待遇", "问题", ",", "一直", "都是", "不稳定", "因素", "的", "焦点", "问题", ",", "经常", "会", "有", "人", "因此", "到处", "上访", ",", "给", "我们", "的", "稳定", "工", "作", "造成", "了", "很大", "压力", ";", "我们", "也", "经常", "向", "上级", "主管", "部门", "反映", "此", "问题", ",", ".", ".", "."]], "title": "什么是两参人员_中华文本库"}, {"bs_rank_pos": 4, "paragraphs": ["就是参战参试部队的军人.。参战意即参加过为抵御外来侵略,完成祖国统一,捍卫国家领土和主权完整,保卫国家安全而进行武力打击和抗击敌方的军事行动的军人,包括参加过中越边境自卫还击作战、珍宝岛自卫反击作战、援越抗美作战、援老抗美作战、西沙群岛自卫反击作战、南沙群岛自卫反击战的军队退役士兵,解放一江山岛作战、川甘青藏滇地区平叛作战、炮击金门作战、中缅边境勘界警卫作战、“八•六”海战、崇武以东海战;参试意即原8023部队及代管的参加过核试验的和参加保障任务的人员。"], "segmented_title": ["什么", "是", "两", "参", "军人", "_", "百度", "知道"], "segmented_paragraphs": [["就是", "参战", "参", "试", "部队", "的", "军人", ".", "。", "参战", "意", "即", "参加", "过", "为", "抵御", "外来", "侵略", ",", "完成", "祖国", "统一", ",", "捍卫", "国家", "领土", "和", "主权", "完整", ",", "保卫", "国家安全", "而", "进行", "武力", "打击", "和", "抗击", "敌方", "的", "军事", "行动", "的", "军人", ",", "包括", "参加", "过", "中越边境", "自卫", "还击", "作战", "、", "珍宝岛", "自卫", "反击", "作战", "、", "援越", "抗美", "作战", "、", "援", "老", "抗美", "作战", "、", "西沙群岛", "自卫", "反击", "作战", "、", "南沙群岛", "自卫", "反击战", "的", "军队", "退役士兵", ",", "解放", "一江山岛", "作战", "、", "川", "甘", "青藏", "滇", "地区", "平叛", "作战", "、", "炮击金门", "作战", "、", "中缅", "边境", "勘界", "警卫", "作战", "、", "“", "八", "&", "#", "8226", ";", "六", "”", "海战", "、", "崇武", "以", "东", "海战", ";", "参", "试", "意", "即", "原", "8023", "部队", "及", "代", "管", "的", "参加", "过", "核试验", "的", "和", "参加", "保障", "任务", "的", "人员", "。"]], "title": "什么是两参军人_百度知道"}, {"bs_rank_pos": 4, "paragraphs": ["参加过14次以上局部战斗,或参加过核试验人员,这里“两参”是重点优抚关爱对象。"], "segmented_title": ["什么", "是", "两", "参", "军人", "_", "百度", "知道"], "segmented_paragraphs": [["参加", "过", "14", "次", "以上", "局部", "战斗", ",", "或", "参加", "过", "核试验", "人员", ",", "这里", "“", "两", "参", "”", "是", "重点", "优抚", "关爱", "对象", "。"]], "title": "什么是两参军人_百度知道"}], "question": "两参人员是什么意思", "segmented_question": ["两", "参", "人员", "是", "什么", "意思"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221633}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["200——500不等,越大越贵"], "segmented_title": ["给", "狗狗", "用", "的", "安乐死", "多少", "钱", "_", "百度", "知道"], "segmented_paragraphs": [["200", "—", "—", "500", "不等", ",", "越", "大", "越", "贵"]], "title": "给狗狗用的安乐死多少钱_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["一般一百多点,不是必须请不要给狗狗安乐。狗狗需要做好驱虫工作,体内驱虫按照准确的驱虫时间,在狗狗4周、8周、12周大时都是要各驱虫一次的,在狗狗满12周后,以后每间隔3个月定期驱虫一次就行,成年后每半年驱虫一次。体外驱虫是每个月都要驱一次的,可以用虱敌驱杀。驱虫和疫苗都要在狗狗健康的状态下才能进行"], "segmented_title": ["狗狗", "安乐死", "多少", "钱", "一针", "_", "百度", "知道"], "segmented_paragraphs": [["一般", "一百", "多", "点", ",", "不是", "必须", "请", "不要", "给", "狗狗", "安乐", "。", "狗狗", "需要", "做", "好", "驱虫", "工作", ",", "体", "内", "驱虫", "按照", "准确", "的", "驱虫", "时间", ",", "在", "狗狗", "4", "周", "、", "8", "周", "、", "12", "周", "大", "时", "都是", "要", "各", "驱虫", "一", "次", "的", ",", "在", "狗狗", "满", "12", "周", "后", ",", "以后", "每", "间隔", "3", "个", "月", "定期", "驱虫", "一", "次", "就", "行", ",", "成年", "后", "每", "半年", "驱虫", "一次", "。", "体外", "驱虫", "是", "每个月", "都", "要", "驱", "一", "次", "的", ",", "可以", "用", "虱敌", "驱", "杀", "。", "驱虫", "和", "疫苗", "都", "要", "在", "狗狗", "健康", "的", "状态", "下", "才能", "进行"]], "title": "狗狗安乐死多少钱一针_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["网上出售的一针药剂一般100-150左右。"], "segmented_title": ["狗狗", "安乐死", "多少", "钱", "一针", "_", "百度", "知道"], "segmented_paragraphs": [["网上", "出售", "的", "一针", "药剂", "一般", "100", "-", "150", "左右", "。"]], "title": "狗狗安乐死多少钱一针_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["还有那玩意?"], "segmented_title": ["狗狗", "安乐死", "多少", "钱", "一针", "_", "百度", "知道"], "segmented_paragraphs": [["还有", "那", "玩意", "?"]], "title": "狗狗安乐死多少钱一针_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["狗狗也是一个小生命,为什么要安乐死呢?如果狗狗有什么病可以问大家,一起想办法为他治疗。对你来说它是一个狗狗,但是对它来说你是它的亲人,你怎么忍心辜负它呢?"], "segmented_title": ["10", "斤", "左右", "的", "狗狗", ",", "安乐死", "需要", "多少", "钱", "_", "百度", "知道"], "segmented_paragraphs": [["狗狗", "也是", "一", "个", "小", "生命", ",", "为什么", "要", "安乐死", "呢", "?", "如果", "狗狗", "有", "什么", "病", "可以", "问", "大家", ",", "一起", "想办法", "为", "他", "治疗", "。", "对", "你", "来", "说", "它", "是", "一", "个", "狗狗", ",", "但是", "对", "它", "来", "说", "你", "是", "它", "的", "亲人", ",", "你", "怎么", "忍心", "辜负", "它", "呢", "?"]], "title": "10斤左右的狗狗,安乐死需要多少钱_百度知道"}], "question": "狗狗安乐死多少钱", "segmented_question": ["狗狗", "安乐死", "多少", "钱"], "question_type": "ENTITY", "fact_or_opinion": "OPINION", "question_id": 221634}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["多数人反映邮箱投稿根本就没回音,比如我,你,他,她,求解答 ", " 没听说过只能说明你的圈子小,萌芽每天收到无数投稿,却只会在每个月登几篇,比例是多小大概也清楚,你所谓的多数人反映邮箱投稿根本没回音也是多数人,毕竟这薄薄的一本月刊杂志只会选取你少数人中的少数人的文章,原先也有人投稿成功然后来吧里炫耀的,私人觉得投稿失败这种事情首要是要让自己认识到是自己不够好,对比对比已刊登的文章。邮箱投稿一般会有系统的自动回复,不过很多时候系统繁忙也不会回复。再者投稿没有被录取也有可能是你文风和萌芽不太合得来,萌芽的投稿须知里面也有提到这一点,不甘心觉得被埋没的也可以试着投投其他的杂志。如果还是不行,就像我说的还是先提高自己写作水平吧,望共勉。", " 难道不是应该先反思自己的水平吗。。。投稿一定录用的话,萌芽也没到收不到稿子的地步吧", " 当然咯,萌芽只限他们那一帮的,而我只是个天朝小人,自然还是乖乖哒做个良民", " 其实说实在萌芽是我见到最差劲的杂志社,一来稿件有去无回,二来,电话打不通。我要是中学生就去中少投稿,起码投稿者和编辑部都能有联系点。我一个新手投稿,在萌芽网站论坛上还设密码。还没有稿件通知,真的不如有些杂志社。我之所以信任萌芽是因为曾经的一个梦。现在看来,真的是渺茫啊!", " 轻拢慢捻抹复挑,初为《霓裳》后《六幺》。", " 还有合不合编辑的口味的问题 ", " 萌芽现在说越来越专业也越来越无聊,感觉登上去的文章作者都只管自己写的爽,故事内容单薄的要死。还是怀念金国栋短篇小说铁头那个时代。", " 比较同意楼上的,看着我都有点尴尬了。很多稿件都是质薄,气邪,给人一种硬的感觉,没有太大的吸引力,连续好久都随手翻完,无聊到要死才开始重看。", " Ls+10086,感觉有点为符合风格而刻意写的感觉,没有之前的有意思了 "], "segmented_title": ["为什么", "我", "感觉", "萌芽", "的", "投稿", "有", "内幕", "_", "萌芽", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["多数", "人", "反映", "邮箱", "投稿", "根本", "就", "没", "回音", ",", "比如", "我", ",", "你", ",", "他", ",", "她", ",", "求", "解答"], ["没", "听说过", "只能", "说明", "你", "的", "圈子", "小", ",", "萌芽", "每天", "收到", "无数", "投稿", ",", "却", "只", "会", "在", "每个月", "登", "几", "篇", ",", "比例", "是", "多", "小", "大概", "也", "清楚", ",", "你", "所谓", "的", "多数", "人", "反映", "邮箱", "投稿", "根本", "没", "回音", "也是", "多数", "人", ",", "毕竟", "这", "薄", "薄", "的", "一", "本", "月刊", "杂志", "只", "会", "选取", "你", "少数", "人中", "的", "少数", "人", "的", "文章", ",", "原先", "也", "有人", "投稿", "成功", "然后", "来", "吧", "里", "炫耀", "的", ",", "私人", "觉得", "投稿", "失败", "这种事情", "首要", "是", "要", "让", "自己", "认识到", "是", "自己", "不够", "好", ",", "对比", "对比", "已", "刊登", "的", "文章", "。", "邮箱", "投稿", "一般", "会", "有", "系统", "的", "自动回复", ",", "不过", "很多时候", "系统", "繁忙", "也", "不会", "回复", "。", "再者", "投稿", "没有", "被", "录取", "也有", "可能", "是", "你", "文风", "和", "萌芽", "不太", "合得来", ",", "萌芽", "的", "投稿须知", "里面", "也有", "提到", "这一点", ",", "不甘心", "觉得", "被", "埋没", "的", "也", "可以", "试", "着", "投", "投", "其他", "的", "杂志", "。", "如果", "还是不行", ",", "就像我", "说", "的", "还是", "先", "提高", "自己", "写作", "水平", "吧", ",", "望", "共勉", "。"], ["难道", "不是", "应该", "先", "反思", "自己", "的", "水平", "吗", "。", "。", "。", "投稿", "一定", "录用", "的", "话", ",", "萌芽", "也", "没", "到", "收", "不到", "稿子", "的", "地", "步", "吧"], ["当然", "咯", ",", "萌芽", "只限", "他们", "那", "一", "帮", "的", ",", "而", "我", "只是", "个", "天朝", "小人", ",", "自然", "还是", "乖乖", "哒", "做", "个", "良民"], ["其实", "说", "实在", "萌芽", "是", "我", "见到", "最", "差劲", "的", "杂志社", ",", "一", "来", "稿件", "有去无回", ",", "二", "来", ",", "电话", "打不通", "。", "我", "要", "是", "中学生", "就", "去", "中", "少", "投稿", ",", "起码", "投稿者", "和", "编辑部", "都", "能", "有", "联系", "点", "。", "我", "一", "个", "新手", "投稿", ",", "在", "萌芽", "网站", "论坛", "上", "还", "设", "密码", "。", "还没有", "稿件", "通知", ",", "真", "的", "不如", "有些", "杂志社", "。", "我", "之所以", "信任", "萌芽", "是因为", "曾经", "的", "一个梦", "。", "现在看来", ",", "真", "的", "是", "渺茫", "啊", "!"], ["轻", "拢", "慢", "捻", "抹", "复", "挑", ",", "初", "为", "《", "霓裳", "》", "后", "《", "六幺", "》", "。"], ["还有", "合", "不合", "编辑", "的", "口味", "的", "问题"], ["萌芽", "现在", "说", "越来越", "专业", "也", "越来越", "无聊", ",", "感觉", "登", "上去", "的", "文章", "作者", "都", "只", "管", "自己", "写", "的", "爽", ",", "故事", "内容", "单薄", "的", "要", "死", "。", "还是", "怀念", "金国栋", "短篇小说", "铁", "头", "那个时代", "。"], ["比较", "同意", "楼上", "的", ",", "看着我", "都", "有点", "尴尬", "了", "。", "很多", "稿件", "都是", "质", "薄", ",", "气", "邪", ",", "给", "人", "一", "种", "硬", "的", "感觉", ",", "没有", "太", "大", "的", "吸引力", ",", "连续", "好久", "都", "随手", "翻", "完", ",", "无聊", "到", "要", "死", "才", "开始", "重", "看", "。"], ["Ls", "+", "10086", ",", "感觉有点", "为", "符合", "风格", "而", "刻意", "写", "的", "感觉", ",", "没有", "之", "前", "的", "有意思", "了"]], "title": "为什么我感觉萌芽的投稿有内幕_萌芽吧_百度贴吧"}, {"bs_rank_pos": 1, "paragraphs": ["相信吧里的友友们,大都有过这样的情况,每次给萌芽邮箱投稿,大都会石沉大海,一去不复返。大多数人也会因此心灰意冷。或许只要我们的编辑,每看一篇都回一个:阅。那也会激励我们写作的热情:这篇不行那就再来一篇吧。然而,结果往往不是这样的,正如鲁迅先生所言:不在沉默中爆发,就在沉默中消亡,我们通常都是后者。我知道,我们都是热爱文字的,所以才会有执笔的欲望。最值我们苦恼的是我们找不到大展身手,可淋漓尽致而写的平台,这个平台也许可以不高大上,也可以不是实力强大的杂志,但只要有读者,有伯乐,那就算是一个好的平台了。关于像萌芽,读者这样的大集体,我们何妨不这样想,既然我们没有十足的实力挤进去,为何不自己创个平台,让所有人都能是作者,也可以是读者,是金子,在这里会被发现,不是,也可以在这里找到知音,我们何乐而不为呢? 况且现今科技日渐发展,纸质书也日渐离我们远去,或许只有在家时我们才能捧着一本满散书香的书安逸的看。在这里我就想到,为什么我们不专搞一个贴,让人在这里发表自己的爱作呢?又或者另开一个贴吧,让所有爱文学,有执笔欲望,而又不敢坚信自己的人放开的去写。 凡事都有利弊,在这里我可例举一二。像平时我们投给萌芽,读者这样的大杂志,只希望能占个一席之地,可惜地方太小,熟客又太多,而且最重要的一点就是编辑,审核吧。一个杂志来来去去也就那几个编辑,可以这样说,萝卜青菜,各有所爱,可能你写的文章并不是不好,只是不怎么合他们口味。就像小女生喜欢言情,大男人喜欢热血一样——正如,你把一篇文言文投到现代文学,情况又会怎样?不想而知。 关于以上的点点,这只是我萌生的一点想法而已,至于以后谁来实现,这都不大重要,可能是我,也可以不是我。但是,想法是美好的,路途是艰难的,要来实现,还有很多细节得补充。最简单一点就是版权问题,这是我们中国的国情,一时难以改善,打个实例来说:就是歌,人家也敢直接盗你(详见《我好想你原唱争辩》),何况文字?写在网络又没有你的笔迹。", " 百度小说人气榜 ", " 下载贴吧APP看高清直播、视频!", " 贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示", " 内容:"], "segmented_title": ["关于", "萌芽", "投稿", ",", "我", "的", "一", "点", "看法", "_", "萌芽", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["相信", "吧", "里", "的", "友", "友", "们", ",", "大", "都", "有", "过", "这样", "的", "情况", ",", "每次", "给", "萌芽", "邮箱", "投稿", ",", "大都会", "石沉大海", ",", "一去不复返", "。", "大多数", "人", "也", "会", "因此", "心灰意冷", "。", "或许", "只要", "我们", "的", "编辑", ",", "每", "看", "一篇", "都", "回", "一", "个", ":", "阅", "。", "那", "也", "会", "激励", "我们", "写作", "的", "热情", ":", "这", "篇", "不行", "那", "就", "再来", "一篇", "吧", "。", "然而", ",", "结果", "往往", "不是", "这样", "的", ",", "正如", "鲁迅先生", "所言", ":", "不", "在", "沉默", "中", "爆发", ",", "就", "在", "沉默", "中", "消亡", ",", "我们", "通常", "都是", "后者", "。", "我知道", ",", "我们", "都是", "热爱", "文字", "的", ",", "所以", "才会", "有", "执笔", "的", "欲望", "。", "最", "值", "我们", "苦恼", "的", "是", "我们", "找不到", "大", "展", "身", "手", ",", "可", "淋漓尽致", "而", "写", "的", "平台", ",", "这个平台", "也许", "可以", "不", "高大上", ",", "也", "可以", "不是", "实力强大", "的", "杂志", ",", "但", "只要", "有", "读者", ",", "有", "伯乐", ",", "那", "就算", "是", "一", "个", "好", "的", "平台", "了", "。", "关于", "像", "萌芽", ",", "读者", "这样", "的", "大", "集体", ",", "我们", "何妨", "不", "这样", "想", ",", "既然", "我们", "没有", "十足", "的", "实力", "挤", "进去", ",", "为何", "不", "自己", "创", "个", "平台", ",", "让", "所有人", "都", "能", "是", "作者", ",", "也", "可以", "是", "读者", ",", "是", "金子", ",", "在这里", "会", "被", "发现", ",", "不是", ",", "也", "可以", "在这里", "找到", "知音", ",", "我们", "何乐而不为", "呢", "?", "况且", "现今", "科技", "日渐", "发展", ",", "纸质", "书", "也", "日渐", "离", "我们", "远去", ",", "或许", "只有", "在家", "时", "我们", "才能", "捧", "着", "一", "本", "满", "散", "书香", "的", "书", "安逸", "的", "看", "。", "在这里", "我", "就", "想到", ",", "为什么", "我们", "不专", "搞", "一", "个", "贴", ",", "让", "人", "在", "这里", "发表", "自己", "的", "爱", "作", "呢", "?", "又", "或者", "另开", "一", "个", "贴吧", ",", "让", "所有", "爱", "文学", ",", "有", "执笔", "欲望", ",", "而又", "不敢", "坚信", "自己", "的", "人", "放开", "的", "去", "写", "。", "凡事", "都", "有", "利弊", ",", "在这里", "我", "可", "例举", "一", "二", "。", "像", "平时", "我们", "投", "给", "萌芽", ",", "读者", "这样", "的", "大", "杂志", ",", "只", "希望", "能", "占", "个", "一席之地", ",", "可惜", "地方", "太", "小", ",", "熟", "客", "又", "太多", ",", "而且", "最", "重要", "的", "一点", "就是", "编辑", ",", "审核", "吧", "。", "一", "个", "杂志", "来来去去", "也", "就", "那", "几个", "编辑", ",", "可以", "这样", "说", ",", "萝卜青菜", ",", "各有所爱", ",", "可能", "你", "写", "的", "文章", "并", "不是", "不好", ",", "只是", "不", "怎么", "合", "他们", "口味", "。", "就像", "小", "女生", "喜欢", "言情", ",", "大", "男人", "喜欢", "热血", "一样", "—", "—", "正如", ",", "你", "把", "一篇", "文言文", "投", "到", "现代文学", ",", "情况", "又", "会", "怎样", "?", "不想而知", "。", "关于", "以上", "的", "点点", ",", "这", "只是", "我", "萌", "生", "的", "一点", "想法", "而已", ",", "至于", "以后", "谁", "来", "实现", ",", "这", "都", "不大", "重要", ",", "可能", "是", "我", ",", "也", "可以", "不是我", "。", "但是", ",", "想法", "是", "美好", "的", ",", "路途", "是", "艰难", "的", ",", "要", "来", "实现", ",", "还有很多", "细节", "得", "补充", "。", "最", "简单", "一点", "就是", "版权问题", ",", "这", "是", "我们", "中国", "的", "国", "情", ",", "一", "时", "难以", "改善", ",", "打", "个", "实例", "来", "说", ":", "就是", "歌", ",", "人家", "也敢", "直接", "盗", "你", "(", "详见", "《", "我好想你", "原唱", "争辩", "》", ")", ",", "何况", "文字", "?", "写", "在", "网络", "又", "没有", "你", "的", "笔迹", "。"], ["百度", "小说", "人气", "榜"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"], ["内容", ":"]], "title": "关于萌芽投稿,我的一点看法_萌芽吧_百度贴吧"}, {"bs_rank_pos": 2, "paragraphs": ["采用网络投稿的方式,利用标签分类,你的文章会被自动分类,减少编辑的工作量,少了人工分类的时间,多了阅读稿件的时间,文章才能更好的被编辑们发现。普通写手也有投稿成功的,不过并不多,萌芽采用的多是老手,或曾经有获奖的写手的文章,比如张晓晗。但编辑们也渴望多涌现一些优秀的新人,只要你的文章思维开放,视角独特,个性鲜明,摆脱学生作文式的程序化,不流俗,原创,就是有机会的。 可以登陆萌芽网站 网址 www.mengya.com 在网站上有邮件投稿,萌芽的电子邮件地址是mengya@mengya.com 邮政投稿可用手写也可用打印稿,是手写稿的话字迹必须清晰;只须把稿件邮寄至上海市巨鹿路675号 萌芽杂志社(200040)信封注明:萌芽杂志投稿,信内写明:姓名、性别、年龄、联系地址、邮编、有效电话 ,萌芽杂志"], "segmented_title": ["请问", "向", "萌芽", "投稿", ",", "被", "采用", "的", "机率", "大", "不", "_", "百度", "知道"], "segmented_paragraphs": [["采用", "网络", "投稿", "的", "方式", ",", "利用", "标签", "分类", ",", "你", "的", "文章", "会", "被", "自动", "分类", ",", "减少", "编辑", "的", "工作量", ",", "少", "了", "人工", "分类", "的", "时间", ",", "多", "了", "阅读", "稿件", "的", "时间", ",", "文章", "才能", "更好", "的", "被", "编辑", "们", "发现", "。", "普通", "写手", "也有", "投稿", "成功", "的", ",", "不过", "并", "不", "多", ",", "萌芽", "采用", "的", "多", "是", "老手", ",", "或", "曾经", "有", "获奖", "的", "写手", "的", "文章", ",", "比如", "张晓晗", "。", "但", "编辑", "们", "也", "渴望", "多", "涌现", "一些", "优秀", "的", "新人", ",", "只要你", "的", "文章", "思维", "开放", ",", "视角", "独特", ",", "个性鲜明", ",", "摆脱", "学生作文", "式", "的", "程序", "化", ",", "不", "流俗", ",", "原创", ",", "就是", "有", "机会", "的", "。", "可以", "登陆", "萌芽", "网站", "网址", "www", ".", "mengya", ".", "com", "在", "网站", "上", "有", "邮件", "投稿", ",", "萌芽", "的", "电子邮件地址", "是", "mengya", "@", "mengya", ".", "com", "邮政", "投稿", "可用", "手写", "也", "可用", "打印", "稿", ",", "是", "手写", "稿", "的", "话", "字迹", "必须", "清晰", ";", "只须", "把", "稿件", "邮寄", "至", "上海市", "巨鹿路", "675", "号", "萌芽", "杂志社", "(", "200040", ")", "信封", "注明", ":", "萌芽", "杂志", "投稿", ",", "信", "内", "写", "明", ":", "姓名", "、", "性别", "、", "年龄", "、", "联系地址", "、", "邮编", "、", "有效", "电话", ",", "萌芽", "杂志"]], "title": "请问向萌芽投稿,被采用的机率大不_百度知道"}, {"bs_rank_pos": 4, "paragraphs": ["三个月,本刊向投稿者要约如下: 1.投稿稿件自发出之日(以邮戳和电子邮件发送日为准)起,三月内未收到本杂志采用通知,可转投其他媒体。 2.凡在本刊发表的作品,本刊享有专有出版权与转载权。包括但不限于:传统媒体、出版物,数字媒体、数字出版物,网络平台等各种媒介载体。任何人如需转载、摘编本刊已发表的作品,均须同时获得本刊授权。 3.投稿者若抄袭、模仿他人作品等侵犯他人知识产权的;或者稿件内容侵犯他人名誉权、隐私权、人格权的,由投稿者承担相应法律责任,自负文责。 4.本刊一律不退稿,请自留底稿。切勿一稿二投。稿件发表后,本刊即寄样刊和稿酬。 5.凡在本刊发表的作品,视为投稿者已经授权本刊通过各种媒介结集出版或发表,本刊享有相应的汇编权。投稿者的作品由本刊汇编成书出版后,将按照著作权法规定的汇编作品"], "segmented_title": ["萌芽", "投稿", "多久", "能", "有", "回复", "_", "百度", "知道"], "segmented_paragraphs": [["三个月", ",", "本", "刊", "向", "投稿者", "要约", "如", "下", ":", "1", ".", "投稿", "稿件", "自", "发出", "之", "日", "(", "以", "邮戳", "和", "电子邮件", "发送", "日", "为准", ")", "起", ",", "三月", "内", "未", "收到", "本", "杂志", "采用", "通知", ",", "可", "转", "投", "其他", "媒体", "。", "2", ".", "凡", "在", "本", "刊", "发表", "的", "作品", ",", "本", "刊", "享有", "专", "有", "出", "版权", "与", "转载", "权", "。", "包括", "但", "不", "限", "于", ":", "传统媒体", "、", "出版物", ",", "数字媒体", "、", "数字出版物", ",", "网络", "平台", "等", "各种", "媒介", "载体", "。", "任何人", "如", "需", "转载", "、", "摘编", "本", "刊", "已", "发表", "的", "作品", ",", "均", "须", "同时", "获得", "本", "刊", "授权", "。", "3", ".", "投稿者", "若", "抄袭", "、", "模仿", "他人", "作品", "等", "侵犯", "他人", "知识产权", "的", ";", "或者", "稿件", "内容", "侵犯", "他人", "名誉权", "、", "隐私权", "、", "人格权", "的", ",", "由", "投稿者", "承担", "相应", "法律责任", ",", "自负", "文", "责", "。", "4", ".", "本", "刊", "一律", "不", "退稿", ",", "请", "自留", "底稿", "。", "切勿", "一", "稿", "二", "投", "。", "稿件", "发表", "后", ",", "本", "刊", "即", "寄", "样刊", "和", "稿酬", "。", "5", ".", "凡", "在", "本", "刊", "发表", "的", "作品", ",", "视为", "投稿者", "已经", "授权", "本", "刊", "通过", "各种", "媒介", "结", "集", "出版", "或", "发表", ",", "本", "刊", "享有", "相应", "的", "汇编", "权", "。", "投稿者", "的", "作品", "由", "本", "刊", "汇编", "成", "书", "出版", "后", ",", "将", "按照", "著作权法", "规定", "的", "汇编", "作品"]], "title": "萌芽投稿多久能有回复_百度知道"}, {"bs_rank_pos": 5, "paragraphs": [" 《萌芽》,青春文学标杆,几代作家从这里起步。2016年全面升级,继续陪伴你。给《萌芽》投稿吧!我们承诺来稿必看,用稿必酬,发表后寄样刊。投稿请留联系方式(名字 /电话/ 地址/邮箱),建议初次投稿者至少要看完一本近期《萌芽》,注意契合度。", " 类别", " 小说:10000字左右的短篇小说", " 反映青年人的生活风貌,题材如爱情、校园、社会、成长等,类型如武侠、幻想、悬疑、成人童话等皆可。有青春气息,有完整故事架构,有清晰的情节走向,人物个性饱满,情怀真挚,文字流畅好读。视作品的精彩程度,偶尔也会采用出色的中篇小说。", " 散文:叙事/抒情/议论,4000字左右", " 青春叙事,记录那些难忘的、珍贵的、可咀嚼的人和事。更小的叙述视角,情感真切,细节表现精到;或对某些现象有深入的思考,议叙相间,观点鲜明犀利,事例准确有力,忌空泛、杂乱、似是而非。", " 非虚构:3000至 10000字“真实”作品", " 强调从主题到细节的“真实性”,不可虚构、拼凑、杜撰。稿件涵盖报告文学、长篇通讯等。“非虚构”作品既可全景式描述;也可小角度开掘,校园内外、青春百态,题材无边界。文字生动、畅达、平实、有表现力。", " 连载:可读性极强的长篇小说", " 要求语言流畅,情节紧凑,人物形象丰满,有适合连载断章的悬念设置,题材以都市、校园为主(类型小说可适当放宽)。如有题材精彩的长篇纪实作品也欢迎来稿。来稿请附故事梗概。", " 1、纸质投稿:上海市巨鹿路675号《萌芽》杂志社,邮编200040。 请在信封上标明稿件类别(小说、散文、非虚构、连载、诗歌等) 2、电子投稿:mengya@mengya.com 。 邮件主题栏标明稿件类别(小说、散文、非虚构、连载、诗歌等) 《萌芽》杂志向投稿者要约如下: 1.投稿稿件自发出之日(以邮戳或电子邮件发送日为准)起,三月内未收到本杂志采用通知的,可转投其他媒体。", " 1.投稿稿件自发出之日(以邮戳或电子邮件发送日为准)起,三月内未收到本杂志采用通知的,可转投其他媒体。 2.投稿者若有抄袭、模仿他人作品等侵犯他人知识产权行为的,或稿件内容侵犯他人名誉权、隐私权、人格权的,由投稿者自行承担相应的法律责任,文责自负。 3.本刊一律不退稿,请自留底稿,切勿一稿多投。稿件发表后,本刊即向作者寄出样刊和稿酬。 4.凡在本刊发表的作品,本刊享有出版权与转载权。包括但不限于:传统媒体、出版物、数字媒体、数字出版物、网络平台等各种媒介载体。作者本人若要用于自媒体发布的,须在作品发表在本刊三个月后。任何人如需转载、摘编本刊已发表的作品,均须同时获得本刊书面授权。", " 5. 投稿者的作品由本刊汇编成书出版后,将按照著作权法规定的汇编作品稿酬标准一次性支付稿费。", " 6.投稿者的作品用于数字媒体、数字出版物、网络平台发表的,本刊支付的稿费已包含上述使用方式的稿费。", " 7.凡向本刊投稿者,除附有书面特别声明外,均视为投稿者接受上述要约。"], "segmented_title": ["2016", "年", "给", "萌芽", "投稿", "|", "你", "需要", "知道", "的", "事", "!"], "segmented_paragraphs": [["《", "萌芽", "》", ",", "青春", "文学", "标杆", ",", "几代", "作家", "从", "这里", "起步", "。", "2016", "年", "全面升级", ",", "继续", "陪伴", "你", "。", "给", "《", "萌芽", "》", "投稿", "吧", "!", "我们", "承诺", "来稿", "必看", ",", "用", "稿", "必", "酬", ",", "发表", "后", "寄样刊", "。", "投稿", "请", "留", "联系方式", "(", "名字", "/", "电话", "/", "地址", "/", "邮箱", ")", ",", "建议", "初次", "投稿者", "至少", "要", "看", "完", "一", "本", "近期", "《", "萌芽", "》", ",", "注意", "契合", "度", "。"], ["类别"], ["小说", ":", "10000", "字", "左右", "的", "短篇小说"], ["反映", "青年人", "的", "生活", "风貌", ",", "题材", "如", "爱情", "、", "校园", "、", "社会", "、", "成长", "等", ",", "类型", "如", "武侠", "、", "幻想", "、", "悬疑", "、", "成人童话", "等", "皆", "可", "。", "有", "青春", "气息", ",", "有", "完整", "故事", "架构", ",", "有", "清晰", "的", "情节", "走向", ",", "人物", "个性", "饱满", ",", "情怀", "真挚", ",", "文字", "流畅", "好", "读", "。", "视", "作品", "的", "精彩", "程度", ",", "偶尔", "也", "会", "采用", "出色", "的", "中篇小说", "。"], ["散文", ":", "叙事", "/", "抒情", "/", "议论", ",", "4000", "字", "左右"], ["青春", "叙事", ",", "记录", "那些", "难忘", "的", "、", "珍贵", "的", "、", "可", "咀嚼", "的", "人和", "事", "。", "更", "小", "的", "叙述视角", ",", "情感", "真切", ",", "细节", "表现", "精", "到", ";", "或", "对", "某些", "现象", "有", "深入", "的", "思考", ",", "议", "叙", "相间", ",", "观点", "鲜明", "犀利", ",", "事例", "准确", "有力", ",", "忌", "空泛", "、", "杂乱", "、", "似是而非", "。"], ["非", "虚构", ":", "3000", "至", "10000", "字", "“", "真实", "”", "作品"], ["强调", "从", "主题", "到", "细节", "的", "“", "真实性", "”", ",", "不可", "虚构", "、", "拼凑", "、", "杜撰", "。", "稿件", "涵盖", "报告文学", "、", "长篇", "通讯", "等", "。", "“", "非", "虚构", "”", "作品", "既", "可", "全景", "式", "描述", ";", "也", "可", "小", "角度", "开掘", ",", "校园内外", "、", "青春", "百态", ",", "题材", "无边界", "。", "文字", "生", "动", "、", "畅达", "、", "平", "实", "、", "有", "表现力", "。"], ["连载", ":", "可读性", "极", "强", "的", "长篇", "小说"], ["要求", "语言", "流畅", ",", "情节", "紧凑", ",", "人物", "形象", "丰满", ",", "有", "适合", "连载", "断章", "的", "悬念", "设置", ",", "题材", "以", "都市", "、", "校园", "为", "主", "(", "类型", "小说", "可", "适当放宽", ")", "。", "如", "有", "题材", "精彩", "的", "长篇", "纪实", "作品", "也", "欢迎来稿", "。", "来稿", "请", "附", "故事梗概", "。"], ["1", "、", "纸质", "投稿", ":", "上海市", "巨鹿路", "675", "号", "《", "萌芽", "》", "杂志社", ",", "邮编", "200040", "。", "请", "在", "信封", "上", "标明", "稿件", "类别", "(", "小说", "、", "散文", "、", "非", "虚构", "、", "连载", "、", "诗歌", "等", ")", "2", "、", "电子", "投稿", ":", "mengya", "@", "mengya", ".", "com", "。", "邮件", "主题", "栏", "标明", "稿件", "类别", "(", "小说", "、", "散文", "、", "非", "虚构", "、", "连载", "、", "诗歌", "等", ")", "《", "萌芽", "》", "杂志向", "投稿者", "要约", "如", "下", ":", "1", ".", "投稿", "稿件", "自", "发出", "之", "日", "(", "以", "邮戳", "或", "电子", "邮件", "发送", "日", "为准", ")", "起", ",", "三月", "内", "未", "收到", "本", "杂志", "采用", "通知", "的", ",", "可", "转", "投", "其他", "媒体", "。"], ["1", ".", "投稿", "稿件", "自", "发出", "之", "日", "(", "以", "邮戳", "或", "电子", "邮件", "发送", "日", "为准", ")", "起", ",", "三月", "内", "未", "收到", "本", "杂志", "采用", "通知", "的", ",", "可", "转", "投", "其他", "媒体", "。", "2", ".", "投稿者", "若", "有", "抄袭", "、", "模仿", "他人", "作品", "等", "侵犯", "他人", "知识产权", "行为", "的", ",", "或", "稿件", "内容", "侵犯", "他人", "名誉权", "、", "隐私权", "、", "人格权", "的", ",", "由", "投稿者", "自行", "承担", "相应", "的", "法律责任", ",", "文责自负", "。", "3", ".", "本", "刊", "一律", "不", "退稿", ",", "请", "自留", "底稿", ",", "切勿", "一稿多投", "。", "稿件", "发表", "后", ",", "本", "刊", "即", "向", "作者", "寄出", "样刊", "和", "稿酬", "。", "4", ".", "凡", "在", "本", "刊", "发表", "的", "作品", ",", "本", "刊", "享有", "出", "版权", "与", "转载", "权", "。", "包括", "但", "不", "限", "于", ":", "传统媒体", "、", "出版物", "、", "数字媒体", "、", "数字出版物", "、", "网络", "平台", "等", "各种", "媒介", "载体", "。", "作者", "本人", "若", "要", "用于", "自", "媒体", "发布", "的", ",", "须", "在", "作品", "发表", "在", "本", "刊", "三个月", "后", "。", "任何人", "如", "需", "转载", "、", "摘编", "本", "刊", "已", "发表", "的", "作品", ",", "均", "须", "同时", "获得", "本", "刊", "书面", "授权", "。"], ["5", ".", "投稿者", "的", "作品", "由", "本", "刊", "汇编", "成", "书", "出版", "后", ",", "将", "按照", "著作权法", "规定", "的", "汇编", "作品", "稿酬", "标准", "一", "次性", "支付", "稿费", "。"], ["6", ".", "投稿者", "的", "作品", "用于", "数字媒体", "、", "数字出版物", "、", "网络", "平台", "发表", "的", ",", "本", "刊", "支付", "的", "稿费", "已", "包含", "上述", "使用", "方式", "的", "稿费", "。"], ["7", ".", "凡", "向", "本", "刊", "投稿者", ",", "除", "附", "有", "书面", "特别声明", "外", ",", "均", "视为", "投稿者", "接受", "上述", "要约", "。"]], "title": "2016年给萌芽投稿 | 你需要知道的事! "}], "question": "萌芽投稿成功几率", "segmented_question": ["萌芽", "投稿", "成功", "几率"], "question_type": "ENTITY", "fact_or_opinion": "OPINION", "question_id": 221635}
-{"documents": [{"bs_rank_pos": 1, "paragraphs": [" 作为闲鱼的卖家有没有可能被骗?怎么骗?", " 自用的电脑有两个倒卖的女生找我买 好像骗人一样", " 作为一名在闲鱼上混迹几百天的老鱼来说,是有可能的。", " 对话就是酱紫,大家都知道,现在银行卡转帐是在24小时之内可以撤回的,时至今日,老哥儿也没弄好微信回来找我,我等你等得好苦呀~到现在,这大哥的咸鱼到现在还是这样:", " 还有一种骗法,不是丧心病狂的人是做不出来的,我也只是听过,并未见过,就是买了你的东西,然后破坏抑或是换成假的退货,你这样只能申请店小二介入打官司,中间过程会很麻烦,要提交证据,请人做裁判等等,假如你卖的东西便宜,也可能懒的为了几块钱去费这么大劲了,假如贵的呢?所以东西一定要从咸鱼出售,寄出去之前,最好拍照留念。", "不过我相信,这世上还是好人多。", " 66 赞同 · 15 评论", " 1.到手刀,不刀就弄坏退回2.到手更换零部件后退回3.将你带到其他平台进行交易", " 我就被骗了。一开始买家还说我骗他,现在签收了还说没收到货然而我有签收单图片"], "segmented_title": ["作为", "闲鱼", "的", "卖家", "有没有", "可能", "被骗", "?", "怎么", "骗", "?", "-", "小", "呀", "么", "小二", "点", "儿", "的", "回答", "-"], "segmented_paragraphs": [["作为", "闲鱼", "的", "卖家", "有没有", "可能", "被骗", "?", "怎么", "骗", "?"], ["自用", "的", "电脑", "有", "两", "个", "倒卖", "的", "女生", "找", "我", "买", "好像", "骗人", "一样"], ["作为", "一名", "在", "闲鱼", "上", "混迹", "几", "百", "天", "的", "老", "鱼", "来", "说", ",", "是", "有", "可能", "的", "。"], ["对话", "就是", "酱紫", ",", "大家都知道", ",", "现在", "银行卡", "转帐", "是", "在", "24", "小时", "之", "内", "可以", "撤回", "的", ",", "时至今日", ",", "老哥儿", "也", "没", "弄好", "微信", "回来", "找", "我", ",", "我", "等你", "等", "得", "好", "苦", "呀", "~", "到", "现在", ",", "这", "大哥", "的", "咸鱼", "到", "现在", "还是", "这样", ":"], ["还有", "一", "种", "骗", "法", ",", "不是", "丧心病狂", "的", "人", "是", "做", "不", "出来", "的", ",", "我", "也", "只是", "听", "过", ",", "并", "未", "见过", ",", "就是", "买", "了", "你", "的", "东西", ",", "然后", "破坏", "抑或是", "换", "成", "假", "的", "退货", ",", "你", "这样", "只能", "申请", "店小二", "介入", "打官司", ",", "中间", "过程", "会", "很", "麻烦", ",", "要", "提交", "证据", ",", "请", "人", "做", "裁判", "等等", ",", "假如", "你", "卖", "的", "东西", "便宜", ",", "也", "可能", "懒", "的", "为了", "几块钱", "去", "费", "这么", "大", "劲", "了", ",", "假如", "贵", "的", "呢", "?", "所以", "东西", "一定要", "从", "咸鱼", "出售", ",", "寄", "出去", "之", "前", ",", "最好", "拍照留念", "。"], ["不过", "我相信", ",", "这", "世上", "还是", "好人", "多", "。"], ["66", "赞同", "·", "15", "评论"], ["1", ".", "到手刀", ",", "不", "刀", "就", "弄坏", "退回", "2", ".", "到", "手", "更换", "零部件", "后", "退回", "3", ".", "将", "你", "带", "到", "其他", "平台", "进行", "交易"], ["我", "就", "被骗", "了", "。", "一开始", "买家", "还", "说", "我", "骗", "他", ",", "现在", "签收", "了", "还", "说", "没", "收到", "货", "然而", "我", "有", "签收", "单", "图片"]], "title": "作为闲鱼的卖家有没有可能被骗?怎么骗? - 小呀么小二点儿 的回答 - "}, {"bs_rank_pos": 2, "paragraphs": [" 淘宝闲鱼卖家被骗!?", " 我在闲鱼上卖了一个神器,这个卖家当时是直接拍下付款的,我以为遇到一个爽快的人了,货发出前我还特地问她要不要给你拍段视频看下货,结果她说不用,相信我。第二天神器就寄到她手里了,然后她就在阿里上问我闪光灯怎么坏了,拍视频有问题等种种原因。我自己的机子清楚啊就叫她退回来我钱退还给她,大不了运费我出,这对她一点儿也不吃亏不是。结果她就开始各种跟我打太极怎样,协商也和不了,她摆明了就想讹我钱。现在她就只是申请了退款而不是退货退款!!无语了。等淘宝那边处理还有一段时间。现在的情况就是她拿着我的神器并申请退款,我钱也没有拿到。而且在那段时间里她万一把机子弄坏了再寄给我我要怎么办?大过年的出了这种事情 ", " 举报:淘宝闲鱼购物你被骗多少?", " 淘宝是个神马东西就不用多说了,很多人眼中的淘宝或便捷、或低价、或假货、或实惠、或痴迷、或信任,小编也是这很多中的一俗人。 闲鱼又是神马?相信对于经常淘宝的消费者也不陌生,也是阿里巴巴旗下一个提供二手商品交易的网络平台,能够有效的盘活社会闲置资源的网站。 很多人淘宝达人在此过程中经过细心挑选,精心挖掘后幸运的买到了价廉的东西,是否物美自己心里最清楚不过了。这其中有过欢笑、有过悔恨、有过自豪也有过自嘲!下面小编就为大家分享一下", " 【奇妙滴被骗之旅】", "人物:\"淘宝常客\"and\"闲鱼骗子\"", "感受:疑惑、自嘲、悔恨、愤怒、失望?", " 开心、自豪、动力、炫耀、狂妄?", " 经过:淘宝常客浏览闲鱼网站,一则低价转让佳能单反相机的页面闪现,点击进入附图并声情并茂的描述了转让二手相机的原因——\"和男朋友分手了,不想看见伤心过往的\"遗物\"。价格动心、故事动人的情况下决定出手,根据妹妹留下的qq(876250852)与其谈妥交易价钱,点击确定。 这时,就在这时屏幕提示\"亲,已有人拍下此宝贝但还未付款,你还有机会哦\",遂与妹妹联系告其状况,妹妹得知淘宝常客能立即拍下付款购买,她把“产品重新上架”后发个链接过来(淘宝网,淘我喜欢!),淘宝常客点击进入,像往常淘宝天猫购物卖家改价格情况类似,输入支付宝帐号、密码、确认产品信息后拍下付款,等待妹妹发货? 数小时后,淘宝常客发现没有任何物流信息和交易记录,立即联系支付宝客服查询结果,显示4600元以魔游游电脑充值的方式被划入北京传美科技有限公司帐下。", " 内心:疑惑遭遇钓鱼链接、自嘲贪便宜吃大亏、悔恨山闲鱼买相机、愤怒骗子无处不在、失望无人管无处诉!", " 续集:逗逗闷子联系妹妹何时发货,无应答。 联系淘宝闲鱼在线客服电话,打不通。 致电北京市传美魔游游公司,无人接。 报告公安诉案情4600嫌太少,不立案。 请律师写诉状直接法院起诉,成本高、周期长、执行难!", " 试问:淘宝闲鱼系统存漏洞,监管缺失,是否应该承担主要责任赔偿本人经济损失? 闲鱼商品交易页面是否应该出现“亲,已有人拍下此宝贝但还未付款,你还有机会哦”这样的页面提示语?这可是的的确确在闲鱼页面直接出现的!这个页面不能进行拍下商品,才给了骗子卖家通过qq发来产品重新上架后的链接,支付宝客服提示说,由于不是通过闲鱼平台也未通过阿里旺旺聊天记录,而是通过qq发送的链接导致的交易损失,也认同本人或许遭遇了非法钓鱼链接,深表同情,至于对方支付宝账户和北京传美科技公司账户对于此笔交易的信息也只能警方查询和调取证据,对于受害的消费者本人损失不能提供赔偿也不能进行任何处理。 好吧,得到这样的解释只能去找警察叔叔了,到了北京通州某派出所做了笔录,其实就是记录了一个“平常故事”而已,诈骗金额低于5000人民币不能立案侦查,只能做个笔录让其沉睡吧,后悔,怎么就没多给他转几百块呢,哪怕是5001元呢,看来这个骗子还是一个非常熟悉法律常识的高手。 淘宝闲鱼,你能不能有点担当?能不能别推卸责任?能不能别让原本十分信任你的消费者丧失信心?能不能别让本淘宝常客也认为“淘宝卖假货、闲鱼养骗子”这个平台都是来欺诈百姓的呢?能不能别光顾着自己赚钱视而不见别人受罪?能不能天天别老吹牛逼自己的10000精英团队,每人3个亿的业绩,能不能别老鄙视竞争对手京东人员庞大?能不能多派些人手花一些心思在商户入驻资质上、商户的诚信上?能不能出现欺诈事件后给消费者一个满意的答复?敢不敢像百度推广一样承诺因此受到欺诈全额赔偿?能不能别光在页面上承诺“卖家实名认证、支付宝担保交易、专业团队支持”瞎忽悠消费者?读完本文后淘宝人能不能扪心自问一下,问题出在哪里?别让我们受害者认为你们就是十足的骗子帮凶!好吗?4600元虽不至于倾家荡产,也许在你坐着迈巴赫的马云看来只是“洒洒水啦”或许只是一次洗车的消费而已,但是也足足够俺儿子两个月的奶粉钱啦!各位都尽点责、出点力、用点心帮俺追回这损失,本人代表俺全家先谢谢你们啦,希望幸运降临,期待奇迹发生,欢迎各大新闻网络媒体骚扰——等待热线:13269066022 王先生", " 曝光骗子信息: 闲鱼账号:tommy17173 作案QQ:876250852 关联公司:北京传美科技有限公司 作案手段:魔游游游戏电脑在线充值", " 时间去哪了?上网购物了!金钱去哪了?骗子骗走了!骗子去哪了?入驻闲鱼了!索赔去哪了?投诉无门了!证据去哪了?永远珍藏了!法律去哪了?新法难产了!警察去哪了?去干大事了!爸爸去哪了?办理移民了!", " 你们遇上了职业的恶意买家,很多的现在。", "小到100来块钱的东西,大到几千上万的,都不放过。小打小闹的就是想让你退点款,大的可能是以假当真给你退货,恶意制造瑕疵给你退回来等等。", "首先尽量察言观色避免遇到这种人,再有主动留证,包括聊天记录(只认旺旺和闲鱼)、宝贝细节照、发货照片视频等。", "群众评审一般不靠谱,尽量让小二解决,不要嫌麻烦让对方得逞。", " 现在突然觉得。我要赶紧开电脑把我卖的手机写上仅限同城面交!!!太恐怖了。", " 简直都不想说太恶心了。。买家讲价成三十块包邮的一双百丽鞋,到手后觉得太旧了不想要了。。。然后使劲地在旺旺闲鱼上骂我诈骗穷疯了30都骗人渣,还给我打骚扰电话。。。老子图片摆在那两百字的说明已经够详细了,总有些极品又想便宜又想是正品又想东西新,花三十块钱装三百块的逼,真的感觉惹了一只疯狗没办法给退款了。。闲鱼里想好好卖闲置的卖家也是弱势群体", " 你们可以看看他们有没有卖东西,用个小号买回来。。。", " 我也是受害者,请加群67170920,联合我们的力量打倒骗子!", " 才玩闲鱼没几天 卖出去一裙子 我花110买的 穿两次 之后我标价40 6块的运费 还是遭到砍价 20包邮 我不同意 之后就在那磨最后32包邮 她又问各种细节 真害怕收到货之后又这又那 后悔了 不如在那放着了 我的妈呀。", " 我在闲鱼上被卖家给骗了,700。现在闲鱼改版了,不能申请退款了。这他们的就是坑啊"], "segmented_title": ["淘宝", "闲鱼", "卖家", "被骗", "!", "?", "-", "知乎"], "segmented_paragraphs": [["淘宝", "闲鱼", "卖家", "被骗", "!", "?"], ["我", "在", "闲鱼", "上", "卖", "了", "一", "个", "神器", ",", "这个", "卖家", "当时", "是", "直接", "拍", "下", "付款", "的", ",", "我以为", "遇到", "一", "个", "爽快", "的", "人", "了", ",", "货", "发出", "前", "我", "还", "特", "地", "问", "她", "要不要", "给", "你", "拍", "段", "视频", "看", "下", "货", ",", "结果", "她说", "不用", ",", "相信我", "。", "第二天", "神器", "就", "寄", "到", "她", "手", "里", "了", ",", "然后", "她", "就", "在", "阿里", "上", "问", "我", "闪光灯", "怎么", "坏", "了", ",", "拍", "视频", "有问题", "等", "种", "种", "原因", "。", "我自己", "的", "机子", "清楚", "啊", "就叫", "她", "退回", "来", "我", "钱", "退还", "给", "她", ",", "大不了", "运费", "我", "出", ",", "这", "对", "她", "一点", "儿", "也", "不", "吃亏", "不是", "。", "结果", "她", "就", "开始", "各种", "跟", "我", "打太极", "怎样", ",", "协商", "也", "和", "不", "了", ",", "她", "摆", "明", "了", "就", "想", "讹", "我", "钱", "。", "现在", "她", "就", "只是", "申请", "了", "退款", "而", "不是", "退货", "退款", "!", "!", "无语", "了", "。", "等", "淘宝", "那边", "处理", "还有", "一段时间", "。", "现在", "的", "情况", "就是", "她", "拿着", "我", "的", "神器", "并", "申请", "退款", ",", "我", "钱", "也", "没有", "拿到", "。", "而且", "在", "那段时间", "里", "她", "万一", "把", "机子", "弄坏", "了", "再", "寄", "给", "我", "我", "要", "怎么办", "?", "大过年", "的", "出", "了", "这种事情"], ["举报", ":", "淘宝", "闲鱼", "购物", "你", "被骗", "多少", "?"], ["淘宝", "是", "个", "神马", "东西", "就", "不用多说", "了", ",", "很多", "人", "眼中", "的", "淘宝", "或", "便捷", "、", "或", "低价", "、", "或", "假货", "、", "或", "实惠", "、", "或", "痴迷", "、", "或", "信任", ",", "小", "编", "也是", "这", "很多", "中", "的", "一", "俗人", "。", "闲鱼", "又", "是", "神马", "?", "相信", "对于", "经常", "淘宝", "的", "消费者", "也", "不", "陌生", ",", "也是", "阿里巴巴", "旗下", "一", "个", "提供", "二手", "商品交易", "的", "网络", "平台", ",", "能够", "有效", "的", "盘", "活", "社会", "闲置", "资源", "的", "网站", "。", "很多人", "淘宝", "达人", "在", "此", "过程", "中", "经过", "细心", "挑选", ",", "精心", "挖掘", "后", "幸运", "的", "买到", "了", "价廉", "的", "东西", ",", "是否", "物美", "自己", "心里", "最", "清楚", "不过", "了", "。", "这", "其中", "有", "过", "欢笑", "、", "有", "过", "悔恨", "、", "有", "过", "自豪", "也有", "过", "自嘲", "!", "下面", "小", "编", "就", "为", "大家", "分享", "一", "下"], ["【", "奇妙", "滴", "被骗", "之", "旅", "】"], ["人物", ":", "\"", "淘宝", "常", "客", "\"", "and", "\"", "闲鱼", "骗子", "\""], ["感受", ":", "疑惑", "、", "自嘲", "、", "悔恨", "、", "愤怒", "、", "失望", "?"], ["开心", "、", "自豪", "、", "动力", "、", "炫耀", "、", "狂妄", "?"], ["经过", ":", "淘宝", "常", "客", "浏览", "闲鱼", "网站", ",", "一", "则", "低价转让", "佳能", "单反相机", "的", "页面", "闪现", ",", "点击进入", "附", "图", "并", "声情并茂", "的", "描述", "了", "转让", "二手", "相机", "的", "原因", "—", "—", "\"", "和", "男朋友", "分手", "了", ",", "不", "想", "看见", "伤心", "过往", "的", "\"", "遗物", "\"", "。", "价格", "动", "心", "、", "故事", "动", "人", "的", "情况", "下", "决定", "出手", ",", "根据", "妹妹", "留下", "的", "qq", "(", "876250852", ")", "与其", "谈妥", "交易", "价钱", ",", "点击确定", "。", "这时", ",", "就", "在", "这时", "屏幕", "提示", "\"", "亲", ",", "已有", "人", "拍", "下", "此", "宝贝", "但", "还", "未", "付款", ",", "你", "还有机会", "哦", "\"", ",", "遂", "与", "妹妹", "联系", "告", "其", "状况", ",", "妹妹", "得知", "淘宝", "常", "客", "能", "立即", "拍", "下", "付款", "购买", ",", "她", "把", "“", "产品", "重新", "上架", "”", "后", "发", "个", "链接", "过来", "(", "淘宝网", ",", "淘", "我", "喜欢", "!", ")", ",", "淘宝", "常", "客", "点击进入", ",", "像", "往常", "淘宝", "天猫", "购物", "卖家", "改", "价格", "情况", "类似", ",", "输入", "支付宝", "帐号", "、", "密码", "、", "确认", "产品", "信息", "后", "拍", "下", "付款", ",", "等待", "妹妹", "发货", "?", "数", "小时", "后", ",", "淘宝", "常", "客", "发现", "没有任何", "物流", "信息", "和", "交易", "记录", ",", "立即", "联系", "支付宝", "客服", "查询结果", ",", "显示", "4600", "元", "以", "魔", "游", "游", "电脑", "充值", "的", "方式", "被", "划入", "北京", "传美", "科技", "有限公司", "帐", "下", "。"], ["内心", ":", "疑惑", "遭遇", "钓鱼", "链接", "、", "自嘲", "贪便宜", "吃大亏", "、", "悔恨", "山", "闲鱼", "买", "相机", "、", "愤怒", "骗子", "无处不在", "、", "失望", "无人管", "无处", "诉", "!"], ["续集", ":", "逗逗", "闷", "子", "联系", "妹妹", "何时", "发货", ",", "无应答", "。", "联系", "淘宝", "闲鱼", "在线客服", "电话", ",", "打不通", "。", "致", "电", "北京", "市", "传美魔", "游", "游", "公司", ",", "无人", "接", "。", "报告", "公安", "诉", "案", "情", "4600", "嫌", "太", "少", ",", "不", "立案", "。", "请", "律师", "写", "诉状", "直接", "法院", "起诉", ",", "成本高", "、", "周期", "长", "、", "执行难", "!"], ["试", "问", ":", "淘宝", "闲鱼", "系统", "存", "漏洞", ",", "监管", "缺失", ",", "是否", "应该", "承担", "主要", "责任", "赔偿", "本人", "经济损失", "?", "闲鱼", "商品交易", "页面", "是否", "应该", "出现", "“", "亲", ",", "已有", "人", "拍", "下", "此", "宝贝", "但", "还", "未", "付款", ",", "你", "还有机会", "哦", "”", "这样", "的", "页面", "提示", "语", "?", "这", "可是", "的的确确", "在", "闲鱼", "页面", "直接", "出现", "的", "!", "这个", "页面", "不能", "进行", "拍", "下", "商品", ",", "才", "给", "了", "骗子", "卖家", "通过", "qq", "发", "来", "产品", "重新", "上架", "后", "的", "链接", ",", "支付宝", "客服", "提示", "说", ",", "由于", "不是", "通过", "闲鱼", "平台", "也", "未", "通过", "阿里旺旺", "聊天记录", ",", "而是", "通过", "qq", "发送", "的", "链接", "导致", "的", "交易", "损失", ",", "也", "认同", "本人", "或许", "遭遇", "了", "非法", "钓鱼", "链接", ",", "深表同情", ",", "至于", "对方", "支付宝", "账户", "和", "北京", "传美", "科技公司", "账户", "对于", "此", "笔", "交易", "的", "信息", "也", "只能", "警方", "查询", "和", "调取", "证据", ",", "对于", "受害", "的", "消费者", "本人", "损失", "不能", "提供", "赔偿", "也", "不能", "进行", "任何", "处理", "。", "好", "吧", ",", "得到", "这样", "的", "解释", "只能", "去", "找", "警察叔叔", "了", ",", "到", "了", "北京", "通州", "某", "派出所", "做", "了", "笔录", ",", "其实", "就是", "记录", "了", "一", "个", "“", "平常", "故事", "”", "而已", ",", "诈骗", "金额", "低于", "5000", "人民币", "不能", "立案侦查", ",", "只能", "做", "个", "笔录", "让", "其", "沉睡", "吧", ",", "后悔", ",", "怎么", "就", "没", "多", "给", "他", "转", "几", "百", "块", "呢", ",", "哪怕", "是", "5001", "元", "呢", ",", "看", "来", "这个", "骗子", "还是", "一", "个", "非常", "熟悉", "法律常识", "的", "高手", "。", "淘宝", "闲鱼", ",", "你", "能不能", "有点", "担当", "?", "能不能", "别", "推卸责任", "?", "能不能", "别", "让", "原本", "十分", "信任", "你", "的", "消费者", "丧失", "信心", "?", "能不能", "别", "让", "本", "淘宝", "常", "客", "也", "认为", "“", "淘宝", "卖", "假货", "、", "闲鱼", "养", "骗子", "”", "这个平台", "都是", "来", "欺诈", "百姓", "的", "呢", "?", "能不能", "别", "光顾", "着", "自己", "赚钱", "视而不见", "别人", "受罪", "?", "能不能", "天天", "别", "老", "吹牛", "逼", "自己", "的", "10000", "精英团队", ",", "每人", "3", "个", "亿", "的", "业绩", ",", "能不能", "别", "老", "鄙视", "竞争对手", "京东", "人员", "庞大", "?", "能不能", "多", "派", "些", "人", "手", "花", "一些", "心思", "在", "商户", "入驻", "资质", "上", "、", "商户", "的", "诚信", "上", "?", "能不能", "出现", "欺诈", "事件", "后", "给", "消费者", "一", "个", "满意", "的", "答复", "?", "敢不敢", "像", "百度", "推广", "一样", "承诺", "因此", "受到", "欺诈", "全额", "赔偿", "?", "能不能", "别", "光", "在", "页面", "上", "承诺", "“", "卖家", "实名", "认证", "、", "支付宝", "担保", "交易", "、", "专业", "团队", "支持", "”", "瞎", "忽悠", "消费者", "?", "读完", "本", "文", "后", "淘宝", "人", "能不能", "扪心自问", "一", "下", ",", "问题", "出", "在", "哪里", "?", "别", "让", "我们", "受害者", "认为", "你们", "就是", "十足", "的", "骗子", "帮凶", "!", "好", "吗", "?", "4600", "元", "虽", "不至于", "倾家荡产", ",", "也许", "在", "你", "坐", "着", "迈巴赫", "的", "马云", "看", "来", "只是", "“", "洒洒水", "啦", "”", "或许", "只是", "一次", "洗车", "的", "消费", "而已", ",", "但是", "也", "足", "足够", "俺", "儿子", "两个月", "的", "奶粉", "钱", "啦", "!", "各位", "都", "尽", "点", "责", "、", "出", "点", "力", "、", "用", "点心", "帮", "俺", "追回", "这", "损失", ",", "本人", "代表", "俺", "全家", "先", "谢谢", "你们", "啦", ",", "希望", "幸运", "降临", ",", "期待", "奇迹", "发生", ",", "欢迎", "各", "大", "新闻", "网络媒体", "骚扰", "—", "—", "等待热线", ":", "13269066022", "王先生"], ["曝光", "骗子", "信息", ":", "闲鱼", "账号", ":", "tommy", "17173", "作", "案", "QQ", ":", "876250852", "关联公司", ":", "北京", "传美", "科技", "有限公司", "作", "案", "手段", ":", "魔", "游", "游", "游戏", "电脑", "在线充值"], ["时间", "去", "哪", "了", "?", "上网", "购物", "了", "!", "金钱", "去", "哪", "了", "?", "骗子", "骗", "走", "了", "!", "骗子", "去", "哪", "了", "?", "入驻", "闲鱼", "了", "!", "索赔", "去", "哪", "了", "?", "投诉", "无门", "了", "!", "证据", "去", "哪", "了", "?", "永远", "珍藏", "了", "!", "法律", "去", "哪", "了", "?", "新", "法", "难产", "了", "!", "警察", "去", "哪", "了", "?", "去", "干", "大事", "了", "!", "爸爸", "去", "哪", "了", "?", "办理", "移民", "了", "!"], ["你们", "遇上", "了", "职业", "的", "恶意", "买家", ",", "很多", "的", "现在", "。"], ["小", "到", "100", "来", "块", "钱", "的", "东西", ",", "大", "到", "几", "千", "上", "万", "的", ",", "都不放过", "。", "小打小闹", "的", "就是", "想", "让", "你", "退", "点", "款", ",", "大", "的", "可能", "是", "以假当真", "给", "你", "退货", ",", "恶意", "制造", "瑕疵", "给", "你", "退回", "来", "等等", "。"], ["首先", "尽量", "察言观色", "避免", "遇到", "这种人", ",", "再", "有", "主动", "留", "证", ",", "包括", "聊天记录", "(", "只认", "旺旺", "和", "闲鱼", ")", "、", "宝贝", "细节", "照", "、", "发货", "照片", "视频", "等", "。"], ["群众", "评审", "一般", "不", "靠谱", ",", "尽量", "让", "小二", "解决", ",", "不要", "嫌", "麻烦", "让", "对方", "得逞", "。"], ["现在", "突然", "觉得", "。", "我", "要", "赶紧", "开", "电脑", "把", "我", "卖", "的", "手机", "写上", "仅", "限", "同城", "面", "交", "!", "!", "!", "太", "恐怖", "了", "。"], ["简直", "都", "不想说", "太", "恶心", "了", "。", "。", "买家", "讲价", "成", "三", "十", "块", "包邮", "的", "一", "双", "百丽", "鞋", ",", "到", "手", "后", "觉得", "太", "旧", "了", "不", "想要", "了", "。", "。", "。", "然后", "使劲", "地", "在", "旺旺", "闲鱼", "上", "骂", "我", "诈骗", "穷", "疯了", "30", "都", "骗人", "渣", ",", "还给我", "打", "骚扰电话", "。", "。", "。", "老子", "图片", "摆", "在", "那", "两", "百", "字", "的", "说明", "已经", "够", "详细", "了", ",", "总", "有些", "极品", "又", "想", "便宜", "又", "想", "是", "正品", "又", "想", "东西", "新", ",", "花", "三", "十", "块", "钱", "装", "三", "百", "块", "的", "逼", ",", "真", "的", "感觉", "惹", "了", "一只", "疯狗", "没办法", "给", "退款", "了", "。", "。", "闲鱼", "里", "想", "好", "好", "卖", "闲置", "的", "卖家", "也是", "弱势群体"], ["你们", "可以", "看看", "他们", "有", "没有", "卖东西", ",", "用", "个", "小号", "买", "回来", "。", "。", "。"], ["我", "也是", "受害者", ",", "请", "加", "群", "67170920", ",", "联合", "我们", "的", "力量", "打倒", "骗子", "!"], ["才", "玩", "闲鱼", "没几天", "卖出去", "一", "裙子", "我", "花", "110", "买", "的", "穿", "两次", "之后", "我", "标价", "40", "6", "块", "的", "运费", "还是", "遭到", "砍价", "20", "包邮", "我", "不同意", "之后", "就", "在", "那", "磨", "最后", "32", "包邮", "她", "又", "问", "各种", "细节", "真", "害怕", "收到", "货", "之后", "又", "这", "又", "那", "后悔", "了", "不如", "在", "那", "放", "着", "了", "我", "的", "妈呀", "。"], ["我", "在", "闲鱼", "上", "被", "卖家", "给", "骗", "了", ",", "700", "。", "现在", "闲鱼", "改版", "了", ",", "不能", "申请", "退款", "了", "。", "这", "他们", "的", "就是", "坑", "啊"]], "title": "淘宝闲鱼卖家被骗!? - 知乎"}, {"bs_rank_pos": 3, "paragraphs": ["没有任何说法保证闲鱼平台卖家就不会被骗。 祝愉快!"], "segmented_title": ["如果", "闲鱼", "卖家", "会", "被骗", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["没有任何", "说法", "保证", "闲鱼", "平台", "卖家", "就", "不会", "被骗", "。", "祝", "愉快", "!"]], "title": "如果闲鱼卖家会被骗吗_百度知道"}, {"bs_rank_pos": 4, "paragraphs": ["本人之前想在闲鱼买个二手i7 4790k 第一天看到个1900的 于是联系了一下 第二天 我的老u找到买家后再去看的时候发现已经被拍下了 于是联系卖家 对方说被拍了 还没付款 于是我说我拍吧 你关了之后收到货就是漫漫互撕路了 上个长截图更清楚开始我要他发顺丰 没说不同意 说到不了 要到县里 现在想想 真天真 后来查了顺丰的服务范围大荔县全境服务 这是骗局的开始 后来果然 刚收到一个散热器我第一时间是懵逼的 我吓了一跳 什么鬼 立马联系了卖家 卖家表示这事很严重 兄弟你放心 我会查到底的 我给你发的是玄冰300加i7 4790k独立包装好的 估计后来去快递查了我签收了没当面验货 于是立马换了副嘴脸 死不认账 刚开始我发起的申请是退款退货 卖家又说 要是是快递的问题 这个破散热器你就自己留着吧 于是我8号又改了仅退款 当时我还是很天真啊 卖家表示 我这么信任你 警察都说了 快递没问题 你搞事情啊 不老实 我这么聪明的骗子 呸老实人会被你骗吗你搞事情啊 我当时就知道 我被骗了 当时什么都不懂 在介入时间到了以后 又修改了退款退货 又拖了好几天 14号卖家又拒绝了当时我能想到的证据只有我拍的照片 于是我发上去了一共三张 卖家当然不承认 并表示 我是老实人 你把我的cpu拿了 随便放个散热器就像骗我吗 哼 我是老实人 可不是傻子事实证明 作为老实人 卖家一点都不傻 可是作为骗子 就没见过这么傻的还记得上面的长截图吗 我第一时间拍了照 发给了卖家 卖家说的话吗卖家当时是这么表示的 我是老实人 我发的货都是保质保量的 国行原包的cpu虽然包装没了 但是我会补给你一个杠杠的散热器的 玄冰300 不错吧 单买99呢 于是我想到查重量 一个玄冰300 净重470克 而我的快递只有280克我又打电话找到我这单快递的发货网点让他拍下了内网的重量记录0.28克 没错吧 这下没话说了吧其中最夸张的 我这边刚被骗 那边他又在14号卖出了一颗i7 4790k后来16号撤了一天 该列的都列了 包括包装的尺寸 怎么都不可能塞得下一个玄冰300 加 i7 4790k 独立包装 终于淘宝判定我成功 让我根据后续收到的地址退货 但是 老实人发飙了 表示 我要报警 你们欺负人并表示 你7号收的货 中间都10天了 你对我的快递做了见不得人的事 好吧我太污了并合情合理的复原了案件的过程 其中 一句都不提他自己说的 玄冰300 在哪里 怎么塞进一个质量为280克 高不过14cm的盒子里 还是独立包装的并表示会委托公安 继续跟进案情最后表示 别欺负我 我警察局里有人 警察叔叔可是我邻居 以此警示广大闲鱼买家 这次是我碰上个傻骗子 前言不搭后语 行骗 语言毫无逻辑 最后才让我找到漏洞 各位记得闲鱼交易 贵重物品 千万 千万 千万 当面拆包 特别是cpu之类小又贵重的物品最后曝光 骗子的 名字 id姓名:张勇职业:骗子闲鱼id:煎熬的岁月551居住地:陕西省 渭南市 大荔县 城关镇南西二巷12号电话17802935902快递单照片个人主页截图芝麻信用590 近期退款6笔 再次告诫各位 遇到这些红名 千万小心再小心 就像我说的骗子太多了 傻子明显不够用 总有一天会骗到你头上 小心无大错 小东西 被骗了 给个差评 就够了 不值钱的东西 永远没自己的信用值钱 贵重物品千万记得当面 签收 实在不行的 让朋友拿着手机 拍好包装 并录好开苞视频 有空可以帮我呼死他谢谢各位", " 快递网店的重量照片", " 并表示要死皮赖脸不签收赖账了", " 没看到近期内6笔退款吗~一般卖u直接给贴吧收u党了,不会没事挂闲鱼的,不过你放心,有这快递重量记录你不可能输的,最简单的玄冰300怎么可能那么轻~最后,远离闲鱼,珍爱生命~", " 怎么申请淘宝介入呀,我怎么申请不了呢,说15天未处理什么的 ", " 先跟吧主打个招呼,我建这个群的目的很淡出,大家可以在里面交流各种防骗心得,分享自己的闲置物品,通过群增进信任,更高效的处理自己的闲置物品,希望吧主不要删除本帖子,无恶意。喜欢的威扫", " 他说报警,警察调监控就明摆骗人了么…………", " 一听到什么镇上没有顺丰快递,我就已经猜到结局了!", " 我刚被这个骗子骗了1200,买的I7 3770K 卖家发一个775的垃圾过来,垃圾国通快递串通骗子出具证明卖家发的是I7 3770,淘宝判我败诉"], "segmented_title": ["【", "图片", "】", "闲鱼", "被骗", "最终", "维权", "成功", "求", "加", "精", "_", "闲鱼", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["本人", "之前", "想", "在", "闲鱼", "买", "个", "二手", "i7", "4790", "k", "第一天", "看到", "个", "1900", "的", "于是", "联系", "了", "一", "下", "第二天", "我", "的", "老", "u", "找到", "买家", "后", "再", "去", "看", "的", "时候", "发现", "已经", "被", "拍", "下", "了", "于是", "联系", "卖家", "对方", "说", "被", "拍", "了", "还", "没", "付款", "于是", "我", "说", "我", "拍", "吧", "你", "关", "了", "之后", "收到", "货", "就是", "漫漫", "互", "撕", "路", "了", "上", "个", "长", "截图", "更", "清楚", "开始", "我要他", "发", "顺丰", "没", "说", "不同意", "说", "到不了", "要", "到", "县里", "现在", "想想", "真", "天真", "后来", "查", "了", "顺丰", "的", "服务范围", "大荔县", "全境", "服务", "这", "是", "骗局", "的", "开始", "后来", "果然", "刚", "收到", "一", "个", "散热器", "我", "第一时间", "是", "懵", "逼", "的", "我", "吓", "了", "一", "跳", "什么", "鬼", "立马", "联系", "了", "卖家", "卖家", "表示", "这", "事", "很", "严重", "兄弟", "你", "放心", "我", "会", "查", "到底", "的", "我", "给", "你", "发", "的", "是", "玄冰", "300", "加", "i7", "4790", "k", "独立", "包装", "好", "的", "估计", "后来", "去", "快递", "查", "了", "我", "签收", "了", "没", "当", "面", "验货", "于是", "立马", "换", "了", "副", "嘴脸", "死", "不认账", "刚", "开始", "我", "发起", "的", "申请", "是", "退款", "退货", "卖家", "又", "说", "要", "是", "是", "快递", "的", "问题", "这个", "破", "散热器", "你", "就", "自己", "留", "着", "吧", "于是", "我", "8", "号", "又", "改", "了", "仅", "退款", "当时", "我", "还是", "很", "天真", "啊", "卖家", "表示", "我", "这么", "信任", "你", "警察", "都", "说", "了", "快递", "没问题", "你", "搞", "事情", "啊", "不老实", "我", "这么", "聪明", "的", "骗子", "呸", "老实人", "会", "被", "你", "骗", "吗", "你", "搞", "事情", "啊", "我", "当时", "就", "知道", "我被骗了", "当时", "什么", "都", "不懂", "在", "介入", "时间到了", "以后", "又", "修改", "了", "退款", "退货", "又", "拖", "了", "好几天", "14", "号", "卖家", "又", "拒绝", "了", "当时", "我", "能", "想到", "的", "证据", "只有我", "拍", "的", "照片", "于是", "我", "发", "上去", "了", "一共", "三", "张", "卖家", "当然", "不承认", "并", "表示", "我", "是", "老实人", "你", "把", "我", "的", "cpu", "拿", "了", "随便", "放", "个", "散热器", "就像", "骗", "我", "吗", "哼", "我", "是", "老实人", "可", "不是", "傻子", "事实证明", "作为", "老实人", "卖家", "一点", "都", "不", "傻", "可是", "作为", "骗子", "就", "没", "见过", "这么", "傻", "的", "还记得", "上面", "的", "长", "截图", "吗", "我", "第一时间", "拍", "了", "照", "发给", "了", "卖家", "卖家", "说的话", "吗", "卖家", "当时", "是", "这么", "表示", "的", "我", "是", "老实人", "我", "发", "的", "货", "都是", "保质保量", "的", "国行", "原", "包", "的", "cpu", "虽然", "包装", "没了", "但是", "我", "会", "补给", "你", "一", "个", "杠杠", "的", "散热器", "的", "玄冰", "300", "不错", "吧", "单", "买", "99", "呢", "于是", "我", "想到", "查", "重量", "一", "个", "玄冰", "300", "净重", "470", "克", "而", "我", "的", "快递", "只有", "280", "克", "我", "又", "打电话", "找到", "我", "这", "单", "快递", "的", "发货", "网点", "让", "他", "拍", "下", "了", "内网", "的", "重量", "记录", "0", ".", "28", "克", "没错", "吧", "这", "下", "没话说", "了", "吧", "其中", "最", "夸张", "的", "我", "这边", "刚", "被骗", "那边", "他", "又", "在", "14", "号", "卖出", "了", "一颗", "i7", "4790", "k", "后来", "16", "号", "撤", "了", "一", "天", "该", "列", "的", "都", "列", "了", "包括", "包装", "的", "尺寸", "怎么", "都", "不可能", "塞", "得", "下一个", "玄冰", "300", "加", "i7", "4790", "k", "独立", "包装", "终于", "淘宝", "判定", "我", "成功", "让", "我", "根据", "后续", "收到", "的", "地址", "退货", "但是", "老实人", "发飙", "了", "表示", "我", "要", "报警", "你们", "欺负", "人", "并", "表示", "你", "7", "号", "收", "的", "货", "中间", "都", "10", "天", "了", "你", "对", "我", "的", "快递", "做", "了", "见不得人", "的", "事", "好", "吧", "我", "太", "污", "了", "并", "合情合理", "的", "复原", "了", "案件", "的", "过程", "其中", "一句", "都", "不", "提", "他", "自己", "说", "的", "玄冰", "300", "在", "哪里", "怎么", "塞进", "一", "个", "质量", "为", "280", "克", "高", "不过", "14cm", "的", "盒子", "里", "还是", "独立", "包装", "的", "并", "表示", "会", "委托", "公安", "继续", "跟进", "案", "情", "最后", "表示", "别", "欺负", "我", "我", "警察局", "里", "有人", "警察叔叔", "可是我", "邻居", "以此", "警示", "广大", "闲鱼", "买家", "这次", "是", "我", "碰上", "个", "傻", "骗子", "前言不搭后语", "行骗", "语言", "毫无", "逻辑", "最后", "才", "让", "我", "找到", "漏洞", "各位", "记得", "闲鱼", "交易", "贵重物品", "千万", "千万", "千万", "当", "面", "拆", "包", "特别", "是", "cpu", "之类", "小", "又", "贵重", "的", "物品", "最后", "曝光", "骗子", "的", "名字", "id", "姓名", ":", "张勇", "职业", ":", "骗子", "闲鱼", "id", ":", "煎熬", "的", "岁月", "551", "居住地", ":", "陕西省", "渭南市", "大荔县", "城关镇", "南", "西二巷", "12", "号", "电话", "17802935902", "快递", "单", "照片", "个人主页", "截图", "芝麻", "信用", "590", "近期", "退款", "6", "笔", "再次", "告诫", "各位", "遇到", "这些", "红名", "千万小心", "再", "小心", "就像我", "说", "的", "骗子", "太多", "了", "傻子", "明显", "不够用", "总有一", "天", "会", "骗", "到", "你", "头上", "小心", "无", "大", "错", "小东西", "被骗", "了", "给", "个", "差评", "就", "够了", "不值钱", "的", "东西", "永远", "没", "自己", "的", "信用", "值钱", "贵重物品", "千万", "记得", "当", "面", "签收", "实在", "不行", "的", "让", "朋友", "拿着", "手机", "拍", "好", "包装", "并", "录", "好", "开苞", "视频", "有空", "可以", "帮", "我", "呼", "死", "他", "谢谢", "各位"], ["快递", "网店", "的", "重量", "照片"], ["并", "表示", "要", "死皮赖脸", "不", "签收", "赖账", "了"], ["没看到", "近期", "内", "6", "笔", "退款", "吗", "~", "一般", "卖", "u", "直接", "给", "贴吧", "收u党", "了", ",", "不会", "没事", "挂", "闲鱼", "的", ",", "不过", "你", "放心", ",", "有", "这", "快递", "重量", "记录", "你", "不可能", "输", "的", ",", "最", "简单", "的", "玄冰", "300", "怎么", "可能", "那么", "轻", "~", "最后", ",", "远离", "闲鱼", ",", "珍爱生命", "~"], ["怎么", "申请", "淘宝", "介入", "呀", ",", "我", "怎么", "申请", "不", "了", "呢", ",", "说", "15天", "未", "处理", "什么", "的"], ["先", "跟", "吧主", "打", "个", "招呼", ",", "我", "建", "这个", "群", "的", "目的", "很", "淡出", ",", "大家", "可以", "在", "里面", "交流", "各种", "防骗", "心得", ",", "分享", "自己", "的", "闲置", "物品", ",", "通过", "群", "增进", "信任", ",", "更高效", "的", "处理", "自己", "的", "闲置", "物品", ",", "希望", "吧主", "不要", "删除", "本", "帖子", ",", "无", "恶意", "。", "喜欢", "的", "威", "扫"], ["他", "说", "报警", ",", "警察", "调", "监控", "就", "明", "摆", "骗人", "了", "么", "…", "…", "…", "…"], ["一", "听到", "什么", "镇上", "没有", "顺丰", "快递", ",", "我", "就", "已经", "猜", "到", "结局", "了", "!"], ["我", "刚", "被", "这个", "骗子", "骗", "了", "1200", ",", "买", "的", "I7", "3770", "K", "卖家", "发", "一", "个", "775", "的", "垃圾", "过来", ",", "垃圾", "国通", "快递", "串通", "骗子", "出具", "证明", "卖家", "发", "的", "是", "I7", "3770", ",", "淘宝", "判", "我", "败诉"]], "title": "【图片】闲鱼被骗最终维权成功 求加精_闲鱼吧_百度贴吧"}, {"bs_rank_pos": 5, "paragraphs": ["闲鱼卖东西对吧,买家找茬说你卖假货,你没有发票对吧。那么好,你链接里这么挂【xx商品包装盒/瓶】,然后详情里可以填写赠送内容物。这样买家收到如果说你的东西是假的,他也没有办法证明,怎么证明一个包装盒是假的呢。还有就是,你可以把商品价格设成1元,然后把商品的金额设在运费里,运费不能退,就算对方想坑你,也只能拿到1元而已。最后需要提醒你们的是,闲鱼卖东西千万别直接包邮,因为如果包邮了对方拒签或者退货的话,运费的损失是要你自己出的,但是如果你把运费单独设置了的话,还是有一定几率挽回损失的。", " 我就是包邮了,买家找事拒签,正在交易纠纷中 ", " 如果买家申请连运费一起退呢?", " 下载贴吧APP看高清直播、视频!", " 贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "segmented_title": ["教", "你们", "个", "避免", "被骗", "的", "招", ",", "特别", "是", "新人", "卖家", "请注意", "。", "_", "闲鱼", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["闲鱼", "卖东西", "对", "吧", ",", "买家", "找茬", "说", "你", "卖", "假货", ",", "你", "没有", "发票", "对", "吧", "。", "那么", "好", ",", "你", "链接", "里", "这么", "挂", "【", "xx", "商品", "包装盒", "/", "瓶", "】", ",", "然后", "详情", "里", "可以", "填写", "赠送", "内容", "物", "。", "这样", "买家", "收到", "如果", "说", "你", "的", "东西", "是", "假", "的", ",", "他", "也", "没有办法", "证明", ",", "怎么", "证明", "一", "个", "包装盒", "是", "假", "的", "呢", "。", "还有", "就是", ",", "你可以", "把", "商品", "价格", "设", "成", "1", "元", ",", "然后", "把", "商品", "的", "金额", "设", "在", "运费", "里", ",", "运费", "不能", "退", ",", "就算", "对方", "想", "坑", "你", ",", "也", "只能", "拿到", "1", "元", "而已", "。", "最后", "需要", "提醒", "你们", "的", "是", ",", "闲鱼", "卖东西", "千万", "别", "直接", "包邮", ",", "因为", "如果", "包邮", "了", "对方", "拒签", "或者", "退货", "的", "话", ",", "运费", "的", "损失", "是", "要", "你", "自己", "出", "的", ",", "但是", "如果", "你", "把", "运费", "单独", "设置", "了", "的", "话", ",", "还是", "有", "一定", "几率", "挽回损失", "的", "。"], ["我", "就是", "包邮", "了", ",", "买家", "找事", "拒签", ",", "正在", "交易", "纠纷", "中"], ["如果", "买家", "申请", "连", "运费", "一起", "退", "呢", "?"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "title": "教你们个避免被骗的招,特别是新人卖家请注意。_闲鱼吧_百度贴吧"}], "question": "闲鱼交易卖家会被骗吗", "yesno_type": "FACT", "segmented_question": ["闲鱼", "交易", "卖家", "会", "被骗", "吗"], "question_type": "YES_NO", "fact_or_opinion": "FACT", "question_id": 221636}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["徐州最好的学校是中国矿业大学,是教育部直属的211全国重点大学。然后是江苏师范大学、徐州医科大学,这都是省重点,徐州工程学院是省属普通本科院校。中国矿业大学徐海学院属于民办性质的独立学院,属于三本。 还有几所专科,江苏建筑职业技术学院、徐州工业职业技术学院、徐州幼儿师范高等专科学校、徐州生物工程职业技术学院、"], "segmented_title": ["徐州", "有", "哪些", "大学", "院校", "名单", "及", "排名", "_", "百度", "知道"], "segmented_paragraphs": [["徐州", "最好", "的", "学校", "是", "中国矿业大学", ",", "是", "教育部直属", "的", "211", "全国", "重点大学", "。", "然后", "是", "江苏", "师范大学", "、", "徐州", "医科大学", ",", "这", "都是", "省", "重点", ",", "徐州", "工程学院", "是", "省属", "普通", "本科院校", "。", "中国矿业大学", "徐海学院", "属于", "民办", "性质", "的", "独立学院", ",", "属于", "三本", "。", "还有", "几", "所", "专科", ",", "江苏", "建筑", "职业技术学院", "、", "徐州", "工业", "职业技术学院", "、", "徐州", "幼儿", "师范", "高等专科学校", "、", "徐州", "生物工程", "职业技术学院", "、"]], "title": "徐州有哪些大学 院校名单及排名_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["你好,希望以上的信息能够帮到你。"], "segmented_title": ["徐州", "有", "哪些", "大学", "院校", "名单", "及", "排名", "_", "百度", "知道"], "segmented_paragraphs": [["你好", ",", "希望", "以上", "的", "信息", "能够", "帮", "到", "你", "。"]], "title": "徐州有哪些大学 院校名单及排名_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["2017中国城市大学排行榜:徐州市最好大学排行榜 名次 学校名称 类型 全国排名 星级排名 办学层次 1 中国矿业大学 理工 55 5星级 世界知名、中国一流大学 2 江苏师范大学 师范 177 2星级 区域高水平大学 3 徐州医科大学 医药 388 1星级 区域知名大学 4 徐州工程学院 理工 464 1星级 区域知名大学"], "segmented_title": ["徐州", "有", "哪些", "大学", "院校", "名单", "及", "排名", "_", "百度", "知道"], "segmented_paragraphs": [["2017", "中国", "城市大学", "排行榜", ":", "徐州", "市", "最好", "大学", "排行榜", "名次", "学校名称", "类型", "全国", "排名", "星级", "排名", "办学层次", "1", "中国矿业大学", "理工", "55", "5", "星级", "世界知名", "、", "中国", "一流大学", "2", "江苏", "师范大学", "师范", "177", "2", "星级", "区域", "高", "水平", "大学", "3", "徐州", "医科大学", "医药", "388", "1", "星级", "区域", "知名", "大学", "4", "徐州工程学院", "理工", "464", "1", "星级", "区域", "知名", "大学"]], "title": "徐州有哪些大学 院校名单及排名_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["坐落在徐州的大学(本科院校)有: 中国矿业大学(徐州),全国排名60左右 江苏师范大学,全国排名200左右 徐州医科大学,全国排名400左右 徐州工程学院,全国排名500左右 军校和专科高职院校不在此范围之内。 希望可帮到你。"], "segmented_title": ["徐州", "有", "哪些", "大学", "院校", "名单", "及", "排名", "_", "百度", "知道"], "segmented_paragraphs": [["坐落", "在", "徐州", "的", "大学", "(", "本科院校", ")", "有", ":", "中国矿业大学", "(", "徐州", ")", ",", "全国", "排名", "60", "左右", "江苏", "师范大学", ",", "全国", "排名", "200", "左右", "徐州", "医科大学", ",", "全国", "排名", "400", "左右", "徐州工程学院", ",", "全国", "排名", "500", "左右", "军校", "和", "专科高职", "院校", "不在", "此", "范围", "之", "内", "。", "希望", "可", "帮", "到", "你", "。"]], "title": "徐州有哪些大学 院校名单及排名_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["徐州一共有六所本科高校及若干专科院校..是省内除了南京高校最多的城市 除了两所军事院校/解放军空军后勤学院、工程兵指挥学院/外, 还有中国矿业大学,徐州师范大学,徐州医学院,徐州工程学院这几所本科高校 名次 学校名称 类型 全国排名 星级排名 办学层次 1 中国矿业大学 理工 55 5星级 世界知名、中国一流大学 2 江苏师范大学 师范 177 2星级 区域高水平大学 3 徐州医科大学 医药 388 1星级 区域知名大学 4 徐州工程学院 理工 464 1星级 区域知名大学 信息来自百度"], "segmented_title": ["徐州", "有", "哪些", "大学", "院校", "名单", "及", "排名", "_", "百度", "知道"], "segmented_paragraphs": [["徐州", "一共", "有", "六", "所", "本科", "高校", "及", "若干", "专科院校", ".", ".", "是", "省内", "除了", "南京", "高校", "最多", "的", "城市", "除了", "两", "所", "军事院校", "/", "解放军", "空军", "后勤", "学院", "、", "工程兵", "指挥学院", "/", "外", ",", "还有", "中国矿业大学", ",", "徐州", "师范大学", ",", "徐州", "医学院", ",", "徐州工程学院", "这", "几", "所", "本科", "高校", "名次", "学校名称", "类型", "全国", "排名", "星级", "排名", "办学层次", "1", "中国矿业大学", "理工", "55", "5", "星级", "世界知名", "、", "中国", "一流大学", "2", "江苏", "师范大学", "师范", "177", "2", "星级", "区域", "高", "水平", "大学", "3", "徐州", "医科大学", "医药", "388", "1", "星级", "区域", "知名", "大学", "4", "徐州工程学院", "理工", "464", "1", "星级", "区域", "知名", "大学", "信息", "来自", "百度"]], "title": "徐州有哪些大学 院校名单及排名_百度知道"}], "question": "徐州有哪些大学", "segmented_question": ["徐州", "有", "哪些", "大学"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221637}
-{"documents": [{"title": "结婚19年是什么婚?第十九年印花婚 - 第一星座网", "segmented_title": ["结婚", "19", "年", "是", "什么", "婚", "?", "第", "十九年", "印花", "婚", "-", "第", "一", "星座", "网"], "segmented_paragraphs": [["喜欢", "周杰伦", "的", "《", "发如雪", "》", ",", "尤其", "喜欢", "那", "一句", ":", "“", "铜镜", "映", "无邪", "扎", "马尾", "你", "若", "撒野", "今生", "我", "把酒", "奉陪", "”", "。", "流年", "偷换", "青丝", "为", "白雪", ",", "铜镜", "若", "不再", "映", "无邪", ",", "你", "可否", "仍", "愿", "低头", "为", "她", "画眉", "?", "纵使", "许多", "夫妻", "相处", "些许", "时", "日", "便", "分道扬镳", ",", "但", ",", "更多", "的", "饮食男女", "还是", "从一而终", ",", "消去", "了", "爱与恨", ",", "平静", "地", "过", "婚姻生活", "直到", "生命", "终结", "。", "那么", ",", "当", "结婚", "十九", "年", "是", "什么", "婚", "呢", "?", "就让", "本期", "的", "“", "结婚纪念日", "”", "告诉", "你", "答案", "吧", "。"], ["结婚", "十九年", "印花", "婚", "其实", ",", "除了", "浪漫", "的", "法国", ",", "没有", "国家", "给", "结婚", "十九", "年", "纪念日", "命名", "。", "印花", ",", "不是", "枝头", "上", "娇艳欲滴", "的", "鲜花", ",", "而是", "一", "种", "以", "特殊", "的", "方式", "永远", "被", "保存", "下来", "的", "花", ",", "永不凋谢", ",", "宛如", "与", "自己", "相伴", "十九", "年", "的", "那个", "伴", ",", "爱意", "不", "甚", "当初", "那么", "毕", "露", "无遗", ",", "却", "以", "一", "种", "细水长流", "的", "方式", "融", "到", "彼此", "的", "血肉", "中", "。"], ["下面", ",", "让", "我们", "来", "分享", "一篇", "文章", "吧", "。", "《", "走过", "印花", "婚", "》", "4", "月", "18", "日", "是", "我", "与", "妻子", "结婚", "19", "周年纪念日", ",", "西方人", "称", "之", "为", "“", "印花", "婚", "”", "。"], ["或许是", "早已", "习惯", "平平淡淡", "的", "家庭", "生活", ",", "如果", "不", "静下心", "来", "回望", "过去", "的", "19", "年", ",", "我", "真", "的", "并", "未", "留意", "大把", "幸福时光", "正", "悄然", "从", "身边", "溜", "过", "。", "我", "与", "妻子", "携手同行", "19", "年", ",", "一路走来", "并非", "坦途", "。", "我们", "曾经", "恣意", "挥霍", "初婚", "的", "甜蜜", ",", "也", "曾经", "遭遇", "磨合", "中", "幸福", "的", "烦恼", ",", "甚至", "还有", "过", "彼此间", "任性", "恶毒", "的", "伤害", "。", "但", "正是", "在", "这种", "曲折", "反复", "中", ",", "伴随", "着", "锅", "碗"], ["瓢", "盆", "的", "交响", "和", "个人", "事业", "的", "起伏", ",", "我们", "与", "孩子", "一起成长", ",", "一天天", "将", "爱情", "修炼", "成", "亲情", "。", "如今", "我们", "视", "家庭", "为", "倦鸟", "栖息", "的", "避风港", ",", "无论春夏秋冬", ",", "夫妻俩", "总会", "一起", "做饭", "洗衣", ",", "一起", "打扫", "房间", ",", "晚饭", "后", "一起", "散步", ",", "一起", "打", "羽毛球", ",", "或者", "一起", "看", "大片", "看", "偶像剧", ",", "尽", "享", "二人世界", "的", "甜蜜", "。"], ["妻子", "是", "一", "个", "理性", "的", "女人", "。", "凡事", "她", "都会", "三思而行", ",", "不", "像", "我", "跟", "女儿", ",", "多血质", ",", "太", "感性", ",", "很容易", "意气用事", "。", "每当", "我", "和", "女儿", "为", "一", "出", "电视剧", "感动", "得", "泪眼汪汪", "时", ",", "妻", "总会", "安慰", "说", "那", "是", "做戏", ",", "不必", "那么", "投入", "。", "遇到", "大是大非", "的", "问题", ",", "她", "比", "谁", "都", "冷静", "有主见", ",", "总", "要", "分析", "前因后果", "、", "利害得失", ",", "然后", "做出", "决定", ",", "而且", "总", "能", "让", "人", "心悦诚服", "。"], ["妻子", "是", "一", "个", "独立", "的", "女人", "。", "她", "对", "我", "从", "不", "依赖", ",", "工作", "之外", ",", "教子", "之", "余", ",", "要", "么", "进", "健身房", "跑步", ",", "要", "么", "去", "练习", "瑜珈", ",", "生活", "过", "得", "相当", "充实", "。", "反倒", "是", "我", "和", "女儿", ",", "买", "衣", "购物", "总", "离不开", "她", "的", "陪伴", ",", "没有", "她", "的", "“", "参谋", "”", "我们", "就会", "六神无主", "。"], ["妻子", "是", "一", "个", "知足", "的", "女人", "。", "她", "对", "我", "没有", "过高", "的", "要求", ",", "只愿", "我", "平平安安", ",", "一帆风顺", "。", "生日", "一", "份", "小", "礼物", ",", "情人节", "一", "束", "红玫瑰", ",", "甚至", "大", "年", "三", "十", "夜", "仅仅", "是", "象征意义", "的", "“", "压岁钱", "”", ",", "也", "能", "使", "她", "满心欢喜", "。", "她", "从", "不", "抱怨", "我", "挣钱", "不", "多", ",", "穿衣打扮", ",", "她", "只", "讲究", "得体", "而", "非", "华贵", ",", "一", "袭", "普通衣饰", "在", "她", "的", "精心", "打理", "下", ",", "同样", "能", "穿戴", "出", "时尚", "的", "韵味", "。"], ["妻子", "与", "我", "相识", "时", "才", "19岁", ",", "正", "是", "一朵", "怒放", "的", "鲜花", "。", "当初", "红娘", "对", "我", "“", "矮个子", "”", "形象", "的", "描述", ",", "一", "度", "让", "她", "在", "“", "见与不见", "”", "之间", "徘徊", ",", "是", "我", "后来", "的", "岳父大人", "一句", "“", "小平", "同志", "个子", "就", "矮", "”", ",", "鼓足", "了", "她", "的", "勇气", ",", "坚定", "了", "她", "的", "选择", ",", "也", "使", "我们", "今生", "终究", "没有", "擦肩而过", "。", "见面", "两年后", ",", "这", "朵", "鲜花", "心甘情愿", "地", "插", "到", "了", "我", "这", "堆", "“", "牛粪", "”", "上", "。", "我", "曾经", "给", "她", "阳光", ",", "也", "曾", "给", "她", "阴霾", ";", "曾经", "给", "她", "雨露", ",", "也", "曾", "给", "她", "泪水", "。", "就这样", "日复一日", ",", "年复一年", ",", "19", "年", "过去", "了", ",", "如今", ",", "不敢", "说", "我", "这", "堆", "“", "牛粪", "”", "有", "多", "肥沃", ",", "也", "不敢", "说", "给", "了", "妻子", "怎样", "的", "滋养", ",", "但", "在", "不少", "人", "眼中", ",", "年", "届", "不惑", "的", "妻子", "比", "起", "她", "的", "同龄人", ",", "更", "靓丽", "、", "更", "精神", "、", "更", "显", "年轻", ",", "真可谓", "冬", "去", "春", "来", ",", "“", "花", "”", "开", "不败", "!", "19", "年", "婚姻", "经历", ",", "让", "我", "明白", "一", "对", "陌生", "男女", "之所以", "能够", "从", "相识", "相知", "到", "相濡以沫", ",", "除了", "感谢上苍", "赐予", "我们", "这", "段", "缘分", ",", "更需要", "我们", "珍惜", "拥有", ",", "用", "心", "经营", ",", "让", "平淡", "的", "日子", "弥漫", "甜蜜", "的", "芳香", "。", "执子之手", ",", "与", "子", "携", "老", "。", "走过", "印花", "婚", ",", "期待", "我们", "还会", "有", "银婚", "、", "金婚", "、", "钻石", "婚", "…", "…", "2017", "年", "端午", "放假", "安排", "2017", "年", "放假", "时间表", "2017", "全年", "日历", "农历表", "二十四节气", "养生", "大全", "二十四节气", "古诗", "歌", "谚语", "2017", "年", "二十四节气", "表", "2017", "年", "节日", "大全", "2017", "年", "财神", "方位", "查询", "2017", "黄道吉日", "查询", "表"]], "paragraphs": ["喜欢周杰伦的《发如雪》,尤其喜欢那一句:“铜镜映无邪扎马尾你若撒野今生我把酒奉陪”。流年偷换青丝为白雪,铜镜若不再映无邪,你可否仍愿低头为她画眉?纵使许多夫妻相处些许时日便分道扬镳,但,更多的饮食男女还是从一而终,消去了爱与恨,平静地过婚姻生活直到生命终结。 那么,当结婚十九年是什么婚呢?就让本期的“结婚纪念日”告诉你答案吧。", "结婚十九年印花婚 其实,除了浪漫的法国,没有国家给结婚十九年纪念日命名。印花,不是枝头上娇艳欲滴的鲜花,而是一种以特殊的方式永远被保存下来的花,永不凋谢,宛如与自己相伴十九年的那个伴,爱意不甚当初那么毕露无遗,却以一种细水长流的方式融到彼此的血肉中。", "下面,让我们来分享一篇文章吧。 《走过印花婚》 4月18日是我与妻子结婚19周年纪念日,西方人称之为“印花婚”。", "或许是早已习惯平平淡淡的家庭生活,如果不静下心来回望过去的19年,我真的并未留意大把幸福时光正悄然从身边溜过。我与妻子携手同行19年,一路走来并非坦途。我们曾经恣意挥霍初婚的甜蜜,也曾经遭遇磨合中幸福的烦恼,甚至还有过彼此间任性恶毒的伤害。但正是在这种曲折反复中,伴随着锅碗", "瓢盆的交响和个人事业的起伏,我们与孩子一起成长,一天天将爱情修炼成亲情。如今我们视家庭为倦鸟栖息的避风港,无论春夏秋冬,夫妻俩总会一起做饭洗衣,一起打扫房间,晚饭后一起散步,一起打羽毛球,或者一起看大片看偶像剧,尽享二人世界的甜蜜。", "妻子是一个理性的女人。凡事她都会三思而行,不像我跟女儿,多血质,太感性,很容易意气用事。每当我和女儿为一出电视剧感动得泪眼汪汪时,妻总会安慰说那是做戏,不必那么投入。遇到大是大非的问题,她比谁都冷静有主见,总要分析前因后果、利害得失,然后做出决定,而且总能让人心悦诚服。", "妻子是一个独立的女人。她对我从不依赖,工作之外,教子之余,要么进健身房跑步,要么去练习瑜珈,生活过得相当充实。反倒是我和女儿,买衣购物总离不开她的陪伴,没有她的“参谋”我们就会六神无主。", "妻子是一个知足的女人。她对我没有过高的要求,只愿我平平安安,一帆风顺。生日一份小礼物,情人节一束红玫瑰,甚至大年三十夜仅仅是象征意义的“压岁钱”,也能使她满心欢喜。她从不抱怨我挣钱不多,穿衣打扮,她只讲究得体而非华贵,一袭普通衣饰在她的精心打理下,同样能穿戴出时尚的韵味。", "妻子与我相识时才19岁,正是一朵怒放的鲜花。当初红娘对我“矮个子”形象的描述,一度让她在“见与不见”之间徘徊,是我后来的岳父大人一句“小平同志个子就矮”,鼓足了她的勇气,坚定了她的选择,也使我们今生终究没有擦肩而过。见面两年后,这朵鲜花心甘情愿地插到了我这堆“牛粪”上。我曾经给她阳光,也曾给她阴霾;曾经给她雨露,也曾给她泪水。就这样日复一日,年复一年,19年过去了,如今,不敢说我这堆“牛粪”有多肥沃,也不敢说给了妻子怎样的滋养,但在不少人眼中,年届不惑的妻子比起她的同龄人,更靓丽、更精神、更显年轻,真可谓冬去春来,“花”开不败! 19年婚姻经历,让我明白一对陌生男女之所以能够从相识相知到相濡以沫,除了感谢上苍赐予我们这段缘分,更需要我们珍惜拥有,用心经营,让平淡的日子弥漫甜蜜的芳香。 执子之手,与子携老。走过印花婚,期待我们还会有银婚、金婚、钻石婚…… 2017年端午放假安排 2017年放假时间表 2017全年日历农历表 二十四节气养生大全 二十四节气古诗歌谚语 2017年二十四节气表 2017年节日大全 2017年财神方位查询 2017黄道吉日查询表"], "bs_rank_pos": 0}, {"title": "结婚19年是什么婚_百度知道", "segmented_title": ["结婚", "19", "年", "是", "什么", "婚", "_", "百度", "知道"], "segmented_paragraphs": [["第", "1", "年", "§", "纸婚", "、", "第", "2", "年", "§", "棉", "婚", "、", "第", "3", "年", "§", "皮革婚", "、", "第", "4", "年", "§", "水果", "婚", "、", "第", "5", "年", "§", "木婚", "、", "第", "6", "年", "§", "铁", "婚", "、", "第", "7", "年", "§", "铜婚", "、", "第", "8", "年", "§", "陶", "婚", "、", "第", "9", "年", "§", "柳", "婚", "、", "第", "10", "年", "§", "铝", "婚", "、", "第", "11", "年", "§", "钢", "婚", "、", "第", "12", "年", "§", "丝", "婚", "、", "第", "13", "年", "§", "丝带", "婚", "、", "第", "14", "年", "§", "象牙婚", "、", "第", "15", "年", "§", "水晶婚", "、", "第", "20", "年", "§", "瓷婚", "、", "第", "25", "年", "§", "银婚", "、", "第", "30", "年", "§", "珍珠", "婚", "、", "第", "35", "年", "§", "珊瑚", "婚", "、", "第", "40", "年", "§", "红宝石", "婚", "、", "第", "45", "年", "§", "蓝宝石", "婚", "、", "第", "50", "年", "§", "金婚", "、", "第", "55", "年", "§", "绿宝石", "婚", "、", "第", "60", "年", "§", "钻石", "婚", "、", "第", "70", "年", "§", "白金", "婚"], ["19", "年", "是", "印花", "婚"]], "paragraphs": ["第1年§纸婚、第2年§棉婚、第3年§皮革婚、第4年§水果婚、第5年§木婚、第6年§铁婚、第7年§铜婚、第8年§陶婚、第9年§柳婚、第10年§铝婚、第11年§钢婚、第12年§丝婚、第13年§丝带婚、第14年§象牙婚、第15年§水晶婚、第20年§瓷婚、第25年§银婚、第30年§珍珠婚、第35年§珊瑚婚、第40年§红宝石婚、第45年§蓝宝石婚、第50年§金婚、第55年§绿宝石婚、第60年§钻石婚、第70年§白金婚", "19年是 印花婚"], "bs_rank_pos": 1}, {"title": "结婚19年叫什么婚?_百度知道", "segmented_title": ["结婚", "19", "年", "叫", "什么", "婚", "?", "_", "百度", "知道"], "segmented_paragraphs": [["婚姻", "年份", "的", "别称", "。", "结婚", "19", "年", "叫", "印花", "婚", "!", "  ", "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", "年", "一", "琥珀", "婚", ";", "36", "年", "一梅斯", "林", "婚", ";", "37", "年", "一", "纸婚", ";", "38", "年", "一", "水银婚", ";", "39", "年", "一", "绉纱", "婚", ";", "40", "年", "一", "祖母绿", "婚", ";", "41", "年", "一", "铁", "婚", ";", "42", "年", "一", "珠", "质", "婚", ";", "43", "年", "一", "法兰绒", "婚", ";", "44", "年", "一", "黄玉婚", ";", "45", "年", "一", "朱红", "婚", ";", "46", "年", "一", "薰衣草", "婚", "47", "年", "一", "开斯米", "婚", ";", "48", "年", "一", "紫晶婚", ";"], ["可", "称为", "金婚", "了", ",", "努力", "向", "&", "#", "128142", ";", "婚", "迈进", "吧"]], "paragraphs": ["婚姻年份的别称。结婚19年叫印花婚!   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年一琥珀婚; 36年一梅斯林婚; 37年一纸婚; 38年一水银婚;39年一绉纱婚; 40年一祖母绿婚; 41年一铁婚; 42年一珠质婚; 43年一法兰绒婚; 44年一黄玉婚; 45年一朱红婚; 46年一薰衣草婚 47年一开斯米婚;48年一紫晶婚;", "可称为金婚了,努力向💎婚迈进吧"], "bs_rank_pos": 2}, {"title": "2015结婚19周年是什么婚_百度知道", "segmented_title": ["2015", "结婚", "19", "周年", "是", "什么", "婚", "_", "百度", "知道"], "segmented_paragraphs": [["一周年", ":", "纸婚", "Paper", "Wedding", "二", "周年", ":", "棉", "婚", "Cotton", "Wedding", "三周年", ":", "皮", "婚", "、", "皮革婚", "Leather", "Wedding", "四", "周年", ":", "毅", "婚", "、", "花果婚", "Silk", "Wedding", "五", "周年", ":", "木婚", "Wood", "Wedding", "六周年", ":", "铁", "婚", "、", "糖", "婚", "Iron", "Wedding", "七", "周年", ":", "铜婚", "、", "毛", "婚", "Copper", "Wedding", "八", "周年", ":", "陶器", "婚", "、", "铜婚", "Appliance", "Wedding", "九", "周年", ":", "柳", "婚", "、", "陶", "婚", "Pottery", "Wedding", "十", "周年", ":", "锡", "婚", "Tin", "Wedding", "十一", "周年", ":", "钢", "婚", "Steel", "Wedding", "十二", "周年", ":", "绕仁婚", "、", "丝", "婚", "Linen", "Wedding", "十三", "周年", ":", "花边", "婚", "Lace", "Wedding", "十四", "周年", ":", "象牙", "婚", "Ivory", "Wedding", "十五", "周年", ":", "水晶婚", "Crystal", "Wedding", "二", "十", "周年", ":", "搪瓷婚", "、", "磁", "婚", "China", "Wedding", "二", "十", "五", "周年", ":", "银婚", "Silver", "Wedding", "三", "十", "周年", ":", "珠", "婚", "、", "珍珠", "婚", "Pearl", "Wedding", "三", "十", "五", "周年", ":", "珊瑚", "婚", "(", "碧玉", "婚", ")", "Coral", "(", "Jade", ")", "Wedding", "四十周年", "红宝石", "婚", "Rudy", "Wedding", "四", "十", "五", "周年", "蓝宝石", "婚", "Sapphiye", "Wedding", "五", "十", "周年", "金", "婚", "Golden", "Wedding", "五", "十", "五", "周年", "翠玉", "婚", "Emerald", "Wedding"]], "paragraphs": ["一周年:纸婚 Paper Wedding 二周年:棉婚 Cotton Wedding 三周年:皮婚、皮革婚Leather Wedding 四周年:毅婚、花果婚 Silk Wedding 五周年:木婚 Wood Wedding 六周年:铁婚、糖婚 Iron Wedding 七周年:铜婚、毛婚 Copper Wedding 八周年:陶器婚、铜婚Appliance Wedding 九周年:柳婚、陶婚 Pottery Wedding 十周年:锡婚 Tin Wedding 十一周年:钢婚 Steel Wedding 十二周年:绕仁婚、丝婚 Linen Wedding 十三周年:花边婚 Lace Wedding 十四周年:象牙婚 Ivory Wedding 十五周年:水晶婚 Crystal Wedding 二十周年:搪瓷婚、磁婚 China Wedding 二十五周年:银婚 Silver Wedding 三十周年:珠婚、珍珠婚Pearl Wedding 三十五周年:珊瑚婚 (碧玉婚) Coral(Jade)Wedding 四十周年 红宝石婚 Rudy Wedding 四十五周年 蓝宝石婚 Sapphiye Wedding 五十周年 金 婚 Golden Wedding 五十五周年 翠玉婚 Emerald Wedding"], "bs_rank_pos": 3}, {"title": "结婚19年是什么婚 结婚19年送什么礼物_百度知道", "segmented_title": ["结婚", "19", "年", "是", "什么", "婚", "结婚", "19", "年", "送", "什么", "礼物", "_", "百度", "知道"], "segmented_paragraphs": [["1", "年", "一", "纸婚", ";", "2", "年", "一", "布", "婚", ";", "3", "年", "一", "皮", "婚", ";", "4", "年", "一", "丝", "婚", ";", "5", "年", "一", "木婚", ";", "6", "年", "一", "铁", "婚", ";", "7", "年", "一", "铜婚", ";", "8", "年", "一", "电", "(", "器", ")", "婚", ";", "9", "年", "一", "陶", "(", "器", ")", "婚", ";", "10", "年", "一", "锡", "婚", ";", "11", "年", "一", "钢", "婚", ";", "12", "年", "一", "(", "亚", ")", "麻婚", ";", "13", "年", "一", "花边", "婚", ";", "14", "年", "一", "象牙婚", ";", "15", "年", "一", "水晶婚", ";", "20", "年", "一", "瓷婚", ";", "25", "年", "一", "银婚", ";", "30", "年", "一", "珍珠", "婚", ";", "35", "年", "一", "珊瑚", "婚", ";", "40", "年", "一", "红宝石", "婚", ";", "45", "年", "一", "蓝宝石", "婚", ";", "50", "年", "一", "金婚", ";", "55", "年", "一翠玉", "婚", ";", "60", "年", "一", "白金", "婚", "。", "70", "年", "—", "钻石", "婚", ";", "75", "年", "—", "金刚石", "婚", ";", "送", "老公", "喜欢", "的", "礼物", "。", "你", "可以", "根据", "老公", "的", "喜好", "和", "嗜好", "来", "选择", "礼物", ",", "慢慢", "的", "回想", "一", "下", ",", "礼物", "就", "想", "出来了", ",", "然后", "你", "挑", "一", "个", "你", "认为", "最好", "的", "礼物", "送给", "老公", "。", "祝", "你们", "恩爱", "百年", "!"], ["可以", "带", "你", "的", "另一半", "拍", "婚纱照"]], "paragraphs": ["1年一纸婚; 2年一布婚; 3年一皮婚; 4年一丝婚; 5年一木婚; 6年一铁婚; 7年一铜婚; 8年一电(器)婚; 9年一陶(器)婚; 10年一锡婚; 11年一钢婚; 12年一(亚)麻婚; 13年一花边婚; 14年一象牙婚; 15年一水晶婚; 20年一瓷婚; 25年一银婚; 30年一珍珠婚; 35年一珊瑚婚; 40年一红宝石婚; 45年一蓝宝石婚; 50年一金婚; 55年一翠玉婚; 60年一白金婚。 70年—钻石婚; 75年—金刚石婚; 送老公喜欢的礼物。 你可以根据老公的喜好和嗜好来选择礼物,慢慢的回想一下,礼物就想出来了,然后你挑一个你认为最好的礼物送给老公。 祝你们恩爱百年!", "可以带你的另一半拍婚纱照"], "bs_rank_pos": 4}], "question": "结婚19年是什么婚", "segmented_question": ["结婚", "19", "年", "是", "什么", "婚"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221638}
-{"documents": [{"title": "夏威夷果的功效与作用_百度经验", "segmented_title": ["夏威夷果", "的", "功效", "与", "作用", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "健康", "/", "养生", ">", "医疗健康"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["夏威夷果", "也", "就是", "澳洲坚果", ",", "属", "常绿乔木", ",", "双子叶植物", "。", "树冠", "高", "大", ",", "叶", "3", "~", "4", "片", "轮", "生", ",", "披针形", "、", "革", "质", ",", "光滑", ",", "边缘", "有刺", "状", "锯齿", "。", "总状花序", "腋生", ",", "花", "米黄色", ",", "果", "圆", "球形", ",", "果", "皮革", "质", ",", "内果皮", "坚硬", ",", "种仁", "米黄色", "至", "浅", "棕色", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "夏威夷果", "营养成分", "极其", "丰富", ",", "(", "见", "上", ")", ",", "有", "“", "干果", "皇后", "”", "美誉", "的", "美味", "食品", ",", "食用", "部分", "是", "果仁", "。", "其", "功效", "主要", "为", ":", "调节血脂", "和", "益智", "作用", ",", "非常", "适合", "老年人", "或", "血脂", "不", "好人", "的", "滋补", "食品", "。", "2", "动脉粥样硬化", "、", "心血管疾病", "动脉粥样硬化", "是", "工业化", "国家", "中", "最", "常见", "的", "疾病", "之", "一", ",", "动脉粥样硬化", "的", "发生", "与", "饮食习惯", "密切相关", "。", "夏威夷果", "油", "这种", "单", "不饱和脂肪酸", "含量", "极", "高", "的", "天然", "植物油", ",", "不仅", "自身", "不含", "胆固醇", ",", "同时", "还", "可以", "降低", "血液", "中", "LDL", "胆固醇", "(", "坏", "胆固醇", ")", "的", "含量", ",", "同时", "又", "能", "维持", "甚至", "增加", "HDL", "胆固醇", "(", "好", "胆固醇", ")", "的", "含量", "。", "这种", "一箭双雕", "的", "双向", "调节", "作用", "是", "其他", "脂肪", "所", "不具备", "的", "。", "这", "也是", "夏威夷果", "油", "为什么", "能", "预防心脏病", "的", "原因", "。", "经", "医学", "证明", ",", "夏威夷果", "油", "能", "很", "有效", "地", "降低血压", "。", "国外", "于", "1996", "年", "进行", "的", "一项", "研究", "中", ",", "16", "位", "血压", "偏高", "的", "妇女", "同意", "在", "一个月", "的", "时间", "里", "改", "吃", "夏威夷果", "油", "。", "结果", ",", "她们", "的", "血压", "平均", "从", "161", "/", "94", "降", "到", "了", "151", "/", "85", ",", "舒张压", "与", "收缩压", "几乎", "都", "降低", "了", "10", "毫米", "汞柱", "。", "长期食用", "夏威夷果", "油", ",", "人", "的", "血脂", "会", "控制", "在", "一", "个", "健康", "的", "状态", "下", "。", "由于", "澳洲坚果", "油", "对", "血脂", "的", "双", "相", "调节", "作用", ",", "能", "有效", "地", "降低", "血液", "粘稠", "度", ",", "从而", "防止", "动脉粥样硬化", ",", "可以", "有效", "地", "保护", "心脑血管系统", "。", "最新", "研究", "认为", "夏威夷果", "油", "有", "预防", "血栓", "形成", "和", "控制", "血压", "的", "作用", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "多多关注", ",", "多多", "精彩", "!"]], "paragraphs": ["百度经验 > 健康/养生 > 医疗健康", "百度经验:jingyan.baidu.com", "夏威夷果也就是澳洲坚果,属常绿乔木,双子叶植物。树冠高大,叶3~4片轮生,披针形、革质,光滑,边缘有刺状锯齿。总状花序腋生,花米黄色,果圆球形,果皮革质,内果皮坚硬,种仁米黄色至浅棕色。", "百度经验:jingyan.baidu.com", "1 夏威夷果营养成分极其丰富,(见上),有“干果皇后”美誉的美味食品,食用部分是果仁。其功效主要为:调节血脂和益智作用,非常适合老年人或血脂不好人的滋补食品。 2 动脉粥样硬化、心血管疾病 动脉粥样硬化是工业化国家中最常见的疾病之一,动脉粥样硬化的发生与饮食习惯密切相关。夏威夷果油这种单不饱和脂肪酸含量极高的天然植物油,不仅自身不含胆固醇,同时还可以降低血液中LDL胆固醇(坏胆固醇)的含量,同时又能维持甚至增加HDL胆固醇(好胆固醇)的含量。这种一箭双雕的双向调节作用是其他脂肪所不具备的。这也是夏威夷果油为什么能预防心脏病的原因。 经医学证明,夏威夷果油能很有效地降低血压。国外于1996年进行的一项研究中,16位血压偏高的妇女同意在一个月的时间里改吃夏威夷果油。结果,她们的血压平均从161/94降到了151/85,舒张压与收缩压几乎都降低了10毫米汞柱。 长期食用夏威夷果油,人的血脂会控制在一个健康的状态下。由于澳洲坚果油对血脂的双相调节作用,能有效地降低血液粘稠度,从而防止动脉粥样硬化,可以有效地保护心脑血管系统。最新研究认为夏威夷果油有预防血栓形成和控制血压的作用。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:多多关注,多多精彩!"], "bs_rank_pos": 0}, {"title": "夏威夷果的营养价值_夏威夷果的功效与作用_好吃吗_苹果绿", "segmented_title": ["夏威夷果", "的", "营养价值", "_", "夏威夷果", "的", "功效", "与", "作用", "_", "好吃", "吗", "_", "苹果绿"], "segmented_paragraphs": [["功效", "调节", "血脂", "和", "益智", "作用", ",", "非常", "适合", "老年人", "或", "血脂", "不", "好人", "的", "滋补", "食品", "。"], ["禁忌", "人群", "消化", "力", "弱", "的", "人", "少", "吃", "。"], ["适宜", "人群", "一般", "人群", "均", "可食用", "。"], ["夏威夷果", "是", "一", "种", "原", "产", "于", "澳洲", "的", "树", "生", "坚果", ",", "也称", "澳洲坚果", "或", "火山豆", ",", "味道", "香甜可口", "。", "食用", "部分", "是", "果仁", "。"], ["夏威夷果", "(", "澳洲坚果", ")", "果仁", "香酥", "滑", "嫩", "可口", ",", "有", "独特", "的", "奶油", "香味", ",", "是", "世界上", "品质", "最佳", "的", "食用", "用", "果", ",", "有", "“", "干果", "皇后", "”", ",", "“", "世界", "坚果", "之", "王", "”", "之", "美称", ",", "风味", "和", "口感", "都", "远", "比", "腰果", "好", "。", "夏威夷果", "(", "澳洲坚果", ")", "除了", "制作", "干果", "外", ",", "还", "可", "制作", "糕点", "、", "巧克力", "、", "食用油", "、", "化妆品", "等", "。"], ["其", "功效", "主要", "为", ":", "调节血脂", "和", "益智", "作用", ",", "非常", "适合", "老年人", "或", "血脂", "不", "好人", "的", "滋补", "食品", "。"], ["很多人", "可能", "对于", "这种", "坚果", "都", "很", "陌生", ",", "但实际上", "它", "已经", "被", "引入", "了", "我", "国", ",", "在", "很多", "地方", "也是", "可以", "买到", "的", "。", "实际上", "很多", "坚果", "都", "有", "着", "益智", "养生", "的", "良好", "作用", ",", "而", "夏威夷果", "更", "是", "如此", ",", "如果", "有", "条件", "的", "话", ",", "推荐", "大家", "可以", "在", "平时", "适当", "食用", "一些", ",", "即", "美味", ",", "又", "健康", "。"], ["夏威夷果", "的", "营养价值"], ["夏威夷果", "(", "澳洲坚果", ")", "果仁", "营养丰富", "(", "呈", "奶", "白色", ")", ",", "其", "外果皮", "青绿色", ",", "内果皮", "坚硬", ",", "呈", "褐色", ",", "单", "果", "重", "15", "—", "16", "克", "。", "夏威夷果", "营养成分", "极其", "丰富", ",", "其", "含油", "量", "高达", "60", "%", "-", "80", "%", ",", "还", "含有", "丰富", "的", "钙", "、", "磷", "、", "铁", "、", "维生素B1", "、", "B2", "和", "氨基酸", "。"], ["夏威夷果", "油", "是", "最好", "的", "保健油", ",", "其", "所", "含", "各种", "营养成分", "的", "人体", "消化", "吸收", "率", "极", "高", ",", "是", "胃肠道", "最容易", "吸收", "的", "油", "类", "。", "夏威夷果", "油", "具有", "减少", "胃酸", ",", "阻止", "胃炎", "及", "十二指肠", "溃疡", "的", "功能", "。"], ["夏威夷果", "油", "中", "富含", "的", "单", "不饱和脂肪酸", "能", "降低血压", "、", "调节", "和", "控制", "血糖", "水平", "、", "改善", "糖尿病患者", "的", "脂质", "代谢", ",", "是", "糖尿病患者", "最好", "的", "脂肪", "补充", "来源", ";", "此外", ",", "澳洲坚果", "油", "中", "富含", "的", "抗氧化剂", ",", "可以", "限制", "糖尿病患者", "体", "内", "的", "过", "氧化", "过程", "。", "美国", "著名", "的", "Jean", "Carper", "医学博士", "说", ":", "“", "油酸", "能", "降低血压", ",", "平衡", "血脂", "、", "血糖", ",", "使", "之", "正常", "”", "。", "难以", "经常", "就医", "的", "糖尿病患者", ",", "坚持", "饮食疗法", "是", "比较", "容易", "做到", "的", "事", "。"], ["夏威夷果", "油", "中", "富含", "的", "维生素", "E", "能", "起", "到", "一", "个", "“", "有益", "的", "类似", "抑制", "物", "的", "作用", "”", "。", "人体", "摄入", "饱和脂肪酸", "后", ",", "它们", "分解", "产生", "促进", "炎症", "的", "荷尔蒙", ";", "而", "当", "人体", "摄入", "夏威夷果", "油", "中", "的", "不饱和脂肪酸", ",", "它们", "将", "分解", "产生", "抑制", "炎症", "的", "荷尔蒙", "。", "因此", "长期食用", "夏威夷果", "油", "可以", "预防", "风湿性关节炎", "。"], ["在", "夏威夷果", "油", "的", "众多", "成分", "中", ",", "胡萝卜素", "和", "叶绿素", "赋予", "澳洲坚果", "油", "金", "黄", "透", "绿", "的", "独特", "色泽", ",", "而", "叶绿素", "起", "新陈代谢", "作用", ",", "促进", "细胞", "生长", ",", "加速", "伤口愈合", ",", "还有", "助", "于", "营养", "和", "美化", "皮肤", ",", "减少", "皱纹", "的", "产生", "。"], ["肠癌", "在", "另", "一项", "研究", "的", "研究", "人员", "证实", ",", "B", "一", "谷甾醇", "是", "存在", "于", "夏威夷果", "油", "中", "的", "一", "种", "植物", "脂肪", ",", "能", "阻止", "前列腺癌", "细胞", "的", "生长", "。", "最近", "的", "一项", "研究", "则", "表明", ":", "澳洲坚果", "油", "能", "预防", "肠癌", ",", "夏威夷果", "油", "同", "胃酸", "反应", "后", "能", "防止", "肠癌", "与", "直肠癌", "的", "攻击", "。"], ["夏威夷果", "补脑", "益智", "脑细胞", "由", "60", "%", "的", "不饱和脂肪酸", "和", "35", "%", "的", "蛋白质", "构成", "。", "因此", ",", "对于", "大脑", "的", "发育", "来", "说", ",", "需要", "的", "第", "一", "营养成分", "是", "不饱和脂肪酸", "。", "夏威夷果", "(", "澳洲坚果", ")", "中", "含有", "大量", "的", "不饱和脂肪酸", ",", "还", "含有", "15", "%", "—", "—", "20", "%", "的", "优质", "蛋白质", "和", "十", "几", "种", "重要", "的", "氨基酸", ",", "这些", "氨基酸", "都是", "构成", "脑神经", "细胞", "的", "主要", "成分", "。", "坚果", "中", "对", "大脑", "神经", "细胞", "有益", "的", "维生素b1", "、", "b2", "、", "b6", ",", "维生素", "e", "及", "钙", "、", "磷", "、", "铁", "、", "锌", "等", "的", "含量", "也", "较", "高", "。", "因此", ",", "吃", "坚果", "对", "改善", "脑部", "营养", "很", "有", "益处", ",", "特别", "适合", "孕妇", "和", "儿童", "食用", "。"], ["夏威夷果", "的", "功效", "与", "作用"], ["补充", "脑", "营养", "。"], ["吃", "夏威夷果", "对", "改善", "脑部", "营养", "很", "有", "益处", ",", "特别", "适合", "孕妇", "和", "儿童", "食用", "。"], ["降低血压", "。"], ["经", "医学", "证明", ",", "夏威夷果", "油", "能", "很", "有效", "地", "降低血压", "。", "国外", "于", "1996", "年", "进行", "的", "一项", "研究", "中", ",", "16", "位", "血压", "偏高", "的", "妇女", "同意", "在", "一个月", "的", "时间", "里", "改", "吃", "夏威夷果", "油", "。", "结果", ",", "她们", "的", "血压", "平均", "从", "161", "/", "94", "降", "到", "了", "151", "/", "85", ",", "舒张压", "与", "收缩压", "几乎", "都", "降低", "了", "10", "毫米", "汞柱", "。"], ["缓解", "便秘", "。"], ["夏威夷果", "油", "还能", "够", "增加", "肠", "蠕动", ",", "使", "肠道", "畅通", ",", "并且", "具有", "温和", "轻泻剂", "的", "功效", ",", "可", "消除", "慢性", "便秘", "。", "早晚", "空腹", "服用", "两", "汤匙", "夏威夷果", "油", "对", "缓解", "慢性", "便秘", "具有", "不错", "的", "功效", "。"], ["预防", "血栓", "形成", "。"], ["长期食用", "夏威夷果", "油", ",", "人", "的", "血脂", "会", "控制", "在", "一", "个", "健康", "的", "状态", "下", "。", "由于", "澳洲坚果", "油", "对", "血脂", "的", "双", "相", "调节", "作用", ",", "能", "有效", "地", "降低", "血液", "粘稠", "度", ",", "从而", "防止", "动脉粥样硬化", ",", "可以", "有效", "地", "保护", "心脑血管系统", "。", "最新", "研究", "认为", "夏威夷果", "油", "有", "预防", "血栓", "形成", "的", "作用", "。"], ["治疗", "皮肤疾病", "。"], ["夏威夷果", "油", "是", "一", "种", "极", "好", "的", "治疗", "皮肤疾病", "的", "天然药物", "。", "根据", "皮肤科", "外用药", "治疗原则", ",", "用", "夏威夷果", "油", "制", "成", "的", "3", "种", "剂型", "对", "5", "类", "15", "种", "渗出性", "皮炎", "、", "溃疡", "疗效显著", "。"], ["防辐射", "。"], ["由于", "夏威夷果", "油", "含有", "多酚", "和", "脂多糖", "成分", ",", "所以", "夏威夷果", "油", "还有", "防辐射", "的", "功能", ",", "因此", "夏威夷果", "油", "常", "被", "用来", "制作", "宇航员", "的", "食品", "。", "经常", "使用", "电脑", "者", "更", "视", "其", "为", "保健", "佳品", "。"], ["防", "病", "、", "提高", "骨密度", "。"], ["夏威夷果", "油", "在", "预防", "这种", "疾病", "方面", "有", "非常", "积极", "的", "效果", "。", "摄取", "的", "夏威夷果", "油", "越", "多", ",", "骨骼", "的", "矿", "化", "就", "越好", "。", "夏威夷果", "油", "中", "所", "含", "的", "丰富", "油酸", "能", "促进", "机体", "对", "钙", "、", "磷", "、", "锌", "和", "其他", "矿物质", "的", "吸收", ",", "提高", "骨密度", "。"], ["调节血脂", "。"], ["吃", "夏威夷果", "调节血脂", "的", "作用", "也", "很好", ",", "非常", "适合", "老年人", "或", "血脂", "不", "好人", "的", "滋补", "食品", "。"], ["促进", "胆囊", "收缩", "。"], ["夏威夷果", "油", "能", "促进", "胆囊", "收缩", ",", "提高", "胰酶", "的", "活力", ",", "使", "油脂", "降解", ",", "被", "肠", "粘膜", "吸收", "。", "夏威夷果", "油", "对", "胆囊", "驰", "缓", "具有", "极佳", "的", "疗效", "。", "夏威夷果", "油", "与", "医生", "所", "开", "的", "药物", "和", "其他", "具有", "类似", "功效", "的", "食物", "相比", ",", "具有", "更快速", "的", "和", "长时间", "的", "疗效", "。"], ["抗癌", "。"], ["研究", "发现", ",", "澳洲坚果", "油", "能", "减少", "致癌物", "的", "酮", "衍生物", "在", "肠道", "形成", "肿瘤", "的", "速率", "。", "夏威夷果", "油", "的", "保护", "作用", "与", "其", "自身", "富含", "单", "不饱和脂肪酸", "、", "抗氧化剂", "以及", "其他", "微量元素", "有关", "。", "它们", "彼此", "协同作用", ",", "增强", "了", "保护", "效应", "。", "在", "防", "肿瘤", "食物", "中", "夏威夷果", "油", "的", "摄入", "(", "伴随", "蔬菜水果", ")", "特别", "重要", "。", "在", "经常食用", "夏威夷果", "油", "的", "人群", "里", ",", "各种", "癌症", "的", "发病率", "很", "低", ",", "特别", "是", "乳腺癌", "和", "胃肠", "系统", "的", "癌症", "的", "发病率", "明显", "低于", "其他", "人群", "。", "地中海地区", "由于", "食用", "夏威夷果", "油", ",", "肺癌", "的", "发病率", "比", "美国", "低", "50", "%", "。"], ["夏威夷果", "的", "热量"], ["夏威夷果", "热量", ":", "719", "卡路里", "/", "100", "克", "。"], ["广澳", "夏", "果", "笑", "口", "夏威夷果", "热量", ":", "736", "卡路里", "/", "100", "克", "。"], ["澳大利亚", "夏威夷果", "仁", "巧克力", "热量", ":", "590", "卡路里", "/", "100", "克", "。"], ["夏威夷果", "仁", "热量", ":", "718", "卡路里", "/", "100", "克", "。"], ["夏威夷果", "仁", "(", "干", "烤", ",", "添加", "盐", ")", "热量", ":", "716", "卡路里", "/", "100", "克", "。"], ["夏威夷果", "仁", "(", "干", "烤", ",", "无添加", "盐", ")", "热量", ":", "718", "卡路里", "/", "100", "克", "。"], ["夏威夷果", "仁", "(", "朱古力", "面", "层", ")", "热量", ":", "676", "卡路里", "/", "100", "克", "。"], ["719", "大卡", "热量", "相当于", "做", "以下", "运动", "所", "消耗", "掉", "的", "热量", ":"], ["走路", "182", "分钟", "。"], ["跑步", "91", "分钟", "。"], ["跳绳", "72", "分钟", "。"], ["健美操", "155", "分钟", "。"], ["评价", ":"], ["夏威夷果", "是", "脂肪", "含量", "最高", "的", "坚果", ",", "有", "将近", "80", "%", "的", "脂肪", "。"], ["夏威夷果", "富含", "热量", ",", "热量", "摄取", "过", "多", ",", "多余", "的", "热量", "会", "以", "脂肪", "的", "形式", "储存", "起来", ",", "导致", "肥胖", "。", "所以", "夏威夷果", "不适合", "减肥", "的", "人", "使用", "。"], ["夏威夷果", "好吃", "吗"], ["澳洲", "的", "坚果", "夏威夷果", "在", "坚果", "里", "最为", "有名", ",", "它", "比", "核桃", "的", "营养", "还", "高", ",", "而且", "比", "核桃", "的", "外壳", "还", "硬", ",", "可是", "夏威夷果", "好吃", "吗", "?", "有", "什么", "样", "的", "特点", "呢", "?", "都", "说", "吃", "这个", "夏威夷果", "可以", "补脑", ",", "而且", "还能", "降脂", ",", "老少皆宜", "的", "一", "种", "食品", ",", "可是", "在", "味道", "口感", "上", "怎么样", "呢", "?", "夏威夷果", "好吃", "吗", "?"], ["夏威夷果", "营养丰富", ",", "味道", "甘美", ",", "香", "脆", "可口", "、", "风味独特", ",", "被", "誉为", "世界", "最高级", "的", "食用", "坚果", "。", "同时", "被", "广泛", "采用", ",", "制", "西", "饼", "及", "蛋糕", "。", "亦", "可用", "以", "佐膳", "及", "送", "酒", "。"], ["夏威夷果", "的", "食用", "特点"], ["原味", ":", "刚", "入口", "有", "一", "股", "油", "腥味", ",", "很", "清淡", ",", "口感", "清脆", ",", "非常", "香", ",", "比较", "符合", "南方人", "的", "口味", ",", "清香", "脆", "。"], ["盐", "焗", "味", ":", "经过", "调味", "的", "果仁", "口感", "更好", ",", "更加", "香", "脆", ",", "淡淡", "的", "咸味", ",", "更", "符合", "北方人", "的", "口味", ",", "咸", "香", "。"], ["奶油", "味", ":", "清香", "奶油", "口味", ",", "入口", "爽", "滑", ",", "回味无穷", "。", "比较", "受", "中老年人", "的", "青睐", "。"], ["注意", ":"], ["正", "因为", "夏威夷果", "富含", "单", "不饱和脂肪酸", ",", "所以", "它", "不仅", "有", "调节血脂", "血糖", "作用", ",", "可", "有效", "降低", "血浆", "中", "血清", "总胆固醇", "和", "低密度", "脂蛋白", "胆固醇", "的", "含量", "。", "但是", "由于", "单", "不饱和脂肪酸", "油脂", "往往", "有", "易", "氧化", "、", "产生", "过", "氧化物", "、", "安全性", "欠佳", "、", "易", "产生", "负面", "后果", "等", "缺点", ",", "所以", "建议", "你", "还是", "直接", "食用", "干果", ",", "而", "不", "去", "烹饪", "吃", "。"], ["夏威夷果", "怎么", "开"]], "paragraphs": ["功效调节血脂和益智作用,非常适合老年人或血脂不好人的滋补食品。", "禁忌人群消化力弱的人少吃。", "适宜人群一般人群均可食用。", "夏威夷果是一种原产于澳洲的树生坚果,也称澳洲坚果或火山豆,味道香甜可口。食用部分是果仁。", "夏威夷果(澳洲坚果)果仁香酥滑嫩可口,有独特的奶油香味,是世界上品质最佳的食用用果,有“干果皇后”,“世界坚果之王”之美称,风味和口感都远比腰果好。夏威夷果(澳洲坚果)除了制作干果外,还可制作糕点、巧克力、食用油、化妆品等。", "其功效主要为:调节血脂和益智作用,非常适合老年人或血脂不好人的滋补食品。", "很多人可能对于这种坚果都很陌生,但实际上它已经被引入了我国,在很多地方也是可以买到的。实际上很多坚果都有着益智养生的良好作用,而夏威夷果更是如此,如果有条件的话,推荐大家可以在平时适当食用一些,即美味,又健康。", "夏威夷果的营养价值", "夏威夷果(澳洲坚果)果仁营养丰富(呈奶白色),其外果皮青绿色,内果皮坚硬,呈褐色,单果重15—16克。夏威夷果营养成分极其丰富,其含油量高达60%-80%,还含有丰富的钙、磷、铁、维生素B1、B2和氨基酸。", "夏威夷果油是最好的保健油,其所含各种营养成分的人体消化吸收率极高,是胃肠道最容易吸收的油类。夏威夷果油具有减少胃酸,阻止胃炎及十二指肠溃疡的功能。", "夏威夷果油中富含的单不饱和脂肪酸能降低血压、调节和控制血糖水平、改善糖尿病患者的脂质代谢,是糖尿病患者最好的脂肪补充来源;此外,澳洲坚果油中富含的抗氧化剂,可以限制糖尿病患者体内的过氧化过程。美国著名的Jean Carper医学博士说:“油酸能降低血压,平衡血脂、血糖,使之正常”。难以经常就医的糖尿病患者,坚持饮食疗法是比较容易做到的事。", "夏威夷果油中富含的维生素E能起到一个“有益的类似抑制物的作用”。人体摄入饱和脂肪酸后,它们分解产生促进炎症的荷尔蒙;而当人体摄入夏威夷果油中的不饱和脂肪酸,它们将分解产生抑制炎症的荷尔蒙。因此长期食用夏威夷果油可以预防风湿性关节炎。", "在夏威夷果油的众多成分中,胡萝卜素和叶绿素赋予澳洲坚果油金黄透绿的独特色泽,而叶绿素起新陈代谢作用,促进细胞生长,加速伤口愈合,还有助于营养和美化皮肤,减少皱纹的产生。", "肠癌在另一项研究的研究人员证实,B一谷甾醇是存在于夏威夷果油中的一种植物脂肪,能阻止前列腺癌细胞的生长。最近的一项研究则表明:澳洲坚果油能预防肠癌,夏威夷果油同胃酸反应后能防止肠癌与直肠癌的攻击。", "夏威夷果补脑益智脑细胞由60%的不饱和脂肪酸和35%的蛋白质构成。因此,对于大脑的发育来说,需要的第一营养成分是不饱和脂肪酸。夏威夷果(澳洲坚果)中含有大量的不饱和脂肪酸,还含有15%——20%的优质蛋白质和十几种重要的氨基酸,这些氨基酸都是构成脑神经细胞的主要成分。坚果中对大脑神经细胞有益的维生素b1、b2、b6,维生素e及钙、磷、铁、锌等的含量也较高。因此,吃坚果对改善脑部营养很有益处,特别适合孕妇和儿童食用。", "夏威夷果的功效与作用", "补充脑营养。", "吃夏威夷果对改善脑部营养很有益处,特别适合孕妇和儿童食用。", "降低血压。", "经医学证明,夏威夷果油能很有效地降低血压。国外于1996年进行的一项研究中,16位血压偏高的妇女同意在一个月的时间里改吃夏威夷果油。结果,她们的血压平均从161/94降到了151/85,舒张压与收缩压几乎都降低了10毫米汞柱。", "缓解便秘。", "夏威夷果油还能够增加肠蠕动,使肠道畅通,并且具有温和轻泻剂的功效,可消除慢性便秘。早晚空腹服用两汤匙夏威夷果油对缓解慢性便秘具有不错的功效。", "预防血栓形成。", "长期食用夏威夷果油,人的血脂会控制在一个健康的状态下。由于澳洲坚果油对血脂的双相调节作用,能有效地降低血液粘稠度,从而防止动脉粥样硬化,可以有效地保护心脑血管系统。最新研究认为夏威夷果油有预防血栓形成的作用。", "治疗皮肤疾病。", "夏威夷果油是一种极好的治疗皮肤疾病的天然药物。根据皮肤科外用药治疗原则,用夏威夷果油制成的3种剂型对5类15种渗出性皮炎、溃疡疗效显著。", "防辐射。", "由于夏威夷果油含有多酚和脂多糖成分,所以夏威夷果油还有防辐射的功能,因此夏威夷果油常被用来制作宇航员的食品。经常使用电脑者更视其为保健佳品。", "防病、提高骨密度。", "夏威夷果油在预防这种疾病方面有非常积极的效果。摄取的夏威夷果油越多,骨骼的矿化就越好。夏威夷果油中所含的丰富油酸能促进机体对钙、磷、锌和其他矿物质的吸收,提高骨密度。", "调节血脂。", "吃夏威夷果调节血脂的作用也很好,非常适合老年人或血脂不好人的滋补食品。", "促进胆囊收缩。", "夏威夷果油能促进胆囊收缩,提高胰酶的活力,使油脂降解,被肠粘膜吸收。夏威夷果油对胆囊驰缓具有极佳的疗效。夏威夷果油与医生所开的药物和其他具有类似功效的食物相比,具有更快速的和长时间的疗效。", "抗癌。", "研究发现,澳洲坚果油能减少致癌物的酮衍生物在肠道形成肿瘤的速率。夏威夷果油的保护作用与其自身富含单不饱和脂肪酸、抗氧化剂以及其他微量元素有关。它们彼此协同作用,增强了保护效应。在防肿瘤食物中夏威夷果油的摄入(伴随蔬菜水果)特别重要。在经常食用夏威夷果油的人群里,各种癌症的发病率很低,特别是乳腺癌和胃肠系统的癌症的发病率明显低于其他人群。地中海地区由于食用夏威夷果油,肺癌的发病率比美国低50%。", "夏威夷果的热量", "夏威夷果热量:719卡路里/100克。", "广澳夏果笑口夏威夷果热量:736卡路里/100克。", "澳大利亚夏威夷果仁巧克力热量:590卡路里/100克。", "夏威夷果仁热量:718卡路里/100克。", "夏威夷果仁(干烤,添加盐)热量:716卡路里/100克。", "夏威夷果仁(干烤,无添加盐)热量:718卡路里/100克。", "夏威夷果仁(朱古力面层)热量:676卡路里/100克。", "719大卡热量相当于做以下运动所消耗掉的热量:", "走路182分钟。", "跑步91分钟。", "跳绳72分钟。", "健美操 155分钟。", "评价:", "夏威夷果是脂肪含量最高的坚果,有将近80%的脂肪。", "夏威夷果富含热量,热量摄取过多,多余的热量会以脂肪的形式储存起来,导致肥胖。所以夏威夷果不适合减肥的人使用。", "夏威夷果好吃吗", "澳洲的坚果夏威夷果在坚果里最为有名,它比核桃的营养还高,而且比核桃的外壳还硬,可是夏威夷果好吃吗?有什么样的特点呢?都说吃这个夏威夷果可以补脑,而且还能降脂,老少皆宜的一种食品,可是在味道口感上怎么样呢?夏威夷果好吃吗?", "夏威夷果营养丰富,味道甘美,香脆可口、风味独特,被誉为世界最高级的食用坚果。同时被广泛采用,制西饼及蛋糕。亦可用以佐膳及送酒。", "夏威夷果的食用特点", "原味:刚入口有一股油腥味,很清淡,口感清脆,非常香,比较符合南方人的口味,清香脆。", "盐焗味:经过调味的果仁口感更好,更加香脆,淡淡的咸味,更符合北方人的口味,咸香。", "奶油味:清香奶油口味,入口爽滑,回味无穷。比较受中老年人的青睐。", "注意:", "正因为夏威夷果富含单不饱和脂肪酸,所以它不仅有调节血脂血糖作用,可有效降低血浆中血清总胆固醇和低密度脂蛋白胆固醇的含量。但是由于单不饱和脂肪酸油脂往往有易氧化、产生过氧化物、安全性欠佳、易产生负面后果等缺点,所以建议你还是直接食用干果,而不去烹饪吃。", "夏威夷果怎么开"], "bs_rank_pos": 1}, {"title": "吃夏威夷果的好处和坏处 夏威夷果的食用禁忌_腾牛健康网", "segmented_title": ["吃", "夏威夷果", "的", "好处", "和", "坏处", "夏威夷果", "的", "食用", "禁忌", "_", "腾", "牛", "健康网"], "segmented_paragraphs": [["导读", ":", "在", "日常", "生活", "中", ",", "很多人", "都会", "喜欢", "吃", "夏威夷果", ",", "夏威夷果", "是", "很", "受欢迎", "的", "一", "种", "坚果", "食品", ",", "它", "含有", "丰富", "的", "营养", ",", "具有", "很好", "的", "食用", "价值", "。", "那么", "吃", "夏威夷果", "的", "好处", "和", "坏处", "有", "哪些", "呢", "?"], ["夏威夷果", "含有", "大量", "的", "不饱和脂肪酸", ",", "并", "含有", "15", "%", "-", "20", "%", "的", "优质", "蛋白质", "以及", "十", "多", "种", "重要", "的", "氨基酸", ",", "经常食用", "夏威夷果", "可以", "健脑", "益智", ",", "调节血脂", "血糖", ",", "缓解", "便秘", "。", "下面", "让", "我们", "具体", "来", "看看", "吧", "!"], ["人类", "的", "脑细胞", "由", "60", "%", "的", "不饱和脂肪酸", "以及", "35", "%", "的", "蛋白质", "构成", ",", "夏威夷果", "含有", "大量", "的", "不饱和脂肪酸", ",", "并", "含有", "15", "%", "-", "20", "%", "的", "优质", "蛋白质", "以及", "十", "多", "种", "重要", "的", "氨基酸", "。", "因此", ",", "经常食用", "夏威夷果", "对", "健脑", "益智", "很", "有", "帮助", "。"], ["夏威夷果", "富含", "单", "不饱和脂肪酸", ",", "具有", "调节血脂", "、", "血脂", "的", "作用", ",", "适当", "摄取", "能", "降低", "血清", "中", "总胆固醇", "、", "低密度", "脂蛋白", "胆固醇", "和", "载脂蛋白", "B", ",", "对", "减少", "高胆固醇血症", "及", "心血管疾病", "的", "发生", "有", "帮助", "。"], ["妇女", "如果", "每天", "有", "一", "餐", "食用", "夏威夷果", "油", ",", "能", "减少", "25", "%", "的", "癌症", "危险", ",", "如果", "用", "夏威夷果", "油", "代替", "其他", "食用油", "可", "减低", "50", "%", "的", "癌症", "。", "研究表明", ":", "单", "不", "饱合", "脂肪酸", "摄取", "较多", "的", "妇女", "患", "乳腺癌", "的", "比率", "大幅降低", "。", "B", "一", "谷甾醇", "是", "存在", "于", "夏威夷果", "油", "中", "的", "一", "种", "植物", "脂肪", ",", "能", "阻止", "前列腺癌", "细胞", "的", "生长", ",", "对", "预防", "肠癌", "很", "有效", "。"], ["夏威夷果", "中", "富含", "胡萝卜素", "喝", "叶绿素", ",", "叶绿素", "起", "促进", "新陈代谢", "的", "作用", ",", "能", "促进", "细胞", "生长", ",", "加速", "伤口愈合", ",", "还有", "助", "于", "营养", "和", "美化", "皮肤", ",", "减少", "皱纹", "的", "产生", "。", "夏威夷果", "油", "制", "成", "的", "3", "种", "剂型", "外", "涂", ",", "对", "5", "类", "15", "种", "渗出性", "皮炎", "、", "溃疡", "疗效", "显", "着", "。"], ["夏威夷果", "油", "有", "防辐射", "的", "作用", ",", "常", "被", "用来", "制作", "宇航员", "的", "食品", ",", "经常", "对着", "电脑", "的", "人", "也", "可以", "多", "吃", "夏威夷果", "抗辐射", "。"], ["夏威夷果", "油", "具有", "温和", "轻泻剂", "的", "功效", ",", "能够", "增加", "肠", "蠕动", ",", "使", "肠道", "畅通", ",", "帮助", "消除", "慢性", "便秘", "。", "早晚", "空腹", "服用", "两", "汤匙", "夏威夷果", "油", "对", "缓解", "慢性", "便秘", "具有", "不错", "的", "功效", "。"], ["适当", "吃", "夏威夷果", "没有", "坏处", ",", "但是", "过量", "吃", "会", "对", "健康", "产生", "以下", "坏处", "。"], ["夏威夷果", "是", "坚果", "炒货", ",", "果仁", "经", "烘", "香", "或", "油", "泡", "后", ",", "可", "提升", "口感", ",", "但", "却", "偏向", "燥热", ",", "多", "吃", "容易", "上火", ",", "出现", "长", "痘痘", "或者", "咽喉肿痛", "的", "情况", "。"], ["由于", "果", "粒", "坚硬", ",", "且", "含", "油脂", "、", "蛋白质", "丰富", ",", "不太", "容易", "消化", ",", "消化", "力", "弱", "人士", "吃", "太多", "会", "觉得", "梗", "胃", ",", "导致", "消化不良", "。"], ["1", "、", "澳洲坚果", "果仁", "香酥", "滑", "嫩", "可口", ",", "有", "独特", "的", "奶油", "香味", ",", "是", "世界上", "品质", "较", "佳", "的", "食用", "坚果", ",", "素", "有", "“", "干果", "皇后", "”", "“", "世界", "坚果", "之", "王", "”", "之", "美称", ",", "风味", "和", "口感", "都", "远", "比", "腰果", "好", "。", "2", "、", "澳洲坚果", "营养丰富", ",", "含油", "量", "70", "%", "-", "79", "%", ",", "尤其", "以", "富含", "不饱和脂肪酸", "为", "特点", ";", "以", "油酸", "和", "棕榈酸", "为", "主", ",", "光", "壳", "种", "澳洲坚果", "种仁", "的", "不饱和脂肪酸", "与", "饱和脂肪酸", "的", "比值", "为", "6", ".", "2", ",", "粗", "壳", "种", "为", "4.8", ";", "蛋白质", "含量", "有", "9", "%", ",", "还", "含有", "丰富", "的", "钙", ",", "磷", ",", "铁", ",", "维生素B1", "、", "B2", "和", "人体", "必需", "的", "8", "种", "氨基酸", "。"], ["1", "、", "由于", "夏威夷果", "果", "粒", "坚硬", ",", "消化", "力", "弱", "多", "吃", "会", "觉", "梗", "胃", ",", "宜", "少", "吃", "。", "2", "、", "嚼碎", "吞咽", "时", ",", "容易", "呛", "喉", ",", "而", "果", "屑", "藏", "存", "喉间", "摺", "壁", "内", ",", "会", "胀", "大", "发臭", ",", "很难", "清理", "。", "3", "、", "果仁", "经", "烘", "香", "或", "油", "泡", "后", ",", "可", "提升", "口感", ",", "但", "却", "偏向", "燥热", ",", "引发", "豆豆", "、", "喉", "痛", "和", "痔疮", "。", "4", "、", "夏威夷果", "富含", "单", "不饱和脂肪酸", ",", "所以", "它", "不仅", "有", "调节血脂", "血糖", "作用", ",", "可", "有效", "降低", "血浆", "中", "血清", "总胆固醇", "和", "低密度", "脂蛋白", "胆固醇", "的", "含量", "。", "但是", "由于", "单", "不饱和脂肪酸", "油脂", "往往", "有", "易", "氧化", "、", "产生", "过", "氧化物", "、", "安全性", "欠佳", "、", "易", "产生", "负面", "后果", "等", "缺点", ",", "所以", "建议", "你", "还是", "直接", "食用", "干果", ",", "而", "不", "去", "烹饪", "吃", "。"], ["夏威夷果", "果仁", "营养丰富", ",", "其", "外果皮", "青绿色", ",", "内果皮", "坚硬", ",", "呈", "褐色", ",", "单", "果", "重", "15", "—", "16", "克", ",", "含油", "量", "70", "%", "左右", ",", "蛋白质", "9", "%", ",", "含有", "人体", "必需", "的", "8", "种", "氨基酸", ",", "还", "富含", "矿物质", "和", "维生素", "。", "其", "具有", "调节", "血脂", "和", "益智", "作用", ",", "非常", "适合", "老年人", "或", "血脂", "不", "好人", "的", "滋补", "食用", "。"], ["温馨提示", ":", "以上内容", "整理", "于", "网络", ",", "仅供参考", ",", "如果", "对", "您", "有", "帮助", ",", "留下", "您", "的", "阅读", "感言", "吧", "!"], ["夏威夷果", "怎么", "吃", "吃", "夏威夷果", "的", "注意事项", "夏威夷果", "吃", "多", "了", "会", "上火", "吗", "夏威夷果", "吃", "多", "了", "会", "怎么样"], ["这", "8", "种", "水果", "晚上", "不宜吃", "最佳", "减肥", "水果", "排行榜", "前十名", "20172017", "-", "03", "-", "22", "黑糖", "姜茶", "能", "空腹", "喝", "吗", "早上", "空腹", "喝", "黑糖", "姜茶", "好", "吗", "2017", "-", "03", "-", "22"]], "paragraphs": ["导读:在日常生活中,很多人都会喜欢吃夏威夷果,夏威夷果是很受欢迎的一种坚果食品,它含有丰富的营养,具有很好的食用价值。那么吃夏威夷果的好处和坏处有哪些呢?", "夏威夷果含有大量的不饱和脂肪酸,并含有15%-20%的优质蛋白质以及十多种重要的氨基酸,经常食用夏威夷果可以健脑益智,调节血脂血糖,缓解便秘。下面让我们具体来看看吧!", "人类的脑细胞由60%的不饱和脂肪酸以及35%的蛋白质构成,夏威夷果含有大量的不饱和脂肪酸,并含有15%-20%的优质蛋白质以及十多种重要的氨基酸。因此,经常食用夏威夷果对健脑益智很有帮助。", "夏威夷果富含单不饱和脂肪酸,具有调节血脂、血脂的作用,适当摄取能降低血清中总胆固醇、低密度脂蛋白胆固醇和载脂蛋白B,对减少高胆固醇血症及心血管疾病的发生有帮助。", "妇女如果每天有一餐食用夏威夷果油,能减少25%的癌症危险,如果用夏威夷果油代替其他食用油可减低50%的癌症。研究表明:单不饱合脂肪酸摄取较多的妇女患乳腺癌的比率大幅降低。B一谷甾醇是存在于夏威夷果油中的一种植物脂肪,能阻止前列腺癌细胞的生长,对预防肠癌很有效。", "夏威夷果中富含胡萝卜素喝叶绿素,叶绿素起促进新陈代谢的作用,能促进细胞生长,加速伤口愈合,还有助于营养和美化皮肤,减少皱纹的产生。夏威夷果油制成的3种剂型外涂,对5类15种渗出性皮炎、溃疡疗效显着。", "夏威夷果油有防辐射的作用,常被用来制作宇航员的食品,经常对着电脑的人也可以多吃夏威夷果抗辐射。", "夏威夷果油具有温和轻泻剂的功效,能够增加肠蠕动,使肠道畅通,帮助消除慢性便秘。早晚空腹服用两汤匙夏威夷果油对缓解慢性便秘具有不错的功效。", "适当吃夏威夷果没有坏处,但是过量吃会对健康产生以下坏处。", "夏威夷果是坚果炒货,果仁经烘香或油泡后,可提升口感,但却偏向燥热,多吃容易上火,出现长痘痘或者咽喉肿痛的情况。", "由于果粒坚硬,且含油脂、蛋白质丰富,不太容易消化,消化力弱人士吃太多会觉得梗胃,导致消化不良。", "1、澳洲坚果果仁香酥滑嫩可口,有独特的奶油香味,是世界上品质较佳的食用坚果,素有“干果皇后”“世界坚果之王”之美称,风味和口感都远比腰果好。 2、澳洲坚果营养丰富,含油量70%-79%,尤其以富含不饱和脂肪酸为特点;以油酸和棕榈酸为主,光壳种澳洲坚果种仁的不饱和脂肪酸与饱和脂肪酸的比值为6.2,粗壳种为4.8;蛋白质含量有9%,还含有丰富的钙,磷,铁,维生素B1、B2和人体必需的8种氨基酸。", "1、由于夏威夷果果粒坚硬,消化力弱多吃会觉梗胃,宜少吃。 2、嚼碎吞咽时,容易呛喉,而果屑藏存喉间摺壁内,会胀大发臭,很难清理。 3、果仁经烘香或油泡后,可提升口感,但却偏向燥热,引发豆豆、喉痛和痔疮。 4、夏威夷果富含单不饱和脂肪酸,所以它不仅有调节血脂血糖作用,可有效降低血浆中血清总胆固醇和低密度脂蛋白胆固醇的含量。但是由于单不饱和脂肪酸油脂往往有易氧化、产生过氧化物、安全性欠佳、易产生负面后果等缺点,所以建议你还是直接食用干果,而不去烹饪吃。", "夏威夷果果仁营养丰富,其外果皮青绿色,内果皮坚硬,呈褐色,单果重15—16克,含油量70%左右,蛋白质9%,含有人体必需的8种氨基酸,还富含矿物质和维生素。其具有调节血脂和益智作用,非常适合老年人或血脂不好人的滋补食用。", "温馨提示:以上内容整理于网络,仅供参考,如果对您有帮助,留下您的阅读感言吧!", "夏威夷果怎么吃 吃夏威夷果的注意事项 夏威夷果吃多了会上火吗 夏威夷果吃多了会怎么样", "这8种水果晚上不宜吃 最佳减肥水果排行榜前十名20172017-03-22 黑糖姜茶能空腹喝吗 早上空腹喝黑糖姜茶好吗2017-03-22"], "bs_rank_pos": 2}, {"title": "夏威夷果的营养价值 常吃夏威夷果的好处 - 三九养生堂", "segmented_title": ["夏威夷果", "的", "营养价值", "常吃", "夏威夷果", "的", "好处", "-", "三九", "养生堂"], "segmented_paragraphs": [["夏威夷果", "在", "我们", "的", "日常", "生活", "中", "应该", "是", "很少", "见到", "了", ",", "它", "是", "一", "种", "原", "产", "于", "澳洲", "的", "树", "生", "坚果", ",", "也称", "澳洲坚果", "或", "火山豆", ",", "味道", "香甜可口", "。", "夏威夷果", "的", "营养价值", "很高", ",", "含有", "丰富", "的", "钙", "、", "磷", "、", "铁", "、", "维生素B1", "、", "B2", "和", "氨基酸", ",", "有", "“", "干果", "皇后", "”", "的", "美味", "食品", ",", "那么", "你", "知道", "夏威夷果", "的", "食用方法", "有", "哪些", "吗", "?", "常吃", "夏威夷果", "有", "哪些", "好处", "呢", "?", "今天", "小", "编", "就", "来", "告诉你", "夏威夷果", "的", "一些", "相关知识", ",", "一起来", "看看", "吧", "。"], ["目录"], ["夏威夷果", "是", "什么"], ["夏威夷果", "是什么", "呢", ",", "很显然", "夏威夷果", "肯定", "是", "来自", "于", "西方国家", "而", "不是", "我们", "国家", "的", "特产", ",", "夏威夷果", "不是", "一", "种", "水果", ",", "而是", "一", "种", "干果", ",", "我们", "将", "夏威夷果", "叫做", "是", "干果", "之", "王", ",", "可见", "夏威夷果", "的", "地位", ",", "夏威夷果", "我们", "也", "叫做", "是", "澳洲", "胡桃", "或者", "叫", "昆士兰", "果", ",", "夏威夷果", "的", "营养价值", "和", "经济", "价值", "是", "非常", "高", "的", "。"], ["夏威夷果", "本", "名", "叫", "澳洲坚果", "(", "拉丁", "学", "名", ":", "Macadamia", "ternifolia", "F", ".", "Muell", ".", ")", "。", "别名", ":", "昆士兰", "栗", "、", "澳洲", "胡桃", "、", "夏威夷果", "、", "昆士兰", "果", ",", "是", "一", "种", "原", "产", "于", "澳洲", "的", "树", "生", "坚果", "。", "澳洲坚果", "属", "常绿乔木", ",", "双子叶植物", "。", "树冠", "高", "大", ",", "叶", "3", "~", "4", "片", "轮", "生", ",", "披针形", "、", "革", "质", ",", "光滑", ",", "边缘", "有刺", "状", "锯齿", "。", "总状花序", "腋生", ",", "花", "米黄色", ",", "果", "圆", "球形", ",", "果", "皮革", "质", ",", "内果皮", "坚硬", ",", "种仁", "米黄色", "至", "浅", "棕色", "。", "适合", "生长", "在", "温和", "、", "湿润", "、", "风力", "小", "的", "地区", "。"], ["山龙", "眼科", "、", "澳洲坚果", "属", "植物", "在", "世界上", "众多", "的", "干果", "之", "中", ",", "澳洲坚果", "的", "经济", "价值", "最高", ",", "素", "来", "享有", "“", "干果", "之", "王", "”", "的", "誉", "称", "。", "分布", "区域", ":", "澳大利亚", "东部", "、", "新", "喀", "里", "多", "尼", "亚", "、", "印", "度", "尼", "西亚", "苏拉威西", "岛", "。", "此外", "澳洲坚果", "还", "具有", "很高", "的", "营养价值", "和", "药用价值", "。"], ["夏威夷果", "的", "营养价值"], ["澳洲坚果", "果仁", "澳洲坚果", "被", "认为", "是", "世界上", "最好", "的", "桌上", "坚果", "之", "一", "。", "他们", "含有", "高", "量", "的", "油", ",", "因此", "非常", "育肥", "。"], ["澳洲坚果", "营养丰富", ",", "含油", "量", "70", "%", "-", "79", "%", ",", "尤其", "以", "富含", "不饱和脂肪酸", "为", "特点", ",", "以", "油酸", "和", "棕榈酸", "为", "主", ",", "光", "壳", "种", "澳洲坚果", "种仁", "的", "不饱和脂肪酸", "与", "饱和脂肪酸", "的", "比值", "为", "6", ".", "2", ",", "粗", "壳", "种", "为", "4.8", ";", "蛋白质", "9", "%", ",", "还", "含有", "丰富", "的", "钙", ",", "磷", ",", "铁", ",", "维生素B1", "、", "B2", "和", "人体", "必需", "的", "8", "种", "氨基酸", "。"], ["夏威夷果", "(", "澳洲坚果", ")", "果仁", "营养丰富", "(", "呈", "奶", "白色", ")", ",", "其", "外果皮", "青绿色", ",", "内果皮", "坚硬", ",", "呈", "褐色", ",", "单", "果", "重", "15", "—", "16", "克", "。", "夏威夷果", "营养成分", "极其", "丰富", ",", "其", "含油", "量", "高达", "60", "%", "-", "80", "%", ",", "还", "含有", "丰富", "的", "钙", "、", "磷", "、", "铁", "、", "维生素B1", "、", "B2", "和", "氨基酸", "。"], ["相关", "阅读", "推荐", ":"], ["鸡内金", "的", "食疗方法", "有", "哪些", "相信", "很多", "朋友", "都", "知道", "鸡内金", "这种", "食物", ",", "事实上", "它", "不仅", "是", ".", ".", "."], ["注射", "乙肝疫苗", "的", "注意事项", "很多", "的", "新生儿", "和", "大人", "们", "都会", "选择", "注射", "乙肝疫苗", "来", "预防", "乙", ".", ".", "."], ["得", "了", "胃癌", "会出现", "哪些", "症状", "什么", "是", "胃癌", "?", "很多人", "患", "上", "胃癌", "后", "就", "觉得", "自己", "已经", "没有", "多", ".", ".", "."], ["1", "饿", "了", "吗", "点", "的", "饭", "拿到", "手", "是", "臭", "的", "2", "保质期", "内", "的", "好丽友", "薯片", "生", "虫"], ["26岁", "小伙", "这里", "太", "臭", "竟", "招人", "嫌弃", "男人", "尿毒症", "换肾", "后", "还能", "活", "多久", "男人", "不可", "百日", "无", "姜", "竟是", "因为", "这", "一分钱", "都", "不", "花", "的", "中医", "补肾", "秘方"], ["多", "吃", "这种", "水果", "让", "你", "白皙", "如", "少女", "月经期间", "吃什么", "好", "排毒", "排污", "血", "女子", "天天", "喝", "这东西", "肾", "竟然", "坏", "了", "耳朵", "里", "长", "这", "物", "竟", "让", "她", "头晕", "不", "已"]], "paragraphs": ["夏威夷果在我们的日常生活中应该是很少见到了,它是一种原产于澳洲的树生坚果,也称澳洲坚果或火山豆,味道香甜可口。夏威夷果的营养价值很高,含有丰富的钙、磷、铁、维生素B1、B2和氨基酸,有“干果皇后”的美味食品,那么你知道夏威夷果的食用方法有哪些吗?常吃夏威夷果有哪些好处呢?今天小编就来告诉你夏威夷果的一些相关知识,一起来看看吧。", "目录", "夏威夷果是什么", "夏威夷果是什么呢,很显然夏威夷果肯定是来自于西方国家而不是我们国家的特产,夏威夷果不是一种水果,而是一种干果,我们将夏威夷果叫做是干果之王,可见夏威夷果的地位,夏威夷果我们也叫做是澳洲胡桃或者叫昆士兰果,夏威夷果的营养价值和经济价值是非常高的。", "夏威夷果本名叫澳洲坚果(拉丁学名:Macadamia ternifolia F. Muell.)。别名:昆士兰栗、澳洲胡桃、夏威夷果、昆士兰果,是一种原产于澳洲的树生坚果。澳洲坚果属常绿乔木,双子叶植物。树冠高大,叶3~4片轮生,披针形、革质,光滑,边缘有刺状锯齿。总状花序腋生,花米黄色,果圆球形,果皮革质,内果皮坚硬,种仁米黄色至浅棕色。适合生长在温和、湿润、风力小的地区。", "山龙眼科、澳洲坚果属植物在世界上众多的干果之中,澳洲坚果的经济价值最高,素来享有“干果之王”的誉称。分布区域:澳大利亚东部、新喀里多尼亚、印度尼西亚苏拉威西岛。此外澳洲坚果还具有很高的营养价值和药用价值。", "夏威夷果的营养价值", "澳洲坚果果仁澳洲坚果被认为是世界上最好的桌上坚果之一。他们含有高量的油,因此非常育肥。", "澳洲坚果营养丰富,含油量 70% -79%, 尤其以富含不饱和脂肪酸为特点,以油酸和棕榈酸为主,光壳种澳洲坚果种仁的不饱和脂肪酸与饱和脂肪酸的比值为6.2,粗壳种为4.8;蛋白质9% ,还含有丰富的钙,磷 ,铁,维生素B1、B2和人体必需的8种氨基酸。", "夏威夷果(澳洲坚果)果仁营养丰富(呈奶白色),其外果皮青绿色,内果皮坚硬,呈褐色,单果重15—16克。夏威夷果营养成分极其丰富,其含油量高达60%-80%,还含有丰富的钙、磷、铁、维生素B1、B2和氨基酸。", "相关阅读推荐:", "鸡内金的食疗方法有哪些 相信很多朋友都知道鸡内金这种食物,事实上它不仅是...", "注射乙肝疫苗的注意事项 很多的新生儿和大人们都会选择注射乙肝疫苗来预防乙...", "得了胃癌会出现哪些症状 什么是胃癌?很多人患上胃癌后就觉得自己已经没有多...", "1饿了吗点的饭拿到手是臭的 2保质期内的好丽友薯片生虫", "26岁小伙这里太臭竟招人嫌弃 男人尿毒症换肾后还能活多久 男人不可百日无姜竟是因为这 一分钱都不花的中医补肾秘方", "多吃这种水果让你白皙如少女 月经期间吃什么好排毒排污血 女子天天喝这东西肾竟然坏了 耳朵里长这物竟让她头晕不已"], "bs_rank_pos": 3}, {"title": "夏威夷果的营养价值及功效_百度经验", "segmented_title": ["夏威夷果", "的", "营养价值", "及", "功效", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "健康", "/", "养生", ">", "保健养生"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["夏威夷果", "属于", "南方", "盛产", "的", "一", "种", "坚果", "类", "的", "营养", "果实", "。", "医生", "认为", "多", "吃", "夏威夷果", ",", "可以", "提高", "人体", "的", "免疫力", ",", "对于", "MM", "们", "常吃", "这个", "也是", "美颜", "的", "作用", "哦", "。"], ["夏威夷果", "的", "营养价值"], ["夏威夷果", "里", "富含", "丰富", "的", "营养物质", ",", "我们", "吃", "这个", "坚果", "的", "时候", "会", "发现", "这个", "果肉", "会", "非常", "的", "油", ",", "那", "是因为", "它", "里面", "的", "含油", "量", "将近", "有", "70", "%", "左右", ",", "而", "蛋白质", "含", "9", "%", ",", "还", "包含", "一些", "钙", "、", "磷", "、", "铁", "、", "维生素B1", "、", "B2", "和", "氨基酸", "等", "营养成分", ",", "对于", "孕妇", "这个", "还是", "少", "吃", ",", "不宜", "多", "吃", "。"], ["夏威夷果", "的", "功效"], ["长期", "的", "使用", "夏威夷果", "可以", "健脑", "益智", ",", "因为", "人体", "的", "的", "脑细胞", "是", "由", "60", "%", "的", "不饱和脂肪酸", "和", "35", "%", "的", "蛋白质", "构成", ",", "常吃", "夏威夷果", "对于", "大脑", "的", "发育", "是", "很不错", "的", ",", "因为", "夏威夷果", "里", "含有", "不饱和脂肪酸", ",", "还", "含有", "18", "%", "~", "30", "%", "的", "蛋白质", "和", "氨基酸", ",", "这些", "营养成分", "都是", "脑神经", "细胞", "所", "需要", "的", "主要", "成分", "。"], ["服用", "夏威夷果", "可以", "降血脂", ",", "减少", "血液", "中", "血浆", "的", "血清", ",", "调节", "血液", "的", "血脂", "、", "血糖", "营养价值", ",", "经常食用", "夏威夷果", "具有", "软化", "血管", ",", "降低", "心脏病", "、", "高血压", "发病率", "的", "作用", ",", "对", "人体", "健康", "十分", "有益", "。"], ["每个女人", "都", "想", "吃", "什么", "都", "要", "美颜", ",", "多", "吃", "夏威夷果", ",", "可以", "使", "肌肤", "起", "到", "保湿", "、", "增加", "皮肤", "活力", "的", "作用", ",", "对", "MM", "们", "的", "保健", "美容", "有", "显著", "功效", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "想要", "幸福", ",", "就要", "自己", "争取", "!", "!"]], "paragraphs": ["百度经验 > 健康/养生 > 保健养生", "百度经验:jingyan.baidu.com", "夏威夷果属于南方盛产的一种坚果类的营养果实。医生认为多吃夏威夷果,可以提高人体的免疫力,对于MM们常吃这个也是美颜的作用哦。", "夏威夷果的营养价值", "夏威夷果里富含丰富的营养物质,我们吃这个坚果的时候会发现这个果肉会非常的油,那是因为它里面的含油量将近有70%左右,而蛋白质含9%,还包含一些钙、磷、铁、维生素B1、B2和氨基酸等营养成分,对于孕妇这个还是少吃,不宜多吃。", "夏威夷果的功效", "长期的使用夏威夷果可以健脑益智,因为人体的的脑细胞是由60%的不饱和脂肪酸和35%的蛋白质构成,常吃夏威夷果对于大脑的发育是很不错的,因为夏威夷果里含有不饱和脂肪酸,还含有18%~30%的蛋白质和氨基酸,这些营养成分都是脑神经细胞所需要的主要成分。", "服用夏威夷果可以降血脂,减少血液中血浆的血清,调节血液的血脂、血糖营养价值,经常食用夏威夷果具有软化血管,降低心脏病、高血压发病率的作用,对人体健康十分有益。", "每个女人都想吃什么都要美颜,多吃夏威夷果,可以使肌肤起到保湿、增加皮肤活力的作用,对MM们的保健美容有显著功效。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:想要幸福,就要自己争取!!"], "bs_rank_pos": 4}], "question": "夏威夷果的功效与作用", "segmented_question": ["夏威夷果", "的", "功效", "与", "作用"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221639}
-{"documents": [{"bs_rank_pos": 1, "paragraphs": ["没有小A4尺寸的纸张这一说法。只有A0,A1,A2,A3,A4,A5,A6,A7,A8这几种纸张尺寸。 纸张尺寸指的是折页机配页机能够支持纸张的尺寸范围,指的是一个最大的尺寸和一个最小尺寸,一般用纸张的规格来表示。如果大于或者小于这个尺寸范围的纸张,产品则无法对其进行折页和配页。 纸张的规格是指纸张制成后,经过修整切边,裁成一定的尺寸。过去是以多少\"开\"(例如8开或16开等)来表示纸张的大小,如今我国采用国际标准,规定以A0、A1、A2、B1、B2......等标记来表示纸张的幅面规格。标准规定纸张的幅宽(以X表示)和长度(以Y表示)的比例关系为X:Y=1:n。 按照纸张幅面的基本面积,把幅面规格分为A系列、B系列和C系列,幅面规格为A0的幅面尺寸为:841mm×1189mm,幅面面积为1平方米;B0的幅面尺寸为1000mm×1414mm,幅面面积为√2平方米;C0的幅面尺寸为917mm×1297m"], "segmented_title": ["在", "A4", "和", "小", "A4", "尺寸", "有何区别", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["没有", "小", "A4", "尺寸", "的", "纸张", "这一说法", "。", "只有", "A0", ",", "A1", ",", "A2", ",", "A3", ",", "A4", ",", "A5", ",", "A6", ",", "A7", ",", "A8", "这", "几", "种", "纸张", "尺寸", "。", "纸张", "尺寸", "指", "的", "是", "折页机", "配页", "机", "能够", "支持", "纸张", "的", "尺寸", "范围", ",", "指", "的", "是", "一", "个", "最大", "的", "尺寸", "和", "一", "个", "最小", "尺寸", ",", "一般", "用", "纸张", "的", "规格", "来", "表示", "。", "如果", "大于", "或者", "小于", "这个", "尺寸", "范围", "的", "纸张", ",", "产品", "则", "无法", "对其", "进行", "折页", "和", "配页", "。", "纸张", "的", "规格", "是", "指", "纸张", "制", "成", "后", ",", "经过", "修", "整", "切边", ",", "裁", "成", "一定", "的", "尺寸", "。", "过去", "是", "以", "多少", "\"", "开", "\"", "(", "例如", "8", "开", "或", "16开", "等", ")", "来", "表示", "纸张", "的", "大小", ",", "如今", "我", "国", "采用国际标准", ",", "规定", "以", "A0", "、", "A1", "、", "A2", "、", "B1", "、", "B2", ".", ".", ".", ".", ".", ".", "等", "标记", "来", "表示", "纸张", "的", "幅面", "规格", "。", "标准", "规定", "纸张", "的", "幅宽", "(", "以", "X", "表示", ")", "和", "长度", "(", "以", "Y", "表示", ")", "的", "比例", "关系", "为", "X", ":", "Y", "=", "1", ":", "n", "。", "按照", "纸张", "幅面", "的", "基本", "面积", ",", "把", "幅面", "规格", "分为", "A", "系列", "、", "B", "系列", "和", "C", "系列", ",", "幅面", "规格", "为", "A0", "的", "幅面", "尺寸", "为", ":", "841", "mm", "×", "1189", "mm", ",", "幅面", "面积", "为", "1", "平方米", ";", "B0", "的", "幅面", "尺寸", "为", "1000", "mm", "×", "1414", "mm", ",", "幅面", "面积", "为", "√", "2", "平方米", ";", "C0", "的", "幅面", "尺寸", "为", "9", "17", "mm", "×", "1297", "m"]], "title": "在A4和小A4尺寸有何区别吗?_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["成品尺寸不一样"], "segmented_title": ["在", "A4", "和", "小", "A4", "尺寸", "有何区别", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["成品", "尺寸", "不一样"]], "title": "在A4和小A4尺寸有何区别吗?_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["你应该说的开度吧,印刷上A4的就等于16开 16开 大度:210×285 正度:185×260 正常A4:210×297"], "segmented_title": ["在", "A4", "和", "小", "A4", "尺寸", "有何区别", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["你", "应该", "说", "的", "开度", "吧", ",", "印刷", "上", "A4", "的", "就", "等于", "16", "开", "16", "开", "大", "度", ":", "210", "×", "285", "正度", ":", "185", "×", "260", "正常", "A4", ":", "210", "×", "297"]], "title": "在A4和小A4尺寸有何区别吗?_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["A4纸尺寸:210*297mm,又称16开,一般纸厂都是846*1194mm的纸分切的(这个尺寸是分切A4最少损耗的大纸尺寸),一张这个尺寸纸分切16张,故称之为16开。A4的两倍尺寸为A3,又叫八开。其余尺寸以此类推。如下: A4纸尺寸(210*297mm) A3纸尺寸(297*420mm) A2纸尺寸(420*594mm) A1纸尺寸(594*841mm) A0纸尺寸(841*1189mm). 国家规定的开本尺寸是采用的国际标准系列,现已定入国家行业标准GB/T 1999内在全国执行。书刊本册现行开本尺寸主要是A系列规格,有以下几种: A4(16k)297mm×210mm; A5(32k)210mm× 148mm; A6(64k)144mm×105mm; A3(8k)420mm×297mm; 注意:其中A3(8k)尺寸尚未定入,但普遍用。 日常生活中说说的A4复印纸,8K纸就是指这些尺寸, 即A4纸(16K纸)的尺寸为:297mm×210mm, 32K笔记本(A5笔记本)规格为:21cm × 14.8cm。 纸张尺寸介绍: a2纸的尺寸(大4开) 594mm×420mm "], "segmented_title": ["A4", "大小", "的", "印刷", "尺寸", "是", "多大", "的", "_", "百度", "知道"], "segmented_paragraphs": [["A4", "纸", "尺寸", ":", "210", "*", "297", "mm", ",", "又", "称", "16", "开", ",", "一般", "纸厂", "都是", "846", "*", "1194", "mm", "的", "纸", "分", "切", "的", "(", "这个", "尺寸", "是", "分", "切", "A4", "最少", "损耗", "的", "大", "纸", "尺寸", ")", ",", "一", "张", "这个", "尺寸", "纸", "分", "切", "16", "张", ",", "故", "称", "之", "为", "16", "开", "。", "A4", "的", "两倍", "尺寸", "为", "A3", ",", "又", "叫", "八", "开", "。", "其余", "尺寸", "以此类推", "。", "如", "下", ":", "A4", "纸", "尺寸", "(", "210", "*", "297", "mm", ")", "A3", "纸", "尺寸", "(", "297", "*", "420", "mm", ")", "A2", "纸", "尺寸", "(", "420", "*", "594", "mm", ")", "A1", "纸", "尺寸", "(", "594", "*", "841", "mm", ")", "A0", "纸", "尺寸", "(", "841", "*", "1189", "mm", ")", ".", "国家", "规定", "的", "开", "本", "尺寸", "是", "采用", "的", "国际标准", "系列", ",", "现", "已", "定", "入", "国家", "行业标准", "GB", "/", "T", "1999", "内在", "全国", "执行", "。", "书刊", "本", "册", "现行", "开", "本", "尺寸", "主要", "是", "A", "系列", "规格", ",", "有", "以下", "几", "种", ":", "A4", "(", "16k", ")", "297", "mm", "×", "210", "mm", ";", "A5", "(", "32k", ")", "210", "mm", "×", "148", "mm", ";", "A6", "(", "64k", ")", "144", "mm", "×", "105", "mm", ";", "A3", "(", "8k", ")", "420", "mm", "×", "297", "mm", ";", "注意", ":", "其中", "A3", "(", "8", "k", ")", "尺寸", "尚未", "定", "入", ",", "但", "普遍", "用", "。", "日常", "生活", "中", "说说", "的", "A4", "复印纸", ",", "8K", "纸", "就是", "指", "这些", "尺寸", ",", "即", "A4", "纸", "(", "16K", "纸", ")", "的", "尺寸", "为", ":", "297", "mm", "×", "210", "mm", ",", "32K", "笔记本", "(", "A5", "笔记本", ")", "规格", "为", ":", "21cm", "×", "14", ".", "8cm", "。", "纸张", "尺寸", "介绍", ":", "a2", "纸", "的", "尺寸", "(", "大", "4", "开", ")", "594", "mm", "×", "420", "mm"]], "title": "A4大小的印刷尺寸是多大的_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["210mm*285mm 我经常跟做印刷的打交道,没错的!"], "segmented_title": ["A4", "大小", "的", "印刷", "尺寸", "是", "多大", "的", "_", "百度", "知道"], "segmented_paragraphs": [["210", "mm", "*", "285", "mm", "我", "经常", "跟", "做", "印刷", "的", "打交道", ",", "没错", "的", "!"]], "title": "A4大小的印刷尺寸是多大的_百度知道"}], "question": "a4尺寸大小", "segmented_question": ["a4", "尺寸大小"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221640}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["古琴最初只有五根弦,内合五行,金、木、水、火、土;外合五音,宫、商、角、徵、羽。后来文王囚于羑里,思念其子伯邑考,加弦一根,是为文弦;武王伐纣,加弦一根,是为武弦。合称文武七弦琴。"], "segmented_title": ["古琴", "有", "几", "根", "弦", "_", "百度", "知道"], "segmented_paragraphs": [["古琴", "最初", "只有", "五", "根", "弦", ",", "内", "合", "五行", ",", "金", "、", "木", "、", "水", "、", "火", "、", "土", ";", "外", "合", "五音", ",", "宫", "、", "商", "、", "角", "、", "徵", "、", "羽", "。", "后来", "文王", "囚", "于", "羑里", ",", "思念", "其", "子", "伯邑考", ",", "加", "弦", "一根", ",", "是", "为", "文", "弦", ";", "武王伐纣", ",", "加", "弦", "一根", ",", "是", "为", "武弦", "。", "合称", "文武", "七弦琴", "。"]], "title": "古琴有几根弦_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["现代的古琴为七弦"], "segmented_title": ["古琴", "有", "几", "根", "弦", "_", "百度", "知道"], "segmented_paragraphs": [["现代", "的", "古琴", "为", "七弦"]], "title": "古琴有几根弦_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["古琴有7根弦 古代叫 宫 商 角 徵 羽 文 武, 现在叫 1 2 3 4 5 6 7 弦"], "segmented_title": ["古琴", "有", "几", "根", "弦", "_", "百度", "知道"], "segmented_paragraphs": [["古琴", "有", "7", "根", "弦", "古代", "叫", "宫", "商", "角", "徵", "羽", "文", "武", ",", "现在", "叫", "1", "2", "3", "4", "5", "6", "7", "弦"]], "title": "古琴有几根弦_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["有21根弦、、分为五个音区(倍高音区、高音区、中音区、低音区、倍低音区)"], "segmented_title": ["古琴", "有", "几", "根", "弦", "_", "百度", "知道"], "segmented_paragraphs": [["有", "21", "根", "弦", "、", "、", "分为", "五", "个", "音", "区", "(", "倍", "高音", "区", "、", "高音", "区", "、", "中", "音", "区", "、", "低音", "区", "、", "倍", "低音", "区", ")"]], "title": "古琴有几根弦_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["古琴,还被成为七弦琴。一共七根弦~"], "segmented_title": ["古琴", "有", "几", "根", "弦", "_", "百度", "知道"], "segmented_paragraphs": [["古琴", ",", "还", "被", "成为", "七弦琴", "。", "一共", "七", "根", "弦", "~"]], "title": "古琴有几根弦_百度知道"}], "question": "古琴有几根弦", "segmented_question": ["古琴", "有", "几", "根", "弦"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221641}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": [" 是时间吗? 可为什么看到一些时间很短的视频弹幕数爆表?", " 二楼 -- 唐僧:悟空,你变成套套吧,今天为师要亲自收拾这个女妖精。 唐僧:悟空,你变成伟哥吧,今天为师要亲自收拾这个女妖精,直到她求饶。 唐僧:今天好无聊……悟空……你变成女妖精吧…… 唐僧:悟空,为师已经厌倦这种生活了……你把我变成女妖精吧 唐僧:悟空,你今天变成为师吧! 唐僧:悟空,你今天不用变了…", " 大多数视频都是根据时间吧..只有一小部分不一样的 ", " 总觉得是新弹幕替换旧弹幕。但是看时间又都是视频刚上传时候的", " 视频长度。具体忘记了。5分钟是500吧 ", " 我记得根据长度...——不行~那里不行~太快了~不行~!——(吮吸)嗯?你下面的味道有点奇怪啊。——都说太快了,盐都没有放。——不对吧,这面条都没有煮透吧。", " B吧弱智不是要来爸爸的亚瑟王吧闹事吗速度都来,20W弱智少来一个你们集体死妈~", " B吧弱智不是要来爸爸的亚瑟王吧闹事吗速度都来,20W弱智少来一个你们集体死妈~", " 据我观察,应该是这样:视频长度30秒以下上限100,31秒—59秒上限300,1分钟—2分29秒上限500,2分30秒—9分59秒上限1000,10分钟—14分59秒上限1500,15分钟—40分钟上限3000,40分钟—59分59秒上限6000,60分钟以上上限8000。如果进度条傲娇了,弹幕上限按傲娇的长度算", " 弹幕上限限制视频长度 弹幕上限 00:01~00:30 100 00:31~01:00 300 01:01-03:00 500 03:01-10:00 1000 10:01-15:00 1500 15:01-40:00 3000 40:01-60:00 6000 > 60:00 8000", "登录百度帐号 ", " 下载贴吧APP看高清直播、视频!", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "segmented_title": ["B站", "的", "弹幕", "上限", "是", "怎么", "定", "的", "?", "-", "bilibili", "吧", "-", "b站", "弹幕", "上限", "-", "百度贴吧"], "segmented_paragraphs": [["是", "时间", "吗", "?", "可", "为什么", "看到", "一些", "时间", "很", "短", "的", "视频", "弹幕", "数", "爆表", "?"], ["二", "楼", "-", "-", "唐僧", ":", "悟空", ",", "你", "变成", "套套", "吧", ",", "今天", "为师", "要", "亲自", "收拾", "这个", "女", "妖精", "。", "唐僧", ":", "悟空", ",", "你", "变成", "伟哥", "吧", ",", "今天", "为师", "要", "亲自", "收拾", "这个", "女", "妖精", ",", "直到", "她", "求饶", "。", "唐僧", ":", "今天", "好无聊", "…", "…", "悟空", "…", "…", "你", "变成", "女", "妖精", "吧", "…", "…", "唐僧", ":", "悟空", ",", "为师", "已经", "厌倦", "这种生活", "了", "…", "…", "你", "把", "我", "变成", "女", "妖精", "吧", "唐僧", ":", "悟空", ",", "你", "今天", "变成", "为师", "吧", "!", "唐僧", ":", "悟空", ",", "你", "今天", "不用", "变", "了", "…"], ["大多数", "视频", "都是", "根据", "时间", "吧", ".", ".", "只有", "一", "小", "部分", "不一样", "的"], ["总", "觉得", "是", "新", "弹幕", "替换", "旧", "弹幕", "。", "但是", "看", "时间", "又", "都是", "视频", "刚", "上传", "时候", "的"], ["视频", "长度", "。", "具体", "忘记", "了", "。", "5", "分钟", "是", "500", "吧"], ["我", "记得", "根据", "长度", ".", ".", ".", "—", "—", "不行", "~", "那里", "不行", "~", "太", "快", "了", "~", "不行", "~", "!", "—", "—", "(", "吮吸", ")", "嗯", "?", "你", "下面", "的", "味道", "有点", "奇怪", "啊", "。", "—", "—", "都", "说", "太", "快", "了", ",", "盐都", "没有", "放", "。", "—", "—", "不对", "吧", ",", "这", "面条", "都", "没有", "煮", "透", "吧", "。"], ["B", "吧", "弱智", "不是", "要", "来", "爸爸", "的", "亚瑟王", "吧", "闹事", "吗", "速度", "都", "来", ",", "20W", "弱智", "少", "来", "一", "个", "你们", "集体", "死", "妈", "~"], ["B", "吧", "弱智", "不是", "要", "来", "爸爸", "的", "亚瑟王", "吧", "闹事", "吗", "速度", "都", "来", ",", "20W", "弱智", "少", "来", "一", "个", "你们", "集体", "死", "妈", "~"], ["据", "我", "观察", ",", "应该", "是", "这样", ":", "视频", "长度", "30", "秒", "以下", "上限", "100", ",", "31", "秒", "—", "59", "秒", "上限", "300", ",", "1", "分钟", "—", "2", "分", "29", "秒", "上限", "500", ",", "2", "分", "30", "秒", "—", "9", "分", "59", "秒", "上限", "1000", ",", "10", "分钟", "—", "14", "分", "59", "秒", "上限", "1500", ",", "15", "分钟", "—", "40", "分钟", "上限", "3000", ",", "40", "分钟", "—", "59", "分", "59", "秒", "上限", "6000", ",", "60", "分钟", "以上", "上限", "8000", "。", "如果", "进度条", "傲娇", "了", ",", "弹幕", "上限", "按", "傲娇", "的", "长度", "算"], ["弹幕", "上限", "限制", "视频", "长度", "弹幕", "上限", "00", ":", "01", "~", "00", ":", "30", "100", "00", ":", "31", "~", "01", ":", "00", "300", "01", ":", "01", "-", "03", ":", "00", "500", "03", ":", "01", "-", "10", ":", "00", "1000", "10", ":", "01", "-", "15", ":", "00", "1500", "15", ":", "01", "-", "40", ":", "00", "3000", "40", ":", "01", "-", "60", ":", "00", "6000", ">", "60", ":", "00", "8000"], ["登录", "百度", "帐号"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "title": "B站的弹幕上限是怎么定的?-bilibili吧-b站弹幕上限-百度贴吧"}, {"bs_rank_pos": 1, "paragraphs": [" 845 人聚集在这个小组 加入小组 "], "segmented_title": ["弹幕", "上限", "的", "标准", "从", "哪里", "查询", "?"], "segmented_paragraphs": [["845", "人", "聚集", "在", "这个", "小组", "加入", "小组"]], "title": "弹幕上限的标准从哪里查询? "}, {"bs_rank_pos": 2, "paragraphs": ["提示: 正解问答可以搜索到99%的B站考试题了!", " A. 问时臣 B. 报纸 C. 网站下方全站使用说明 D. 字典", " C. 网站下方全站使用说明", " 声明:正解网全部内容均由用户发布,如有侵权,请通知删除,邮箱:service@zhengjie.com"], "segmented_title": ["【", "B站", "正式会员", "考试", "】", "弹幕", "礼仪", "题", ":", "弹幕", "上限", "的", "标准", "从", "哪里", "查询", "?", "-", "正", "解"], "segmented_paragraphs": [["提示", ":", "正", "解", "问答", "可以", "搜索", "到", "99", "%", "的", "B站", "考试", "题", "了", "!"], ["A", ".", "问", "时臣", "B", ".", "报纸", "C", ".", "网站", "下方", "全站", "使用说明", "D", ".", "字典"], ["C", ".", "网站", "下方", "全站", "使用说明"], ["声明", ":", "正", "解", "网", "全部内容", "均", "由", "用户", "发布", ",", "如有侵权", ",", "请", "通知", "删除", ",", "邮箱", ":", "service", "@", "zhengjie", ".", "com"]], "title": "【B站正式会员考试】弹幕礼仪题:弹幕上限的标准从哪里查询?-正解"}, {"bs_rank_pos": 3, "paragraphs": ["点击播放器右边的设置按钮 之后在设置底端调整即可"], "segmented_title": ["b站", "怎么", "修改", "弹幕", "上限", "_", "百度", "知道"], "segmented_paragraphs": [["点击播放器", "右边", "的", "设置", "按钮", "之后", "在", "设置", "底", "端", "调整", "即可"]], "title": "b站怎么 修改弹幕上限_百度知道"}, {"bs_rank_pos": 4, "paragraphs": ["1 在观看视频中遇到违规弹幕时应该? C.进行举报 2 播放一个视频后发现视频内容并不是自己所想的那样,怎么样做是正确的? B.关闭视频就好了 3 以下哪种评论符合评论礼仪? C.和大家愉快的讨论 4 当发现良心而且准确的科普弹幕时以下哪种做法是正确的? C.在心里默默给个赞 5 当你知道新番中某角色会死亡的时候应该? A.安静观看并不透露她将要死亡 6 在发送的弹幕时添加自己的id和署名这种弹幕属于? C.影响观看的违规弹幕 7 当观看过程中有发现有恶意黑自己喜欢角色的弹幕时应该? C.举报该弹幕 8 看到自己喜欢的视频时以下哪种做法是正确的? A.收藏视频 9 观看游戏解说视频时,下面哪个弹幕是合适的? C.挺有意思,up主加油 10 看到评论区发神秘链接,下面哪个是合适的? B.举报评论 11 前排留名的评论是属于哪种类型的评论? D.无意义灌水评论 12 在观看"], "segmented_title": ["B站", "的", "弹幕", "礼仪", "题", "求", "大神", "解答", "。", "_", "百度", "知道"], "segmented_paragraphs": [["1", "在", "观看", "视频", "中", "遇到", "违规", "弹幕", "时", "应该", "?", "C", ".", "进行", "举报", "2", "播放", "一", "个", "视频", "后", "发现", "视频", "内容", "并", "不是", "自己", "所想", "的", "那样", ",", "怎么样", "做", "是", "正确", "的", "?", "B", ".", "关闭", "视频", "就好", "了", "3", "以下", "哪", "种", "评论", "符合", "评论", "礼仪", "?", "C", ".", "和", "大家", "愉快", "的", "讨论", "4", "当", "发现", "良心", "而且", "准确", "的", "科普", "弹幕", "时", "以下", "哪", "种", "做法", "是", "正确", "的", "?", "C", ".", "在心里", "默默", "给", "个", "赞", "5", "当你", "知道", "新番", "中", "某", "角色", "会", "死亡", "的", "时候", "应该", "?", "A", ".", "安静", "观看", "并", "不", "透露", "她", "将要", "死亡", "6", "在", "发送", "的", "弹幕", "时", "添加", "自己", "的", "id", "和", "署名", "这种", "弹幕", "属于", "?", "C", ".", "影响", "观看", "的", "违规", "弹幕", "7", "当", "观看", "过程", "中", "有", "发现", "有", "恶意", "黑", "自己", "喜欢", "角色", "的", "弹幕", "时", "应该", "?", "C", ".", "举报", "该", "弹幕", "8", "看到", "自己", "喜欢", "的", "视频", "时", "以下", "哪", "种", "做法", "是", "正确", "的", "?", "A", ".", "收藏", "视频", "9", "观看", "游戏", "解说", "视频", "时", ",", "下面", "哪个", "弹幕", "是", "合适", "的", "?", "C", ".", "挺有意思", ",", "up主", "加油", "10", "看到", "评论", "区", "发", "神秘", "链接", ",", "下面", "哪个", "是", "合适", "的", "?", "B", ".", "举报", "评论", "11", "前排", "留名", "的", "评论", "是", "属于", "哪", "种", "类型", "的", "评论", "?", "D", ".", "无意义", "灌水", "评论", "12", "在", "观看"]], "title": "B站的弹幕礼仪题求大神解答。_百度知道"}], "question": "b站弹幕上限的标准从哪里查询", "segmented_question": ["b站", "弹幕", "上限", "的", "标准", "从", "哪里", "查询"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221642}
-{"documents": [{"title": "工伤医疗费报销比例是多少_百度文库", "segmented_title": ["工伤", "医疗费", "报销", "比例", "是", "多少", "_", "百度", "文库"], "segmented_paragraphs": [["工伤", "医疗费", "报销", "比例", "是", "多少", "_", "法律资料", "_", "人文社科", "_", "专业", "资料", "。", "律", "伴", "网", "(", "www", ".", "lv", "ban", "365", ".", "net", ")", "律", "伴", "让", "法律服务", "更便捷", "!", "工伤", "医疗费", "报销", "比例", "是", "多少", "工伤", "医疗费", "的", "内容", "有", "哪些", "?", "那么", ",", "工伤", "医疗费用", "报销", "比例", "是", "多少", "?", "下面", "就", "由", "律", "伴", "网", "小", "编", "为", "大家", "整理", "的", "有关", "工伤", "医疗费"], ["律", "伴", "网", "(", "www", ".", "lv", "ban", "365", ".", "net", ")", "律", "伴", "让", "法律服务", "更便捷", "!"], ["工伤", "医疗费", "报销", "比例", "是", "多少", "工伤", "医疗费", "的", "内容", "有", "哪些", "?"], ["那么", ",", "工伤", "医疗费用", "报销", "比例", "是", "多少", "?", "下面", "就", "由", "律", "伴", "网", "小", "编", "为", "大家", "整理", "的", "有关", "工伤", "医疗费", "的", "内容", "工伤", "医疗费用", "报销", "比例", "的", "相关内容", ",", "以", "供", "大家", "阅", "读", ",", "希望", "对", "大家", "有所帮助", "。", "工伤", "医疗费", "的", "内容", "工伤", "医疗费", "包括", "医疗费用", "明细", "清单", "(", "包括", ":", "药物", "、", "检查", "、", "治疗", "、", "手术", "、", "化验", "等", "每", "项", "的", "名", "称", "、", "用量", "、", "次数", ",", "单价", ",", "每", "项", "总价", ")", "、", "有效", "报销", "单据", "(", "有", "财政", "部门", "监制", "章", "或", "税务部门", "监制", "章", "和", "就诊", "医院", "收费", "专用", "章", ")", "。", "工伤认定", "《", "工伤保险条例", "》", "规定", ":", "职工", "发生事故", "伤害", ",", "所", "在", "单位", "应当", "自", "事故", "伤害", "发生", "之", "日", "起", "三", "十", "日内", ",", "向", "劳动保障部门", "提出", "工伤认定", "申请", "。", "工伤", "医疗费用", "报销", "比例", "是", "多少", "因", "工伤", "发生", "的", "下列", "费用", ",", "按照", "国家", "规定", "从", "工伤保险", "基金", "中", "支付", ":", "(", "一", ")", "治疗", "工伤", "的", "医疗费用", "和", "康复", "费用", ";", "(", "二", ")", "住院", "伙食", "补助", "费", ";", "(", "三", ")", "到", "统筹", "地区", "以", "外", "就医", "的", "交通", "食宿费", ";", "(", "四", ")", "安装配置", "伤残", "辅助", "器具", "所需费用", ";", "(", "五", ")", "生活", "不能", "自理", "的", ",", "经", "劳动", "能力", "鉴定", "委员会", "确认", "的", "生活", "护理费", ";", "(", "六", ")", "一", "次性", "伤残", "补助金", "和", "一", "至", "四级", "伤残", "职工", "按月", "领取", "的", "伤残", "津贴", ";", "(", "七", ")", "终止", "或者", "解除", "劳动合同", "时", ",", "应当", "享受", "的", "一次性", "医疗", "补助金", ";", "(", "八", ")", "因", "工", "死亡", "的", ",", "其", "遗属", "领取", "的", "丧葬", "补助金", "、", "供养", "亲属", "抚恤金", "和", "因", "工", "死亡", "补助金", ";", "(", "九", ")", "劳动", "能力", "鉴定", "费", "。", "其中", ",", "工伤", "医疗", "康复", "类", "待遇", "相关", "规定", "如", "下", ":", "(", "1", ")", "治疗", "工伤", "的", "医疗费用", "和", "康复", "费用", ",", "包括", "治疗", "工伤", "所需", "的", "挂号费", "、", "医疗费", "、", "药", "费", "、", "住", "院", "费", "等", "费用", "和", "进行", "康复", "性", "治疗", "的", "费用", "。", "律", "伴", "网", "(", "www", ".", "lv", "ban", "365", ".", "net", ")", "律", "伴", "让", "法律服务", "更便捷", "!", "(", "2", ")", "住院", "伙食", "补助", "费", "和", "异地", "就医", "的", "交通", "食宿费", "。", "职工", "治疗", "工伤", "需要", "住院", "的", ",", "由", "工伤保险", "基金", "按照", "规定", "发给", "住院", "伙食", "补助", "费", ";", "经", "医疗机构", "出具", "证明", ",", "报", "经办机构", "同意", ",", "工伤职工", "到", "统筹", "地区", "以", "外", "就医", "的", ",", "所需", "交通", "、", "食宿费", "由", "工伤保险基金", "负担", "。", "(", "3", ")", "护理费", "。", "生活", "不能", "自理", "的", ",", "经", "劳动", "能力", "鉴定", "委员会", "确认", "的", "生活", "护理费", ",", "由", "工伤保险", "基金", "负担", "。", "生活", "护理费", "按照", "生活", "完全", "不能", "自理", "、", "生活", "大", "部分", "不能", "自理", "或者", "生活", "部分", "不", "能", "自理", "三", "个", "不同", "等级", "支付", ",", "其", "标准", "分别", "为", "统筹", "地区", "上", "年度", "职工", "月", "平均工资", "的", "50", "%", "、", "40", "%", "和", "30", "%", "。", "(", "4", ")", "劳动", "能力", "鉴定", "费", "。", "劳动", "能力", "鉴定", "是", "职工", "配置", "辅助", "器具", "、", "享受生活", "护理费", "、", "延长", "停工", "留", "薪", "期", "、", "享受", "伤残", "待遇", "等", "的", "重要", "前提", "和", "必经", "程序", ",", "因此", "产生", "的", "劳动", "能力", "鉴定", "费", "也", "由", "工", "伤", "保险基金", "负担", "。", "《", "工伤保险条例", "》", "没有", "明确", "规定", "劳动", "能力", "鉴定", "费", "的", "负担", "问题", ",", "各省", "规定", "也", "不尽相同", "。", "如", "发生", "治疗", "工伤", "的", "医疗费用", "和", "康复", "费用", "、", "住院", "伙食", "补助", "费", "等", "法律", "规定", "的", "情形", ",", "则", "从", "工", "伤", "保险", "基金", "中", "支付", "。", "以上", "就是", "律", "伴", "网", "小", "编", "为", "大家", "整理", "的", "有关", "工伤", "医疗费", "的", "内容", "工伤", "医", "疗", "费用", "报销", "比例", "的", "相关", "内容", "。", "如", "还有", "其他", "疑问", ",", "欢迎", "在线咨询", "。"], ["文章来源", ":", "律", "伴", "网", "http", ":", "/", "/", "www", ".", "lv", "ban", "365", ".", "net", "/", "律", "伴", "让", "法律服务", "更便捷", "!"]], "paragraphs": ["工伤医疗费报销比例是多少_法律资料_人文社科_专业资料。律伴网(www.lvban365.net)律伴让法律服务更便捷! 工伤医疗费报销比例是多少 工伤医疗费的内容有哪些?那么,工伤医疗费用报销比例是多少?下面就由律伴网小编 为大家整理的有关工伤医疗费", "律伴网(www.lvban365.net)律伴让法律服务更便捷!", "工伤医疗费报销比例是多少 工伤医疗费的内容有哪些?", "那么,工伤医疗费用报销比例是多少?下面就由律伴网小编 为大家整理的有关工伤医疗费的内容工伤医疗费用报销比例的相关内容,以供大家阅 读,希望对大家有所帮助。 工伤医疗费的内容 工伤医疗费包括医疗费用明细清单(包括:药物、检查、治疗、手术、化验等每项的名 称、用量、次数,单价,每项总价)、有效报销单据(有财政部门监制章或税务部门监制 章和就诊医院收费专用章)。工伤认定《工伤保险条例》规定:职工发生事故伤害,所 在单位应当自事故伤害发生之日起三十日内,向劳动保障部门提出工伤认定申请。 工伤医疗费用报销比例是多少 因工伤发生的下列费用,按照国家规定从工伤保险基金中支付: (一)治疗工伤的医疗费用和康复费用; (二)住院伙食补助费; (三)到统筹地区以外就医的交通食宿费; (四)安装配置伤残辅助器具所需费用; (五)生活不能自理的,经劳动能力鉴定委员会确认的生活护理费; (六)一次性伤残补助金和一至四级伤残职工按月领取的伤残津贴; (七)终止或者解除劳动合同时,应当享受的一次性医疗补助金; (八)因工死亡的,其遗属领取的丧葬补助金、供养亲属抚恤金和因工死亡补助金; (九)劳动能力鉴定费。 其中,工伤医疗康复类待遇相关规定如下: (1)治疗工伤的医疗费用和康复费用,包括治疗工伤所需的挂号费、医疗费、药费、住 院费等费用和进行康复性治疗的费用。律伴网(www.lvban365.net)律伴让法律服务更便捷! (2)住院伙食补助费和异地就医的交通食宿费。职工治疗工伤需要住院的,由工伤保险 基金按照规定发给住院伙食补助费;经医疗机构出具证明,报经办机构同意,工伤职工 到统筹地区以外就医的,所需交通、食宿费由工伤保险基金负担。 (3)护理费。生活不能自理的,经劳动能力鉴定委员会确认的生活护理费,由工伤保险 基金负担。生活护理费按照生活完全不能自理、生活大部分不能自理或者生活部分不 能自理三个不同等级支付,其标准分别为统筹地区上年度职工月平均工资的 50%、 40%和 30%。 (4)劳动能力鉴定费。劳动能力鉴定是职工配置辅助器具、享受生活护理费、延长停工 留薪期、享受伤残待遇等的重要前提和必经程序,因此产生的劳动能力鉴定费也由工 伤保险基金负担。《工伤保险条例》没有明确规定劳动能力鉴定费的负担问题,各省 规定也不尽相同。 如发生治疗工伤的医疗费用和康复费用、住院伙食补助费等法律规定的情形,则从工 伤保险基金中支付。以上就是律伴网小编为大家整理的有关工伤医疗费的内容工伤医 疗费用报销比例的相关内容。如还有其他疑问,欢迎在线咨询。", "文章来源:律伴网 http://www.lvban365.net/ 律伴让法律服务更便捷!"], "bs_rank_pos": 0}, {"title": "工伤保险报销比例是多少 工伤保险报销比例是多少?", "segmented_title": ["工伤保险", "报销", "比例", "是", "多少", "工伤保险", "报销", "比例", "是", "多少", "?"], "segmented_paragraphs": [["工伤保险", "报销", "比例", "是", "多少", "2017", "-", "06", "-", "12", "来自", ":", "网络"], ["工伤保险", "报销", "比例", "是", "多少"], ["由", "国务院", "劳动", "保障", "行政部门", "会同", "国务院", "卫生行政部门", "参保", "职工", "一旦", "认定为", "工伤", "。", "治疗", "工伤", "所需", "费用", "符合", "工伤保险", "诊疗", "项目目录", ",", "但是", "依然", "属于", "该", "条例", "中", "的", "劳动者", "、", "工伤保险", "住院", "服务", "标准", "的", ",", "依法", "受", "该", "条例", "调整", ",", "是", "百分", "之", "百", "全额", "支付", "的", "。", "市", "内", "的", "定点医疗机构", "都", "可以", "进行", "直接", "结算", "、", "工伤保险", "药品", "目录", "。", "《", "中华人民共和国", "工伤保险条例", "》", "第", "六", "十", "一", "条", "规定", ",", "从", "工伤保险基金", "支付", ":", "“", "本", "条例", "所称", "职工", "。", "”", "这就是说", ",", "是", "指", "与", "用人单位", "存在", "劳动关系", "(", "包括", "事实", "劳动关系", ")", "的", "各种", "用", "工", "形式", "。", "工伤保险", "诊疗", "项目目录", "、", "工伤保险", "住院", "服务", "标准", "、", "各种", "用", "工", "期限", "的", "劳动者", ",", "你", "虽然", "是", "在", "试用期", ":", "“", "职工", "因", "工作", "遭受", "事故", "伤害", "或者", "患", "职业病", "进行", "治疗", "。", "该", "条例", "第", "二", "十", "九", "条", "规定", "。", "职工", "治疗", "工伤", "应当", "在", "签订", "服务协议", "的", "医疗机构", "就医", ",", "享受", "工伤", "医疗", "待遇", ",", "情况", "紧急", "时", "可以", "先", "到", "就近", "的", "医疗机构", "急救", "、", "工伤保险", "药品", "目录", "、", "药品", "监督管理", "部门", "等", "部门", "规定"]], "paragraphs": ["工伤保险报销比例是多少2017-06-12来自:网络", "工伤保险报销比例是多少", "由国务院劳动保障行政部门会同国务院卫生行政部门参保职工一旦认定为工伤。治疗工伤所需费用符合工伤保险诊疗项目目录,但是依然属于该条例中的劳动者、工伤保险住院服务标准的,依法受该条例调整,是百分之百全额支付的。市内的定点医疗机构都可以进行直接结算、工伤保险药品目录。《中华人民共和国工伤保险条例》第六十一条规定,从工伤保险基金支付:“本条例所称职工。”这就是说,是指与用人单位存在劳动关系(包括事实劳动关系)的各种用工形式。工伤保险诊疗项目目录、工伤保险住院服务标准、各种用工期限的劳动者,你虽然是在试用期:“职工因工作遭受事故伤害或者患职业病进行治疗。该条例第二十九条规定。职工治疗工伤应当在签订服务协议的医疗机构就医,享受工伤医疗待遇,情况紧急时可以先到就近的医疗机构急救、工伤保险药品目录、药品监督管理部门等部门规定"], "bs_rank_pos": 1}, {"title": "工伤保险怎么报销、报销比例_工伤保险怎么交、缴费比例-华律网", "segmented_title": ["工伤保险", "怎么", "报销", "、", "报销", "比例", "_", "工伤保险", "怎么", "交", "、", "缴费比例", "-", "华", "律", "网"], "segmented_paragraphs": [["更新时间", ":", "2017", ".", "06", ".", "08", "10", ":", "57", ":", "24"], ["您", "了解", "工伤", "险", "吗", "?", "您", "知道", "工伤", "险", "的", "存在", "对于", "我", "国", "劳务", "工作", "人员", "而", "讲", "具有", "怎样", "的", "价值", "吗", "?", "工伤", "险", "是", "我", "国", "社会保险", "中", "至关重要", "的", "一类", "保险", "项目", ",", "它", "保障", "了", "我", "国", "劳务", "工作者", "的", "切身利益", "。", "当", "我们", "在", "工作", "中", "受到", "伤害", "时", ",", "它", "的", "存在", "能够", "很大", "程度", "上", "缓解", "了", "这", "项", "伤害", "带给", "我们", "的", "经济", "压力", ",", "是", "对", "我们", "基本", "生活", "的", "一", "个", "保障", "。", "现在", "购买", "工伤", "险", "的", "人", "越来越多", ",", "也", "表现", "了", "我", "国", "社会保障体系", "的", "完善", "。", "所以", ",", "了解", "工伤", "险", "对于", "我们", "来", "说", "是", "很", "有必要", "的", "。", "本", "专题", "收集", "了", "工伤保险缴费", "和", "报销", "的", "一系列", "知识", ",", "希望", "对", "您", "有所帮助", "。"], ["1", "工伤保险", "怎么", "交", "2", "工伤保险", "缴费比例", "3", "工伤保险", "如何", "赔偿", "4", "工伤保险", "赔偿", "标准", "5", "工伤保险", "待遇", "及", "业务办理", "流程", "6", "工伤保险", "怎么", "报销"], ["7", "工伤保险", "报销", "比例", "怎么", "算", "8", "工伤保险", "报销", "范围", "9", "单位", "拖延", "申报", "工伤保险", "怎么办"], ["工伤保险费", "如何", "缴纳", "?"], ["工伤保险", "费", "由", "用人单位", "缴纳", ",", "职工", "个人", "不", "缴纳", "。", "用人单位", "以", "本", "单位", "全部", "职工", "工资总额", "为", "缴费基数", ",", "本市", "工伤保险", "费", "缴费", "率", "按", "行业", "风险", "程度", "分", "为", "0", ".", "6", "%", "、", "1", ".", "2", "%", "、", "2.4", "%", "三", "个", "档次", "。", "缴费", "费率", "根据", "企业", "工伤保险", "费", "的", "使用", "、", "工伤", "发生", "率", "等", "情况", "定期", "进行调整", "。"], ["用人单位", "缴费基数", "如何", "确定", "?"], ["用人单位", "以上", "一", "年度", "全部", "职工", "月", "平均工资", "总额", "为", "缴费基数", ",", "职工", "个人", "月", "平均", "总额", "按", "本人", "上", "年度", "月", "平均工资", "收入", "计算", "。"], ["很多", "员工", "都", "对", "工伤保险", "缴纳", "的", "标准", "有", "疑惑", ",", "工伤保险", "费", "由", "社会保险", "经办机构", "按", "国家", "和", "本省", "有关规定", "征收", "。", "那么", ",", "2017", "年", "工伤保险", "多少", "钱", "呢", "?", "接下来", "由", "华", "律", "网", "的", "小", "编", "为", "大家", "整理", "了", "一些", "关于", "2017", "最新", "工伤保险", "缴费", "标准", "方面", "的", "知识", ",", "欢迎", "大家", "阅读", "!"], ["根据", "人力资源", "社会保障", "部", "财政部", "关于", "做", "好", "工伤保险费率", "调整", "工作", "进一步加强", "基金", "管理", "的", "指导意见", ",", "各", "统筹", "地区", "社会保险", "经办机构", "要", "严格按照", "《", "通知", "》", "规定", "的", "行业类别", "划分", ",", "根据", "用人单位", "的", "工商", "登记注册", "和", "主要", "经营", "生产", "业务", "等", "情况", ",", "分别", "确定", "其", "所", "对应", "的", "行业", "工伤", "风险", "类别", "。", "对", "劳务派遣", "企业", ",", "可", "根据", "被", "派遣", "劳动者", "实际", "用", "工", "单位", "所在", "行业", ",", "或", "根据", "多数", "被", "派遣", "劳动者", "实际", "用", "工", "单位", "所在", "行业", ",", "确定", "其", "工伤", "风险", "类别", "。"], ["工伤保险", "赔偿", "流程", ":"], ["1", ".", "首先", "用人单位", "应该", "在", "一个月", "内向", "劳动局", "提出", "工伤认定", "申请", "。", "2", ".", "如果", "单位", "不", "申请", "的", "话", ",", "自己", "写", "份", "工伤认定", "申请", ",", "向", "当地", "劳动局", "申请", "工伤认定", "。", "提交", "的", "资料", "包括", ":", "工伤认定", "申请表", ";", "与", "用人单位", "存在", "劳动关系", "(", "包括", "事实", "劳动关系", ")", "的", "证明材料", ";", "医疗", "诊断证明", "或者", "职业病", "诊断证明书", "。", "3", ".", "劳动局", "做出", "工伤认定", "决定", "4", ".", "伤者", "去", "有", "资质", "的", "医院", "做", "伤残鉴定", "(", "骨折", "的", "话", "最低", "也是", "10", "级", "伤残", ")"], ["一般", "工伤", "具体", "赔偿", "项目", "、", "标准"], ["1", "、", "要求", ":", "治疗", "工伤", "所需", "费用", "符合", "工伤保险", "诊疗", "项目目录", "、", "工伤保险", "药品", "目录", "、", "工伤保险", "住院", "服务", "标准", "。", "2", "、", "法律依据", ":", "《", "工伤保险条例", "》", "第", "30", "条", "第", "3", "款", "。", "3", "、", "备注", ":", "用人单位", "没有", "参加", "工伤保险", "的", ",", "不是", "必须", "到", "签", "有", "服务协议", "的", "医疗机构", "治疗", "。"], ["(", "二", ")", "住院", "伙食", "补助", "费", "、", "交通费", "、", "食宿费"], ["用人单位", "在", "员工", "受", "了", "工伤", "以后", "公司", "应该", "尽快", "帮", "员工", "办理", "工伤赔偿", "手续", ",", "比如", "进行", "工伤认定", ",", "接下来", "由", "华", "律", "网", "的", "小", "编", "为", "大家", "整理", "了", "一些", "关于", "员工", "受", "了", "工伤", "公司", "怎么", "办理", "工伤保险", "方面", "的", "知识", ",", "欢迎", "大家", "阅读", "!"], ["职工", "因", "工作", "遭受", "事故", "伤害", "或者", "患", "职业病", "进行", "治疗", ",", "享受", "以下", "工伤保险", "待遇", ":"], ["(", "一", ")", "由", "工伤保险基金", "支付", "的", "费用", "包括", ":"], ["1", "、", "治疗", "工伤", "的", "医疗费用", "和", "康复", "费用", ";", "2", "、", "住院", "伙食", "补助", "费", ";", "3", "、", "到", "统筹", "地区", "以", "外", "就医", "的", "交通", "食宿费", ";", "4", "、", "安装配置", "伤残", "辅助", "器具", "所需费用", ";", "5", "、", "生活", "不能", "自理", "的", ",", "经", "劳动", "能力", "鉴定", "委员会", "确认", "的", "生活", "护理费", ";", "6", "、", "一", "次性", "伤残", "补助金", ";", "7", "、", "一", "级", "至", "四级", "工伤", "人员", "伤残", "津贴", ";", "8", "、", "终止", "或者", "解除", "劳动", "(", "聘用", ")", "合同", "时", "应当", "享受", "的", "一次性", "医疗", "补助金", ";", "9", "、", "因", "工", "死亡", "职工", "的", "遗属", "领取", "的", "丧葬", "补助金", "、", "供养", "亲属", "抚恤金", "、", "一", "次性", "工", "亡", "补助金", ";", "10", "、", "工伤认定", "调查", "和", "劳动", "能力", "鉴定", "费用", ";", "11", "、", "工伤", "预防", "宣传", "和", "培训费用", "。"], ["一", "、", "发生", "工伤", "24", "小时", "内", "要", "向", "社会保险", "经办机构", "报送", "工伤", "报告", "表", "。", "二", "、", "发生", "工伤", "单位", "应当", "自", "事故", "伤害", "之", "日", "或", "被", "诊断", "、", "鉴定", "为", "职业病", "之", "日", "起", "30", "日内", ",", "向", "劳动", "科", "提出", "工伤认定", "申请", ",", "用人单位", "未", "在", "规定", "的", "时限", "内", "提交", "工伤认定", "申请", ",", "在此期间", "发生", "符合", "工伤保险条例", "规定", "的", "工伤待遇", "等", "有关", "费用", "由", "该", "用人单位", "负担", "。", "三", "、", "工伤保险", "报销", "所需材料"], ["(", "一", ")", "工伤认定决定书", "(", "过", "行政复议", "期", "后", ")", "。", "(", "二", ")", "发票", "原件", "(", "本人", "签字", ")", "。"], ["工伤职工", "受到", "事故", "伤害", "后", ",", "所在", "单位", "在", "第一时间", "电话", "通知", "或", "三日", "之", "内", "以", "书面形式", "向", "工伤", "经办机构", "报告", ",", "并", "填写", "《", "工伤职工", "就医", "诊治", "申请表", "》", "报", "经办机构", "批准", "。"], ["问", ":", "父亲", "是", "光明", "瓷厂", "的", "一名", "退休工人", "(", "有", "矽肺病", ")", ",", "近", "几", "年", "经常", "住院", ",", "咨询", "一", "下", "报销", "比例", "是", "多少", ",", "光明", "瓷厂", "最近", "改制", ",", "我", "父亲", "的", "医药费", "是不是", "按", "100", "%", "比例", "报销", ";", "还有", "一", "件", "事", "咨询", "一", "下", ":", "厂里", "这一次", "为", "已经", "退休", "的", "职业病", "工人", "买", "了", "103000", "元", ",", "这", "是什么", "钱", ",", "还有", "职业病", "退休工人", "病故", "后", ",", "抚恤金", "和", "丧葬费", "是", "怎么", "计算", "的", ",", "谢谢", ",", "请", "详细", "回答", "。"], ["以下", "各种", "发生", "在", "劳动", "能力", "鉴定", "中心", "(", "以下简称", "市", "劳鉴", "中心", ")", "核准", "的", "工伤", "医疗期", "、", "康复", "期", "内", "的", "医疗费用", ",", "属于", "工伤", "医疗费用", "报销", "范围", ":"], ["1", "、", "工伤保险", "参保", "人", "在", "工伤", "协议", "医疗机构", "发生", "的", "与", "工伤", "相关", "的", "门", "(", "急", ")", "诊", "、", "住院", "的", "医疗费用", "。", "2", "、", "工伤保险", "参保", "人", "发生", "工伤", "后", "遵循", "就近", "抢救", "的", "原则", ",", "在", "非", "工伤", "协议", "医院", "发生", "的", "与", "工伤", "直接", "相关", "的", "门", "(", "急", ")", "诊", "、", "住院", "的", "医疗费用", "。", "即", "工伤", "发生", "当日", "的", "门", "(", "急", ")", "诊", "、", "工伤", "发生", "当日", "起", "7", "天", "内", "的", "住院费用", "。"], ["发生", "工伤", "以后", "工伤", "应该", "对", "员工", "的", "工伤", "情况", "进行", "申报", ",", "但是", "很多", "用人单位", "不", "认定", "工伤", ",", "或者", "故意拖延", "工伤认定", "时间", ",", "以", "期待", "工伤认定", "无效", "的", "情况", ",", "这", "时候", "要", "是", "单位", "拖延", "申报", "工伤保险", "怎么办", "接下来", "由", "华", "律", "网", "的", "小", "编", "为", "大家", "整理", "了", "一些", "关于", "这", "方面", "的", "知识", ",", "欢迎", "大家", "阅读", "!"], ["由于", "用人单位", "故意拖延", "申报", "工伤", "时间", ",", "导致", "职工", "超过", "工伤认定", "申请", "时效", ",", "无法", "认定", "工伤", "。", "法院", "在", "查", "清", "事实", "的", "基础", "上", ",", "依据", "相关法规", ",", "判决", "用人单位", "赔偿", "职工", "应", "享受", "的", "工伤待遇", "。"], ["工伤保险", "请求权", "和", "民事赔偿", "请求权", "是", "两", "个", "不同", "的", "请求权", ",", "任何", "法律", "法规", "没有", "从", "实体", "上", "否定", "工伤职工", "的", "民事赔偿", "请求权", "。"], ["受伤", "多久", "才能", "申请", "工伤保险", "呢", "?", "你好", ",", "从", "受伤", "日", "算", "起", "一年内", "都", "可以", "申请", "工伤认定", "。"]], "paragraphs": ["更新时间:2017.06.08 10:57:24", "您了解工伤险吗?您知道工伤险的存在对于我国劳务工作人员而讲具有怎样的价值吗?工伤险是我国社会保险中至关重要的一类保险项目,它保障了我国劳务工作者的切身利益。当我们在工作中受到伤害时,它的存在能够很大程度上缓解了这项伤害带给我们的经济压力,是对我们基本生活的一个保障。现在购买工伤险的人越来越多,也表现了我国社会保障体系的完善。所以,了解工伤险对于我们来说是很有必要的。本专题收集了工伤保险缴费和报销的一系列知识,希望对您有所帮助。", "1工伤保险怎么交 2工伤保险缴费比例 3工伤保险如何赔偿 4工伤保险赔偿标准 5工伤保险待遇及业务办理流程 6工伤保险怎么报销", "7工伤保险报销比例怎么算 8工伤保险报销范围 9单位拖延申报工伤保险怎么办", "工伤保险费如何缴纳 ?", "工伤保险费由用人单位缴纳,职工个人不缴纳。用人单位以本单位全部职工工资总额为缴费基数,本市工伤保险费缴费率按行业风险程度分为0.6%、1.2%、2.4%三个档次。缴费费率根据企业工伤保险费的使用、工伤发生率等情况定期进行调整。", "用人单位缴费基数如何确定?", "用人单位以上一年度全部职工月平均工资总额为缴费基数,职工个人月平均总额按本人上年度月平均工资收入计算。", "很多员工都对工伤保险缴纳的标准有疑惑,工伤保险费由社会保险经办机构按国家和本省有关规定征收。那么,2017年工伤保险多少钱呢?接下来由华律网的小编为大家整理了一些关于2017最新工伤保险缴费标准方面的知识,欢迎大家阅读!", "根据人力资源社会保障部 财政部 关于做好工伤保险费率调整工作进一步加强基金管理的指导意见,各统筹地区社会保险经办机构要严格按照《通知》规定的行业类别划分,根据用人单位的工商登记注册和主要经营生产业务等情况,分别确定其所对应的行业工伤风险类别。对劳务派遣企业,可根据被派遣劳动者实际用工单位所在行业,或根据多数被派遣劳动者实际用工单位所在行业,确定其工伤风险类别。", "工伤保险赔偿流程:", "1.首先用人单位应该在一个月内向劳动局提出工伤认定申请。 2.如果单位不申请的话,自己写份工伤认定申请,向当地劳动局申请工伤认定。提交的资料包括:工伤认定申请表; 与用人单位存在劳动关系(包括事实劳动关系)的证明材料;医疗诊断证明或者职业病诊断证明书。 3.劳动局做出工伤认定决定 4.伤者去有资质的医院做伤残鉴定(骨折的话最低也是10级伤残)", "一般工伤具体赔偿项目、标准", "1、要求:治疗工伤所需费用符合工伤保险诊疗项目目录、工伤保险药品目录、工伤保险住院服务标准。 2、法律依据:《工伤保险条例》第30条第3款。 3、备注:用人单位没有参加工伤保险的,不是必须到签有服务协议的医疗机构治疗。", "(二)住院伙食补助费、交通费、食宿费", "用人单位在员工受了工伤以后公司应该尽快帮员工办理工伤赔偿手续,比如进行工伤认定,接下来由华律网的小编为大家整理了一些关于员工受了工伤公司怎么办理工伤保险方面的知识,欢迎大家阅读!", "职工因工作遭受事故伤害或者患职业病进行治疗,享受以下工伤保险待遇:", "(一)由工伤保险基金支付的费用包括:", "1、治疗工伤的医疗费用和康复费用;2、住院伙食补助费;3、到统筹地区以外就医的交通食宿费;4、安装配置伤残辅助器具所需费用;5、生活不能自理的,经劳动能力鉴定委员会确认的生活护理费;6、一次性伤残补助金;7、一级至四级工伤人员伤残津贴;8、终止或者解除劳动(聘用)合同时应当享受的一次性医疗补助金;9、因工死亡职工的遗属领取的丧葬补助金、供养亲属抚恤金、一次性工亡补助金;10、工伤认定调查和劳动能力鉴定费用;11、工伤预防宣传和培训费用。", "一、发生工伤24小时内要向社会保险经办机构报送工伤报告表。 二、发生工伤单位应当自事故伤害之日或被诊断、鉴定为职业病之日起30日内,向劳动科提出工伤认定申请,用人单位未在规定的时限内提交工伤认定申请,在此期间发生符合工伤保险条例规定的工伤待遇等有关费用由该用人单位负担。 三、工伤保险报销所需材料", "(一)工伤认定决定书(过行政复议期后)。 (二) 发票原件(本人签字)。", "工伤职工受到事故伤害后,所在单位在第一时间电话通知或三日之内以书面形式向工伤经办机构报告,并填写《工伤职工就医诊治申请表》报经办机构批准。", "问:父亲是光明瓷厂的一名退休工人(有矽肺病),近几年经常住院,咨询一下报销比例是多少,光明瓷厂最近改制,我父亲的医药费是不是按100%比例报销;还有一件事咨询一下:厂里这一次为已经退休的职业病工人买了103000元,这是什么钱,还有职业病退休工人病故后,抚恤金和丧葬费是怎么计算的,谢谢,请详细回答。", "以下各种发生在劳动能力鉴定中心(以下简称市劳鉴中心)核准的工伤医疗期、康复期内的医疗费用,属于工伤医疗费用报销范围:", "1、工伤保险参保人在工伤协议医疗机构发生的与工伤相关的门(急)诊、住院的医疗费用。 2、工伤保险参保人发生工伤后遵循就近抢救的原则,在非工伤协议医院发生的与工伤直接相关的门(急)诊、住院的医疗费用。即工伤发生当日的门(急)诊、工伤发生当日起7天内的住院费用。", "发生工伤以后工伤应该对员工的工伤情况进行申报,但是很多用人单位不认定工伤,或者故意拖延工伤认定时间,以期待工伤认定无效的情况,这时候要是单位拖延申报工伤保险怎么办接下来由华律网的小编为大家整理了一些关于这方面的知识,欢迎大家阅读!", "由于用人单位故意拖延申报工伤时间,导致职工超过工伤认定申请时效,无法认定工伤。法院在查清事实的基础上,依据相关法规,判决用人单位赔偿职工应享受的工伤待遇。", "工伤保险请求权和民事赔偿请求权是两个不同的请求权,任何法律法规没有从实体上否定工伤职工的民事赔偿请求权。", "受伤多久才能申请工伤保险呢? 你好,从受伤日算起一年内都可以申请工伤认定。"], "bs_rank_pos": 2}, {"title": "工伤报销比例的计算方法", "segmented_title": ["工伤", "报销", "比例", "的", "计算", "方法"], "segmented_paragraphs": [["【", "liuxue", "86", ".", "com", "-", "政策", "】"], ["工伤职工", "受到", "事故", "伤害", "后", ",", "所在", "单位", "在", "第一时间", "电话", "通知", "或", "三日", "之", "内", "以", "书面形式", "向", "工伤", "经办机构", "报告", ",", "并", "填写", "《", "工伤职工", "就医", "诊治", "申请表", "》", "报", "经办机构", "批准", "。"], ["问", ":", "父亲", "是", "光明", "瓷厂", "的", "一名", "退休工人", "(", "有", "矽肺病", ")", ",", "近", "几", "年", "经常", "住院", ",", "咨询", "一", "下", "报销", "比例", "是", "多少", ",", "光明", "瓷厂", "最近", "改制", ",", "我", "父亲", "的", "医药费", "是不是", "按", "100", "%", "比例", "报销", ";", "还有", "一", "件", "事", "咨询", "一", "下", ":", "厂里", "这一次", "为", "已经", "退休", "的", "职业病", "工人", "买", "了", "103000", "元", ",", "这", "是什么", "钱", ",", "还有", "职业病", "退休工人", "病故", "后", ",", "抚恤金", "和", "丧葬费", "是", "怎么", "计算", "的", ",", "谢谢", ",", "请", "详细", "回答", "。"], ["律师", "回复", ":"], ["1", "、", "目前", "正常", "缴费", "单位", "的", "工伤职工", "医药", "费用", "按", "景", "劳", "社", "[", "1997", "]", "5", "号", "规定", ":", "按", "费", "比例", "段", "报销", ":", "分别", "为", "95", "%", "、", "90", "%", "、", "80", "%", "和", "70", "%", ",", "差额部分", "由", "单位", "承担", "。", "2", "、", "按", "《", "工伤保险条例", "》", "规定", ",", "用", "工", "单位", "一", "次性", "向", "工伤", "经办机构", "缴纳", "1", "—", "4", "级", "伤残", "职工", "的", "有关", "工伤保险费用", ",", "根据", "我", "市", "退休", "工", "残", "人员", "平均", "费用", "状况", ",", "暂定", "为", "103000", "元", "。", "3", "、", "职业病", "退休", "工作", "病故", "后", ",", "按", "《", "工伤保险条例", "》", "享受", "相关", "待遇", "(", "2004", "年", "1", "月", "1", "日", "以前", "被", "鉴定", "为", "1", "—", "4", "级", "工伤", "的", "职工", "和", "退休人员", ",", "按", "景", "劳", "医", "[", "2006", "]", "4", "号", "文件", "精神", "执行", ",", "为", "社", "平", "工资", "的", "30", "个", "月", ")", "。"], ["推荐", "阅读", ":"], ["政策", "栏目", "编辑", "推荐"], ["工伤", "报销", "比例", "的", "计算", "工伤", "报销", "比例", "的", "计算", "方法"], ["工伤保险", "报销", "标准"], ["工伤保险", "报销", "的", "范围", "工伤", "报销", "比例", "的", "计算", "方法"], ["政策", "最新资讯", "更多"], ["政策", "首页", "头条", "推荐"]], "paragraphs": ["【 liuxue86.com - 政策 】", "工伤职工受到事故伤害后,所在单位在第一时间电话通知或三日之内以书面形式向工伤经办机构报告,并填写《工伤职工就医诊治申请表》报经办机构批准。", "问:父亲是光明瓷厂的一名退休工人(有矽肺病),近几年经常住院,咨询一下报销比例是多少,光明瓷厂最近改制,我父亲的医药费是不是按100%比例报销;还有一件事咨询一下:厂里这一次为已经退休的职业病工人买了103000元,这是什么钱,还有职业病退休工人病故后,抚恤金和丧葬费是怎么计算的,谢谢,请详细回答。", "律师回复:", "1、目前正常缴费单位的工伤职工医药费用按景劳社[1997]5号规定:按费比例段报销:分别为95%、90%、80%和70%,差额部分由单位承担。 2、按《工伤保险条例》规定,用工单位一次性向工伤经办机构缴纳1—4级伤残职工的有关工伤保险费用,根据我市退休工残人员平均费用状况,暂定为103000元。 3、职业病退休工作病故后,按《工伤保险条例》享受相关待遇(2004年1月1日以前被鉴定为1—4级工伤的职工和退休人员,按景劳医[2006]4号文件精神执行,为社平工资的30个月)。", "推荐阅读:", "政策栏目编辑推荐", "工伤报销比例的计算 工伤报销比例的计算方法", "工伤保险报销标准", "工伤保险报销的范围 工伤报销比例的计算方法", "政策最新资讯 更多", "政策首页头条推荐"], "bs_rank_pos": 3}, {"title": "工伤保险报销比例", "segmented_title": ["工伤保险", "报销", "比例"], "segmented_paragraphs": [["文章", "阅读"], ["企业", "工伤保险", "缴费比例"], ["新注册", "的", "公司", "根据", "行业类别", "区分", "工伤保险", "缴纳", "的", "比例", ",", "需", "到", "社保", "中心", "核对", ",", "大概", "情况", "如", "下", ":", "1", "、", "企业", "属于", "第", "一", "行业", "类别", "的", ",", "缴费比例", "为", "0", ".", "5", "%", ";", "2", "、", "企业", "属于", "第", "二", "行业类别", "的", ",", "缴费", "比", ".", ".", ".", "[", "查看", "详细", "]"], ["工伤保险", "缴费基数"], ["(", "一", ")", "工伤保险", "缴费基数", "1", "、", "缴费基数", "指", "用人单位", "缴纳", "工伤保险", "费", "的", "缴费基数", "为", "本", "单位", "职工", "上", "年度", "工资总额", "。", "2", "、", "工资总额", "是", "指", "用人单位", "直接", "支付", "给", "本", "单位", "全部", "职工", "的", "劳动报酬", "总额", ".", ".", ".", "[", "查看", "详细", "]"], ["工伤保险", "缴费比例"], ["工伤保险", "缴费比例", "已经确定", ",", "职工", "本人", "不需要", "缴费", ",", "单位", "缴费比例", "根据", "行业", "不同", "而", "确定", "。", "根据", "不同行业", "的", "工伤", "风险", "程度", ",", "行业", "划分", "为", "三", "个", "类别", ":", "一类", "为", "风险较小", "行业", ",", "二类", "为", "中等", "风", ".", ".", ".", "[", "查看", "详细", "]"], ["声明", ":", "本", "文", "由", "入驻", "搜狐", "号", "的", "作者", "撰写", ",", "除", "搜狐", "官方", "账号", "外", ",", "观点", "仅", "代表", "作者", "本人", ",", "不", "代表", "搜狐", "立场", "。"]], "paragraphs": ["文章 阅读", "企业工伤保险缴费比例", "新注册的公司根据行业类别区分工伤保险缴纳的比例,需到社保中心核对,大概情况如下: 1、企业属于第一行业类别的,缴费比例为0.5%; 2、企业属于第二行业类别的,缴费比...[查看详细]", "工伤保险缴费基数", "(一)工伤保险缴费基数 1、缴费基数指用人单位缴纳工伤保险费的缴费基数为本单位职工上年度工资总额。 2、工资总额是指用人单位直接支付给本单位全部职工的劳动报酬总额...[查看详细]", "工伤保险缴费比例", "工伤保险缴费比例已经确定,职工本人不需要缴费,单位缴费比例根据行业不同而确定。 根据不同行业的工伤风险程度,行业划分为三个类别:一类为风险较小行业,二类为中等风...[查看详细]", "声明:本文由入驻搜狐号的作者撰写,除搜狐官方账号外,观点仅代表作者本人,不代表搜狐立场。"], "bs_rank_pos": 4}], "question": "工伤报销比例", "segmented_question": ["工伤", "报销", "比例"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221643}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["要根据具体皮肤状态进行选择针对性的护理,而不是专门看哪个牌子"], "segmented_title": ["伊索", "与", "antipodes", "哪个", "好", ",", "个人", "是", "混合", "敏感", "皮", ",", "内", "干", "外", "油", ",", "而且", "现在", "皮肤", "有"], "segmented_paragraphs": [["要", "根据", "具体", "皮肤", "状态", "进行", "选择", "针对性", "的", "护理", ",", "而", "不是", "专门", "看", "哪个", "牌子"]], "title": "伊索与antipodes哪个好,个人是混合敏感皮,内干外油,而且现在皮肤有"}, {"bs_rank_pos": 1, "paragraphs": [" Thanks for sharing the love of Antipodes Scientific Organic Skincare. Keep in touch #lovethelove ", " 有机用的较少,不过看着蛮不错 ", " 这两款哪款洗面奶比较好用 ", " 还挺不错 ", " 您需要登录后才可以回帖 登录 | 立即注册 "], "segmented_title": ["Trilogy", "和", "Antipodes", ",", "我", "的", "有机", "护肤", "时代", "!", "-", "晚", "九", "点", "-", "闺蜜", "网"], "segmented_paragraphs": [["Thanks", "for", "sharing", "the", "love", "of", "Antipodes", "Scientific", "Organic", "Skin", "care", ".", "Keep", "in", "touch", "#", "love", "the", "love"], ["有机", "用", "的", "较", "少", ",", "不过", "看着", "蛮", "不错"], ["这", "两", "款", "哪款", "洗面奶", "比较好", "用"], ["还", "挺不错"], ["您", "需要", "登录", "后", "才", "可以", "回帖", "登录", "|", "立即注册"]], "title": "Trilogy和Antipodes,我的有机护肤时代!-晚九点-闺蜜网 "}, {"bs_rank_pos": 2, "paragraphs": ["最近又想买一些澳洲本土的护肤品,但实在不知道如何下手,有没有人来八一下 natio,trilogy之类的,不是茱莉蔻,伊索那些大牌,感觉那些就是名气大,但效果一般,伊索用一次长一次痘,简直恨死的一个牌子。 本人混油皮,外油内干,有没有人有推荐?", " ty_就这样子吧 2016-09-12 13:51:49 ", " 有没有人听说过antipodes这个牌子,最近刚买也不知道怎么样,据说孕妇可用,有机纯植物", " 仙女小茜 2017-04-13 09:45:40 ", " 我用Natio爽肤水也刺痛,用了两次就没用了,感觉香味太刺激了,像烧香的味道。", " wendywwwww 2015-01-25 17:57:01 ", " 今天去试了一下trilogy的玫瑰水,感觉味道?很刺鼻,有点受不了,有人有其他牌子的玫瑰水推荐吗?味道淡一点,然后方便随身带的就好。", " 茜茜娜娜 2016-09-12 13:56:54 ", " 朱丽蔻只有精油还行。", " 妈望景顿 2017-05-13 12:56:57 ", " wendywwwww 2015-01-25 18:10:11 ", " 没有人理我么", " ohmycaicai 2015-01-25 18:37:32 ", " 我用natio的rehydrating toner 感觉有刺痛感TUT.. 但是我觉得Sukin的晚霜我用得挺顺的。。", " 碎碎念念念念念碎 2015-01-25 18:37:57 ", " trilogy的玫瑰精油特别好用 ", " 碎碎念念念念念碎 2015-01-25 18:39:12 ", " sukin洗面奶挺好用,但是那个水和乳我觉得太干,可能我没用霜吧=_=", " wendywwwww 2015-01-25 18:42:59 ", " 我用natio的rehydrating toner 感觉有刺痛感TUT.. 但是我觉得Sukin的晚霜我用得挺顺的。。 ----------------------------- 水我一直用sk2,没办法,混油皮的亲妈。你是什么肤质?sukin的晚霜会很油吗?", " wendywwwww 2015-01-25 18:38:26 ", " 小白在nz 2015-01-25 18:31:44 ", " 我在新西兰 用的是a开头的牌子也 。难道trilogy最有名的不是玫瑰精油么 natio据说是可以不卸妆过夜的那种", " -----------------------------"], "segmented_title": ["有没有", "人", "来", "八一", "下", "澳洲", "好", "用", "的", "护肤品", "啊", "?", "_", "娱乐八卦", "_", "天涯", "论坛"], "segmented_paragraphs": [["最近", "又", "想", "买", "一些", "澳洲", "本土", "的", "护肤品", ",", "但", "实在", "不知道", "如何", "下", "手", ",", "有没有", "人", "来", "八一", "下", "natio", ",", "trilogy", "之类", "的", ",", "不是", "茱莉蔻", ",", "伊索", "那些", "大牌", ",", "感觉", "那些", "就是", "名气", "大", ",", "但", "效果", "一般", ",", "伊索", "用", "一", "次", "长", "一", "次", "痘", ",", "简直", "恨死", "的", "一", "个", "牌子", "。", "本人", "混", "油皮", ",", "外", "油", "内", "干", ",", "有没有人", "有", "推荐", "?"], ["ty", "_", "就", "这样子", "吧", "2016", "-", "09", "-", "12", "13", ":", "51", ":", "49"], ["有没有人", "听说过", "antipodes", "这个牌子", ",", "最近", "刚", "买", "也", "不知道", "怎么样", ",", "据说", "孕妇", "可用", ",", "有机", "纯", "植物"], ["仙女小茜", "2017", "-", "04", "-", "13", "09", ":", "45", ":", "40"], ["我", "用", "Natio", "爽肤水", "也", "刺痛", ",", "用", "了", "两次", "就", "没用", "了", ",", "感觉", "香味", "太", "刺激", "了", ",", "像", "烧香", "的", "味道", "。"], ["wendyw", "wwww", "2015", "-", "01", "-", "25", "17", ":", "57", ":", "01"], ["今天", "去", "试", "了", "一", "下", "trilogy", "的", "玫瑰", "水", ",", "感觉", "味道", "?", "很", "刺鼻", ",", "有点", "受不了", ",", "有人", "有", "其他", "牌子", "的", "玫瑰", "水", "推荐", "吗", "?", "味道", "淡", "一点", ",", "然后", "方便", "随身", "带", "的", "就好", "。"], ["茜茜", "娜娜", "2016", "-", "09", "-", "12", "13", ":", "56", ":", "54"], ["朱", "丽", "蔻", "只有", "精油", "还行", "。"], ["妈", "望", "景", "顿", "2017", "-", "05", "-", "13", "12", ":", "56", ":", "57"], ["wendyw", "wwww", "2015", "-", "01", "-", "25", "18", ":", "10", ":", "11"], ["没有人理我", "么"], ["oh", "my", "caicai", "2015", "-", "01", "-", "25", "18", ":", "37", ":", "32"], ["我", "用", "natio", "的", "rehydrating", "toner", "感觉", "有", "刺痛", "感", "TUT", ".", ".", "但是", "我", "觉得", "Sukin", "的", "晚霜", "我", "用", "得", "挺", "顺", "的", "。", "。"], ["碎碎念", "念念", "念念", "碎", "2015", "-", "01", "-", "25", "18", ":", "37", ":", "57"], ["trilogy", "的", "玫瑰精油", "特别", "好", "用"], ["碎碎念", "念念", "念念", "碎", "2015", "-", "01", "-", "25", "18", ":", "39", ":", "12"], ["sukin", "洗面奶", "挺好", "用", ",", "但是", "那个", "水", "和", "乳", "我", "觉得", "太", "干", ",", "可能", "我", "没用", "霜", "吧", "=", "_", "="], ["wendyw", "wwww", "2015", "-", "01", "-", "25", "18", ":", "42", ":", "59"], ["我", "用", "natio", "的", "rehydrating", "toner", "感觉", "有", "刺痛", "感", "TUT", ".", ".", "但是", "我", "觉得", "Sukin", "的", "晚霜", "我", "用", "得", "挺", "顺", "的", "。", "。", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "水", "我", "一直", "用", "sk2", ",", "没办法", ",", "混", "油皮", "的", "亲妈", "。", "你", "是", "什么", "肤质", "?", "sukin", "的", "晚霜", "会", "很", "油", "吗", "?"], ["wendyw", "wwww", "2015", "-", "01", "-", "25", "18", ":", "38", ":", "26"], ["小白", "在", "nz", "2015", "-", "01", "-", "25", "18", ":", "31", ":", "44"], ["我", "在", "新西兰", "用", "的", "是", "a", "开头", "的", "牌子", "也", "。", "难道", "trilogy", "最", "有名", "的", "不是", "玫瑰精油", "么", "natio", "据说", "是", "可以", "不", "卸妆", "过夜", "的", "那种"], ["-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-"]], "title": "有没有人来八一下澳洲好用的护肤品啊?_娱乐八卦_天涯论坛"}, {"bs_rank_pos": 3, "paragraphs": ["2016-02-14 20:33:19", "《海外买什么?》系列上一篇反响还不错,于是我就让空姐妹妹再帮我到国外去挖点护肤宝贝回来。前段时间她飞澳洲(澳大利亚)、新西兰比较多,所以下面你看到的东西大部分是来自于那两个地方。这次拍摄的地点是在北京的某甜品店内,因为是她刚好有机会飞到北京过夜,然后和我短聚几小时而已,所以我们只能找了一个碰面地点拍摄。看,妹妹为了分享护肤也是蛮拼的!", " 澳洲和新西兰的护肤品主要还是以纯净、有机、自然为卖点,因为他们的自然环境实在是太可以称颂了,当年《魔戒三部曲》正是因为新西兰的森林植被和地理风貌保存非常好(也是导演家乡),才大量取景此地。 与欧美护肤品喜欢主打科技成分不同,澳洲和新西兰的护肤品以纯植物配方、天然护肤理念还有安全度高、性价比较高为优点,虽然品牌影响力没有欧美的大,但是从内容物上来说也是值得尝试的。 妹妹的肤质是混合偏油性肌肤,有些痘痘和痘印。1、Antipodes安媞珀奇异果籽精华眼霜30ml", "1、Antipodes安媞珀奇异果籽精华眼霜30ml Antipodes是什么品牌?Antipodes品牌于2005年由年轻母亲伊丽莎白?巴巴利奇(Elizabeth Barbalich)创立。有科学研究及理疗方面背景的巴巴利奇在位于新西兰惠灵顿市的自家厨房中开始了这一品牌的生产。曾获具有国际声誉的Agriquality认证的有机产品是该品牌至今最受消费者欢迎的产品。Antipodes所使用的主要成分包括:经认证的有机特级初榨鳄梨油、生长于热带雨林的卡瓦卡瓦(kawakawa,常用于毛利人传统医药的一种本地小型树木)、马马库黑蕨(mamaku)、马努卡蜂蜜以及被称作新西兰圣诞树的波胡图卡瓦(pohutukawa)。 这款眼霜是妹妹极力推荐的,说很滋润很好用不输于大牌,我想这种滋润感应该大部分来源于其中所含的奇异果精华、胡萝卜籽精华以及牛油果。这三样能很好地给肌肤滋养保湿效果,奇异果中的维他命C含量很高,可以美白和修复受损肌肤。 关键它还是眼霜中的“空中客车”(大容量30ml),比起一般的15ml足足多出一倍。价格大约300元左右,性价比还是可以的。 它的包装相对比较简单,连塑封都没有,单独纸外盒包装。淡绿色膏体,成分纯天然,不含香精和防腐剂,开封后的使用期限只有6个月。2、新西兰Antipodes天然麦卢卡蜂蜜面膜75ML 还是Antipodes家的东西,这款天然麦卢卡蜂蜜面膜由麦卢卡", " 还是Antipodes家的东西,这款天然麦卢卡蜂蜜面膜由麦卢卡蜂蜜、100%纯正的鳄梨油,新西兰圣诞树Pohutukawa和香草荚提炼而成。麦卢卡蜂蜜是新西兰毛利人常用于修复肌肤功能用,它还能滋润肌肤,新西兰圣诞树Pohutukawa含有天然的抗氧化剂、圣洁的香草和柑橘的香气,会带给人平和的感觉。", " 75ml的牙膏状包装,乳白色的膏体状,你可以做清洁面膜+保湿面膜使用,痘痘肌肤用起来会比较舒服,一开始会有些清凉的感觉,里面的蜂蜜可以消炎和修复痘痘。", " 这款面膜也是获奖无数,基本都是因为其是用的有机成分和滋润修复的卓越功效。3、新西兰Trilogy天然野玫瑰果油20ml ", " Trilogy品牌——争做低碳环保的护肤品 “给您的肌肤带来最大的效用,给环境留下最小的影响”是新西兰天然护肤品公司Trilogy的口号。 该公司于2003年由萨拉?吉布斯(Sarah Gibbs)和凯瑟琳?德?格鲁特(Catherine de Groot)姐妹俩在惠灵顿市首创,已由最初的精品小店发展成为一个受国际认可与关注的品牌。 该公司的37种产品在大洋洲、亚洲、英国与美国的3500多家门店销售,甚至连远在南极的斯科特基地(Scott Base)都使用该公司的产品。 Trilogy所有产品均为低碳产品,并采用可循环包装,其成分则源自正当交易的产品,并尽可能采用受认证的有机成分。", " 很多人不喜欢用油,觉得太油腻,肌肤触感不好,但实际上现在护肤品品牌都会将油的浓度或是粘稠度通过加入其他成分进行稀释,同时也增加油之外的其他功能成分,让油的使用感受和功效都不断完善变好。", " Trilogy经过认证的有机野玫瑰花果油是经过认证的有机野生玫瑰的花和果实的精华素,它可使用于人的面部和全身的皮肤。", " 它的分子很小,涂抹在肌肤上能很快被肌肤吸收,不留油腻的残留。妹妹买它主要是为了去痘印,因为玫瑰果油具有淡化疤痕,促进细胞新生、修复愈合作用。 玫瑰花果油并不是精油,所以相对植物精油来说,价格比较亲民,200元左右20ml容量。4、新西兰trilogy平衡净颜啫喱泡沫洁面乳", " 这是一款非常适合混合性肌肤偏油性或是油性肌肤的洗面啫喱,因为里面成分芦荟和黄瓜精华混合物,接骨木精华,紫草根,紫锥菊,中国柑橘,苦橙叶、葡萄柚籽精华,柠檬醛等物质都是控油植物成分。可以清洁脸部肌肤多余油脂,再加上维生素E、玫瑰果油、麦卢卡蜂蜜等进行修复和滋润作用,所以balancing gel的称呼是非常准确的。", " 挤出来就行是蜂蜜的金黄色,很好看。完全不含皂质和硫酸盐,以植物凝胶作为产品基底,泡沫量一般,并不是那种高泡型的。洗完后,在南方脸部肌肤不会有紧绷感。", " 5、Aesop/伊索樱草洁净敷面膜/樱草面膜", " Aesop品牌是由Emeis Cosmetics Pty Ltd所研发之系列产品,总部设立于澳洲墨尔本。植物及蔬菜的萃取物是其所有产品的主要成份,为保持产品中植物萃取的活性,Aesop使用天然的植物防腐剂搭配最少量的合法人工保存剂(仅为其他产品的10%)。其鲜明独特的黑色玻璃包装,就是用心良苦防止紫外线破坏商品成分,有助保持产品的新鲜和稳定性!这个品牌也是空姐妹子的新爱。大油皮痘痘脸怎么能缺少清洁面膜?清洁面膜一周用一次即可,除非是长时间在户外工作的,可以适当增加一次。清洁面膜一般都是由黏土作为清洁基础,然后再添加一些护肤成分。", " 这款伊索樱草敷面膜主打的是晚樱草.玫瑰天竺葵.鼠尾草成分,比较消炎镇定肌肤的作用。黏土取自法国,并且蕴含维他命E及多种能柔软肌肤的抗氧化活性植物精华,替皮肤作深层清洁,而不会令皮肤变得干燥。", " 请忽略上图已经用了一半的瓶子,空姐妹子说这个面膜清洁毛孔效果很好,有时候还会有白头浮出来,淡淡黄色膏体,用完后皮肤会变得软软的。6、LUSH Cynthia Sylvia Stout啤啤洗发露100g", " LUSH不是澳洲的也不是新西兰的,而是英国的,每次走进LUSH的店,就觉得充满梦幻的感觉,这些护肤品都像是糖果、食品一样充满诱惑。", " 这款俗称啤啤洗发露也是经过空姐妹子的油头鉴定过的,超过40%爱尔兰黑啤酒,其中还含有白兰地油、柠檬草、酵母菌、甜醋。貌似是为男士研发的,但是油头其实都适用。", " 啤酒能让头发柔顺亮丽,头发会很服帖听话,而白兰地油、柠檬草、甜醋能很好地控油,调理头皮,香气还不错。欢迎订阅微信:himolly00个人微信号:lovemollycm欢迎向我扔来变美的问题。。。", "赞 1", " 深有同感 0", " 抱抱 0", " 呵呵 0", " 沟通无望 0", " 等 1 个幸福客表达了自己的情绪"], "segmented_title": ["海外", "买", "什么", "?", "︱", "空姐", "妹子", "鉴定", "过", "的", "油皮", "救星", "们", "-", "我最爱", "的", "好", "用", "单", "品", "-"], "segmented_paragraphs": [["2016", "-", "02", "-", "14", "20", ":", "33", ":", "19"], ["《", "海外", "买", "什么", "?", "》", "系列", "上", "一篇", "反响", "还不错", ",", "于是", "我", "就让", "空姐", "妹妹", "再", "帮", "我", "到", "国外", "去", "挖", "点", "护肤", "宝贝", "回来", "。", "前段时间", "她", "飞", "澳洲", "(", "澳大利亚", ")", "、", "新西兰", "比较", "多", ",", "所以", "下面", "你", "看到", "的", "东西", "大部分", "是", "来自", "于", "那", "两", "个", "地方", "。", "这次", "拍摄", "的", "地点", "是", "在", "北京", "的", "某", "甜品", "店", "内", ",", "因为", "是", "她", "刚好", "有", "机会", "飞", "到", "北京", "过夜", ",", "然后", "和", "我", "短", "聚", "几", "小时", "而已", ",", "所以", "我们", "只能", "找", "了", "一", "个", "碰面", "地点", "拍摄", "。", "看", ",", "妹妹", "为了", "分享", "护肤", "也是", "蛮", "拼", "的", "!"], ["澳洲", "和", "新西兰", "的", "护肤品", "主要", "还是", "以", "纯净", "、", "有机", "、", "自然", "为", "卖点", ",", "因为", "他们", "的", "自然环境", "实在", "是", "太", "可以", "称颂", "了", ",", "当年", "《", "魔戒三部曲", "》", "正是", "因为", "新西兰", "的", "森林", "植被", "和", "地理", "风貌", "保存", "非常好", "(", "也是", "导演", "家乡", ")", ",", "才", "大量", "取景", "此地", "。", "与", "欧美", "护肤品", "喜欢", "主", "打", "科技", "成分", "不同", ",", "澳洲", "和", "新西兰", "的", "护肤品", "以纯", "植物", "配方", "、", "天然", "护肤", "理念", "还有", "安全", "度", "高", "、", "性价比", "较", "高", "为", "优点", ",", "虽然", "品牌", "影响力", "没有", "欧美", "的", "大", ",", "但是", "从", "内容", "物", "上", "来", "说", "也是", "值得", "尝试", "的", "。", "妹妹", "的", "肤质", "是", "混合", "偏", "油性", "肌肤", ",", "有些", "痘痘", "和", "痘印", "。", "1", "、", "Antipodes", "安媞", "珀", "奇异果", "籽", "精华", "眼霜", "30ml"], ["1", "、", "Antipodes", "安媞", "珀", "奇异果", "籽", "精华", "眼霜", "30ml", "Antipodes", "是什么", "品牌", "?", "Antipodes", "品牌", "于", "2005", "年", "由", "年轻", "母亲", "伊丽莎白", "?", "巴", "巴", "利", "奇", "(", "Elizabeth", "Barbalich", ")", "创立", "。", "有", "科学", "研究", "及", "理疗", "方面", "背景", "的", "巴", "巴", "利", "奇", "在", "位于", "新西兰", "惠灵顿", "市", "的", "自家", "厨房", "中", "开始", "了", "这", "一", "品牌", "的", "生产", "。", "曾", "获", "具有", "国际", "声誉", "的", "Agri", "quality", "认证", "的", "有机", "产品", "是", "该", "品牌", "至今", "最", "受", "消费者", "欢迎", "的", "产品", "。", "Antipodes", "所", "使用", "的", "主要", "成分", "包括", ":", "经", "认证", "的", "有机", "特级", "初", "榨", "鳄梨", "油", "、", "生长", "于", "热带雨林", "的", "卡瓦", "卡瓦", "(", "kawakawa", ",", "常用", "于", "毛利人", "传统医药", "的", "一", "种", "本地", "小型", "树木", ")", "、", "马", "马库", "黑蕨", "(", "mamaku", ")", "、", "马努", "卡", "蜂蜜", "以及", "被", "称作", "新西兰", "圣诞树", "的", "波", "胡", "图", "卡瓦", "(", "pohutukawa", ")", "。", "这", "款", "眼霜", "是", "妹妹", "极力", "推荐", "的", ",", "说", "很", "滋润", "很好", "用", "不", "输", "于", "大牌", ",", "我", "想", "这种", "滋润", "感", "应该", "大部分", "来源于", "其中", "所", "含", "的", "奇异果", "精华", "、", "胡萝卜", "籽", "精华", "以及", "牛油果", "。", "这", "三", "样", "能", "很好", "地", "给", "肌肤", "滋养", "保湿", "效果", ",", "奇异果", "中", "的", "维他命", "C", "含量", "很高", ",", "可以", "美白", "和", "修复", "受损", "肌肤", "。", "关键", "它", "还是", "眼霜", "中", "的", "“", "空中客车", "”", "(", "大容量", "30ml", ")", ",", "比", "起", "一般", "的", "15ml", "足", "足", "多", "出", "一倍", "。", "价格", "大约", "300", "元", "左右", ",", "性价比", "还是", "可以", "的", "。", "它", "的", "包装", "相对", "比较", "简单", ",", "连", "塑封", "都", "没有", ",", "单独", "纸", "外", "盒", "包装", "。", "淡绿色", "膏", "体", ",", "成分", "纯天然", ",", "不含", "香精", "和", "防腐剂", ",", "开封", "后", "的", "使用期限", "只有", "6", "个", "月", "。", "2", "、", "新西兰", "Antipodes", "天然", "麦卢卡", "蜂蜜", "面膜", "75ML", "还是", "Antipodes", "家", "的", "东西", ",", "这", "款", "天然", "麦卢卡", "蜂蜜", "面膜", "由", "麦卢卡"], ["还是", "Antipodes", "家", "的", "东西", ",", "这", "款", "天然", "麦卢卡", "蜂蜜", "面膜", "由", "麦卢卡", "蜂蜜", "、", "100", "%", "纯正", "的", "鳄梨", "油", ",", "新西兰", "圣诞树", "Pohutukawa", "和", "香草", "荚", "提炼", "而", "成", "。", "麦卢卡", "蜂蜜", "是", "新西兰", "毛利人", "常用于", "修复", "肌肤", "功能", "用", ",", "它", "还能", "滋润肌肤", ",", "新西兰", "圣诞树", "Pohutukawa", "含有", "天然", "的", "抗氧化剂", "、", "圣洁", "的", "香草", "和", "柑橘", "的", "香气", ",", "会", "带给", "人", "平和", "的", "感觉", "。"], ["75ml", "的", "牙膏", "状", "包装", ",", "乳白色", "的", "膏", "体", "状", ",", "你", "可以", "做", "清洁", "面膜", "+", "保湿", "面膜", "使用", ",", "痘痘", "肌肤", "用", "起来", "会", "比较", "舒服", ",", "一开始", "会", "有些", "清凉", "的", "感觉", ",", "里面", "的", "蜂蜜", "可以", "消炎", "和", "修复", "痘痘", "。"], ["这", "款", "面膜", "也是", "获奖", "无数", ",", "基本", "都是", "因为", "其", "是", "用", "的", "有机", "成分", "和", "滋润", "修复", "的", "卓越", "功效", "。", "3", "、", "新西兰", "Trilogy", "天然", "野", "玫瑰果油", "20ml"], ["Trilogy", "品牌", "—", "—", "争做", "低碳", "环保", "的", "护肤品", "“", "给", "您", "的", "肌肤", "带来", "最大", "的", "效用", ",", "给", "环境", "留下", "最小", "的", "影响", "”", "是", "新西兰", "天然", "护肤品", "公司", "Trilogy", "的", "口号", "。", "该", "公司", "于", "2003", "年", "由", "萨拉", "?", "吉布斯", "(", "Sarah", "Gibbs", ")", "和", "凯瑟琳", "?", "德", "?", "格鲁", "特", "(", "Catherine", "de", "Groot", ")", "姐妹俩", "在", "惠灵顿", "市", "首创", ",", "已", "由", "最初", "的", "精品", "小店", "发展", "成为", "一", "个", "受", "国际", "认可", "与", "关注", "的", "品牌", "。", "该", "公司", "的", "37", "种", "产品", "在", "大洋洲", "、", "亚洲", "、", "英国", "与", "美国", "的", "3500", "多", "家", "门店", "销售", ",", "甚至", "连", "远", "在", "南极", "的", "斯科特", "基地", "(", "Scott", "Base", ")", "都", "使用", "该", "公司", "的", "产品", "。", "Trilogy", "所有", "产品", "均为", "低碳", "产品", ",", "并", "采用", "可", "循环", "包装", ",", "其", "成分", "则", "源", "自", "正当", "交易", "的", "产品", ",", "并", "尽可能", "采用", "受", "认证", "的", "有机", "成分", "。"], ["很多人", "不喜欢", "用", "油", ",", "觉得", "太", "油腻", ",", "肌肤", "触感", "不好", ",", "但实际上", "现在", "护肤品", "品牌", "都会", "将", "油", "的", "浓度", "或是", "粘稠", "度", "通过", "加入", "其他", "成分", "进行", "稀释", ",", "同时", "也", "增加", "油", "之外", "的", "其他", "功能", "成分", ",", "让", "油", "的", "使用感受", "和", "功效", "都", "不断完善", "变", "好", "。"], ["Trilogy", "经过", "认证", "的", "有机", "野玫瑰花", "果", "油", "是", "经过", "认证", "的", "有机", "野生", "玫瑰", "的", "花", "和", "果实", "的", "精华素", ",", "它", "可", "使用", "于", "人", "的", "面部", "和", "全身", "的", "皮肤", "。"], ["它", "的", "分子", "很", "小", ",", "涂抹", "在", "肌肤", "上", "能", "很快", "被", "肌肤", "吸收", ",", "不留", "油腻", "的", "残留", "。", "妹妹", "买", "它", "主要", "是", "为了", "去痘印", ",", "因为", "玫瑰果油", "具有", "淡化", "疤痕", ",", "促进", "细胞", "新生", "、", "修复", "愈合", "作用", "。", "玫瑰花", "果", "油", "并", "不是", "精油", ",", "所以", "相对", "植物", "精油", "来", "说", ",", "价格比较", "亲民", ",", "200", "元", "左右", "20ml", "容量", "。", "4", "、", "新西兰", "trilogy", "平衡", "净", "颜", "啫喱", "泡沫", "洁面乳"], ["这", "是", "一款", "非常", "适合", "混合", "性", "肌肤", "偏", "油性", "或是", "油性肌肤", "的", "洗面", "啫喱", ",", "因为", "里面", "成分", "芦荟", "和", "黄瓜", "精华", "混合物", ",", "接骨木", "精华", ",", "紫草", "根", ",", "紫锥菊", ",", "中国", "柑橘", ",", "苦", "橙", "叶", "、", "葡萄柚", "籽", "精华", ",", "柠檬醛", "等", "物质", "都是", "控油", "植物", "成分", "。", "可以", "清洁", "脸部", "肌肤", "多余", "油脂", ",", "再加上", "维生素", "E", "、", "玫瑰果油", "、", "麦卢卡", "蜂蜜", "等", "进行", "修复", "和", "滋润", "作用", ",", "所以", "balancing", "gel", "的", "称呼", "是", "非常", "准确", "的", "。"], ["挤出来", "就", "行", "是", "蜂蜜", "的", "金黄色", ",", "很好看", "。", "完全", "不含", "皂", "质", "和", "硫酸", "盐", ",", "以", "植物", "凝胶", "作为", "产品", "基底", ",", "泡沫", "量", "一般", ",", "并", "不是", "那种", "高", "泡", "型", "的", "。", "洗", "完", "后", ",", "在南方", "脸部", "肌肤", "不会", "有", "紧绷", "感", "。"], ["5", "、", "Aesop", "/", "伊索", "樱草", "洁净", "敷", "面膜", "/", "樱草", "面膜"], ["Aesop", "品牌", "是", "由", "Emeis", "Cosmetics", "Pty", "Ltd", "所", "研发", "之", "系列", "产品", ",", "总部", "设立", "于", "澳洲", "墨尔本", "。", "植物", "及", "蔬菜", "的", "萃取", "物", "是", "其", "所有", "产品", "的", "主要", "成份", ",", "为", "保持", "产品", "中", "植物", "萃取", "的", "活性", ",", "Aesop", "使用", "天然", "的", "植物", "防腐剂", "搭配", "最", "少量", "的", "合法", "人工", "保存", "剂", "(", "仅", "为", "其他产品", "的", "10", "%", ")", "。", "其", "鲜明", "独特", "的", "黑色", "玻璃", "包装", ",", "就是", "用心良苦", "防止", "紫外线", "破坏", "商品", "成分", ",", "有助", "保持", "产品", "的", "新鲜", "和", "稳定性", "!", "这个品牌", "也是", "空姐", "妹子", "的", "新爱", "。", "大", "油皮", "痘痘", "脸", "怎么", "能", "缺少", "清洁", "面膜", "?", "清洁", "面膜", "一", "周", "用", "一次", "即可", ",", "除非", "是", "长时间", "在", "户外", "工作", "的", ",", "可以", "适当", "增加", "一次", "。", "清洁", "面膜", "一般", "都是", "由", "黏土", "作为", "清洁", "基础", ",", "然后", "再", "添加", "一些", "护肤", "成分", "。"], ["这", "款", "伊索", "樱草", "敷", "面膜", "主", "打的", "是", "晚樱草", ".", "玫瑰", "天竺葵", ".", "鼠尾草", "成分", ",", "比较", "消炎", "镇定", "肌肤", "的", "作用", "。", "黏土", "取", "自", "法国", ",", "并且", "蕴含", "维他命", "E", "及", "多", "种", "能", "柔软", "肌肤", "的", "抗氧化", "活性", "植物", "精华", ",", "替", "皮肤", "作", "深层清洁", ",", "而", "不会", "令", "皮肤", "变得", "干燥", "。"], ["请", "忽略", "上", "图", "已经", "用", "了", "一半", "的", "瓶子", ",", "空姐", "妹子", "说", "这个", "面膜", "清洁", "毛孔", "效果很好", ",", "有时候", "还会", "有", "白头", "浮", "出来", ",", "淡淡", "黄色", "膏", "体", ",", "用完后", "皮肤", "会", "变得", "软", "软", "的", "。", "6", "、", "LUSH", "Cynthia", "Sylvia", "Stout", "啤", "啤", "洗发露", "100", "g"], ["LUSH", "不是", "澳洲", "的", "也", "不是", "新西兰", "的", ",", "而是", "英国", "的", ",", "每次", "走进", "LUSH", "的", "店", ",", "就", "觉得", "充满", "梦幻", "的", "感觉", ",", "这些", "护肤品", "都", "像", "是", "糖果", "、", "食品", "一样", "充满诱惑", "。"], ["这", "款", "俗称", "啤", "啤", "洗发露", "也是", "经过", "空姐", "妹子", "的", "油", "头", "鉴定", "过", "的", ",", "超过", "40", "%", "爱尔兰", "黑啤酒", ",", "其中", "还", "含有", "白兰地", "油", "、", "柠檬草", "、", "酵母菌", "、", "甜醋", "。", "貌似", "是", "为", "男士", "研发", "的", ",", "但是", "油", "头", "其实", "都", "适用", "。"], ["啤酒", "能", "让", "头发", "柔顺", "亮丽", ",", "头发", "会", "很", "服帖", "听话", ",", "而", "白兰地", "油", "、", "柠檬草", "、", "甜醋", "能", "很好", "地", "控油", ",", "调理", "头皮", ",", "香气", "还不错", "。", "欢迎订阅", "微信", ":", "himolly", "00", "个人", "微信", "号", ":", "love", "molly", "cm", "欢迎", "向", "我", "扔", "来", "变", "美", "的", "问题", "。", "。", "。"], ["赞", "1"], ["深", "有", "同", "感", "0"], ["抱抱", "0"], ["呵呵", "0"], ["沟通", "无望", "0"], ["等", "1", "个", "幸福", "客", "表达", "了", "自己", "的", "情绪"]], "title": "海外买什么?︱空姐妹子鉴定过的油皮救星们 - 我最爱的好用单品 - "}, {"bs_rank_pos": 4, "paragraphs": [" 最好是性价比比较高的。水,乳液,洗面奶balabala........", " 以前有朋友在澳洲读书,也一起做过澳洲代购,说到澳洲的护肤品,就随意说说好了。", "我没有太多的心得可提供,但是可以给大家一个大致的方向,具体产品心得可能还需要做做功课。", "总体而言,我觉得澳洲的护肤品不是那么出众,不是不能替代,如果生活在澳洲,必定想要多多买买本土的东西,但是不是生活在澳洲的话,可能对澳洲的护肤品兴趣没有那么强烈。", " 这个算是很出名的单品,我自己以前也是用的这个。要提醒的是淘宝上有出售一些杂七杂八的绵羊油,可能并不是澳洲本土大家用的那种。还算挺滋润的,我之前用来抹身体不错,便宜大碗。", "2.Swisse家一些的保健品,这个胶原蛋白液也是挺出名的,我自己喝了一瓶,实在是坚持不了每天服用就放弃了,效果嘛,我没有太大感觉。", "3.羊奶皂,洗澡挺不错的,味道也不错。当时朋友从澳洲给我带的。但是我记得那会包装不是这个样子,不过很多年前了,可能包装改了,我在淘宝搜到的照片基本都是这个样子的。", "4.木瓜万能膏。说实在话味道真不好,很油,使用感不太好,但是我觉得蚊虫叮咬什么的抹了确实不错,其他那些神奇功效没发现。也是朋友给我带的。", "5.茱莉蔻,大名鼎鼎的牌子了。手霜。化妆水喷雾,精华之类的都是一些明星产品。味道也是特别好闻,号称是敏感肌肤,孕妇都可以用。想买澳洲产品的可以去一些论坛或者app上专门搜搜这个牌子的产品,看看大家的使用心得。", "6.伊索,也是非常有名的澳洲品牌,主打一些植物系的纯露精油植物油,我个人对这个品牌很心生向往。香港海港城的连卡佛有个很大的专柜。以前每次去香港的时候都会很想要大采购一番,可惜这个牌子在各种法国护肤品日本护肤品当中还是太小众了。", "7.trilogy 应该也算小众牌子了,他家玫瑰果油算是明星产品。我一直也有兴趣买一瓶,做按摩油也好,混面霜一起用应该也很好。 ", "8.ultraceuticals,更小众的澳洲药妆品牌。", "9.moogoo ,澳洲算比较平价的牌子。", "纯属个人意见,不喜轻拍,若有用词不当之处,敬请告之,谢谢阅读。", "若有什么想要咨询,可加微信 2363480813", " 来到澳洲你会发现,那些大牌护肤品也许并不是首选,那些本土的 护肤品也能成为你的心头好。知道下面这些本土牌子,就不会只在 Jurlique 或者 Aesop 的专柜前徘徊了。在澳洲这样一个无限接近大自然的地方,他们出产的护肤品可谓性价比极高,不需要花费大量的金钱也可以购买到非常好品质的产品!下面是澳洲非常有特色的本土护肤品牌的大集合,快收藏~", " 图片来源:Lush 作者:俗人链接:这些澳洲本土护肤品牌你都知道吗?来源:矮油论坛-矮油网 著作权归作者所有。商业转载请联系作者获得授权,非商业转载请注明出处。 ", " 天然草本:Aesop ", " 图片来源:【猫】说说澳洲本土品牌【Aesop伊索】以及混合皮秋冬该品牌产品的选择 1987年在澳大利亚墨尔本成立,和茱莉蔻一样,致力于天然草本护肤品。伊索从来不做任何宣传和推广,这也是为什么名声没有茱莉蔻大,知道的人也没有知道茱莉蔻的多。但是,相比之下,伊索的性价比比较高。", " 品牌伊索 (Aesop),名字起源于“伊索寓言”。伊索 (Aesop) 在天然植物护肤的基础上率先推行有机理念,并结合内外调理的“理智”生活哲学,是美容界的“偏力”品牌。伊索 (Aesop) 的品牌创办人 Dennis Paphitis 从发型师起家,一贯主张“爱护环境=保护自己”,少用污染性化学产品。", " 推荐Aesop 家的樱草洁面敷面霜 ,这是 Aesop 最火的产品。以及香芹籽抗氧化活肤调理液,被称为 Aesop 家的“梦幻产品”。属于高机能化妆水,不含酒精。官网链接:Home page", " 天然护肤:Jurlique ", " 生物化学家兼自然疗法医生 Dr. Jurgen Klein 和他的妻子与1985年在墨尔本创立了茱莉蔻。澳大利亚天然草本护肤品的代表,知名度也很高。所有产品95%的原料都来自澳大利亚南部阿德莱德的 Mylor 活机农场种植的植物,因此被认为是“世界上最天然纯净的护肤品”。", " Jurlique 的创始人克莱恩博士明白,“不可能制造出纯天然的保养品”,所以他们决定从纯天然原料的栽培开始,确保生产“纯正天然的健康保养品”。 Jurlique 的有机园种植各种芳香疗法的草药,其中最出名的,当属玫瑰、薰衣草、洋甘菊、金盏花。", " 天然平价:Sukin ", " 图片来源:https://twitter.com/nzhealthfoodco Sukin 是澳洲本土自产的天然生态有机护肤品牌,一直以提供最高标准的天然护肤,护发等美容产品为准则。这个品牌从原料的采购开始,就以高标准来要求自己。他们的天然植物浓缩精华,各种植物提取油等都是澳洲本土生产,保证了产品的质量和带来的效果。从原料采购开始的纯澳洲本土产品,平价大碗又好用。", " 更难能可贵的是,Sukin的产品在澳洲本土的价格十分可爱,在药房出售,容易找到也容易上手。针对不同的肌肤,他们也有不同系列来应对,让您可以针对自己的肤质切实地选择适合的产品。", " 他们家值得推荐的产品有:天然有机草本沐浴露,天然有机洁面泡沫,天然有机抗氧化眼霜。", " 有机头牌:Trilogy ", " 图片来源:https://www.trilogyproducts.com/ingredients/ 来自新西兰,经世界认可的有机护肤品牌,野玫瑰果油风靡全球,全功能修复皮肤,连防腐剂都采用全天然配方。", " Trilogy 是新西兰有机化妆品品牌,确切地说应该是\"有机美容产品\"品牌。产品主要市场为澳洲,欧洲,北美,日本。新西兰各大化妆品店及药品店都有销售。Trilogy 所有产品均为100%纯植物制品,不添加任何人工化学成分,即使最敏感肌肤也可使用。", " Trilogy 100%有机野玫瑰果油,Trilogy的明星产品,几乎每个钟爱 Trilogy 的人都是最先使用有机野玫瑰果油而爱上 Trilogy 的。Trilogy 100%有机野玫瑰果油能够深层保湿,促进肌肤光滑美白,使皮肤色素淡化,重现均匀色调,使皮肤平滑。", " 手工浴球:Lush ", " 图片来源:5 Lush Products That Will Change Your Life, Hair and Skin Lush 是澳大利亚知名的新鲜自然环保护肤品牌。Lush其实是英国品牌,崇尚自然环保,在全球很多国家设有加工厂,在澳洲有很多门店。 他们的团队对品牌的贡献已经有逾二十年的历史,但一直都以不断出现的新鲜创意为目标。以护发产品为开始,他们一直以来为全世界的品牌比如 Body Shop 供应新鲜配方的护肤产品设计。最具特色的是手工香氛浴球,放一颗在泡澡缸里,回味好多天。配方天然,香气自然。", " 但他们自身则一直以小规模的手工工厂为基础,因为他们的目的就是提供新鲜手制的产品。随着产品越来越被大众所认识,他们的香水,泡浴产品等经典系列已经获得了广大的好评,是很多澳洲人日常都会选购的必需品。坚持手工艺信念的他们,并不愿用机器生产来扩大产量,而是一直保持产品的高品质和原汁原味。特别是他们的原料,你可能发现全世界的 Lush 产品颜色都不尽相同。因为在不的地区,他们都采用当地最新鲜的原料,确保质量。", " 药妆主打:Dr.Lewinn's ", " 图片来源:澳洲本土四大天王护肤品推荐! -6park.com 以先进的科研和实验成果为渠道,打造紧致肌肤的高性价比产品。Dr.LeWinn's 是澳洲本土的药妆品牌。他们的护肤产品以极高的性价比和贴合女性护肤需求而着名,以莱文医生的医学背景为起源,创造了今天的硕果。"], "segmented_title": ["澳大利亚", "有", "什么", "值得", "推荐", "的", "护肤品", "?", "-", "知乎"], "segmented_paragraphs": [["最好", "是", "性价比", "比较", "高", "的", "。", "水", ",", "乳液", ",", "洗面奶", "balabala", ".", ".", ".", ".", ".", ".", ".", "."], ["以前", "有", "朋友", "在", "澳洲", "读书", ",", "也", "一起", "做", "过", "澳洲", "代购", ",", "说", "到", "澳洲", "的", "护肤品", ",", "就", "随意", "说说", "好", "了", "。"], ["我", "没有", "太多", "的", "心得", "可", "提供", ",", "但是", "可以", "给", "大家", "一", "个", "大致", "的", "方向", ",", "具体", "产品", "心得", "可能", "还", "需要", "做", "做功课", "。"], ["总体而言", ",", "我", "觉得", "澳洲", "的", "护肤品", "不是", "那么", "出众", ",", "不是", "不能替代", ",", "如果", "生活", "在", "澳洲", ",", "必定", "想要", "多多", "买", "买", "本土", "的", "东西", ",", "但是", "不是", "生活", "在", "澳洲", "的", "话", ",", "可能", "对", "澳洲", "的", "护肤品", "兴趣", "没有", "那么", "强烈", "。"], ["这个", "算是", "很", "出名", "的", "单", "品", ",", "我自己", "以前", "也是", "用", "的", "这个", "。", "要", "提醒", "的", "是", "淘宝", "上", "有", "出售", "一些", "杂七杂八", "的", "绵羊油", ",", "可能", "并", "不是", "澳洲", "本土", "大家", "用", "的", "那种", "。", "还", "算", "挺", "滋润", "的", ",", "我", "之前", "用来", "抹", "身体", "不错", ",", "便宜", "大碗", "。"], ["2", ".", "Swisse", "家", "一些", "的", "保健品", ",", "这个", "胶原蛋白", "液", "也是", "挺", "出名", "的", ",", "我自己", "喝", "了", "一", "瓶", ",", "实在", "是", "坚持", "不", "了", "每天", "服用", "就", "放弃", "了", ",", "效果", "嘛", ",", "我没有", "太", "大", "感觉", "。"], ["3", ".", "羊奶", "皂", ",", "洗澡", "挺不错", "的", ",", "味道", "也", "不错", "。", "当时", "朋友", "从", "澳洲", "给", "我", "带", "的", "。", "但是", "我", "记得", "那", "会", "包装", "不是", "这个", "样子", ",", "不过", "很多年前", "了", ",", "可能", "包装", "改", "了", ",", "我", "在", "淘宝", "搜", "到", "的", "照片", "基本", "都是", "这个", "样子", "的", "。"], ["4", ".", "木瓜", "万能", "膏", "。", "说", "实在", "话", "味道", "真", "不好", ",", "很", "油", ",", "使用", "感", "不太", "好", ",", "但是", "我", "觉得", "蚊虫叮咬", "什么", "的", "抹", "了", "确实不错", ",", "其他", "那些", "神奇", "功效", "没发现", "。", "也是", "朋友", "给", "我", "带", "的", "。"], ["5", ".", "茱莉蔻", ",", "大名鼎鼎", "的", "牌子", "了", "。", "手霜", "。", "化妆水", "喷雾", ",", "精华", "之类", "的", "都是", "一些", "明星", "产品", "。", "味道", "也是", "特别", "好闻", ",", "号称", "是", "敏感", "肌肤", ",", "孕妇", "都", "可以", "用", "。", "想", "买", "澳洲", "产品", "的", "可以", "去", "一些", "论坛", "或者", "app", "上", "专门", "搜搜", "这个牌子", "的", "产品", ",", "看看", "大家", "的", "使用心得", "。"], ["6", ".", "伊索", ",", "也是", "非常", "有名", "的", "澳洲", "品牌", ",", "主", "打", "一些", "植物", "系", "的", "纯露", "精油", "植物油", ",", "我", "个人", "对", "这个", "品牌", "很", "心", "生", "向往", "。", "香港海港城", "的", "连卡佛", "有", "个", "很大", "的", "专柜", "。", "以前", "每次", "去", "香港", "的", "时候", "都会", "很", "想要", "大", "采购", "一", "番", ",", "可惜", "这个牌子", "在", "各种", "法国", "护肤品", "日本", "护肤品", "当", "中", "还是", "太", "小众", "了", "。"], ["7", ".", "trilogy", "应该", "也", "算", "小众", "牌子", "了", ",", "他", "家", "玫瑰果油", "算是", "明星", "产品", "。", "我", "一直", "也有", "兴趣", "买", "一", "瓶", ",", "做", "按摩", "油", "也", "好", ",", "混", "面霜", "一起", "用", "应该", "也", "很好", "。"], ["8", ".", "ultraceuticals", ",", "更", "小众", "的", "澳洲", "药妆", "品牌", "。"], ["9", ".", "moogoo", ",", "澳洲", "算", "比较", "平价", "的", "牌子", "。"], ["纯属", "个人", "意见", ",", "不喜", "轻拍", ",", "若", "有用", "词不当之处", ",", "敬请", "告", "之", ",", "谢谢", "阅读", "。"], ["若", "有", "什么", "想要", "咨询", ",", "可", "加", "微信", "2363480813"], ["来到", "澳洲", "你", "会", "发现", ",", "那些", "大牌", "护肤品", "也许", "并", "不是", "首选", ",", "那些", "本土", "的", "护肤品", "也", "能", "成为", "你", "的", "心头好", "。", "知道", "下面", "这些", "本土", "牌子", ",", "就", "不会", "只", "在", "Jurlique", "或者", "Aesop", "的", "专柜", "前", "徘徊", "了", "。", "在", "澳洲", "这样", "一", "个", "无限", "接近", "大自然", "的", "地方", ",", "他们", "出产", "的", "护肤品", "可谓", "性价比", "极", "高", ",", "不需要", "花费", "大量", "的", "金钱", "也", "可以", "购买", "到", "非常好", "品质", "的", "产品", "!", "下面", "是", "澳洲", "非常", "有特色", "的", "本土", "护肤品牌", "的", "大集合", ",", "快", "收藏", "~"], ["图片", "来源", ":", "Lush", "作者", ":", "俗人", "链接", ":", "这些", "澳洲", "本土", "护肤品牌", "你", "都", "知道", "吗", "?", "来源", ":", "矮油", "论坛", "-", "矮油", "网", "著作权", "归", "作者", "所有", "。", "商业", "转载", "请", "联系", "作者", "获得", "授权", ",", "非", "商业", "转载", "请", "注明", "出处", "。"], ["天然", "草本", ":", "Aesop"], ["图片", "来源", ":", "【", "猫", "】", "说说", "澳洲", "本土品牌", "【", "Aesop", "伊索", "】", "以及", "混合", "皮", "秋冬", "该", "品牌", "产品", "的", "选择", "1987", "年", "在", "澳大利亚墨尔本", "成立", ",", "和", "茱莉蔻", "一样", ",", "致力于", "天然", "草本", "护肤品", "。", "伊索", "从来", "不", "做", "任何", "宣传", "和", "推广", ",", "这", "也是", "为什么", "名声", "没有", "茱莉蔻", "大", ",", "知道", "的", "人", "也", "没有", "知道", "茱莉蔻", "的", "多", "。", "但是", ",", "相比之下", ",", "伊索", "的", "性价比", "比较", "高", "。"], ["品牌", "伊索", "(", "Aesop", ")", ",", "名字", "起源于", "“", "伊索寓言", "”", "。", "伊索", "(", "Aesop", ")", "在", "天然植物", "护肤", "的", "基础", "上", "率先", "推行", "有机", "理念", ",", "并", "结合", "内外", "调理", "的", "“", "理智", "”", "生活", "哲学", ",", "是", "美容", "界", "的", "“", "偏", "力", "”", "品牌", "。", "伊索", "(", "Aesop", ")", "的", "品牌", "创办人", "Dennis", "Paphitis", "从", "发型师", "起家", ",", "一贯", "主张", "“", "爱护", "环境", "=", "保护", "自己", "”", ",", "少", "用", "污染", "性", "化学", "产品", "。"], ["推荐", "Aesop", "家", "的", "樱草", "洁面", "敷", "面霜", ",", "这", "是", "Aesop", "最", "火", "的", "产品", "。", "以及", "香芹", "籽", "抗氧化", "活肤", "调理", "液", ",", "被", "称为", "Aesop", "家", "的", "“", "梦幻", "产品", "”", "。", "属于", "高", "机", "能", "化妆水", ",", "不含", "酒精", "。", "官网", "链接", ":", "Home", "page"], ["天然", "护肤", ":", "Jurlique"], ["生物化学家", "兼", "自然疗法", "医生", "Dr", ".", "Jurgen", "Klein", "和", "他", "的", "妻子", "与", "1985", "年", "在", "墨尔本", "创立", "了", "茱莉蔻", "。", "澳大利亚", "天然", "草本", "护肤品", "的", "代表", ",", "知名度", "也", "很高", "。", "所有", "产品", "95", "%", "的", "原料", "都", "来自", "澳大利亚", "南部", "阿德莱德", "的", "Mylor", "活", "机", "农场", "种植", "的", "植物", ",", "因此", "被", "认为", "是", "“", "世界上", "最", "天然", "纯净", "的", "护肤品", "”", "。"], ["Jurlique", "的", "创始人", "克莱恩", "博士", "明白", ",", "“", "不可能", "制造", "出", "纯天然", "的", "保养品", "”", ",", "所以", "他们", "决定", "从", "纯天然", "原料", "的", "栽培", "开始", ",", "确保", "生产", "“", "纯正", "天然", "的", "健康", "保养品", "”", "。", "Jurlique", "的", "有机", "园", "种植", "各种", "芳香", "疗法", "的", "草药", ",", "其中", "最", "出名", "的", ",", "当", "属", "玫瑰", "、", "薰衣草", "、", "洋甘菊", "、", "金盏花", "。"], ["天然", "平价", ":", "Sukin"], ["图片", "来源", ":", "https", ":", "/", "/", "twitter", ".", "com", "/", "nz", "health", "food", "co", "Sukin", "是", "澳洲", "本土", "自产", "的", "天然", "生态", "有机", "护肤", "品牌", ",", "一直", "以", "提供", "最高", "标准", "的", "天然", "护肤", ",", "护发", "等", "美容产品", "为", "准则", "。", "这个品牌", "从", "原料", "的", "采购", "开始", ",", "就", "以", "高标准", "来", "要求", "自己", "。", "他们", "的", "天然植物", "浓缩", "精华", ",", "各种", "植物", "提取", "油", "等", "都是", "澳洲", "本土", "生产", ",", "保证", "了", "产品", "的", "质量", "和", "带来", "的", "效果", "。", "从", "原料采购", "开始", "的", "纯", "澳洲", "本土", "产品", ",", "平价", "大碗", "又", "好", "用", "。"], ["更", "难能可贵", "的", "是", ",", "Sukin", "的", "产品", "在", "澳洲", "本土", "的", "价格", "十分", "可爱", ",", "在", "药房", "出售", ",", "容易", "找到", "也", "容易上手", "。", "针对", "不同", "的", "肌肤", ",", "他们", "也有", "不同", "系列", "来", "应对", ",", "让", "您", "可以", "针对", "自己", "的", "肤质", "切实", "地", "选择", "适合", "的", "产品", "。"], ["他们", "家", "值得", "推荐", "的", "产品", "有", ":", "天然", "有机", "草本", "沐浴露", ",", "天然", "有机", "洁面", "泡沫", ",", "天然", "有机", "抗氧化", "眼霜", "。"], ["有", "机", "头牌", ":", "Trilogy"], ["图片", "来源", ":", "https", ":", "/", "/", "www", ".", "trilogy", "products", ".", "com", "/", "ingredients", "/", "来自", "新西兰", ",", "经", "世界", "认可", "的", "有机", "护肤", "品牌", ",", "野", "玫瑰果油", "风靡全球", ",", "全", "功能", "修复", "皮肤", ",", "连", "防腐剂", "都", "采用", "全", "天然", "配方", "。"], ["Trilogy", "是", "新西兰", "有机", "化妆品", "品牌", ",", "确切地说", "应该", "是", "\"", "有机", "美容", "产品", "\"", "品牌", "。", "产品", "主要", "市场", "为", "澳洲", ",", "欧洲", ",", "北美", ",", "日本", "。", "新西兰", "各", "大", "化妆品店", "及", "药品", "店", "都", "有", "销售", "。", "Trilogy", "所有", "产品", "均为", "100", "%", "纯", "植物", "制品", ",", "不", "添加", "任何", "人工", "化学成分", ",", "即使", "最", "敏感", "肌肤", "也", "可", "使用", "。"], ["Trilogy", "100", "%", "有机", "野", "玫瑰果油", ",", "Trilogy", "的", "明星", "产品", ",", "几乎", "每个", "钟爱", "Trilogy", "的", "人", "都是", "最先", "使用", "有机", "野", "玫瑰果油", "而", "爱上", "Trilogy", "的", "。", "Trilogy", "100", "%", "有机", "野", "玫瑰果油", "能够", "深层", "保湿", ",", "促进", "肌肤", "光滑", "美白", ",", "使", "皮肤", "色素", "淡化", ",", "重现", "均匀", "色调", ",", "使", "皮肤", "平滑", "。"], ["手工", "浴球", ":", "Lush"], ["图片", "来源", ":", "5", "Lush", "Products", "That", "Will", "Change", "Your", "Life", ",", "Hair", "and", "Skin", "Lush", "是", "澳大利亚", "知名", "的", "新鲜", "自然", "环保", "护肤品牌", "。", "Lush", "其实", "是", "英国", "品牌", ",", "崇尚自然", "环保", ",", "在", "全球", "很多", "国家", "设", "有", "加工厂", ",", "在", "澳洲", "有很多", "门店", "。", "他们", "的", "团队", "对", "品牌", "的", "贡献", "已经", "有", "逾", "二", "十", "年", "的", "历史", ",", "但", "一直", "都", "以", "不断", "出现", "的", "新鲜", "创意", "为", "目标", "。", "以", "护发", "产品", "为", "开始", ",", "他们", "一直以来", "为", "全世界", "的", "品牌", "比如", "Body", "Shop", "供应", "新鲜", "配方", "的", "护肤", "产品设计", "。", "最具", "特色", "的", "是", "手工", "香氛", "浴球", ",", "放", "一颗", "在", "泡澡", "缸", "里", ",", "回味", "好多", "天", "。", "配方", "天然", ",", "香气", "自然", "。"], ["但", "他们", "自身", "则", "一直", "以", "小规模", "的", "手工", "工厂", "为", "基础", ",", "因为", "他们", "的", "目的", "就是", "提供", "新鲜", "手", "制", "的", "产品", "。", "随着", "产品", "越来越", "被", "大众", "所", "认识", ",", "他们", "的", "香水", ",", "泡", "浴", "产品", "等", "经典", "系列", "已经", "获得", "了", "广大", "的", "好评", ",", "是", "很多", "澳洲", "人", "日常", "都会", "选购", "的", "必需品", "。", "坚持", "手工艺", "信念", "的", "他们", ",", "并", "不愿", "用", "机器", "生产", "来", "扩大", "产量", ",", "而是", "一直保持", "产品", "的", "高品质", "和", "原汁原味", "。", "特别", "是", "他们", "的", "原料", ",", "你", "可能", "发现", "全世界", "的", "Lush", "产品", "颜色", "都", "不尽相同", "。", "因为", "在", "不", "的", "地区", ",", "他们", "都", "采用", "当地", "最新", "鲜", "的", "原料", ",", "确保", "质量", "。"], ["药妆", "主", "打", ":", "Dr", ".", "Lewinn", "'", "s"], ["图片", "来源", ":", "澳洲", "本土", "四大天王", "护肤品", "推荐", "!", "-", "6park", ".", "com", "以", "先进", "的", "科研", "和", "实验", "成果", "为", "渠道", ",", "打造", "紧致", "肌肤", "的", "高", "性价比", "产品", "。", "Dr", ".", "LeWinn", "'", "s", "是", "澳洲", "本土", "的", "药妆", "品牌", "。", "他们", "的", "护肤", "产品", "以", "极", "高", "的", "性价比", "和", "贴合", "女性", "护肤", "需求", "而", "着", "名", ",", "以莱文", "医生", "的", "医学", "背景", "为", "起源", ",", "创造", "了", "今天", "的", "硕果", "。"]], "title": "澳大利亚有什么值得推荐的护肤品? - 知乎"}], "question": "antipodes跟伊索哪个好", "segmented_question": ["antipodes", "跟", "伊索", "哪个", "好"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221644}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["盘古开天辟地,最终头发化成树木,经络化成道路。。。。 你自己想想。"], "segmented_title": ["丹霞山", "为什么", "长", "得", "跟", "男人", "的", "阴茎", "一样", "?", "_", "百度", "知道"], "segmented_paragraphs": [["盘古", "开天辟地", ",", "最终", "头发", "化", "成", "树木", ",", "经络", "化", "成", "道路", "。", "。", "。", "。", "你", "自己", "想想", "。"]], "title": "丹霞山为什么长得跟男人的阴茎一样?_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["丹霞山生殖器崇拜 男人惭愧女人疯狂【组图】", " 文:网络 编辑:荷花小女子 ", " 阳元石是世界自然遗产丹霞山的标志,也是每个去丹霞山的游客必游之地,丹霞山现已对外开放的长老峰、翔龙湖和阳元石三个游览区中,阳元石是人气最旺的一个,貌似大部分去丹霞山的游客,都是冲着“那玩意”去的。", " 鬼斧神工和丹霞山阳元石", " 无论男女都顶礼膜拜", " 鬼斧神工阳元石", " 鬼斧神工阳元石", " 丹霞山的阴元石,赞叹大自然的鬼斧神工,再看阳元石,更加对自然造化佩服得五体投地。阳元石与成人男性的生殖器几乎一模一样,酷似成人男性勃起时的阴茎,尤其是龟头、阴毛及成人男性勃起时的血管,栩栩如生。阳元石的高度是普通男性勃起时长度的175倍,直径是普通男性勃起时的204倍,够大够粗。据说男性游客看后都倍感惭愧,女性游客看后都都赞叹不已。", " 其实这根高28米,直径7米神奇无比的石柱,在丹霞地貌中属于石柱类型,是由于风化作用,30万年前从石墙上分离出来的。", " 丹霞山阳元石游览区是丹霞山人气最旺的地方,大部分游客都是直冲这里而来,路边的山民卖竹笋、百香果、马蹄(荸荠)等山货,这里的马蹄真的非常甜。", " 这个好像叫什么“怪面山神”之类的名字,也是典型的丹霞地貌。", " 阳元石只宜远观,其实阳元石也就是从他身后巨大石壁中分离出来的石柱,只是大自然的造化有时太巧妙了。", " 来到拜阳台,远远可以看见丹霞山的标志--阳元石,由于相隔不远处有天造地设的阴阳二物,因此生殖器崇拜在丹霞山理所当然。", " 对生殖器的崇拜是自古以来人类的图腾,丹霞山有如此逼真雄伟的男性生殖器,难免成为生殖崇拜的胜地。", " 一位女子正在祭拜阳元石,来此祭拜宏伟男根的,大多是女子,据说日本女子来到这里,情不自禁跪地祭拜。", " 传说在拜阳台参拜阳元石,拜过之后欲儿得儿,欲女得女。阳元石下的断石村,全村男丁旺盛,据考证全村生男孩的比例占75%以上,生双胞胎的10%以上,又名“多仔村”.", " 广东省政府副秘书长、省人口计生委主任张枫曾建议给丹霞山阳元石“戴套”,宣传性文化和广东旅游,不过,国土部门以“不利于保护地质地貌”的反对理由否决了这个“金点子”.", " 关于阳元石,当地有三句顺口溜:“不可明知故问,不可实物比较,不可自愧不如”,而一般导游的介绍是:“阳元石,女人看了兴奋,男人看了惭愧。”", " 大自然确实鬼斧神工,但从地质科学的角度讲,阳元石只不过是一个普通的石柱而已。", " 除了阳元石、阴元石,可能很多人还不知道,丹霞山居然还有双乳石,只是阳元石和阴元石确实是惟妙惟肖,但双乳石就显得有点牵强了。", " 我们顺着指示牌找了好久,才终于在合适的角度拍到这张照片,如果不是有长焦镜头,一般是拍不出来的。", " 人类的性崇拜主要分为生殖崇拜、性交崇拜和生殖器崇拜,在中国貌似主要以生殖崇拜和生殖器崇拜为主,而丹霞山主要又是生殖器崇拜。丹霞山太神奇了,大自然的造化在这里显得天衣无缝,如此逼真的阴阳二物,我想,在其他任何地方都是难以找到的。", " 鬼斧神工丹霞山阴元石", " 丹霞山阴元石", " 鬼斧神工阴元石", " 鬼斧神工阴元石", " 去年我慕名来到广东丹霞山旅游,现将其主要景观阳元石与阴元石介绍如下: 广东丹霞山位于仁化县城南9公里,离韶关市51公里。丹霞山有着神奇瑰丽的丹霞地貌,逶迤飘逸的锦水飞泉,梦幻迷离的仙山琼阁……是地理学界“丹霞地貌”的命名地。是世界地质地貌景观中的瑰宝,是大自然鬼斧神工的杰作。特别是丹霞山的阳元石与阴元石更加神奇,大自然杰作出奇得让人不敢相信又不能不信。 号称天下第一奇石的阳元石,位于阳元山景区与丹霞山主景区隔江相望。该石高28米,直径7米。由于风化作用,活脱一具男性阴茎直傲苍穹。 被称为天下第一女阴的奇景的阴元石,该石隐藏于深山幽谷之中。1998年才被发现。石高10.3米,宽4.8米。其形状、比例、颜色简直是一具扩大了的女阴解剖模型,被示为“母亲石”、“生命之源”。 阳元石与阴元石隔山隔江相望,直线距离不到5公里,是大自然恩锡给丹霞山的瑰宝,每年都吸引大批中外游客前来观光游览。中国性协会也多次来到丹霞山研讨自然景观与性文化的理论,给阳元石与阴元石增添更加神奇的色彩。"], "segmented_title": ["丹霞山", "生殖器", "崇拜", "男人", "惭愧", "女人", "疯狂", "【", "组图", "】"], "segmented_paragraphs": [["丹霞山", "生殖器", "崇拜", "男人", "惭愧", "女人", "疯狂", "【", "组图", "】"], ["文", ":", "网络", "编辑", ":", "荷花", "小女子"], ["阳元石", "是", "世界自然遗产", "丹霞山", "的", "标志", ",", "也是", "每个", "去", "丹霞山", "的", "游客", "必", "游", "之", "地", ",", "丹霞山", "现", "已", "对外开放", "的", "长老峰", "、", "翔", "龙湖", "和", "阳元石", "三", "个", "游览区", "中", ",", "阳元石", "是", "人气最旺", "的", "一", "个", ",", "貌似", "大部分", "去", "丹霞山", "的", "游客", ",", "都是", "冲着", "“", "那", "玩意", "”", "去", "的", "。"], ["鬼斧神工", "和", "丹霞山", "阳元石"], ["无论男女", "都", "顶礼膜拜"], ["鬼斧神工", "阳元石"], ["鬼斧神工", "阳元石"], ["丹霞山", "的", "阴元石", ",", "赞叹", "大自然", "的", "鬼斧神工", ",", "再", "看", "阳元石", ",", "更加", "对", "自然", "造化", "佩服", "得", "五体投地", "。", "阳元石", "与", "成人", "男性", "的", "生殖器", "几乎", "一模一样", ",", "酷似", "成人", "男性", "勃起", "时", "的", "阴茎", ",", "尤其", "是", "龟头", "、", "阴毛", "及", "成人", "男性", "勃起", "时", "的", "血管", ",", "栩栩如生", "。", "阳元石", "的", "高度", "是", "普通", "男性", "勃起", "时", "长度", "的", "175", "倍", ",", "直径", "是", "普通", "男性", "勃起", "时", "的", "204", "倍", ",", "够", "大", "够", "粗", "。", "据说", "男性", "游客", "看", "后", "都", "倍感", "惭愧", ",", "女性", "游客", "看", "后", "都", "都", "赞叹不已", "。"], ["其实", "这", "根", "高", "28", "米", ",", "直径", "7", "米", "神奇", "无比", "的", "石柱", ",", "在", "丹霞地貌", "中", "属于", "石柱", "类型", ",", "是", "由于", "风化作用", ",", "30", "万年", "前", "从", "石墙", "上", "分离", "出来", "的", "。"], ["丹霞山", "阳元石", "游览区", "是", "丹霞山", "人气最旺", "的", "地方", ",", "大部分", "游客", "都是", "直冲", "这里", "而来", ",", "路边", "的", "山", "民", "卖", "竹笋", "、", "百香果", "、", "马蹄", "(", "荸荠", ")", "等", "山", "货", ",", "这里", "的", "马蹄", "真", "的", "非常", "甜", "。"], ["这个", "好像", "叫", "什么", "“", "怪", "面", "山", "神", "”", "之类", "的", "名字", ",", "也是", "典型", "的", "丹霞地貌", "。"], ["阳元石", "只", "宜", "远", "观", ",", "其实", "阳元石", "也", "就是", "从", "他", "身后", "巨大", "石壁", "中", "分离", "出来", "的", "石柱", ",", "只是", "大自然", "的", "造化", "有时", "太", "巧妙", "了", "。"], ["来到", "拜", "阳台", ",", "远远", "可以", "看见", "丹霞山", "的", "标志", "-", "-", "阳元石", ",", "由于", "相隔", "不远处", "有", "天造地设", "的", "阴阳", "二", "物", ",", "因此", "生殖器", "崇拜", "在", "丹霞山", "理所当然", "。"], ["对", "生殖器", "的", "崇拜", "是", "自古以来", "人类", "的", "图腾", ",", "丹霞山", "有", "如此", "逼真", "雄伟", "的", "男性", "生殖器", ",", "难免", "成为", "生殖崇拜", "的", "胜地", "。"], ["一", "位", "女子", "正在", "祭拜", "阳元石", ",", "来", "此", "祭拜", "宏伟", "男根", "的", ",", "大", "多", "是", "女子", ",", "据说", "日本", "女子", "来到这里", ",", "情不自禁", "跪地", "祭拜", "。"], ["传说", "在", "拜", "阳台", "参拜", "阳元石", ",", "拜", "过", "之后", "欲", "儿", "得", "儿", ",", "欲女", "得", "女", "。", "阳元石", "下", "的", "断", "石", "村", ",", "全", "村", "男", "丁", "旺盛", ",", "据考证", "全", "村", "生", "男孩", "的", "比例", "占", "75", "%", "以上", ",", "生", "双胞胎", "的", "10", "%", "以上", ",", "又", "名", "“", "多仔村", "”", "."], ["广东省", "政府", "副秘书长", "、", "省", "人口", "计生委主任", "张枫曾", "建议", "给", "丹霞山", "阳元石", "“", "戴", "套", "”", ",", "宣传", "性文化", "和", "广东", "旅游", ",", "不过", ",", "国土", "部门", "以", "“", "不利于", "保护", "地质", "地貌", "”", "的", "反对", "理由", "否决", "了", "这个", "“", "金点子", "”", "."], ["关于", "阳元石", ",", "当地", "有", "三句", "顺口溜", ":", "“", "不可", "明知故问", ",", "不可", "实物", "比较", ",", "不可", "自愧不如", "”", ",", "而", "一般", "导游", "的", "介绍", "是", ":", "“", "阳元石", ",", "女人", "看", "了", "兴奋", ",", "男人", "看", "了", "惭愧", "。", "”"], ["大自然", "确实", "鬼斧神工", ",", "但", "从", "地质", "科学", "的", "角度", "讲", ",", "阳元石", "只不过", "是", "一", "个", "普通", "的", "石柱", "而已", "。"], ["除了", "阳元石", "、", "阴元石", ",", "可能", "很多人", "还", "不知道", ",", "丹霞山", "居然", "还有", "双乳石", ",", "只是", "阳元石", "和", "阴元石", "确实", "是", "惟妙惟肖", ",", "但", "双乳石", "就", "显得", "有点", "牵强", "了", "。"], ["我们", "顺着", "指示牌", "找了好久", ",", "才", "终于", "在", "合适", "的", "角度", "拍", "到", "这", "张", "照片", ",", "如果", "不是", "有", "长焦", "镜头", ",", "一般", "是", "拍", "不", "出来", "的", "。"], ["人类", "的", "性", "崇拜", "主要", "分为", "生殖崇拜", "、", "性交", "崇拜", "和", "生殖器", "崇拜", ",", "在", "中国", "貌似", "主要", "以", "生殖崇拜", "和", "生殖器", "崇拜", "为", "主", ",", "而", "丹霞山", "主要", "又", "是", "生殖器", "崇拜", "。", "丹霞山", "太", "神奇", "了", ",", "大自然", "的", "造化", "在这里", "显得", "天衣无缝", ",", "如此", "逼真", "的", "阴阳", "二", "物", ",", "我", "想", ",", "在", "其他", "任何地方", "都是", "难以", "找到", "的", "。"], ["鬼斧神工", "丹霞山", "阴元石"], ["丹霞山", "阴元石"], ["鬼斧神工", "阴元石"], ["鬼斧神工", "阴元石"], ["去年", "我", "慕名", "来到", "广东", "丹霞山", "旅游", ",", "现", "将", "其", "主要", "景观", "阳元石", "与", "阴元石", "介绍", "如", "下", ":", "广东", "丹霞山", "位于", "仁化县", "城南", "9", "公里", ",", "离", "韶关市", "51", "公里", "。", "丹霞山", "有着", "神奇", "瑰丽", "的", "丹霞地貌", ",", "逶迤", "飘逸", "的", "锦", "水", "飞泉", ",", "梦幻", "迷离", "的", "仙山琼阁", "…", "…", "是", "地理学", "界", "“", "丹霞地貌", "”", "的", "命名", "地", "。", "是", "世界", "地质", "地貌", "景观", "中", "的", "瑰宝", ",", "是", "大自然", "鬼斧神工", "的", "杰作", "。", "特别", "是", "丹霞山", "的", "阳元石", "与", "阴元石", "更加", "神奇", ",", "大自然", "杰作", "出", "奇", "得", "让", "人", "不敢相信", "又", "不能", "不", "信", "。", "号称", "天下第一", "奇石", "的", "阳元石", ",", "位于", "阳元山", "景区", "与", "丹霞山", "主", "景区", "隔江相望", "。", "该", "石", "高", "28", "米", ",", "直径", "7", "米", "。", "由于", "风化作用", ",", "活", "脱", "一", "具", "男性", "阴茎", "直", "傲", "苍穹", "。", "被", "称为", "天下第一", "女阴", "的", "奇景", "的", "阴元石", ",", "该", "石", "隐藏", "于", "深山幽谷", "之", "中", "。", "1998", "年", "才", "被", "发现", "。", "石", "高", "10", ".", "3", "米", ",", "宽", "4.8", "米", "。", "其", "形状", "、", "比例", "、", "颜色", "简直", "是", "一", "具", "扩大", "了", "的", "女阴", "解剖", "模型", ",", "被", "示", "为", "“", "母亲石", "”", "、", "“", "生命之源", "”", "。", "阳元石", "与", "阴元石", "隔山", "隔", "江相望", ",", "直线", "距离", "不到", "5", "公里", ",", "是", "大自然", "恩锡", "给", "丹霞山", "的", "瑰宝", ",", "每年", "都", "吸引", "大", "批", "中外", "游客", "前", "来", "观光", "游览", "。", "中国", "性", "协会", "也", "多次", "来到", "丹霞山", "研讨", "自然景观", "与", "性文化", "的", "理论", ",", "给", "阳元石", "与", "阴元石", "增添", "更加", "神奇", "的", "色彩", "。"]], "title": "丹霞山生殖器崇拜 男人惭愧女人疯狂【组图】 "}, {"bs_rank_pos": 4, "paragraphs": [" 未消费,随便退!", " 消费不满意先行赔付!", " 过期自动退!"], "segmented_title": ["【", "丹霞山", "1", "号", "】", "丹霞山", "1", "号", "团购", "_", "_", "百度", "糯米"], "segmented_paragraphs": [["未", "消费", ",", "随便", "退", "!"], ["消费", "不", "满意", "先行赔付", "!"], ["过期", "自动", "退", "!"]], "title": "【丹霞山1号】丹霞山1号团购__百度糯米"}], "question": "丹霞山为什么那么像阴茎", "segmented_question": ["丹霞山", "为什么", "那么", "像", "阴茎"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221645}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["亲,设置图案解锁时,屏幕会提示设置备用数字密码。忘记解锁图案时,可以通过备用数字密码解锁屏幕。 如果您不记得备用数字密码,或者您之前设置的就是数字密码,您可以通过以下方式来解决,具体如下: 方法一、通过手机找回的方式 1)前提:手机开机、手机联网、手机上登录华为账号、开启手机找回。 2)在电脑上输入http://cloud.huawei.com登录云服务。 3)输入用户名和密码进入云服务首页。 4)在网页上输入云服务账户登录时相同的密码。 5)然后选择手机找回。 输入云账号登陆密码。 6)此时页面跳转到定位手机页面,在定位到手机后,点击【锁定设备】 7)这时,你需要输入新的锁屏密码,点击下一步。 再次输入登录密码确认操作,点击下一步 8)以下步骤操作为选择性操作,如不需要相关提示信息,直接"], "segmented_title": ["华为", "手机", "重启后", "解锁", "密码", "忘记", "了", "怎么办", ",", "求", "帮助", ",", "谢谢", "了", "_", "百度", "知道"], "segmented_paragraphs": [["亲", ",", "设置", "图案", "解锁", "时", ",", "屏幕", "会", "提示", "设置", "备用", "数字", "密码", "。", "忘记", "解锁", "图案", "时", ",", "可以通过", "备用", "数字", "密码", "解锁", "屏幕", "。", "如果", "您", "不记得", "备用", "数字", "密码", ",", "或者", "您", "之前", "设置", "的", "就是", "数字", "密码", ",", "您", "可以通过", "以下", "方式", "来", "解决", ",", "具体如下", ":", "方法", "一", "、", "通过", "手机", "找回", "的", "方式", "1", ")", "前提", ":", "手机", "开机", "、", "手机", "联网", "、", "手机", "上", "登录", "华为", "账号", "、", "开启", "手机", "找回", "。", "2", ")", "在", "电脑", "上", "输入", "http", ":", "/", "/", "cloud", ".", "huawei", ".", "com", "登录", "云", "服务", "。", "3", ")", "输入", "用户名", "和", "密码", "进入", "云", "服务", "首页", "。", "4", ")", "在", "网页", "上", "输入", "云", "服务", "账户", "登录", "时", "相同", "的", "密码", "。", "5", ")", "然后", "选择", "手机", "找回", "。", "输入", "云", "账号", "登陆", "密码", "。", "6", ")", "此时", "页面", "跳转", "到", "定位", "手机", "页面", ",", "在", "定位", "到", "手机", "后", ",", "点击", "【", "锁定", "设备", "】", "7", ")", "这时", ",", "你", "需要", "输入", "新", "的", "锁屏", "密码", ",", "点击", "下一步", "。", "再次", "输入", "登录", "密码", "确认", "操作", ",", "点击", "下一步", "8", ")", "以下", "步骤", "操作", "为", "选择性", "操作", ",", "如", "不需要", "相关", "提示", "信息", ",", "直接"]], "title": "华为手机重启后解锁密码忘记了怎么办,求帮助,谢谢了_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["重启就忘记密码???这也忘性太大了吧,如果你真的想不起来就只能牺牲你的数据了,进入recovery模式双清下就可以清除密码了,不过所有数据会丢失。"], "segmented_title": ["华为", "手机", "重启后", "解锁", "密码", "忘记", "了", "怎么办", ",", "求", "帮助", ",", "谢谢", "了", "_", "百度", "知道"], "segmented_paragraphs": [["重启", "就", "忘记密码", "?", "?", "?", "这", "也", "忘性", "太", "大", "了", "吧", ",", "如果", "你", "真", "的", "想不起来", "就", "只能", "牺牲", "你", "的", "数据", "了", ",", "进入", "recovery", "模式", "双清", "下", "就", "可以", "清除", "密码", "了", ",", "不过", "所有", "数据", "会", "丢失", "。"]], "title": "华为手机重启后解锁密码忘记了怎么办,求帮助,谢谢了_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["是pin锁还是屏幕解锁?前者输入三次后通过联系SIM卡运营商官方客服或网站查询可以获得puk码重置pin,后者刷一下机就可以了,这两种方法具体的流程网上都能找到"], "segmented_title": ["华为", "手机", "重启后", "要", "输入", "解锁", "密码", "怎么办", "'", "_", "百度", "知道"], "segmented_paragraphs": [["是", "pin", "锁", "还是", "屏幕", "解锁", "?", "前者", "输入", "三", "次", "后", "通过", "联系", "SIM", "卡", "运营商", "官方", "客服", "或", "网站", "查询", "可以获得", "puk", "码", "重置", "pin", ",", "后者", "刷", "一", "下", "机", "就", "可以", "了", ",", "这", "两种", "方法", "具体", "的", "流程", "网上", "都", "能找到"]], "title": "华为手机重启后要输入解锁密码怎么办'_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["华为手机开机密码忘了可以通过对手机双清的方法来清除解锁密码: 手机彻底的关机。 彻底关机之后,同时按住音量增加键 + 电源键一起按,不要松,过一会儿进入recovery模式(recovery模式下:音量键为光标选择键,可以用来移动光标,电源键则是确认键)。 进入recovery模式之后进行双清,找到【wipe data/factory reset】和【wipe cache partition】这两项就可以,选择【wipedata/factory reset】,然后按开机键确认,再选择【yes - deleteall data】(是的 - 清空所有数据)即可。 然后再选择【reboot systemnow】,按开机键确认后启动手机就不需要解锁密码了。"], "segmented_title": ["华为", "手机", "开机密码", "忘", "了", "怎么", "解锁", "_", "百度", "知道"], "segmented_paragraphs": [["华为", "手机", "开机密码", "忘", "了", "可以通过", "对", "手机", "双清", "的", "方法", "来", "清除", "解锁", "密码", ":", "手机", "彻底", "的", "关机", "。", "彻底", "关机", "之后", ",", "同时", "按住", "音量", "增加", "键", "+", "电源", "键", "一起", "按", ",", "不要", "松", ",", "过一会儿", "进入", "recovery", "模式", "(", "recovery", "模式", "下", ":", "音量", "键", "为", "光标", "选择", "键", ",", "可以用来", "移动", "光标", ",", "电源", "键", "则", "是", "确认", "键", ")", "。", "进入", "recovery", "模式", "之后", "进行", "双清", ",", "找到", "【", "wipe", "data", "/", "factory", "reset", "】", "和", "【", "wipe", "cache", "partition", "】", "这", "两", "项", "就", "可以", ",", "选择", "【", "wipe", "data", "/", "factory", "reset", "】", ",", "然后", "按", "开机", "键", "确认", ",", "再选择", "【", "yes", "-", "delete", "all", "data", "】", "(", "是", "的", "-", "清空", "所有", "数据", ")", "即可", "。", "然后", "再", "选择", "【", "reboot", "system", "now", "】", ",", "按", "开机", "键", "确认", "后", "启动", "手机", "就", "不需要", "解锁", "密码", "了", "。"]], "title": "华为手机开机密码忘了怎么解锁_百度知道"}, {"bs_rank_pos": 3, "paragraphs": ["安卓7.0 安全体系增强,在本地已设置了锁屏密码的情况下,无法通过 PC 端更改锁屏密码。 1.请将锁屏密码清除。在手机不插 USB 数据线的情况下,同时长按音量上键和电源键,出现开机画面时松开电源键,3 秒后再松开音量上键,即可进入 Recovery 模式。进入后,选择恢复出厂设置并重启。 说明:恢复出厂设置后,手机内的数据将被删除。 2.请确认是否开启了查找我的手机。 1)如果没有开启查找我的手机,恢复出厂设置后将直接进入系统。 2)如果开启了查找我的手机,请继续以下步骤: A:有开启“查找我的手机”,有华为帐号密码。 请按照提示输入正确的华为帐号和密码(连接 WLAN 的情况下),按照屏幕提示进行激活,进入您的手机。 B:有开启“查找我的手机”,忘记华为帐号的密码。 您可以通过电脑登录华为云服务网站,点击登录界面的忘记密码。重置密码"], "segmented_title": ["为什么", "我", "的", "华为", "麦芒", "5", "在", "重启后", ",", "输入", "锁屏", "密码", "无法", "开启", "(", "密码", "已经", "重新", "_"], "segmented_paragraphs": [["安卓", "7", ".", "0", "安全", "体系", "增强", ",", "在", "本地", "已", "设置", "了", "锁屏", "密码", "的", "情况", "下", ",", "无法", "通过", "PC", "端", "更改", "锁屏", "密码", "。", "1", ".", "请", "将", "锁屏", "密码", "清除", "。", "在", "手机", "不", "插", "USB", "数据线", "的", "情况", "下", ",", "同时", "长", "按", "音量", "上", "键", "和", "电源", "键", ",", "出现", "开机画面", "时", "松开", "电源", "键", ",", "3", "秒", "后", "再", "松开", "音量", "上", "键", ",", "即可进入", "Recovery", "模式", "。", "进入后", ",", "选择", "恢复", "出厂", "设置", "并", "重启", "。", "说明", ":", "恢复", "出厂", "设置", "后", ",", "手机", "内", "的", "数据", "将", "被删除", "。", "2", ".", "请", "确认", "是否", "开启", "了", "查找", "我", "的", "手机", "。", "1", ")", "如果没有", "开启", "查找", "我", "的", "手机", ",", "恢复", "出厂", "设置", "后", "将", "直接进入", "系统", "。", "2", ")", "如果", "开启", "了", "查找", "我", "的", "手机", ",", "请", "继续", "以下", "步骤", ":", "A", ":", "有", "开启", "“", "查找", "我", "的", "手机", "”", ",", "有", "华为", "帐号密码", "。", "请", "按照", "提示", "输入", "正确", "的", "华为", "帐号", "和", "密码", "(", "连接", "WLAN", "的", "情况", "下", ")", ",", "按照", "屏幕", "提示", "进行", "激活", ",", "进入", "您", "的", "手机", "。", "B", ":", "有", "开启", "“", "查找", "我", "的", "手机", "”", ",", "忘记", "华为", "帐号", "的", "密码", "。", "您", "可以", "通过", "电脑", "登录", "华为", "云", "服务", "网站", ",", "点击", "登录界面", "的", "忘记密码", "。", "重置", "密码"]], "title": "为什么我的华为麦芒5在重启后,输入锁屏密码无法开启(密码已经重新_"}], "question": "华为重启后的解锁密码", "segmented_question": ["华为", "重启后", "的", "解锁", "密码"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221646}
-{"documents": [{"title": "【为什么我的手机连不上wifi】手机连不上wifi是怎么回事密码正确 - ", "segmented_title": ["【", "为什么", "我", "的", "手机", "连不上", "wifi", "】", "手机", "连不上", "wifi", "是", "怎么回事", "密码", "正确", "-"], "segmented_paragraphs": [["嗨", "!", "【", "六大", "技巧", ":", "完美", "解决", "WiFi", "无法", "连接", "】", "第", "一", "招", ":", "关闭", "并", "重启", "Wi", "-", "Fi", "连接", "。", "用", "上网", ",", "手机", "中", "会", "保留", "一", "个", "由", "Wi", "-", "Fi", "连接", "分配", "的", "网络", "IP地址", ",", "它", "会", "被", "应用", "到", "当前", "Wi", "-", "Fi", "中", ",", "如果没有", "出现", "地址", "冲突", ",", "就", "不用担心", ",", "如果", "有", "冲突", "就", "得", "关闭", "并", "重启", "Wi", "-", "Fi", "连接", "。", "方法如下", ":", "打开", "手机", "菜单", ",", "进入", "“", "设置", "”", "栏", ",", "选择", "“", "无线", "和", "网络", "设置", "”", ",", "进入", "“", "Wi", "-", "Fi", "设置", "”", "项目", ",", "在", "新窗口", "中", "选择", "“", "关闭", "Wi", "-", "Fi", "”", ",", "在", "完成", "关闭", "操作", "后", ",", "重新", "进入", "该", "项目", ",", "选择", "“", "打开", "Wi", "-", "Fi", "”", ",", "即可", "重启", "Wi", "-", "Fi", "连接", "。", "第", "二", "招", ":", "忽略", "网络", "如果", "上面", "的", "做法", "没有", "起作用", "的", "话", ",", "就", "应该", "选择", "让", "安卓", "设备", "忽略", "该", "网络", ",", "并", "重新", "进行", "添加", "操作", "。", "移动", "到", "需要", "忽略", "网络", "的", "覆盖范围", "之外", ",", "选择", "忽略", "该", "网络", ",", "返回", "到", "覆盖", "范围", "之", "中", ",", "等待", "网络", "自动", "显示", "出来", ",", "然后", "输入", "网络", "密码", "重新", "登入", "。", "这样", "安卓", "手机", "就", "应该", "可以获得", "新", "的", "地址", ",", "并", "正常", "工作", "了", "。", "第三招", ":", "检查", "Wi", "-", "Fi", "的", "密码", "通常", "情况", "下", ",", "Wi", "-", "Fi", "的", "密码", "应该", "是", "定时", "更改", "的", ";", "但是", ",", "当", "网络", "进行", "这样", "的", "调整", "时", ",", "手机", "不会", "自动更新", ",", "需要", "手动", "更新", "Wi", "-", "Fi", "的", "密码", "。", "移动", "到", "出现", "问题", "网络", ".", ".", "."], ["上网", "帮助", "相关知识"], ["确定", "举报", "此", "问题"], ["报告", ",", "这", "不是", "个", "问题"], ["这", "不是", "个", "问题", "这个问题", "分类", "似乎", "错", "了", "这个", "不是", "我", "熟悉", "的", "地区"]], "paragraphs": ["嗨!【六大技巧:完美解决WiFi无法连接】第一招:关闭并重启Wi-Fi连接。 用上网,手机中会保留一个由Wi-Fi连接分配的网络IP地址,它会被应用到当前Wi-Fi中,如果没有出现地址冲突,就不用担心,如果有冲突就得关闭并重启Wi-Fi连接。方法如下: 打开手机菜单,进入“设置”栏,选择“无线和网络设置”,进入“Wi-Fi设置”项目,在新窗口中选择“关闭Wi-Fi”,在完成关闭操作后,重新进入该项目,选择“打开Wi-Fi”,即可重启Wi-Fi连接。 第二招:忽略网络 如果上面的做法没有起作用的话,就应该选择让安卓设备忽略该网络,并重新进行添加操作。 移动到需要忽略网络的覆盖范围之外,选择忽略该网络,返回到覆盖范围之中,等待网络自动显示出来,然后输入网络密码重新登入。这样安卓手机就应该可以获得新的地址,并正常工作了。 第三招:检查Wi-Fi的密码 通常情况下,Wi-Fi的密码应该是定时更改的;但是,当网络进行这样的调整时,手机不会自动更新,需要手动更新Wi-Fi的密码。 移动到出现问题网络...", "上网帮助相关知识", "确定举报此问题", "报告,这不是个问题", "这不是个问题  这个问题分类似乎错了  这个不是我熟悉的地区"], "bs_rank_pos": 0}, {"title": "手机连不上wifi是怎么回事 简单五步解决_百度经验", "segmented_title": ["手机", "连不上", "wifi", "是", "怎么回事", "简单", "五步", "解决", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "生活", "/", "家居", ">", "生活常识"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["手机", "连不上", "wifi", "是", "一", "件", "很郁闷", "的", "事情", ",", "不能", "随意", "地", "畅游", "网络", "真", "的", "让", "人", "很", "恼火", "!", "那么", "手机", "连不上", "wifi", "是", "怎么回事", "?", "稍安勿躁", ",", "接下来", ",", "小", "编", "就", "为", "大家", "带来", "手机", "无法", "连接", "wifi", "的", "解决", "方法", ",", "有", "需要", "的", "小伙伴", "不", "妨", "来看", "一看", "吧", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "这", "是", "最", "普遍", "存在", "的", "问题", ",", "有", "可能", "只是", "一", "时", "连接", "陷入", "死", "循环", ",", "最", "简单", "的", "解决方法", "就是", "拔插", "一", "下", "路由器", "电源", "接口", ",", "让", "路由器", "重启", ",", "这样", "能", "解决", "90", "%", "路由器", "引起", "的", "问题", "。", "当然", "也有", "可能", "是", "路由器", "硬件故障", ",", "这", "只能", "送", "去", "修理", "。", "现在", "路由器", "价格", "在", "50", "-", "200", "元", "之", "前", ",", "并", "不", "昂贵", "。", "此外", "还有", "可能", "是", "路由器配置", "问题", ",", "这", "就要", "看", "路由器", "自身", "是否", "能", "连", "上", "网络", ",", "假如", "无法", "链接", "网络", ",", "就要", "对", "路由器", "重新", "配置", "。", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "一般", "出现", "这种", "问题", "都是", "在", "工作", "环境", ",", "或者", "是", "提供免费", "wifi", "的", "咖啡厅", ",", "商场", "等", "公共场所", "才会", "出现", "。", "假如", "没有", "更改", "路由器", "设置", "的", "权限", ",", "只能", "尽量避免", "在", "联网", "高峰期", "上网", ",", "或者", "是", "提前", "连", "上", "网络", "。", "假如", "出现", "了", "IP", "冲突", "的", "情况", ",", "就要", "在", "路由器", "中", "对", "各", "个", "连接", "设备", "进行", "IP", "分配", ",", "以", "避免", "互相", "造成", "影响", "。", "此外", "还有", "一些", "个", "例", ",", "比如说", "中国电信", "赠送", "的", "天翼", "路由器", ",", "是", "被", "官方", "强行", "锁", "死", "了", "路由", "功能", ",", "因此", "想要", "用", "天翼", "路由器", "进行", "wifi", "上网", ",", "就", "必须", "先", "解锁", "才", "行", "。", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "无线路由器", "的", "无线", "信号", "会", "受到", "外界", "影响", "而", "削弱", ",", "最", "直接", "的", "就是", "距离", ",", "一般", "普通", "的", "路由器", "超出", "十", "米", "信号", "就会", "变得", "很", "差", "。", "所以", "建议", "在", "连接", "wifi", "的", "时候", "尽可能", "地", "靠近", "信号源", ",", "以", "增强", "wifi", "信号", "。", "此外", ",", "如果", "你", "跟", "无线路由器", "之间", "有", "介质", "阻隔", ",", "比如说", "墙壁", ",", "信号", "也", "会", "变得", "很", "差", "。", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "手机", "接收", "wifi", "信号", "都是", "依靠", "手机", "内", "的", "无线网卡", "来", "实现", "的", "。", "有", "的", "手机", "无线网卡", "已经", "快", "被淘汰", "或者", "是", "严重", "老化", ",", "都会", "造成", "wifi", "信号", "接收", "不良", ",", "甚至", "一个电话", "打进来", "就会", "导致", "无线网", "断网", ",", "这种情况", "只能", "拿到", "维修中心", "去", "修理", "解决", "。", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "基带", "就是", "负责", "通讯", "方面", "的", "模块", ",", "往往", "一部手机", "有", "多", "个", "基带", "可", "供", "选择", "。", "假如", "你", "在", "刷", "ROM", "的", "时候", "刷", "了", "一", "个", "不合适", "的", "基带", ",", "就", "有", "可能", "造成", "你", "的", "wifi", "连接", "不", "正常", ",", "甚至", "是", "短信", "发", "不", "出去", ",", "电话", "也", "打", "不", "出去", "。", "此外", "如果", "ROM", "自身", "不", "完善", ",", "那么", "也", "会", "存在", "wifi", "连接", "不", "正常", "的", "问题", "。", "比如说", "安卓", "4.1", "刚", "一", "发布", ",", "有", "的", "机", "友", "就", "刷", "了", "测试版", "的", "CM10", "(", "基于", "4.1", "框架", "的", "第三方", "ROM", ")", ",", "结果", "无法", "连接", "上", "wifi", ",", "这", "就", "必须", "重新", "刷", "一", "个", "比较", "完善", "的", "ROM", "来", "解决", "。", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "以上", "就是", "小", "编", "对", "手机", "连不上", "wifi", "是", "怎么回事", "的", "解答", ",", "相信", "大家", "对此", "已经", "有所", "了解", "了", "。", "只要", "根据", "你", "自己", "遇到", "的", "实际情况", "找到", "问题", "所在", ",", "所有", "的", "问题", "就", "可以", "迎刃而解", "了", "。", "祝", "大家", "生活愉快", "!", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["手机", "无线", "功能", "是否", "有", "障碍", "路由", "无线", "功能", "是否", "有", "障碍"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验 > 生活/家居 > 生活常识", "百度经验:jingyan.baidu.com", "手机连不上wifi是一件很郁闷的事情,不能随意地畅游网络真的让人很恼火!那么手机连不上wifi是怎么回事?稍安勿躁,接下来,小编就为大家带来手机无法连接wifi的解决方法,有需要的小伙伴不妨来看一看吧!", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 这是最普遍存在的问题,有可能只是一时连接陷入死循环,最简单的解决方法就是拔插一下路由器电源接口,让路由器重启,这样能解决90%路由器引起的问题。当然也有可能是路由器硬件故障,这只能送去修理。现在路由器价格在50-200元之前,并不昂贵。 此外还有可能是路由器配置问题,这就要看路由器自身是否能连上网络,假如无法链接网络,就要对路由器重新配置。 END", "百度经验:jingyan.baidu.com", "1 一般出现这种问题都是在工作环境,或者是提供免费wifi的咖啡厅,商场等公共场所才会出现。假如没有更改路由器设置的权限,只能尽量避免在联网高峰期上网,或者是提前连上网络。假如出现了IP冲突的情况,就要在路由器中对各个连接设备进行IP分配,以避免互相造成影响。 此外还有一些个例,比如说中国电信赠送的天翼路由器,是被官方强行锁死了路由功能,因此想要用天翼路由器进行wifi上网,就必须先解锁才行。 END", "百度经验:jingyan.baidu.com", "1 无线路由器的无线信号会受到外界影响而削弱,最直接的就是距离,一般普通的路由器超出十米信号就会变得很差。所以建议在连接wifi的时候尽可能地靠近信号源,以增强wifi信号。此外,如果你跟无线路由器之间有介质阻隔,比如说墙壁,信号也会变得很差。 END", "百度经验:jingyan.baidu.com", "1 手机接收wifi信号都是依靠手机内的无线网卡来实现的。有的手机无线网卡已经快被淘汰或者是严重老化,都会造成wifi信号接收不良,甚至一个电话打进来就会导致无线网断网,这种情况只能拿到维修中心去修理解决。 END", "百度经验:jingyan.baidu.com", "1 基带就是负责通讯方面的模块,往往一部手机有多个基带可供选择。假如你在刷ROM的时候刷了一个不合适的基带,就有可能造成你的wifi连接不正常,甚至是短信发不出去,电话也打不出去。此外如果ROM自身不完善,那么也会存在wifi连接不正常的问题。比如说安卓4.1刚一发布,有的机友就刷了测试版的CM10(基于4.1框架的第三方ROM),结果无法连接上wifi,这就必须重新刷一个比较完善的ROM来解决。 END", "百度经验:jingyan.baidu.com", "1 以上就是小编对手机连不上wifi是怎么回事的解答,相信大家对此已经有所了解了。只要根据你自己遇到的实际情况找到问题所在,所有的问题就可以迎刃而解了。祝大家生活愉快! END", "百度经验:jingyan.baidu.com", "手机无线功能是否有障碍 路由无线功能是否有障碍", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 1}, {"title": "为什么手机连接wifi显示无法加入网络", "segmented_title": ["为什么", "手机", "连接", "wifi", "显示", "无法", "加入", "网络"], "segmented_paragraphs": [["更多", "相关内容", ":"]], "paragraphs": ["更多相关内容:"], "bs_rank_pos": 4}, {"title": "手机连不上wifi是怎么回事 2015手机连不上wifi解决办法_西西软件", "segmented_title": ["手机", "连不上", "wifi", "是", "怎么回事", "2015", "手机", "连不上", "wifi", "解决办法", "_", "西西", "软件"], "segmented_paragraphs": [["首页", "→", "西西", "教程", "→", "其它", "教程", "→", "手机", "连不上", "wifi", "是", "怎么回事", "2015", "手机", "连不上", "wifi", "解决办法"], ["手机", "连不上", "wifi", "是", "一", "个", "经常", "会", "出现", "的", "问题", ",", "造成原因", "有", "多", "个", ",", "那么", "对于", "我们", "的", "小白", "朋友", "来", "说", "如何", "解决", "手机", "连不上", "wifi", "的", "问题", "了", ",", "小", "编", "为您", "整理", "了", "一些", "常见问题", "和", "解决办法", "!"], ["这", "是", "最", "普遍", "存在", "的", "问题", ",", "有", "可能", "只是", "一", "时", "连接", "陷入", "死", "循环", ",", "最", "简单", "的", "解决方法", "就是", "拔插", "一", "下", "路由器", "电源", "接口", ",", "让", "路由器", "重启", ",", "这样", "能", "解决", "90", "%", "路由器", "引起", "的", "问题", "。", "当然", "也有", "可能", "是", "路由器", "硬件故障", ",", "这", "只能", "送", "去", "修理", "。", "现在", "路由器", "价格", "在", "50", "-", "200", "元", "之", "前", ",", "并", "不", "昂贵", "。"], ["此外", "还有", "可能", "是", "路由器配置", "问题", ",", "这", "就要", "看", "路由器", "自身", "是否", "能", "连", "上", "网络", ",", "假如", "无法", "链接", "网络", ",", "就要", "对", "路由器", "重新", "配置", "。"], ["多", "台", "设备", "同时", "连接"], ["一般", "出现", "这种", "问题", "都是", "在", "工作", "环境", ",", "或者", "是", "提供免费", "wifi", "的", "咖啡厅", ",", "商场", "等", "公共场所", "才会", "出现", "。", "假如", "没有", "更改", "路由器", "设置", "的", "权限", ",", "只能", "尽量避免", "在", "联网", "高峰期", "上网", ",", "或者", "是", "提前", "连", "上", "网络", "。", "假如", "出现", "了", "IP", "冲突", "的", "情况", ",", "就要", "在", "路由器", "中", "对", "各", "个", "连接", "设备", "进行", "IP", "分配", ",", "以", "避免", "互相", "造成", "影响", "。"], ["此外", "还有", "一些", "个", "例", ",", "比如说", "中国电信", "赠送", "的", "天翼", "路由器", ",", "是", "被", "官方", "强行", "锁", "死", "了", "路由", "功能", ",", "因此", "想要", "用", "天翼", "路由器", "进行", "wifi", "上网", ",", "就", "必须", "先", "解锁", "才", "行", "。"], ["超出", "信号", "覆盖范围"], ["无线路由器", "的", "无线", "信号", "会", "受到", "外界", "影响", "而", "削弱", ",", "最", "直接", "的", "就是", "距离", ",", "一般", "普通", "的", "路由器", "超出", "十", "米", "信号", "就会", "变得", "很", "差", "。", "所以", "建议", "在", "连接", "wifi", "的", "时候", "尽可能", "地", "靠近", "信号源", ",", "以", "增强", "wifi", "信号", "。", "此外", ",", "如果", "你", "跟", "无线路由器", "之间", "有", "介质", "阻隔", ",", "比如说", "墙壁", ",", "信号", "也", "会", "变得", "很", "差", "。"], ["无线网卡", "故障"], ["手机", "接收", "wifi", "信号", "都是", "依靠", "手机", "内", "的", "无线网卡", "来", "实现", "的", "。", "有", "的", "手机", "无线网卡", "已经", "快", "被淘汰", "或者", "是", "严重", "老化", ",", "都会", "造成", "wifi", "信号", "接收", "不良", ",", "甚至", "一个电话", "打进来", "就会", "导致", "无线网", "断网", ",", "这种情况", "只能", "拿到", "维修中心", "去", "修理", "解决", "。"], ["基带", "或", "ROM", "问题"], ["基带", "就是", "负责", "通讯", "方面", "的", "模块", ",", "往往", "一部手机", "有", "多", "个", "基带", "可", "供", "选择", "。", "假如", "你", "在", "刷", "ROM", "的", "时候", "刷", "了", "一", "个", "不合适", "的", "基带", ",", "就", "有", "可能", "造成", "你", "的", "wifi", "连接", "不", "正常", ",", "甚至", "是", "短信", "发", "不", "出去", ",", "电话", "也", "打", "不", "出去", "。", "此外", "如果", "ROM", "自身", "不", "完善", ",", "那么", "也", "会", "存在", "wifi", "连接", "不", "正常", "的", "问题", "。", "比如说", "安卓", "4.1", "刚", "一", "发布", ",", "有", "的", "机", "友", "就", "刷", "了", "测试版", "的", "CM10", "(", "基于", "4.1", "框架", "的", "第三方", "ROM", ")", ",", "结果", "无法", "连接", "上", "wifi", ",", "这", "就", "必须", "重新", "刷", "一", "个", "比较", "完善", "的", "ROM", "来", "解决", "。"], ["从", "手机", "屏幕", "最", "上面", "拉下", "通知", "栏", ",", "再", "切换", "到", "“", "开关", "”", ":"], ["可以看到", "“", "WLAN", "”", "和", "“", "数据", "”", "都", "已经", "打开", ",", "再", "触控", "灰色", "的", "“", "飞行", "模式", "”", ":"], ["“", "飞行", "模式", "”", "马上", "就会", "变成", "高亮", "了", ",", "而", "“", "WLAN", "”", "和", "“", "数据", "”", "都", "已", "变成", "灰色", "的", ":"], ["然后", ",", "再", "重新", "关闭", "“", "飞行", "模式", "”", ",", "再", "重新", "打开", "“", "WLAN", "”", "或", "“", "数据", "”", ",", "应该", "可以", "上网", "了", "。"], ["如果", "还", "不行", ",", "则", "尝试", "先", "关闭", "WIFI", ",", "再", "重新", "打开", "。", "因为", "手机", "不", "网络环境", "有变", "的", "情况", "下", "可能", "是", "某些", "网络", "信息", "没有", "同步", "更新", "过来", ":"], ["还", "不行", ",", "则", "检查", "下", "所用", "的", "路由器", "信道", "问题", ",", "应该", "将", "路由器", "无线", "信道", "设置", "为", "常用", "的", "信道", ",", "如", "6", "和", "9", "较", "常用", "。", "苹果", "设置", "对", "信道", "要求", "貌似", "比较", "严格", ":"], ["如果", "还", "不行", ",", "则", "建议", "将", "手机", "和", "无线路由器", "都", "重新启动", "一", "下", "看看", ":"], ["(", "40", ")", "wifi", "热点", "西西", "软件园", "提供", "大量", "免费", "的", "热点", "软件", ",", "现在", "很多", "厂商", "都", "发布", "了", "随身", ",", "可以", "给", "笔记本", "设置", "热点", ",", "然后", "供", "手机", "等", "电子设备", "无线上网", ",", "看", "电视剧", "电影", "啥", "的", "不用担心", "卡顿", ",", "再", "也", "不用", "担心", "流量", "超标", "或", "不够用", "啦", "。", "现在", "猎豹", "小米", "等", "都", "开发", "了", "随身", ",", "如果", "不", "想", "花钱买", "这些", "产品", ",", "那么", "以下", "的", "电脑", "热点", "软件", "就", "很", "适合", "大家", "啦", ".", ".", ".", "更多", ">", ">"], ["01", "-", "27", "平安", "WiFi", "有", "什么", "用", "支持", "哪些", "热点", "是不是", "免费", "的", "01", "-", "27", "ios", "版", "平安", "WIFI", "用", "不", "了", "暂无", "卡", "可用", "等", "常见问题", "01", "-", "27", "平安", "WIFI", "怎么", "用", "平安", "wifi", "免费使用", "图文", "教程", "01", "-", "08", "WiFi", "万能钥匙", "iOS", "正版", "安装", "使用教程", "IOS8", "-", "8", ".", "1", "越狱", "版", "失败", "解决办法", "01", "-", "06", "青青草原", "wifi", "热点", "设置", "方法", "青青草原", "wifi", "热点", "使用教程", "12", "-", "24", "Connectify", "创建", "WIFI", "无线", "热点", "图文", "教程", "12", "-", "11", "手机", "qq", "热", "聊", "怎么", "用", "qq", "wifi", "热", "聊", "加入", "方法", "12", "-", "01", "WiFi", "万能钥匙", "安卓", "手机", "版", "怎么", "用", "?", "WiFi", "万能钥匙", "使用教程", "11", "-", "23", "新", "路由", "newifi", "插件", "大全", "新", "路由", "newifi", "插件", "推荐", "11", "-", "10360", "随身", "WiFi", "4G", "版", "怎么", "用", "?", "360", "4G", "版", "随身", "WiFi", "体验", "评测"], ["火狐浏览器", "所有", "的", "快捷键大全", "Windows", "版", "iCloud", "下载", "在", "哪", "、", "怎么", "用", ",", "iCloud", "(", "Windows", "版", ")", "怎么", "更新", "?", "仿宋", "gb", "2312", "和", "仿宋", "有", "什么", "区别", "?", "电脑", "没有", "安装", "仿宋", "gb", "2312", "字体", "怎么办", "?", "Mac", "迅雷", "下载速度", "为", "0", "解决方法", "mac", "迅雷", "下载", "速度", "慢", "怎么办", "Office", "Home", "and", "Student", "是什么", "软件", ",", "有", "什么", "用", "?", "Office", "Home", "and", "Student", "怎样", "激活", "?"]], "paragraphs": ["首页 → 西西教程→ 其它教程→ 手机连不上wifi是怎么回事 2015手机连不上wifi解决办法", "手机连不上wifi是一个经常会出现的问题,造成原因有多个,那么对于我们的小白朋友来说如何解决手机连不上wifi的问题了,小编为您整理了一些常见问题和解决办法!", "这是最普遍存在的问题,有可能只是一时连接陷入死循环,最简单的解决方法就是拔插一下路由器电源接口,让路由器重启,这样能解决90%路由器引起的问题。当然也有可能是路由器硬件故障,这只能送去修理。现在路由器价格在50-200元之前,并不昂贵。", "此外还有可能是路由器配置问题,这就要看路由器自身是否能连上网络,假如无法链接网络,就要对路由器重新配置。", "多台设备同时连接", "一般出现这种问题都是在工作环境,或者是提供免费wifi的咖啡厅,商场等公共场所才会出现。假如没有更改路由器设置的权限,只能尽量避免在联网高峰期上网,或者是提前连上网络。假如出现了IP冲突的情况,就要在路由器中对各个连接设备进行IP分配,以避免互相造成影响。", "此外还有一些个例,比如说中国电信赠送的天翼路由器,是被官方强行锁死了路由功能,因此想要用天翼路由器进行wifi上网,就必须先解锁才行。", "超出信号覆盖范围", "无线路由器的无线信号会受到外界影响而削弱,最直接的就是距离,一般普通的路由器超出十米信号就会变得很差。所以建议在连接wifi的时候尽可能地靠近信号源,以增强wifi信号。此外,如果你跟无线路由器之间有介质阻隔,比如说墙壁,信号也会变得很差。", "无线网卡故障", "手机接收wifi信号都是依靠手机内的无线网卡来实现的。有的手机无线网卡已经快被淘汰或者是严重老化,都会造成wifi信号接收不良,甚至一个电话打进来就会导致无线网断网,这种情况只能拿到维修中心去修理解决。", "基带或ROM问题", "基带就是负责通讯方面的模块,往往一部手机有多个基带可供选择。假如你在刷ROM的时候刷了一个不合适的基带,就有可能造成你的wifi连接不正常,甚至是短信发不出去,电话也打不出去。此外如果ROM自身不完善,那么也会存在wifi连接不正常的问题。比如说安卓4.1刚一发布,有的机友就刷了测试版的CM10(基于4.1框架的第三方ROM),结果无法连接上wifi,这就必须重新刷一个比较完善的ROM来解决。", "从手机屏幕最上面拉下通知栏,再切换到“开关”:", "可以看到“WLAN”和“数据”都已经打开,再触控灰色的“飞行模式”:", "“飞行模式”马上就会变成高亮了,而“WLAN”和“数据”都已变成灰色的:", "然后,再重新关闭“飞行模式”,再重新打开“WLAN”或“数据”,应该可以上网了。", "如果还不行,则尝试先关闭WIFI,再重新打开。因为手机不网络环境有变的情况下可能是某些网络信息没有同步更新过来:", "还不行,则检查下所用的路由器信道问题,应该将路由器无线信道设置为常用的信道,如6和9较常用。苹果设置对信道要求貌似比较严格:", "如果还不行,则建议将手机和无线路由器都重新启动一下看看:", "(40)wifi热点  西西软件园提供大量免费的热点软件,现在很多厂商都发布了随身,可以给笔记本设置热点,然后供手机等电子设备无线上网,看电视剧电影啥的不用担心卡顿,再也不用担心流量超标或不够用啦。现在猎豹小米等都开发了随身,如果不想花钱买这些产品,那么以下的电脑热点软件就很适合大家啦...更多>>", "01-27平安WiFi 有什么用 支持哪些热点 是不是免费的 01-27ios版平安WIFI用不了 暂无卡可用等常见问题 01-27平安WIFI怎么用 平安wifi免费使用图文教程 01-08WiFi万能钥匙iOS正版安装使用教程 IOS8-8.1越狱版失败解决办法 01-06青青草原wifi热点设置方法 青青草原wifi热点使用教程 12-24Connectify创建WIFI无线热点图文教程 12-11手机qq热聊怎么用 qq wifi热聊加入方法 12-01WiFi万能钥匙安卓手机版怎么用?WiFi万能钥匙使用教程 11-23新路由newifi插件大全 新路由newifi插件推荐 11-10360随身WiFi 4G版怎么用?360 4G版随身WiFi体验评测", "火狐浏览器所有的快捷键大全 Windows版iCloud下载在哪、怎么用,iCloud(Windows版)怎么更新? 仿宋gb2312和仿宋有什么区别?电脑没有安装仿宋gb2312字体怎么办? Mac迅雷下载速度为0解决方法 mac迅雷下载速度慢怎么办 Office Home and Student是什么软件,有什么用?Office Home and Student怎样激活?"], "bs_rank_pos": 6}, {"title": "手机连不上家里的无线网怎么办,前两天还可以的!_百度知道", "segmented_title": ["手机", "连不上", "家里", "的", "无线网", "怎么办", ",", "前两天", "还", "可以", "的", "!", "_", "百度", "知道"], "segmented_paragraphs": [["1", "、", "这种情况", "一般来说", "是", "你", "的", "路由器", "的", "问题", ",", "你", "拔掉", "路由器", "的", "电源", ",", "几秒钟", "后", "再", "插", "回去", ",", "应该", "可以", "解决", "问题", "。", "2", "、", "如果", "还是", "连接", "不", "上", ",", "在", "手机", "里", "点", "你", "WIFI", "的", "名称", ",", "选择", "不保存", ",", "然后", "关闭", "手机", "的", "WLAN", ",", "几秒钟", "后", "再", "开启", "WLAN", "功能", ",", "应该", "可以", "解决", "问题", "。"], ["无线网", "要", "连", "手机", ",", "得", "打开", "wlan", "后", ",", "能", "搜索", "到", "你", "的", "家", "的", "无线网络", ",", "你", "家", "的", "网络", "是", "公开", "的", "吗", "?", "如果", "不是", ",", "连接", "是", "需要你", "设定", "的", "无线网", "密码", ",", "正确", "后", ",", "连接", "成功", "才", "可以", "用", "的"]], "paragraphs": ["1、这种情况一般来说是你的路由器的问题,你拔掉路由器的电源,几秒钟后再插回去,应该可以解决问题。 2、如果还是连接不上,在手机里点你WIFI的名称,选择不保存,然后关闭手机的WLAN,几秒钟后再开启WLAN功能,应该可以解决问题。", "无线网要连手机,得打开wlan后,能搜索到你的家的无线网络,你家的网络是公开的吗?如果不是,连接是需要你设定的无线网密码,正确后,连接成功才可以用的"], "bs_rank_pos": 7}], "question": "手机wifi连不上", "segmented_question": ["手机", "wifi", "连不上"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221647}
-{"documents": [{"title": "卡西欧g-shock调时间_百度知道", "segmented_title": ["卡西欧", "g", "-", "shock", "调", "时间", "_", "百度", "知道"], "segmented_paragraphs": [["按住", "左上角", "的", "按钮", "大概", "5", "秒", "钟", "以上", "会出现", "Set", "闪烁", "再", "按", "左下角", "的", "按钮", "切换", "时间", "及", "日期", "的", "设置"]], "paragraphs": ["按住左上角的按钮大概5秒钟以上 会出现Set 闪烁 再按左下角的按钮切换时间及日期的设置"], "bs_rank_pos": 0}, {"title": "卡西欧gshock.GA110SN 3ADR.怎么调时间啊,24小时至怎么调,说明书", "segmented_title": ["卡西欧", "g", "shock", ".", "GA", "110", "SN", "3", "ADR", ".", "怎么", "调", "时间", "啊", ",", "24", "小时", "至", "怎么", "调", ",", "说明书"], "segmented_paragraphs": [["卡西欧", "手表", "GA", "-", "110", "24", "小时", "制", "调试", "方法", "如图", ":"], ["1", ".", "先", "长按", "A", "键", "3", "秒", "听到", "第", "一声", "2", ".", "最", "上方", "出现", "TYO", "字母", "并", "闪烁", "3", ".", "持续", "按", "B", "键", "直到", "TYO", "变成", "BJS", "4", ".", "按", "A", "键", "确定"], ["按", "左上角", "的", "键", ",", "直到", "上方", "显示", "bjs", ",", "持续", "按", "左下角", "键", "就", "行", "啦"]], "paragraphs": ["卡西欧手表GA-110 24小时制 调试方法如图:", "1.先长按A键3秒听到第一声2.最上方出现TYO字母并闪烁3.持续按B键直到TYO变成BJS4.按A键确定", "按左上角的键,直到上方显示bjs,持续按左下角键就行啦"], "bs_rank_pos": 1}, {"title": "g-shock怎么调时间", "segmented_title": ["g", "-", "shock", "怎么", "调", "时间"], "segmented_paragraphs": [["大家好", ",", "我", "是", "很", "帅", "的", "表", "叔叔", ",", "欢迎", "关注", "sina", "wb", ":", "@", "手表", "大", "湿", "。", "工", "重", "号", ":", "uncle", "4", "watch"], ["g", "-", "shock", "这种", "电子表", ",", "通常", "由", "一", "个", "按钮", "控制", "调节", "开关", ",", "这个", "开关", "通常", "在", "左上角", "。", "下边", "分别", "以", "ga", "-", "110", "gb", "-", "1", "和", "dw", "5600", "e", "为", "例", ",", "进行", "说明"], ["http", ":", "/", "/", "120", ".", "198", ".", "248", ".", "26", "/", "cache", "/", "support", ".", "casio", ".", "com", "/", "storage", "/", "cn", "/", "manual", "/", "pdf", "/", "CN", "/", "009", "/", "qw", "5146", ".", "pdf", "?", "ich", "_", "args", "2", "=", "152", "-", "08193407035277", "_", "b", "03673", "f4", "b4", "c6", "c8", "e2", "cd4", "baee", "711", "ba", "9", "ab", "3", "_", "10001002", "_", "9c886", "d28", "d5", "c7", "f2d", "39239518939", "a83798", "_", "b5", "bbe", "168", "e3fada", "41", "cffa", "61154", "ea7", "cf", "9", "e"], ["上边", "是", "5146", "机芯", "说明书"], ["如果", "上边", "的", "链接", "失效", ",", "请", "打开", "网盘", ":", "https", ":", "/", "/", "pan", ".", "baidu", ".", "com", "/", "s", "/", "1bpp", "dUXL"], ["操作", "完", ",", "记得", "按一下", "左上角", "按钮", "保存", "退出", "。"], ["http", ":", "/", "/", "120", ".", "198", ".", "248", ".", "26", "/", "cache", "/", "support", ".", "casio", ".", "com", "/", "storage", "/", "cn", "/", "manual", "/", "pdf", "/", "CN", "/", "009", "/", "qw", "3229", ".", "pdf", "?", "ich", "_", "args", "2", "=", "152", "-", "08193407035277", "_", "b", "03673", "f4", "b4", "c6", "c8", "e2", "cd4", "baee", "711", "ba", "9", "ab", "3", "_", "10001002", "_", "9c886", "d28", "d5", "c7", "f2d", "39239518939", "a83798", "_", "b5", "bbe", "168", "e3fada", "41", "cffa", "61154", "ea7", "cf", "9", "e"], ["上边", "的", "是", "方块", "3229", "机芯", "的", "说明书", "。"], ["如果", "上边", "的", "链接", "失效", ",", "请", "打开", "网盘", ":", "https", ":", "/", "/", "pan", ".", "baidu", ".", "com", "/", "s", "/", "1", "o", "8", "Tte", "8", "i"], ["记得", "按一下", "左上角", "保存", "。"], ["卡西欧", "的", "手表", "大同小异", ",", "如果", "你", "想", "找", "你", "的", "机芯", "说明书", ","], ["可以打开", "http", ":", "/", "/", "support", ".", "casio", ".", "com", "/", "cn", "/", "manual", "/", "manual", "list", ".", "php", "?", "cid", "=", "009", "这个", "网页", ",", "输入", "你", "后盖", "的", "机芯", "4", "位", "号码", "。"], ["更多精彩文章", ",", "可以", "访问", "biaoshu", "8", ".", "com"], ["声明", ":", "本", "文", "由", "入驻", "搜狐", "公众", "平台", "的", "作者", "撰写", ",", "除", "搜狐", "官方", "账号", "外", ",", "观点", "仅", "代表", "作者", "本人", ",", "不", "代表", "搜狐", "立场", "。"], ["本", "文", "相关", "推荐"], ["casio", "+", "g", "+", "shock", "怎么", "调", "时间", "g", "-", "shock", "手表", "怎么", "调", "闹钟", "卡西欧", "g", "-", "shock", "怎么", "设置", "白色", "的", "g", "-", "shock", "怎么", "清洗", "日本", "买", "回", "的", "g", "-", "shock", "调", "时间", "g", "-", "shock", "&", "vans", "特别", "款", "g", "-", "shock", "如何", "看", "真假", "g", "-", "shock", "表带", "更换", "图解", "g", "-", "shock", "电子", "时间", "不", "正确", "g", "-", "shock", "香港", "专门店", "g", "—", "shock", "5230", "g", "+", "shock", "漆", "擦掉", "了"], ["还没有", "评论", ",", "快", "来", "抢沙发", "吧", "!"]], "paragraphs": ["大家好,我是很帅的表叔叔,欢迎关注sina wb:@手表大湿。工重号:uncle4watch", "g-shock这种电子表,通常由一个按钮控制调节开关,这个开关通常在左上角。下边分别以ga-110gb-1和dw5600e为例,进行说明", "http://120.198.248.26/cache/support.casio.com/storage/cn/manual/pdf/CN/009/qw5146.pdf?ich_args2=152-08193407035277_b03673f4b4c6c8e2cd4baee711ba9ab3_10001002_9c886d28d5c7f2d39239518939a83798_b5bbe168e3fada41cffa61154ea7cf9e", "上边是5146机芯说明书", "如果上边的链接失效,请打开网盘: https://pan.baidu.com/s/1bppdUXL", "操作完,记得按一下左上角按钮保存退出。", "http://120.198.248.26/cache/support.casio.com/storage/cn/manual/pdf/CN/009/qw3229.pdf?ich_args2=152-08193407035277_b03673f4b4c6c8e2cd4baee711ba9ab3_10001002_9c886d28d5c7f2d39239518939a83798_b5bbe168e3fada41cffa61154ea7cf9e", "上边的是方块3229机芯的说明书。", "如果上边的链接失效,请打开网盘: https://pan.baidu.com/s/1o8Tte8i", "记得按一下左上角保存。", "卡西欧的手表大同小异,如果你想找你的机芯说明书,", "可以打开 http://support.casio.com/cn/manual/manuallist.php?cid=009这个网页,输入你后盖的机芯4位号码。", "更多精彩文章,可以访问biaoshu8.com", "声明:本文由入驻搜狐公众平台的作者撰写,除搜狐官方账号外,观点仅代表作者本人,不代表搜狐立场。", "本文相关推荐", "casio+g+shock怎么调时间  g-shock手表怎么调闹钟  卡西欧g-shock怎么设置  白色的g-shock怎么清洗  日本买回的g-shock调时间  g-shock&vans特别款  g-shock如何看真假  g-shock表带更换图解  g-shock电子时间不正确  g-shock香港专门店  g—shock5230  g+shock漆擦掉了", "还没有评论,快来抢沙发吧!"], "bs_rank_pos": 2}, {"title": "卡西欧G一SHOCK手表怎么调时间日期_百度知道", "segmented_title": ["卡西欧", "G", "一", "SHOCK", "手表", "怎么", "调", "时间", "日期", "_", "百度", "知道"], "segmented_paragraphs": [["在", "计时", "模式", "下", ":", "(", "数显", "时间", ")", "1", ".", "按住", "左", "上", "不动", "约", "三秒", ",", "手表", "显示", "TYO", "在", "闪烁", ",", "按", "右上", "三", "下", "是", "BJS", "或", "BKG", "。", "2", ".", "按一下", "左", "下", "键", "夏令时", "DST", "关闭", "状态", ",", "再", "按", "左", "下", "键", "若是", "12", "H", "按", "右", "下", "键", "变成", "24H", "。", "按", "左", "下", "键", "按", "一", "次", "切换", "一", "个", "功能", ",", "直到", "确认", "时间", "及", "年月日", "正确", ",", "若", "有", "一", "处", "不", "正确", "按", "右边", "2", "个", "键", "加减", "。", "(", "右上", "是", "减", ",", "右", "下", "是", "加", ")", "调", "好", "按", "左", "上", "键", "退出", "即可", "。", "在", "计时", "模式", "下", ":", "(", "指针", "时间", ")", "1", ".", "按", "右", "下", "不动", ",", "出现", "5ub", "松开", "2", ".", "看", "小", "指针", "指向", "是不是", "指", "到", "50", "(", "不对", "按", "右", "下", "一", "下", "一", "下", "按", "到", ")", "3", ".", "按", "左", "下", ",", "指针", "转动", "(", "不", "转", "按住", "右", "下", ",", "转", "就", "松开", ")", "4", ".", "当", "时针", "与", "分针", "同时", "对", "到", "12", "点", "方", "向", ",", "按", "右", "下", "停", "(", "如果", "过", "了", "或者", "是", "少", "了", "按", "右上", "或", "下", "一", "下", "一", "下", "加", "或", "减", ")", "5", ".", "当", "同时", "转到", "12", "点", "位置", ",", "按", "左", "上", "退出", "。"]], "paragraphs": ["在计时模式下:(数显时间) 1.按住左上不动约三秒,手表显示TYO在闪烁,按右上三 下是BJS或BKG。 2.按一下左下键夏令时DST关闭状态,再按左下键若是12H 按右下键变成24H。按左下键按一次切换一个功能,直到 确认时间及年月日正确,若有一处不正确按右边2个键加减。 (右上是减,右下是加) 调好按左上键退出即可。 在计时模式下:(指针时间) 1.按右下不动,出现5ub松开 2.看小指针指向是不是指到 50(不对按右下一下一下按到) 3.按左下,指针转动(不 转按住右下,转就松开) 4.当时针与分针同时对到12点方 向,按右下停(如果过了或者是少了按右上或下一下一下加 或减)5.当同时转到12点位置,按左上退出。"], "bs_rank_pos": 3}, {"title": "卡西欧G-SHOCK说明书大全,卡西欧怎么调时间-万表世界", "segmented_title": ["卡西欧", "G", "-", "SHOCK", "说明书", "大全", ",", "卡西欧", "怎么", "调", "时间", "-", "万", "表", "世界"], "segmented_paragraphs": [["卡西欧", "G", "-", "SHOCK", "说明书", "大全", ",", "卡西欧", "怎么", "调", "时间"], ["防震", "一直", "都是", "被", "许多", "喜欢", "运动", "的", "表", "迷", "选择", "手表", "的", "一", "个", "重要", "的", "标准", ",", "而", "卡西欧", "G", "-", "SHOCK", "就是这样", "一款", "拥有", "超强", "的", "防震", "能力", "。", "卡西欧", "G", "-", "SHOCK", ",", "手表", "的", "品牌", "之", "一", ",", "具有", "傲", "人", "的", "强悍", "耐用", "、", "防水", "等", "特点", "。", "前面", "的", "G", "代表", "重力", "gravity", "。", "1983", "年", "至今", ",", "卡西欧", "G", "-", "SHOCK", "手表", "以", "创新", ",", "抗震", "概念", "和", "强大功能", "设计", ",", "卡西欧", "G", "-", "SHOCK", "的", "抗震", "传奇", "已经", "进入", "第", "25", "年", ",", "卡西欧", "G", "-", "SHOCK", "一", "如", "卡西欧", "一贯", "以来", "所", "倡导", "的", "“", "超越梦想", ",", "挑战极限", "”", "的", "品牌", "精神", "将", "不断", "被", "沿袭", "和", "传播", "。", "G", "-", "SHOCK", "被", "创造", "出来", ",", "源于", "一", "个", "简单", "的", "信念", ":", "创造", "一", "个", "永远不会", "摔", "坏", "的", "手表", "。", "接下来", "就让", "我们", "看看", "卡西欧", "G", "-", "SHOCK", "说明书", "大全", ",", "卡西欧", "G", "-", "SHOCK", "说明书", "讲解", "怎么样", "?"], ["卡西欧", "g", "shock", "手表", "说明书", ":", "上", "发条", "的", "使用方法"], ["1", "、", "首先", ",", "为", "g", "shock", "手动", "上弦", "装置", "的", "自动", "机械表", "。", "2", "、", "通常", "情况", "下", ",", "当", "g", "shock", "手表", "戴", "在", "手上", "通过", "手腕", "的", "震动", "能", "使", "手表", "的", "主", "发条", "上弦", "。", "以及", "通过", "转动", "转", "柄", "来", "上弦", "。", "3", "、", "当", "gshock", "手表", "完全", "停止", "走", "动", "时", ",", "通过", "甩", "动", "手表", "可", "使", "手表", "走动", ",", "但", "最好", "请", "通过", "手动", "转动", "转", "柄", "来", "使", "发条", "充分", "上", "满弦", ",", "以及", "调整", "日期", "和", "时间", "。", "手动", "上弦", "时", ",", "把", "转", "柄", "转到", "0", "段", "位置", ",", "慢慢", "向右", "回转", "(", "12", "点", "方向", ")", "为", "主", "发条", "上弦", "。", "转", "柄", "向", "左", "方向", "(", "6", "点", "方向", ")", "是", "为", "空转", ",", "不能", "为", "发条", "上弦", "。", "另外", ",", "发条", "上", "满弦", "后", "可能会", "出现", "打滑", "的", "情况", ",", "不必担心", "损害", "手表", "的", "零件", "情况", "。", "4", "、", "gshock", "手表", "一", "段", "上", "满弦", ",", "可持续", "走动", "41", "小时", "。", "若", "g", "shock", "手表", "在", "未", "上", "满弦", "的", "状态", "下", "使用", ",", "则", "手表", "会出现", "或", "慢", "或", "快", "的", "现象", "。", "为", "避免", "此", "现象", "的", "发生", ",", "最后", "每天", "戴", "10", "个", "小时", "以上", ",", "若", "不", "将", "手表", "戴", "在", "手腕", "上", "而", "使用", "手表", "时", ",", "则", "务必", "每天", "在", "一", "个", "固定", "的", "时间", "为", "其", "上", "满弦", "。"], ["若", "g", "shock", "手表", "在", "发条", "未", "上弦", "的", "状态", "下", "停下", "里", ",", "即使", "转动", "转", "柄", "给", "发条", "上弦", "也", "不可能", "使", "手表", "立刻", "启动", "。", "这", "是因为", "机械表", "独", "有", "的", "特性", "造成", "主", "发条", "的", "转矩", "(", "动力", ")", "在", "转动", "初期", "处于", "微弱", "的", "状态", "。", "持续", "转动", "主", "发条", "后", ",", "当", "转矩", "达到", "一定", "的", "强度", "后", "秒针", "开始", "转动", "。", "当然", ",", "若想", "使", "手表", "快", "些", "启动", ",", "可", "甩", "动", "使", "手表", "强行", "转动", "。"], ["以上", "这", "款", "表", ",", "带有", "显示", "日期", "和", "星期", "的", "功能", "。", "日期", "在凌晨", "0", "但", "转换", ",", "星期", "在", "凌晨", "4", "点", "转换", "。", "但", ",", "如果", "上午", "和", "下午", "设定", "不", "正确", "的", "话", ",", "日期", "在", "白天", "的", "12", "点", ",", "星期", "在", "下午", "的", "4", "点", "转换", "。"], ["1", "、", "将", "转", "柄", "拉", "出", "到", "1", "段", "。", "2", "、", "转动", "转", "柄", "可", "设定", "日期", "和", "星期", "。", "转", "柄", "向右", "转动", "设定", "星期", ",", "向左转动", "设定", "日期", "。", "调整", "到", "想", "设定", "的", "日期", "和", "星期", "的", "前", "一", "日", "出现", "为止", "(", "如", ":", "想", "设定", "的", "日期", "是", "“", "6", "号", "”", ",", "就", "调整", "到", "“", "5", "号", "”", ")", "。", "星期", "有", "两", "国", "语言", "表示", ",", "请", "选择", "自己", "需要", "的", "语言", "。", "3", "、", "当", "秒针", "走", "到", "“", "12", "点", "”", "的", "位置", "时", ",", "把", "转", "柄", "拉", "出", "到", "第", "二", "段", "。", "(", "秒针", "停止转动", ")", "。", "转动", "转", "柄", "使", "向前", "移动", "直到", "日期", "出现", "下", "一天", "也", "就是", "想要", "设定", "的", "日期", "出现", "。", "此时", "时间", "被", "设定", "到", "上午", "时间", "段", "。", "继续", "移动", "指针", "以", "设定", "正确", "的", "星期", "和", "时间", "。", "4", "、", "按照", "点", "钟", "报时", "信号", ",", "将", "转", "柄", "推", "回到", "正常", "的", "0", "段", "位置", "并", "开始", "走动", "。"], ["当", "2", "月", "(", "一个月", "为", "28", "天", ",", "闰月", "为", "29", "天", ")", "和", "小月", "(", "一个月", "为", "30", "天", ")", "时", ",", "需要", "进行调整", "日期", "。"], ["例", ":", "小月", "的", "第二天", "1", "日", "的", "早晨", "。", "调整", "日期", "时", ",", "显示", "的", "是", "31", "日", "而", "不是", "1", "日", "。", "请", "把", "g", "shock", "转", "柄", "拉", "出", "到", "第", "一", "段", ",", "把", "转", "柄", "向", "左", "旋转", ",", "日期", "显示", "到", "1", "日", ",", "然后", "推", "回转", "柄", "。"], ["注意", ":", "勿", "在", "晚上", "9", "点", "到", "凌晨", "4", "点", "之间", "的", "时间", "带", "设定", "日期", "和", "星期", "。", "否则", ",", "日期", "和", "星期", "将", "不能", "正常", "转换", ",", "或", "导致", "手表", "操作失常", "。"], ["“", "万", "表", "世界", "”", "官方", "微信"]], "paragraphs": ["卡西欧G-SHOCK说明书大全,卡西欧怎么调时间", "防震一直都是被许多喜欢运动的表迷选择手表的一个重要的标准,而卡西欧G-SHOCK就是这样一款拥有超强的防震能力。卡西欧G-SHOCK,手表的品牌之一,具有傲人的强悍耐用、防水等特点。前面的G代表重力gravity。1983年至今,卡西欧G-SHOCK手表以创新,抗震概念和强大功能设计,卡西欧G-SHOCK的抗震传奇已经进入第25年,卡西欧G-SHOCK一如卡西欧一贯以来所倡导的“超越梦想,挑战极限”的品牌精神将不断被沿袭和传播。G-SHOCK被创造出来,源于一个简单的信念:创造一个永远不会摔坏的手表。接下来就让我们看看卡西欧G-SHOCK说明书大全,卡西欧G-SHOCK说明书讲解怎么样?", "卡西欧gshock手表说明书:上发条的使用方法", "1、首先,为gshock手动上弦装置的自动机械表。 2、通常情况下,当gshock手表戴在手上通过手腕的震动能使手表的主发条上弦。以及通过转动转柄来上弦。 3、当gshock手表完全停止走动时,通过甩动手表可使手表走动,但最好请通过手动转动转柄来使发条充分上满弦,以及调整日期和时间。 手动上弦时,把转柄转到0段位置,慢慢向右回转(12点方向)为主发条上弦。转柄向左方向(6点方向)是为空转,不能为发条上弦。另外,发条上满弦后可能会出现打滑的情况,不必担心损害手表的零件情况。 4、gshock手表一段上满弦,可持续走动41小时。 若gshock手表在未上满弦的状态下使用,则手表会出现或慢或快的现象。为避免此现象的发生,最后每天戴10个小时以上,若不将手表戴在手腕上而使用手表时,则务必每天在一个固定的时间为其上满弦。", "若gshock手表在发条未上弦的状态下停下里,即使转动转柄给发条上弦也不可能使手表立刻启动。这是因为机械表独有的特性造成主发条的转矩(动力)在转动初期处于微弱的状态。持续转动主发条后,当转矩达到一定的强度后秒针开始转动。当然,若想使手表快些启动,可甩动使手表强行转动。", "以上这款表,带有显示日期和星期的功能。日期在凌晨0但转换,星期在凌晨4点转换。但,如果上午和下午设定不正确的话,日期在白天的12点,星期在下午的4点转换。", "1、将转柄拉出到1段。 2、转动转柄可设定日期和星期。转柄向右转动设定星期,向左转动设定日期。调整到想设定的日期和星期的前一日出现为止(如:想设定的日期是“6号”,就调整到“5号”)。星期有两国语言表示,请选择自己需要的语言。 3、当秒针走到“12点”的位置时,把转柄拉出到第二段。(秒针停止转动)。转动转柄使向前移动直到日期出现下一天也就是想要设定的日期出现。此时时间被设定到上午时间段。继续移动指针以设定正确的星期和时间。 4、按照点钟报时信号,将转柄推回到正常的0段位置并开始走动。", "当2月(一个月为28天,闰月为29天)和小月(一个月为30天)时,需要进行调整日期。", "例:小月的第二天1日的早晨。调整日期时,显示的是31日而不是1日。请把gshock转柄拉出到第一段,把转柄向左旋转,日期显示到1日,然后推回转柄。", "注意:勿在晚上9点到凌晨4点之间的时间带设定日期和星期。否则,日期和星期将不能正常转换,或导致手表操作失常。", "“万表世界”官方微信"], "bs_rank_pos": 4}], "question": "g-shock 怎么调时间", "segmented_question": ["g", "-", "shock", "怎么", "调", "时间"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221648}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["百度经验:jingyan.baidu.com", " 如果驱动程序安装盘是以可执行文件方式提供,则最简单直接运行SETUP.exe就可以按照其安装向导提示一步一步完成。", " 如果只提供了驱动程序文件,则安装相对麻烦。这里以Windows XP系统为例介绍。", " 百度经验:jingyan.baidu.com", " 1 首先打开控制面板,然后双击控制面板中的打印机和传真图标。如下图  步骤阅读 2 接着弹出如下窗口:  步骤阅读 3 这个窗口将显示所有已经安装了的打印机(包括网络打印机)。安装新打印机直接点左边的添加打印机,接着弹出添加打印机向导, 步骤阅读 4 点下一步,出现如下窗口询问是安装本地打印机还是网络打印机,默认是安装本地打印机: 步骤阅读 5 如果安装本地打印机直接点下一步,系统将自动检测打印机类型,如果系统里有该打印机的驱动程序,系统将自动安装。如果没有自动安装则会报一个错,点下一步出现如下窗口: 步骤阅读 6 这里一般应使用默认值,点下一步,弹出询问打印机类型的窗口:  步骤阅读 7 如果能在左右列表中找到对应厂家和型号,则直接选中然后点下一步;如果没有则需要我们提供驱动程序位置,点从磁盘安装,然后在弹出的对话框中选择你驱动程序所在位置,比如软驱,光盘等,找到正确位置后点打开(如果提供位置不正确,点打开后将没有相应,暗示你重新选择),系统将开始安装,然后系统提示你给正在安装的打印机起个名字,并询问是否做为默认打印机(即发出打印命令后,进行相应的那一台),如下图: 步骤阅读", " 经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", " 个性签名:尘世中一个迷途的小书童!!!"], "segmented_title": ["怎样", "安装", "打印机", "驱动程序", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["如果", "驱动程序", "安装盘", "是", "以", "可执行文件", "方式", "提供", ",", "则", "最", "简单", "直接运行", "SETUP", ".", "exe", "就", "可以", "按照", "其", "安装", "向导", "提示", "一步一步", "完成", "。"], ["如果", "只", "提供", "了", "驱动程序", "文件", ",", "则", "安装", "相对", "麻烦", "。", "这里", "以", "Windows", "XP", "系统", "为", "例", "介绍", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "首先", "打开", "控制面板", ",", "然后", "双击", "控制面板", "中", "的", "打印机", "和", "传真", "图标", "。", "如下图", "步骤", "阅读", "2", "接着", "弹出", "如", "下", "窗口", ":", "步骤", "阅读", "3", "这个", "窗口", "将", "显示所有", "已经", "安装", "了", "的", "打印机", "(", "包括", "网络", "打印机", ")", "。", "安装", "新", "打印机", "直接", "点", "左边", "的", "添加", "打印机", ",", "接着", "弹出", "添加", "打印机", "向导", ",", "步骤", "阅读", "4", "点", "下一步", ",", "出现", "如", "下", "窗口", "询问", "是", "安装", "本地", "打印机", "还是", "网络", "打印机", ",", "默认", "是", "安装", "本地", "打印机", ":", "步骤", "阅读", "5", "如果", "安装", "本地", "打印机", "直接", "点", "下一步", ",", "系统", "将", "自动", "检测", "打印机", "类型", ",", "如果", "系统", "里", "有", "该", "打印机", "的", "驱动程序", ",", "系统", "将", "自动", "安装", "。", "如果没有", "自动", "安装", "则", "会报", "一", "个", "错", ",", "点", "下一步", "出现", "如", "下", "窗口", ":", "步骤", "阅读", "6", "这里", "一般", "应", "使用", "默认值", ",", "点", "下一步", ",", "弹出", "询问", "打印机", "类型", "的", "窗口", ":", "步骤", "阅读", "7", "如果能在", "左右", "列表", "中", "找到", "对应", "厂家", "和", "型号", ",", "则", "直接", "选中", "然后", "点", "下一步", ";", "如果没有", "则", "需要", "我们", "提供", "驱动程序", "位置", ",", "点", "从", "磁盘", "安装", ",", "然后", "在", "弹出", "的", "对话框", "中", "选择", "你", "驱动", "程序", "所在", "位置", ",", "比如", "软驱", ",", "光盘", "等", ",", "找到", "正确", "位置", "后", "点", "打开", "(", "如果", "提供", "位置", "不", "正确", ",", "点", "打开后", "将", "没有", "相应", ",", "暗示", "你", "重新选择", ")", ",", "系统", "将", "开始", "安装", ",", "然后", "系统提示", "你", "给", "正在", "安装", "的", "打印机", "起", "个", "名字", ",", "并", "询问", "是否", "做为", "默认", "打印机", "(", "即", "发出", "打印", "命令", "后", ",", "进行", "相应", "的", "那", "一", "台", ")", ",", "如下图", ":", "步骤", "阅读"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "尘世", "中", "一", "个", "迷途", "的", "小书童", "!", "!", "!"]], "title": "怎样安装打印机驱动程序_百度经验"}, {"bs_rank_pos": 1, "paragraphs": ["经常有网友反应说下载的驱动不知道怎么安装,经分析多为解压后没有setup.exe文件的驱动,通常这种驱动我称它为inf驱动,虽然本站有不少关于打印机驱动安装方面的教程,但还是满足不了各网友的需求,今天就再跟大家啰嗦下inf驱动的安装方法, 首先将打印机与电脑用USB线连接好,将电源打开,并下载好驱动,这里小编以OKI 7700F+为例,向大家讲解 大家可以看下解压后的文件夹内并没有setup.exe文件(如下图:) 下面来说下安装方法:", " 第一种:用微软提供的 DPInst 驱动自动安装卸载程序来安装,点这里下载DPInst 下载后和驱动放在同一文件夹内,并点击右键选择 “解压到当前文件夹”解压后文件夹内会多出来几个文件(如下图:) 运行setup.exe 点击下一步(如下图:) 稍等一下,如出现“Windows 无法验证此驱动程序软件的发布者,点 始终安装此驱动程序软件”等待安装完成后,点击完成(如下图:) 重起一下电脑或把打印机关了再开 第二种:通过添加打印机的方法来安装 依次点击开始菜单——设备和打印机——添加打印机 添加本地打印机(如下图:) 选择打印机端口USB001(USB虚拟打印端口) 这个就是,并点确定(如下图:) 接下来点从磁盘安装(如下图:) 点浏览选择驱动所在目录,并点打开,并点确定(如下图:) 如果该驱动支持多个型号的打印机,则会出现多个型号以供选择(如下图),如果该驱动仅支持该型号则会自动跳到下一步 按下来系统就会自动安装驱动,点击完成即可。 第三种:通过更新设备驱动的安装方法: 这种方法与方法二有点相似,详见:http://www.dyjqd.com/articie/5931.html 第四种:网络打印机的安装方法,点击次数: 更新时间:2015-06-05 【打印此页】 【关闭】 hp order a cartridge 安装惠普打印机出现“新设备 打印任务无法删除怎么办? 打印机自动打印之前的页面的 安装驱动提示错误“文件的哈 HP打印机驱动安装失败的解决 打印机驱动安装方法 Windows XP 系统下安装驱动程 打印机驱动程序安装失败怎么 Windows XP 系统下手动删除打 Windows 7、8 系统下手动删除 Win8.1 无法安装驱动,打印机 安装打印机驱动时显示\"参数 Win 8/8.1安装驱动时提示不包 inf 打印机驱动安装方法", " 打印机驱动安装方法 图解Windows 7系统快速共享打 图解Windows XP系统快速共享 打印机驱动程序安装失败怎么 数码复合机驱动程序安装指南 Win 8/8.1安装驱动时提示不包 Win8.1 无法安装驱动,打印机 inf 打印机驱动安装方法 安装打印机驱动时提示“无法 安装打印机驱动时显示\"参数 共享打印机需要密码的解决方 解压后没有setup.exe的驱动安 HP打印机驱动安装失败的解决 Windows XP 系统下手动删除打 新买的打印机电脑上没有并口"], "segmented_title": ["打印机", "驱动", "安装方法", "_", "打印机", "驱动", "网"], "segmented_paragraphs": [["经常", "有", "网友", "反应", "说", "下载", "的", "驱动", "不知道", "怎么", "安装", ",", "经", "分析", "多", "为", "解压", "后", "没有", "setup", ".", "exe", "文件", "的", "驱动", ",", "通常", "这种", "驱动", "我", "称", "它", "为", "inf", "驱动", ",", "虽然", "本站", "有", "不少", "关于", "打印机", "驱动", "安装", "方面", "的", "教程", ",", "但", "还是", "满足", "不", "了", "各", "网友", "的", "需求", ",", "今天", "就", "再", "跟", "大家", "啰嗦", "下", "inf", "驱动", "的", "安装方法", ",", "首先", "将", "打印机", "与", "电脑", "用", "USB", "线", "连接", "好", ",", "将", "电源", "打开", ",", "并", "下载", "好", "驱动", ",", "这里", "小", "编", "以", "OKI", "7700", "F", "+", "为", "例", ",", "向", "大家", "讲解", "大家", "可以", "看", "下", "解压", "后", "的", "文件夹", "内", "并没有", "setup", ".", "exe", "文件", "(", "如下图", ":", ")", "下面", "来", "说下", "安装方法", ":"], ["第", "一", "种", ":", "用", "微软", "提供", "的", "DPInst", "驱动", "自动", "安装", "卸载", "程序", "来", "安装", ",", "点", "这里", "下载", "DPInst", "下载", "后", "和", "驱动", "放在", "同", "一", "文件夹", "内", ",", "并", "点击右键", "选择", "“", "解压", "到", "当前", "文件夹", "”", "解压", "后", "文件夹", "内", "会", "多", "出来", "几个", "文件", "(", "如下图", ":", ")", "运行", "setup", ".", "exe", "点击", "下一步", "(", "如下图", ":", ")", "稍", "等一下", ",", "如", "出现", "“", "Windows", "无法", "验证", "此", "驱动程序", "软件", "的", "发布者", ",", "点", "始终", "安装", "此", "驱动程序", "软件", "”", "等待", "安装", "完成", "后", ",", "点击", "完成", "(", "如下图", ":", ")", "重", "起", "一", "下", "电脑", "或", "把", "打印机", "关", "了", "再", "开", "第", "二", "种", ":", "通过", "添加", "打印机", "的", "方法", "来", "安装", "依次", "点击", "开始菜单", "—", "—", "设备", "和", "打印机", "—", "—", "添加", "打印机", "添加", "本地", "打印机", "(", "如下图", ":", ")", "选择", "打印机", "端口", "USB", "001", "(", "USB", "虚拟", "打印", "端口", ")", "这个", "就是", ",", "并", "点", "确定", "(", "如下图", ":", ")", "接下来", "点", "从", "磁盘", "安装", "(", "如下图", ":", ")", "点", "浏览", "选择", "驱动", "所在", "目录", ",", "并", "点", "打开", ",", "并", "点", "确定", "(", "如下图", ":", ")", "如果", "该", "驱动", "支持", "多", "个", "型号", "的", "打印机", ",", "则", "会", "出现", "多", "个", "型号", "以", "供选择", "(", "如下图", ")", ",", "如果", "该", "驱动", "仅", "支持", "该", "型号", "则", "会", "自动", "跳", "到", "下一步", "按", "下来", "系统", "就会", "自动", "安装", "驱动", ",", "点击", "完成", "即可", "。", "第", "三种", ":", "通过", "更新", "设备", "驱动", "的", "安装方法", ":", "这种", "方法", "与", "方法", "二", "有点", "相似", ",", "详见", ":", "http", ":", "/", "/", "www", ".", "dyj", "qd", ".", "com", "/", "articie", "/", "5931", ".", "html", "第", "四种", ":", "网络", "打印机", "的", "安装方法", ",", "点击次数", ":", "更新时间", ":", "2015", "-", "06", "-", "05", "【", "打印", "此", "页", "】", "【", "关闭", "】", "hp", "order", "a", "cartridge", "安装", "惠普", "打印机", "出现", "“", "新", "设备", "打印", "任务", "无法", "删除", "怎么办", "?", "打印机", "自动", "打印", "之前", "的", "页面", "的", "安装", "驱动", "提示", "错误", "“", "文件", "的", "哈", "HP", "打印机", "驱动", "安装", "失败", "的", "解决", "打印机", "驱动", "安装方法", "Windows", "XP", "系统", "下", "安装", "驱动", "程", "打印机", "驱动", "程序", "安装", "失败", "怎么", "Windows", "XP", "系统", "下", "手动", "删除", "打", "Windows", "7", "、", "8", "系统", "下", "手动", "删除", "Win", "8", ".", "1", "无法", "安装", "驱动", ",", "打印机", "安装", "打印机", "驱动", "时", "显示", "\"", "参数", "Win", "8", "/", "8", ".", "1", "安装", "驱动", "时", "提示", "不", "包", "inf", "打印机", "驱动", "安装方法"], ["打印机", "驱动", "安装方法", "图解", "Windows", "7", "系统", "快速", "共享", "打", "图解", "Windows", "XP", "系统", "快速", "共享", "打印机", "驱动", "程序", "安装", "失败", "怎么", "数码", "复合机", "驱动程序", "安装", "指南", "Win", "8", "/", "8", ".", "1", "安装", "驱动", "时", "提示", "不", "包", "Win", "8", ".", "1", "无法", "安装", "驱动", ",", "打印机", "inf", "打印机", "驱动", "安装方法", "安装", "打印机", "驱动", "时", "提示", "“", "无法", "安装", "打印机", "驱动", "时", "显示", "\"", "参数", "共享", "打印机", "需要", "密码", "的", "解决", "方", "解压", "后", "没有", "setup", ".", "exe", "的", "驱动", "安", "HP", "打印机", "驱动", "安装", "失败", "的", "解决", "Windows", "XP", "系统", "下", "手动", "删除", "打", "新", "买", "的", "打印机", "电脑", "上", "没有", "并口"]], "title": "打印机驱动安装方法_打印机驱动网"}, {"bs_rank_pos": 2, "paragraphs": ["百度经验:jingyan.baidu.com", " 由于电脑系统配置以及设置的差异性,打印机类型的多样型,致使打印机驱动无法正常安装也是常有的事。最近小编也遇到此类问题,通过多次尝试,最终成功解决了问题,同时也总结出了相应宝贵的经难事,特此拿来与大家分享,希望能给遇到同样问题的朋友有所帮助。", "百度经验:jingyan.baidu.com", " 1 打印机需要特定服务的支持也能正常工作,该服务就是“Print Spooler ”。如果要正常安装和使用打印机,该服务必需得开启。 该服务的具体查看和开启方法:右击“我的电脑”,从弹出的菜单中选择”管理“。 步骤阅读 2 在打开的”计算机管理“窗口中,依次展开”服务和应用程序“→”服务“,找到” Print Spooler“服务并双击打开。 步骤阅读 3 然后在弹出的窗口中,确保该服务已经被启动。如果没有启动, 将”启动类型“设置为”自动“,然后点击”启动“按钮启动该服务。 步骤阅读 步骤阅读 4 接下来,就可以按照打印机操作说明书的方法来安装打印机驱动程序啦。 当然,如果身边没有打印机安装说明书,可以按照以下方法来安装打印机驱动。 情况一:如果打印机驱动程序是自安装程序,则可以首先安装打印机驱动程序,待驱动程序安装完成后,再连接打印机,此时电脑会自动识别打印机并查找与其匹配的驱动程序进行安装。 5 情况二:如果打印机驱动程序无自安装可执行程序,则需要通过控制面板来添加打印机。具体操作方法,打开”控制面板“,找到并双击”设备和打印机“并进入。  步骤阅读", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", " 个性签名:机遇总是留给有准备的人"], "segmented_title": ["打印机", "驱动", "安装", "不", "上", "怎么办", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["由于", "电脑", "系统", "配置", "以及", "设置", "的", "差异", "性", ",", "打印机", "类型", "的", "多样", "型", ",", "致使", "打印机", "驱动", "无法正常", "安装", "也是", "常", "有", "的", "事", "。", "最近", "小", "编", "也", "遇到", "此类", "问题", ",", "通过", "多次", "尝试", ",", "最终", "成功", "解决", "了", "问题", ",", "同时", "也", "总结", "出", "了", "相应", "宝贵", "的", "经", "难", "事", ",", "特此", "拿来", "与", "大家", "分享", ",", "希望", "能", "给", "遇到", "同样", "问题", "的", "朋友", "有所帮助", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "打印机", "需要", "特定", "服务", "的", "支持", "也", "能", "正常", "工作", ",", "该", "服务", "就是", "“", "Print", "Spooler", "”", "。", "如果", "要", "正常", "安装", "和", "使用", "打印机", ",", "该", "服务", "必需", "得", "开启", "。", "该", "服务", "的", "具体", "查看", "和", "开启", "方法", ":", "右", "击", "“", "我", "的", "电脑", "”", ",", "从", "弹出", "的", "菜单", "中", "选择", "”", "管理", "“", "。", "步骤", "阅读", "2", "在", "打开", "的", "”", "计算机管理", "“", "窗口", "中", ",", "依次展开", "”", "服务", "和", "应用程序", "“", "→", "”", "服务", "“", ",", "找到", "”", "Print", "Spooler", "“", "服务", "并", "双击", "打开", "。", "步骤", "阅读", "3", "然后", "在", "弹出", "的", "窗口", "中", ",", "确保", "该", "服务", "已经", "被", "启动", "。", "如果没有", "启动", ",", "将", "”", "启动", "类型", "“", "设置", "为", "”", "自动", "“", ",", "然后", "点击", "”", "启动", "“", "按钮", "启动", "该", "服务", "。", "步骤", "阅读", "步骤", "阅读", "4", "接下来", ",", "就", "可以", "按照", "打印机", "操作说明书", "的", "方法", "来", "安装", "打印机", "驱动", "程序", "啦", "。", "当然", ",", "如果", "身边", "没有", "打印机", "安装", "说明书", ",", "可以", "按照", "以下", "方法", "来", "安装", "打印机", "驱动", "。", "情况", "一", ":", "如果", "打印机", "驱动", "程序", "是", "自", "安装程序", ",", "则", "可以", "首先", "安装", "打印机", "驱动程序", ",", "待", "驱动程序", "安装", "完成", "后", ",", "再", "连接", "打印机", ",", "此时", "电脑", "会", "自动识别", "打印机", "并", "查找", "与其", "匹配", "的", "驱动程序", "进行", "安装", "。", "5", "情况", "二", ":", "如果", "打印机", "驱动", "程序", "无", "自", "安装", "可", "执行", "程序", ",", "则", "需要通过", "控制面板", "来", "添加", "打印机", "。", "具体操作", "方法", ",", "打开", "”", "控制面板", "“", ",", "找到", "并", "双击", "”", "设备", "和", "打印机", "“", "并", "进入", "。", "步骤", "阅读"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "机遇", "总", "是", "留", "给", "有", "准备", "的", "人"]], "title": "打印机驱动安装不上怎么办_百度经验"}, {"bs_rank_pos": 3, "paragraphs": ["安装打印机方法: 1 开始--控制面板--添加打印机。 2 点击下一步,(如果打印机在本机,选择此计算机连本地打印机,之后点下一步 3、选择打印机插孔,一般的usb和ltp1,插口,正常你的这个是ltp插口的。 ,选择完毕点下一步)。 4、点下一步,在出现一个对话框,在厂商那里找惠普,在型号那里找到对应型号。 5、点击下一步,下一步,完成。 6、插上打印机,通电,自动检测完成安装。"], "segmented_title": ["打印机", "驱动", "怎么", "装", "(", "安装", "步骤", ")", "_", "百度", "知道"], "segmented_paragraphs": [["安装", "打印机", "方法", ":", "1", "开始", "-", "-", "控制面板", "-", "-", "添加", "打印机", "。", "2", "点击", "下一步", ",", "(", "如果", "打印机", "在", "本", "机", ",", "选择", "此", "计算机", "连", "本地", "打印机", ",", "之后", "点", "下一步", "3", "、", "选择", "打印机", "插孔", ",", "一般", "的", "usb", "和", "ltp", "1", ",", "插口", ",", "正常", "你", "的", "这个", "是", "ltp", "插口", "的", "。", ",", "选择", "完毕", "点", "下一步", ")", "。", "4", "、", "点", "下一步", ",", "在", "出现", "一", "个", "对话框", ",", "在", "厂商", "那里", "找", "惠普", ",", "在", "型号", "那里", "找到", "对应", "型号", "。", "5", "、", "点击", "下一步", ",", "下一步", ",", "完成", "。", "6", "、", "插", "上", "打印机", ",", "通", "电", ",", "自动", "检测", "完成", "安装", "。"]], "title": "打印机驱动怎么装(安装步骤)_百度知道"}, {"bs_rank_pos": 3, "paragraphs": ["那就是说你的打印机只支持USB连接打印了,可以使用打印机自带的USB连接电脑和打印机,运行,打印机自带光盘,根据提示,一步一步来就可以了 在插上打印线时,弹出的发现新硬件,可以不理他,运行光盘就可以了~"], "segmented_title": ["打印机", "驱动", "怎么", "装", "(", "安装", "步骤", ")", "_", "百度", "知道"], "segmented_paragraphs": [["那", "就是说", "你", "的", "打印机", "只", "支持", "USB", "连接", "打印", "了", ",", "可以", "使用", "打印机", "自带", "的", "USB", "连接", "电脑", "和", "打印机", ",", "运行", ",", "打印机", "自带", "光盘", ",", "根据", "提示", ",", "一步一步来", "就", "可以", "了", "在", "插", "上", "打印", "线", "时", ",", "弹出", "的", "发现", "新", "硬件", ",", "可以", "不", "理", "他", ",", "运行", "光盘", "就", "可以", "了", "~"]], "title": "打印机驱动怎么装(安装步骤)_百度知道"}], "question": "如何装打印机驱动", "segmented_question": ["如何", "装", "打印机", "驱动"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221649}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["在我们日常的生活中大家对于尿素氮偏高是否有足够的了解呢,那么大家知道尿素氮偏高的原因是什么吗,尿素氮偏高是怎么回事呢,尿素氮偏高的治疗是怎么样的呢,下面就让我们一起来了解一下吧。", " 在测量肾功能的指标中,有两个指标是非常重要的一个是尿素氮还有一个就是血肌酐了,这两个数值的高与低都会影响到我们肾脏的正常功能。", " 尿素氮和血肌酐同是肾功能的两个最重要的指标,尿素氮数值的高与低反映着肾脏功能的好与坏。尿素氮数值高于正常值即是尿素氮偏高。", " 正常值", " 正常成人空腹尿素氮为3.2-7.1mmol/L(9-20mg/d1)。各种肾实质性病变,如肾小球肾炎、间质性肾炎、急慢性肾功能衰竭、肾内占位性和破坏性病变均可使血尿素氮增高。", " 大多数是由于肾脏外的因素导致的血尿素氮的升高的情况,如果大家能够排除肾病之外的因素的话,那么就能很好的诊断疾病的原因了。", " 原因一 肾性偏高见于急性肾炎、慢性肾炎、中毒性肾炎、严重肾盂肾炎、肾结核、肾血管硬化症、先天性多囊肾和肾肿瘤等引起的肾功能障碍。 原因二 肾前性偏高见于充血性心力衰竭、重度烧伤、休克、消化道大出血、脱水、严重感染、糖尿病酸中毒、肾上腺皮质功能减退、肝肾综合征等。 原因三 肾后性偏高见于因尿路梗阻增加肾组织压力。所以,为明确病因,最好跟医生咨询过后再决定治疗手段。 尿素氮偏高的症状 症状一 尿素氮出现偏高的一个症状就是尿路梗阻造成的肾组织压力增加,会使得肾小球的压力出现降低的情况,前列腺增大,肿瘤也是会导致尿素氮增高的。", " 症状一 尿素氮出现偏高的一个症状就是尿路梗阻造成的肾组织压力增加,会使得肾小球的压力出现降低的情况,前列腺增大,肿瘤也是会导致尿素氮增高的。 单纯的尿素氮升高可以因为饮食中摄入过多的蛋白质类食物引起,改变饮食结构,平衡蛋白质、含糖类食物和蔬菜的搭配,很快就可以恢复正常。 症状二 肾前性偏高见于充血性心力衰竭、重度烧伤、休克、消化道大出血、脱水、严重感染、糖尿病酸中毒、肾上腺皮质功能减退、肝肾综合征等。 症状三 肾性偏高见于急性肾炎、慢性肾炎、中毒性肾炎、严重肾盂肾炎、肾结核、肾血管硬化症、先天性多囊肾和肾肿瘤等引起的肾功能障碍。 尤其是对尿毒症的诊断有特殊价值,其增高程度与病情严重性成正比,如氮质血症期BUN超过9mmol/L,至尿毒症期BUN可超过20mmol/L,通过这些数据的有效判断,可以确保确诊的准确性。", "相关阅读推荐:", "盐水洗头去头屑吗 干净清爽的头发给外在形象加了很多分,所有头发如果...", " 早上起来口苦吃什么 日常生活中很多人都会遇到早上起来口苦的现象,很多...", " 皮肤粗糙怎么改善效果好 皮肤粗糙是一种让人十分头疼的事情,很多朋友在遇到...", " 1典典的外婆凉皮馄饨里吃出大虫 2超市购买的鸡蛋吃起来像塑料 ", " 这些长寿第一物你都经常吃吗 每天这样喝水至少多活二十年 这六个健康养生习惯是在找病 晚餐吃这物小心竟会诱发癌症", " 经常吃这五类食物小心会变丑 一粒南瓜子竟能够治疗这些病 喝酒时吃这东西小心肝脏中毒 这篇秋季养生三字经值得收藏", " 男性要如何来自测前列腺炎 男人有这症状是更年期来临 男人吃这些食物身体更强壮 男人肾虚需要常吃这些东西", " 女人吃这物淡化皱纹还瘦身 教你一些小妙招轻松去黑头 女性吃这些食物可滋养子宫 女性月经提前会有什么危害"], "segmented_title": ["尿素氮", "偏高", "的", "原因", "这些", "原因", "导致", "尿素氮", "偏高", "-", "三九", "养生堂"], "segmented_paragraphs": [["在", "我们", "日常", "的", "生活", "中", "大家", "对于", "尿素氮", "偏高", "是否", "有", "足够", "的", "了解", "呢", ",", "那么", "大家知道", "尿素氮", "偏高", "的", "原因", "是", "什么", "吗", ",", "尿素氮", "偏高", "是", "怎么回事", "呢", ",", "尿素氮", "偏高", "的", "治疗", "是", "怎么样", "的", "呢", ",", "下面", "就", "让", "我们", "一起来", "了解一下", "吧", "。"], ["在", "测量", "肾功能", "的", "指标", "中", ",", "有", "两", "个", "指标", "是", "非常重要", "的", "一", "个", "是", "尿素氮", "还有", "一", "个", "就是", "血肌酐", "了", ",", "这", "两", "个", "数值", "的", "高", "与", "低", "都会", "影响", "到", "我们", "肾脏", "的", "正常", "功能", "。"], ["尿素氮", "和", "血肌酐", "同", "是", "肾功能", "的", "两", "个", "最", "重要", "的", "指标", ",", "尿素氮", "数值", "的", "高", "与", "低", "反映", "着", "肾脏", "功能", "的", "好与坏", "。", "尿素氮", "数值", "高于", "正常值", "即", "是", "尿素氮", "偏高", "。"], ["正常值"], ["正常", "成人", "空腹", "尿素氮", "为", "3", ".", "2", "-", "7", ".", "1", "mmol", "/", "L", "(", "9", "-", "20", "mg", "/", "d1", ")", "。", "各种", "肾", "实质性", "病变", ",", "如", "肾小球肾炎", "、", "间质性肾炎", "、", "急", "慢性", "肾功能", "衰竭", "、", "肾", "内", "占位", "性", "和", "破坏", "性", "病变", "均", "可", "使", "血", "尿素氮", "增高", "。"], ["大多数", "是", "由于", "肾脏", "外", "的", "因素", "导致", "的", "血", "尿素氮", "的", "升高", "的", "情况", ",", "如果", "大家", "能够", "排除", "肾病", "之外", "的", "因素", "的", "话", ",", "那么", "就能", "很好", "的", "诊断", "疾病", "的", "原因", "了", "。"], ["原因", "一", "肾", "性", "偏高", "见于", "急性肾炎", "、", "慢性肾炎", "、", "中毒", "性", "肾炎", "、", "严重", "肾盂肾炎", "、", "肾结核", "、", "肾", "血管", "硬化", "症", "、", "先天性", "多囊肾", "和", "肾肿瘤", "等", "引起", "的", "肾功能障碍", "。", "原因", "二", "肾", "前", "性", "偏高", "见于", "充血性", "心力衰竭", "、", "重度", "烧伤", "、", "休克", "、", "消化道", "大", "出血", "、", "脱水", "、", "严重", "感染", "、", "糖尿病", "酸中毒", "、", "肾上腺皮质", "功能", "减退", "、", "肝肾", "综合征", "等", "。", "原因", "三", "肾", "后", "性", "偏高", "见于", "因", "尿", "路", "梗阻", "增加", "肾", "组织", "压力", "。", "所以", ",", "为", "明确", "病因", ",", "最好", "跟", "医生", "咨询", "过后", "再", "决定", "治疗", "手段", "。", "尿素氮", "偏高", "的", "症状", "症状", "一", "尿素氮", "出现", "偏高", "的", "一", "个", "症状", "就是", "尿", "路", "梗阻", "造成", "的", "肾", "组织", "压力", "增加", ",", "会", "使得", "肾小球", "的", "压力", "出现", "降低", "的", "情况", ",", "前列腺", "增大", ",", "肿瘤", "也是", "会导致", "尿素氮", "增高", "的", "。"], ["症状", "一", "尿素氮", "出现", "偏高", "的", "一", "个", "症状", "就是", "尿", "路", "梗阻", "造成", "的", "肾", "组织", "压力", "增加", ",", "会", "使得", "肾小球", "的", "压力", "出现", "降低", "的", "情况", ",", "前列腺", "增大", ",", "肿瘤", "也是", "会导致", "尿素氮", "增高", "的", "。", "单纯", "的", "尿素氮", "升高", "可以", "因为", "饮食", "中", "摄入", "过", "多", "的", "蛋白质", "类", "食物", "引起", ",", "改变", "饮食", "结构", ",", "平衡", "蛋白质", "、", "含", "糖类", "食物", "和", "蔬菜", "的", "搭配", ",", "很快", "就", "可以", "恢复正常", "。", "症状", "二", "肾", "前", "性", "偏高", "见于", "充血性", "心力衰竭", "、", "重度", "烧伤", "、", "休克", "、", "消化道", "大", "出血", "、", "脱水", "、", "严重", "感染", "、", "糖尿病", "酸中毒", "、", "肾上腺皮质", "功能", "减退", "、", "肝肾", "综合征", "等", "。", "症状", "三", "肾", "性", "偏高", "见于", "急性肾炎", "、", "慢性肾炎", "、", "中毒", "性", "肾炎", "、", "严重", "肾盂肾炎", "、", "肾结核", "、", "肾", "血管", "硬化", "症", "、", "先天性", "多囊肾", "和", "肾肿瘤", "等", "引起", "的", "肾功能障碍", "。", "尤其", "是", "对", "尿毒症", "的", "诊断", "有", "特殊", "价值", ",", "其", "增高", "程度", "与", "病情", "严重", "性", "成正比", ",", "如", "氮质血症", "期", "BUN", "超过", "9", "mmol", "/", "L", ",", "至", "尿毒症", "期", "BUN", "可", "超过", "20", "mmol", "/", "L", ",", "通过", "这些", "数据", "的", "有效", "判断", ",", "可以", "确保", "确诊", "的", "准确性", "。"], ["相关", "阅读", "推荐", ":"], ["盐水", "洗头", "去", "头屑", "吗", "干净", "清爽", "的", "头发", "给", "外", "在", "形象", "加", "了", "很多", "分", ",", "所有", "头发", "如果", ".", ".", "."], ["早上起来", "口苦", "吃什么", "日常", "生活", "中", "很多人", "都会", "遇到", "早上起来", "口苦", "的", "现象", ",", "很多", ".", ".", "."], ["皮肤粗糙", "怎么", "改善", "效果好", "皮肤粗糙", "是", "一", "种", "让", "人", "十分", "头疼", "的", "事情", ",", "很多朋友", "在", "遇到", ".", ".", "."], ["1", "典典", "的", "外婆", "凉皮", "馄饨", "里", "吃", "出", "大虫", "2", "超市", "购买", "的", "鸡蛋", "吃起来", "像", "塑料"], ["这些", "长寿", "第", "一", "物", "你", "都", "经常", "吃", "吗", "每天", "这样", "喝水", "至少", "多", "活", "二", "十", "年", "这", "六", "个", "健康", "养生", "习惯", "是", "在", "找", "病", "晚餐", "吃", "这", "物", "小心", "竟", "会", "诱发", "癌症"], ["经常", "吃", "这", "五", "类", "食物", "小心", "会", "变", "丑", "一粒", "南瓜子", "竟", "能够", "治疗", "这些", "病", "喝酒", "时", "吃", "这东西", "小心", "肝脏", "中毒", "这", "篇", "秋季", "养生", "三字经", "值得收藏"], ["男性", "要", "如何", "来自", "测", "前列腺炎", "男人", "有", "这", "症状", "是", "更年期", "来临", "男人", "吃", "这些", "食物", "身体", "更", "强壮", "男人", "肾虚", "需要", "常吃", "这些", "东西"], ["女人", "吃", "这", "物", "淡化", "皱纹", "还", "瘦身", "教", "你", "一些", "小", "妙招", "轻松", "去黑头", "女性", "吃", "这些", "食物", "可", "滋养", "子宫", "女性", "月经", "提前", "会", "有", "什么", "危害"]], "title": "尿素氮偏高的原因 这些原因导致尿素氮偏高 - 三九养生堂"}, {"bs_rank_pos": 1, "paragraphs": ["尿素氮编辑 锁定 ", "即指“血尿素氮”,血浆中除蛋白质以外的一种含氮化合物,它从肾小球滤过而排出体外。在肾功能不全失代偿时,BUN将升高。所以临床以将其作为判断肾小球滤过功能的指标。", "中文名 尿素氮  外文名 BUN ", " 具体 肾功能主要指标  氮含量 28/60 ", " 1 简述  2 尿素氮的正常值  3 代谢过程及影响因素 ", " 4 尿素氮增高  ▪ 病因  ▪ 治疗  5 尿素氮偏低 ", " ▪ 病因 6 饮食控制 ", "尿素中的氮,尿素浓度可以尿素或尿素氮表示,国内惯用后者。肝脏将氨基酸代谢生成的有毒的氨,水解为无毒的UN,是其解毒功能之一,血清尿素氮(BUN)由肾小球过滤排出。参考值:2.9~7.5mmol/L(8~21mg/dl)。BUN升高,称氮质血症,见于肾功能不全,但在肾小球过滤率(GFR)降低达50%时才可见其升高,敏感性较差。消耗性疾病、消化道出血、脱水等肾外因素和高蛋白饮食也可使BUN升高,故它不是评估GFR的最好指标。常用酶学方法测定,有试剂盒供应。[1] 尿素氮正常值为2.86-7.14 mmol/L,测定值会因饮食的内容而有所变动。[2] ", "尿素氮是人体蛋白质代谢的主要终末产物。氨基酸脱氨基产生NH3和CO2,两者在肝脏中合成尿素,每克蛋白质代谢产生尿素0.3g。尿素中氮含量为28/60,几乎达一半。通常肾脏为排泄尿素的主要器官,尿素从肾小球滤过后在各段小管均可重吸收,但肾小管内尿流速越快重吸收越少,也即达到了最大清除率。和血肌酐一样,在肾功能损害早期,血尿素氮可在正常范围。当肾小球滤过率下降到正常的50%以下时,血尿素氮的浓度才迅速升高。正常情况下,血尿素氮与肌酐之比(BUN/Scr)值约为10.1,高蛋白饮食、高分解代谢状态、缺水、肾缺血、血容量不足及某些急性肾小球肾炎,均可使比值增高,甚至可达20~30;而低蛋白饮食,肝疾病常使比值降低,此时可称为低氮质血症。", "各种肾实质性病变,如肾小球肾炎、间质性肾炎、急慢性肾功能衰竭、肾内占位性和破坏性病变均可使血尿素氮增高。多肾外因素也可引起血尿素氮升高,如能排除肾外因素,BUN),21.4mmol/L(60mg/dL)即为尿毒症诊断指标之一。", "较易受饮食、肾血流量的影响,如有蛋白质分解因素—感染,肠道出血、甲亢等可使尿素氮升高。肾小球滤过率下降至正常的1/2~~1/3时,尿素氮逐步升高,一般情况下血尿素氮与血肌酐的比值是10.1,比值升高的原因有胃肠道出血,溶血,心功能不全和组织分解增强(烧伤、高热、肾上腺皮质激素治疗等),多为肾前因素引起,比值降低见于蛋白质摄入过少,严重肝肾功能不全等。", "3、蛋白质分解或摄入过多 如急性传染病、高热、上消化道大出血、大面积烧伤、严重创伤、大手术后和甲状腺功能亢、高蛋白饮食等,但血肌酐一般不升高。以上情况矫正后,血BUN可以下降。", "血肌酐〈Scr〉和尿素氮〈BuN〉两者分别为含氮的有机物和蛋白质代谢的终末产物,在肾功能正常的情况下,这些小分子物质从肾小球滤出,故可用作肾小球滤过功能的诊断和过筛指标。当肾小球滤过功能减低时,血肌酐和尿素氮 因潴留而增高。", "肾病血肌酐、尿素氮高是以微小循环损伤,肾小球硬化和基底膜损伤为主要病理变化的。解决尿素氮高,就必须从这种病理原因出发,对因治疗才能彻底。", "1、肾功能失调。尿素氮偏低,可能与蛋白质吃得太少、怀孕、肝衰竭有关。2、肝功能衰竭。肝脏是人体重要的代谢器官,肝功能衰竭,造成营养物质不能正常吸收。另一个原因是患者蛋白质摄入不够,再加上因肝功能不正常而大量消耗。", "造成尿素氮偏低的原因有多个,因此,患者如果出现了尿素氮偏低,一定要到正规医院进行检查,不能笼统地把尿素氮偏低的原因理解成肾功能失调,从而使自己过度恐慌。因此,为了防止受到不必要的惊吓,最好先做个肝功能检查,确诊好病因后,再对症下药,避免盲目治疗,从而耽误治疗时间。", "1.肾功能不全失代偿期Ccr20-50ml/min. 蛋白质应控制在45-50g, 蛋白质应以优质蛋白。应尽量少进植物蛋白,因其含非必需氨基酸较多有条件,米、面中所含的植物蛋白质最好设法除去。要应用含有优质的蛋白质,如瘦肉、鱼,鸡蛋等食物。2.保证共给热成分热量,以减少体内蛋白库的消耗。每日宜供应30Kca/Kg体重 的热量,主要由碳水化合物和脂肪供给。饮食不佳的病人可给予中药二陈汤(半夏、茯苓、陈皮、甘草) 并加入谷芽、神曲等消导药。 食物应注意给含B族维生素和维生素C丰富的食物。", "参考资料 1. 罗慰慈.协和医学词典:北京医科大学中国协和医科大学联合出版社,1998 2. 尿素氮肌酐高严重吗,用什么法子可以治? .肾病健康咨询网.2012-05-28[引用日期2012-010-4]", " 词条统计 浏览次数:次 编辑次数:42次历史版本 最近更新: 创建者:kazezero"], "segmented_title": ["尿素氮", "_", "百度百科"], "segmented_paragraphs": [["尿素氮", "编辑", "锁定"], ["即", "指", "“", "血", "尿素氮", "”", ",", "血浆", "中", "除", "蛋白质", "以", "外", "的", "一", "种", "含", "氮化合物", ",", "它", "从", "肾小球滤过", "而", "排出体外", "。", "在", "肾功能不全", "失", "代偿", "时", ",", "BUN", "将", "升高", "。", "所以", "临床", "以", "将", "其", "作为", "判断", "肾小球滤过", "功能", "的", "指标", "。"], ["中文名", "尿素氮", "外文", "名", "BUN"], ["具体", "肾功能", "主要指标", "氮", "含量", "28", "/", "60"], ["1", "简述", "2", "尿素氮", "的", "正常值", "3", "代谢", "过程", "及", "影响因素"], ["4", "尿素氮", "增高", "病因", "治疗", "5", "尿素氮", "偏低"], ["病因", "6", "饮食", "控制"], ["尿素", "中", "的", "氮", ",", "尿素", "浓度", "可以", "尿素", "或", "尿素氮", "表示", ",", "国内", "惯用", "后者", "。", "肝脏", "将", "氨基酸", "代谢", "生成", "的", "有毒", "的", "氨", ",", "水解", "为", "无毒", "的", "UN", ",", "是", "其", "解毒", "功能", "之", "一", ",", "血清", "尿素氮", "(", "BUN", ")", "由", "肾小球", "过滤", "排出", "。", "参考", "值", ":", "2.9~", "7", ".", "5", "mmol", "/", "L", "(", "8", "~", "21", "mg", "/", "dl", ")", "。", "BUN", "升高", ",", "称", "氮质血症", ",", "见于", "肾功能不全", ",", "但", "在", "肾小球", "过滤", "率", "(", "GFR", ")", "降低", "达", "50", "%", "时", "才", "可见", "其", "升高", ",", "敏感性", "较差", "。", "消耗", "性", "疾病", "、", "消化道出血", "、", "脱水", "等", "肾", "外", "因素", "和", "高蛋白", "饮食", "也", "可", "使", "BUN", "升高", ",", "故", "它", "不是", "评估", "GFR", "的", "最好", "指标", "。", "常用", "酶学", "方法", "测定", ",", "有", "试剂盒", "供应", "。", "[", "1", "]", "尿素氮", "正常值", "为", "2.86", "-", "7", ".", "14", "mmol", "/", "L", ",", "测定", "值", "会", "因", "饮食", "的", "内容", "而", "有", "所", "变动", "。", "[", "2", "]"], ["尿素氮", "是", "人体", "蛋白质", "代谢", "的", "主要", "终", "末", "产物", "。", "氨基酸", "脱", "氨基", "产生", "NH3", "和", "CO2", ",", "两者", "在", "肝脏", "中", "合成", "尿素", ",", "每", "克", "蛋白质", "代谢", "产生", "尿素", "0", ".", "3", "g", "。", "尿素", "中", "氮", "含量", "为", "28", "/", "60", ",", "几乎", "达", "一半", "。", "通常", "肾脏", "为", "排泄", "尿素", "的", "主要", "器官", ",", "尿素", "从", "肾小球", "滤", "过后", "在", "各", "段", "小", "管", "均", "可", "重", "吸收", ",", "但", "肾小管", "内", "尿", "流速", "越", "快", "重", "吸收", "越", "少", ",", "也", "即", "达到", "了", "最大", "清除", "率", "。", "和", "血肌酐", "一样", ",", "在", "肾功能", "损害", "早期", ",", "血", "尿素氮", "可", "在", "正常", "范围", "。", "当", "肾小球滤过率", "下降", "到", "正常", "的", "50", "%", "以下", "时", ",", "血", "尿素氮", "的", "浓度", "才", "迅速", "升高", "。", "正常", "情况", "下", ",", "血", "尿素氮", "与", "肌酐", "之", "比", "(", "BUN", "/", "Scr", ")", "值", "约", "为", "10", ".", "1", ",", "高蛋白", "饮食", "、", "高", "分解", "代谢", "状态", "、", "缺水", "、", "肾", "缺血", "、", "血", "容量", "不足", "及", "某些", "急性", "肾小球", "肾炎", ",", "均", "可", "使", "比值", "增高", ",", "甚至", "可达", "20", "~", "30", ";", "而", "低", "蛋白", "饮食", ",", "肝", "疾病", "常", "使", "比值", "降低", ",", "此时", "可", "称为", "低", "氮质血症", "。"], ["各种", "肾", "实质性", "病变", ",", "如", "肾小球肾炎", "、", "间质性肾炎", "、", "急", "慢性", "肾功能", "衰竭", "、", "肾", "内", "占位", "性", "和", "破坏", "性", "病变", "均", "可", "使", "血", "尿素氮", "增高", "。", "多", "肾", "外", "因素", "也", "可", "引起", "血", "尿素氮", "升高", ",", "如", "能", "排除", "肾", "外", "因素", ",", "BUN", ")", ",", "21", ".", "4mmol", "/", "L", "(", "60mg", "/", "dL", ")", "即", "为", "尿毒症", "诊断", "指标", "之", "一", "。"], ["较", "易", "受", "饮食", "、", "肾", "血流", "量", "的", "影响", ",", "如", "有", "蛋白质", "分解", "因素", "—", "感染", ",", "肠道", "出血", "、", "甲亢", "等", "可", "使", "尿素氮", "升高", "。", "肾小球滤过率", "下降", "至", "正常", "的", "1", "/", "2", "~", "~", "1", "/", "3", "时", ",", "尿素氮", "逐步", "升高", ",", "一般", "情况", "下", "血", "尿素氮", "与", "血肌酐", "的", "比值", "是", "10", ".", "1", ",", "比值", "升高", "的", "原因", "有", "胃肠道", "出血", ",", "溶血", ",", "心", "功能不全", "和", "组织", "分解", "增强", "(", "烧伤", "、", "高热", "、", "肾上腺皮质激素", "治疗", "等", ")", ",", "多", "为", "肾", "前", "因素", "引起", ",", "比值", "降低", "见于", "蛋白质", "摄入", "过", "少", ",", "严重", "肝", "肾功能", "不", "全等", "。"], ["3", "、", "蛋白质", "分解", "或", "摄入", "过", "多", "如", "急性", "传染病", "、", "高热", "、", "上消化道", "大", "出血", "、", "大面积", "烧伤", "、", "严重", "创伤", "、", "大", "手术", "后", "和", "甲状腺", "功能", "亢", "、", "高蛋白", "饮食", "等", ",", "但", "血", "肌酐", "一般", "不", "升高", "。", "以上", "情况", "矫正", "后", ",", "血", "BUN", "可以", "下降", "。"], ["血肌酐", "〈", "Scr", "〉", "和", "尿素氮", "〈", "BuN", "〉", "两者", "分别", "为", "含", "氮", "的", "有机物", "和", "蛋白质", "代谢", "的", "终", "末", "产物", ",", "在", "肾功能", "正常", "的", "情况", "下", ",", "这些", "小", "分子", "物质", "从", "肾小球", "滤", "出", ",", "故", "可用", "作", "肾小球滤过", "功能", "的", "诊断", "和", "过", "筛", "指标", "。", "当", "肾小球滤过", "功能", "减低", "时", ",", "血肌酐", "和", "尿素氮", "因", "潴留", "而", "增高", "。"], ["肾病", "血肌酐", "、", "尿素氮", "高", "是", "以", "微小", "循环", "损伤", ",", "肾小球", "硬化", "和", "基底", "膜", "损伤", "为", "主要", "病理", "变化", "的", "。", "解决", "尿素氮", "高", ",", "就", "必须", "从", "这种", "病理", "原因", "出发", ",", "对", "因", "治疗", "才能", "彻底", "。"], ["1", "、", "肾功能", "失调", "。", "尿素氮", "偏低", ",", "可能", "与", "蛋白质", "吃", "得", "太", "少", "、", "怀孕", "、", "肝", "衰竭", "有关", "。", "2", "、", "肝功能", "衰竭", "。", "肝脏", "是", "人体", "重要", "的", "代谢", "器官", ",", "肝功能衰竭", ",", "造成", "营养物质", "不能", "正常", "吸收", "。", "另一个", "原因", "是", "患者", "蛋白质", "摄入", "不够", ",", "再加上", "因", "肝功能", "不", "正常", "而", "大量", "消耗", "。"], ["造成", "尿素氮", "偏低", "的", "原因", "有", "多", "个", ",", "因此", ",", "患者", "如果", "出现", "了", "尿素氮", "偏低", ",", "一定要", "到", "正规", "医院", "进行检查", ",", "不能", "笼统", "地", "把", "尿素氮", "偏低", "的", "原因", "理解", "成", "肾功能", "失调", ",", "从而", "使", "自己", "过度", "恐慌", "。", "因此", ",", "为了", "防止", "受到", "不必要", "的", "惊吓", ",", "最好", "先", "做", "个", "肝功能", "检查", ",", "确诊", "好", "病因", "后", ",", "再", "对症下药", ",", "避免", "盲目", "治疗", ",", "从而", "耽误", "治疗", "时间", "。"], ["1", ".", "肾功能不全", "失", "代偿", "期", "Ccr", "20", "-", "50ml", "/", "min", ".", "蛋白质", "应", "控制", "在", "45", "-", "50g", ",", "蛋白质", "应", "以", "优质", "蛋白", "。", "应", "尽量少", "进", "植物蛋白", ",", "因", "其", "含", "非", "必需", "氨基酸", "较多", "有条件", ",", "米", "、", "面", "中", "所", "含", "的", "植物", "蛋白质", "最好", "设", "法", "除去", "。", "要", "应用", "含有", "优质", "的", "蛋白质", ",", "如", "瘦肉", "、", "鱼", ",", "鸡蛋", "等", "食物", "。", "2", ".", "保证", "共", "给", "热", "成分", "热量", ",", "以", "减少", "体", "内", "蛋白", "库", "的", "消耗", "。", "每日", "宜", "供应", "30", "Kca", "/", "Kg", "体重", "的", "热量", ",", "主要", "由", "碳水化合物", "和", "脂肪", "供给", "。", "饮食", "不佳", "的", "病人", "可", "给予", "中药", "二陈汤", "(", "半夏", "、", "茯苓", "、", "陈皮", "、", "甘草", ")", "并", "加入", "谷芽", "、", "神曲", "等", "消", "导", "药", "。", "食物", "应", "注意", "给", "含", "B", "族", "维生素", "和", "维生素", "C", "丰富", "的", "食物", "。"], ["参考资料", "1", ".", "罗慰慈", ".", "协和医学", "词典", ":", "北京医科大学", "中国", "协和医科大学", "联合", "出版社", ",", "1998", "2", ".", "尿素氮", "肌酐", "高", "严重", "吗", ",", "用", "什么", "法", "子", "可以", "治", "?", ".", "肾病", "健康", "咨询网", ".", "2012", "-", "05", "-", "28", "[", "引用", "日期", "2012", "-", "010", "-", "4", "]"], ["词条", "统计", "浏览次数", ":", "次", "编辑", "次数", ":", "42", "次", "历史", "版本", "最近更新", ":", "创建", "者", ":", "kaze", "zero"]], "title": "尿素氮_百度百科"}, {"bs_rank_pos": 3, "paragraphs": ["健康描述:上星期去体检,血尿素氮和别人的不一样,高的特别离谱,不知道是医院的检查有问题还是真的偏高", "因不能面诊,医生的建议及药品推荐仅供参考", " 指导意见:尿素氮数值的高与低反映着肾脏功能的好与坏。尿素氮数值高于正常值即是尿素氮偏高。建议完善肾脏功能检查"], "segmented_title": ["尿潜血", "+", "1", ",", "血", "尿素氮", "高", "_", "有问必答", "_", "寻医问药", "网"], "segmented_paragraphs": [["健康", "描述", ":", "上星期", "去", "体检", ",", "血", "尿素氮", "和", "别人", "的", "不一样", ",", "高", "的", "特别", "离谱", ",", "不知道", "是", "医院", "的", "检查", "有问题", "还是", "真", "的", "偏高"], ["因", "不能", "面诊", ",", "医生", "的", "建议", "及", "药品", "推荐", "仅供参考"], ["指导意见", ":", "尿素氮", "数值", "的", "高", "与", "低", "反映", "着", "肾脏", "功能", "的", "好与坏", "。", "尿素氮", "数值", "高于", "正常值", "即", "是", "尿素氮", "偏高", "。", "建议", "完善", "肾脏", "功能", "检查"]], "title": "尿潜血+1,血尿素氮高_有问必答_寻医问药网"}, {"bs_rank_pos": 4, "paragraphs": [" 最近很多人都不同程度的出现了血清尿素氮偏高这种情况,很多人对此非常茫然不知道为什么会出现这种情况,当然每种疾病出现都有其特定的病因相信大家对于血清尿素氮偏高的原因都特别感兴趣吧,下面就让我们一起来了解一下血清尿素氮偏高的原因有哪些的相关内容吧。 ", " 一:肾性偏高见于急性肾炎、慢性肾炎、中毒性肾炎、严重肾盂肾炎、肾结核、肾血管硬化症、先天性多囊肾和肾肿瘤等引起的肾功能障碍。  二:肾前性偏高见于充血性心力衰竭、重度烧伤、休克、消化道大出血、脱水、严重感染、糖尿病酸中毒、肾上腺皮质功能减退、肝肾综合征等。  三:肾后性偏高见于因尿路梗阻增加肾组织压力。所以,为明确病因,最好跟医生咨询过后再决定治疗手段。 ", " 四、肾后性偏高见于因尿路梗阻增加肾组织压力,使肾小球滤过压降低时,如前列腺肥大、肿瘤压迫所致的尿道梗阻或两侧输尿管结石等。单纯的尿素氮升高可以因为饮食中摄入过多的蛋白质类食物引起,改变饮食结构,平衡蛋白质、含糖类食物和蔬菜的搭配,很快就可以恢复正常。 ", "中医养生", " 运动养生", " 两性养生", " 人群养生", " 生活养生"], "segmented_title": ["【", "血清", "尿素氮", "偏高", "的", "原因", "】", "_", "氮", "高", "_", "怎么办", "_", "哪些", "危害", "_", "如何", "治疗", "-", "大众", "养生"], "segmented_paragraphs": [["最近", "很多人", "都", "不同程度", "的", "出现", "了", "血清", "尿素氮", "偏高", "这种情况", ",", "很多人", "对此", "非常", "茫然不知道", "为什么", "会出现", "这种情况", ",", "当然", "每", "种", "疾病", "出现", "都", "有", "其", "特定", "的", "病因", "相信", "大家", "对于", "血清", "尿素氮", "偏高", "的", "原因", "都", "特别", "感兴趣", "吧", ",", "下面", "就", "让", "我们", "一起来", "了解一下", "血清", "尿素氮", "偏高", "的", "原因", "有", "哪些", "的", "相关", "内容", "吧", "。"], ["一", ":", "肾", "性", "偏高", "见于", "急性肾炎", "、", "慢性肾炎", "、", "中毒", "性", "肾炎", "、", "严重", "肾盂肾炎", "、", "肾结核", "、", "肾", "血管", "硬化", "症", "、", "先天性", "多囊肾", "和", "肾肿瘤", "等", "引起", "的", "肾功能障碍", "。", "二", ":", "肾", "前", "性", "偏高", "见于", "充血性", "心力衰竭", "、", "重度", "烧伤", "、", "休克", "、", "消化道", "大", "出血", "、", "脱水", "、", "严重", "感染", "、", "糖尿病", "酸中毒", "、", "肾上腺皮质", "功能", "减退", "、", "肝肾", "综合征", "等", "。", "三", ":", "肾", "后", "性", "偏高", "见于", "因", "尿", "路", "梗阻", "增加", "肾", "组织", "压力", "。", "所以", ",", "为", "明确", "病因", ",", "最好", "跟", "医生", "咨询", "过后", "再", "决定", "治疗", "手段", "。"], ["四", "、", "肾", "后", "性", "偏高", "见于", "因", "尿", "路", "梗阻", "增加", "肾", "组织", "压力", ",", "使", "肾小球滤过压", "降低", "时", ",", "如", "前列腺肥大", "、", "肿瘤", "压迫", "所致", "的", "尿道", "梗阻", "或", "两侧", "输尿管结石", "等", "。", "单纯", "的", "尿素氮", "升高", "可以", "因为", "饮食", "中", "摄入", "过", "多", "的", "蛋白质", "类", "食物", "引起", ",", "改变", "饮食", "结构", ",", "平衡", "蛋白质", "、", "含", "糖类", "食物", "和", "蔬菜", "的", "搭配", ",", "很快", "就", "可以", "恢复正常", "。"], ["中医养生"], ["运动", "养生"], ["两性", "养生"], ["人群", "养生"], ["生活", "养生"]], "title": "【血清尿素氮偏高的原因】_氮高_怎么办_哪些危害_如何治疗-大众养生"}, {"bs_rank_pos": 5, "paragraphs": ["血清检查报告单显示尿素氮过高到12.1,其他一切正常,请问是什么原因 ", " 你好,尿胆素的异常多考虑是肾功能的问题,你的情况有可能属于肾病的表现,但是具体还需要结合临床症状做出判断。 "], "segmented_title": ["血清", "检查", "报告单", "显示", "尿素氮", "过高", "到", "12", ".", "1", ",", "其他", "一切", "正常", ",", "请问", "是什么", "原因", "_"], "segmented_paragraphs": [["血清", "检查", "报告单", "显示", "尿素氮", "过高", "到", "12", ".", "1", ",", "其他", "一切", "正常", ",", "请问", "是什么", "原因"], ["你好", ",", "尿胆素", "的", "异常", "多", "考虑", "是", "肾功能", "的", "问题", ",", "你", "的", "情况", "有", "可能", "属于", "肾病", "的", "表现", ",", "但是", "具体", "还", "需要", "结合", "临床症状", "做出", "判断", "。"]], "title": "血清检查报告单显示尿素氮过高到12.1,其他一切正常,请问是什么原因_"}], "question": "血尿素氮偏高的原因", "segmented_question": ["血", "尿素氮", "偏高", "的", "原因"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221650}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": [" 我看了那些大神的视频,我了个擦,好快。。", " 有没有屌炸天的感觉,觉的自己有的点手残,老是点过眼去,人过不去。要是人过去了,我也老把他给踢回去,诉求大神。", " 换成智能不就行了,眼石放在2。 2w即可", " 这东西要练,开个自定义站在中塔,qf4踢过去在空中的时候往外面插眼w。成功了你就差不多能摸过去踢回来了", " 瞎子有三宝:打野 七技能 香港脚安妮有三宝:声嗲 柔体 把熊找寒冰有三宝:风筝 大箭 五只鸟龙龟有三宝:嘲讽 反伤 没人搞剑圣有三宝:传送 偷塔 大招跑蛮子有三宝:国王 三刀 真五秒塞恩有三宝:慢热 吸血 死不了赏金有三宝:御姐 神枪 运气好提莫有三好:卖萌 蘑菇 快点跑", " 智能施法 并且 查完眼以后 鼠标尽量不要动 眼+w 以最快的速度按完 多练练以后就会成为习惯了", " 把2键改成w,就同时了。思路就是让一个键控制两个东西。你也可以让w变成插眼加w同时。试试吧", " 同学告诉我,W眼同时按。", " 手残自行把眼智能施法加技能智能施法 不残可以不用眼智能施法 技能智能施法只是习惯而已 摸眼只是技巧 看怎么掌握", " 先熟悉眼的范围,还有隔厚墙 ", " 你开自定义练吧~你练到Q到怪还没T中在飞的过程中你在后面插眼W回去你就离成功不远了~", " 据说,我出生时,天空的北方,出现祥云一片,渐渐由远至近,飘到我家房顶后,幻化成一个字:帅 -爸爸见到我后,声嘶力竭的哭了一个半月,他打死也不相信我是他的染色体遗传下来的孩子,几次携菜刀冲到我母亲床前,挥舞着说要把我斩成肉泥,母亲以死相护,我才得以存活。我非人我是神 造化境7后来,母亲为了证明自己的清白,拉着父亲要去医院作亲子鉴定,医生揭开被子只看了一眼就哭了,抹着鼻涕说回去吧,这不是你儿子,谁的也不是,人类生不出这么帅的孩子......一个实习的小护士走过,看见了襁褓中的我,立刻找了盒红印泥,把我的指纹印了下来,并把盘好的头发一下子散开,对着我喃喃道:长发为君留,此生若不嫁你,长发不减,清灯古佛,自梳闺中...... -母亲赶紧往外走,一路小跑,不小心碰到了隔壁妇产科一个等着生孩子的老太太,老太太拉住母亲,慈祥地说:孩子,急什么啊,有啥想不开的啊?别颠着孩子啊...... - - 母亲被她缠得心烦,一把拉开被子,那老太太一看见我,立刻跟上了神经病得似的,眼泪哗哗的,一屁股蹲倒在地,摇头狂叫:我早生了50年啊!!!!!!!!!!母亲闪...... - 我长到十五岁的时候,还不敢上学,不是没上过,幼儿园的时候上了半天就不敢去了,全园的孩子老师加院长都疯了,我的脸蛋被小女孩亲的肿成了西瓜,阿姨们狂殴小朋友,不为别的,就因为他们和我生在一个年段,军警出动,才算平息了暴挛。"], "segmented_title": ["新人", "求", "盲僧", "快速", "摸", "眼", "的", "方法", "?", "-", "lol", "吧", "-", "盲僧", "如何", "光速", "摸", "眼", "-", "百度贴吧"], "segmented_paragraphs": [["我", "看", "了", "那些", "大神", "的", "视频", ",", "我", "了", "个", "擦", ",", "好", "快", "。", "。"], ["有没有", "屌", "炸天", "的", "感觉", ",", "觉", "的", "自己", "有", "的", "点", "手残", ",", "老是", "点", "过", "眼", "去", ",", "人", "过不去", "。", "要是", "人", "过去", "了", ",", "我", "也", "老", "把", "他", "给", "踢", "回去", ",", "诉求", "大神", "。"], ["换", "成", "智能", "不", "就", "行", "了", ",", "眼", "石", "放在", "2", "。", "2w", "即可"], ["这东西", "要", "练", ",", "开", "个", "自定义", "站", "在", "中", "塔", ",", "qf", "4", "踢", "过去", "在空中", "的", "时候", "往", "外面", "插眼", "w", "。", "成功", "了", "你", "就", "差不多", "能", "摸", "过去", "踢", "回来", "了"], ["瞎子", "有", "三宝", ":", "打野", "七", "技能", "香港脚", "安妮", "有", "三宝", ":", "声", "嗲", "柔", "体", "把", "熊", "找", "寒冰", "有", "三宝", ":", "风筝", "大", "箭", "五", "只", "鸟", "龙龟", "有", "三宝", ":", "嘲讽", "反伤", "没", "人", "搞", "剑圣", "有", "三宝", ":", "传送", "偷塔", "大招", "跑", "蛮子", "有", "三宝", ":", "国王", "三", "刀", "真", "五", "秒", "塞恩", "有", "三宝", ":", "慢热", "吸血", "死不了", "赏金", "有", "三宝", ":", "御姐", "神枪", "运气好", "提莫", "有", "三好", ":", "卖萌", "蘑菇", "快点", "跑"], ["智能", "施法", "并且", "查", "完", "眼", "以后", "鼠标", "尽量", "不要", "动", "眼", "+", "w", "以", "最", "快", "的", "速度", "按", "完", "多", "练", "练", "以后", "就会", "成为", "习惯了"], ["把", "2", "键", "改", "成", "w", ",", "就", "同时", "了", "。", "思路", "就是", "让", "一", "个", "键", "控制", "两", "个", "东西", "。", "你", "也", "可以", "让", "w", "变成", "插眼", "加", "w", "同时", "。", "试", "试", "吧"], ["同学", "告诉我", ",", "W", "眼", "同时", "按", "。"], ["手残", "自行", "把", "眼", "智能", "施法", "加", "技能", "智能", "施法", "不", "残", "可以", "不用", "眼", "智能", "施法", "技能", "智能", "施法", "只是", "习惯", "而已", "摸", "眼", "只是", "技巧", "看", "怎么", "掌握"], ["先", "熟悉", "眼", "的", "范围", ",", "还有", "隔", "厚", "墙"], ["你", "开", "自定义", "练", "吧", "~", "你", "练", "到", "Q", "到", "怪", "还", "没", "T", "中", "在", "飞", "的", "过程", "中", "你", "在", "后面", "插眼", "W", "回去", "你", "就", "离", "成功", "不远", "了", "~"], ["据说", ",", "我", "出生", "时", ",", "天空", "的", "北方", ",", "出现", "祥云", "一", "片", ",", "渐", "渐", "由", "远", "至", "近", ",", "飘", "到", "我", "家", "房顶", "后", ",", "幻化", "成", "一个字", ":", "帅", "-", "爸爸", "见到", "我", "后", ",", "声嘶力竭", "的", "哭", "了", "一个半月", ",", "他", "打死", "也", "不", "相信", "我", "是", "他", "的", "染色体", "遗传", "下来", "的", "孩子", ",", "几", "次", "携", "菜刀", "冲", "到", "我", "母亲", "床", "前", ",", "挥舞", "着", "说", "要", "把", "我", "斩", "成", "肉泥", ",", "母亲", "以", "死", "相", "护", ",", "我", "才", "得", "以", "存活", "。", "我", "非", "人", "我是神", "造", "化境", "7", "后来", ",", "母亲", "为了", "证明", "自己", "的", "清白", ",", "拉", "着", "父亲", "要", "去", "医院", "作", "亲子鉴定", ",", "医生", "揭开", "被子", "只", "看", "了", "一", "眼", "就", "哭", "了", ",", "抹", "着", "鼻涕", "说", "回去吧", ",", "这", "不是", "你", "儿子", ",", "谁", "的", "也", "不是", ",", "人类", "生", "不", "出", "这么", "帅", "的", "孩子", ".", ".", ".", ".", ".", ".", "一", "个", "实习", "的", "小护士", "走过", ",", "看见了", "襁褓", "中", "的", "我", ",", "立刻", "找", "了", "盒", "红", "印泥", ",", "把", "我", "的", "指纹", "印", "了", "下来", ",", "并", "把", "盘", "好", "的", "头发", "一下子", "散开", ",", "对着", "我", "喃喃", "道", ":", "长发为君留", ",", "此生", "若", "不嫁", "你", ",", "长发", "不减", ",", "清", "灯", "古佛", ",", "自梳", "闺中", ".", ".", ".", ".", ".", ".", "-", "母亲", "赶紧", "往", "外", "走", ",", "一路小跑", ",", "不小心", "碰到", "了", "隔壁", "妇产科", "一", "个", "等", "着", "生", "孩子", "的", "老太太", ",", "老太太", "拉", "住", "母亲", ",", "慈祥", "地", "说", ":", "孩子", ",", "急", "什么", "啊", ",", "有啥", "想不开", "的", "啊", "?", "别", "颠", "着", "孩子", "啊", ".", ".", ".", ".", ".", ".", "-", "-", "母亲", "被", "她", "缠", "得", "心烦", ",", "一", "把", "拉", "开", "被子", ",", "那", "老太太", "一", "看见", "我", ",", "立刻", "跟上", "了", "神经病", "得", "似", "的", ",", "眼泪", "哗哗", "的", ",", "一", "屁股", "蹲", "倒", "在", "地", ",", "摇头", "狂", "叫", ":", "我", "早", "生", "了", "50", "年", "啊", "!", "!", "!", "!", "!", "!", "!", "!", "!", "!", "母亲", "闪", ".", ".", ".", ".", ".", ".", "-", "我", "长", "到", "十五", "岁", "的", "时候", ",", "还", "不敢", "上学", ",", "不是", "没", "上", "过", ",", "幼儿园", "的", "时候", "上", "了", "半天", "就", "不敢", "去", "了", ",", "全", "园", "的", "孩子", "老师", "加", "院长", "都", "疯了", ",", "我", "的", "脸蛋", "被", "小女孩", "亲", "的", "肿", "成", "了", "西瓜", ",", "阿姨", "们", "狂殴", "小朋友", ",", "不", "为", "别", "的", ",", "就因为", "他们", "和", "我", "生", "在", "一", "个", "年", "段", ",", "军警", "出", "动", ",", "才", "算", "平息", "了", "暴", "挛", "。"]], "title": "新人求盲僧快速摸眼的方法?-lol吧-盲僧如何光速摸眼-百度贴吧"}, {"bs_rank_pos": 1, "paragraphs": ["百度经验:jingyan.baidu.com", " 盲僧是LOL最受欢迎的英雄之一,下面我来介绍一下盲僧的招牌套路回旋踢,究竟是怎样进行操作的。", "百度经验:jingyan.baidu.com", " 1 盲僧回旋踢一般有摸眼回旋踢和R闪回旋踢两种,我个人主张有闪现的时候尽量使用R闪回旋踢,很多人总是喜欢保留闪现,尤其是低端局玩家。大家应该正视闪现,它也只不过是一个技能而已。下面我重点讲解一下摸眼回旋踢的具体操作。 步骤阅读 2 无论是摸眼回旋踢还是R闪回旋踢,Q中敌方英雄是必要的。盲僧的Q技能也是需要长久的练习才能很好的掌握之。 步骤阅读 3 首先Q中目标,第二段Q冲向目标,摸眼回旋踢之关键就在于在Q的途中就在目标身后插好了眼位。 步骤阅读 4 盲僧有一种操作被称为光速摸眼回旋踢,其要义就是在第二段Q造成伤害之前就按出插眼W这两个动作。须知,盲僧第二段Q冲向目标也就不到1秒的时间,在这1秒时间内完成插眼以及W两个动作,不是听上去那么容易完成的。一般来讲,第二段Q造成伤害后使用W,是常规摸眼回旋踢的做法。 步骤阅读 5 如此操作后,使用R技能,就完成了摸眼回旋踢的操作。至于R闪回旋踢,其要义在于使用R的瞬间按出闪现,这样,目标就会被踢向与你闪现位置指向目标方向一致。盲僧的R技能可以让踢飞的目标击中敌方英雄造成AOE伤害,所以闪现的位置亦可以根据局势进行选择。 步骤阅读 END", "百度经验:jingyan.baidu.com", " 回旋踢此招,勤加练习才能更为熟练的掌握。 摸眼的位置以及闪现的位置需要根据局势来进行选择。", " 经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "segmented_title": ["LOL", "盲僧", "回旋踢", "摸", "眼", "R", "如何", "操作", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["盲僧", "是", "LOL", "最", "受欢迎", "的", "英雄", "之", "一", ",", "下面", "我", "来", "介绍一下", "盲僧", "的", "招牌", "套路", "回旋踢", ",", "究竟", "是", "怎样", "进行", "操作", "的", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "盲僧", "回旋踢", "一般", "有", "摸", "眼", "回旋踢", "和", "R", "闪", "回旋踢", "两种", ",", "我", "个人", "主张", "有", "闪现", "的", "时候", "尽量", "使用", "R", "闪", "回旋踢", ",", "很多人", "总是", "喜欢", "保留", "闪现", ",", "尤其", "是", "低端局", "玩家", "。", "大家", "应该", "正", "视", "闪现", ",", "它", "也", "只不过", "是", "一", "个", "技能", "而已", "。", "下面", "我", "重点", "讲解", "一", "下", "摸", "眼", "回旋踢", "的", "具体", "操作", "。", "步骤", "阅读", "2", "无论", "是", "摸", "眼", "回旋踢", "还是", "R", "闪", "回旋踢", ",", "Q", "中", "敌方", "英雄", "是", "必要", "的", "。", "盲僧", "的", "Q", "技能", "也是", "需要", "长久", "的", "练习", "才能", "很好", "的", "掌握", "之", "。", "步骤", "阅读", "3", "首先", "Q", "中", "目标", ",", "第", "二", "段", "Q", "冲", "向", "目标", ",", "摸", "眼", "回旋踢", "之", "关键", "就", "在于", "在", "Q", "的", "途中", "就", "在", "目标", "身后", "插", "好", "了", "眼", "位", "。", "步骤", "阅读", "4", "盲僧", "有", "一", "种", "操作", "被", "称为", "光速", "摸", "眼", "回旋踢", ",", "其", "要", "义", "就是", "在", "第", "二", "段", "Q", "造成", "伤害", "之", "前", "就", "按", "出", "插眼", "W", "这", "两", "个", "动作", "。", "须知", ",", "盲僧", "第", "二", "段", "Q", "冲", "向", "目标", "也", "就", "不到", "1", "秒", "的", "时间", ",", "在", "这", "1", "秒", "时间", "内", "完成", "插眼", "以及", "W", "两", "个", "动作", ",", "不是", "听", "上去", "那么", "容易", "完成", "的", "。", "一般来讲", ",", "第", "二", "段", "Q", "造成", "伤害", "后", "使用", "W", ",", "是", "常规", "摸", "眼", "回旋踢", "的", "做法", "。", "步骤", "阅读", "5", "如此", "操作", "后", ",", "使用", "R", "技能", ",", "就", "完成", "了", "摸", "眼", "回旋踢", "的", "操作", "。", "至于", "R", "闪", "回旋踢", ",", "其", "要", "义", "在于", "使用", "R", "的", "瞬间", "按", "出", "闪现", ",", "这样", ",", "目标", "就会", "被", "踢", "向", "与", "你", "闪现", "位置", "指向", "目标", "方向", "一致", "。", "盲僧", "的", "R", "技能", "可以", "让", "踢飞", "的", "目标", "击", "中", "敌方", "英雄", "造成", "AOE", "伤害", ",", "所以", "闪现", "的", "位置", "亦", "可以", "根据", "局势", "进行", "选择", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["回旋踢", "此", "招", ",", "勤", "加", "练习", "才能", "更为", "熟练", "的", "掌握", "。", "摸", "眼", "的", "位置", "以及", "闪现", "的", "位置", "需要", "根据", "局势", "来", "进行", "选择", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "title": "LOL盲僧回旋踢摸眼R如何操作_百度经验"}, {"bs_rank_pos": 2, "paragraphs": ["超实用!4分钟教你学会盲僧快速摸眼的练习方法!"], "segmented_title": ["盲僧", "超", "实用", "教学", ":", "如何", "最", "快", "练习", "光速", "摸", "眼", "?", "_", "兔", "玩", "英雄", "联盟", "移动版"], "segmented_paragraphs": [["超", "实用", "!", "4", "分钟", "教", "你", "学会", "盲僧", "快速", "摸", "眼", "的", "练习", "方法", "!"]], "title": "盲僧超实用教学:如何最快练习光速摸眼?_兔玩英雄联盟移动版"}, {"bs_rank_pos": 3, "paragraphs": ["这个得看手速了,建议把眼和w都设置能智能释放,还有一个小技巧,有的人为了舒服使用不别扭喜欢把眼石放到2键位置上,但是我不推荐,我推荐把眼位放到3位置上,用食指去按眼石,这样中指可以直接在第一时间按到w,如果是2键,按操作肯定是用中指去按2,那这样等你插了眼,再用中指回来按w所以会耽误一些时间,不能第一时间按w飞到敌方前面去,如果是放到3键,几乎是可以做到同步进行的,所以无疑会加快飞眼+w的操作!这是我的一个小技巧,还有就是 实在飞不到敌人前面了,就先飞个眼然后交个闪现,然后回q住要踢的人+反踢+q,还是得看个人手速,没啥技巧就是一个字-----------------练!还有就是如果要讲速度q到人以后别拖沓,直接qq飞眼+w+反踢,(手速快的第二段q还没打到人眼就飞到人家前面去了,这才犀利的盲僧啊,反正我做不到 - -|||,你加油"], "segmented_title": ["LOL", "盲僧", "怎么", "快速", "摸", "眼", "回旋踢", ",", "快速", "摸", "眼", "逃跑", "。", "大神", "求", "教", "技巧", "。", "_", "百度"], "segmented_paragraphs": [["这个", "得", "看", "手", "速", "了", ",", "建议", "把", "眼", "和", "w", "都", "设置", "能", "智能", "释放", ",", "还有", "一", "个", "小技巧", ",", "有", "的", "人", "为了", "舒服", "使用", "不", "别扭", "喜欢", "把", "眼", "石", "放到", "2", "键", "位置", "上", ",", "但是", "我", "不", "推荐", ",", "我", "推荐", "把", "眼", "位", "放到", "3", "位置", "上", ",", "用", "食指", "去", "按", "眼", "石", ",", "这样", "中指", "可以直接", "在", "第一时间", "按", "到", "w", ",", "如果", "是", "2", "键", ",", "按", "操作", "肯定", "是", "用", "中指", "去", "按", "2", ",", "那", "这样", "等你", "插", "了", "眼", ",", "再", "用", "中指", "回来", "按", "w", "所以", "会", "耽误", "一些", "时间", ",", "不能", "第一时间", "按", "w", "飞", "到", "敌方", "前面", "去", ",", "如果", "是", "放到", "3", "键", ",", "几乎", "是", "可以", "做到", "同步", "进行", "的", ",", "所以", "无疑", "会", "加快", "飞", "眼", "+", "w", "的", "操作", "!", "这", "是", "我", "的", "一", "个", "小技巧", ",", "还有", "就是", "实在", "飞", "不到", "敌人", "前面", "了", ",", "就", "先飞", "个", "眼", "然后", "交", "个", "闪现", ",", "然后", "回", "q", "住", "要", "踢", "的", "人", "+", "反", "踢", "+", "q", ",", "还是", "得", "看", "个人", "手", "速", ",", "没啥", "技巧", "就是", "一个字", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "练", "!", "还有", "就是", "如果", "要", "讲", "速度", "q", "到", "人", "以后", "别", "拖沓", ",", "直接", "qq", "飞", "眼", "+", "w", "+", "反", "踢", ",", "(", "手", "速", "快", "的", "第", "二", "段", "q", "还", "没", "打", "到", "人", "眼", "就", "飞", "到", "人家", "前面", "去", "了", ",", "这", "才", "犀利", "的", "盲僧", "啊", ",", "反正", "我", "做不到", "-", "-", "|", "|", "|", ",", "你", "加油"]], "title": "LOL 盲僧怎么 快速摸眼回旋踢,快速摸眼逃跑。大神求教技巧。_百度"}, {"bs_rank_pos": 3, "paragraphs": ["首先所有技能都设置智能施法,然后把眼放在你最顺手的那个数字键相对应的格子里,先练好快速摸眼,摸眼的时候鼠标别动,鼠标悬停你要位移的地方,插眼再W,别同时按插眼和W,有先后顺序的,手速快点。摸眼快了以后回旋踢就不是什么问题了,关键得理智。个人见解,纯手打,往采纳"], "segmented_title": ["LOL", "盲僧", "怎么", "快速", "摸", "眼", "回旋踢", ",", "快速", "摸", "眼", "逃跑", "。", "大神", "求", "教", "技巧", "。", "_", "百度"], "segmented_paragraphs": [["首先", "所有", "技能", "都", "设置", "智能", "施法", ",", "然后", "把", "眼", "放在", "你", "最", "顺", "手", "的", "那个", "数字键", "相", "对应", "的", "格子", "里", ",", "先", "练", "好", "快速", "摸", "眼", ",", "摸", "眼", "的", "时候", "鼠标", "别动", ",", "鼠标", "悬停", "你", "要", "位移", "的", "地方", ",", "插眼", "再", "W", ",", "别", "同时", "按", "插眼", "和", "W", ",", "有", "先后", "顺序", "的", ",", "手", "速", "快点", "。", "摸", "眼", "快", "了", "以后", "回旋踢", "就", "不是", "什么", "问题", "了", ",", "关键", "得", "理智", "。", "个人", "见解", ",", "纯", "手", "打", ",", "往", "采纳"]], "title": "LOL 盲僧怎么 快速摸眼回旋踢,快速摸眼逃跑。大神求教技巧。_百度"}], "question": "盲僧如何光速摸眼", "segmented_question": ["盲僧", "如何", "光速", "摸", "眼"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221651}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["Serial Number: 359-35184282 Product Key: 128D1"], "segmented_title": ["求", "3dmax", "2012", "最新", "序列号", "和", "密钥", "…", "…", "中文版", "的", ",", "O", "(", "∩", "_", "∩", ")", "O", "谢谢", "_", "百度", "知道"], "segmented_paragraphs": [["Serial", "Number", ":", "359", "-", "35184282", "Product", "Key", ":", "128D1"]], "title": "求3dmax2012最新序列号和密钥……中文版的,O(∩_∩)O谢谢_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["3dsmax2012注册机必须在本机运行方能激活成功,注册机与序列号可以用CAD2012的(序列号667-98989898,Key:128D1),请下载一个注册机使用。 具体安装激活方法如下: 1.安装(win7系统须右键点击“以管理员身份运行”)和启动3dsmax2012产品 2.点击激活 :在点击激活前先断网然后再点激活 或直接点击激活,如果提示你的序列号是错误的,关闭提示界面返回上一级再点激活或关闭3dsmax2012 再运行3dsmax2012(注意此时不能再填序列号) 3.选择选择“我具有Autodesk提供的激活码”(I have an activation code from Autodesk) 4..运行注册机(Win7系统右键----以管理员身份运行,这一步很重要,不然会出错,同时最好把注册机复制到安装目录下运行) 5.从激活界面复制申请码粘贴到注册机的\"Request\"栏中,点击“Mem Patch”,出现“succeed Pade”字样表示成功,再点击“Generate”生成激活码。 6.从注册机"], "segmented_title": ["跪求", "3dmax", "2012", "最新", "序列号", "和", "密钥", ",", "谢谢", "_", "百度", "知道"], "segmented_paragraphs": [["3ds", "max", "2012", "注册机", "必须", "在", "本", "机", "运行", "方", "能", "激活", "成功", ",", "注册机", "与", "序列号", "可以", "用", "CAD", "2012", "的", "(", "序列号", "667", "-", "98989898", ",", "Key", ":", "128D1", ")", ",", "请", "下载", "一", "个", "注册机", "使用", "。", "具体", "安装", "激活", "方法如下", ":", "1", ".", "安装", "(", "win7", "系统", "须", "右键", "点击", "“", "以", "管理员", "身份", "运行", "”", ")", "和", "启动", "3ds", "max", "2012", "产品", "2", ".", "点击", "激活", ":", "在", "点击", "激活", "前", "先", "断网", "然后", "再", "点", "激活", "或", "直接", "点击", "激活", ",", "如果", "提示", "你", "的", "序列号", "是", "错误", "的", ",", "关闭", "提示", "界面", "返回", "上", "一", "级", "再", "点", "激活", "或", "关闭", "3ds", "max", "2012", "再", "运行", "3ds", "max", "2012", "(", "注意", "此时", "不能", "再", "填", "序列号", ")", "3", ".", "选择", "选择", "“", "我", "具有", "Autodesk", "提供", "的", "激活码", "”", "(", "I", "have", "an", "activation", "code", "from", "Autodesk", ")", "4", ".", ".", "运行", "注册机", "(", "Win7", "系统", "右键", "-", "-", "-", "-", "以", "管理员", "身份", "运行", ",", "这一步", "很重要", ",", "不", "然", "会", "出错", ",", "同时", "最好", "把", "注册机", "复制", "到", "安装", "目录", "下", "运行", ")", "5", ".", "从", "激活", "界面", "复制", "申请", "码", "粘贴", "到", "注册机", "的", "\"", "Request", "\"", "栏", "中", ",", "点击", "“", "Mem", "Patch", "”", ",", "出现", "“", "succeed", "Pade", "”", "字样", "表示", "成功", ",", "再点击", "“", "Generate", "”", "生成", "激活码", "。", "6", ".", "从", "注册机"]], "title": "跪求3dmax2012最新序列号和密钥,谢谢_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["注册机与序列号可以用CAD2012的(序列号667-98989898,Key:128D1),请...和启动3dsmax2012产品 2.点击激活 :在点击激活前先断网然后再点激活 或..."], "segmented_title": ["3Dmax", "2012", "的", "序列号", "和", "产品", "密钥", ",", "_", "百度", "知道"], "segmented_paragraphs": [["注册机", "与", "序列号", "可以", "用", "CAD", "2012", "的", "(", "序列号", "667", "-", "98989898", ",", "Key", ":", "128D1", ")", ",", "请", ".", ".", ".", "和", "启动", "3ds", "max", "2012", "产品", "2", ".", "点击", "激活", ":", "在", "点击", "激活", "前", "先", "断网", "然后", "再", "点", "激活", "或", ".", ".", "."]], "title": "3Dmax2012的序列号和产品密钥,_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["3dsMax2012的激活码需用注册机在本机完成完满激活 请留下qq/foxmaxi/sina邮箱,给你工具和注册方法,按步骤操作几分钟就解决"], "segmented_title": ["3Dmax", "2012", "的", "序列号", "和", "产品", "密钥", ",", "_", "百度", "知道"], "segmented_paragraphs": [["3ds", "Max", "2012", "的", "激活码", "需用", "注册机", "在", "本", "机", "完成", "完满", "激活", "请", "留下", "qq", "/", "foxmaxi", "/", "sina", "邮箱", ",", "给", "你", "工具", "和", "注册方法", ",", "按", "步骤", "操作", "几分钟", "就", "解决"]], "title": "3Dmax2012的序列号和产品密钥,_百度知道"}, {"bs_rank_pos": 3, "paragraphs": ["3dmax安装说明序列号激活码_表格/模板_实用文档。3dmax激活码 ", "1. 安装 Autodesk 3DS MAX 2.序列号:666-69696969, 667-98989898, 400-45454545 3.产品密钥:128B1 4.结束安装并重新启动 Autodesk 3DS MAX 5.选择“激活” 注意:如果你在 64 位 操作系统中安装 32 位 3DS Max,你也必须使用 32 位的注册 机 安装成功后启动软件,打开注册机,在 Request 中输入申请号,然后点击“Mem Patch” (切记这一点) ,弹出窗口直接点确定,下来点击“Generate”生成激活码,复制粘贴,激 活就可以了! 姓氏: 名字: 组织: 天鸣 微软用户 微软中国 ________________________________________________________________________________ Autodesk Backburner 2008.1 设置安装类型: 安装位置: 典型 C:\\Program Files\\Autodesk\\Backburner\\ Autodesk 3ds Max 2010 32 位 设置许可类型: 安装类型: 安装位置: 安装 mental ray 附属: Mental ray TCP 端口号: 7511 单机许可 典型 C:\\Program Files\\Autodesk\\3ds Max 2010\\ 是 产品: 3ds Max 2010 序列号: 666-69696969 申请号: AZJ4 GZRV RU1E SCSP Y3GY RNVX 1TXF 4G9Z 感谢您注册并激活产品。 "], "segmented_title": ["3dmax", "安装说明", "序列号", "激活码", "_", "百度", "文库"], "segmented_paragraphs": [["3dmax", "安装说明", "序列号", "激活码", "_", "表格", "/", "模板", "_", "实用", "文档", "。", "3dmax", "激活码"], ["1", ".", "安装", "Autodesk", "3DS", "MAX", "2", ".", "序列号", ":", "666", "-", "69696969", ",", "667", "-", "98989898", ",", "400", "-", "45454545", "3", ".", "产品", "密钥", ":", "128", "B1", "4", ".", "结束", "安装", "并", "重新启动", "Autodesk", "3DS", "MAX", "5", ".", "选择", "“", "激活", "”", "注意", ":", "如果", "你", "在", "64", "位", "操作系统", "中", "安装", "32", "位", "3DS", "Max", ",", "你", "也", "必须", "使用", "32", "位", "的", "注册", "机", "安装", "成功", "后", "启动", "软件", ",", "打开", "注册机", ",", "在", "Request", "中", "输入", "申请号", ",", "然后", "点击", "“", "Mem", "Patch", "”", "(", "切记", "这一点", ")", ",", "弹出窗口", "直接", "点", "确定", ",", "下来", "点击", "“", "Generate", "”", "生成", "激活码", ",", "复制", "粘贴", ",", "激", "活", "就", "可以", "了", "!", "姓氏", ":", "名字", ":", "组织", ":", "天鸣", "微软", "用户", "微软中国", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "_", "Autodesk", "Backburner", "2008", ".", "1", "设置", "安装", "类型", ":", "安装", "位置", ":", "典型", "C", ":", "\\", "Program", "Files", "\\", "Autodesk", "\\", "Backburner", "\\", "Autodesk", "3ds", "Max", "2010", "32", "位", "设置", "许可", "类型", ":", "安装", "类型", ":", "安装", "位置", ":", "安装", "mental", "ray", "附属", ":", "Mental", "ray", "TCP", "端口号", ":", "7511", "单机", "许可", "典型", "C", ":", "\\", "Program", "Files", "\\", "Autodesk", "\\", "3ds", "Max", "2010", "\\", "是", "产品", ":", "3ds", "Max", "2010", "序列号", ":", "666", "-", "69696969", "申请号", ":", "AZJ", "4", "GZRV", "RU", "1", "E", "SCSP", "Y3", "GY", "RNVX", "1", "TXF", "4G", "9Z", "感谢您", "注册", "并", "激活", "产品", "。"]], "title": "3dmax安装说明序列号激活码_百度文库"}], "question": "3dmax2012中文版序列号", "segmented_question": ["3dmax", "2012", "中文版", "序列号"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221652}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["第十条 遗产按照下列顺序继承: 第一顺序:配偶、子女、父母。 第二顺序:兄弟姐妹、祖父母、外祖父母。 继承开始后,由第一顺序继承人继承,第二顺序继承人不继承。没有第一顺序继承人继承的,由第二顺序继承人继承。 本法所说的子女,包括婚生子女、非婚生子女、养子女和有扶养关系的继子女。 本法所说的父母,包括生父母、养父母和有扶养关系的继父母。 本法所说的兄弟姐妹,包括同父母的兄弟姐妹、同父异母或者同母异父的兄弟姐妹、养兄弟姐妹、有扶养关系的继兄弟姐妹。 据此,第一顺序继承人均有继承权,如果是夫妻共同财产,其中一半是遗产,按照法定继承分配"], "segmented_title": ["如果", "一方", "去世", ",", "夫妻共同财产", "怎么", "分配", "_", "百度", "知道"], "segmented_paragraphs": [["第十条", "遗产", "按照", "下列", "顺序", "继承", ":", "第", "一", "顺序", ":", "配偶", "、", "子女", "、", "父母", "。", "第", "二", "顺序", ":", "兄弟姐妹", "、", "祖父母", "、", "外祖父母", "。", "继承", "开始", "后", ",", "由", "第", "一", "顺序", "继承人", "继承", ",", "第", "二", "顺序", "继承人", "不", "继承", "。", "没有", "第", "一", "顺序", "继承人", "继承", "的", ",", "由", "第", "二", "顺序", "继承人", "继承", "。", "本", "法", "所说", "的", "子女", ",", "包括", "婚生子女", "、", "非婚生子女", "、", "养", "子女", "和", "有", "扶养", "关系", "的", "继", "子女", "。", "本", "法", "所说", "的", "父母", ",", "包括", "生", "父母", "、", "养父母", "和", "有", "扶养", "关系", "的", "继", "父母", "。", "本", "法", "所说", "的", "兄弟姐妹", ",", "包括", "同", "父母", "的", "兄弟姐妹", "、", "同父异母", "或者", "同母异父", "的", "兄弟姐妹", "、", "养", "兄弟姐妹", "、", "有", "扶养", "关系", "的", "继", "兄弟姐妹", "。", "据此", ",", "第", "一", "顺序", "继承", "人均", "有", "继承权", ",", "如果", "是", "夫妻共同财产", ",", "其中", "一半", "是", "遗产", ",", "按照", "法定继承", "分配"]], "title": "如果一方去世,夫妻共同财产怎么分配_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["另一方先分得共同财产的1/2,余下的1/2由所有继承人平分。"], "segmented_title": ["如果", "一方", "去世", ",", "夫妻共同财产", "怎么", "分配", "_", "百度", "知道"], "segmented_paragraphs": [["另", "一方", "先", "分", "得", "共同财产", "的", "1", "/", "2", ",", "余下", "的", "1", "/", "2", "由", "所有", "继承人", "平分", "。"]], "title": "如果一方去世,夫妻共同财产怎么分配_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["会都给你,如果是对方的私有财产,则按第一顺序继承人继承"], "segmented_title": ["如果", "一方", "去世", ",", "夫妻共同财产", "怎么", "分配", "_", "百度", "知道"], "segmented_paragraphs": [["会", "都", "给", "你", ",", "如果", "是", "对方", "的", "私有财产", ",", "则", "按", "第", "一", "顺序", "继承人", "继承"]], "title": "如果一方去世,夫妻共同财产怎么分配_百度知道"}, {"bs_rank_pos": 4, "paragraphs": ["《继承法》第二十六条第一款规定:“夫妻在婚姻关系存续期间所得的共同所有的财产,除有约定的以外,如果分割遗产,应当先将共同所有的财产的一半分出为配偶所有,其余的为被继承人的遗产。”", " 夫妻一方死亡的,并不能以所有的夫妻财产为其遗产,而应当先从家庭财产中认定夫妻共同财产,从中划出一半为生存一方配偶所有,另一半夫妻共同财产,加上死亡一方的个人财产,即为死亡一方的遗产。", " 相关案例", " 父母不同意儿子与独生女张某结婚,并在全国有影响的报刊上登报声明与儿子脱离父(母)子关系。一年后,儿子遇车祸突然身亡,留有遗嘱,父母要求按法定继承分割儿子遗产,其儿媳张某以脱离父(母)子关系为由,拒绝分割。夫妻共同财产,在一方死亡时,如何进行分割呢?", " 法律分析", " 我国《继承法》第二十六条第一款规定:夫妻在婚姻关系存续期间所的的共同所有的财产,除有约定的以外,如果分割遗产,应当先将共同所有的财产的一半分出为配偶所有,其余的为被继承人的遗产。", " 由此可见,夫妻一方死亡,并不能以所有的夫妻财产为其遗产,而应当先认定夫妻共同财产,从中划出一半为生存方所有,另一半夫妻共同财产,才可认定为死亡方的个人财产。", " 法定继承是源于姻亲、血缘、收养、抚养等关系的成立而存在的,父母子女间的血缘关系不能通过登报声明予以解除,这种声明不具有法律效力,登报声明脱离父(母)子关系的行为不符合我国法定丧失继承权的行为,所以,在儿子有遗嘱的情况下,其父母依然有权要求按法定继承分割儿子的遗产。", "专业站首席律师 ", "常见问题解决方案", "最新解决方案", " 再婚夫妻财产分割的注意事项  再婚是当今社会的一种普遍现象,慢慢的也已经被社会所接受。那么再婚时个人婚前财产有哪些?再婚夫妻财产分割的注意事项有哪些呢?再婚夫妻婚前的财产怎么分割? 阅读全文  婚外情离婚时财产分割如何确定比例  夫妻一方要是在婚姻关系内有婚外情行为的话,此时可以认定该方是存在过错的,此时要是因此离婚的话,这个夫妻财产分割比例是怎样的呢? 阅读全文  离婚时股票该怎么分  越来越多的婚姻纠纷涉及到公司股权的分割。如果遇到夫妻一方或双方在公司拥有股份时,通常的作法是,夫妻共同约定一方持股,给予另一方对价补偿。如果这样约定,只需双方协议并收面明确价款及支付方式即可。但是,如果夫妻双方经过约定,决定将一方拥有的公司股权部分或全部给付另一方的,还必须符合《公司法》的相关规定。具体的下文为您介绍。 阅读全文  因家庭暴力离婚,财产如何分割  家庭暴力是法定的夫妻离婚条件之一,通过一方有家庭暴力的行为,就能大致判断夫妻感情确已破裂。此时是因为一方过错而导致离婚的,那么在具体进行财产分割的时候,该如何分呢?下面,我们一起来看看相关介绍吧. 阅读全文  夫妻离婚财产分割  夫妻是因为爱情选择彼此结合,通过法律的形式而成为的。", " 400-676-8333 (周一至周五8:30 - 18:00) ", " 微信扫一扫,关注找法网 "], "segmented_title": ["夫妻共同财产", "一方", "死亡", "时", "如何", "分割", "_", "找", "法网", "(", "Findlaw", ".", "cn", ")"], "segmented_paragraphs": [["《", "继承法", "》", "第", "二", "十", "六", "条", "第一款", "规定", ":", "“", "夫妻", "在", "婚姻", "关系", "存续", "期间", "所得", "的", "共同所有", "的", "财产", ",", "除", "有", "约定", "的", "以", "外", ",", "如果", "分割", "遗产", ",", "应当", "先", "将", "共同所有", "的", "财产", "的", "一半", "分", "出", "为", "配偶", "所有", ",", "其余", "的", "为", "被", "继承人", "的", "遗产", "。", "”"], ["夫妻", "一方", "死亡", "的", ",", "并", "不能", "以", "所有", "的", "夫妻财产", "为", "其", "遗产", ",", "而", "应当", "先", "从", "家庭", "财产", "中", "认定", "夫妻共同财产", ",", "从", "中", "划", "出", "一半", "为", "生存", "一方", "配偶", "所有", ",", "另一半", "夫妻共同财产", ",", "加上", "死亡", "一方", "的", "个人财产", ",", "即", "为", "死亡", "一方", "的", "遗产", "。"], ["相关", "案例"], ["父母", "不同意", "儿子", "与", "独生女", "张某", "结婚", ",", "并", "在", "全国", "有", "影响", "的", "报刊", "上", "登报", "声明", "与", "儿子", "脱离", "父", "(", "母", ")", "子", "关系", "。", "一年", "后", ",", "儿子", "遇", "车祸", "突然", "身亡", ",", "留", "有", "遗嘱", ",", "父母", "要求", "按", "法定继承", "分割", "儿子", "遗产", ",", "其", "儿媳", "张某", "以", "脱离", "父", "(", "母", ")", "子", "关系", "为", "由", ",", "拒绝", "分割", "。", "夫妻共同财产", ",", "在", "一方", "死亡", "时", ",", "如何", "进行", "分割", "呢", "?"], ["法律", "分析"], ["我", "国", "《", "继承法", "》", "第", "二", "十", "六", "条", "第一款", "规定", ":", "夫妻", "在", "婚姻", "关系", "存续", "期间", "所", "的", "的", "共同所有", "的", "财产", ",", "除", "有", "约定", "的", "以", "外", ",", "如果", "分割", "遗产", ",", "应当", "先", "将", "共同所有", "的", "财产", "的", "一半", "分", "出", "为", "配偶", "所有", ",", "其余", "的", "为", "被", "继承人", "的", "遗产", "。"], ["由此可见", ",", "夫妻", "一方", "死亡", ",", "并", "不能", "以", "所有", "的", "夫妻财产", "为", "其", "遗产", ",", "而", "应当", "先", "认定", "夫妻共同财产", ",", "从", "中", "划", "出", "一半", "为", "生存", "方", "所有", ",", "另一半", "夫妻共同财产", ",", "才", "可", "认定为", "死亡", "方", "的", "个人财产", "。"], ["法定继承", "是", "源于", "姻亲", "、", "血缘", "、", "收养", "、", "抚养", "等", "关系", "的", "成立", "而", "存在", "的", ",", "父母", "子女", "间", "的", "血缘关系", "不能", "通过", "登报", "声明", "予以", "解除", ",", "这种", "声明", "不", "具有", "法律效力", ",", "登报", "声明", "脱离", "父", "(", "母", ")", "子", "关系", "的", "行为", "不符合", "我", "国", "法定", "丧失", "继承权", "的", "行为", ",", "所以", ",", "在", "儿子", "有", "遗嘱", "的", "情况", "下", ",", "其", "父母", "依然", "有权", "要求", "按", "法定继承", "分割", "儿子", "的", "遗产", "。"], ["专业", "站", "首席", "律师"], ["常见问题", "解决方案"], ["最新", "解决方案"], ["再婚", "夫妻", "财产分割", "的", "注意事项", "再婚", "是", "当今社会", "的", "一", "种", "普遍", "现象", ",", "慢慢", "的", "也", "已经", "被", "社会", "所", "接受", "。", "那么", "再婚", "时", "个人", "婚前财产", "有", "哪些", "?", "再婚", "夫妻", "财产分割", "的", "注意事项", "有", "哪些", "呢", "?", "再婚", "夫妻", "婚前", "的", "财产", "怎么", "分割", "?", "阅读全文", "婚外情", "离婚", "时", "财产分割", "如何", "确定", "比例", "夫妻", "一方", "要", "是", "在", "婚姻", "关系", "内", "有", "婚外情", "行为", "的", "话", ",", "此时", "可以", "认定", "该", "方", "是", "存在", "过错", "的", ",", "此时", "要", "是", "因此", "离婚", "的", "话", ",", "这个", "夫妻", "财产分割", "比例", "是", "怎样", "的", "呢", "?", "阅读全文", "离婚", "时", "股票", "该", "怎么", "分", "越来越多", "的", "婚姻", "纠纷", "涉及", "到", "公司", "股权", "的", "分割", "。", "如果", "遇到", "夫妻", "一方", "或", "双方", "在", "公司", "拥有", "股份", "时", ",", "通常", "的", "作法", "是", ",", "夫妻", "共同", "约定", "一方", "持股", ",", "给予", "另", "一方", "对价", "补偿", "。", "如果这样", "约定", ",", "只", "需", "双方", "协议", "并", "收", "面", "明确", "价款", "及", "支付方式", "即可", "。", "但是", ",", "如果", "夫妻双方", "经过", "约定", ",", "决定", "将", "一方", "拥有", "的", "公司", "股权", "部分", "或", "全部", "给付", "另", "一方", "的", ",", "还", "必须", "符合", "《", "公司法", "》", "的", "相关", "规定", "。", "具体", "的", "下", "文", "为您", "介绍", "。", "阅读全文", "因", "家庭暴力", "离婚", ",", "财产", "如何", "分割", "家庭暴力", "是", "法定", "的", "夫妻", "离婚", "条件", "之", "一", ",", "通过", "一方", "有", "家庭暴力", "的", "行为", ",", "就能", "大致", "判断", "夫妻感情", "确", "已", "破裂", "。", "此时", "是因为", "一方", "过错", "而", "导致", "离婚", "的", ",", "那么", "在", "具体", "进行", "财产分割", "的", "时候", ",", "该", "如何", "分", "呢", "?", "下面", ",", "我们", "一起来", "看看", "相关", "介绍", "吧", ".", "阅读全文", "夫妻", "离婚", "财产分割", "夫妻", "是", "因为", "爱情", "选择", "彼此", "结合", ",", "通过", "法律", "的", "形式", "而", "成为", "的", "。"], ["400", "-", "676", "-", "8333", "(", "周一", "至", "周五", "8", ":", "30", "-", "18", ":", "00", ")"], ["微信", "扫一扫", ",", "关注", "找", "法网"]], "title": "夫妻共同财产一方死亡时如何分割_找法网(Findlaw.cn)"}, {"bs_rank_pos": 5, "paragraphs": ["今日律师风向标:", "婚后一方去世,其婚前的个人财产的一半会变为夫妻共同财产,另一半变为遗产按顺序继承。如果希望保护婚前财产归其父母,是否可以在婚前写遗嘱,一旦婚后去世,婚前财产还是归一方父母,遗嘱需要公证吗?", "wl1542irnc 北京- 北京 2016-10-24 15:38 ", " 专业擅长: 离婚、债权债务、合同法 服务热线: 18310609527 ", " 继承: 根据《继承法》第五条 继承开始后,按照法定继承办理;有遗嘱的,按照遗嘱继承或者遗赠办理;有遗赠扶养协议的,按照协议办理。如果没有遗嘱那么应当按照法定继承办理继承事宜。根据《继承法》第十条 遗产按照下列顺序继承:第一顺序:配偶、子女、父母。第二顺序:兄弟姐妹、祖父母、外祖父母。继承开始后,由第一顺序继承人继承,第二顺序继承人不继承。没有第一顺序继承人继承的,由第二顺序继承人继承。根据《继承法》第十三条规定,同一顺序继承人继承遗产的份额,一般应当均等。对生活有特殊困难的缺乏劳动能力的继承人,分配遗产时,应当予以照顾。对被继承人尽了主要扶养义务或者与被继承人共同生活的继承人,分配遗产时,可以多分。有扶养能力和有扶养条件的继承人,不尽扶养义务的,分配遗产时,应当不分或者少分。继承人协商同意的,也可以不均等。", " 2016-10-24 16:35 0 ", " 专业擅长: 刑事辩护、婚姻家庭、房地产 服务热线: 13910491366 ", " 婚前财产不会变为夫妻共同财产。", " 2016-10-24 16:35 0 ", " 专业擅长: 征地补偿、拆迁 服务热线: 13910447988 ", " 您好,可以写遗嘱,公正遗嘱的效力最强,建议公正遗嘱,也可以其他方式立遗嘱,如有需要请来电咨询。", " 2016-10-24 16:51 0 ", " 专业擅长: 离婚、合同法、公司法 服务热线: 18301622545 ", " 你好,可以的 2016-10-24 17:01 0 ", " 专业擅长: 离婚、债权债务、房地产 服务热线: 15330148095 ", " 您好,建议公证也建议不公正 2016-10-24 17:11 0 ", " 专业擅长: 继承、债权债务、损害赔偿 服务热线: 13801026893 ", " 不公证也是有效的 2016-10-24 17:30 0 ", " 专业擅长: 继承、离婚、公司法 服务热线: 18810671972 ", " 你好,可以公证 2016-10-24 17:31 0 ", " 专业擅长: 继承、离婚、公司法 服务热线: 15911082185 ", " 你好,需要的 2016-10-24 18:18 0 ", " 专业擅长: 继承、离婚、债权债务 服务热线: 13811188981 ", " 继承: 根据《继承法》第五条 继承开始后,按照法定继承办理;有遗嘱的,按照遗嘱继承或者遗赠办理;有遗赠扶养协议的,按照协议办理。如果没有遗嘱那么应当按照法定继承办理继承事宜。", " 2016-10-24 19:37 0 ", " 专业擅长: 离婚、常年法律顾问、刑事辩护 服务热线: 18811161*** ", " 你好,可以的。。。", " 2016-10-24 16:27 0 ", " 专业擅长: 劳动工伤、劳动争议、公司法 服务热线: 15902097*** ", " 您好,可以订立遗嘱,可以公证也可以不公正 2016-10-24 16:47 0 ", " 专业擅长: 继承、离婚、损害赔偿 服务热线: 13811712*** ", " 可以公证的006 2016-10-25 15:58 0 ", "以上回复,不符合你的实际情况?马上咨询在线律师!", "相关法律咨询 ", "标签:夫妻共同财产 ", "相关文章推荐 ", "最新法律咨询 ", "相关律师推荐 北京律师 北京离婚律师 离婚律师 ", " 找律师 看文章 搜标签"], "segmented_title": ["婚后", "一方", "去世", ",", "其", "婚前", "的", "个人财产", "的", "一半", "会", "变为", "夫妻共同财产", ",", "另一半", "变"], "segmented_paragraphs": [["今日", "律师", "风向标", ":"], ["婚后", "一方", "去世", ",", "其", "婚前", "的", "个人财产", "的", "一半", "会", "变为", "夫妻共同财产", ",", "另一半", "变为", "遗产", "按", "顺序", "继承", "。", "如果", "希望", "保护", "婚前财产", "归", "其", "父母", ",", "是否", "可以", "在", "婚前", "写", "遗嘱", ",", "一旦", "婚后", "去世", ",", "婚前财产", "还是", "归", "一方", "父母", ",", "遗嘱", "需要", "公证", "吗", "?"], ["wl", "1542", "irnc", "北京", "-", "北京", "2016", "-", "10", "-", "24", "15", ":", "38"], ["专业", "擅长", ":", "离婚", "、", "债权债务", "、", "合同法", "服务热线", ":", "18310609527"], ["继承", ":", "根据", "《", "继承法", "》", "第五条", "继承", "开始", "后", ",", "按照", "法定继承", "办理", ";", "有", "遗嘱", "的", ",", "按照", "遗嘱", "继承", "或者", "遗赠", "办理", ";", "有", "遗赠", "扶养", "协议", "的", ",", "按照", "协议", "办理", "。", "如果没有", "遗嘱", "那么", "应当按照", "法定继承", "办理", "继承", "事宜", "。", "根据", "《", "继承法", "》", "第十条", "遗产", "按照", "下列", "顺序", "继承", ":", "第", "一", "顺序", ":", "配偶", "、", "子女", "、", "父母", "。", "第", "二", "顺序", ":", "兄弟姐妹", "、", "祖父母", "、", "外祖父母", "。", "继承", "开始", "后", ",", "由", "第", "一", "顺序", "继承人", "继承", ",", "第", "二", "顺序", "继承人", "不", "继承", "。", "没有", "第", "一", "顺序", "继承人", "继承", "的", ",", "由", "第", "二", "顺序", "继承人", "继承", "。", "根据", "《", "继承法", "》", "第", "十三", "条", "规定", ",", "同", "一", "顺序", "继承人", "继承", "遗产", "的", "份额", ",", "一般", "应当", "均", "等", "。", "对", "生活", "有", "特殊", "困难", "的", "缺乏", "劳动", "能力", "的", "继承人", ",", "分配", "遗产", "时", ",", "应当", "予以", "照顾", "。", "对", "被", "继承人", "尽", "了", "主要", "扶养", "义务", "或者", "与", "被", "继承人", "共同", "生活", "的", "继承人", ",", "分配", "遗产", "时", ",", "可以", "多", "分", "。", "有", "扶养", "能力", "和", "有", "扶养", "条件", "的", "继承人", ",", "不", "尽", "扶养", "义务", "的", ",", "分配", "遗产", "时", ",", "应当", "不", "分", "或者", "少", "分", "。", "继承人", "协商", "同意", "的", ",", "也", "可以", "不均", "等", "。"], ["2016", "-", "10", "-", "24", "16", ":", "35", "0"], ["专业", "擅长", ":", "刑事辩护", "、", "婚姻家庭", "、", "房地产", "服务热线", ":", "13910491366"], ["婚前财产", "不会", "变为", "夫妻共同财产", "。"], ["2016", "-", "10", "-", "24", "16", ":", "35", "0"], ["专业", "擅长", ":", "征地补偿", "、", "拆迁", "服务热线", ":", "13910447988"], ["您好", ",", "可以", "写", "遗嘱", ",", "公正", "遗嘱", "的", "效力", "最强", ",", "建议", "公正", "遗嘱", ",", "也", "可以", "其他", "方式", "立遗嘱", ",", "如", "有", "需要", "请", "来电", "咨询", "。"], ["2016", "-", "10", "-", "24", "16", ":", "51", "0"], ["专业", "擅长", ":", "离婚", "、", "合同法", "、", "公司法", "服务热线", ":", "18301622545"], ["你好", ",", "可以", "的", "2016", "-", "10", "-", "24", "17", ":", "01", "0"], ["专业", "擅长", ":", "离婚", "、", "债权债务", "、", "房地产", "服务热线", ":", "15330148095"], ["您好", ",", "建议", "公证", "也", "建议", "不", "公正", "2016", "-", "10", "-", "24", "17", ":", "11", "0"], ["专业", "擅长", ":", "继承", "、", "债权债务", "、", "损害赔偿", "服务热线", ":", "13801026893"], ["不", "公证", "也是", "有效", "的", "2016", "-", "10", "-", "24", "17", ":", "30", "0"], ["专业", "擅长", ":", "继承", "、", "离婚", "、", "公司法", "服务热线", ":", "18810671972"], ["你好", ",", "可以", "公证", "2016", "-", "10", "-", "24", "17", ":", "31", "0"], ["专业", "擅长", ":", "继承", "、", "离婚", "、", "公司法", "服务热线", ":", "15911082185"], ["你好", ",", "需要", "的", "2016", "-", "10", "-", "24", "18", ":", "18", "0"], ["专业", "擅长", ":", "继承", "、", "离婚", "、", "债权债务", "服务热线", ":", "13811188981"], ["继承", ":", "根据", "《", "继承法", "》", "第五条", "继承", "开始", "后", ",", "按照", "法定继承", "办理", ";", "有", "遗嘱", "的", ",", "按照", "遗嘱", "继承", "或者", "遗赠", "办理", ";", "有", "遗赠", "扶养", "协议", "的", ",", "按照", "协议", "办理", "。", "如果没有", "遗嘱", "那么", "应当按照", "法定继承", "办理", "继承", "事宜", "。"], ["2016", "-", "10", "-", "24", "19", ":", "37", "0"], ["专业", "擅长", ":", "离婚", "、", "常年法律顾问", "、", "刑事辩护", "服务热线", ":", "18811161", "***"], ["你好", ",", "可以", "的", "。", "。", "。"], ["2016", "-", "10", "-", "24", "16", ":", "27", "0"], ["专业", "擅长", ":", "劳动", "工伤", "、", "劳动争议", "、", "公司法", "服务热线", ":", "15902097", "***"], ["您好", ",", "可以", "订立", "遗嘱", ",", "可以", "公证", "也", "可以", "不", "公正", "2016", "-", "10", "-", "24", "16", ":", "47", "0"], ["专业", "擅长", ":", "继承", "、", "离婚", "、", "损害赔偿", "服务热线", ":", "13811712", "***"], ["可以", "公证", "的", "006", "2016", "-", "10", "-", "25", "15", ":", "58", "0"], ["以上", "回复", ",", "不符合", "你", "的", "实际情况", "?", "马上", "咨询", "在线", "律师", "!"], ["相关", "法律咨询"], ["标签", ":", "夫妻共同财产"], ["相关文章", "推荐"], ["最新", "法律咨询"], ["相关", "律师", "推荐", "北京", "律师", "北京", "离婚", "律师", "离婚", "律师"], ["找", "律师", "看", "文章", "搜", "标签"]], "title": "婚后一方去世,其婚前的个人财产的一半会变为夫妻共同财产,另一半变"}], "question": "婚后共同财产一方去世", "segmented_question": ["婚后", "共同财产", "一方", "去世"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221653}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["随笔-67 文章-0 评论-0 ", "最近把spring的使用整理下,版本4.1.1.RELEASE", " SpringMVC是一个基于DispatcherServlet的MVC框架,每一个请求先访问的都是DispatcherServlet,DispatcherServlet负责转发每一个Request请求给相应的Handler,Handler处理以后再返回相应的视图(View)和模型(Model),返回的视图和模型都可以不指定,即可以只返回Model或只返回View或都不返回。", "   appServlet org.springframework.web.servlet.DispatcherServlet  contextConfigLocation classpath:servlet-context.xml  0 ", " servlet-context.xml内容如下:", " 1.标签,使用了比较重要的两个bean   解析类是org.springframework.web.servlet.config.AnnotationDrivenBeanDefinitionParser,通过使用 RootBeanDefinition handlerMappingDef = new RootBeanDefinition(RequestMappingHandlerMapping.class);处理@RequestMapping,并将其注册到请求映射表中 通过使用RootBeanDefinition handlerAdapterDef = new RootBeanDefinition(RequestMappingHandlerAdapter.class);...this.addResponseBodyAdvice(handlerAdapterDef);处理@Controller,确定调用哪个controller的哪个方法来处理当前请求 ps:网上说这个标签等同于单独定义这两个bean,我有异议,推荐同时使用,可以个性化定制RequestMappingHandlerMapping和RequestMappingHandlerAdapter 2.conversion-service=\"conversionService\",上面的配置中使用了这项,什么意思呢? 提交到后台的数据通常都是字符串类型的,需要进行类型转换,这就是conversionService的作用了,发现一个问题,这个不是和RequestMappingHandlerAdapter定义的messageConverters冲突了么?没关系,因为messageConverters只针对requestBody(@RequestBody) 后面再详细介绍conversionService的各种类型转换 以什么MediaTypes相应请求 4. 协商视图解析器"], "segmented_title": ["spring", "mvc", "(", "1", ")", "-", "-", "配置", "-", "未来", "的", "那", "啥", "-", "博客园"], "segmented_paragraphs": [["随笔", "-", "67", "文章", "-", "0", "评论", "-", "0"], ["最近", "把", "spring", "的", "使用", "整理", "下", ",", "版本", "4.1", ".", "1", ".", "RELEASE"], ["Spring", "MVC", "是", "一", "个", "基于", "Dispatcher", "Servlet", "的", "MVC", "框架", ",", "每一个", "请求", "先", "访问", "的", "都是", "Dispatcher", "Servlet", ",", "Dispatcher", "Servlet", "负责", "转发", "每一个", "Request", "请求", "给", "相应", "的", "Handler", ",", "Handler", "处理", "以后", "再", "返回", "相应", "的", "视图", "(", "View", ")", "和", "模型", "(", "Model", ")", ",", "返回", "的", "视图", "和", "模型", "都", "可以", "不", "指定", ",", "即", "可以", "只", "返回", "Model", "或", "只", "返回", "View", "或", "都", "不", "返回", "。"], ["<", "!", "-", "-", "spring", "-", "mvc", "入口", "-", "-", ">", "<", "servlet", ">", "<", "servlet", "-", "name", ">", "app", "Servlet", "<", "/", "servlet", "-", "name", ">", "<", "servlet", "-", "class", ">", "org", ".", "springframework", ".", "web", ".", "servlet", ".", "Dispatcher", "Servlet", "<", "/", "servlet", "-", "class", ">", "<", "init", "-", "param", ">", "<", "param", "-", "name", ">", "context", "Config", "Location", "<", "/", "param", "-", "name", ">", "<", "param", "-", "value", ">", "class", "path", ":", "servlet", "-", "context", ".", "xml", "<", "/", "param", "-", "value", ">", "<", "/", "init", "-", "param", ">", "<", "load", "-", "on", "-", "startup", ">", "0", "<", "/", "load", "-", "on", "-", "startup", ">", "<", "/", "servlet", ">"], ["servlet", "-", "context", ".", "xml", "内容如下", ":"], ["1", ".", "<", "mvc", ":", "annotation", "-", "driven", "/", ">", "标签", ",", "使用", "了", "比较", "重要", "的", "两", "个", "bean", "<", "bean", "class", "=", "\"", "org", ".", "springframework", ".", "web", ".", "servlet", ".", "mvc", ".", "method", ".", "annotation", ".", "Request", "Mapping", "Handler", "Mapping", "\"", "/", ">", "<", "bean", "class", "=", "\"", "org", ".", "springframework", ".", "web", ".", "servlet", ".", "mvc", ".", "method", ".", "annotation", ".", "Request", "Mapping", "Handler", "Adapter", "\"", ">", "解析", "类", "是", "org", ".", "springframework", ".", "web", ".", "servlet", ".", "config", ".", "Annotation", "Driven", "Bean", "Definition", "Parser", ",", "通过", "使用", "RootBean", "Definition", "handler", "Mapping", "Def", "=", "new", "RootBean", "Definition", "(", "Request", "Mapping", "Handler", "Mapping", ".", "class", ")", ";", "处理", "@", "Request", "Mapping", ",", "并", "将", "其", "注册", "到", "请求", "映射", "表", "中", "通过", "使用", "RootBean", "Definition", "handler", "Adapter", "Def", "=", "new", "RootBean", "Definition", "(", "Request", "Mapping", "Handler", "Adapter", ".", "class", ")", ";", ".", ".", ".", "this", ".", "add", "Response", "Body", "Advice", "(", "handler", "Adapter", "Def", ")", ";", "处理", "@", "Controller", ",", "确定", "调用", "哪个", "controller", "的", "哪个", "方法", "来", "处理", "当前", "请求", "ps", ":", "网上", "说", "这个", "标签", "等同", "于", "单独", "定义", "这", "两", "个", "bean", ",", "我", "有", "异议", ",", "推荐", "同时", "使用", ",", "可以", "个性化", "定制", "Request", "Mapping", "Handler", "Mapping", "和", "Request", "Mapping", "Handler", "Adapter", "2", ".", "conversion", "-", "service", "=", "\"", "conversion", "Service", "\"", ",", "上面", "的", "配置", "中", "使用", "了", "这", "项", ",", "什么", "意思", "呢", "?", "提交", "到", "后台", "的", "数据", "通常", "都是", "字符串", "类型", "的", ",", "需要", "进行", "类型转换", ",", "这", "就是", "conversion", "Service", "的", "作用", "了", ",", "发现", "一", "个", "问题", ",", "这个", "不是", "和", "Request", "Mapping", "Handler", "Adapter", "定义", "的", "message", "Converters", "冲突", "了", "么", "?", "没关系", ",", "因为", "message", "Converters", "只", "针对", "request", "Body", "(", "@", "Request", "Body", ")", "后面", "再", "详细", "介绍", "conversion", "Service", "的", "各种", "类型转换", "以", "什么", "Media", "Types", "相应", "请求", "4", ".", "<", "bean", "class", "=", "\"", "org", ".", "springframework", ".", "web", ".", "servlet", ".", "view", ".", "Content", "Negotiating", "View", "Resolver", "\"", ">", "协商", "视图", "解析", "器"]], "title": "springmvc(1)--配置 - 未来的那啥 - 博客园"}, {"bs_rank_pos": 1, "paragraphs": ["cnhbzl06-01 09:50 等级 0次回复 ", "最近做一个项目,发现springMVC使用起来比较简单。为什么,很多企业都倾向于ssh而不使用SpringMVC呢?", "ticmy06-01 09:51 等级 1楼 ", " 很多企业不用框架 ", " izard99906-01 09:53 等级 2楼 ", " 很多企业不用框架, 而且个人觉得Spring的MVC不太好用.! 把MVC的和组件分开,各干各的事不容易迷糊 ", " fei150281606-01 10:28 等级 3楼 ", " mhlzifeng06-01 10:32 等级 4楼 ", " 路过学习的~想知道到底是怎么一回事~!! ", " BearKin06-01 10:55 等级 5楼 ", " 不是不用 反装控制和依赖注入他们用不上 AOP的话他们自己有实现方式 ", " l680156706-01 10:59 等级 6楼 ", " 公司都有自己的框架 ", " voosworld06-02 11:18 等级 7楼 ", " 该回复于2010-06-09 09:06:00被版主删除 ", " norwolfli06-02 14:16 等级 8楼 ", " 因为大家都不会用,哈哈! ", " xinlan102206-02 14:21 等级 9楼 ", " ysfc_ren06-02 14:51 等级 10楼 ", " 接分接分接分 ", " bisubisu06-02 15:23 等级 11楼 ", " 只有引用的内容不允许回复! ", " youanyyou06-02 15:24 等级 12楼 ", " 牛X的公司都用自己的框架…… ", " 哈哈公司让用啥就得用啥。 ", " qw1986010806-02 20:53 等级 15楼 ", " spring虽有自己的MVC框架,但是spring最优秀的地方还是其控制翻转,作为控制层的最为优秀的。而Struts本身其自身的控制层不是很强势。框架组合的时候肯定要取长避短了。 ", " chainhou06-02 22:11 等级 16楼 ", " 呵呵,以后会用的多一些 ", " bao11090806-03 00:48 等级 17楼 ", " Spring + Struts + Hibernate 是人云亦云的结果,现在是不管什么项目一上来就是所谓的“SSH”。 ", " cnhbzl06-07 12:11 等级 18楼 ", " spring最强大的功能是控制翻转,您说得很有道理。 ", " wishd06-07 12:30 等级 19楼 ", " Spring Web Flow ", " mycity2106-07 14:09 等级 20楼 ", " 只要是新的项目,要用到MVC的,基本上都改用spring mvc了。 ", " sammyke04-25 21:23 等级 22楼 ", " 都没学过,我们公司还让用,烦啊。 ", " shbcomeon04-25 22:10 等级 23楼 ", " 好像大多公司有自己封装的框架吧 ", " bao11090804-25 23:36 等级 24楼 ", " 因为你用的是 Annotation 方式的 Spring MVC,如果你用用 XML 方式的你会直接想死! ", " pywepe04-26 08:54 等级 25楼 ", " SpringMVC不是跟容器耦合的吗 ", " 我们公司就是用的 SpringMVC 3.0.5 用annotation配置,个人感觉比struts2.x舒服些。 不知道大家怎么看,反正我喜欢。 ", " linmarklin04-26 10:42 等级 27楼 ", " 公司基本使用自己框架 安全性有保障 ", " yuanxiao2704-26 18:14 等级 28楼 ", " wdz56707-06 11:42 等级 29楼 ", " SPIRNG MVC 感觉三层架构不是非常清晰! 和SPRING的天然集成反而有把人绕晕的感觉! 优点就是开发很方便 而且少导入很多其他莫名其妙的! 而且SPRING MVC感觉用的人不多! ", " licip07-06 11:55 等级 30楼 ", " 确实springMVC会把人绕晕。但用注解可能会容易很多。 ", " jiangc198707-06 12:02 等级 31楼 ", " 有2 个原因, 第一:许多公司有自己的框架 第二:即使没有 , 人都有一种先入为主的概念, ", " flyoversky07-06 12:29 等级 32楼 ", " MVC框架,struts、webwork都比较成熟,换一个需要成本 "], "segmented_title": ["常见", "三大", "框架", "和", "spring", "MVC", "到底", "有", "什么", "大", "的", "区别", ",", "为什么", "大", "多", "企业", "都", "不用"], "segmented_paragraphs": [["cnh", "bzl", "06", "-", "01", "09", ":", "50", "等级", "0", "次", "回复"], ["最近", "做", "一", "个", "项目", ",", "发现", "spring", "MVC", "使用", "起来", "比较", "简单", "。", "为什么", ",", "很多", "企业", "都", "倾向", "于", "ssh", "而", "不", "使用", "Spring", "MVC", "呢", "?"], ["tic", "my", "06", "-", "01", "09", ":", "51", "等级", "1", "楼"], ["很多", "企业", "不用", "框架"], ["izard", "99906", "-", "01", "09", ":", "53", "等级", "2", "楼"], ["很多", "企业", "不用", "框架", ",", "而且", "个人", "觉得", "Spring", "的", "MVC", "不太", "好", "用", ".", "!", "把", "MVC", "的", "和", "组件", "分开", ",", "各", "干", "各", "的", "事", "不容易", "迷糊"], ["fei", "150281606", "-", "01", "10", ":", "28", "等级", "3", "楼"], ["mhl", "zifeng", "06", "-", "01", "10", ":", "32", "等级", "4", "楼"], ["路过", "学习", "的", "~", "想知道", "到底", "是", "怎么", "一", "回事", "~", "!", "!"], ["BearKin", "06", "-", "01", "10", ":", "55", "等级", "5", "楼"], ["不是", "不用", "反", "装", "控制", "和", "依赖", "注入", "他们", "用", "不", "上", "AOP", "的", "话", "他们", "自己", "有", "实现", "方式"], ["l680156706", "-", "01", "10", ":", "59", "等级", "6", "楼"], ["公司", "都", "有", "自己", "的", "框架"], ["voosworld", "06", "-", "02", "11", ":", "18", "等级", "7", "楼"], ["该", "回复", "于", "2010", "-", "06", "-", "09", "09", ":", "06", ":", "00", "被", "版", "主", "删除"], ["norwolfli", "06", "-", "02", "14", ":", "16", "等级", "8", "楼"], ["因为", "大家", "都", "不会", "用", ",", "哈哈", "!"], ["xinlan", "102206", "-", "02", "14", ":", "21", "等级", "9", "楼"], ["ysfc", "_", "ren", "06", "-", "02", "14", ":", "51", "等级", "10", "楼"], ["接", "分", "接", "分", "接", "分"], ["bisubisu", "06", "-", "02", "15", ":", "23", "等级", "11", "楼"], ["只有", "引用", "的", "内容", "不允许", "回复", "!"], ["you", "any", "you", "06", "-", "02", "15", ":", "24", "等级", "12", "楼"], ["牛", "X", "的", "公司", "都", "用", "自己", "的", "框架", "…", "…"], ["哈哈", "公司", "让", "用", "啥", "就", "得", "用", "啥", "。"], ["qw", "1986010806", "-", "02", "20", ":", "53", "等级", "15", "楼"], ["spring", "虽有", "自己", "的", "MVC", "框架", ",", "但是", "spring", "最", "优秀", "的", "地方", "还是", "其", "控制", "翻转", ",", "作为", "控制", "层", "的", "最为", "优秀", "的", "。", "而", "Struts", "本身", "其", "自身", "的", "控制", "层", "不是", "很", "强势", "。", "框架", "组合", "的", "时候", "肯定", "要", "取", "长", "避", "短", "了", "。"], ["chain", "hou", "06", "-", "02", "22", ":", "11", "等级", "16", "楼"], ["呵呵", ",", "以后", "会", "用", "的", "多", "一些"], ["bao", "11090806", "-", "03", "00", ":", "48", "等级", "17", "楼"], ["Spring", "+", "Struts", "+", "Hibernate", "是", "人云亦云", "的", "结果", ",", "现在", "是", "不管", "什么", "项目", "一", "上", "来", "就是", "所谓", "的", "“", "SSH", "”", "。"], ["cnh", "bzl", "06", "-", "07", "12", ":", "11", "等级", "18", "楼"], ["spring", "最", "强大", "的", "功能", "是", "控制", "翻转", ",", "您", "说", "得", "很", "有道理", "。"], ["wish", "d", "06", "-", "07", "12", ":", "30", "等级", "19", "楼"], ["Spring", "Web", "Flow"], ["my", "city", "2106", "-", "07", "14", ":", "09", "等级", "20", "楼"], ["只要", "是", "新", "的", "项目", ",", "要", "用", "到", "MVC", "的", ",", "基本上", "都", "改", "用", "spring", "mvc", "了", "。"], ["sammy", "ke", "04", "-", "25", "21", ":", "23", "等级", "22", "楼"], ["都", "没", "学", "过", ",", "我们", "公司", "还", "让", "用", ",", "烦", "啊", "。"], ["shb", "comeon", "04", "-", "25", "22", ":", "10", "等级", "23", "楼"], ["好像", "大", "多", "公司", "有", "自己", "封装", "的", "框架", "吧"], ["bao", "11090804", "-", "25", "23", ":", "36", "等级", "24", "楼"], ["因为", "你", "用", "的", "是", "Annotation", "方式", "的", "Spring", "MVC", ",", "如果", "你", "用", "用", "XML", "方式", "的", "你", "会", "直接", "想死", "!"], ["pywe", "pe", "04", "-", "26", "08", ":", "54", "等级", "25", "楼"], ["Spring", "MVC", "不是", "跟", "容器", "耦合", "的", "吗"], ["我们", "公司", "就是", "用", "的", "Spring", "MVC", "3.0", ".", "5", "用", "annotation", "配置", ",", "个人", "感觉", "比", "struts", "2", ".", "x", "舒服", "些", "。", "不知道", "大家", "怎么看", ",", "反正", "我", "喜欢", "。"], ["lin", "marklin", "04", "-", "26", "10", ":", "42", "等级", "27", "楼"], ["公司", "基本", "使用", "自己", "框架", "安全性", "有", "保障"], ["yuanxiao", "2704", "-", "26", "18", ":", "14", "等级", "28", "楼"], ["wdz", "56707", "-", "06", "11", ":", "42", "等级", "29", "楼"], ["SPIRNG", "MVC", "感觉", "三层架构", "不是", "非常清晰", "!", "和", "SPRING", "的", "天然", "集成", "反而", "有", "把", "人", "绕", "晕", "的", "感觉", "!", "优点", "就是", "开发", "很方便", "而且", "少", "导入", "很多", "其他", "莫名其妙", "的", "!", "而且", "SPRING", "MVC", "感觉", "用", "的", "人", "不", "多", "!"], ["licip", "07", "-", "06", "11", ":", "55", "等级", "30", "楼"], ["确实", "spring", "MVC", "会", "把", "人", "绕", "晕", "。", "但", "用", "注解", "可能会", "容易", "很多", "。"], ["jiang", "c", "198707", "-", "06", "12", ":", "02", "等级", "31", "楼"], ["有", "2", "个", "原因", ",", "第", "一", ":", "许多", "公司", "有", "自己", "的", "框架", "第", "二", ":", "即使", "没有", ",", "人", "都", "有", "一", "种", "先入为主", "的", "概念", ","], ["flyover", "sky", "07", "-", "06", "12", ":", "29", "等级", "32", "楼"], ["MVC", "框架", ",", "struts", "、", "webwork", "都", "比较", "成熟", ",", "换", "一", "个", "需要", "成本"]], "title": "常见三大框架和springMVC到底有什么大的区别,为什么大多企业都不用"}, {"bs_rank_pos": 2, "paragraphs": ["简单概括就是:spring 是一个开源框架,是为了解决企业应用程序发开发,spring mvc类似于struts的一个MVC开发框架,其实都是属于spring,spring mvc需要有spring的架包作为支撑才能跑起来。"], "segmented_title": ["spring", "和", "spring", "mvc", "有", "什么", "区别", "?", "_", "百度", "知道"], "segmented_paragraphs": [["简单", "概括", "就是", ":", "spring", "是", "一", "个", "开源", "框架", ",", "是", "为了", "解决", "企业", "应用程序", "发", "开发", ",", "spring", "mvc", "类似于", "struts", "的", "一", "个", "MVC", "开发", "框架", ",", "其实", "都是", "属于", "spring", ",", "spring", "mvc", "需要", "有", "spring", "的", "架", "包", "作为", "支撑", "才能", "跑起来", "。"]], "title": "spring和springmvc有什么区别?_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["1、ssh中的spring充当的是MVC中的Model的职能,他也可以集成hibernate等,但它不提供hibernate的功能,仅为集成。 2、Spring MVC是MVC架构的整体实现,包括了MVC三项框架,有了它你就不需要再去集成struts和hibernate了,都是由它自己提供。"], "segmented_title": ["spring", "和", "spring", "mvc", "有", "什么", "区别", "?", "_", "百度", "知道"], "segmented_paragraphs": [["1", "、", "ssh", "中", "的", "spring", "充当", "的", "是", "MVC", "中", "的", "Model", "的", "职能", ",", "他", "也", "可以", "集成", "hibernate", "等", ",", "但", "它", "不提供", "hibernate", "的", "功能", ",", "仅", "为", "集成", "。", "2", "、", "Spring", "MVC", "是", "MVC", "架构", "的", "整体", "实现", ",", "包括", "了", "MVC", "三项", "框架", ",", "有了它", "你", "就", "不", "需要", "再", "去", "集成", "struts", "和", "hibernate", "了", ",", "都是", "由", "它", "自己", "提供", "。"]], "title": "spring和springmvc有什么区别?_百度知道"}, {"bs_rank_pos": 3, "paragraphs": ["Lightt 不要停止脚步 ", " SpringMvc是spring的一个模块 基于MVC的一个框架 无需中间整合层来整合 ", " 什么是MVC ?mvc在b/s下的应用:", " 首先请求发送request请求到C(control 接收用户请求响应用户) 然后控制器到M模型(pojo、action、service、dao)层处理 处理结果完了返回控制器 控制器要经过视图渲染 最后返回终端(response)", " 在b/s系统下模型无法将数据直接填充到视图 还是要返回控制器 ", " MVC是一个设计模式 是开发程序的一种解决方案", " 前端控制器 DispatcherServlet ", " 处理执行链HandlerExcutionChian ", " 处理器映射器 HandlerMapping", " 处理器适配器 HandlerAdapter 去执行Handler", " 前端控制器 DispatcherServlet 请求执行Handler 处理完 返回 ModelAndView (模型和视图的结合体) 前端控制器接收到ModelAndView后请求视图解析器 返回view 前端控制器将视图进行渲染", "posted on 2016-09-20 20:53 Lightt 阅读(...) 评论(...) 编辑 收藏"], "segmented_title": ["什么", "是", "Spring", "Mvc", "-", "Light", "t", "-", "博客园"], "segmented_paragraphs": [["Light", "t", "不要", "停止", "脚步"], ["Spring", "Mvc", "是", "spring", "的", "一", "个", "模块", "基于", "MVC", "的", "一", "个", "框架", "无需", "中间", "整合", "层", "来", "整合"], ["什么", "是", "MVC", "?", "mvc", "在", "b", "/", "s", "下", "的", "应用", ":"], ["首先", "请求", "发送", "request", "请求", "到", "C", "(", "control", "接收", "用户", "请求", "响应", "用户", ")", "然后", "控制器", "到", "M", "模型", "(", "pojo", "、", "action", "、", "service", "、", "dao", ")", "层", "处理", "处理", "结果", "完", "了", "返回", "控制器", "控制器", "要", "经过", "视图", "渲染", "最后", "返回", "终端", "(", "response", ")"], ["在", "b", "/", "s", "系统", "下", "模型", "无法", "将", "数据", "直接", "填充", "到", "视图", "还是", "要", "返回", "控制器"], ["MVC", "是", "一", "个", "设计", "模式", "是", "开发", "程序", "的", "一", "种", "解决方案"], ["前端", "控制器", "Dispatcher", "Servlet"], ["处理", "执行", "链", "Handler", "Excution", "Chian"], ["处理器", "映射", "器", "Handler", "Mapping"], ["处理器", "适配器", "Handler", "Adapter", "去", "执行", "Handler"], ["前端", "控制器", "Dispatcher", "Servlet", "请求", "执行", "Handler", "处理", "完", "返回", "ModelAndView", "(", "模型", "和", "视图", "的", "结合", "体", ")", "前端", "控制器", "接收", "到", "ModelAndView", "后", "请求", "视图", "解析", "器", "返回", "view", "前端", "控制器", "将", "视图", "进行", "渲染"], ["posted", "on", "2016", "-", "09", "-", "20", "20", ":", "53", "Light", "t", "阅读", "(", ".", ".", ".", ")", "评论", "(", ".", ".", ".", ")", "编辑", "收藏"]], "title": "什么是SpringMvc - Lightt - 博客园"}], "question": "什么是springmvc", "segmented_question": ["什么", "是", "spring", "mvc"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221654}
-{"documents": [{"bs_rank_pos": 1, "paragraphs": [" 您好,精华帖至少要有15张图片,文字不少200个字!并且是原创内容,布局合理。 查看精华帖标准>> ", "宝宝感冒咳嗽也是常见病症了,尤其是在春天,早晚温差大,宝宝感冒咳嗽更是时有发生。一旦发现宝宝咳嗽要及时治疗,注意观察咳嗽症状,如果宝宝咳嗽、发烧,但是精神状态好的话,一般是感冒引起的,这时候服用999小儿止咳糖浆就可以。但宝宝一旦出现发高烧、咳嗽、喘鸣伴呼吸困难时,需要立即送医院紧急处理。 如果宝宝咳嗽厉害的话,除了求医问药,妈妈最好用一些食疗方法进行辅助治疗,这里给大家分享一些宝宝咳嗽厉害小妙招,在宝宝咳嗽的时候做给宝宝吃,能够有效缓解咳嗽症状。 (图片来自于网络) 1.生姜+红糖+大蒜 这是用于治疗风寒咳嗽的,孩子得了风寒感冒,喝温热的生姜红糖水能起到治疗作用,如果同时还伴有咳嗽,那就在生姜红糖水里再加2~3瓣大蒜一起煮,要用小火煮10分钟,把蒜头的辣味煮掉,这样孩子才肯喝。 2.烤橘子 橘子性温,有化痰止咳的作用。这是止咳化痰比较常用的一种方法,宝宝吃了烤橘子之后能有效祛痰,止咳效果比较明显。 3.梨+花椒+冰糖 宝宝咳嗽厉害小妙招里怎么少得了梨子呢!梨子具有生津止渴、益脾止泻、和胃降逆的功效。吃较多梨的人远比不吃或少吃梨的人感冒机率要低。做法也很简单,就是把梨子横断切开挖去中间核后,放入20颗花椒(花椒味不大,宝妈可以多放一些),2 粒冰糖,再把梨对拼好放入碗中,上锅蒸半小时左右即可,一只梨可分两次吃完。 (图片来自于网络) 以上分享的宝宝咳嗽厉害小妙招主要是针对风寒咳嗽的,下面再为大家分享几个治疗风热咳嗽的宝宝咳嗽厉害小妙招。 1.萝卜冰糖汁:白萝卜取汁100~200毫升,加冰糖适量隔水炖化,睡前1次饮完,连用3~5 次。 2.梨、冰糖、川贝一起蒸。制作方法很简单,梨1个洗净,靠柄部横断切开,挖去中间的核后放入冰糖2~3粒、敲碎成末的川贝10粒(小儿5~6粒),然后把梨上部拼对好,也可用牙签插紧放入碗中,上锅蒸30分钟左右即可,小儿分2次吃,有润肺、止咳、化痰的作用。 (图片来自于网络) 3.白萝卜煮水。把白萝卜切成3到5片,放入锅里,加入大半碗水,烧开后文火煮五分钟即可。等白萝卜水不热了,就可以给孩子喝了,一天喝1到2次就可以。 以上分享了几个宝宝咳嗽厉害小妙招,在宝宝咳嗽厉害的时候可以用这些食疗方法辅助治疗,这样宝宝咳嗽才会好得快。 ", " 发表于 2017-05-14 21:20", " 轻微的咳嗽是没什么问题的,如果症状比较严重的话,那就需要去看看医生了,这个期间还是要吃些清淡容易消化的饭菜,像是有机优博这种奶粉还可以喝一些 ", " 发表于 2017-06-23 14:37", " 我觉得宝宝呼吸道感染就容易咳嗽的,这种情况,如果不严重的话,可以多饮食多休息,饮食吃清淡一点,可以吃点容易消化的优博。 ", " 发表于 2017-07-06 11:15", " 咳嗽多喝水,再就是吃的东西要清淡一些,喝奶粉的话可以喝点优-博核苷酸 ", " 发表于 2017-07-24 12:22", " 咳嗽有的是因为感冒了,还有是空气有污染,或者是食物过敏所致,这些都得注意,比如奶粉,尽量选择跟母乳接近的,比如优博. ", " 发表于 2017-08-18 10:37", " 感冒咳嗽是宝宝常见的病症,主要是身体抵抗力弱的关系,要注意补充营养均衡一点,你可以给他喝圣元. "], "segmented_title": ["999", "小儿", "止咳糖浆", "带来", "最全", "宝宝", "咳嗽", "厉害", "小", "妙招", "_", "奇瑞", "论坛", "_", "太平洋", "汽车", "网"], "segmented_paragraphs": [["您好", ",", "精华帖", "至少", "要", "有", "15", "张", "图片", ",", "文字", "不", "少", "200", "个", "字", "!", "并且", "是", "原创", "内容", ",", "布局合理", "。", "查看", "精华帖", "标准", ">", ">"], ["宝宝", "感冒", "咳嗽", "也是", "常见", "病症", "了", ",", "尤其", "是", "在", "春天", ",", "早晚", "温差", "大", ",", "宝宝", "感冒", "咳嗽", "更", "是", "时", "有", "发生", "。", "一旦", "发现", "宝宝", "咳嗽", "要", "及时", "治疗", ",", "注意观察", "咳嗽", "症状", ",", "如果", "宝宝", "咳嗽", "、", "发烧", ",", "但是", "精神", "状态", "好", "的", "话", ",", "一般", "是", "感冒", "引起", "的", ",", "这", "时候", "服用", "999", "小儿", "止咳糖浆", "就", "可以", "。", "但", "宝宝", "一旦", "出现", "发高烧", "、", "咳嗽", "、", "喘", "鸣", "伴", "呼吸困难", "时", ",", "需要", "立即", "送", "医院", "紧急", "处理", "。", "如果", "宝宝", "咳嗽", "厉害", "的", "话", ",", "除了", "求医问药", ",", "妈妈", "最好", "用", "一些", "食疗方法", "进行", "辅助", "治疗", ",", "这里", "给", "大家", "分享", "一些", "宝宝", "咳嗽", "厉害", "小", "妙招", ",", "在", "宝宝", "咳嗽", "的", "时候", "做", "给", "宝宝", "吃", ",", "能够", "有效", "缓解", "咳嗽", "症状", "。", "(", "图片", "来自", "于", "网络", ")", "1", ".", "生姜", "+", "红糖", "+", "大蒜", "这", "是", "用于", "治疗", "风寒", "咳嗽", "的", ",", "孩子", "得", "了", "风寒感冒", ",", "喝", "温", "热", "的", "生姜", "红糖水", "能", "起", "到", "治疗", "作用", ",", "如果", "同时", "还", "伴有", "咳嗽", ",", "那", "就", "在", "生姜", "红糖水", "里", "再", "加", "2", "~", "3", "瓣", "大蒜", "一起", "煮", ",", "要", "用", "小", "火", "煮", "10", "分钟", ",", "把", "蒜头", "的", "辣味", "煮", "掉", ",", "这样", "孩子", "才", "肯", "喝", "。", "2", ".", "烤", "橘子", "橘子", "性", "温", ",", "有", "化痰", "止咳", "的", "作用", "。", "这", "是", "止咳", "化痰", "比较", "常用", "的", "一", "种", "方法", ",", "宝宝", "吃", "了", "烤", "橘子", "之后", "能", "有效", "祛痰", ",", "止咳", "效果", "比较", "明显", "。", "3", ".", "梨", "+", "花椒", "+", "冰糖", "宝宝", "咳嗽", "厉害", "小", "妙招", "里", "怎么", "少", "得", "了", "梨子", "呢", "!", "梨子", "具有", "生津", "止渴", "、", "益", "脾", "止泻", "、", "和胃降逆", "的", "功效", "。", "吃", "较多", "梨", "的", "人", "远", "比", "不", "吃", "或", "少", "吃", "梨", "的", "人", "感冒", "机率", "要", "低", "。", "做法", "也", "很", "简单", ",", "就是", "把", "梨子", "横断切", "开挖", "去", "中间", "核", "后", ",", "放入", "20", "颗", "花椒", "(", "花椒", "味", "不大", ",", "宝", "妈", "可以", "多", "放", "一些", ")", ",", "2", "粒", "冰糖", ",", "再", "把", "梨", "对", "拼", "好", "放入", "碗", "中", ",", "上", "锅", "蒸", "半小时", "左右", "即可", ",", "一只", "梨", "可", "分", "两次", "吃", "完", "。", "(", "图片", "来自", "于", "网络", ")", "以上", "分享", "的", "宝宝", "咳嗽", "厉害", "小", "妙招", "主要", "是", "针对", "风寒", "咳嗽", "的", ",", "下面", "再", "为", "大家分享", "几个", "治疗", "风热", "咳嗽", "的", "宝宝", "咳嗽", "厉害", "小", "妙招", "。", "1", ".", "萝卜", "冰糖", "汁", ":", "白萝卜", "取", "汁", "100", "~", "200", "毫升", ",", "加", "冰糖", "适量", "隔水炖", "化", ",", "睡前", "1", "次", "饮", "完", ",", "连用", "3", "~", "5", "次", "。", "2", ".", "梨", "、", "冰糖", "、", "川贝", "一起", "蒸", "。", "制作方法", "很简单", ",", "梨", "1", "个", "洗净", ",", "靠", "柄", "部", "横断", "切开", ",", "挖", "去", "中间", "的", "核", "后", "放入", "冰糖", "2", "~", "3", "粒", "、", "敲碎", "成", "末", "的", "川贝", "10", "粒", "(", "小儿", "5", "~", "6", "粒", ")", ",", "然后", "把", "梨", "上部", "拼", "对", "好", ",", "也", "可用", "牙签", "插", "紧", "放入", "碗", "中", ",", "上", "锅", "蒸", "30", "分钟", "左右", "即可", ",", "小儿", "分", "2", "次", "吃", ",", "有", "润肺", "、", "止咳", "、", "化痰", "的", "作用", "。", "(", "图片", "来自", "于", "网络", ")", "3", ".", "白萝卜", "煮", "水", "。", "把", "白萝卜", "切成", "3", "到", "5", "片", ",", "放入", "锅", "里", ",", "加入", "大", "半", "碗", "水", ",", "烧", "开", "后", "文", "火", "煮", "五分钟", "即可", "。", "等", "白萝卜", "水", "不热", "了", ",", "就", "可以", "给", "孩子", "喝", "了", ",", "一天", "喝", "1", "到", "2", "次", "就", "可以", "。", "以上", "分享", "了", "几个", "宝宝", "咳嗽", "厉害", "小", "妙招", ",", "在", "宝宝", "咳嗽", "厉害", "的", "时候", "可以", "用", "这些", "食疗方法", "辅助", "治疗", ",", "这样", "宝宝", "咳嗽", "才会", "好得快", "。"], ["发表", "于", "2017", "-", "05", "-", "14", "21", ":", "20"], ["轻微", "的", "咳嗽", "是", "没什么", "问题", "的", ",", "如果", "症状", "比较", "严重", "的", "话", ",", "那", "就", "需要", "去", "看看", "医生", "了", ",", "这个", "期间", "还是", "要", "吃", "些", "清淡", "容易", "消化", "的", "饭菜", ",", "像", "是", "有机", "优博", "这种", "奶粉", "还", "可以", "喝", "一些"], ["发表", "于", "2017", "-", "06", "-", "23", "14", ":", "37"], ["我", "觉得", "宝宝", "呼吸道感染", "就", "容易", "咳嗽", "的", ",", "这种情况", ",", "如果", "不", "严重", "的", "话", ",", "可以", "多", "饮食", "多", "休息", ",", "饮食", "吃", "清淡", "一", "点", ",", "可以", "吃", "点", "容易", "消化", "的", "优博", "。"], ["发表", "于", "2017", "-", "07", "-", "06", "11", ":", "15"], ["咳嗽", "多喝水", ",", "再", "就是", "吃", "的", "东西", "要", "清淡", "一些", ",", "喝", "奶粉", "的", "话", "可以", "喝", "点", "优", "-", "博", "核苷酸"], ["发表", "于", "2017", "-", "07", "-", "24", "12", ":", "22"], ["咳嗽", "有", "的", "是因为", "感冒", "了", ",", "还有", "是", "空气", "有", "污染", ",", "或者", "是", "食物过敏", "所致", ",", "这些", "都", "得", "注意", ",", "比如", "奶粉", ",", "尽量", "选择", "跟", "母乳", "接近", "的", ",", "比如", "优博", "."], ["发表", "于", "2017", "-", "08", "-", "18", "10", ":", "37"], ["感冒", "咳嗽", "是", "宝宝", "常见", "的", "病症", ",", "主要", "是", "身体", "抵抗力", "弱", "的", "关系", ",", "要", "注意", "补充营养", "均衡", "一", "点", ",", "你可以", "给", "他", "喝", "圣元", "."]], "title": "999小儿止咳糖浆带来最全宝宝咳嗽厉害小妙招_奇瑞论坛_太平洋汽车网"}, {"bs_rank_pos": 2, "paragraphs": ["年轻人做好这事胜过吃伟哥!每周3次性生活,等于一年跑两次马拉松。关注微信公众号【39健康网】,发送【J64】赶快学起来。", " 宝宝经常咳嗽,这是很多妈妈都会遇到的烦心事儿。小宝宝抵抗力低,容易受到细菌病毒的侵袭,尤其在这个感冒病毒繁衍滋生的季节,孩子最容易感冒咳嗽了。通常的办法就是给孩子吃点止咳药,现在市面上小儿止咳药挺多的,其中999小儿止咳糖浆是最为常见的一种止咳药了,它和999小儿感冒药联合赞助播出的《育儿大作战》深受宝爸宝妈的欢迎。除了用药治疗之外,小编在这里还要给大家分享一些治疗宝宝咳嗽厉害小妙招。", " 给宝宝做按摩,这是治疗宝宝咳嗽厉害小妙招里最常见的一种方式,这里小编给大家介绍两种常见的方式。", " 1)开天门。以拇指指肚自下而上交替直推。用力柔和均匀,推动时要有节律,频率为200到300次/分,推50至100次。 2)按揉天突。胸骨上窝正中。以拇指或掌根在一定部位或穴位上逐渐用力向下按压 称按法。拇指或中指端吸定于穴位上 按顺时针或逆时针方向旋转揉。", " 小编在这里只介绍两种方式,用按摩方法治疗宝宝咳嗽厉害小妙招有很多,家长可以系统学一下,但需要注意的是,给宝宝按摩要注意手法,力度不要过重,最 好找专业按摩师了解下按摩机理,这样才不至于伤到宝宝脆弱的皮肤和筋骨。", " 我们都知道,宝宝咳嗽除了吃药之外,还可以用一些食疗方法辅助治疗的,而针对风寒咳嗽和风热咳嗽,也会有不同的食疗方法,这里小编给大家分享最为常见的两个治疗宝宝咳嗽厉害小妙招的食疗方法,家长在宝宝咳嗽厉害的时候,不妨做这些食物给宝宝吃,能够缓解咳嗽的。", " 1)煮萝卜水 白萝卜洗净,切4~5薄片,放入小锅内,加大半碗水,放火上烧开后,再改用小火煮5分钟即可。等水稍凉后再给宝宝喝,此方治疗风热咳嗽、鼻干咽燥、干咳少痰的效果是不错的,2岁以内的宝宝收到的效果更好。为什么小编要推荐这个方子呢,因为食材容易获得,做法也简单,即便是再不会烹饪的妈妈,也能学得会,而且这个方法治疗小儿风热咳嗽效果还是比较明显的。 2)蒸大蒜水 取大蒜2~3瓣,拍碎,放入碗中,加入半碗水,放入一粒冰糖,把碗加盖放入锅中去蒸,大火烧开后改用小火蒸15分钟即可。当碗里的蒜水温热时喂给孩子喝,大蒜可以不吃。一般一天2~3次,一次小半碗。大蒜性温,入脾胃、肺经,治疗寒性咳嗽、肾虚咳嗽效果非常好。小编选取这个方法,同样也是因为食材易得、操作简单,而且大蒜有止咳化痰的功效,治疗孩子风寒咳嗽还是有一定效果的。", " 以上分享了治疗宝宝咳嗽厉害小妙招,家长可以多掌握一些治疗宝宝咳嗽的按摩方法和食疗方法,这样在宝宝轻度咳嗽的时候,就可以用这些方法调理,如果宝宝咳嗽厉害了,一定要用药物治疗,家中常备999小儿止咳糖浆,用药治疗的同时辅以食疗和按摩方法,相信宝宝咳嗽很快就会好的。", " (免责声明:苏州巨火网络登载此文出于传递更多信息之目的。文章所述内容仅代表文章原作者的个人观点。所写文章的原创性以及文中陈述信息未经证实,对该文所写全部或者部分内容、文字的真实性、有效性不作任何保证或承诺,请读者仅作参考,并请自行仔细核实相关内容。若有疑问请致电:0512-85889237,纠错电话:18120051373)", " 冬季吃冷食能减肥?信了你就上当社会万象 某些阴道细菌增加女性感染HIV风险权威发布 孩子营养够不够 得看符合不符合这五条学术会议 “吃货爹爹”突发胰腺炎险丢命 社会万象 为何癌症儿童深受放化疗毒害?研究发现", " 小腿抽筋怎么办?6招快速解决! 女性月经期间吃什么好呢? 床上干这6件事,一下短命好几年保健 女性补血不易老 不同时期方法不同女性 女人如何远离盆腔炎骚扰妇科 头发没干透就睡觉的五种严重后果保健 手掌颜色暗含大秘密保健", " 精选 饮食 女性 保健 ", " 多吃3类食物年轻不长皱纹美容食谱 7个小技巧 让老公倍感温暖!怎样增进夫妻感情 拉粑粑太用力会有什么严重后果?健康资讯 为什么每天一定要吃香蕉?饮食", " 吃粗粮开胃抗衰老,你适合吃吗?抗衰老饮食 三高人群喝什么茶有助调理心血管健康?三高人群调理 吃哈密瓜竟有这么多好处!哈密瓜功效 上班族晚餐这样吃健康又营养!晚餐食谱 怎样快速做个营养早餐?营养早餐", " 女人月经期一定不能吃7种药经期保健 这两种方式洗澡竟真会致癌?!身体保健 原来这样的内裤不能穿!女性用品 阴道松弛怎么办?3步骤让你紧实身体护理 女人小便后如何擦拭外阴?身体护理", " 对象睡觉老打呼噜?告诉TA这样做疾病预防 这样洗头防头皮老化 头发越洗越美身体护理 秋季吃什么水果能解毒养肝呢?秋季养生 中午趴着睡充电?胃炎找上门疾病预防 女性多久洗一次头最保健最健康呢?女性保健", "查疾病 查药品 好医院 好医生 ", " 热门 痛经 荨麻疹 宫颈糜烂 高血压 登革热 尖锐湿疣", " 妇科 月经不调 阴道炎 子宫肌瘤 ", " 男科 包皮过长 前列腺炎 早泄 ", " 儿科 手足口病 小儿感冒 小儿肺炎 ", " 内科 冠心病 肺结核 支气管炎 ", " 外科 肩周炎 乳腺增生 骨质增生 ", " 皮肤 湿疹 狐臭 脚气 ", " 热门 六味地黄丸 逍遥丸 金匮肾气丸 云南白药 阿胶 片仔癀", " 妇科 保妇康栓 调经丸 妈富隆 ", " 男科 伟哥 前列舒乐胶囊 养血生发胶囊 ", " 儿科 小儿感冒颗粒 小儿止咳糖浆 小儿七星茶颗粒 ", " 心脑血管 厄贝沙坦片 血脂康胶囊 速效救心丸 ", " 糖尿病 美迪康 消渴丸 拜唐苹 ", " 跌打损伤 云南白药气雾剂 云南白药创可贴 跌打万花油 ", " 外科 心胸外科 泌尿外科 乳腺外科 肛肠外科 肝胆外科 血管外科", " 内科 神经内科 消化内科 呼吸内科 内分泌科 肾内科 风湿科", " 其他科室 妇科 耳鼻喉科 整形科 中医科 皮肤科 心理咨询", " 按疾病找 劲椎病 脑梗塞 高血压 ", " 外科 心胸外科 泌尿外科 乳腺外科 ", " 内科 神经内科 消化内科 呼吸内科 ", " 其他科室 妇科专家 产科专家 中医专家 ", " 外科 烧伤专家 骨折专家 肺癌专家 ", " 内科 胃炎专家 高血压专家 冠心病专家 ", " 其他科室 头痛专家 湿疹专家 肾结石专家 "], "segmented_title": ["分享", "宝宝", "咳嗽", "厉害", "小", "妙招", ",", "及时", "服用", "999", "小儿", "止咳糖浆", "_", "39", "健康网"], "segmented_paragraphs": [["年轻人", "做", "好", "这", "事", "胜过", "吃", "伟哥", "!", "每周", "3", "次", "性生活", ",", "等于", "一年", "跑", "两次", "马拉松", "。", "关注", "微信", "公众", "号", "【", "39", "健康网", "】", ",", "发送", "【", "J64", "】", "赶快", "学", "起来", "。"], ["宝宝", "经常", "咳嗽", ",", "这", "是", "很多", "妈妈", "都会", "遇到", "的", "烦心事", "儿", "。", "小宝宝", "抵抗力", "低", ",", "容易", "受到", "细菌", "病毒", "的", "侵袭", ",", "尤其", "在", "这个", "感冒", "病毒", "繁衍", "滋生", "的", "季节", ",", "孩子", "最容易", "感冒", "咳嗽", "了", "。", "通常", "的", "办法", "就是", "给", "孩子", "吃", "点", "止咳药", ",", "现在", "市面上", "小儿", "止咳药", "挺", "多", "的", ",", "其中", "999", "小儿", "止咳糖浆", "是", "最为", "常见", "的", "一", "种", "止咳药", "了", ",", "它", "和", "999", "小儿", "感冒药", "联合", "赞助", "播出", "的", "《", "育儿", "大作战", "》", "深受", "宝", "爸", "宝", "妈", "的", "欢迎", "。", "除了", "用药", "治疗", "之外", ",", "小", "编", "在这里", "还要", "给", "大家", "分享", "一些", "治疗", "宝宝", "咳嗽", "厉害", "小", "妙招", "。"], ["给", "宝宝", "做", "按摩", ",", "这", "是", "治疗", "宝宝", "咳嗽", "厉害", "小", "妙招", "里", "最", "常见", "的", "一", "种", "方式", ",", "这里", "小", "编", "给", "大家", "介绍", "两种", "常见", "的", "方式", "。"], ["1", ")", "开", "天门", "。", "以", "拇指", "指", "肚", "自下而上", "交替", "直推", "。", "用力", "柔和", "均匀", ",", "推动", "时", "要", "有", "节律", ",", "频率", "为", "200", "到", "300", "次", "/", "分", ",", "推", "50", "至", "100", "次", "。", "2", ")", "按", "揉", "天", "突", "。", "胸骨", "上", "窝", "正中", "。", "以", "拇指", "或", "掌", "根", "在", "一定", "部位", "或", "穴位", "上", "逐渐", "用力", "向下", "按压", "称", "按", "法", "。", "拇指", "或", "中指", "端", "吸", "定", "于", "穴位", "上", "按", "顺时针", "或", "逆时针", "方向", "旋转", "揉", "。"], ["小", "编", "在这里", "只", "介绍", "两种方式", ",", "用", "按摩", "方法", "治疗", "宝宝", "咳嗽", "厉害", "小", "妙招", "有很多", ",", "家长", "可以", "系统学", "一", "下", ",", "但", "需要", "注意", "的", "是", ",", "给", "宝宝", "按摩", "要", "注意", "手法", ",", "力度", "不要", "过", "重", ",", "最", "好找", "专业", "按摩师", "了解", "下", "按摩", "机理", ",", "这样", "才", "不", "至于", "伤", "到", "宝宝", "脆弱", "的", "皮肤", "和", "筋骨", "。"], ["我们", "都", "知道", ",", "宝宝", "咳嗽", "除了", "吃药", "之外", ",", "还", "可以", "用", "一些", "食疗方法", "辅助", "治疗", "的", ",", "而", "针对", "风寒", "咳嗽", "和", "风热", "咳嗽", ",", "也", "会", "有", "不同", "的", "食疗方法", ",", "这里", "小", "编", "给", "大家", "分享", "最为", "常见", "的", "两", "个", "治疗", "宝宝", "咳嗽", "厉害", "小", "妙招", "的", "食疗方法", ",", "家长", "在", "宝宝", "咳嗽", "厉害", "的", "时候", ",", "不", "妨", "做", "这些", "食物", "给", "宝宝", "吃", ",", "能够", "缓解", "咳嗽", "的", "。"], ["1", ")", "煮", "萝卜", "水", "白萝卜", "洗净", ",", "切", "4", "~", "5", "薄片", ",", "放入", "小锅", "内", ",", "加大", "半", "碗", "水", ",", "放", "火", "上", "烧", "开", "后", ",", "再", "改", "用", "小", "火", "煮", "5", "分钟", "即可", "。", "等", "水", "稍", "凉", "后", "再", "给", "宝宝", "喝", ",", "此方", "治疗", "风热", "咳嗽", "、", "鼻干", "咽", "燥", "、", "干咳", "少", "痰", "的", "效果", "是", "不错", "的", ",", "2", "岁", "以内", "的", "宝宝", "收到", "的", "效果", "更好", "。", "为什么", "小", "编", "要", "推荐", "这个", "方子", "呢", ",", "因为", "食材", "容易", "获得", ",", "做法", "也", "简单", ",", "即便", "是", "再", "不会", "烹饪", "的", "妈妈", ",", "也", "能", "学", "得", "会", ",", "而且", "这个", "方法", "治疗", "小儿", "风热", "咳嗽", "效果", "还是", "比较", "明显", "的", "。", "2", ")", "蒸", "大蒜", "水", "取", "大蒜", "2", "~", "3", "瓣", ",", "拍", "碎", ",", "放入", "碗", "中", ",", "加入", "半", "碗", "水", ",", "放入", "一粒", "冰糖", ",", "把", "碗", "加盖", "放入", "锅", "中", "去", "蒸", ",", "大火", "烧", "开", "后", "改", "用", "小", "火", "蒸", "15", "分钟", "即可", "。", "当", "碗", "里", "的", "蒜", "水温", "热", "时", "喂", "给", "孩子", "喝", ",", "大蒜", "可以", "不", "吃", "。", "一般", "一", "天", "2", "~", "3", "次", ",", "一次", "小", "半", "碗", "。", "大蒜", "性", "温", ",", "入", "脾胃", "、", "肺经", ",", "治疗", "寒", "性", "咳嗽", "、", "肾虚", "咳嗽", "效果", "非常好", "。", "小", "编", "选取", "这个方法", ",", "同样", "也是", "因为", "食材", "易", "得", "、", "操作简单", ",", "而且", "大蒜", "有", "止咳", "化痰", "的", "功效", ",", "治疗", "孩子", "风寒", "咳嗽", "还是", "有", "一定", "效果", "的", "。"], ["以上", "分享", "了", "治疗", "宝宝", "咳嗽", "厉害", "小", "妙招", ",", "家长", "可以", "多", "掌握", "一些", "治疗", "宝宝", "咳嗽", "的", "按摩", "方法", "和", "食疗方法", ",", "这样", "在", "宝宝", "轻度", "咳嗽", "的", "时候", ",", "就", "可以", "用", "这些", "方法", "调理", ",", "如果", "宝宝", "咳嗽", "厉害", "了", ",", "一定要", "用", "药物", "治疗", ",", "家中", "常备", "999", "小儿", "止咳糖浆", ",", "用药", "治疗", "的", "同时", "辅以", "食疗", "和", "按摩", "方法", ",", "相信", "宝宝", "咳嗽", "很快", "就会", "好", "的", "。"], ["(", "免责声明", ":", "苏州", "巨", "火", "网络", "登载", "此", "文", "出于", "传递", "更多", "信息", "之", "目的", "。", "文章", "所述", "内容", "仅", "代表", "文章", "原作者", "的", "个人观点", "。", "所", "写", "文章", "的", "原创", "性", "以及", "文", "中", "陈述", "信息", "未经证实", ",", "对", "该", "文", "所", "写", "全部", "或者", "部分", "内容", "、", "文字", "的", "真实性", "、", "有效性", "不", "作", "任何", "保证", "或", "承诺", ",", "请", "读者", "仅", "作", "参考", ",", "并", "请", "自行", "仔细", "核实", "相关内容", "。", "若", "有疑问", "请", "致", "电", ":", "0512", "-", "85889237", ",", "纠错", "电话", ":", "18120051373", ")"], ["冬季", "吃", "冷", "食", "能", "减肥", "?", "信了你就上当", "社会万象", "某些", "阴道", "细菌", "增加", "女性", "感染", "HIV", "风险", "权威发布", "孩子", "营养", "够不够", "得", "看", "符合", "不符合", "这", "五", "条", "学术会议", "“", "吃货", "爹爹", "”", "突发", "胰腺炎", "险", "丢命", "社会万象", "为何", "癌症", "儿童", "深受", "放化疗", "毒害", "?", "研究", "发现"], ["小腿抽筋", "怎么办", "?", "6", "招", "快速", "解决", "!", "女性", "月经期间", "吃什么", "好", "呢", "?", "床上", "干", "这", "6", "件", "事", ",", "一", "下", "短命", "好几年", "保健", "女性", "补血", "不易", "老", "不同", "时期", "方法", "不同", "女性", "女人", "如何", "远离", "盆腔炎", "骚扰", "妇科", "头发", "没", "干", "透", "就", "睡觉", "的", "五", "种", "严重后果", "保健", "手掌", "颜色", "暗含", "大秘密", "保健"], ["精选", "饮食", "女性", "保健"], ["多", "吃", "3", "类", "食物", "年轻", "不", "长", "皱纹", "美容", "食谱", "7", "个", "小技巧", "让", "老公", "倍感", "温暖", "!", "怎样", "增进", "夫妻感情", "拉", "粑粑", "太", "用力", "会", "有", "什么", "严重", "后果", "?", "健康资讯", "为什么", "每天", "一定要", "吃香蕉", "?", "饮食"], ["吃", "粗粮", "开胃", "抗衰老", ",", "你", "适合", "吃", "吗", "?", "抗衰老", "饮食", "三高", "人群", "喝", "什么", "茶", "有助", "调理", "心血管", "健康", "?", "三高", "人群", "调理", "吃", "哈密瓜", "竟", "有", "这么多", "好处", "!", "哈密瓜", "功效", "上班族", "晚餐", "这样", "吃", "健康", "又", "营养", "!", "晚餐", "食谱", "怎样", "快速", "做", "个", "营养早餐", "?", "营养早餐"], ["女人", "月经期", "一定", "不能吃", "7", "种", "药", "经期", "保健", "这", "两种", "方式", "洗澡", "竟", "真", "会致癌", "?", "!", "身体", "保健", "原来", "这样", "的", "内裤", "不能", "穿", "!", "女性用品", "阴道", "松弛", "怎么办", "?", "3", "步骤", "让", "你", "紧实", "身体", "护理", "女人", "小便", "后", "如何", "擦拭", "外阴", "?", "身体", "护理"], ["对象", "睡觉", "老", "打呼噜", "?", "告诉", "TA", "这样做", "疾病预防", "这样", "洗头", "防", "头皮", "老化", "头发", "越", "洗", "越", "美", "身体", "护理", "秋季", "吃什么", "水果", "能", "解毒", "养肝", "呢", "?", "秋季", "养生", "中午", "趴着", "睡", "充电", "?", "胃炎", "找", "上门", "疾病预防", "女性", "多久", "洗", "一", "次", "头", "最", "保健", "最", "健康", "呢", "?", "女性保健"], ["查", "疾病", "查", "药品", "好", "医院", "好医生"], ["热门", "痛经", "荨麻疹", "宫颈糜烂", "高血压", "登革热", "尖锐湿疣"], ["妇科", "月经不调", "阴道炎", "子宫肌瘤"], ["男科", "包皮过长", "前列腺炎", "早泄"], ["儿科", "手足口病", "小儿感冒", "小儿肺炎"], ["内科", "冠心病", "肺结核", "支气管炎"], ["外科", "肩周炎", "乳腺增生", "骨质增生"], ["皮肤", "湿疹", "狐臭", "脚气"], ["热门", "六味地黄丸", "逍遥丸", "金匮肾气丸", "云南白药", "阿胶", "片仔癀"], ["妇科", "保妇康栓", "调经", "丸", "妈富隆"], ["男科", "伟哥", "前列", "舒乐", "胶囊", "养血生发胶囊"], ["儿科", "小儿感冒颗粒", "小儿", "止咳糖浆", "小儿七星茶", "颗粒"], ["心脑血管", "厄贝沙坦", "片", "血脂康", "胶囊", "速效救心丸"], ["糖尿病", "美迪康", "消渴丸", "拜唐苹"], ["跌打损伤", "云南白药气雾剂", "云南白药", "创可贴", "跌打", "万花油"], ["外科", "心胸外科", "泌尿外科", "乳腺", "外科", "肛肠", "外科", "肝胆外科", "血管外科"], ["内科", "神经内科", "消化内科", "呼吸内科", "内分泌科", "肾内科", "风湿", "科"], ["其他", "科室", "妇科", "耳鼻喉科", "整形", "科", "中医科", "皮肤科", "心理咨询"], ["按", "疾病", "找", "劲", "椎", "病", "脑梗塞", "高血压"], ["外科", "心胸外科", "泌尿外科", "乳腺", "外科"], ["内科", "神经内科", "消化内科", "呼吸内科"], ["其他", "科室", "妇科专家", "产科", "专家", "中医", "专家"], ["外科", "烧伤", "专家", "骨折", "专家", "肺癌", "专家"], ["内科", "胃炎", "专家", "高血压", "专家", "冠心病", "专家"], ["其他", "科室", "头痛", "专家", "湿疹", "专家", "肾结石", "专家"]], "title": "分享宝宝咳嗽厉害小妙招,及时服用999小儿止咳糖浆_39健康网"}, {"bs_rank_pos": 4, "paragraphs": ["春暖花开的季节,家长都喜欢带孩子去踏青旅游,这个时候要注意了,孩子身体小,抵抗力弱,容易受到感冒病毒的侵袭,稍有不慎就容易患上感冒。小孩老是咳嗽怎么办,咳嗽往往是最晚消失的一种感冒症状,有的时候会持续好几周,看着宝宝一直咳嗽,家长难免不着急,这个时候可以给宝宝吃点安全有效的止咳药,像999小儿止咳糖浆这种市面上比较常见的药物就可以。另外,应对小孩老是咳嗽,正确的护理才是最重要的,家长要做好四件事。", " 第1件事:得了感冒,要让宝宝好好休息 小孩老是咳嗽怎么办,如果宝宝患上感冒了,就不建议孩子去幼儿园了,孩子体质弱,容易交叉感染,加重病情。需要等发烧、咳嗽、流涕等症状消失了再去幼儿园。这个时候应该让孩子尽量多休息,但也不需要卧床,只是要保证充足睡眠,家长要给孩子营造一个舒适安静的睡眠环境,更不要在室内吸烟。 第2件事:适当补充维C 维生素C有抗氧化、调节免疫的作用,多给孩子吃含有维生素C的水果或者果汁,比如橙子、草莓、橘子、桂圆等。 第3件事:小孩老是咳嗽怎么办 饮食以清淡为主 孩子感冒期间肠胃消化能力弱,胃口差,这个时候不要强迫孩子吃饭,更不要给她吃甜腻的食物,甜腻的食物易生痰,导致舌苔厚腻,有碍脾胃运化,感冒后的脾胃功能本来就会下降,再吃甜腻食物等于火上浇油,因此孩子感冒期间要饮食清淡。[A1] 可以多给孩子吃一些软烂的米粥、面条。如果咳嗽厉害的话,可以试试川贝冰糖梨这个方法。 第4件事:小孩老是咳嗽怎么办,多给孩子喝温开水 在平时就应该让孩子养成多喝水的习惯,少喝果汁饮料,喝水有助于排毒泻火,还可以降低炎症,尤其是在孩子感冒发烧的时候,更应该让孩子多喝水。 春天是小儿感冒高发季节,所以这个时候家中应该常备一些感冒药,像999小儿止咳糖浆就应该准备一些。另外给宝宝吃感冒药的时候要注意两点,一是不要滥用抗生素,很多感冒都是病毒引起的,用抗生素不但不起作用,反而增加副作用,影响孩子肠胃消化能力,导致孩子胃口更差。给孩子用抗生素一定要遵医嘱。二是药的味道,太苦的药孩子不肯吃,要给孩子选择那种让孩子喜欢或者能接受的口味,这样可以让孩子尽快吃药,不耽误治疗时机。现在市面上一些口服液、糖浆、感冒冲剂之类的比较多,像999小儿止咳糖浆这种就行,口感好,易于服用,给孩子吃药也方便。而且999小儿止咳糖浆是临床上应用比较普遍的一种药,安全性高,很多家长把999小儿止咳糖浆作为家中常备药,对缓解小儿咳嗽效果比较好。"], "segmented_title": ["999", "小儿", "止咳糖浆", "帮", "您", "解决", "小孩", "老是", "咳嗽", "怎么办", "的", "难题", "-", "延展", "阅读", "-"], "segmented_paragraphs": [["春暖花开", "的", "季节", ",", "家长", "都", "喜欢", "带", "孩子", "去", "踏青", "旅游", ",", "这个时候", "要", "注意", "了", ",", "孩子", "身体", "小", ",", "抵抗力", "弱", ",", "容易", "受到", "感冒", "病毒", "的", "侵袭", ",", "稍", "有", "不", "慎", "就", "容易", "患", "上", "感冒", "。", "小孩", "老是", "咳嗽", "怎么办", ",", "咳嗽", "往往", "是", "最晚", "消失", "的", "一", "种", "感冒", "症状", ",", "有的时候", "会", "持续", "好", "几", "周", ",", "看着", "宝宝", "一直", "咳嗽", ",", "家长", "难免", "不", "着急", ",", "这个时候", "可以", "给", "宝宝", "吃", "点", "安全", "有效", "的", "止咳药", ",", "像", "999", "小儿", "止咳糖浆", "这种", "市面上", "比较", "常见", "的", "药物", "就", "可以", "。", "另外", ",", "应对", "小孩", "老是", "咳嗽", ",", "正确", "的", "护理", "才是", "最", "重要", "的", ",", "家长", "要", "做", "好", "四", "件", "事", "。"], ["第", "1", "件", "事", ":", "得", "了", "感冒", ",", "要", "让", "宝宝", "好好休息", "小孩", "老是", "咳嗽", "怎么办", ",", "如果", "宝宝", "患", "上", "感冒", "了", ",", "就", "不", "建议", "孩子", "去", "幼儿园", "了", ",", "孩子", "体质", "弱", ",", "容易", "交叉感染", ",", "加重", "病情", "。", "需要", "等", "发烧", "、", "咳嗽", "、", "流涕", "等", "症状", "消失了", "再", "去", "幼儿园", "。", "这个时候", "应该", "让", "孩子", "尽量", "多", "休息", ",", "但", "也", "不", "需要", "卧床", ",", "只是", "要", "保证", "充足", "睡眠", ",", "家长", "要", "给", "孩子", "营造", "一", "个", "舒适", "安静", "的", "睡眠", "环境", ",", "更", "不要", "在", "室内", "吸烟", "。", "第", "2", "件", "事", ":", "适当", "补充", "维C", "维生素", "C", "有", "抗氧化", "、", "调节", "免疫", "的", "作用", ",", "多", "给", "孩子", "吃", "含有", "维生素", "C", "的", "水果", "或者", "果汁", ",", "比如", "橙子", "、", "草莓", "、", "橘子", "、", "桂圆", "等", "。", "第", "3", "件", "事", ":", "小孩", "老是", "咳嗽", "怎么办", "饮食", "以", "清淡", "为", "主", "孩子", "感冒", "期间", "肠胃", "消化", "能力", "弱", ",", "胃口", "差", ",", "这个时候", "不要", "强迫", "孩子", "吃饭", ",", "更", "不要", "给", "她", "吃", "甜", "腻", "的", "食物", ",", "甜", "腻", "的", "食物", "易", "生", "痰", ",", "导致", "舌苔", "厚", "腻", ",", "有碍", "脾胃", "运", "化", ",", "感冒", "后", "的", "脾胃", "功能", "本来", "就会", "下降", ",", "再", "吃", "甜", "腻", "食物", "等于", "火上浇油", ",", "因此", "孩子", "感冒", "期间", "要", "饮食", "清淡", "。", "[", "A1", "]", "可以", "多", "给", "孩子", "吃", "一些", "软", "烂", "的", "米粥", "、", "面条", "。", "如果", "咳嗽", "厉害", "的", "话", ",", "可以", "试", "试", "川贝", "冰糖", "梨", "这个方法", "。", "第", "4", "件", "事", ":", "小孩", "老是", "咳嗽", "怎么办", ",", "多", "给", "孩子", "喝", "温开水", "在", "平时", "就", "应该", "让", "孩子", "养成", "多", "喝水", "的", "习惯", ",", "少", "喝", "果汁", "饮料", ",", "喝水", "有助于", "排毒", "泻火", ",", "还", "可以", "降低", "炎症", ",", "尤其", "是", "在", "孩子", "感冒", "发烧", "的", "时候", ",", "更", "应该", "让", "孩子", "多喝水", "。", "春天", "是", "小儿感冒", "高发季节", ",", "所以", "这个时候", "家中", "应该", "常备", "一些", "感冒药", ",", "像", "999", "小儿", "止咳糖浆", "就", "应该", "准备", "一些", "。", "另外", "给", "宝宝", "吃", "感冒药", "的", "时候", "要", "注意", "两点", ",", "一", "是", "不要", "滥用抗生素", ",", "很多", "感冒", "都是", "病毒", "引起", "的", ",", "用", "抗生素", "不", "但", "不起作用", ",", "反而", "增加", "副作用", ",", "影响", "孩子", "肠胃", "消化", "能力", ",", "导致", "孩子", "胃口", "更", "差", "。", "给", "孩子", "用", "抗生素", "一定要", "遵", "医嘱", "。", "二", "是", "药", "的", "味道", ",", "太", "苦", "的", "药", "孩子", "不肯", "吃", ",", "要", "给", "孩子", "选择", "那种", "让", "孩子", "喜欢", "或者", "能", "接受", "的", "口味", ",", "这样", "可以", "让", "孩子", "尽快", "吃药", ",", "不", "耽误", "治疗", "时机", "。", "现在", "市面上", "一些", "口服液", "、", "糖浆", "、", "感冒", "冲剂", "之类", "的", "比较", "多", ",", "像", "999", "小儿", "止咳糖浆", "这种", "就", "行", ",", "口感好", ",", "易于", "服用", ",", "给", "孩子", "吃药", "也", "方便", "。", "而且", "999", "小儿", "止咳糖浆", "是", "临床", "上", "应用", "比较", "普遍", "的", "一", "种", "药", ",", "安全性", "高", ",", "很多", "家长", "把", "999", "小儿", "止咳糖浆", "作为", "家中", "常备", "药", ",", "对", "缓解", "小儿", "咳嗽", "效果", "比较好", "。"]], "title": "999小儿止咳糖浆 帮您解决小孩老是咳嗽怎么办的难题 - 延展阅读 - "}, {"bs_rank_pos": 7, "paragraphs": [" 您好,精华帖至少要有15张图片,文字不少200个字!并且是原创内容,布局合理。 查看精华帖标准>> ", "由于小孩器官敏感,稍不注意就会引起感冒咳嗽,为了孩子健康,家长们应该掌握更多关于儿科的医学常识,咳嗽是小孩的常见病症,诱因有很多,因此家长们应该重视,小孩咳嗽怎么办,诱因不同,家长会采取不同的措施,比如说有家长会给宝宝服用999小儿止咳糖浆,也有家长会将999小儿感冒药和999小儿止咳糖浆结合起来服用,还有一部分家长会通过食疗或其它一些偏方帮助宝宝缓解症状,总之都希望让宝宝早日恢复健康。 (图片来源于网络) 虽然已经进入了夏季,但难免有些宝宝会因为各种原因引起咳嗽,看到宝宝咳嗽后,很多家长会紧张不知所措,向周围朋友询问小孩咳嗽怎么办,其实家长不用这么紧张,只要找到诱因,采用正确的治疗方案及时给宝宝服用999小儿止咳糖浆,最好是能在配点999小儿感冒药,就能慢慢缓解小儿咳嗽症状。 现在大多家庭都是一个宝宝,因此宝宝身体稍微出现不适,家长就会坐立不安,为了帮到大家以下就为各位家长介绍药物治疗和食疗两种治疗方法,希望能帮助更多宝宝恢复健康。 小孩咳嗽怎么办,首先家长可以根据宝宝病情让宝宝服用999小儿止咳糖浆,有医学常识的朋友应该知道小儿咳嗽易发生的主要原因是肺脏娇嫩,常有不足,以及卫表不固,御邪之力薄弱等内在不足。小儿咳嗽首先要弄清情况,如有无痰液等。3岁以下的小儿,呼吸系统发育尚不成熟,如给予较强的止咳药,咳嗽虽暂时停止,但痰液不能顺利排出会造成气管堵塞,引起缺氧、脉搏加快,甚至发生肺不张、心力衰竭等并发症。而999小儿止咳糖浆针对小儿脏腑娇嫩之特点,采用中西结合之法,扶正固本,标本兼治。迅速解除小儿咳痰、喘等症状,有抗菌消炎之功效,对金黄色葡萄球菌有抑制作用,专治小儿咳、痰、喘之顽疾。另外糖浆剂型,安全,携带方便口感好,易服用。在服用999小儿止咳糖浆时,家长可以遵照医嘱再给宝宝服用999小儿感冒药,这样效果会刚好。 (图片来源于网络) 小孩咳嗽怎么办,很多家长不愿意为宝宝服用药物,希望通过食疗的方法缓解孩子症状,这部分家长不妨试试给宝宝熬制川贝梨水喝,止咳效果很不错。要让宝宝坚持喝上3--5天才能见效。若是通过食疗不能缓解宝宝症状时,家长就要小心,是不是需要咨询下医生给宝宝服用999小儿止咳糖浆,要么就是食疗加药疗同时进行。 为了自己或家人健康,特别是家里的小孩,大家应该掌握更多简单疾病的治疗方法,例如小孩咳嗽怎么办,只有这样在孩子出现症状时才能及时的给予治疗,帮助宝宝缓解病情。", " 发表于 2017-06-09 16:47", " 如果孩子太小的话,能不用药尽量不要用药,药物到底还是有副作用。通常小儿咳嗽通过按摩的方式就能治好,就像我们亲戚家的孩子,以前经常咳嗽,在北京大福堂推拿按摩了一段时间后,咳嗽就明显少多了,现在基本好了 "], "segmented_title": ["小孩", "咳嗽", "怎么办", ",", "喝", "999", "小儿", "止咳糖浆", "家长", "放心", "省", "心", "_", "奇瑞", "论坛", "_", "太平洋"], "segmented_paragraphs": [["您好", ",", "精华帖", "至少", "要", "有", "15", "张", "图片", ",", "文字", "不", "少", "200", "个", "字", "!", "并且", "是", "原创", "内容", ",", "布局合理", "。", "查看", "精华帖", "标准", ">", ">"], ["由于", "小孩", "器官", "敏感", ",", "稍", "不", "注意", "就会", "引起", "感冒", "咳嗽", ",", "为了孩子", "健康", ",", "家长们", "应该", "掌握", "更多", "关于", "儿科", "的", "医学常识", ",", "咳嗽", "是", "小孩", "的", "常见", "病症", ",", "诱因", "有很多", ",", "因此", "家长们", "应该", "重视", ",", "小孩", "咳嗽", "怎么办", ",", "诱因", "不同", ",", "家长会", "采取", "不同", "的", "措施", ",", "比如说", "有", "家长会", "给", "宝宝", "服用", "999", "小儿", "止咳糖浆", ",", "也有", "家长会", "将", "999", "小儿", "感冒药", "和", "999", "小儿", "止咳糖浆", "结合起来", "服用", ",", "还有", "一部分", "家长会", "通过", "食疗", "或", "其它", "一些", "偏方", "帮助", "宝宝", "缓解", "症状", ",", "总之", "都", "希望", "让", "宝宝", "早日恢复", "健康", "。", "(", "图片", "来源于", "网络", ")", "虽然", "已经", "进入", "了", "夏季", ",", "但", "难免", "有些", "宝宝", "会", "因为", "各种", "原因", "引起", "咳嗽", ",", "看到", "宝宝", "咳嗽", "后", ",", "很多", "家长会", "紧张", "不知所措", ",", "向", "周围", "朋友", "询问", "小孩", "咳嗽", "怎么办", ",", "其实", "家长", "不用", "这么", "紧张", ",", "只要", "找到", "诱因", ",", "采用", "正确", "的", "治疗方案", "及时", "给", "宝宝", "服用", "999", "小儿", "止咳糖浆", ",", "最好", "是", "能", "在", "配", "点", "999", "小儿", "感冒药", ",", "就能", "慢慢", "缓解", "小儿", "咳嗽", "症状", "。", "现在", "大", "多", "家庭", "都", "是", "一", "个", "宝宝", ",", "因此", "宝宝", "身体", "稍微", "出现", "不适", ",", "家长", "就会", "坐立不安", ",", "为了", "帮", "到", "大家", "以下", "就", "为", "各位", "家长", "介绍", "药物治疗", "和", "食疗", "两种", "治疗方法", ",", "希望", "能", "帮助", "更多", "宝宝", "恢复", "健康", "。", "小孩", "咳嗽", "怎么办", ",", "首先", "家长", "可以", "根据", "宝宝", "病情", "让", "宝宝", "服用", "999", "小儿", "止咳糖浆", ",", "有", "医学常识", "的", "朋友", "应该", "知道", "小儿", "咳嗽", "易", "发生", "的", "主要原因", "是", "肺脏", "娇嫩", ",", "常", "有", "不足", ",", "以及", "卫", "表", "不", "固", ",", "御", "邪", "之", "力", "薄弱", "等", "内在", "不足", "。", "小儿", "咳嗽", "首先", "要", "弄", "清", "情况", ",", "如", "有无", "痰", "液", "等", "。", "3", "岁", "以下", "的", "小儿", ",", "呼吸系统", "发育", "尚", "不成熟", ",", "如", "给予", "较", "强", "的", "止咳药", ",", "咳嗽", "虽", "暂时停止", ",", "但", "痰", "液", "不能", "顺利", "排出", "会", "造成", "气管", "堵塞", ",", "引起", "缺氧", "、", "脉搏", "加快", ",", "甚至", "发生", "肺不张", "、", "心力衰竭", "等", "并发症", "。", "而", "999", "小儿", "止咳糖浆", "针对", "小儿", "脏腑", "娇嫩", "之", "特点", ",", "采用", "中西结合", "之", "法", ",", "扶正", "固本", ",", "标本兼治", "。", "迅速", "解除", "小儿", "咳痰", "、", "喘", "等", "症状", ",", "有", "抗菌", "消炎", "之", "功效", ",", "对", "金黄色", "葡萄球菌", "有", "抑制", "作用", ",", "专治", "小儿", "咳", "、", "痰", "、", "喘", "之", "顽疾", "。", "另外", "糖浆", "剂型", ",", "安全", ",", "携带方便", "口感好", ",", "易", "服用", "。", "在", "服用", "999", "小儿", "止咳糖浆", "时", ",", "家长", "可以", "遵照", "医嘱", "再", "给", "宝宝", "服用", "999", "小儿", "感冒药", ",", "这样", "效果", "会", "刚好", "。", "(", "图片", "来源于", "网络", ")", "小孩", "咳嗽", "怎么办", ",", "很多", "家长", "不愿意", "为", "宝宝", "服用", "药物", ",", "希望", "通过", "食疗", "的", "方法", "缓解", "孩子", "症状", ",", "这", "部分", "家长", "不妨试试", "给", "宝宝", "熬", "制", "川贝", "梨", "水", "喝", ",", "止咳", "效果", "很不错", "。", "要", "让", "宝宝", "坚持", "喝", "上", "3", "-", "-", "5", "天", "才能", "见效", "。", "若", "是", "通过", "食疗", "不能", "缓解", "宝宝", "症状", "时", ",", "家长", "就要", "小心", ",", "是不是", "需要", "咨询", "下", "医生", "给", "宝宝", "服用", "999", "小儿", "止咳糖浆", ",", "要", "么", "就是", "食疗", "加药", "疗", "同时", "进行", "。", "为了自己", "或", "家人", "健康", ",", "特别", "是", "家里", "的", "小孩", ",", "大家", "应该", "掌握", "更多", "简单", "疾病", "的", "治疗方法", ",", "例如", "小孩", "咳嗽", "怎么办", ",", "只有这样", "在", "孩子", "出现", "症状", "时", "才能", "及时", "的", "给予", "治疗", ",", "帮助", "宝宝", "缓解", "病情", "。"], ["发表", "于", "2017", "-", "06", "-", "09", "16", ":", "47"], ["如果", "孩子", "太", "小", "的", "话", ",", "能", "不用", "药", "尽量", "不要", "用药", ",", "药物", "到底", "还是", "有", "副作用", "。", "通常", "小儿", "咳嗽", "通过", "按摩", "的", "方式", "就能", "治", "好", ",", "就像", "我们", "亲戚", "家", "的", "孩子", ",", "以前", "经常", "咳嗽", ",", "在", "北京", "大", "福", "堂", "推拿", "按摩", "了", "一段时间", "后", ",", "咳嗽", "就", "明显", "少", "多", "了", ",", "现在", "基本", "好", "了"]], "title": "小孩咳嗽怎么办,喝999小儿止咳糖浆家长放心省心_奇瑞论坛_太平洋"}, {"bs_rank_pos": 8, "paragraphs": [" 您需要登录后才可以回帖 登录 | 注册 "], "segmented_title": ["小孩", "咳嗽", "怎么办", ",", "服用", "999", "小儿", "止咳糖浆", "可", "止咳", "-", "大众健康"], "segmented_paragraphs": [["您", "需要", "登录", "后", "才", "可以", "回帖", "登录", "|", "注册"]], "title": "小孩咳嗽怎么办,服用999小儿止咳糖浆可止咳-大众健康 "}], "question": "999小儿止咳糖浆 怎么办服用", "segmented_question": ["999", "小儿", "止咳糖浆", "怎么办", "服用"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221655}
-{"documents": [{"bs_rank_pos": 1, "paragraphs": [" 【导语】:12月18日晚天天向上录制是小五最后一期,现场小五跪地行大礼进行三分钟的告别仪式。", " 小五天天向上行跪礼录制时间:12月18日深夜", " 小五天天向上行跪礼播出时间:2016年2月5日的春节特别节目", " 下文转自微信公众号“娱乐拆穿姐”微信号:yulechaichuanjie", " 《来自星星的你》里有句台词是这样的:“分别的话要尽早说,因为真正到了分别的时候,就没办法好好告别了……”", " 这么多自制节目,姐最爱就是《天天向上》!", " 汪涵的口才不用多说,欧弟的超能模仿是一绝,钱枫……好吧每次看天天兄弟一起“骂”他也真是习以为常……", " “天天兄弟”7年,人员也变了好几次——矢野浩二2012年离队,田源今年因“出轨门”风波退出。虽然有俞灏明归队,但是……昨晚,小五金恩圣录制了个人在《天天向上》的最后一期节目。他要回韩国服兵役。", " 虽然,暂别的消息早在今年8月就宣布……", " 但这样的画面,也是让人心酸的……", " 暂别的最后一场《天天向上》,节目组特别为小五设置了告别环节。小五说了3分钟的告白心声,动情时痛哭流涕,还跪行大礼答谢观众和天天兄弟。他说:很舍不得哥哥们,也舍不得粉丝们,希望两年后大家还能记得他。", " wuli小五可是《天天向上》的颜值担当啊!", "本地宝郑重声明:本文仅代表作者个人观点,与本地宝无关。其原创性及文中陈述内容未经本站证实,本地宝对本文及其中全部或者部分内容的真实性、完整性、及时性不作任何保证和承诺,请网友自行核实相关内容。"], "segmented_title": ["天天向上", "小五", "告别", "是", "哪", "一期", "?", "暂别", "是", "为了", "更好", "的", "相聚", "-", "北京", "本地宝"], "segmented_paragraphs": [["【", "导语", "】", ":", "12", "月", "18", "日", "晚", "天天向上", "录制", "是", "小五", "最后", "一期", ",", "现场", "小五", "跪地", "行", "大", "礼", "进行", "三分钟的告别仪式", "。"], ["小五", "天天向上", "行", "跪", "礼", "录制", "时间", ":", "12", "月", "18", "日", "深夜"], ["小五", "天天向上", "行", "跪", "礼", "播出时间", ":", "2016", "年", "2", "月", "5", "日", "的", "春节", "特别节目"], ["下", "文", "转", "自", "微信", "公众", "号", "“", "娱乐", "拆穿", "姐", "”", "微信", "号", ":", "yulechai", "chuanjie"], ["《", "来自", "星星", "的", "你", "》", "里", "有", "句", "台词", "是", "这样", "的", ":", "“", "分别", "的", "话", "要", "尽早", "说", ",", "因为", "真正", "到", "了", "分别", "的", "时候", ",", "就", "没办法", "好", "好", "告别", "了", "…", "…", "”"], ["这么多", "自制", "节目", ",", "姐", "最爱", "就是", "《", "天天向上", "》", "!"], ["汪涵", "的", "口才", "不用多说", ",", "欧弟", "的", "超能", "模仿", "是", "一", "绝", ",", "钱枫", "…", "…", "好", "吧", "每次", "看", "天天", "兄弟", "一起", "“", "骂", "”", "他", "也", "真是", "习以为常", "…", "…"], ["“", "天天", "兄弟", "”", "7", "年", ",", "人员", "也", "变", "了", "好", "几", "次", "—", "—", "矢野浩二", "2012", "年", "离队", ",", "田源", "今年", "因", "“", "出轨", "门", "”", "风波", "退出", "。", "虽然", "有", "俞灏明", "归队", ",", "但是", "…", "…", "昨晚", ",", "小五", "金恩圣", "录制", "了", "个人", "在", "《", "天天向上", "》", "的", "最后", "一期", "节目", "。", "他", "要", "回", "韩国", "服兵役", "。"], ["虽然", ",", "暂别", "的", "消息", "早", "在", "今年", "8", "月", "就", "宣布", "…", "…"], ["但", "这样", "的", "画面", ",", "也是", "让", "人", "心酸", "的", "…", "…"], ["暂别", "的", "最后一场", "《", "天天向上", "》", ",", "节目组", "特别", "为", "小五", "设置", "了", "告别", "环节", "。", "小五", "说", "了", "3", "分钟", "的", "告白", "心声", ",", "动情", "时", "痛哭流涕", ",", "还", "跪", "行", "大", "礼", "答谢", "观众", "和", "天天", "兄弟", "。", "他", "说", ":", "很", "舍不得哥哥们", ",", "也", "舍不得", "粉丝", "们", ",", "希望", "两年后", "大家", "还能", "记得", "他", "。"], ["wuli", "小五", "可是", "《", "天天向上", "》", "的", "颜值", "担当", "啊", "!"], ["本地宝", "郑重声明", ":", "本", "文", "仅", "代表", "作者", "个人观点", ",", "与", "本地宝", "无关", "。", "其", "原创", "性", "及", "文", "中", "陈述", "内容", "未经", "本站", "证实", ",", "本地宝", "对", "本", "文", "及其", "中", "全部", "或者", "部分", "内容", "的", "真实性", "、", "完整性", "、", "及时", "性", "不", "作", "任何", "保证", "和", "承诺", ",", "请", "网友", "自行", "核实", "相关内容", "。"]], "title": "天天向上小五告别是哪一期?暂别是为了更好的相聚- 北京本地宝"}, {"bs_rank_pos": 6, "paragraphs": [" 小五那期没播王一博就上位,嘛意思?", " 我觉得吧,小五现在虽然在韩国但还没正式入伍,好像还在体检啥的,估计正式入伍时才播吧", " 那期小五服完兵役回来的时候播 ", " 每对新人结婚成功的那一刻,送礼最多的吧友可以获得本次求婚的“月老”称号和成就,去领取 ", " 活动截止:2100-01-01 ", " 西卡录的那期还有小五哒,不是还没播么 ", " 应该是昨晚有新节目开播,就把这期我是歌手嘉宾的提前了 ", " 登录百度帐号 ", " 贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "segmented_title": ["【", "2016", "天天向上", "】", "怎么", "没有", "小五", "离开", "的", "那", "一期", "?", "?", "?", "?", "?", "_", "天天向上", "吧", "_", "百度"], "segmented_paragraphs": [["小五", "那", "期", "没", "播", "王一博", "就", "上位", ",", "嘛", "意思", "?"], ["我", "觉得", "吧", ",", "小五", "现在", "虽然", "在", "韩国", "但", "还", "没", "正式", "入伍", ",", "好像", "还在", "体检", "啥", "的", ",", "估计", "正式", "入伍", "时", "才", "播", "吧"], ["那", "期", "小五", "服", "完", "兵役", "回来", "的", "时候", "播"], ["每", "对", "新人", "结婚", "成功", "的", "那一刻", ",", "送礼", "最多", "的", "吧", "友", "可以", "获得", "本次", "求婚", "的", "“", "月老", "”", "称号", "和", "成就", ",", "去", "领取"], ["活动", "截止", ":", "2100", "-", "01", "-", "01"], ["西卡", "录", "的", "那", "期", "还有", "小五", "哒", ",", "不是", "还", "没", "播", "么"], ["应该", "是", "昨晚", "有", "新", "节目", "开播", ",", "就", "把", "这", "期", "我", "是", "歌手", "嘉宾", "的", "提前", "了"], ["登录", "百度", "帐号"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "title": "【2016天天向上】怎么没有小五离开的那一期?????_天天向上吧_百度"}, {"bs_rank_pos": 7, "paragraphs": ["核心提示: 《天天向上》最安静的美男子——小五要入伍了55555! ", "《天天向上》最安静的美男子——小五要入伍了55555!", " 小五将在12月31日返回韩国,开始为期20个月的兵役生活。", " 在12月18日晚,他录制了回国服兵役前的最后一期《天天向上》,在舞台上进行了3分钟的告白心声,向天天兄弟和观众们下跪行大礼:“害怕在观众眼中消失了,在大家心里也消失了”,全场都哭得唏哩哗啦的。", " 有些人就是,虽然平时默默无闻,但一旦离开,谁也替代不了。", " 估计许多人还不知道小五的真名吧——“金恩圣”。", "【换个姿势看山东-天天豪礼有惊喜-全新界面国际范儿】", "责任编辑:白丽 ", "扫描左侧二维码或直接加微信号“qiluwanbao002”关注齐鲁晚报官方微信公共平台。 "], "segmented_title": ["天天向上", "小五", "告别", "是", "哪", "一期", "?", "小五", "跪", "别", "天天", "兄弟", ",", "汪涵", "把", "银行卡", "都", "给", "了", "他", ","], "segmented_paragraphs": [["核心提示", ":", "《", "天天向上", "》", "最", "安静", "的", "美男子", "—", "—", "小五", "要", "入伍", "了", "55555", "!"], ["《", "天天向上", "》", "最", "安静", "的", "美男子", "—", "—", "小五", "要", "入伍", "了", "55555", "!"], ["小五", "将", "在", "12", "月", "31", "日", "返回", "韩国", ",", "开始", "为", "期", "20", "个", "月", "的", "兵役", "生活", "。"], ["在", "12", "月", "18", "日", "晚", ",", "他", "录制", "了", "回国", "服兵役", "前", "的", "最后", "一期", "《", "天天向上", "》", ",", "在", "舞台", "上", "进行", "了", "3", "分钟", "的", "告白", "心声", ",", "向", "天天", "兄弟", "和", "观众", "们", "下跪", "行", "大", "礼", ":", "“", "害怕", "在", "观众", "眼中", "消失了", ",", "在", "大家", "心里", "也", "消失了", "”", ",", "全场", "都", "哭", "得", "唏", "哩", "哗啦", "的", "。"], ["有些人", "就是", ",", "虽然", "平时", "默默无闻", ",", "但", "一旦", "离开", ",", "谁", "也", "替代", "不", "了", "。"], ["估计", "许多人", "还", "不知道", "小五", "的", "真名", "吧", "—", "—", "“", "金恩圣", "”", "。"], ["【", "换", "个", "姿势", "看", "山东", "-", "天天", "豪", "礼", "有", "惊喜", "-", "全新界面", "国际", "范", "儿", "】"], ["责任编辑", ":", "白", "丽"], ["扫描", "左侧", "二维码", "或", "直接", "加", "微信", "号", "“", "qilu", "wanbao", "002", "”", "关注", "齐鲁晚报", "官方", "微信", "公共", "平台", "。"]], "title": "天天向上小五告别是哪一期?小五跪别天天兄弟,汪涵把银行卡都给了他,"}], "question": "小五离开天天向上是哪一期", "segmented_question": ["小五", "离开", "天天向上", "是", "哪", "一期"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221656}
-{"documents": [{"title": "七龙珠观看顺序?_百度知道", "segmented_title": ["七龙珠", "观看", "顺序", "?", "_", "百度", "知道"], "segmented_paragraphs": [["龙珠", ",", "龙珠z", ",", "(", "龙珠", "超", ")", "龙珠gt"], ["龙珠", ",", "龙珠z", ",", "龙珠gt"]], "paragraphs": ["龙珠,龙珠z,(龙珠超)龙珠gt", "龙珠,龙珠z,龙珠gt"], "bs_rank_pos": 0}, {"title": "龙珠总共有几部。按什么顺序看_百度知道", "segmented_title": ["龙珠", "总共", "有", "几", "部", "。", "按", "什么", "顺序", "看", "_", "百度", "知道"], "segmented_paragraphs": [["七龙珠", "(", "这个", "是", "小时候", "的", ",", "故事", "比较", "搞笑", ")", "七龙珠Z", "(", "已", "成长", "的", "故事", ",", "很", "热血", ",", "刺激", ")", "七龙珠GT", "(", "过", "了", "好", "多", "年", "了", "续篇", ",", "只有", "64", "集", ")", "龙珠改", ",", "(", "七龙珠Z", "缩减", "版", ",", "把", "很多", "拖", "时间", "的", "情节", "去掉", ")", "龙珠", "超", "(", "刚刚", "出", "的", ",", "还在", "连载", "中", ",", "只有", "14", "集", ",", "也是", "Z", "的", "续篇", ")"], ["龙珠", "DP", "—", "—", "龙珠", "Z", "—", "—", "龙珠GT", "或", "龙珠", "超", ",", "龙珠", "gt", "是", "鸟山明", "授权", "的", ",", "但", "不是", "鸟山明", "画", "的", ",", "但是", "龙珠", "超", "是", "鸟山明", "亲自操刀", "的", "(", "尽管", "我", "不", "喜欢", "看", ")"]], "paragraphs": ["七龙珠(这个是小时候的,故事比较搞笑) 七龙珠Z(已成长的故事,很热血,刺激) 七龙珠GT(过了好多年了续篇,只有64集) 龙珠改,(七龙珠Z缩减版,把很多拖时间的情节去掉) 龙珠超(刚刚出的,还在连载中,只有14集,也是Z的续篇)", "龙珠DP——龙珠Z——龙珠GT或龙珠超,龙珠gt是鸟山明授权的,但不是鸟山明画的,但是龙珠超是鸟山明亲自操刀的(尽管我不喜欢看)"], "bs_rank_pos": 1}, {"title": "七龙珠看的顺序是怎样的,要全啊_百度知道", "segmented_title": ["七龙珠", "看", "的", "顺序", "是", "怎样", "的", ",", "要", "全", "啊", "_", "百度", "知道"], "segmented_paragraphs": [["七龙珠", ",", "然后", "龙珠z", ",", "然后", "龙珠", "超", ",", "龙珠", "gt", "是", "外传", ",", "剧情", "不", "连接", "得", ",", "建议", "z", "后面", "看"]], "paragraphs": ["七龙珠,然后龙珠z,然后龙珠超,龙珠gt是外传,剧情不连接得,建议z后面看"], "bs_rank_pos": 2}, {"title": "七龙珠应该按哪个顺序看?_百度知道", "segmented_title": ["七龙珠", "应该", "按", "哪个", "顺序", "看", "?", "_", "百度", "知道"], "segmented_paragraphs": [["1", ".", "七龙珠", ",", "2", ".", "龙珠Z", ",", "3", ".", "龙珠GT", ",", "龙珠改", "其实", "就是", "龙珠Z", ",", "不过", "就是", "重新", "制作", "过", "了", ",", "内容", "更加", "的", "贴近", "漫画", "【", "龙珠", "剧场版", "观看", "顺序", "】", "GT", "特别版", "—", "—", "证明", "勇气", "的", "四星", "球", "TV", "剧场版", "01", "-", "神龙传说", "TV", "剧场版", "02", "-", "魔神", "城", "内", "的", "睡美人", "TV", "剧场版", "03", "-", "摩", "诃", "不", "思议", "大冒险", "TV", "剧场版", "04", "-", "最强", "之", "道", "Z", "TV", "特别版", "01", "-", "-", "悟空", "父亲", "的", "故事", "Z", "TV", "特别版", "16", "-", "未来篇", "Z", "剧场版", "01", "-", "热血", "热", "斗", "Z", "剧场版", "02", "-", "世上最强", "的", "人", "Z", "剧场版", "03", "-", "地球争霸战", "Z", "剧场版", "04", "-", "超级赛亚人", "孙悟空", "Z", "剧场版", "05", "-", "最强", "对", "最强", "Z", "剧场版", "06", "-", "一百", "亿", "能量", "战士", "Z", "剧场版", "07", "-", "激战", "人造人", "Z", "剧场版", "08", "-", "传说", "中", "的", "超级赛亚人", "Z", "剧场版", "09", "-", "银河战士", "Z", "剧场版", "10", "-", "两人", "面临", "危机", "Z", "剧场版", "11", "-", "击倒超战士", "Z", "剧场版", "12", "-", "悟空", "与", "达尔", "的", "合体", "Z", "剧场版", "13", "-", "龙拳爆发", "龙珠", "外传", "-", "赛亚人灭绝计划", "(", "地球篇", ")", "龙珠", "外传", "-", "赛亚人灭绝计划", "(", "宇宙", "篇", ")"]], "paragraphs": ["1.七龙珠,2.龙珠Z,3.龙珠GT,龙珠改其实就是龙珠Z,不过就是重新制作过了,内容更加的贴近漫画 【龙珠剧场版观看顺序】 GT特别版——证明勇气的四星球 TV剧场版01-神龙传说 TV剧场版02-魔神城内的睡美人 TV剧场版03-摩诃不思议大冒险 TV剧场版04-最强之道 Z TV特别版01--悟空父亲的故事 Z TV特别版16-未来篇 Z剧场版01-热血热斗 Z剧场版02-世上最强的人 Z剧场版03-地球争霸战 Z剧场版04-超级赛亚人孙悟空 Z剧场版05-最强对最强 Z剧场版06-一百亿能量战士 Z剧场版07-激战人造人 Z剧场版08-传说中的超级赛亚人 Z剧场版09-银河战士 Z剧场版10-两人面临危机 Z剧场版11-击倒超战士 Z剧场版12-悟空与达尔的合体 Z剧场版13-龙拳爆发 龙珠外传-赛亚人灭绝计划(地球篇) 龙珠外传-赛亚人灭绝计划(宇宙篇)"], "bs_rank_pos": 3}, {"title": "求指点,龙珠的顺序是怎样的?_七龙珠吧_百度贴吧", "segmented_title": ["求", "指点", ",", "龙珠", "的", "顺序", "是", "怎样", "的", "?", "_", "七龙珠", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["最近", "看", "了", "龙珠改", ",", "是", "小时候", "那个", "后面", "发生", "的", "事", ",", "最近", "想", "补", "下", "这个", "动漫", ",", "从", "哪个", "开始", "看", "起", "?"], ["龙珠改", ",", "然后", "是", "布欧", "篇", ",", "龙珠", "超", "。"], ["龙珠", ",", "龙珠", "z", ",", "GTt", "略", "掉", "最后", "是", "龙珠", "超", "中间", "还有", "部分", "的", "剧场版"], ["龙珠", ",", "龙珠Z", "(", "或者", "龙珠改", ")", ",", "龙珠gt", "(", "同人", ",", "可以", "不看", ")", ",", "龙珠", "超", "。", "剧场版", "推荐", ":", "神与神", ",", "复活", "的", "f", "~", "~", "~"], ["龙珠", "tv", ",", "龙珠z", "(", "可以", "看", "龙珠改", ")", ",", "龙珠", "超", "。", "龙珠gt", "是", "东映", "原创", "的", "结局", ",", "没", "出", "超前", "都", "看", "这个"], ["龙珠", "动画", "观看", "顺序", "旧", "版", ":", "龙珠", "—", "—", "龙珠", "Z", "—", "—", "龙珠GT", "新版", ":", "龙珠", "—", "—", "龙珠", "改", "—", "—", "龙珠", "超龙珠", "(", "鸟山明", "创作", "的", "漫画", ")", "又", "名", ":", "七龙珠", ",", "于", "1984", "年", "在", "漫画", "杂志", "《", "少年", "JUMP", "周刊", "》", "连载", "。", "漫画", "(", "全", "519", "话", ")", "连载", "期间", "1984", "年", "-", "1995", "年", "出版", "期间", ":", "1985", "年", "9", "月", "10", "日", "-", "1995", "年", "8", "月", "4", "日", "单行本", "册", "数", ":", "42", "卷", "(", "单行本", ")", "出版社", ":", "集英社", "1986", "年", "动画", "化", "动画制作", ":", "东映", "动画", "株式会社", "龙珠", "TV", "第", "1", "篇", "至", "第", "194", "篇", "集数", ":", "153", "集", "龙珠Z", "第", "195", "篇", "-", "第", "519", "篇", "集数", ":", "291", "集", "龙珠GT", "(", "东映", "原创", "续作", ")", "集数", ":", "64", "集", "龙珠改", "【", "龙珠Z", "重制", "版", "龙珠改", "集数", ":", "98", "集", ",", "龙珠改", "魔人布欧", "篇", "集数", ":", "61", "集", "】", "龙珠Z", ":", "神与神", "剧场版", "鸟山明", "担当", "故事", "及", "角色设定", "。", "2013", ".", "03", ".", "30", "龙珠Z", ":", "复活", "的", "F", "剧场版", "鸟山明", "担当", "故事", "及", "角色设定", "。", "2015", ".", "04", ".", "18", "龙珠", "超", "(", "鸟山明", "担当", "故事", "原案", ",", "Toy", "ble", "作画", "执笔", "的", "漫画", ")", "正统", "续篇", "2015", "年", "6", "月", "20", "日", "在", "集英社", "旗下", "《", "V", "JUMP", "》", ",", "连载中", "TV", "动画版", "2015", "年", "7", "月", "5", "日", "播出", "《", "龙珠", "剧场版", "》", "(", "官方", "剧场版", "动画", "改编", ")", "01", "神龙传说", "1986", ".", "12", ".", "2002", "魔神", "城", "内", "的", "睡美人", "1987", ".", "07", ".", "1803", "摩诃", "不可思议", "大冒险", "1988", ".", "07", ".", "0904", "把", "悟饭", "还给我", "(", "卡利", "克", "二世", "剧场版", ")", "1989", ".", "07", ".", "1505", "史上最强者", "1990", ".", "03", ".", "1506", "地球", "超级", "大决战", "1990", ".", "07", ".", "1707", "超级赛亚人", "孙悟空", "1991", ".", "03", ".", "1908", "超越极限", "的", "最强", "对", "最强", "1991", ".", "07", ".", "2009", "100", "亿", "能量", "战士", "1992", ".", "03", ".", "7", "10", "极限", "之", "战", "!", "三大", "超级赛亚人", "1992", ".", "07", ".", "1111", "燃烧吧", "!", "热战", "!", "烈战", "!", "超激战", "!", "1993", ".", "03", ".", "06", "12", "银河面临危机", "身手不凡", "的", "高手", "1993", ".", "07", ".", "1013", "二人面临危机", "超", "战士", "难以", "成", "眠", "1994", ".", "03", ".", "1214", "击倒超战士", "胜利", "非我莫属", "1994", ".", "07", ".", "0215", "复活", "的", "融合", "!", "悟空", "和", "贝吉塔", "1995", ".", "03", ".", "0416", "龙拳爆发", "!", "悟空", "舍我其谁", "1995", ".", "07", ".", "1517", "迈向", "最强", "之", "道", "1996", ".", "03", ".", "0218", "龙珠Z", ":", "神与神", "2013", ".", "03", ".", "3019", "龙珠Z", ":", "复活", "的", "F", "2015", ".", "04", ".", "18", "【", "OVA", "】", "OVA", "1", "赛亚人灭绝计划", "地球篇", "1993", "年", "OVA", "2", "赛亚人灭绝计划", "宇宙", "篇", "1994", "年", "2010", "年", "被", "重制", "OVA", "3", "归来", "!", "悟空", "和", "他", "的", "朋友们", "2008", "年", "OVA", "4", "巴", "达", "克", "之", "章", "2011", "年", "特别", "篇", "1", "一夫当关", "的", "最后决战", "1995", "年", "2", "遥远的悟空传说", "(", "后", "被", "改编", "成", "游戏", ")", "1996", "年", "3", "勇气", "的", "证明", "!", "4", "星球", "1997", "年", "4", "挑战", "绝望", "!", "仅存", "的", "超", "战士", "悟饭", "和", "特", "南", "克", "斯", "1993", "年", "《", "龙珠", "SD", "》", "(", "官方", "短篇", ")", "《", "龙珠", "超次元乱战", "》", "(", "同人", ")", "《", "龙珠", "零界", "篇", "》", "《", "龙珠", "AF", "》", "《", "新", "龙珠", "AF", "》", "《", "龙珠", "EX", "》", "等", "皆", "为", "同人", "续作"], ["1986", "年", "-", "1989", "年", ":", "DRAGON", "BALL", "(", "153", "话", ")", "1989", "年", "-", "1995", "年", ":", "DRAGON", "BALL", "Z", "(", "291", "话", ")", "1996", "年", "-", "1997", "年", ":", "DRAGON", "BALL", "GT", "(", "64", "话", "+", "番外", ")", "2009", "年", "-", "2010", "年", ":", "DRAGON", "BALL", "改", "(", "98", "话", ")", "2014", "年", "-", "2015", "年", ":", "DRAGON", "BALL", "改", "之", "魔人布欧", "篇", "(", "61", "话", ")", "2015", "年", "-", ":", "DRAGON", "BALL", "超", "(", "更新", "连载中", ")", "1986", "年", "-", "2015", "年", ":", "龙珠", "剧场版", "(", "18", "话", ")"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "paragraphs": ["最近看了龙珠改,是小时候那个后面发生的事,最近想补下这个动漫,从哪个开始看起?", "龙珠改,然后是布欧篇,龙珠超。", "龙珠,龙珠z,GTt略掉 最后是龙珠超 中间还有部分的剧场版", "龙珠,龙珠Z(或者龙珠改),龙珠gt(同人,可以不看),龙珠超。剧场版推荐:神与神,复活的f~~~", "龙珠tv,龙珠z(可以看龙珠改),龙珠超。龙珠gt是东映原创的结局,没出超前都看这个", "龙珠动画观看顺序旧版:龙珠——龙珠Z——龙珠GT新版:龙珠——龙珠改——龙珠超龙珠(鸟山明创作的漫画)又名:七龙珠,于1984年在漫画杂志《少年JUMP周刊》连载。漫画(全519话)连载期间1984年-1995年出版期间:1985年9月10日-1995年8月4日单行本册数:42卷(单行本)出版社:集英社1986年动画化动画制作:东映动画株式会社龙珠TV第1篇至第194篇 集数:153集龙珠Z第195篇-第519篇 集数:291集龙珠GT(东映原创续作)集数:64集龙珠改【龙珠Z重制版龙珠改 集数:98集,龙珠改魔人布欧篇集数:61集】龙珠Z:神与神 剧场版鸟山明担当故事及角色设定。2013.03.30龙珠Z:复活的F剧场版鸟山明担当故事及角色设定。2015.04.18龙珠超(鸟山明担当故事原案,Toyble作画执笔的漫画)正统续篇2015年6月20日在集英社旗下《V JUMP》,连载中TV动画版2015年7月5日播出《龙珠剧场版》(官方剧场版动画改编)01 神龙传说 1986.12.2002 魔神城内的睡美人 1987.07.1803 摩诃不可思议大冒险 1988.07.0904把悟饭还给我(卡利克二世剧场版)1989.07.1505 史上最强者1990.03.1506 地球超级大决战1990.07.1707 超级赛亚人孙悟空 1991.03.1908 超越极限的最强对最强 1991.07.2009 100亿能量战士 1992.03.710 极限之战!三大超级赛亚人 1992.07.1111 燃烧吧!热战!烈战!超激战!1993.03.06 12 银河面临危机 身手不凡的高手 1993.07.1013 二人面临危机 超战士难以成眠 1994.03.1214 击倒超战士 胜利非我莫属 1994.07.0215 复活的融合!悟空和贝吉塔 1995.03.0416 龙拳爆发!悟空舍我其谁 1995.07.1517 迈向最强之道 1996.03.0218 龙珠Z:神与神2013.03.3019 龙珠Z:复活的F2015.04.18【OVA】OVA1 赛亚人灭绝计划地球篇 1993年OVA2 赛亚人灭绝计划宇宙篇1994年2010年被重制 OVA3 归来!悟空和他的朋友们 2008年OVA4 巴达克之章 2011年特别篇1 一夫当关的最后决战 1995年2 遥远的悟空传说(后被改编成游戏) 1996年3 勇气的证明!4星球 1997年4 挑战绝望!仅存的超战士悟饭和特南克斯 1993年《龙珠SD》(官方短篇)《龙珠超次元乱战》(同人)《龙珠零界篇》《龙珠AF》《新龙珠AF》《龙珠EX》等皆为同人续作", "1986年 - 1989年:DRAGON BALL(153话)1989年 - 1995年:DRAGON BALL Z(291话)1996年 - 1997年:DRAGON BALL GT(64话+番外)2009年 - 2010年:DRAGON BALL 改(98话)2014年 - 2015年:DRAGON BALL 改之魔人布欧篇(61话)2015年 - :DRAGON BALL 超(更新连载中)1986年 - 2015年:龙珠剧场版(18话)", "下载贴吧APP看高清直播、视频!", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "bs_rank_pos": 4}], "question": "龙珠顺序", "segmented_question": ["龙珠", "顺序"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221657}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["近日铑黑多少钱一斤", "产品价格: 9999¥", " 品牌: 富源贵金属回收", " 规格型号: 不限", " 供货总量: 1", " 起订量: 1", "发布公司: 富源贵金属回收公司", "联系电话: 张清海(13621809378) 联系我时,请告知来自中国化工产品网,谢谢!", " 近日铑黑多少钱一斤【报价热线:张先生:13621809378】【询价QQ:2294600298】【微信问价:fuyuanhs999】诚信经营高价回收近日铑黑多少钱一斤首选富源贵金属回收,专业的近日铑黑多少钱一斤公司", " 富源贵金属回收有限公司秉持着价优为基础、公平求生存、信誉作保证、信守承诺、现金支付、安全快捷,对提供业务信息者提供业务佣金的宗旨。面向全国高阶回收一切含有(金、银、铂、铑、钯)贵金属及废料。", " --1.--含金类别:金盐、金水、镀金、金线、金渣、金丝、金牌、边角料、镀金废液等  --2.--含银类别:银浆、导电银浆、银焊条、擦银布、导电银漆、银胶、导电布、银触点、银膏、、银粉、银线、氯化银、导电银浆、氧化银等  --3.--含钯类别:钯碳、废钯炭、氧化钯、钯浆、钯盐、钯水、钯粉、钯触媒、钯碳催化剂、钯黑、钯管、钯、海绵钯、  --4.--含铂类别:铂碳、废铂炭、海绵铂、铂金粉、铂金水、废铂坩埚、铂碳催化剂、铂铑丝、铂金粉、铂金水、铂碳。 ", " --5.--含铑类别:铑水、铑粉、氯化铑、铑碳、等一切含金银铂钯铑的贵金属。", " 近日铑黑多少钱一斤】=其中,天津的gdp增速目标从2016年的9%左右调低到2017年的8%;上海从6.5-7%,调低到6.5%;山西从6%左右调低到5.5%;河南从8%左右调低到7.5%以上;湖北从9%左右调低到8%左右;湖南从8.5%左右,调低到8%左右。21世纪经济报道记者了解到,各地之所以主动调低经济增速,是因为过去的模式已经不可持续。以天津为例,天津2016年前三季度经济增速为9.1%,位于9%左右的预期。但是天津2016年10月规模以上工业增速为4.3%,这是约15年来好低值。一些主要的汽车主机厂还在不断的加码投资建设,我们还要注意到城市出租车的年限强制更新,汽车租赁行业的蓬勃发展等都将带来对汽车用钢的庞大增长需求。所以说汽车行业的爆发与购置税是有一定关系,但更要看到汽车的庞大基数,以及出口等方面的因素影响。关于热轧卷板的产能增长,笔者从行业了解到扬州恒润投产3座1080m高炉(原西城项目)建有热轧卷板和中厚板生产线、安徽铜陵旋力建有2座1080m高炉生产中厚板以及板坯等、河北敬业钢铁增加了热卷的投放量、以及普阳、新金都在出1250mm以下规格卷板主要是c料、山西建龙复产后亦有热卷、板坯等投放计划,整体估算,。全国万元国内生产总值能耗下降5.0%。工业企业吨粗铜综合能耗下降9.45%,吨钢综合能耗下降0.08%,单位烧碱综合能耗下降2.08%,吨水泥综合能耗下降1.81%,每千瓦时火力发电标准煤耗下降0.97%。", " 2017海绵钯回收多少钱我们需要增加劳动力,零利率不正常会带来扭曲,商业投资领域缺乏增长,经济能够承受缓慢、渐进式的加息。2、据周二(1月12日)的一份金泥报告显示,美国12月进口物价指数终于缓和了市场对通胀停滞的担忧情绪,不过表现低于预估,通缩周期的结束有助于提振美联储的加息预期。美国劳工部(DOL)公布的数据显示,美国12月进口物价指数月率上升0.4%,预期上升0.7%,前值为下降0.3%。3、据周四(1月12日)的一份金泥报告称,美国上周初请人数好于预期但逊于前值,潜在的趋势表明当前劳动力市场正在收紧,不过续领失业金人数变化需要关注。美国劳工部(DOL)公布的数据显示,美国1月7日当周季调后初请失业金人数为24.7万人,为连续97周处于30万人门槛以下,预估为25.5万人,前值修正为23.7万人。据证券日报2月6日报道,兴业银行、华福证券首席经济学家鲁政委表示,2016年,金融机构银浆余额同比增长13.5%,2017年房地产销售增速可能低于2016年,进而拖累居民银浆增长,预计2017年银浆余额增幅可能放缓至13.1%,对应全年新增银浆规模约14万亿元,如果2017年银浆投放节奏与2016年相似,2017年1月份新增人民币银浆规模可能达到2.8万亿元,招商证券研究发展中心分析师谢亚轩预计,2017年1月份铂黑规模达到2.7万亿元,他表示,央行严格调控总体银浆规模和居民房贷规模,且去年10月初房地产新政的严格执行导致居民中长期银浆规模趋势性下行,预计今年银浆增速继续下行,“不过年初银行出于抢占优质客户和早投放早收益的原因,放贷规模将维持高位,”。", " 商家:富源贵金属回收公司", " 联系人:张清海 联系固话:86-021-13621809378 传真号码:86-021-13621809378 商家地址:上海市松江区 商家网址:http://www.chemcp.com/shop/145152/", "富源贵金属回收公司", " 超级会员 第 1 年 ", "富源贵金属回收公司相关产品", " 免责声明:以上信息由会员自行提供,内容的真实性、准确性和合法性由发布会员负责,本网对此不承担任何责任。中国化工产品网不涉及用户间因交易而产生的法律关系及法律纠纷,纠纷由您自行协商解决。 防骗警示:为避免产生购买风险,建议您在购买相关产品前务必确认供应商资质及产品质量。过低的价格、夸张的描述、私人银行账户等都有可能是虚假信息,请采购商谨慎对待,谨防欺诈,对于任何付款行为请您慎重抉择! 温馨提示:当您的合法权益受到侵害时,欢迎您致电0371-61553802,我们会在1个工作日内为您处理,感谢您对中国化工产品网的关注与支持!"], "segmented_title": ["近日", "铑", "黑", "多少", "钱", "一斤", "-", "近日", "铑", "黑", "多少", "钱", "一", "-", "近日", "铑", "黑", "多少", "钱", "一"], "segmented_paragraphs": [["近日", "铑", "黑", "多少", "钱", "一斤"], ["产品", "价格", ":", "9999", "¥"], ["品牌", ":", "富源", "贵金属", "回收"], ["规格型号", ":", "不限"], ["供货", "总量", ":", "1"], ["起订量", ":", "1"], ["发布", "公司", ":", "富源", "贵金属", "回收", "公司"], ["联系电话", ":", "张清海", "(", "13621809378", ")", "联系", "我", "时", ",", "请", "告知", "来自", "中国", "化工产品", "网", ",", "谢谢", "!"], ["近日", "铑", "黑", "多少", "钱", "一斤", "【", "报价", "热线", ":", "张先生", ":", "13621809378", "】", "【", "询价", "QQ", ":", "2294600298", "】", "【", "微信", "问", "价", ":", "fuyuan", "hs", "999", "】", "诚信经营", "高价回收", "近日", "铑", "黑", "多少", "钱", "一斤", "首选", "富源", "贵金属", "回收", ",", "专业", "的", "近日", "铑", "黑", "多少", "钱", "一斤", "公司"], ["富源", "贵金属", "回收", "有限公司", "秉持", "着", "价", "优", "为", "基础", "、", "公平", "求生存", "、", "信誉", "作", "保证", "、", "信守承诺", "、", "现金支付", "、", "安全", "快捷", ",", "对", "提供", "业务", "信息", "者", "提供", "业务", "佣金", "的", "宗旨", "。", "面向全国", "高", "阶", "回收", "一切", "含有", "(", "金", "、", "银", "、", "铂", "、", "铑", "、", "钯", ")", "贵金属", "及", "废料", "。"], ["-", "-", "1", ".", "-", "-", "含", "金", "类别", ":", "金盐", "、", "金水", "、", "镀金", "、", "金线", "、", "金", "渣", "、", "金丝", "、", "金牌", "、", "边角料", "、", "镀金", "废液", "等", "-", "-", "2", ".", "-", "-", "含", "银", "类别", ":", "银浆", "、", "导电", "银浆", "、", "银", "焊条", "、", "擦银布", "、", "导电", "银", "漆", "、", "银胶", "、", "导电布", "、", "银", "触点", "、", "银", "膏", "、", "、", "银粉", "、", "银线", "、", "氯化银", "、", "导电", "银浆", "、", "氧化银", "等", "-", "-", "3", ".", "-", "-", "含", "钯", "类别", ":", "钯碳", "、", "废", "钯", "炭", "、", "氧化", "钯", "、", "钯浆", "、", "钯盐", "、", "钯", "水", "、", "钯粉", "、", "钯触媒", "、", "钯碳", "催化剂", "、", "钯黑", "、", "钯管", "、", "钯", "、", "海绵", "钯", "、", "-", "-", "4", ".", "-", "-", "含", "铂", "类别", ":", "铂", "碳", "、", "废", "铂炭", "、", "海绵", "铂", "、", "铂金", "粉", "、", "铂金", "水", "、", "废", "铂", "坩埚", "、", "铂", "碳", "催化剂", "、", "铂铑", "丝", "、", "铂金", "粉", "、", "铂金", "水", "、", "铂", "碳", "。"], ["-", "-", "5", ".", "-", "-", "含", "铑", "类别", ":", "铑水", "、", "铑粉", "、", "氯化", "铑", "、", "铑碳", "、", "等", "一切", "含", "金银", "铂", "钯", "铑", "的", "贵金属", "。"], ["近日", "铑", "黑", "多少", "钱", "一斤", "】", "=", "其中", ",", "天津", "的", "gdp", "增速", "目标", "从", "2016", "年", "的", "9", "%", "左右", "调低", "到", "2017", "年", "的", "8", "%", ";", "上海", "从", "6", ".", "5", "-", "7", "%", ",", "调低", "到", "6", ".", "5", "%", ";", "山西", "从", "6%", "左右", "调低", "到", "5", ".", "5", "%", ";", "河南", "从", "8", "%", "左右", "调低", "到", "7.5", "%", "以上", ";", "湖北", "从", "9", "%", "左右", "调低", "到", "8", "%", "左右", ";", "湖南", "从", "8.5", "%", "左右", ",", "调低", "到", "8", "%", "左右", "。", "21", "世纪经济报道", "记者", "了解到", ",", "各地", "之所以", "主动", "调低", "经济", "增速", ",", "是因为", "过去", "的", "模式", "已经", "不可", "持续", "。", "以", "天津", "为", "例", ",", "天津", "2016", "年", "前", "三", "季度", "经济", "增速", "为", "9", ".", "1", "%", ",", "位于", "9", "%", "左右", "的", "预期", "。", "但是", "天津", "2016", "年", "10", "月", "规模", "以上", "工业", "增速", "为", "4.3", "%", ",", "这", "是", "约", "15", "年", "来", "好", "低", "值", "。", "一些", "主要", "的", "汽车", "主机", "厂", "还在", "不断", "的", "加码", "投资", "建设", ",", "我们", "还要", "注意", "到", "城市", "出租车", "的", "年限", "强制", "更新", ",", "汽车租赁", "行业", "的", "蓬勃发展", "等", "都", "将", "带来", "对", "汽车", "用", "钢", "的", "庞大", "增长", "需求", "。", "所以说", "汽车", "行业", "的", "爆发", "与", "购置税", "是", "有", "一定", "关系", ",", "但", "更", "要", "看到", "汽车", "的", "庞大", "基数", ",", "以及", "出口", "等", "方面", "的", "因素", "影响", "。", "关于", "热轧卷板", "的", "产能", "增长", ",", "笔者", "从", "行业", "了解到", "扬州", "恒润", "投产", "3", "座", "1080", "m", "高炉", "(", "原", "西城", "项目", ")", "建", "有", "热轧卷板", "和", "中厚板", "生产线", "、", "安徽", "铜陵", "旋力", "建", "有", "2", "座", "1080", "m", "高炉", "生产", "中厚板", "以及", "板坯", "等", "、", "河北", "敬业", "钢铁", "增加", "了", "热卷", "的", "投放", "量", "、", "以及", "普阳", "、", "新", "金", "都", "在", "出", "1250", "mm", "以下", "规格", "卷板", "主要", "是", "c", "料", "、", "山西", "建", "龙", "复", "产后", "亦", "有", "热卷", "、", "板坯", "等", "投放", "计划", ",", "整体", "估算", ",", "。", "全国", "万元", "国内", "生产总值", "能耗", "下降", "5", ".", "0", "%", "。", "工业", "企业", "吨", "粗", "铜", "综合", "能耗", "下降", "9", ".", "45", "%", ",", "吨", "钢", "综合", "能耗", "下降", "0", ".", "08", "%", ",", "单位", "烧碱", "综合", "能耗", "下降", "2", ".", "08", "%", ",", "吨", "水泥", "综合", "能耗", "下降", "1", ".", "81", "%", ",", "每", "千瓦时", "火力发电", "标准", "煤耗", "下降", "0.97", "%", "。"], ["2017", "海绵", "钯", "回收", "多少", "钱", "我们", "需要", "增加", "劳动力", ",", "零利率", "不", "正常", "会", "带来", "扭曲", ",", "商业", "投资", "领域", "缺乏", "增长", ",", "经济", "能够", "承受", "缓慢", "、", "渐进式", "的", "加息", "。", "2", "、", "据", "周二", "(", "1", "月", "12", "日", ")", "的", "一", "份", "金", "泥", "报告显示", ",", "美国", "12", "月", "进口", "物价指数", "终于", "缓和", "了", "市场", "对", "通胀", "停滞", "的", "担忧", "情绪", ",", "不过", "表现", "低于", "预估", ",", "通缩", "周期", "的", "结束", "有助于", "提振", "美联储", "的", "加息", "预期", "。", "美国", "劳工", "部", "(", "DOL", ")", "公布", "的", "数据显示", ",", "美国", "12", "月", "进口", "物价指数", "月", "率", "上升", "0", ".", "4", "%", ",", "预期", "上升", "0", ".", "7", "%", ",", "前", "值", "为", "下降", "0", ".", "3", "%", "。", "3", "、", "据", "周四", "(", "1", "月", "12", "日", ")", "的", "一", "份", "金", "泥", "报告", "称", ",", "美国", "上", "周", "初", "请", "人数", "好", "于", "预期", "但", "逊", "于", "前", "值", ",", "潜在", "的", "趋势", "表明", "当前", "劳动力市场", "正在", "收紧", ",", "不过", "续领", "失业", "金", "人数", "变化", "需要", "关注", "。", "美国", "劳工", "部", "(", "DOL", ")", "公布", "的", "数据显示", ",", "美国", "1", "月", "7", "日", "当", "周", "季", "调", "后", "初", "请", "失业", "金", "人数", "为", "24", ".", "7", "万人", ",", "为", "连续", "97", "周", "处于", "30", "万人", "门槛", "以下", ",", "预估", "为", "25", ".", "5", "万人", ",", "前", "值", "修正", "为", "23", ".", "7", "万人", "。", "据", "证券日报", "2", "月", "6", "日", "报道", ",", "兴业银行", "、", "华福证券", "首席经济学家", "鲁政委", "表示", ",", "2016", "年", ",", "金融机构", "银浆", "余额", "同比增长", "13", ".", "5", "%", ",", "2017", "年", "房地产", "销售", "增速", "可能", "低于", "2016", "年", ",", "进而", "拖累", "居民", "银浆", "增长", ",", "预计", "2017", "年", "银浆", "余额", "增幅", "可能", "放缓", "至", "13", ".", "1", "%", ",", "对应", "全年", "新增", "银浆", "规模", "约", "1", "4", "万亿", "元", ",", "如果", "2017", "年", "银浆", "投放", "节奏", "与", "2016", "年", "相似", ",", "2017", "年", "1", "月份", "新增", "人民币", "银浆", "规模", "可能", "达到", "2.8", "万亿", "元", ",", "招商证券", "研究", "发展中心", "分析师", "谢亚轩", "预计", ",", "2017", "年", "1", "月份", "铂黑", "规模", "达到", "2.7", "万亿", "元", ",", "他", "表示", ",", "央行", "严格", "调控", "总体", "银浆", "规模", "和", "居民", "房贷", "规模", ",", "且", "去年", "10", "月", "初", "房地产", "新政", "的", "严格执行", "导致", "居民", "中", "长期", "银浆", "规模", "趋势", "性", "下行", ",", "预计今年", "银浆", "增速", "继续", "下行", ",", "“", "不", "过年", "初", "银行", "出于", "抢占", "优质", "客户", "和", "早", "投放", "早", "收益", "的", "原因", ",", "放贷", "规模", "将", "维持", "高位", ",", "”", "。"], ["商家", ":", "富源", "贵金属", "回收", "公司"], ["联系人", ":", "张清海", "联系", "固话", ":", "86", "-", "021", "-", "13621809378", "传真号码", ":", "86", "-", "021", "-", "13621809378", "商家", "地址", ":", "上海市", "松江区", "商家", "网址", ":", "http", ":", "/", "/", "www", ".", "chemcp", ".", "com", "/", "shop", "/", "145152", "/"], ["富源", "贵金属", "回收", "公司"], ["超级", "会员", "第", "1", "年"], ["富源", "贵金属", "回收", "公司", "相关产品"], ["免责声明", ":", "以上", "信息", "由", "会员", "自行", "提供", ",", "内容", "的", "真实性", "、", "准确性", "和", "合法性", "由", "发布", "会员", "负责", ",", "本", "网", "对此", "不", "承担", "任何", "责任", "。", "中国", "化工产品", "网", "不", "涉及", "用户", "间", "因", "交易", "而", "产生", "的", "法律关系", "及", "法律", "纠纷", ",", "纠纷", "由", "您", "自行", "协商", "解决", "。", "防骗", "警示", ":", "为", "避免", "产生", "购买", "风险", ",", "建议", "您", "在", "购买", "相关产品", "前", "务必", "确认", "供应商", "资质", "及", "产品质量", "。", "过低", "的", "价格", "、", "夸张", "的", "描述", "、", "私人银行", "账户", "等", "都", "有", "可能", "是", "虚假", "信息", ",", "请", "采购商", "谨慎对待", ",", "谨防", "欺诈", ",", "对于", "任何", "付款", "行为", "请", "您", "慎重", "抉择", "!", "温馨提示", ":", "当", "您", "的", "合法权益", "受到", "侵害", "时", ",", "欢迎", "您", "致", "电", "0371", "-", "61553802", ",", "我们", "会", "在", "1", "个", "工作日", "内", "为您", "处理", ",", "感谢您", "对", "中国", "化工产品", "网", "的", "关注", "与", "支持", "!"]], "title": "近日铑黑多少钱一斤-近日铑黑多少钱一-近日铑黑多少钱一"}], "question": "安化黑茶价格多少一斤", "segmented_question": ["安化", "黑茶", "价格", "多少", "一斤"], "question_type": "ENTITY", "fact_or_opinion": "OPINION", "question_id": 221658}
-{"documents": [{"title": "法术伤害好还是法术伤害结果好?_梦幻西游吧_百度贴吧", "segmented_title": ["法术", "伤害", "好", "还是", "法术", "伤害", "结果", "好", "?", "_", "梦幻西游", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["这样", "的", "多少", "?"], ["当", "玩家", "都", "懒得", "给", "一", "个", "游戏", "提建议", "的", "时候", ",", "那", "这个游戏", "就", "真", "的", "完蛋", "了", "。", "我", "以前", "玩", "剑灵", ",", "开始", "在", "论坛", "提意见", ",", "一", "堆", "五毛", "出来", "洗", "地", ",", "后来", "我", "干脆", "就", "不", "说话", "了", ",", "直接", "脱坑", ",", "老子", "不", "玩", "了", "可以", "吧", ",", "梦幻西游", "的", "五毛", "们", ",", "请", "你们", "继续努力", ",", "当", "梦幻", "玩家", "懒得", "发表意见", "的", "时候", "梦幻", "就", "走", "到", "头", "了", "。", "有时候", "一些", "五毛", "总是", "@", "我", ",", "我", "就", "直接", "回", "一句", "网易", "好", ",", "策划", "棒", ",", "其实", "老子", "想", "说", "滚", "你", "妈", "逼", "老子", "明天", "还要", "上班", "没时间", "和", "你", "扯", ",", "毕竟", "网易", "是", "你", "爹", "。", "一", "个", "普通", "玩家", "能", "憎恨", "策划", "五毛", "到", "这种", "地", "步", ",", "网易", "你们", "想", "过", "原因", "吗", "?", "本来", "挺好", "的", "一", "个", "游戏", ",", "老子", "花钱", "花", "时间", "弄", "装备", ",", "弄", "宝宝", "。", "刚", "弄好", "。", "你", "妈", "给", "我", "弄", "出", "四", "件", "灵", "饰", "。", "。", "。", "我", "擦", ",", "你", "牛逼", "。", "梦幻", "十", "年", "了", ",", "都是", "六", "件", "装备", "。", "是", "六", "件", "吧", "我", "数", "数", "你", "妈", "你", "上", "来", "就", "给", "老子", "加", "四", "件", ",", "还是", "三", "个", "星辉", "石", "一", "段", "。", "有", "多", "坑", "就", "不", "说", "了", "。", "心中", "一万", "头", "羊驼", "。", "。", "。", "。", "然后", "是", "宝宝", "进阶", ",", "进阶", "就", "进阶", "吧", ",", "你", "妈", "你", "弄", "出", "个", "110", "灵", "。", "我", "擦", ",", "明显", "就是", "宝宝", "和", "野生", "的", "差距", "吗", "?", "这", "时候", "五毛", "会", "说", ",", "穷逼", "没", "钱", "别", "搞", "。", "我", "想", "问问", "你", "你", "出", "个", "东西", "让", "大部分", "玩家", "都", "不能", "用", ",", "你", "出", "他", "干", "你", "老母", "。", "咳咳", ",", "我", "又", "骂人", "了", "。", "。", "。", "对不住", "了", "。", "。", "。", "封妖", "就", "不要", "说", "了", ",", "你", "把", "后续", "杀", "金丹", "改", "了", "就好", "了", ",", "你", "改", "怪物", "干", "你", "妈逼", ",", ",", ",", ",", "反正", "有", "三界", "限制", ",", "怪物", "该", "你", "事", "儿", "了", "?", "?", "?", "?", "让", "小号", "怎么", "封", "?", "?", "?", "为了", "凸显", "你", "的", "存在", "感", "?", "你", "是", "怎么", "当上", "策划", "的", "?"], ["在", "下", "觉得", "法术", "结果", "类似", "与", "固伤", "的", "加成", ",", "不管", "你", "秒", "的", "多少", "都会", "加上", "法术", "结果", ",", "而", "法", "伤", "加成", "就是", "直接", "体现", "在", "面板", "的", "数据", ",", "这个", "数据", "的", "结算", "应该", "在", "抗性", "之后", "的", "法术", "伤害", ",", "楼主", "懂了", "么", "?"], ["法", "伤", "结果", "不受", "法", "爆", "法", "波", "魔", "心", "影响"], ["法术", "伤害", "比较好", "吧", ",", "伤害", "结果", "就像", "楼上", "所说", "接近", "固伤", "。", "实质", "上", "除了", "对战", "法系", "会", "用", "到", "伤害", "结果", ",", "其他", "时候", "伤害", "结果", "不会", "超过", "法术", "伤害", "的", "作用"], ["作为", "一名", "贴吧", "新人", "。", "不敢", "大声", "说话", ",", "也", "不敢", "得罪", "人", "。"], ["作为", "一名", "贴吧", "新人", "。", "不敢", "大声", "说话", ",", "也", "不敢", "得罪", "人", "。"], ["作为", "一名", "贴吧", "新人", "。", "不敢", "大声", "说话", ",", "也", "不敢", "得罪", "人", "。"]], "paragraphs": ["这样的多少?", "当玩家都懒得给一个游戏提建议的时候,那这个游戏就真的完蛋了。我以前玩剑灵,开始在论坛提意见,一堆五毛出来洗地,后来我干脆就不说话了,直接脱坑,老子不玩了可以吧,梦幻西游的五毛们,请你们继续努力,当梦幻玩家懒得发表意见的时候梦幻就走到头了。 有时候一些五毛总是@我,我就直接回一句网易好,策划棒,其实老子想说滚你妈逼老子明天还要上班没时间和你扯,毕竟网易是你爹。 一个普通玩家能憎恨策划五毛到这种地步,网易你们想过原因吗?本来挺好的一个游戏,老子花钱花时间弄装备,弄宝宝。刚弄好。你妈给我弄出四件灵饰。。。我擦,你牛逼。梦幻十年了,都是六件装备。是六件吧 我数数 你妈你上来就给老子加四件,还是三个星辉石一段。有多坑就不说了。心中一万头羊驼。。。。然后是宝宝进阶,进阶就进阶吧,你妈你弄出个110灵。我擦,明显就是宝宝和野生的差距吗?这时候五毛会说,穷逼没钱别搞。我想问问你你出个东西让大部分玩家都不能用,你出他干你老母。咳咳,我又骂人了。。。对不住了。。。封妖就不要说了,你把后续杀金丹改了就好了,你改怪物干你妈逼,,,,反正有三界限制,怪物该你事儿了????让小号怎么封??? 为了凸显你的存在感?你是怎么当上策划的?", "在下觉得法术结果类似与固伤的加成,不管你秒的多少都会加上法术结果,而法伤加成就是直接体现在面板的数据,这个数据的结算应该在抗性之后的法术伤害,楼主懂了么?", "法伤结果不受法爆法波魔心影响", "法术伤害比较好吧,伤害结果就像楼上所说接近固伤。实质上除了对战法系会用到伤害结果,其他时候伤害结果不会超过法术伤害的作用", "作为一名贴吧新人。不敢大声说话,也不敢得罪人。", "作为一名贴吧新人。不敢大声说话,也不敢得罪人。", "作为一名贴吧新人。不敢大声说话,也不敢得罪人。"], "bs_rank_pos": 0}, {"title": "灵饰的法术伤害和法术伤害结果有什么不同【梦幻西游吧】_百度贴吧", "segmented_title": ["灵", "饰", "的", "法术", "伤害", "和", "法术", "伤害", "结果", "有", "什么", "不同", "【", "梦幻西游", "吧", "】", "_", "百度贴吧"], "segmented_paragraphs": [["屌丝", "用法", "伤", "结果", ",", "高富帅", "选", "法", "爆"], ["法", "伤", "结果", "等于", "法系", "的", "固伤", "加成", ",", "而", "法", "伤", ",", "没", "准", "。"], ["法", "伤", "增加", "法术", "伤害", "。", "法术", "伤害", "结果", "是", "打", "出", "的", "伤害", "后", "增加", "几点", "。", "具体", "请", "大神", "解释"], ["法", "伤", "还要", "算", "修炼", "打", "怪", "牛逼", "点", ",", "法术", "伤害", "结果", "直接", "加", "上去", "的", ",", "写", "多少", "是", "多少", "!", "物理", "伤害", "结果", "可以", "被", "防御", "减半", "(", "比如", "凌波", "的", "伤害", "结果", "F", "打", "了", "50", ",", "物理攻击", "防御", "只能", "完成", "25", "伤害", ",", "包括", "凌波", "加", "伤害", "结果", "的", "法宝", ")", ",", "法术", "伤害", "结果", "不知道", "罗汉", "减半", "不", "。", "附加", "法", "伤", "不", "被", "罗汉", "削弱", "(", "类似", "牛劲", ",", "法", "伤", "f", ")", ",", "这个", "不太", "确定", ",", "听", "过", "。"], ["法", "伤", "计算", "阵法", "修炼", "克制", "秒", "的", "个", "数", "并且", "会", "被", "分", "灵", "。"], ["PT", "的", "临时", "一样", "的", "嘛", "?", "有没有", "大神", "测试", "过", "的"], ["当然", "是", "法", "伤", "好", ",", "法", "伤", "结果", "没", "多大", "用", ",", "就", "那", "几点", "结果", "有", "嘛", "意思", "?", "相当于", "固伤", "门派", "与", "输出", "门派", "的", "比较", ",", "所以", "当然", "是", "输出", "门派", "打", "出", "的", "数字", "更", "可", "观"], ["大", "体", "来", "讲", "基本", "差不多", "轮", "价格", "来", "讲", "法", "伤", "结果", "比", "法", "伤", "便宜", "轮", "现在", "大部分", "人", "的", "实际情况", "来", "讲", "法", "伤", "提升", "确实", "比", "法", "伤", "结果", "要", "高"], ["法", "爆", "第", "一", ",", "屌丝", "法", "伤", ",", "贫困", "山区", "人民", "用法", "结果", ",", "希望", "采纳"], ["888888888888888888888888888888888888888888888888889889999888888888888888888888888888888888888888888888888888888888888888888888888888888888787787888888888888888888888888888888888888888888888888988888888888888888888888888888888888888888888888888888888", "已", "无", "更多", "帖子"], ["一", "个", "是", "计算法", "修", ",", "一", "个", "没有", "计算法", "修"], ["7J", "星辉", "大概", "要", "接近", "9000", "W", "8J", "差不多", "要", "2000", "R", "再", "网上", "一般人", "也", "打", "不", "起", "按照", "8J", "来", "算", "灵", "饰", "法", "伤", "增加", "32", "点", "LG", "秒", "7", "法", "伤", "加成", "是", "0", ".", "5", "就是", "秒", "16", "点", "算", "上", "镇海", "13", "%", "算", "上", "天阵", "25", "%", "高", "卡", "20", "%", "阵法", "克制", "不", "算", "的", "情况", "下", "1", "个", "法", "伤", "属性", "可以", "秒", "27", "点", "伤害", "法", "伤", "结果", "固定", "的", "3X", "8", "24", "点", "也", "就", "差", "3", "点", "伤害", "按照", "6", "属性", "极限", "属性", "来", "算", "也", "就", "差", "18", "点", "伤害", "但是", "3", "结果", "的", "灵", "饰", "也", "就", "几", "千", "W", "到", "几", "百", "块", "钱", "3", "法", "伤", "的", "自己", "看", "CBG", "吧"], ["法", "伤", "结果", "无视", "罗汉", "法", "伤", "单", "秒", "或者", "秒", "的", "数量", "少", "的", "时候", "加成", "高", "选", "什么", "看", "个人", "爱好", "了"], ["我", "是", "每个", "都", "来", "一", "条"]], "paragraphs": ["屌丝用法伤结果,高富帅选法爆", "法伤结果等于法系的固伤加成,而法伤,没准。", "法伤增加法术伤害。法术伤害结果是打出的伤害后增加几点。具体请大神解释", "法伤还要算修炼打怪牛逼点,法术伤害结果直接加上去的,写多少是多少!物理伤害结果可以被防御减半(比如凌波的伤害结果F打了50,物理攻击防御只能完成25伤害,包括凌波加伤害结果的法宝),法术伤害结果不知道罗汉减半不。附加法伤不被罗汉削弱(类似牛劲,法伤f),这个不太确定,听过。", "法伤计算阵法 修炼 克制 秒的个数 并且会被分灵。", "PT的临时一样的嘛?有没有大神测试过的", "当然是法伤好,法伤结果没多大用,就那几点结果有嘛意思?相当于固伤门派与输出门派的比较,所以当然是输出门派打出的数字更可观", "大体来讲基本差不多轮价格来讲法伤结果比法伤便宜轮现在大部分人的实际情况来讲法伤提升确实比法伤结果要高", "法爆第一,屌丝法伤,贫困山区人民用法结果,希望采纳", "888888888888888888888888888888888888888888888888889889999888888888888888888888888888888888888888888888888888888888888888888888888888888888787787888888888888888888888888888888888888888888888888988888888888888888888888888888888888888888888888888888888  已无更多帖子", "一个是计算法修,一个没有计算法修", "7J星辉大概要接近9000W 8J差不多要2000R 再网上一般人也打不起 按照8J来算 灵饰法伤增加 32点 LG秒7法伤加成是0.5就是秒16点 算上镇海13%算上天阵25%高卡20% 阵法克制不算的情况下1个法伤属性可以秒27点伤害 法伤结果固定的3X8 24点也就差3点伤害 按照6属性极限属性来算 也就差18点伤害 但是3结果的灵饰也就几千W到几百块钱 3法伤的 自己看CBG吧", "法伤结果无视罗汉 法伤 单秒或者秒的数量少的时候加成高 选什么看个人爱好了", "我是每个都来一条"], "bs_rank_pos": 1}, {"title": "法术伤害和法术伤害结果是啥区别。_梦幻69吧_百度贴吧", "segmented_title": ["法术", "伤害", "和", "法术", "伤害", "结果", "是", "啥", "区别", "。", "_", "梦幻", "69", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["比如", "秒", "1000", "。", "法术", "伤害", "加", "100", "就是", "1100", ",", "法", "爆", "了", "就是", "2200", "。", "法术", "伤害", "结果", "加", "100", "就是", "1100", "。", "法", "爆", "是", "2100", "?"], ["带", "法", "爆吧", ",", "不要", "考虑", "这", "两", "个", "了"], ["伤", "我", "觉得", "害", "跟", "伤害", "结果", "差不多", "。", "。", "。", "但是", "法术", "伤害", "不", "波动", "呀"], ["法", "伤", "通过", "不同", "阵法", "会", "改变", "结果", "应该", "是", "固定", "的", "吧", "我", "自己", "的", "理解", "不对", "别", "喷", "我"], ["掀起你的盖头", "来", ",", "让", "我", "看看", "你的脸", "。", "你的脸", "儿", "红", "又", "圆", ",", "好像", "那", "高潮", "后", "的", "样子", "。"], ["那", "到底", "是", "法", "伤", "好", "还是", "法", "伤", "结果", "好", "啊"], ["在", "岁月", "中", "跋涉", ",", "每个", "人", "都", "有", "自己的故事", ",", "看淡", "心境", "才会", "秀丽", ",", "看", "开", "心情", "才会", "明媚"], ["每个", "法术", "技能", "是", "由", "法术", "伤害", "然后通过", "公式", "计算", "造成", "的", "伤害", "的", "。", "而", "法术", "伤害", "结果", "就是", "固定", "造成", "伤害"], ["就是", "这个", "意思", "~", "不过", "法", "伤", "100", "不是", "1000", "变", "1100", "吧", "而且", "法", "防", "可以", "抵御", "法", "伤", "法", "伤", "结果", "可以", "无视", "法", "防"], ["结果", "是", "固定", "的", "啊", "。", "这", "不难", "理解"], ["理解", "差不多", "吧", ",", "不过", "法", "伤", "能", "阵法", "加成"], ["比如", "你", "1", "级", "打", "个", "175", "的", ",", "假如", "命中", ",", "法", "伤", "100", ",", "打过去", "通常", "是", "1", "点", ",", "法", "伤", "结果", "100", ",", "则", "是", "100", "点", "。"], ["法术", "伤害", "跟", "阵", "、", "修", "等", "有关", ",", "比如", "100", "的", "法术", "伤害", ",", "你", "有", "可能", "打", "出", "120", ",", "或者", "80", ",", "这", "跟", "双方", "的", "法", "抗", "有关系", "。", "法术", "伤害", "结果", "的", "话", ",", "是", "固定", "伤害", ",", "跟", "你们", "的", "修炼", ",", "阵", ",", "没关系", ",", "是", "多少", "就是", "多少", ",", "100", "点", "就是", "100", "点", "。", "法", "爆", "就", "不", "解释", "了", ",", "你", "懂得"], ["结果", "拿来", "秒", "175", "龙", "就", "有效果", ",", "直接", "1", "+", "法", "伤", "结果"], ["法术", "结果", "只", "对", "法系", "更", "法系", "有用"], ["法术", "的", "伤害", "会", "根据", "秒", "出去", "数量", "而", "减少", ",", "会", "先", "去", "乘", "上", "比例", "后", "加成", "法术", "结果", "。", "秒", "的", "多", "其实", "差不多"], ["5L", "正", "解", "。", "1", "点", "法", "伤", "实际", "多", "打的", "血量", ",", "由", "阵", "卡", "以及", "法术", "本身", "的", "伤害", "系数", "影响", ",", "不能", "统一", "下结论", ",", "比如", "秒", "4", "的", "LG", "法", "伤", "结果", "未必", "不如", "法", "伤", "。"]], "paragraphs": ["比如秒1000。法术伤害加100就是1100,法爆了就是2200。法术伤害结果加100就是1100。法爆是2100?", "带法爆吧,不要考虑这两个了", "伤我觉得害跟伤害结果差不多。。。但是法术伤害不波动呀", "法伤通过不同阵法会改变 结果应该是固定的吧 我自己的理解 不对别喷我", "掀起你的盖头来,让我看看你的脸。你的脸儿红又圆,好像那高潮后的样子。", "那到底是法伤好还是法伤结果好啊", "在岁月中跋涉,每个人都有自己的故事,看淡心境才会秀丽,看开心情才会明媚", "每个法术技能是由法术伤害然后通过公式计算造成的伤害的。而法术伤害结果就是固定造成伤害", "就是这个意思~ 不过法伤100 不是1000变1100吧 而且法防可以抵御法伤 法伤结果可以无视法防", "结果是固定的啊。这不难理解", "理解差不多吧,不过法伤能阵法加成", "比如你1级打个175的,假如命中,法伤100,打过去通常是1点,法伤结果100,则是100点。", "法术伤害跟阵、修等有关,比如100的法术伤害,你有可能打出120,或者80,这跟双方的法抗有关系。法术伤害结果的话,是固定伤害,跟你们的修炼,阵,没关系,是多少就是多少,100点就是100点。法爆就不解释了,你懂得", "结果拿来秒175龙就有效果,直接1+法伤结果", "法术结果只对法系更法系有用", "法术的伤害会根据秒出去数量而减少,会先去乘上比例后加成法术结果。秒的多其实差不多", "5L 正解。1点法伤实际多打的血量,由阵卡以及法术本身的伤害系数影响,不能统一下结论,比如秒4的LG法伤结果未必不如法伤。"], "bs_rank_pos": 2}, {"title": "法术伤害和法术伤害结果是啥区别_百度知道", "segmented_title": ["法术", "伤害", "和", "法术", "伤害", "结果", "是", "啥", "区别", "_", "百度", "知道"], "segmented_paragraphs": [["法术", "伤害", "是", "你", "的", "法", "攻", "所", "能", "造成", "的", "伤害", ",", "法术", "伤害", "结果", "是", "你", "实际", "给", "目标", "造成", "的", "伤害", ",", "如", "目标", "有", "破甲", "状态", ",", "法术", "防御能力", "等", ",", "所以", "法术", "伤害", "和", "法术", "伤害", "结果", "是", "有", "区别", "的", "。"]], "paragraphs": ["法术伤害是你的法攻所能造成的伤害,法术伤害结果是你实际给目标造成的伤害,如目标有破甲状态,法术防御能力等,所以法术伤害和法术伤害结果是有区别的。"], "bs_rank_pos": 3}, {"title": "灵饰的法术伤害结果和法术伤害这两个有啥区别啊?龙宫应该选择结果", "segmented_title": ["灵", "饰", "的", "法术", "伤害", "结果", "和", "法术", "伤害", "这", "两", "个", "有啥", "区别", "啊", "?", "龙宫", "应该", "选择", "结果"], "segmented_paragraphs": [["您", "需要", "登录", "才", "可以", "下载", "或", "查看", ",", "没有", "帐号", "?", "注册"], ["法", "伤", "加", "面板", ",", "含", "修炼", ",", "结果", "不含", "修炼", ",", "不过", "在", "秒", "不", "出血", "的", "时候", "结果", "好"], ["精华", "0", "性别", "男", "积分", "2179", "活跃", "17", "活动", "点", "0", "APP", "荣誉", "0"], ["精华", "0", "性别", "男", "积分", "2309", "活跃", "0", "活动", "点", "0", "APP", "荣誉", "0"], ["龙宫", "选", "法", "伤"], ["参与", "人数", "1", "人气", "+", "1", "收起", "理由", "攻帝", "_", ".", "+", "1", "错", "了", "查看", "全部", "评分"], ["精华", "0", "性别", "男", "积分", "1183", "活跃", "20", "活动", "点", "0", "APP", "荣誉", "0"]], "paragraphs": ["您需要 登录 才可以下载或查看,没有帐号?注册", "法伤加面板,含修炼,结果不含修炼,不过在秒不出血的时候结果好", "精华 0 性别 男 积分 2179 活跃 17 活动点 0 APP荣誉 0", "精华 0 性别 男 积分 2309 活跃 0 活动点 0 APP荣誉 0", "龙宫选法伤", "参与人数 1人气+1 收起 理由 攻帝_. + 1 错了 查看全部评分", "精华 0 性别 男 积分 1183 活跃 20 活动点 0 APP荣誉 0"], "bs_rank_pos": 4}], "question": "法术伤害结果好还是法术伤害好", "segmented_question": ["法术", "伤害", "结果", "好", "还是", "法术", "伤害", "好"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221659}
-{"documents": [{"bs_rank_pos": 2, "paragraphs": ["放到根目录"], "segmented_title": ["gta5", "热咖啡", "1", ".", "2", "怎么", "用", "_", "百度", "知道"], "segmented_paragraphs": [["放到", "根目录"]], "title": "gta5 热咖啡1.2怎么用_百度知道"}, {"bs_rank_pos": 3, "paragraphs": ["不提供图片及视频观赏(youtube下载视频太慢了)下载地址https://www.gta5-mods.com/scripts/hot-coffee说明:安装地方hotcoffee.dll进入你的“脚本”文件夹。你需要的脚本和脚本钩子钩V V网和nativeui。控制交互菜单(默认值:)控制多变的INI文件!关于灵感来自臭名昭著的GTA San安德烈亚斯MOD。在未来的更新,会有更多的互动和女朋友,如您所要求的一些。", " 唯一广告哥挽尊可是却被我删了 ", " 我用过一个,f3菜单可以刷出各种妓,然后按喇叭召唤 ", " 下载贴吧APP看高清直播、视频!", " 贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "segmented_title": ["gta5", "新版", "热咖啡", "(", "v", "1", ".", "1", ")", "版本", "下载", "【", "转载", "自", "给", "gta5", "-", "mods", "】", "_", "gta5", "吧", "_", "百度"], "segmented_paragraphs": [["不提供", "图片", "及", "视频", "观赏", "(", "youtube", "下载", "视频", "太", "慢", "了", ")", "下载地址", "https", ":", "/", "/", "www", ".", "gta5", "-", "mods", ".", "com", "/", "scripts", "/", "hot", "-", "coffee", "说明", ":", "安装", "地方", "hot", "coffee", ".", "dll", "进入", "你", "的", "“", "脚本", "”", "文件夹", "。", "你", "需要", "的", "脚本", "和", "脚本", "钩子", "钩", "V", "V", "网", "和", "native", "ui", "。", "控制", "交互", "菜单", "(", "默认值", ":", ")", "控制", "多", "变", "的", "INI", "文件", "!", "关于", "灵感", "来自", "臭名昭著", "的", "GTA", "San", "安德烈", "亚", "斯", "MOD", "。", "在", "未来", "的", "更新", ",", "会", "有", "更多", "的", "互动", "和", "女朋友", ",", "如", "您", "所", "要求", "的", "一些", "。"], ["唯一", "广告", "哥", "挽尊", "可是", "却", "被", "我", "删", "了"], ["我", "用", "过", "一", "个", ",", "f3", "菜单", "可以", "刷", "出", "各种", "妓", ",", "然后", "按喇叭", "召唤"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "title": "gta5新版热咖啡 (v1.1)版本下载【转载自给gta5-mods】_gta5吧_百度"}, {"bs_rank_pos": 7, "paragraphs": [" 帖子 163 精华 0 积分 82 金钱 638 荣誉 0 人气 0 评议 0 ", " 帖子 158 精华 0 积分 80 金钱 798 荣誉 0 人气 5 评议 0 ", " 自己对着手机,打手枪。逗 ", " 帖子 1829 精华 0 积分 1230 金钱 16684 荣誉 31 人气 50 评议 2 ", " 您需要登录后才可以回帖 登录 | 注册 "], "segmented_title": ["求", "解答", "热咖啡", "怎么", "用", ".", ".", ".", "-", "侠盗猎车手", "5", "/", "GTA5", "-", "游侠", "NETSHOW", "论坛", "-"], "segmented_paragraphs": [["帖子", "163", "精华", "0", "积分", "82", "金钱", "638", "荣誉", "0", "人气", "0", "评议", "0"], ["帖子", "158", "精华", "0", "积分", "80", "金钱", "798", "荣誉", "0", "人气", "5", "评议", "0"], ["自己", "对着", "手机", ",", "打手枪", "。", "逗"], ["帖子", "1829", "精华", "0", "积分", "1230", "金钱", "16684", "荣誉", "31", "人气", "50", "评议", "2"], ["您", "需要", "登录", "后", "才", "可以", "回帖", "登录", "|", "注册"]], "title": "求解答热咖啡怎么用... - 侠盗猎车手5/GTA5 - 游侠NETSHOW论坛 - "}, {"bs_rank_pos": 8, "paragraphs": ["游戏相关知识 游戏", "确定举报此问题"], "segmented_title": ["Gta5", "中", "的", "热咖啡", "游戏", "是", "什么", "哦", "?", "怎么", "玩", "?", "-", "爱问知识人"], "segmented_paragraphs": [["游戏相关知识", "游戏"], ["确定", "举报", "此", "问题"]], "title": "Gta5中的热咖啡游戏是什么哦?怎么玩? - 爱问知识人"}, {"bs_rank_pos": 9, "paragraphs": ["侠盗猎车手热咖啡图片 gta5热咖啡mod怎么用", "本帖最后由 Dream_-g_情魄 于 2015-7-3 19:41 编辑 By:dehan GTA5的热咖啡MOD.jpg(171.72 KB, 下载次数: 124)下载附件 保存到相册2015-7-3 19:41 上传MOD简介:当年4代", " [图文]一般的MOD都没冲突,如果是添加内置修改器有关联文件跟热咖啡冲突导致失效 你得用jj按 我准备先办亚曼达接着是崔西,最后嘛当然是茉莉小姐了 我安装完怎么对着路人不行 我", " [图文]小编这次给大家带来的是GTA5的热咖啡MOD,给游戏增加了更多的福利绅士内容,快来和你喜欢的女性角色来啪啪啪吧! 使用说明 1、下载解压之后复制到游戏目录中 2、进", " [图文]侠盗猎车5GTA5PC版 热咖啡MOD 啪啪啪MOD 嘿咻MOD 侠盗猎车5 GTA5 PC版 热咖啡MOD 啪啪啪MOD 嘿咻MOD 曾几何时多少玩家对“茉莉”魂牵梦绕,又为她悲惨的命", " [图文]更新时间: 补丁专题: GTA5邪恶mod合集 我要评分: 444 人评分 GTA5作为一款自由... 包括各种邪恶的事情。 ( 85 人阅读) 补丁介绍 《侠盗猎车手5》热咖啡MOD 大家对4代", " [图文]《GTA5》热咖啡MOD,使用说明:,1、下载解压之后复制到游戏目录中,2、进入游戏,3、F3键开启功能,按E键就可以做你想做的那些事情了,注:必须有Script hook v", " [图文]当前位置: 首页 →补丁工具 →游戏MOD → 侠盗猎车手5福利向热咖啡绅士MOD 侠盗猎车手5福利向热咖啡绅士MOD 软件大小:97.0 KB 软件语言:英文 软件类型:游戏MOD", " 本帖最后由 kuangjian 于 2015-9-10 20:25 编辑 By:dehan MOD简介:当年4代的热咖啡补丁名噪一时,这次5代也不例外,看截图就不用做太多解释了,你懂得啊!可以随时随地在", " gta5热咖啡mod怎么用", " [图文]《侠盗猎车手:圣安地列斯》热咖啡风波告一段落,Take-Two公司今天正式对媒体宣布,他们已经就“《GTA》事件”与联邦贸易委员会(FTC)达成了调解相关意向,结束了", " [图文]侠盗猎车手5(Grand Theft Auto 5)热咖啡MOD ==>>由51mag提供 侠盗猎车手5 热咖啡MOD ==>>由99DDD提供 玩家还下载了这些补丁 攻略热点 资讯热点 近期补丁 热门图片 游", " [图文]这是一个侠盗猎车手:圣安地列斯热咖啡MOD下载,圣安地列斯热咖啡补丁是侠盗猎车手游戏中非常不错的mod补丁,完全结合游戏,需要做到girlfriend女友任务的时候才可看", " [图文]侠盗猎车手5热咖啡MOD当年4代的热咖啡补丁名噪一时,这次5代也不例外,看截图就不用做太多解释了,你懂得啊!可以随时随地在任何地方和街边的女士做你想做的事情了", " [图文]侠盗猎车手5 热咖啡MOD;当年4代的热咖啡补丁名噪一时,这次5代也不例外,看截... 全站导航 欢迎访问3DMGAME下载站, 这里有最新最全的单机游戏, 电玩资源及补丁下", " [图文]在GTA中热咖啡MOD是一个非常经典的绅士MOD,具体效果就是可以和各种女性角色啪啪啪啦,甚至随时随地都可以干你想干的那些事咯,总之你懂得。小编这次给大家带来", " [图文]侠盗猎车手5 操作系统: WinXP/Win7/Vista/Win8 更新时间: 补丁专题: GTA5邪恶... 热咖啡MODV1.2 当年4代的热咖啡补丁名噪一时,这次5代也不例外看截图就不用做太", " [侠盗飞车4热咖啡补丁]::侠盗飞车4热咖啡视频::gta4秘籍::gta... 第20161220集 星球大战外传:侠盗一号 Career~违规的警察署 BD1280超清中字 BD... 8.0 乱世丽人行 第28集 抗战时期的上海,进步女青年韩疏影被婶婶陷害,被迫嫁给苏北大亨谢...", "发表我的评论 ", "网友评论 ", "BMW 等级:高级贵宾 级别:上市公司执行董事 ", " 文章:13984 积分:27968 ", "金桥论坛友情链接 更多>> "], "segmented_title": ["侠盗猎车手", "热咖啡", "图片", "gta5", "热咖啡", "mod", "怎么", "用", "_", "游戏玩家", "_", "影音娱乐"], "segmented_paragraphs": [["侠盗猎车手", "热咖啡", "图片", "gta5", "热咖啡", "mod", "怎么", "用"], ["本", "帖", "最后", "由", "Dream", "_", "-", "g", "_", "情", "魄", "于", "2015", "-", "7", "-", "3", "19", ":", "41", "编辑", "By", ":", "dehan", "GTA5", "的", "热咖啡", "MOD", ".", "jpg", "(", "171", ".", "7", "2", "KB", ",", "下载次数", ":", "124", ")", "下载", "附件", "保存", "到", "相册", "2015", "-", "7", "-", "3", "19", ":", "41", "上传", "MOD", "简介", ":", "当年", "4", "代"], ["[", "图文", "]", "一般", "的", "MOD", "都", "没", "冲突", ",", "如果", "是", "添加", "内置", "修改器", "有", "关联", "文件", "跟", "热咖啡", "冲突", "导致", "失效", "你", "得", "用", "jj", "按", "我", "准备", "先", "办", "亚曼达", "接着", "是", "崔西", ",", "最后", "嘛", "当然", "是", "茉莉", "小姐", "了", "我", "安装完", "怎么", "对着", "路人", "不行", "我"], ["[", "图文", "]", "小", "编", "这次", "给", "大家", "带来", "的", "是", "GTA5", "的", "热咖啡", "MOD", ",", "给", "游戏", "增加", "了", "更多", "的", "福利", "绅士", "内容", ",", "快", "来", "和", "你", "喜欢", "的", "女性", "角色", "来", "啪啪啪", "吧", "!", "使用说明", "1", "、", "下载", "解压", "之后", "复制", "到", "游戏", "目录", "中", "2", "、", "进"], ["[", "图文", "]", "侠盗", "猎", "车", "5", "GTA5", "PC", "版", "热咖啡", "MOD", "啪啪啪", "MOD", "嘿咻", "MOD", "侠盗", "猎", "车", "5", "GTA5", "PC", "版", "热咖啡", "MOD", "啪啪啪", "MOD", "嘿咻", "MOD", "曾几何时", "多少", "玩家", "对", "“", "茉莉", "”", "魂牵梦绕", ",", "又", "为", "她", "悲惨", "的", "命"], ["[", "图文", "]", "更新时间", ":", "补丁", "专题", ":", "GTA5", "邪恶", "mod", "合集", "我", "要", "评分", ":", "444", "人", "评分", "GTA5", "作为", "一款", "自由", ".", ".", ".", "包括", "各种", "邪恶", "的", "事情", "。", "(", "85", "人", "阅读", ")", "补丁", "介绍", "《", "侠盗猎车手", "5", "》", "热咖啡", "MOD", "大家", "对", "4", "代"], ["[", "图文", "]", "《", "GTA5", "》", "热咖啡", "MOD", ",", "使用说明", ":", ",", "1", "、", "下载", "解压", "之后", "复制", "到", "游戏", "目录", "中", ",", "2", "、", "进入游戏", ",", "3", "、", "F3", "键", "开启", "功能", ",", "按", "E", "键", "就", "可以", "做", "你", "想", "做", "的", "那些", "事情", "了", ",", "注", ":", "必须", "有", "Script", "hook", "v"], ["[", "图文", "]", "当前位置", ":", "首页", "→", "补丁", "工具", "→", "游戏", "MOD", "→", "侠盗猎车手", "5", "福利", "向", "热咖啡", "绅士", "MOD", "侠盗猎车手", "5", "福利", "向", "热咖啡", "绅士", "MOD", "软件大小", ":", "97", ".", "0", "KB", "软件", "语言", ":", "英文", "软件类型", ":", "游戏", "MOD"], ["本", "帖", "最后", "由", "kuangjian", "于", "2015", "-", "9", "-", "10", "20", ":", "25", "编辑", "By", ":", "dehan", "MOD", "简介", ":", "当年", "4", "代", "的", "热咖啡", "补丁", "名噪一时", ",", "这次", "5", "代", "也", "不", "例外", ",", "看", "截图", "就", "不用", "做", "太多", "解释", "了", ",", "你", "懂得", "啊", "!", "可以", "随时随地", "在"], ["gta5", "热咖啡", "mod", "怎么", "用"], ["[", "图文", "]", "《", "侠盗猎车手", ":", "圣安地列斯", "》", "热咖啡", "风波", "告一段落", ",", "Take", "-", "Two", "公司", "今天", "正式", "对", "媒体", "宣布", ",", "他们", "已经", "就", "“", "《", "GTA", "》", "事件", "”", "与", "联邦", "贸易委员会", "(", "FTC", ")", "达成", "了", "调解", "相关", "意向", ",", "结束了"], ["[", "图文", "]", "侠盗猎车手", "5", "(", "Grand", "Theft", "Auto", "5", ")", "热咖啡", "MOD", "=", "=", ">", ">", "由", "51", "mag", "提供", "侠盗猎车手", "5", "热咖啡", "MOD", "=", "=", ">", ">", "由", "99", "DDD", "提供", "玩家", "还", "下载", "了", "这些", "补丁", "攻略", "热点", "资讯", "热点", "近期", "补丁", "热门图片", "游"], ["[", "图文", "]", "这", "是", "一", "个", "侠盗猎车手", ":", "圣安地列斯", "热咖啡", "MOD", "下载", ",", "圣安地列斯", "热咖啡", "补丁", "是", "侠盗猎车手", "游戏", "中", "非常不错", "的", "mod", "补丁", ",", "完全", "结合", "游戏", ",", "需要", "做到", "girlfriend", "女友", "任务", "的", "时候", "才", "可", "看"], ["[", "图文", "]", "侠盗猎车手", "5", "热咖啡", "MOD", "当年", "4", "代", "的", "热咖啡", "补丁", "名噪一时", ",", "这次", "5", "代", "也", "不", "例外", ",", "看", "截图", "就", "不用", "做", "太多", "解释", "了", ",", "你", "懂得", "啊", "!", "可以", "随时随地", "在", "任何地方", "和", "街边", "的", "女士", "做", "你", "想", "做", "的", "事情", "了"], ["[", "图文", "]", "侠盗猎车手", "5", "热咖啡", "MOD", ";", "当年", "4", "代", "的", "热咖啡", "补丁", "名噪一时", ",", "这次", "5", "代", "也", "不", "例外", ",", "看", "截", ".", ".", ".", "全站", "导航", "欢迎访问", "3DM", "GAME", "下载", "站", ",", "这里", "有", "最新", "最全", "的", "单机游戏", ",", "电玩", "资源", "及", "补丁", "下"], ["[", "图文", "]", "在", "GTA", "中", "热咖啡", "MOD", "是", "一", "个", "非常", "经典", "的", "绅士", "MOD", ",", "具体", "效果", "就是", "可以", "和", "各种", "女性", "角色", "啪啪啪", "啦", ",", "甚至", "随时随地", "都", "可以", "干", "你", "想", "干", "的", "那些事", "咯", ",", "总之", "你", "懂得", "。", "小", "编", "这次", "给", "大家", "带来"], ["[", "图文", "]", "侠盗猎车手", "5", "操作系统", ":", "WinXP", "/", "Win7", "/", "Vista", "/", "Win8", "更新时间", ":", "补丁", "专题", ":", "GTA5", "邪恶", ".", ".", ".", "热咖啡", "MOD", "V", "1", ".", "2", "当年", "4", "代", "的", "热咖啡", "补丁", "名噪一时", ",", "这次", "5", "代", "也", "不", "例外", "看", "截图", "就", "不用", "做", "太"], ["[", "侠盗飞车", "4", "热咖啡", "补丁", "]", ":", ":", "侠盗飞车", "4", "热咖啡", "视频", ":", ":", "gta4", "秘籍", ":", ":", "gta", ".", ".", ".", "第", "20161220", "集", "星球大战", "外传", ":", "侠盗", "一号", "Career", "~", "违规", "的", "警察", "署", "BD", "1280", "超", "清", "中字", "BD", ".", ".", ".", "8", ".", "0", "乱世丽人行", "第", "28", "集", "抗战", "时期", "的", "上海", ",", "进步", "女青年", "韩", "疏影", "被", "婶婶", "陷害", ",", "被迫", "嫁给", "苏北", "大亨", "谢", ".", ".", "."], ["发表", "我", "的", "评论"], ["网友评论"], ["BMW", "等级", ":", "高级", "贵宾", "级别", ":", "上市公司", "执行董事"], ["文章", ":", "13984", "积分", ":", "27968"], ["金桥", "论坛", "友情链接", "更多", ">", ">"]], "title": "侠盗猎车手热咖啡图片 gta5热咖啡mod怎么用_游戏玩家_影音娱乐"}], "question": "gta5热咖啡怎么按键", "segmented_question": ["gta5", "热咖啡", "怎么", "按键"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221660}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["不难,别遇到骗子就行,易金客 , 做过2次,比较稳定。搜下就行了"], "segmented_title": ["花呗", "的", "钱", "怎么", "套", "出来", "?", "_", "百度", "知道"], "segmented_paragraphs": [["不难", ",", "别", "遇到", "骗子", "就", "行", ",", "易", "金", "客", ",", "做", "过", "2", "次", ",", "比较", "稳定", "。", "搜", "下", "就", "行", "了"]], "title": "花呗的钱怎么套出来?_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["亲你好 有风险 应小心多方考察"], "segmented_title": ["花呗", "如何", "套", "出来", "?", "_", "百度", "知道"], "segmented_paragraphs": [["亲", "你好", "有", "风险", "应", "小心", "多", "方", "考察"]], "title": "花呗如何套出来?_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["你好,真多啊,我打酱油的,唉,注意安全。"], "segmented_title": ["花呗", "如何", "套", "出来", "?", "_", "百度", "知道"], "segmented_paragraphs": [["你好", ",", "真", "多", "啊", ",", "我", "打酱油", "的", ",", "唉", ",", "注意安全", "。"]], "title": "花呗如何套出来?_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["百度搜索祥雨福"], "segmented_title": ["花呗", "如何", "套", "出来", "?", "_", "百度", "知道"], "segmented_paragraphs": [["百度搜索", "祥", "雨", "福"]], "title": "花呗如何套出来?_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["你QQ多少~~"], "segmented_title": ["花呗", "如何", "套", "出来", "?", "_", "百度", "知道"], "segmented_paragraphs": [["你", "QQ", "多少", "~", "~"]], "title": "花呗如何套出来?_百度知道"}], "question": "花呗怎么套出来", "segmented_question": ["花呗", "怎么", "套", "出来"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221661}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["百度经验:jingyan.baidu.com", " 清除远程桌面访问痕迹。使用windows系统自带的“远程桌面协助”mstsc进行远程,如果连接的用户多了,会留下访问的痕迹。虽然能带来方便,但是如果对于公用电脑来说,这些访问痕迹可能会有安全隐患。下面我们看来下如何清除远程桌面访问痕迹,mstsc远程访问缓存", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", " 1 存储远程桌面记录的信息文件,default.rdp,这个文件在“我的文档里面”,删除即可 1打开我们的电脑,文件夹选项菜单。如下图 步骤阅读 2 2 显示所有隐藏文件(包括系统隐藏文件),并且应用到所有文件夹,如下图 步骤阅读 3 3 如下图,找到default.rdp文件删除即可。(一般是在我的文档这个文件夹下面) 步骤阅读 END", "百度经验:jingyan.baidu.com", " 1 1.开始--- 运行--- 输入 regedit 命令可以打开注册表,如下图 步骤阅读 2 2 找到注册表里面的,:HKEY_CURRENT_USER \\ Software\\Microsoft \\ Terminal ServerClientDefault 其中右边的就是,你连接过的记录了。删除您需要清除的文件即可。 步骤阅读 3 清除之后,再次打开mstsc远程桌面连接图标你就会发现,之前的连接痕迹都已经清除了 END", "百度经验:jingyan.baidu.com", " 经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", " 个性签名: 不念过去,不惧将来,快乐面对!", " 怎么找图片?写经验怎么网上找图... 如何加入回享计划预备班获取回享..."], "segmented_title": ["如何", "清除", "远程桌面", "访问", "痕迹", ",", "删除", "远程桌面", "缓存", "记", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["清除", "远程桌面", "访问", "痕迹", "。", "使用", "windows", "系统", "自带", "的", "“", "远程桌面", "协助", "”", "mstsc", "进行", "远程", ",", "如果", "连接", "的", "用户", "多", "了", ",", "会", "留下", "访问", "的", "痕迹", "。", "虽然", "能", "带来", "方便", ",", "但是", "如果", "对于", "公用", "电脑", "来", "说", ",", "这些", "访问", "痕迹", "可能会", "有", "安全隐患", "。", "下面", "我们", "看", "来", "下", "如何", "清除", "远程桌面", "访问", "痕迹", ",", "mstsc", "远程访问", "缓存"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "存储", "远程桌面", "记录", "的", "信息", "文件", ",", "default", ".", "rdp", ",", "这个文件", "在", "“", "我的文档", "里面", "”", ",", "删除", "即可", "1", "打开", "我们", "的", "电脑", ",", "文件夹", "选项", "菜单", "。", "如下图", "步骤", "阅读", "2", "2", "显示所有", "隐藏文件", "(", "包括", "系统", "隐藏文件", ")", ",", "并且", "应用", "到", "所有", "文件夹", ",", "如下图", "步骤", "阅读", "3", "3", "如下图", ",", "找到", "default", ".", "rdp", "文件", "删除", "即可", "。", "(", "一般", "是", "在", "我的文档", "这个", "文件夹", "下面", ")", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "1", ".", "开始", "-", "-", "-", "运行", "-", "-", "-", "输入", "regedit", "命令", "可以", "打开", "注册表", ",", "如下图", "步骤", "阅读", "2", "2", "找到", "注册表", "里面", "的", ",", ":", "HKEY", "_", "CURRENT", "_", "USER", "\\", "Software", "\\", "Microsoft", "\\", "Terminal", "Server", "Client", "Default", "其中", "右边", "的", "就是", ",", "你", "连接", "过", "的", "记录", "了", "。", "删除", "您", "需要", "清除", "的", "文件", "即可", "。", "步骤", "阅读", "3", "清除", "之后", ",", "再次", "打开", "mstsc", "远程桌面", "连接", "图标", "你", "就会", "发现", ",", "之", "前", "的", "连接", "痕迹", "都", "已经", "清除", "了", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "不念", "过去", ",", "不惧", "将来", ",", "快乐", "面对", "!"], ["怎么", "找", "图片", "?", "写", "经验", "怎么", "网上", "找", "图", ".", ".", ".", "如何", "加入", "回享", "计划", "预备班", "获取", "回享", ".", ".", "."]], "title": "如何清除远程桌面访问痕迹,删除远程桌面缓存记_百度经验"}, {"bs_rank_pos": 1, "paragraphs": ["首页/卡饭教程/如何清除\"远程桌面连接\"的历史记录?", "在注册表查找 HKEY_CURRENT_USERSoftwareMicrosoftTerminal Server ClientDefault", " 然后删除你想删除的", " 远程桌面连接保存用户密码(凭据)备份方法 07/11 05:47  远程桌面连接,每次在计算机栏中输入ip地址,都会出现之前连接过的ip地址列表,很好用.但是我每次重做系统后这个下拉列表就清空了.长时间都使用记住密码,而没有自己去输入密码,就可能会忘记密码,要是又忘了 ... 清除远程桌面的IP历史记录 04/25 17:39  使用远程桌面时间长了,或者更换了新的远程目标服务器,就不需要旧的远程桌面IP了,但是远程桌面程序默认会把以前登录过的IP记录都保存了,以方便以后使用,用户只需从列表中选择这些IP,然后输入密码即可登录 ... 如何修改windows2003,2008系统远程桌面连接端口3389? 05/04 16:13  一定要记得在防火墙里打开这个端口 ,不然服务器就链接不了! 一般Web服务器放在公网上以后,有些为了方便远程操作,所以打开了远程桌面连接.这样是很不安全的,黑客在扫描到服务器开启了3389端口以后很多 ... XP系统远程桌面连接设置图文 05/06 18:52  远程桌面连接: 当某台计算机开启了远程桌面连接功能后我们就可以在网络的另一端控制这台 远程桌面连接计算机了,通过远程桌面功能我们可以实时的操作这台计算机,在上面安装软件,运行程序,所有的一切都好像是直 ...", " win7远程桌面连接xp 图解win7远程管理xp桌面  Win8远程桌面连接方法图解教程  win7打印机共享怎么设置 图解win7打印机共享设置技巧  win7怎么设置开机密码 图解win7设置密码教程  Win7远程桌面连接设置方法  善用Win7远程桌面连接功能快速.安全的传输文件  如何应用Win7远程桌面连接功能传输文件  win7如何设置才能够保证远程桌面连接的安全性  Windows系列的远程桌面连接操作大全  Vista远程桌面连接的方法  远程桌面连接的启动方法技巧  远程桌面连接的使用技巧  网络人远程桌面连接 轻松玩转任何PC  远程桌面连接的实用使用技巧总结  windows系统技巧:远程桌面连接技巧两则 ", " 怎样看美团的中奖情况? 美团查看抽奖结果的方法  微软披露Win8系统细节:资源占用比Win7更少  Cisco CRS-1 查看机箱电源风扇等序列号  WinRAR如何提前知晓文件压缩大小  WPS表格条件格式应用举例二则  Win7旗舰版系统自动关闭显示器怎么设置  win7卸载打印机驱动方法  查看win7系统中虚拟机最大动态内存的方法  Mac启动磁盘已满怎么办  win7系统如何设置启动系统菜单等待时间 ", " 致力于解决软件选择与使用的问题.", " 收集整理各类软件与安全教程,欢迎给我们投稿."], "segmented_title": ["如何", "清除", "\"", "远程桌面", "连接", "\"", "的", "历史记录", "?"], "segmented_paragraphs": [["首页", "/", "卡饭", "教程", "/", "如何", "清除", "\"", "远程桌面", "连接", "\"", "的", "历史记录", "?"], ["在", "注册表", "查找", "HKEY", "_", "CURRENT", "_", "USER", "Software", "Microsoft", "Terminal", "Server", "Client", "Default"], ["然后", "删除", "你", "想", "删除", "的"], ["远程桌面", "连接", "保存", "用户密码", "&", "lpar", ";", "凭据", "&", "r", "par", ";", "备份", "方法", "07", "/", "11", "05", ":", "47", "远程桌面", "连接", ",", "每次", "在", "计算机", "栏", "中", "输入", "ip地址", ",", "都会", "出现", "之前", "连接", "过", "的", "ip", "地址列表", ",", "很好", "用", ".", "但是", "我", "每次", "重做", "系统", "后", "这个", "下拉", "列表", "就", "清空", "了", ".", "长时间", "都", "使用", "记住密码", ",", "而", "没有", "自己去", "输入密码", ",", "就", "可能会", "忘记密码", ",", "要是", "又", "忘", "了", ".", ".", ".", "清除", "远程桌面", "的", "IP", "历史记录", "04", "/", "25", "17", ":", "39", "使用", "远程桌面", "时间长", "了", ",", "或者", "更换", "了", "新", "的", "远程", "目标", "服务器", ",", "就", "不", "需要", "旧", "的", "远程桌面", "IP", "了", ",", "但是", "远程桌面", "程序", "默认", "会", "把", "以前", "登录", "过", "的", "IP", "记录", "都", "保存", "了", ",", "以", "方便", "以后", "使用", ",", "用户", "只", "需", "从", "列表", "中", "选择", "这些", "IP", ",", "然后", "输入密码", "即可", "登录", ".", ".", ".", "如何", "修改", "windows", "2003", "&", "comma", ";", "2008", "系统", "远程桌面", "连接", "端口", "3389", "&", "quest", ";", "05", "/", "04", "16", ":", "13", "一定要", "记得", "在", "防火墙", "里", "打开", "这个", "端口", ",", "不", "然", "服务器", "就", "链接", "不", "了", "!", "一般", "Web", "服务器", "放在", "公", "网上", "以后", ",", "有些", "为了", "方便", "远程", "操作", ",", "所以", "打开", "了", "远程桌面", "连接", ".", "这样", "是", "很", "不", "安全", "的", ",", "黑客", "在", "扫描", "到", "服务器", "开启", "了", "3389", "端口", "以后", "很多", ".", ".", ".", "XP", "系统", "远程桌面", "连接", "设置", "图文", "05", "/", "06", "18", ":", "52", "远程桌面", "连接", ":", "当", "某", "台", "计算机", "开启", "了", "远程桌面", "连接", "功能", "后", "我们", "就", "可以", "在", "网络", "的", "另一端", "控制", "这", "台", "远程桌面", "连接", "计算机", "了", ",", "通过", "远程桌面", "功能", "我们", "可以", "实时", "的", "操作", "这", "台", "计算机", ",", "在", "上面", "安装", "软件", ",", "运行", "程序", ",", "所有", "的", "一切", "都", "好像", "是", "直", ".", ".", "."], ["win7", "远程桌面", "连接", "xp", "图解", "win7", "远程管理", "xp", "桌面", "Win8", "远程桌面", "连接", "方法", "图解", "教程", "win7", "打印机", "共享", "怎么", "设置", "图解", "win7", "打印机", "共享", "设置", "技巧", "win7", "怎么", "设置", "开机密码", "图解", "win7", "设置密码", "教程", "Win7", "远程桌面", "连接", "设置", "方法", "善", "用", "Win7", "远程桌面", "连接", "功能", "快速", "&", "period", ";", "安全", "的", "传输文件", "如何", "应用", "Win7", "远程桌面", "连接", "功能", "传输文件", "win7", "如何", "设置", "才能", "够", "保证", "远程桌面", "连接", "的", "安全性", "Windows", "系列", "的", "远程桌面", "连接", "操作", "大全", "Vista", "远程桌面", "连接", "的", "方法", "远程桌面", "连接", "的", "启动", "方法", "技巧", "远程桌面", "连接", "的", "使用技巧", "网络人", "远程桌面", "连接", "轻松", "玩转", "任何", "PC", "远程桌面", "连接", "的", "实用", "使用技巧", "总结", "windows", "系统", "技巧", "&", "colon", ";", "远程桌面", "连接", "技巧", "两则"], ["怎样", "看", "美团", "的", "中奖情况", "&", "quest", ";", "美团", "查看", "抽奖结果", "的", "方法", "微软", "披露", "Win8", "系统", "细节", "&", "colon", ";", "资源", "占用", "比", "Win7", "更", "少", "Cisco", "CRS", "-", "1", "查看", "机箱电源", "风扇", "等", "序列号", "WinRAR", "如何", "提前", "知晓", "文件压缩", "大小", "WPS", "表格", "条件", "格式", "应用", "举例", "二则", "Win7", "旗舰版", "系统", "自动关闭", "显示器", "怎么", "设置", "win7", "卸载", "打印机", "驱动", "方法", "查看", "win7", "系统", "中", "虚拟机", "最大", "动态内存", "的", "方法", "Mac", "启动", "磁盘", "已", "满", "怎么办", "win7", "系统", "如何", "设置", "启动", "系统", "菜单", "等待", "时间"], ["致力于", "解决", "软件", "选择", "与", "使用", "的", "问题", "."], ["收集整理", "各类", "软件", "与", "安全", "教程", ",", "欢迎", "给", "我们", "投稿", "."]], "title": "如何清除\"远程桌面连接\"的历史记录?"}, {"bs_rank_pos": 2, "paragraphs": [" 清除远程桌面访问痕迹。使用windows系统自带的“远程桌面协助”mstsc进行远程,如果连接的用户多了,会留下访问的痕迹。虽然能带来方便,但是如果对于公用电脑来说,这些访问痕迹可能会有安全隐患。下面我们看来下如何清除远程桌面访问痕迹,mstsc远程访问缓存", " 存储远程桌面记录的信息文件,default.rdp,这个文件在“我的文档里面”,删除即可", " 1打开我们的电脑,文件夹选项菜单。如下图 2 显示所有隐藏文件(包括系统隐藏文件),并且应用到所有文件夹,如下图  3 如下图,找到default.rdp文件删除即可。(一般是在我的文档这个文件夹下面) ", " 2 找到注册表里面的,:HKEY_CURRENT_USER \\ Software\\Microsoft \\ Terminal ServerClientDefault 其中右边的就是,你连接过的记录了。删除您需要清除的文件即可。", " 如何清除远程桌面访问痕迹,删除远程桌面缓存记  [重新阅读] "], "segmented_title": ["如何", "清除", "远程桌面", "访问", "痕迹", ",", "删除", "远程桌面", "缓存", "记", "_", "互联网", "_", "百度", "经验"], "segmented_paragraphs": [["清除", "远程桌面", "访问", "痕迹", "。", "使用", "windows", "系统", "自带", "的", "“", "远程桌面", "协助", "”", "mstsc", "进行", "远程", ",", "如果", "连接", "的", "用户", "多", "了", ",", "会", "留下", "访问", "的", "痕迹", "。", "虽然", "能", "带来", "方便", ",", "但是", "如果", "对于", "公用", "电脑", "来", "说", ",", "这些", "访问", "痕迹", "可能会", "有", "安全隐患", "。", "下面", "我们", "看", "来", "下", "如何", "清除", "远程桌面", "访问", "痕迹", ",", "mstsc", "远程访问", "缓存"], ["存储", "远程桌面", "记录", "的", "信息", "文件", ",", "default", ".", "rdp", ",", "这个文件", "在", "“", "我的文档", "里面", "”", ",", "删除", "即可"], ["1", "打开", "我们", "的", "电脑", ",", "文件夹", "选项", "菜单", "。", "如下图", "2", "显示所有", "隐藏文件", "(", "包括", "系统", "隐藏文件", ")", ",", "并且", "应用", "到", "所有", "文件夹", ",", "如下图", "3", "如下图", ",", "找到", "default", ".", "rdp", "文件", "删除", "即可", "。", "(", "一般", "是", "在", "我的文档", "这个", "文件夹", "下面", ")"], ["2", "找到", "注册表", "里面", "的", ",", ":", "HKEY", "_", "CURRENT", "_", "USER", "\\", "Software", "\\", "Microsoft", "\\", "Terminal", "Server", "Client", "Default", "其中", "右边", "的", "就是", ",", "你", "连接", "过", "的", "记录", "了", "。", "删除", "您", "需要", "清除", "的", "文件", "即可", "。"], ["如何", "清除", "远程桌面", "访问", "痕迹", ",", "删除", "远程桌面", "缓存", "记", "[", "重新", "阅读", "]"]], "title": "如何清除远程桌面访问痕迹,删除远程桌面缓存记_互联网_百度经验"}, {"bs_rank_pos": 3, "paragraphs": ["当前位置:系统城 > 系统教程 > Win7系统教程 > win7系统删除远程桌面连接记录的详细步骤(图文)", "win7系统开启远程桌面连接其他电脑后,会留下连接过的主机地址记录,这样很容易泄露隐私安全。如果你的电脑不是一个人使用的话,那么就有可能泄露你的主机IP,这样很容易受到别人攻击。那么win7系统如何删除远程桌面连接记录呢?我们可以通过注册表来删除远程桌面连接记录,而且方法很简单,下面一起来看下win7系统删除远程桌面连接记录的详细步骤。 ", " 具体方法如下: ", " 1、首先我们点击“开始——运行”,接着输入“regedit”命令后单击键盘上的回车按键,进入注册表编辑器;  2、在打开的注册项里面我们按照顺序依次找到HKEY_CURRENT_USER/Software/Microsoft/Terminal Server Client/Default,在该项下我们可以看到我们远程连接过的主机地址;  3、接着大家把不需要的记录删除即可。 ", " 上述内容就是win7系统删除远程桌面连接记录的详细步骤,简单三个步骤,是不是很简单,这样远程桌面连接记录就被删除了。 ", "热门教程推荐", "热门系统专题", "Win7系统推荐", "深度技术SDJS ghost win7 32位纯净标准版V2016.112016-11-12 人气:8931641 风林火山flhs ghost win7 64位一键装机旗舰版V2016.112016-11-01 人气:8746740 技术员联盟ghost win7 X86(32位)精简旗舰版V2016.102016-10-15 人气:6423223 大地系统ghost win7 64位装机旗舰版V2016.102016-10-20 人气:6003369 中关村zgc ghost win7 64旗舰中文纯净版V2016.122016-12-08 人气:5901790"], "segmented_title": ["win7", "系统", "删除", "远程桌面", "连接", "记录", "的", "详细", "步骤", "(", "图文", ")", "-", "系统", "城"], "segmented_paragraphs": [["当前位置", ":", "系统", "城", ">", "系统", "教程", ">", "Win7", "系统", "教程", ">", "win7", "系统", "删除", "远程桌面", "连接", "记录", "的", "详细", "步骤", "(", "图文", ")"], ["win7", "系统", "开启", "远程桌面", "连接", "其他", "电脑", "后", ",", "会", "留下", "连接", "过", "的", "主机", "地址", "记录", ",", "这样", "很容易", "泄露", "隐私", "安全", "。", "如果", "你", "的", "电脑", "不是", "一个人", "使用", "的", "话", ",", "那么", "就", "有", "可能", "泄露", "你", "的", "主机", "IP", ",", "这样", "很容易", "受到", "别人", "攻击", "。", "那么", "win7", "系统", "如何", "删除", "远程桌面", "连接", "记录", "呢", "?", "我们", "可以通过", "注册表", "来", "删除", "远程桌面", "连接", "记录", ",", "而且", "方法", "很简单", ",", "下面", "一起来", "看", "下", "win7", "系统", "删除", "远程桌面", "连接", "记录", "的", "详细", "步骤", "。"], ["具体", "方法如下", ":"], ["1", "、", "首先", "我们", "点击", "“", "开始", "—", "—", "运行", "”", ",", "接着", "输入", "“", "regedit", "”", "命令", "后", "单击", "键盘", "上", "的", "回车", "按键", ",", "进入", "注册表编辑器", ";", "2", "、", "在", "打开", "的", "注册", "项", "里面", "我们", "按照", "顺序", "依次", "找到", "HKEY", "_", "CURRENT", "_", "USER", "/", "Software", "/", "Microsoft", "/", "Terminal", "Server", "Client", "/", "Default", ",", "在", "该项", "下", "我们", "可以看到", "我们", "远程", "连接", "过", "的", "主机", "地址", ";", "3", "、", "接着", "大家", "把", "不需要", "的", "记录", "删除", "即可", "。"], ["上述", "内容", "就是", "win7", "系统", "删除", "远程桌面", "连接", "记录", "的", "详细", "步骤", ",", "简单", "三", "个", "步骤", ",", "是不是", "很简单", ",", "这样", "远程桌面", "连接", "记录", "就", "被删除", "了", "。"], ["热门", "教程", "推荐"], ["热门", "系统", "专题"], ["Win7", "系统", "推荐"], ["深度", "技术", "SDJS", "ghost", "win7", "32", "位", "纯净", "标准版", "V", "2016", ".", "112016", "-", "11", "-", "12", "人气", ":", "8931641", "风林火山", "flhs", "ghost", "win7", "64位", "一键", "装机", "旗舰版", "V", "2016", ".", "112016", "-", "11", "-", "01", "人气", ":", "8746740", "技术员", "联盟", "ghost", "win7", "X86", "(", "32", "位", ")", "精简", "旗舰版", "V", "2016", ".", "102016", "-", "10", "-", "15", "人气", ":", "6423223", "大地", "系统", "ghost", "win7", "64", "位", "装机", "旗舰版", "V", "2016", ".", "102016", "-", "10", "-", "20", "人气", ":", "6003369", "中关村", "zgc", "ghost", "win7", "64", "旗舰", "中文", "纯净版", "V", "2016", ".", "122016", "-", "12", "-", "08", "人气", ":", "5901790"]], "title": "win7系统删除远程桌面连接记录的详细步骤(图文)-系统城"}, {"bs_rank_pos": 4, "paragraphs": [" 1 存储远程桌面记录的信息文件,default.rdp,这个文件在“我的文档里面”,删除即可 1打开我们的电脑,文件夹选项菜单。如下图 2 2 显示所有隐藏文件(包括系统隐藏文件),并且应用到所有文件夹,如下图  3 3 如下图,找到default.rdp文件删除即可。(一般是在我的文档这个文件夹下面)  END 1.开始--- 运行--- 输入 regedit 命令可以打开注册表,如下图  2 2 找到注册表里面的,:HKEY_CURRENT_USER \\ Software\\Microsoft \\ Terminal ServerClientDefault 其中右边的就是,你连接过的记录了。", " 评论加载中,请稍候...", " 以上网友发言只代表其个人观点,不代表新浪网的观点或立场。"], "segmented_title": ["如何", "清除", "远程桌面", "访问", "痕迹", ",", "删除", "远程桌面", "缓存", "记", "_", "diy", "5d", "_", "9t6", "_", "新浪", "博客"], "segmented_paragraphs": [["1", "存储", "远程桌面", "记录", "的", "信息", "文件", ",", "default", ".", "rdp", ",", "这个文件", "在", "“", "我的文档", "里面", "”", ",", "删除", "即可", "1", "打开", "我们", "的", "电脑", ",", "文件夹", "选项", "菜单", "。", "如下图", "2", "2", "显示所有", "隐藏文件", "(", "包括", "系统", "隐藏文件", ")", ",", "并且", "应用", "到", "所有", "文件夹", ",", "如下图", "3", "3", "如下图", ",", "找到", "default", ".", "rdp", "文件", "删除", "即可", "。", "(", "一般", "是", "在", "我的文档", "这个", "文件夹", "下面", ")", "END", "1", ".", "开始", "-", "-", "-", "运行", "-", "-", "-", "输入", "regedit", "命令", "可以", "打开", "注册表", ",", "如下图", "2", "2", "找到", "注册表", "里面", "的", ",", ":", "HKEY", "_", "CURRENT", "_", "USER", "\\", "Software", "\\", "Microsoft", "\\", "Terminal", "Server", "Client", "Default", "其中", "右边", "的", "就是", ",", "你", "连接", "过", "的", "记录", "了", "。"], ["评论", "加载", "中", ",", "请稍候", ".", ".", "."], ["以上", "网友", "发言", "只", "代表", "其", "个人观点", ",", "不", "代表", "新浪", "网", "的", "观点", "或", "立场", "。"]], "title": "如何清除远程桌面访问痕迹,删除远程桌面缓存记_diy5d_9t6_新浪博客"}], "question": "如何清除远程桌面连接记录", "segmented_question": ["如何", "清除", "远程桌面", "连接", "记录"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221662}
-{"documents": [{"bs_rank_pos": 1, "paragraphs": [" UID 2766977 帖子 2112 威望 0 多玩草 76 草", " 碎片不够换 "], "segmented_title": ["怎么", "兑换", "加百利", "的", "SS", "碎片", "在线", "等", "急", "~", "~", "~", "~", "~", "~", "~", "~", "~", "~", "~", "~", "~", "-", "地下城与勇士", "-", "多玩"], "segmented_paragraphs": [["UID", "2766977", "帖子", "2112", "威望", "0", "多玩", "草", "76", "草"], ["碎片", "不够", "换"]], "title": "怎么兑换加百利的SS碎片 在线等 急~~~~~~~~~~~~~-地下城与勇士-多玩"}, {"bs_rank_pos": 2, "paragraphs": ["DNF史诗碎片兑换是怎么进行的呢?明天就要更新新版本了,我也是为大家简单的介绍一下碎片兑换的进行方法吧,要不然别等加百利好不容易出现一次却错失了兑换SS碎片的机会哦。话不多说,下面让我们开始正题。", " DNFSS碎片兑换机制解析:", " 玩家在击杀全部的深渊派对怪物后会有一定几率遇上NPC加百利(几率大概和出SS差不多),玩家可以将不用的SS装备碎片在加百利处进行兑换。", " 使用50个不需要的SS装备碎片可以兑换5个自己想要的SS装备碎片(兑换比例为10:1)。", " 其中有几点需要注意的是:", " 1、SS碎片仅支持同级别SS装备碎片兑换,例如你想换别云剑(85SS巨剑),那么你就要用其他85SS装备碎片来进行兑换。 2、其中兑换的50个SS碎片分为5种各10个SS碎片(5件装备,每件装备都需要有10个碎片)。如果你无法找到5种均拥有10个碎片的装备。那么本次兑换将无法进行(例如你有30个手搓光碎片+20个阳剑碎片+15个阴剑碎片+40个天从云碎片,然而你其他所有SS装备的碎片均不满10个,那么你将无法进行本次兑换)。 3、兑换SS装备碎片并没有部位要求,从下图可以看到兑换炎龙之天罚碎片时,是有防具碎片的哦。", " DNF史诗碎片兑换商店就为大家简单介绍到这里,也相信大家对SS碎片兑换有了一个较为直观的了解,个人感觉SS碎片兑换还是相当不错的,虽然兑换比例有点纠结,不过总比不能兑换还是好上不少的。", " DNF大转移更多精彩推荐:", "上一篇:DNF3月24日即将删除道具与结束活动一览  下一篇:赚钱攻略全分享 3月24日版本商机囤货解析 ", "DNF《阿拉德:宿命之门》宣传美图  DNF女圣职者原画图片欣赏 [09-19]DNF帕拉丁90级刷图加点 国庆版本刷图加点 [09-19]2017年921国庆版本\"终末之光\"更 [09-19]2017国庆版本将上线!9.21维护更新删除道具 [09-19]怎么用才划算?2017国庆节周商店凭证兑换攻 [09-19]春节五一国庆各类光环排行 谁才是最强顶尖 [09-18]DNF强化多少会碎?国庆版本强化改版必知Tips"], "segmented_title": ["DNFSS", "碎片", "兑换", "_", "DNF", "史诗", "碎片", "怎么", "兑换", "?", "新版本", "必看", "教学", "演示", "_", "52PK", "DNF"], "segmented_paragraphs": [["DNF", "史诗", "碎片", "兑换", "是", "怎么", "进行", "的", "呢", "?", "明天", "就要", "更新", "新版本", "了", ",", "我", "也是", "为", "大家", "简单", "的", "介绍一下", "碎片", "兑换", "的", "进行", "方法", "吧", ",", "要", "不", "然", "别", "等", "加百利", "好不容易", "出现", "一次", "却", "错失", "了", "兑换", "SS", "碎片", "的", "机会", "哦", "。", "话", "不", "多", "说", ",", "下面", "让", "我们", "开始", "正题", "。"], ["DNFSS", "碎片", "兑换", "机制", "解析", ":"], ["玩家", "在", "击", "杀", "全部", "的", "深渊", "派对", "怪物", "后", "会", "有", "一定", "几率", "遇上", "NPC", "加百利", "(", "几率", "大概", "和", "出", "SS", "差不多", ")", ",", "玩家", "可以", "将", "不用", "的", "SS", "装备", "碎片", "在", "加百利", "处", "进行", "兑换", "。"], ["使用", "50", "个", "不需要", "的", "SS", "装备", "碎片", "可以", "兑换", "5", "个", "自己", "想要", "的", "SS", "装备", "碎片", "(", "兑换", "比例", "为", "10", ":", "1", ")", "。"], ["其中", "有", "几点", "需要", "注意", "的", "是", ":"], ["1", "、", "SS", "碎片", "仅", "支持", "同", "级别", "SS", "装备", "碎片", "兑换", ",", "例如", "你", "想", "换", "别云剑", "(", "85SS", "巨剑", ")", ",", "那么", "你", "就要", "用", "其他", "85SS", "装备", "碎片", "来", "进行", "兑换", "。", "2", "、", "其中", "兑换", "的", "50", "个", "SS", "碎片", "分为", "5", "种", "各", "10", "个", "SS", "碎片", "(", "5", "件", "装备", ",", "每", "件", "装备", "都", "需要", "有", "10", "个", "碎片", ")", "。", "如果", "你", "无法找到", "5", "种", "均", "拥有", "10", "个", "碎片", "的", "装备", "。", "那么", "本次", "兑换", "将", "无法", "进行", "(", "例如", "你", "有", "30", "个", "手", "搓", "光", "碎片", "+", "20", "个", "阳", "剑", "碎片", "+", "15", "个", "阴", "剑", "碎片", "+", "40", "个", "天", "从", "云", "碎片", ",", "然而", "你", "其他", "所有", "SS", "装备", "的", "碎片", "均", "不满", "10", "个", ",", "那么", "你", "将", "无法", "进行", "本次", "兑换", ")", "。", "3", "、", "兑换", "SS", "装备", "碎片", "并没有", "部位", "要求", ",", "从", "下图", "可以看到", "兑换", "炎龙", "之", "天罚", "碎片", "时", ",", "是", "有", "防具", "碎片", "的", "哦", "。"], ["DNF", "史诗", "碎片", "兑换", "商店", "就", "为", "大家", "简单", "介绍", "到", "这里", ",", "也", "相信", "大家", "对", "SS", "碎片", "兑换", "有", "了", "一", "个", "较为", "直观", "的", "了解", ",", "个人感觉", "SS", "碎片", "兑换", "还是", "相当不错", "的", ",", "虽然", "兑换", "比例", "有点", "纠结", ",", "不过", "总", "比", "不能", "兑换", "还是", "好", "上", "不", "少", "的", "。"], ["DNF", "大转移", "更多精彩推荐", ":"], ["上", "一篇", ":", "DNF", "3", "月", "24", "日", "即将", "删除", "道具", "与", "结束", "活动", "一览", "下一篇", ":", "赚钱", "攻略", "全", "分享", "3", "月", "24", "日", "版本", "商机", "囤货", "解析"], ["DNF", "《", "阿拉德", ":", "宿命", "之", "门", "》", "宣传", "美", "图", "DNF", "女", "圣职者", "原画", "图片", "欣赏", "[", "09", "-", "19", "]", "DNF", "帕拉丁", "90", "级", "刷图", "加点", "国庆", "版本", "刷图", "加点", "[", "09", "-", "19", "]", "2017", "年", "921", "国庆", "版本", "\"", "终", "末", "之", "光", "\"", "更", "[", "09", "-", "19", "]", "2017", "国庆", "版本", "将", "上线", "!", "9", ".", "21", "维护", "更新", "删除", "道具", "[", "09", "-", "19", "]", "怎么", "用", "才", "划算", "?", "2017", "国庆节", "周", "商店", "凭证", "兑换", "攻", "[", "09", "-", "19", "]", "春节", "五一", "国庆", "各类", "光环", "排行", "谁", "才", "是", "最强", "顶尖", "[", "09", "-", "18", "]", "DNF", "强化", "多少", "会", "碎", "?", "国庆", "版本", "强化", "改版", "必知", "Tips"]], "title": "DNFSS碎片兑换_DNF史诗碎片怎么兑换?新版本必看教学演示_52PKDNF"}, {"bs_rank_pos": 3, "paragraphs": ["表示一晚上搞了几次都是失败,求老司机解答一下,我是真的看不懂什么意思,。。上次跟一个蓝拳PK,他开场直接把武器插到地上,我一个猛龙断龙斩过去捡了就跑,回城分一看,妈的白装! --来自助手版贴吧客户端", " 自顶Hello, 楼主, I want to play a game.在过去的十多年里你上公厕从不冲屎,你大便所弥漫出的毒害气体严重影响了他人的身体健康,你将为此付出代价。正如你所看到的,在这间小屋里有三个坑位,每个坑位中都有一坨大便等待你去冲掉,但是打开坑位的门却需要你付出一些代价。第一把钥匙在旁边的屎坑里,它有1米深,你可能必须尝尝它们的滋味了。第二把钥匙在你旁边的装置里,在你将自己双手束缚住之后,装置打开,你需要将头伸进去吃掉至少1KG的屎才可能找到钥匙。第三把钥匙在你的菊花里,镜子和手术刀都已经为你准备好。你有1小时的时间,游戏成功,你将重获自由,游戏失败,这间小屋会被灌满屎,你将窒息而死。 Live or die, make your choice!(生或死,做出你的选择!) --来自助手版贴吧客户端", " 我们学校周六一共四节课,上午两节,下午两节,一节课一个半小时。", " 再顶一次就睡觉。。。上次跟一个蓝拳PK,他开场直接把武器插到地上,我一个三段斩过去捡了就跑,回城分解了六个狗眼,大声告诉我机智不? --来自助手版贴吧客户端", " 不是你不会,而是你根本就没有那么多碎片,再刷两天就好了 ", " 贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "segmented_title": ["【", "求助", "】", "加百利", "史诗", "碎片", "兑换", "怎么", "玩", "?", "_", "地下城与勇士", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["表示", "一晚上", "搞", "了", "几", "次", "都是", "失败", ",", "求", "老", "司机", "解答", "一", "下", ",", "我是真的", "看不懂", "什么", "意思", ",", "。", "。", "上次", "跟", "一", "个", "蓝拳", "PK", ",", "他", "开场", "直接", "把", "武器", "插", "到", "地上", ",", "我", "一", "个", "猛龙", "断", "龙", "斩", "过去", "捡", "了", "就", "跑", ",", "回城", "分", "一看", ",", "妈", "的", "白", "装", "!", "-", "-", "来自", "助手", "版", "贴吧", "客户端"], ["自", "顶", "Hello", ",", "楼主", ",", "I", "want", "to", "play", "a", "game", ".", "在", "过去", "的", "十", "多", "年", "里", "你", "上", "公厕", "从", "不", "冲", "屎", ",", "你", "大便", "所", "弥漫", "出", "的", "毒害", "气体", "严重", "影响", "了", "他人", "的", "身体健康", ",", "你", "将", "为此", "付出代价", "。", "正如", "你", "所", "看到", "的", ",", "在", "这", "间", "小屋", "里", "有", "三", "个", "坑", "位", ",", "每个", "坑", "位", "中", "都", "有", "一", "坨", "大便", "等待你", "去", "冲", "掉", ",", "但是", "打开", "坑", "位", "的", "门", "却", "需要", "你", "付出", "一些", "代价", "。", "第", "一", "把", "钥匙", "在", "旁边", "的", "屎", "坑", "里", ",", "它", "有", "1", "米", "深", ",", "你", "可能", "必须", "尝尝", "它们", "的", "滋味", "了", "。", "第", "二", "把", "钥匙", "在", "你", "旁边", "的", "装置", "里", ",", "在", "你", "将", "自己", "双手", "束缚", "住", "之后", ",", "装置", "打开", ",", "你", "需要", "将", "头", "伸", "进去", "吃掉", "至少", "1KG", "的", "屎", "才", "可能", "找到", "钥匙", "。", "第", "三", "把", "钥匙", "在", "你", "的", "菊花", "里", ",", "镜子", "和", "手术刀", "都", "已经", "为你", "准备", "好", "。", "你", "有", "1", "小时", "的", "时间", ",", "游戏", "成功", ",", "你", "将", "重", "获", "自由", ",", "游戏", "失败", ",", "这", "间", "小屋", "会", "被", "灌", "满", "屎", ",", "你", "将", "窒息", "而", "死", "。", "Live", "or", "die", ",", "make", "your", "choice", "!", "(", "生或死", ",", "做出", "你的选择", "!", ")", "-", "-", "来自", "助手", "版", "贴吧", "客户端"], ["我们", "学校", "周六", "一共", "四", "节", "课", ",", "上午", "两节", ",", "下午", "两节", ",", "一", "节", "课", "一", "个", "半小时", "。"], ["再", "顶", "一次", "就", "睡觉", "。", "。", "。", "上次", "跟", "一", "个", "蓝拳", "PK", ",", "他", "开场", "直接", "把", "武器", "插", "到", "地上", ",", "我", "一", "个", "三段", "斩", "过去", "捡", "了", "就", "跑", ",", "回城", "分解", "了", "六", "个", "狗", "眼", ",", "大声", "告诉", "我", "机智", "不", "?", "-", "-", "来自", "助手", "版", "贴吧", "客户端"], ["不是", "你", "不会", ",", "而是", "你", "根本", "就", "没有", "那么多", "碎片", ",", "再", "刷", "两天", "就好", "了"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "title": "【求助】加百利史诗碎片兑换怎么玩?_地下城与勇士吧_百度贴吧"}, {"bs_rank_pos": 4, "paragraphs": [" 好复杂的!我都不够换 ", " 直接刷,赞碎片,要到什么时候 ", " 你必须有5 个不同 10个以上的SS碎片 才可以换你想要的5个碎片 每次必须符合这个条件 ", " 您需要登录后才可以回帖 登录 | 注册 "], "segmented_title": ["怎么", "在", "加百利", "那", "兑换", "史诗", "碎片", "?", "-", "地下城与勇士", "-", "多玩", "游戏论坛", "-"], "segmented_paragraphs": [["好", "复杂", "的", "!", "我", "都", "不够", "换"], ["直接", "刷", ",", "赞", "碎片", ",", "要", "到", "什么时候"], ["你", "必须", "有", "5", "个", "不同", "10", "个", "以上", "的", "SS", "碎片", "才", "可以", "换", "你", "想要", "的", "5", "个", "碎片", "每次", "必须", "符合", "这个", "条件"], ["您", "需要", "登录", "后", "才", "可以", "回帖", "登录", "|", "注册"]], "title": "怎么在加百利那兑换史诗碎片?-地下城与勇士-多玩游戏论坛 - "}, {"bs_rank_pos": 5, "paragraphs": ["点选择装备 选一件装备—— 5×十个同装备碎片=换= 五个所选装备碎片"], "segmented_title": ["dnf", "加百利", "史诗", "兑换", "商店", "怎么", "换", "一", "次", "能", "换", "多少", "碎片", "_", "百度", "知道"], "segmented_paragraphs": [["点", "选择", "装备", "选", "一", "件", "装备", "—", "—", "5", "×", "十", "个", "同", "装备", "碎片", "=", "换", "=", "五", "个", "所选", "装备", "碎片"]], "title": "dnf加百利史诗兑换商店怎么换一次能换多少碎片_百度知道"}], "question": "加百利史诗碎片怎么兑换", "segmented_question": ["加百利", "史诗", "碎片", "怎么", "兑换"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221663}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["查询手机本机号码步骤: 1、以MIUI系统为例,在拨号键盘页面,输入:*#*#4636#*#* 2、打开手机测试页面,点击”手机信息“页面,即可查看到手机本机号码。"], "segmented_title": ["用", "什么", "手机", "命令", "可", "查", "本", "机", "号码", "?", "_", "百度", "知道"], "segmented_paragraphs": [["查询", "手机", "本", "机", "号码", "步骤", ":", "1", "、", "以", "MIUI", "系统", "为", "例", ",", "在", "拨号", "键盘", "页面", ",", "输入", ":", "*", "#", "*", "#", "4636", "#", "*", "#", "*", "2", "、", "打开", "手机", "测试", "页面", ",", "点击", "”", "手机", "信息", "“", "页面", ",", "即可", "查看", "到", "手机", "本", "机", "号码", "。"]], "title": "用什么手机命令可查本机号码?_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["10086然后按拨号键"], "segmented_title": ["用", "什么", "手机", "命令", "可", "查", "本", "机", "号码", "?", "_", "百度", "知道"], "segmented_paragraphs": [["10086", "然后", "按", "拨号", "键"]], "title": "用什么手机命令可查本机号码?_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["按0再按拨号键"], "segmented_title": ["用", "什么", "手机", "命令", "可", "查", "本", "机", "号码", "?", "_", "百度", "知道"], "segmented_paragraphs": [["按", "0", "再", "按", "拨号", "键"]], "title": "用什么手机命令可查本机号码?_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["手机以MIUI系统为例,在拨号键盘页面,输入:*#*#4636#*#*,可获知本机号码。"], "segmented_title": ["按键", "上", "按", "什么", "指令", "可以", "查看", "本", "机", "电话号码", "_", "百度", "知道"], "segmented_paragraphs": [["手机", "以", "MIUI", "系统", "为", "例", ",", "在", "拨号", "键盘", "页面", ",", "输入", ":", "*", "#", "*", "#", "4636", "#", "*", "#", "*", ",", "可", "获知", "本", "机", "号码", "。"]], "title": "按键上按什么指令可以查看本机电话号码_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["10086"], "segmented_title": ["按键", "上", "按", "什么", "指令", "可以", "查看", "本", "机", "电话号码", "_", "百度", "知道"], "segmented_paragraphs": [["10086"]], "title": "按键上按什么指令可以查看本机电话号码_百度知道"}], "question": "输入什么命令可以查本机号码", "segmented_question": ["输入", "什么", "命令", "可以", "查", "本", "机", "号码"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221664}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["微信只能撤回2分钟内发出的信息,超出2分钟的信息不能撤回,如图。 微信撤回发出信息方法: 1)打开微信,在跟朋友聊天的窗口,长按已经发送出去的最后消息(2分钟内)。2)出现选项,选择【撤回】,这样就可以撤回一条在2分钟内发送的最后一条消息了。"], "segmented_title": ["微信", "的", "消息", "多久", "内", "可以", "撤回", "_", "百度", "知道"], "segmented_paragraphs": [["微信", "只能", "撤回", "2", "分钟", "内", "发出", "的", "信息", ",", "超出", "2", "分钟", "的", "信息", "不能", "撤回", ",", "如图", "。", "微信", "撤回", "发出", "信息", "方法", ":", "1", ")", "打开", "微信", ",", "在", "跟", "朋友", "聊天", "的", "窗口", ",", "长按", "已经", "发送", "出去", "的", "最后", "消息", "(", "2", "分钟", "内", ")", "。", "2", ")", "出现", "选项", ",", "选择", "【", "撤回", "】", ",", "这样", "就", "可以", "撤回", "一", "条", "在", "2", "分钟", "内", "发送", "的", "最后", "一", "条", "消息", "了", "。"]], "title": "微信的消息多久内可以撤回_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["微信只能撤回2分钟内发出的信息,超出2分钟的信息不能撤回,如图。 微信撤回发出信息方法: 1)打开微信,在跟朋友聊天的窗口,长按已经发送出去的最后消息(2分钟内)。2)出现选项,选择【撤回】,这样就可以撤回一条在2分钟内发送的最后一条消息了。"], "segmented_title": ["微信", "的", "消息", "多久", "内", "可以", "撤回", "_", "百度", "知道"], "segmented_paragraphs": [["微信", "只能", "撤回", "2", "分钟", "内", "发出", "的", "信息", ",", "超出", "2", "分钟", "的", "信息", "不能", "撤回", ",", "如图", "。", "微信", "撤回", "发出", "信息", "方法", ":", "1", ")", "打开", "微信", ",", "在", "跟", "朋友", "聊天", "的", "窗口", ",", "长按", "已经", "发送", "出去", "的", "最后", "消息", "(", "2", "分钟", "内", ")", "。", "2", ")", "出现", "选项", ",", "选择", "【", "撤回", "】", ",", "这样", "就", "可以", "撤回", "一", "条", "在", "2", "分钟", "内", "发送", "的", "最后", "一", "条", "消息", "了", "。"]], "title": "微信的消息多久内可以撤回_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["微信发出去的消息只能在两分钟内撤回,超过了两分钟是无法撤回的,撤回步骤: 1.打开并登陆微信。 2.进入发照片好友的聊天界面。 3.长按该消息,会出现撤回提示选项。 4.点击撤回即可。 注意:对于要撤回的信息,如果发送超过2分钟的消息,是不能被撤回的。"], "segmented_title": ["微信", "发", "出去", "的", "消息", "怎么", "撤回", "_", "百度", "知道"], "segmented_paragraphs": [["微信", "发", "出去", "的", "消息", "只能", "在", "两分钟", "内", "撤回", ",", "超过", "了", "两分钟", "是", "无法", "撤回", "的", ",", "撤回", "步骤", ":", "1", ".", "打开", "并", "登陆", "微信", "。", "2", ".", "进入", "发", "照片", "好友", "的", "聊天", "界面", "。", "3", ".", "长按", "该", "消息", ",", "会出现", "撤回", "提示", "选项", "。", "4", ".", "点击", "撤回", "即可", "。", "注意", ":", "对于", "要", "撤回", "的", "信息", ",", "如果", "发送", "超过", "2", "分钟", "的", "消息", ",", "是", "不能", "被", "撤回", "的", "。"]], "title": "微信发出去的消息怎么撤回_百度知道"}, {"bs_rank_pos": 2, "paragraphs": ["首页/卡饭教程/微信消息撤回功能在哪里设置", " 微信撤回消息自定义设置方法: 在手机浏览器里打开:http://ruguoapp.com/unicode.html?from=groupmessage&isappinstalled=0,注意不要直接在微信中打开链接,否则会访问不了。打开链接后进入下面的名字生成页面。网页里有很清晰的教程,第一步输入你的名字,也可以是你的微信名字,然后在后缀里写上:并亲了*一下,并打了*...", " “XX撤回了消息并亲了你一下”又可以玩了!下载即刻生成器,在两个输入框里分别输入你平时的昵称(比如“小张”)和你想要添加的后缀(比如“并去吃饭了”),点击“生成”,然后全选复制生成的文字就可以!简单两步,填入信息,点击生成即可 ", " 最近在微信群突然冒出来了一个好玩的玩法,在微信上面有小伙伴撤回消息后,会发现有的小伙伴的撤回的消息,变成了“XX撤回了一条消息并亲了你一下”那么这么后缀是怎么设置的呢,在这里就来教大家一下这个后缀的详细的设置的方法,还能够改文字哦,能够改成自己设置的各种文字来使用。微信\"XXX撤回了一条消息\"后缀设置方法...", " 好吧我顿时感觉这个消息撤回功能简直是人类技术文明的倒退啊!这样让人心痒痒的还不如当没接到过这条消息啊。不过作为一个技术控,绝不能就此知难而退,为了研究出女神到底说了什么,我研究了一晚防撤回的方法,所以今天打算来分享给大家。ps:只针对iPhone用户防文字撤销哦!好了,言归正传。首先我们来打开iPhone的设置,...", " 微信消息撤回的这条消息更改成别的文字方法:(以下图片如果不动请用网页版的打开就可以动了,用网页打开,在我的提问中找到这个提问,进入)1、打开这个经验认真看完 http:jingyan.baidu.com/article/9113f81b1d0df32b3214c79a.html 2、按照经验进行操作,里面有详细的操作步骤。持续更新中,只要记住这上经验就可以了。3...", " 过程简单跟大家分享下:1:首先打开个人设置,把原本的微信昵称删除(注意,要全部删除)2:然后黏贴这句话:向您踢了一脚。3:从最后往回删除,你会发现删掉的是前面的字,然后你就可以加上你的名字了!4:长按你要撤消的信息 5:之后撤回消息就会是“撤回消息还向您踢了一脚”", " 微信的“后悔药”:可撤回两分钟内发出的信息,微信即将推出5.2新版本,在新版本中将会出现撤销发送的功能,可以撤回两...参考邮箱的信息撤回功能,一般来说,相同系统内(比如网易邮箱、QQ 邮箱)的邮件撤回,只要对方没有打开,发出去的邮件都是可以撤回的,并没有时间限制,用户也能够依此判断发出的信息是否已被对方阅读。", " 05 接下来,如果有朋友跟你私聊或者在微信群中撤回了一条信息的话,你再也不用担心你会错过了,下拉打开通知栏,你就会看到撤回消息的内容了。另外,如果在锁屏状态下,想要看到的话,就要将通知选项里点开“在锁定屏幕上显示”选项。注意: 这个方法只能防患于未然,如果撤销消息之前没有开启上述功能,那么我们是不能看到...", " 1、微信撤回消息功能是在微信的5.3.1中新增的,所以如果你的微信版本过低的话,请先升级微信。2、如果需要撤回微信消息,长按刚刚发出去的消息,会弹出菜单,其中有撤回选项。3、点击撤回后可以看到提示,会撤回刚才发出去的最后一条微信消息。4、点击确定后,你会看到“你撤回了一条消息”的提示,同时刚才的消息也从聊天...", " 1、更新微信,打开对话框,然后发送一条消息右击对话框,点击撤回 2、大家可以看到微信会提示你撤回了一条消息 大家注意哦,微信在发送2分钟之内撤销哦,不然是撤不回来的", " 怎么设置微信消息在状态栏提醒  如何撤回超过两分钟的微信消息  怎样让微信显示撤回消息并带动作  微信消息如何快速进行中英文翻译  苹果ios版微信无法使用语音功能的解决方法图解  微信公众号怎么申请?及微信公众号功能介绍  微信技巧不为人知的功能  微信公众平台帐号信息设置规则  qq消息提醒功能怎么取消?", " Win8如何设置开机自动联网无需手动点击宽带连接  Windows8和Windows8 RT版的区别介绍  在Word2003中为Word文档中添加水印  直接对内存的访问 (DMA)的启用或禁用  通过修改注册表键值开启Win8中的隐藏功能  Windows 2008之AD LDS轻型目录服务解析  win7系统共享xp打印机设置图文教程  如何快速关闭Win8 Modern UI应用  linux批量管理推送工具mussh和pssh介绍  2015我是电影迷4月第二期答案大全 "], "segmented_title": ["微信", "消息", "撤回", "功能", "在哪里", "设置"], "segmented_paragraphs": [["首页", "/", "卡饭", "教程", "/", "微信", "消息", "撤回", "功能", "在哪里", "设置"], ["微信", "撤回", "消息", "自定义", "设置方法", ":", "在", "手机", "浏览器", "里", "打开", ":", "http", ":", "/", "/", "ruguo", "app", ".", "com", "/", "unicode", ".", "html", "?", "from", "=", "group", "message", "&", "isappinstalled", "=", "0", ",", "注意", "不要", "直接", "在", "微信", "中", "打开", "链接", ",", "否则", "会", "访问", "不", "了", "。", "打开", "链接", "后", "进入", "下面", "的", "名字", "生成", "页面", "。", "网页", "里", "有", "很", "清晰", "的", "教程", ",", "第一步", "输入", "你", "的", "名字", ",", "也", "可以", "是", "你", "的", "微信", "名字", ",", "然后", "在", "后缀", "里", "写上", ":", "并", "亲", "了", "*", "一", "下", ",", "并", "打", "了", "*", ".", ".", "."], ["“", "XX", "撤回", "了", "消息", "并", "亲", "了", "你", "一", "下", "”", "又", "可以", "玩", "了", "!", "下载", "即刻", "生成器", ",", "在", "两", "个", "输入框", "里", "分别", "输入", "你", "平时", "的", "昵称", "(", "比如", "“", "小张", "”", ")", "和", "你", "想要", "添加", "的", "后缀", "(", "比如", "“", "并", "去", "吃饭", "了", "”", ")", ",", "点击", "“", "生成", "”", ",", "然后", "全选", "复制", "生成", "的", "文字", "就", "可以", "!", "简单", "两", "步", ",", "填入", "信息", ",", "点击", "生成", "即可"], ["最近", "在", "微信", "群", "突然", "冒", "出来", "了", "一", "个", "好玩", "的", "玩法", ",", "在", "微信", "上面", "有", "小伙伴", "撤回", "消息", "后", ",", "会发现", "有", "的", "小伙伴", "的", "撤回", "的", "消息", ",", "变成", "了", "“", "XX", "撤回", "了", "一", "条", "消息", "并", "亲", "了", "你", "一", "下", "”", "那么", "这么", "后缀", "是", "怎么", "设置", "的", "呢", ",", "在这里", "就", "来", "教", "大家", "一", "下", "这个", "后缀", "的", "详细", "的", "设置", "的", "方法", ",", "还能", "够", "改", "文字", "哦", ",", "能够", "改", "成", "自己", "设置", "的", "各种", "文字", "来", "使用", "。", "微信", "\"", "XXX", "撤回", "了", "一", "条", "消息", "\"", "后缀", "设置方法", ".", ".", "."], ["好", "吧", "我", "顿时", "感觉", "这个消息", "撤回", "功能", "简直", "是", "人类", "技术", "文明", "的", "倒退", "啊", "!", "这样", "让", "人心", "痒痒", "的", "还", "不如", "当", "没", "接", "到", "过", "这条消息", "啊", "。", "不过", "作为", "一", "个", "技术", "控", ",", "绝", "不能", "就", "此", "知难而退", ",", "为了", "研究", "出", "女神", "到底", "说", "了", "什么", ",", "我", "研究", "了", "一晚", "防", "撤回", "的", "方法", ",", "所以", "今天", "打算", "来", "分享", "给", "大家", "。", "ps", ":", "只", "针对", "iPhone", "用户", "防", "文字", "撤销", "哦", "!", "好", "了", ",", "言归正传", "。", "首先", "我们", "来", "打开", "iPhone", "的", "设置", ",", ".", ".", "."], ["微信", "消息", "撤回", "的", "这条消息", "更改", "成", "别", "的", "文字", "方法", ":", "(", "以下", "图片", "如果", "不动", "请", "用", "网页", "版", "的", "打开", "就", "可以", "动", "了", ",", "用", "网页", "打开", ",", "在", "我", "的", "提问", "中", "找到", "这个", "提问", ",", "进入", ")", "1", "、", "打开", "这个", "经验", "认真", "看", "完", "http", ":", "jingyan", ".", "baidu", ".", "com", "/", "article", "/", "9113", "f81", "b", "1", "d", "0", "df3", "2b", "3214", "c79", "a", ".", "html", "2", "、", "按照", "经验", "进行", "操作", ",", "里面", "有", "详细", "的", "操作", "步骤", "。", "持续", "更新中", ",", "只要", "记住", "这", "上", "经验", "就", "可以", "了", "。", "3", ".", ".", "."], ["过程", "简单", "跟", "大家", "分享", "下", ":", "1", ":", "首先", "打开", "个人设置", ",", "把", "原本", "的", "微信", "昵称", "删除", "(", "注意", ",", "要", "全部", "删除", ")", "2", ":", "然后", "黏贴", "这句话", ":", "向", "您", "踢", "了", "一脚", "。", "3", ":", "从", "最后", "往回", "删除", ",", "你", "会", "发现", "删掉", "的", "是", "前面", "的", "字", ",", "然后", "你", "就", "可以", "加上", "你", "的", "名字", "了", "!", "4", ":", "长按", "你", "要", "撤消", "的", "信息", "5", ":", "之后", "撤回", "消息", "就会", "是", "“", "撤回", "消息", "还", "向", "您", "踢", "了", "一脚", "”"], ["微信", "的", "“", "后悔药", "”", ":", "可", "撤回", "两分钟", "内", "发出", "的", "信息", ",", "微信", "即将推出", "5", ".", "2", "新版本", ",", "在", "新版本", "中将", "会出现", "撤销", "发送", "的", "功能", ",", "可以", "撤回", "两", ".", ".", ".", "参考", "邮箱", "的", "信息", "撤回", "功能", ",", "一般来说", ",", "相同", "系统", "内", "(", "比如", "网易邮箱", "、", "QQ", "邮箱", ")", "的", "邮件", "撤回", ",", "只要", "对方", "没有", "打开", ",", "发", "出去", "的", "邮件", "都是", "可以", "撤回", "的", ",", "并没有", "时间限制", ",", "用户", "也", "能够", "依此", "判断", "发出", "的", "信息", "是否", "已", "被", "对方", "阅读", "。"], ["05", "接下来", ",", "如果", "有", "朋友", "跟", "你", "私聊", "或者", "在", "微信", "群", "中", "撤回", "了", "一", "条", "信息", "的", "话", ",", "你", "再", "也", "不用", "担心", "你", "会", "错过了", ",", "下拉", "打开", "通知", "栏", ",", "你", "就会", "看到", "撤回", "消息", "的", "内容", "了", "。", "另外", ",", "如果", "在", "锁屏", "状态", "下", ",", "想要", "看到", "的", "话", ",", "就要", "将", "通知", "选项", "里", "点", "开", "“", "在", "锁定", "屏幕", "上", "显示", "”", "选项", "。", "注意", ":", "这个方法", "只能", "防患于未然", ",", "如果", "撤销", "消息", "之", "前", "没有", "开启", "上述", "功能", ",", "那么", "我们", "是", "不能", "看到", ".", ".", "."], ["1", "、", "微信", "撤回", "消息", "功能", "是", "在", "微信", "的", "5", ".", "3", ".", "1", "中", "新增", "的", ",", "所以", "如果", "你", "的", "微信", "版本", "过低", "的", "话", ",", "请", "先", "升级", "微信", "。", "2", "、", "如果", "需要", "撤回", "微信", "消息", ",", "长按", "刚刚", "发", "出去", "的", "消息", ",", "会", "弹出菜单", ",", "其中", "有", "撤回", "选项", "。", "3", "、", "点击", "撤回", "后", "可以看到", "提示", ",", "会", "撤回", "刚才", "发", "出去", "的", "最后", "一", "条", "微信", "消息", "。", "4", "、", "点击", "确定", "后", ",", "你", "会", "看到", "“", "你", "撤回", "了", "一", "条", "消息", "”", "的", "提示", ",", "同时", "刚才", "的", "消息", "也", "从", "聊天", ".", ".", "."], ["1", "、", "更新", "微信", ",", "打开", "对话框", ",", "然后", "发送", "一", "条", "消息", "右", "击", "对话框", ",", "点击", "撤回", "2", "、", "大家", "可以看到", "微信", "会", "提示", "你", "撤回", "了", "一", "条", "消息", "大家注意", "哦", ",", "微信", "在", "发送", "2", "分钟", "之", "内", "撤销", "哦", ",", "不", "然", "是", "撤", "不", "回来", "的"], ["怎么", "设置", "微信", "消息", "在", "状态栏", "提醒", "如何", "撤回", "超过", "两分钟", "的", "微信", "消息", "怎样", "让", "微信", "显示", "撤回", "消息", "并", "带", "动作", "微信", "消息", "如何", "快速", "进行", "中英文", "翻译", "苹果", "ios", "版", "微信", "无法", "使用", "语音", "功能", "的", "解决", "方法", "图解", "微信", "公众", "号", "怎么", "申请", "?", "及", "微信", "公众", "号", "功能", "介绍", "微信", "技巧", "不为人知", "的", "功能", "微信", "公众", "平台", "帐号", "信息", "设置", "规则", "qq", "消息", "提醒", "功能", "怎么", "取消", "?"], ["Win8", "如何", "设置", "开机", "自动", "联网", "无需", "手动", "点击", "宽带", "连接", "Windows", "8", "和", "Windows", "8", "RT", "版", "的", "区别", "介绍", "在", "Word", "2003", "中", "为", "Word", "文档", "中", "添加", "水印", "直接", "对", "内存", "的", "访问", "(", "DMA", ")", "的", "启用", "或", "禁用", "通过", "修改", "注册表", "键值", "开启", "Win8", "中", "的", "隐藏", "功能", "Windows", "2008", "之", "AD", "LDS", "轻型", "目录", "服务", "解析", "win7", "系统", "共享", "xp", "打印机", "设置", "图文", "教程", "如何", "快速", "关闭", "Win8", "Modern", "UI", "应用", "linux", "批量", "管理", "推送", "工具", "mussh", "和", "pssh", "介绍", "2015", "我", "是", "电影", "迷", "4", "月", "第二期", "答案", "大全"]], "title": "微信消息撤回功能在哪里设置"}, {"bs_rank_pos": 3, "paragraphs": ["百度经验:jingyan.baidu.com", " 小伙伴有没有遇到微信信息刚发出就想微信撤回消息,或者微信撤销发送呢?微信发出的消息如何撤回,今天来介绍一下微信撤回信息的功能,了解微信撤回功能说不定能帮上大忙。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", " 1 微信撤回消息功能是在微信的5.3.1中新增的,所以如果你的微信版本过低的话,请先升级微信。 步骤阅读 2 如果需要撤回微信消息,长按刚刚发出去的消息,会弹出菜单,其中有撤回选项。 步骤阅读 3 点击撤回后可以看到提示,会撤回刚才发出去的最后一条微信消息。 步骤阅读 4 点击确定后,你会看到“你撤回了一条消息”的提示,同时刚才的消息也从聊天记录中删除了。 步骤阅读 5 关于升级微信版本,在微信右上角菜单中的设置,可以找到关于微信。 步骤阅读 6 点击关于微信,即可进入查看微信版本,点击检查新版本即可找到最新的微信版本。 步骤阅读 7 一般微信的最新版本首先以内测形式发放,用户可以通过一些应用商场获得微信最新的内测版本。比如应用宝。 步骤阅读 END", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", " 经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "segmented_title": ["微信", "如何", "撤回", "消息", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["小伙伴", "有没有", "遇到", "微信", "信息", "刚", "发出", "就", "想", "微信", "撤回", "消息", ",", "或者", "微信", "撤销", "发送", "呢", "?", "微信", "发出", "的", "消息", "如何", "撤回", ",", "今天", "来", "介绍一下", "微信", "撤回", "信息", "的", "功能", ",", "了解", "微信", "撤回", "功能说不定", "能", "帮", "上", "大忙", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "微信", "撤回", "消息", "功能", "是", "在", "微信", "的", "5", ".", "3", ".", "1", "中", "新增", "的", ",", "所以", "如果", "你", "的", "微信", "版本", "过低", "的", "话", ",", "请", "先", "升级", "微信", "。", "步骤", "阅读", "2", "如果", "需要", "撤回", "微信", "消息", ",", "长按", "刚刚", "发", "出去", "的", "消息", ",", "会", "弹出菜单", ",", "其中", "有", "撤回", "选项", "。", "步骤", "阅读", "3", "点击", "撤回", "后", "可以看到", "提示", ",", "会", "撤回", "刚才", "发", "出去", "的", "最后", "一", "条", "微信", "消息", "。", "步骤", "阅读", "4", "点击", "确定", "后", ",", "你", "会", "看到", "“", "你", "撤回", "了", "一", "条", "消息", "”", "的", "提示", ",", "同时", "刚才", "的", "消息", "也", "从", "聊天记录", "中", "删除", "了", "。", "步骤", "阅读", "5", "关于", "升级", "微信", "版本", ",", "在", "微信", "右上角", "菜单", "中", "的", "设置", ",", "可以", "找到", "关于", "微信", "。", "步骤", "阅读", "6", "点击", "关于", "微信", ",", "即可进入", "查看", "微信", "版本", ",", "点击", "检查", "新版本", "即可", "找到", "最新", "的", "微信", "版本", "。", "步骤", "阅读", "7", "一般", "微信", "的", "最新版本", "首先", "以", "内测", "形式", "发放", ",", "用户", "可以通过", "一些", "应用", "商场", "获得", "微信", "最新", "的", "内测", "版本", "。", "比如", "应用宝", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "title": "微信如何撤回消息_百度经验"}], "question": "微信怎么撤回消息", "segmented_question": ["微信", "怎么", "撤回", "消息"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221665}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": [" 点击拨打〔1〕029-6187-5227〔2〕029-6187-5227日立空调报修热线:029-6187-5227西安日立空调售后服务电话:本公司将第一时间竭诚为您服务!", " (西安)专业维修站点--报修热线-- (全程上门为您提供最优质服务!空调专业维修师)", " 【日立空调】【厂】【家】【指】【定】【维】【修】【中】【心】", " 西安日立空调售后电话:〔1〕029-6187-5227〔2〕029-6187-5227日立专线为您服务到家,西安市日立空调维修情暖千万家,包您满意,西安市日立空调维修,原厂配件,服务人民-----诚实守信------随叫随到---------服务体贴-------质量最好!----------------西安日立空调售后维修电话24小时报修热线〔1〕029-6187-5227〔2〕029-6187-5227日立品牌(西安)专业维修站点--报修热线--(全程上门为您提供最优质服务!空调专业维修师)", " 24小时报修电话:029-6187-5227相信你的选择没有错!好生活从日立空调开始随着我国人民的生活水平日益提高,空调已成为人们日常生活中必不可少的空调,随着用户的增加空调维修故障也随之大量增加,给用户的日常生活带来了很大的不便!西安日立售后服务中心成立于2006年,400-6578-123自成立以来紧紧围绕\"专业化\"的服务标准,以\"我用心,你放心\"的服务精神促进企业发展壮大,以\"诚信务实\"的服务理念赢取市场和回报社会,使企业在竞争异常激烈的家电市场中连续多年稳健发展,取得了良好的经济效益和社会效益。", " 西安日立空调售后维修服务承诺:", " (1)严格按照维修程序及操作规程维修,确保维修质量。 (2)严把配件质量关,杜绝伪劣配件以枷旧配件的使用。 (3)服务热线24小时有人值班,10分钟内做出回应。维修车间及前台接待节日不休息,保用户随到随修建立维修制度及时成立抢修小组,可随时到达现场抢修。 (4)收费方面严格执行市物价局和我公司收费标准,不夸大故障,杜绝乱收费。", " (5)外地顾客远程故障判断、技术故障解答、需要邮递配件迅速办理。外地客户自行送修的我们会加急为您的机器排除故障,力求当天完成维修。", " (6)经我中心(西安日立空调维修)维修的机器一律实行保修,在保修期内如因维修质量或更换配件质量出现问题,我中心负责返修。", " 日立服务目标:0缺陷,客户100%满意(全市)认真接听客户心", " 公司宗旨:经验丰富,质量保证,安全第一,客户,舒心,安心放心", " 一、企业精神:开拓、创新、求实、进取 二、企业方针:科学管理、质量第一;优质服务、信誉第一 三、企业目标:创一流的品牌 四、员工宗旨:做一流的员工", " 五、服务宗旨:您的满意,我的追求", " 六、人才理念:唯才是用", " 七、市场理念:运筹信息之中,决胜千里之外", " 八、发展理念:百尺竿头更进一步", " 九、科技理念:日新月异", " 十、工作理念:不达目的不休息", " 24小时报修电话〔1〕029-6187-5227〔2〕029-6187-5227", " 日立厂家售后维修)驻西安办事处报修受理热线;〔1〕029-6187-5227〔2〕029-6187-5227", " 服务程序:电话报修——上门检查——据实报价——维修康复——提供保修。", " 安全认证,规范维修,正规保养。配件正宗,提供保修。"], "segmented_title": ["欢迎访问", "』", "西安", "日立", "空调", "官方网站", "全国", "各", "点", "售后服务", "维修", "咨询电话", "欢迎"], "segmented_paragraphs": [["点击", "拨打", "〔", "1", "〕", "029", "-", "6187", "-", "5227", "〔", "2", "〕", "029", "-", "6187", "-", "5227", "日立", "空调", "报修", "热线", ":", "029", "-", "6187", "-", "5227", "西安", "日立", "空调", "售后", "服务电话", ":", "本公司", "将", "第一时间", "竭诚为您服务", "!"], ["(", "西安", ")", "专业", "维修", "站点", "-", "-", "报修", "热线", "-", "-", "(", "全程", "上门", "为您", "提供", "最", "优质服务", "!", "空调", "专业维修", "师", ")"], ["【", "日立", "空调", "】", "【", "厂", "】", "【", "家", "】", "【", "指", "】", "【", "定", "】", "【", "维", "】", "【", "修", "】", "【", "中", "】", "【", "心", "】"], ["西安", "日立", "空调", "售后", "电话", ":", "〔", "1", "〕", "029", "-", "6187", "-", "5227", "〔", "2", "〕", "029", "-", "6187", "-", "5227", "日立", "专线", "为您服务", "到家", ",", "西安市", "日立", "空调", "维修", "情暖", "千万", "家", ",", "包您满意", ",", "西安市", "日立", "空调", "维修", ",", "原厂配件", ",", "服务", "人民", "-", "-", "-", "-", "-", "诚实守信", "-", "-", "-", "-", "-", "-", "随叫随到", "-", "-", "-", "-", "-", "-", "-", "-", "-", "服务", "体贴", "-", "-", "-", "-", "-", "-", "-", "质量", "最好", "!", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "西安", "日立", "空调", "售后", "维修", "电话", "24", "小时", "报修", "热线", "〔", "1", "〕", "029", "-", "6187", "-", "5227", "〔", "2", "〕", "029", "-", "6187", "-", "5227", "日立", "品牌", "(", "西安", ")", "专业", "维修", "站点", "-", "-", "报修", "热线", "-", "-", "(", "全程", "上门", "为您", "提供", "最", "优质服务", "!", "空调", "专业维修", "师", ")"], ["24", "小时", "报修", "电话", ":", "029", "-", "6187", "-", "5227", "相信你", "的", "选择没有错", "!", "好", "生活", "从", "日立", "空调", "开始", "随着", "我", "国", "人民", "的", "生活水平", "日益", "提高", ",", "空调", "已", "成为", "人们", "日常", "生活", "中", "必不可少", "的", "空调", ",", "随着", "用户", "的", "增加", "空调", "维修", "故障", "也", "随之", "大量", "增加", ",", "给", "用户", "的", "日常", "生活", "带来", "了", "很大", "的", "不便", "!", "西安", "日立", "售后服务中心", "成立", "于", "2006", "年", ",", "400", "-", "6578", "-", "123", "自", "成立", "以来", "紧紧", "围绕", "\"", "专业化", "\"", "的", "服务", "标准", ",", "以", "\"", "我", "用", "心", ",", "你", "放心", "\"", "的", "服务", "精神", "促进", "企业", "发展壮大", ",", "以", "\"", "诚信", "务实", "\"", "的", "服务理念", "赢取", "市场", "和", "回报社会", ",", "使", "企业", "在", "竞争", "异常", "激烈", "的", "家电", "市场", "中", "连续", "多", "年", "稳健发展", ",", "取得", "了", "良好", "的", "经济效益", "和", "社会效益", "。"], ["西安", "日立", "空调", "售后", "维修", "服务承诺", ":"], ["(", "1", ")", "严格按照", "维修", "程序", "及", "操作规程", "维修", ",", "确保", "维修", "质量", "。", "(", "2", ")", "严把", "配件", "质量", "关", ",", "杜绝", "伪劣", "配件", "以", "枷", "旧", "配件", "的", "使用", "。", "(", "3", ")", "服务热线", "24", "小时", "有人", "值班", ",", "10", "分钟", "内", "做出回应", "。", "维修", "车间", "及", "前台接待", "节日", "不", "休息", ",", "保", "用户", "随", "到", "随", "修", "建立", "维修", "制度", "及时", "成立", "抢修", "小组", ",", "可随时", "到达", "现场", "抢修", "。", "(", "4", ")", "收费", "方面", "严格执行", "市", "物价局", "和", "我", "公司", "收费标准", ",", "不", "夸大", "故障", ",", "杜绝", "乱收费", "。"], ["(", "5", ")", "外地", "顾客", "远程", "故障", "判断", "、", "技术", "故障", "解答", "、", "需要", "邮递", "配件", "迅速", "办理", "。", "外地", "客户", "自行", "送修", "的", "我们", "会", "加急", "为", "您", "的", "机器", "排除故障", ",", "力", "求", "当天", "完成", "维修", "。"], ["(", "6", ")", "经", "我", "中心", "(", "西安", "日立", "空调", "维修", ")", "维修", "的", "机器", "一律", "实行", "保修", ",", "在", "保修", "期", "内", "如", "因", "维修", "质量", "或", "更换", "配件", "质量", "出现", "问题", ",", "我", "中心", "负责", "返修", "。"], ["日立", "服务", "目标", ":", "0", "缺陷", ",", "客户", "100", "%", "满意", "(", "全", "市", ")", "认真", "接听", "客户", "心"], ["公司宗旨", ":", "经验丰富", ",", "质量保证", ",", "安全第一", ",", "客户", ",", "舒心", ",", "安心", "放心"], ["一", "、", "企业精神", ":", "开拓", "、", "创新", "、", "求实", "、", "进取", "二", "、", "企业", "方针", ":", "科学管理", "、", "质量第一", ";", "优质服务", "、", "信誉第一", "三", "、", "企业目标", ":", "创一流", "的", "品牌", "四", "、", "员工", "宗旨", ":", "做", "一", "流", "的", "员工"], ["五", "、", "服务宗旨", ":", "您", "的", "满意", ",", "我", "的", "追求"], ["六", "、", "人才", "理念", ":", "唯", "才是", "用"], ["七", "、", "市场", "理念", ":", "运筹", "信息", "之", "中", ",", "决胜千里", "之外"], ["八", "、", "发展", "理念", ":", "百尺竿头", "更进一步"], ["九", "、", "科技", "理念", ":", "日新月异"], ["十", "、", "工作", "理念", ":", "不达", "目的", "不", "休息"], ["24", "小时", "报修", "电话", "〔", "1", "〕", "029", "-", "6187", "-", "5227", "〔", "2", "〕", "029", "-", "6187", "-", "5227"], ["日立", "厂家", "售后", "维修", ")", "驻", "西安", "办事处", "报修", "受理", "热线", ";", "〔", "1", "〕", "029", "-", "6187", "-", "5227", "〔", "2", "〕", "029", "-", "6187", "-", "5227"], ["服务", "程序", ":", "电话", "报修", "—", "—", "上门", "检查", "—", "—", "据", "实", "报价", "—", "—", "维修", "康复", "—", "—", "提供", "保修", "。"], ["安全认证", ",", "规范", "维修", ",", "正规", "保养", "。", "配件", "正宗", ",", "提供", "保修", "。"]], "title": "欢迎访问』西安日立空调官方网站全国各点售后服务维修咨询电话欢迎"}, {"bs_rank_pos": 1, "paragraphs": ["上海赞赞数码手机维修中心 上海义星电子三星服务中心 无锡市新锐电器维修服务有限公 ", " 百佳信手机维修中心 ", " 具体维修事宜,以各个维修点为准。请先电话咨询!"], "segmented_title": ["西安", "三星", "手机", "维修点", ",", "西安", "三星", "手机", "售后", "服务电话"], "segmented_paragraphs": [["上海", "赞", "赞", "数码", "手机", "维修中心", "上海", "义", "星", "电子", "三星", "服务中心", "无锡", "市", "新锐", "电器", "维修", "服务", "有限", "公"], ["百佳", "信", "手机", "维修中心"], ["具体", "维修", "事宜", ",", "以", "各", "个", "维修点", "为准", "。", "请", "先", "电话咨询", "!"]], "title": "西安三星手机维修点,西安三星手机售后服务电话"}, {"bs_rank_pos": 2, "paragraphs": [" 点击拨打〔1〕029-6187-5227〔2〕029-6187-5227约克空调报修热线:029-6187-5227西安约克空调售后服务电话:本公司将第一时间竭诚为您服务!", " (西安)专业维修站点--报修热线-- (全程上门为您提供最优质服务!空调专业维修师)", " 【约克空调】【厂】【家】【指】【定】【维】【修】【中】【心】", " 西安约克空调售后电话:〔1〕029-6187-5227〔2〕029-6187-5227约克专线为您服务到家,西安市约克空调维修情暖千万家,包您满意,西安市约克空调维修,原厂配件,服务人民-----诚实守信------随叫随到---------服务体贴-------质量最好!----------------西安约克空调售后维修电话24小时报修热线〔1〕029-6187-5227〔2〕029-6187-5227约克品牌(西安)专业维修站点--报修热线--(全程上门为您提供最优质服务!空调专业维修师)", " 24小时报修电话:029-6187-5227相信你的选择没有错!好生活从约克空调开始随着我国人民的生活水平日益提高,空调已成为人们日常生活中必不可少的空调,随着用户的增加空调维修故障也随之大量增加,给用户的日常生活带来了很大的不便!西安约克售后服务中心成立于2006年,400-6578-123自成立以来紧紧围绕\"专业化\"的服务标准,以\"我用心,你放心\"的服务精神促进企业发展壮大,以\"诚信务实\"的服务理念赢取市场和回报社会,使企业在竞争异常激烈的家电市场中连续多年稳健发展,取得了良好的经济效益和社会效益。", " 西安约克空调售后维修服务承诺:", " (1)严格按照维修程序及操作规程维修,确保维修质量。 (2)严把配件质量关,杜绝伪劣配件以枷旧配件的使用。 (3)服务热线24小时有人值班,10分钟内做出回应。维修车间及前台接待节日不休息,保用户随到随修建立维修制度及时成立抢修小组,可随时到达现场抢修。 (4)收费方面严格执行市物价局和我公司收费标准,不夸大故障,杜绝乱收费。", " (5)外地顾客远程故障判断、技术故障解答、需要邮递配件迅速办理。外地客户自行送修的我们会加急为您的机器排除故障,力求当天完成维修。", " (6)经我中心(西安约克空调维修)维修的机器一律实行保修,在保修期内如因维修质量或更换配件质量出现问题,我中心负责返修。", " 约克服务目标:0缺陷,客户100%满意(全市)认真接听客户心", " 公司宗旨:经验丰富,质量保证,安全第一,客户,舒心,安心放心", " 一、企业精神:开拓、创新、求实、进取 二、企业方针:科学管理、质量第一;优质服务、信誉第一 三、企业目标:创一流的品牌 四、员工宗旨:做一流的员工", " 五、服务宗旨:您的满意,我的追求", " 六、人才理念:唯才是用", " 七、市场理念:运筹信息之中,决胜千里之外", " 八、发展理念:百尺竿头更进一步", " 九、科技理念:日新月异", " 十、工作理念:不达目的不休息", " 24小时报修电话〔1〕029-6187-5227〔2〕029-6187-5227", " 约克厂家售后维修)驻西安办事处报修受理热线;〔1〕029-6187-5227〔2〕029-6187-5227", " 服务程序:电话报修——上门检查——据实报价——维修康复——提供保修。", " 安全认证,规范维修,正规保养。配件正宗,提供保修。"], "segmented_title": ["欢迎访问", "』", "西安", "约克", "空调", "官方网站", "全国", "各", "点", "售后服务", "维修", "咨询电话", "欢迎"], "segmented_paragraphs": [["点击", "拨打", "〔", "1", "〕", "029", "-", "6187", "-", "5227", "〔", "2", "〕", "029", "-", "6187", "-", "5227", "约克", "空调", "报修", "热线", ":", "029", "-", "6187", "-", "5227", "西安", "约克", "空调", "售后", "服务电话", ":", "本公司", "将", "第一时间", "竭诚为您服务", "!"], ["(", "西安", ")", "专业", "维修", "站点", "-", "-", "报修", "热线", "-", "-", "(", "全程", "上门", "为您", "提供", "最", "优质服务", "!", "空调", "专业维修", "师", ")"], ["【", "约克", "空调", "】", "【", "厂", "】", "【", "家", "】", "【", "指", "】", "【", "定", "】", "【", "维", "】", "【", "修", "】", "【", "中", "】", "【", "心", "】"], ["西安", "约克", "空调", "售后", "电话", ":", "〔", "1", "〕", "029", "-", "6187", "-", "5227", "〔", "2", "〕", "029", "-", "6187", "-", "5227", "约克", "专线", "为您服务", "到家", ",", "西安市", "约克", "空调", "维修", "情暖", "千万", "家", ",", "包您满意", ",", "西安市", "约克", "空调", "维修", ",", "原厂配件", ",", "服务", "人民", "-", "-", "-", "-", "-", "诚实守信", "-", "-", "-", "-", "-", "-", "随叫随到", "-", "-", "-", "-", "-", "-", "-", "-", "-", "服务", "体贴", "-", "-", "-", "-", "-", "-", "-", "质量", "最好", "!", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "西安", "约克", "空调", "售后", "维修", "电话", "24", "小时", "报修", "热线", "〔", "1", "〕", "029", "-", "6187", "-", "5227", "〔", "2", "〕", "029", "-", "6187", "-", "5227", "约克", "品牌", "(", "西安", ")", "专业", "维修", "站点", "-", "-", "报修", "热线", "-", "-", "(", "全程", "上门", "为您", "提供", "最", "优质服务", "!", "空调", "专业维修", "师", ")"], ["24", "小时", "报修", "电话", ":", "029", "-", "6187", "-", "5227", "相信你", "的", "选择没有错", "!", "好", "生活", "从", "约克", "空调", "开始", "随着", "我", "国", "人民", "的", "生活水平", "日益", "提高", ",", "空调", "已", "成为", "人们", "日常", "生活", "中", "必不可少", "的", "空调", ",", "随着", "用户", "的", "增加", "空调", "维修", "故障", "也", "随之", "大量", "增加", ",", "给", "用户", "的", "日常", "生活", "带来", "了", "很大", "的", "不便", "!", "西安", "约克", "售后", "服务中心", "成立", "于", "2006", "年", ",", "400", "-", "6578", "-", "123", "自", "成立", "以来", "紧紧", "围绕", "\"", "专业化", "\"", "的", "服务", "标准", ",", "以", "\"", "我", "用", "心", ",", "你", "放心", "\"", "的", "服务", "精神", "促进", "企业", "发展壮大", ",", "以", "\"", "诚信", "务实", "\"", "的", "服务理念", "赢取", "市场", "和", "回报社会", ",", "使", "企业", "在", "竞争", "异常", "激烈", "的", "家电", "市场", "中", "连续", "多", "年", "稳健发展", ",", "取得", "了", "良好", "的", "经济效益", "和", "社会效益", "。"], ["西安", "约克", "空调", "售后", "维修", "服务承诺", ":"], ["(", "1", ")", "严格按照", "维修", "程序", "及", "操作规程", "维修", ",", "确保", "维修", "质量", "。", "(", "2", ")", "严把", "配件", "质量", "关", ",", "杜绝", "伪劣", "配件", "以", "枷", "旧", "配件", "的", "使用", "。", "(", "3", ")", "服务热线", "24", "小时", "有人", "值班", ",", "10", "分钟", "内", "做出回应", "。", "维修", "车间", "及", "前台接待", "节日", "不", "休息", ",", "保", "用户", "随", "到", "随", "修", "建立", "维修", "制度", "及时", "成立", "抢修", "小组", ",", "可随时", "到达", "现场", "抢修", "。", "(", "4", ")", "收费", "方面", "严格执行", "市", "物价局", "和", "我", "公司", "收费标准", ",", "不", "夸大", "故障", ",", "杜绝", "乱收费", "。"], ["(", "5", ")", "外地", "顾客", "远程", "故障", "判断", "、", "技术", "故障", "解答", "、", "需要", "邮递", "配件", "迅速", "办理", "。", "外地", "客户", "自行", "送修", "的", "我们", "会", "加急", "为", "您", "的", "机器", "排除故障", ",", "力", "求", "当天", "完成", "维修", "。"], ["(", "6", ")", "经", "我", "中心", "(", "西安", "约克", "空调", "维修", ")", "维修", "的", "机器", "一律", "实行", "保修", ",", "在", "保修", "期", "内", "如", "因", "维修", "质量", "或", "更换", "配件", "质量", "出现", "问题", ",", "我", "中心", "负责", "返修", "。"], ["约克", "服务", "目标", ":", "0", "缺陷", ",", "客户", "100", "%", "满意", "(", "全", "市", ")", "认真", "接听", "客户", "心"], ["公司宗旨", ":", "经验丰富", ",", "质量保证", ",", "安全第一", ",", "客户", ",", "舒心", ",", "安心", "放心"], ["一", "、", "企业精神", ":", "开拓", "、", "创新", "、", "求实", "、", "进取", "二", "、", "企业", "方针", ":", "科学管理", "、", "质量第一", ";", "优质服务", "、", "信誉第一", "三", "、", "企业目标", ":", "创一流", "的", "品牌", "四", "、", "员工", "宗旨", ":", "做", "一", "流", "的", "员工"], ["五", "、", "服务宗旨", ":", "您", "的", "满意", ",", "我", "的", "追求"], ["六", "、", "人才", "理念", ":", "唯", "才是", "用"], ["七", "、", "市场", "理念", ":", "运筹", "信息", "之", "中", ",", "决胜千里", "之外"], ["八", "、", "发展", "理念", ":", "百尺竿头", "更进一步"], ["九", "、", "科技", "理念", ":", "日新月异"], ["十", "、", "工作", "理念", ":", "不达", "目的", "不", "休息"], ["24", "小时", "报修", "电话", "〔", "1", "〕", "029", "-", "6187", "-", "5227", "〔", "2", "〕", "029", "-", "6187", "-", "5227"], ["约克", "厂家", "售后", "维修", ")", "驻", "西安", "办事处", "报修", "受理", "热线", ";", "〔", "1", "〕", "029", "-", "6187", "-", "5227", "〔", "2", "〕", "029", "-", "6187", "-", "5227"], ["服务", "程序", ":", "电话", "报修", "—", "—", "上门", "检查", "—", "—", "据", "实", "报价", "—", "—", "维修", "康复", "—", "—", "提供", "保修", "。"], ["安全认证", ",", "规范", "维修", ",", "正规", "保养", "。", "配件", "正宗", ",", "提供", "保修", "。"]], "title": "欢迎访问』西安约克空调官方网站全国各点售后服务维修咨询电话欢迎"}, {"bs_rank_pos": 4, "paragraphs": ["欢迎访问」西安市三星冰箱网站全国各点售后服务咨询电话-中心", "西安三星冰箱24小时报修热线〔1〕051267369525〔2〕400--8357--008", "随着网络的发展,网民的增加,网络媒体和传统媒体比起来,发挥着独特的优势,主要体现在以下两个方面:是辐射能力强。", "传统的杂志类媒体的发行量会受到诸多条件的限制,例如印刷成本、发行渠道等。而网络媒体则不同,只要用户能够上网,就能够访问到家电联盟网站,这对传统媒体是一个根本性的优势。", "西安三星冰箱统一维修热线 〔1〕051267369525〔2〕051267369525", "2.以法律、法规及有关规定为准则,以事实为依据才", "4. 售后服务由售后服务中心处理,顾客投诉的由投诉处处理", "客户100%满意,只要您拨打公司24小时报修热线本公司将时间竭诚为您服务", "西安三星冰箱售后服务中心成立于2005年,自成立以来紧紧围绕\"专业化\"的服务标准,以\"我用心,你放心\"的服务精神促进企业发展壮大,以\"诚信务实\"的服务理念赢取市场和回报社会,使企业在竞争异常激烈的家电市场中连续多年稳健发展,取得了良好的经验效益和社会效益。维修人员都有国家劳动部颁发的等级,有多年维修积累的工作经验。不但具有丰富的维修经验, 而且还具备良好的职业素质和高度责任感。维修服务中心始终本着“至城服务、以致求信”的宗旨,“锐意进取、不断开拓”的精神,本公司将时间竭诚为您服务。", "..........您.....的.....满.....意.....我.....们.....的.....追.....求..........", "西安三星冰箱售后)……24小时报修热线〔1〕051267369525〔2〕400--8357--008", "在售后服务工作中我们不断总结经验,不断提高服务质量,不断加强工作力度,逐步形成一套优质,完整的售后服务体系,解决了用户的后顾之优,提高了产品质量的可信度。 推进供给侧结构性改革,是适应和引领经济发展新常态的重大创新,是适应国际金融危机发生后综合国力竞争新形势的主动选择,是适应我国经济发展新常态的必然要求。近年来,深改组力求从体制创新上能推进供给侧结构性改革,着力解决制约经济社会发展的体制制问题,推进五大任务取得了稳当前、利长远的显着成效。", "公司宗旨:经验丰富,质量保证,安全,客户,舒心,安心放心", "一、企业精神:开拓、创新、求实、进取二、企业方针:科学管理、质量;优质服务、信誉", "【西安三星冰箱】【指】【定】【维】【修】【中】【心】好生活从西安三星 冰箱开始。", "“西安三星冰箱\"的服务标准,以\"我用心,你放心\"的服务精神促进企业发展壮大,以\"诚信务实\"的服务理念,赢取市场西安三星冰箱回报社会,使企业在竞争异常激烈的家电市场中连续多年稳健发展,取得了良好的经济效益西安三星冰箱社会效益。维修人员都有劳动部颁发的等级证书,有多年维修积累的工作经验。不但具有丰富的维修经验,而且还具备良好的职业素质西安三星冰箱高度责任感。维修服务中心始终本着“至城服务、以致求信”的宗旨,“锐意进取、不断开拓”的精神,本公司将时间竭诚为您服务", "西安三星冰箱售后维修中心许诺:", "noooo?:emoji:┏━┓?:emoji:?oooo", "?\\_:emoji:┗━┛?:emoji:_/", "(1)严格按照修理程序及操作规程修理,保证修理质量。(2)严把配件质量关,根绝伪劣配件以及废旧配件的运用。(3)服务热线24小时有人值勤,20分钟内做出回应。修理车间及前台接待节假西安三星冰箱不歇息,保证用户随到随修;树立修理准则;及时成立抢修小组,可随时抵达现场抢修。不夸张毛病,根绝乱收费。", "(5)外地顾客长途毛病判别、技术毛病回答、需求邮寄配件敏捷处理。外地客户自行送修的咱们会加急为您的机器排除毛病,力求当天完结修理。", "(6)经我中间(西安三星冰箱修理中间)修理的机器一概实施保修,保修期为12个月,在保修期内如因维修质量或更换配件质量出现问题,我中间担任返修", "(7)客户在我中间修理过机器,修理费半价待遇。", "(8)树立回访准则:定时对我公司修理过的机器运用情况以及我公司的效劳质量情,向用户调查满意率、树立用户满意率调查表", "(9)对客户发布咱们的监督电话,期待客户及有关部门监督咱们的效劳作业。", "西安三星冰箱修理中间具有建设部颁布的专业级施工资质证书,家电协会团体会员西安修理专业服务商。", "西安三星冰箱统一维修热线 〔1〕051267369525〔2〕400--8357--008", "只要您拨打公司24小时报修热线,本公司将时间竭诚为您服务。", "公司宗旨:经验丰富,质量保证,安全,客户,舒心,安心,放心", "一、企业精神:开拓、创新、求实、进取!", "西安三星冰箱服务范围:西安 市各区。", "\"的服务标准,以\"我用心,你放心\"的服务精神促进企业发展壮大,以\"诚信务实\"的服才务理念赢取市场和回报社会,", "使企业在竞争异常激烈的家电市场中连续多年稳健 发展,风驰取得了良好的经济效益和社会效益。维修人员都有国家劳动部颁发", "才的等级证才书,有多年维修积累的工作经验 。不但具有丰富的维修经验,才而且还具备良好的职业素质和高度责任感", "才统一维修线1才)〔1〕051267369525〔2〕400--8357--008", "只要您拨打公司24小时051267369525,本公司将时间竭诚为您服务。", "才旨:经验丰富,质才量保证,安全,客户,舒心,安心,放心", "一、企业精神:开拓、创新、求实、进取!", "西安三星冰箱服务范围:西安市.市各区", "西安三星冰箱售后服务中心成欢迎访问西安三星冰箱各点售后服务维修咨询电话立于2005年,", "自成立以来紧紧围绕\"专业化\"的服务标准,以\"我用心,你放心\"的服务精神促进企业发展壮大,", "以\"诚信务实\"的服务理念赢取市场和回报社会,使企业在竞争异常激烈的家电市场中连续多年稳健发展,", "取得了良好的经济效益和社会效益。维修人员都有国家劳动部颁发的等级,有多年维修积累的工作经验。", "不但具有丰富的维修经验, 而且还具备良好的职业素质和高度责任感。维修服务中心始终本着“至城服务、", "以致求信”的宗旨,“锐意进取、不断开拓”的精神 "], "segmented_title": ["欢迎访问", "」", "西安市", "三星", "冰箱", "网站", "全国", "各", "点", "售后服务", "咨询电话", "-", "中心"], "segmented_paragraphs": [["欢迎访问", "」", "西安市", "三星", "冰箱", "网站", "全国", "各", "点", "售后服务", "咨询电话", "-", "中心"], ["西安", "三星", "冰箱", "24", "小时", "报修", "热线", "〔", "1", "〕", "051267369525", "〔", "2", "〕", "400", "-", "-", "8357", "-", "-", "008"], ["随着", "网络", "的", "发展", ",", "网民", "的", "增加", ",", "网络媒体", "和", "传统媒体", "比", "起来", ",", "发挥", "着", "独特", "的", "优势", ",", "主要", "体现", "在", "以下", "两", "个", "方面", ":", "是", "辐射能力", "强", "。"], ["传统", "的", "杂志", "类", "媒体", "的", "发行量", "会", "受到", "诸多", "条件", "的", "限制", ",", "例如", "印刷", "成本", "、", "发行渠道", "等", "。", "而", "网络媒体", "则", "不同", ",", "只要", "用户", "能够", "上网", ",", "就能", "够", "访问", "到", "家电", "联盟", "网站", ",", "这", "对", "传统媒体", "是", "一", "个", "根本性", "的", "优势", "。"], ["西安", "三星", "冰箱", "统一", "维修", "热线", "〔", "1", "〕", "051267369525", "〔", "2", "〕", "051267369525"], ["2", ".", "以", "法律", "、", "法规", "及", "有关", "规定", "为", "准则", ",", "以", "事实", "为", "依据", "才"], ["4", ".", "售后服务", "由", "售后服务中心", "处理", ",", "顾客投诉", "的", "由", "投诉", "处", "处理"], ["客户", "100", "%", "满意", ",", "只要", "您", "拨打", "公司", "24", "小时", "报修", "热线", "本公司", "将", "时间", "竭诚为您服务"], ["西安", "三星", "冰箱", "售后", "服务中心", "成立", "于", "2005", "年", ",", "自", "成立", "以来", "紧紧", "围绕", "\"", "专业化", "\"", "的", "服务", "标准", ",", "以", "\"", "我", "用", "心", ",", "你", "放心", "\"", "的", "服务", "精神", "促进", "企业", "发展壮大", ",", "以", "\"", "诚信", "务实", "\"", "的", "服务理念", "赢取", "市场", "和", "回报社会", ",", "使", "企业", "在", "竞争", "异常", "激烈", "的", "家电", "市场", "中", "连续", "多", "年", "稳健发展", ",", "取得", "了", "良好", "的", "经验", "效益", "和", "社会效益", "。", "维修人员", "都", "有", "国家", "劳动部", "颁发", "的", "等级", ",", "有", "多", "年", "维修", "积累", "的", "工作经验", "。", "不", "但", "具有", "丰富", "的", "维修", "经验", ",", "而且", "还", "具备", "良好", "的", "职业素质", "和", "高度", "责任感", "。", "维修", "服务中心", "始终", "本着", "“", "至", "城", "服务", "、", "以致", "求", "信", "”", "的", "宗旨", ",", "“", "锐意进取", "、", "不断开拓", "”", "的", "精神", ",", "本公司", "将", "时间", "竭诚为您服务", "。"], [".", ".", ".", ".", ".", ".", ".", ".", ".", ".", "您", ".", ".", ".", ".", ".", "的", ".", ".", ".", ".", ".", "满", ".", ".", ".", ".", ".", "意", ".", ".", ".", ".", ".", "我", ".", ".", ".", ".", ".", "们", ".", ".", ".", ".", ".", "的", ".", ".", ".", ".", ".", "追", ".", ".", ".", ".", ".", "求", ".", ".", ".", ".", ".", ".", ".", ".", ".", "."], ["西安", "三星", "冰箱", "售后", ")", "…", "…", "24", "小时", "报修", "热线", "〔", "1", "〕", "051267369525", "〔", "2", "〕", "400", "-", "-", "8357", "-", "-", "008"], ["在", "售后服务", "工作", "中", "我们", "不断总结", "经验", ",", "不断提高", "服务", "质量", ",", "不断加强", "工作", "力度", ",", "逐步", "形成", "一", "套", "优质", ",", "完整", "的", "售后服务体系", ",", "解决", "了", "用户", "的", "后", "顾", "之", "优", ",", "提高", "了", "产品质量", "的", "可信度", "。", "推进", "供给", "侧", "结构", "性", "改革", ",", "是", "适应", "和", "引领", "经济发展", "新常态", "的", "重大", "创新", ",", "是", "适应", "国际", "金融危机", "发生", "后", "综合国力", "竞争", "新", "形势", "的", "主动", "选择", ",", "是", "适应", "我", "国", "经济发展", "新常态", "的", "必然", "要求", "。", "近年来", ",", "深", "改", "组", "力", "求", "从", "体制创新", "上", "能", "推进", "供给", "侧", "结构", "性", "改革", ",", "着力解决", "制约", "经济", "社会", "发展", "的", "体制", "制", "问题", ",", "推进", "五大", "任务", "取得", "了", "稳", "当前", "、", "利", "长远", "的", "显", "着", "成效", "。"], ["公司宗旨", ":", "经验丰富", ",", "质量保证", ",", "安全", ",", "客户", ",", "舒心", ",", "安心", "放心"], ["一", "、", "企业精神", ":", "开拓", "、", "创新", "、", "求实", "、", "进取", "二", "、", "企业", "方针", ":", "科学管理", "、", "质量", ";", "优质服务", "、", "信誉"], ["【", "西安", "三星", "冰箱", "】", "【", "指", "】", "【", "定", "】", "【", "维", "】", "【", "修", "】", "【", "中", "】", "【", "心", "】", "好", "生活", "从", "西安", "三星", "冰箱", "开始", "。"], ["“", "西安", "三星", "冰箱", "\"", "的", "服务", "标准", ",", "以", "\"", "我", "用", "心", ",", "你", "放心", "\"", "的", "服务", "精神", "促进", "企业", "发展壮大", ",", "以", "\"", "诚信", "务实", "\"", "的", "服务理念", ",", "赢取", "市场", "西安", "三星", "冰箱", "回报社会", ",", "使", "企业", "在", "竞争", "异常", "激烈", "的", "家电", "市场", "中", "连续", "多", "年", "稳健发展", ",", "取得", "了", "良好", "的", "经济效益", "西安", "三星", "冰箱", "社会效益", "。", "维修人员", "都", "有", "劳动部", "颁发", "的", "等级", "证书", ",", "有", "多", "年", "维修", "积累", "的", "工作经验", "。", "不", "但", "具有", "丰富", "的", "维修", "经验", ",", "而且", "还", "具备", "良好", "的", "职业素质", "西安", "三星", "冰箱", "高度", "责任感", "。", "维修", "服务中心", "始终", "本着", "“", "至", "城", "服务", "、", "以致", "求", "信", "”", "的", "宗旨", ",", "“", "锐意进取", "、", "不断开拓", "”", "的", "精神", ",", "本公司", "将", "时间", "竭诚为您服务"], ["西安", "三星", "冰箱", "售后", "维修中心", "许诺", ":"], ["noooo", "?", ":", "emoji", ":", "┏", "━", "┓", "?", ":", "emoji", ":", "?", "oooo"], ["?", "\\", "_", ":", "emoji", ":", "┗", "━", "┛", "?", ":", "emoji", ":", "_", "/"], ["(", "1", ")", "严格按照", "修理", "程序", "及", "操作规程", "修理", ",", "保证", "修理", "质量", "。", "(", "2", ")", "严把", "配件", "质量", "关", ",", "根", "绝", "伪劣", "配件", "以及", "废旧", "配件", "的", "运用", "。", "(", "3", ")", "服务热线", "24", "小时", "有人", "值勤", ",", "20", "分钟", "内", "做出回应", "。", "修理", "车间", "及", "前台接待", "节假", "西安", "三星", "冰箱", "不", "歇息", ",", "保证", "用户", "随", "到", "随", "修", ";", "树立", "修理", "准则", ";", "及时", "成立", "抢修", "小组", ",", "可随时", "抵达", "现场", "抢修", "。", "不", "夸张", "毛病", ",", "根", "绝", "乱收费", "。"], ["(", "5", ")", "外地", "顾客", "长途", "毛病", "判别", "、", "技术", "毛病", "回答", "、", "需求", "邮寄", "配件", "敏捷", "处理", "。", "外地", "客户", "自行", "送修", "的", "咱们", "会", "加急", "为", "您", "的", "机器", "排除", "毛病", ",", "力", "求", "当天", "完结", "修理", "。"], ["(", "6", ")", "经", "我", "中间", "(", "西安", "三星", "冰箱", "修理", "中间", ")", "修理", "的", "机器", "一", "概", "实施", "保修", ",", "保修期", "为", "12", "个", "月", ",", "在", "保修", "期", "内", "如", "因", "维修", "质量", "或", "更换", "配件", "质量", "出现", "问题", ",", "我", "中间", "担任", "返修"], ["(", "7", ")", "客户", "在", "我", "中间", "修理", "过", "机器", ",", "修理费", "半价", "待遇", "。"], ["(", "8", ")", "树立", "回访", "准则", ":", "定时", "对", "我", "公司", "修理", "过", "的", "机器", "运用", "情况", "以及", "我", "公司", "的", "效", "劳", "质量", "情", ",", "向", "用户", "调查", "满意率", "、", "树立", "用户", "满意率", "调查表"], ["(", "9", ")", "对", "客户", "发布", "咱们", "的", "监督电话", ",", "期待", "客户", "及", "有关部门", "监督", "咱们", "的", "效", "劳", "作业", "。"], ["西安", "三星", "冰箱", "修理", "中间", "具有", "建设部", "颁布", "的", "专业", "级", "施工资质证书", ",", "家电", "协会", "团体会员", "西安", "修理", "专业", "服务商", "。"], ["西安", "三星", "冰箱", "统一", "维修", "热线", "〔", "1", "〕", "051267369525", "〔", "2", "〕", "400", "-", "-", "8357", "-", "-", "008"], ["只要", "您", "拨打", "公司", "24", "小时", "报修", "热线", ",", "本公司", "将", "时间", "竭诚为您服务", "。"], ["公司宗旨", ":", "经验丰富", ",", "质量保证", ",", "安全", ",", "客户", ",", "舒心", ",", "安心", ",", "放心"], ["一", "、", "企业精神", ":", "开拓", "、", "创新", "、", "求实", "、", "进取", "!"], ["西安", "三星", "冰箱", "服务范围", ":", "西安", "市", "各", "区", "。"], ["\"", "的", "服务", "标准", ",", "以", "\"", "我", "用", "心", ",", "你", "放心", "\"", "的", "服务", "精神", "促进", "企业", "发展壮大", ",", "以", "\"", "诚信", "务实", "\"", "的", "服", "才", "务", "理念", "赢取", "市场", "和", "回报社会", ","], ["使", "企业", "在", "竞争", "异常", "激烈", "的", "家电", "市场", "中", "连续", "多", "年", "稳健", "发展", ",", "风驰", "取得", "了", "良好", "的", "经济效益", "和", "社会效益", "。", "维修人员", "都", "有", "国家", "劳动部", "颁发"], ["才", "的", "等级", "证", "才", "书", ",", "有", "多", "年", "维修", "积累", "的", "工作经验", "。", "不", "但", "具有", "丰富", "的", "维修", "经验", ",", "才", "而且", "还", "具备", "良好", "的", "职业素质", "和", "高度", "责任感"], ["才", "统一", "维修", "线", "1", "才", ")", "〔", "1", "〕", "051267369525", "〔", "2", "〕", "400", "-", "-", "8357", "-", "-", "008"], ["只要", "您", "拨打", "公司", "24", "小时", "051267369525", ",", "本公司", "将", "时间", "竭诚为您服务", "。"], ["才", "旨", ":", "经验丰富", ",", "质", "才", "量", "保证", ",", "安全", ",", "客户", ",", "舒心", ",", "安心", ",", "放心"], ["一", "、", "企业精神", ":", "开拓", "、", "创新", "、", "求实", "、", "进取", "!"], ["西安", "三星", "冰箱", "服务范围", ":", "西安市", ".", "市", "各", "区"], ["西安", "三星", "冰箱", "售后", "服务中心", "成", "欢迎访问", "西安", "三星", "冰箱", "各", "点", "售后服务", "维修", "咨询电话", "立", "于", "2005", "年", ","], ["自", "成立", "以来", "紧紧", "围绕", "\"", "专业化", "\"", "的", "服务", "标准", ",", "以", "\"", "我", "用", "心", ",", "你", "放心", "\"", "的", "服务", "精神", "促进", "企业", "发展壮大", ","], ["以", "\"", "诚信", "务实", "\"", "的", "服务理念", "赢取", "市场", "和", "回报社会", ",", "使", "企业", "在", "竞争", "异常", "激烈", "的", "家电", "市场", "中", "连续", "多", "年", "稳健发展", ","], ["取得", "了", "良好", "的", "经济效益", "和", "社会效益", "。", "维修人员", "都", "有", "国家", "劳动部", "颁发", "的", "等级", ",", "有", "多", "年", "维修", "积累", "的", "工作经验", "。"], ["不", "但", "具有", "丰富", "的", "维修", "经验", ",", "而且", "还", "具备", "良好", "的", "职业素质", "和", "高度", "责任感", "。", "维修", "服务中心", "始终", "本着", "“", "至", "城", "服务", "、"], ["以致", "求", "信", "”", "的", "宗旨", ",", "“", "锐意进取", "、", "不断开拓", "”", "的", "精神"]], "title": "欢迎访问」西安市三星冰箱网站全国各点售后服务咨询电话-中心"}, {"bs_rank_pos": 5, "paragraphs": ["欢迎访问$西安三星冰箱网站】全国售后服务各点=咨询电话", "三星冰箱以用户需求为核心,400-1168-939聚焦人工智能,持续创新智能家电在家居", "欢迎访问~{西安三星冰箱全国售后维修服务各点}—咨询电话", "三星冰箱西安售后)……24小时报修热线〔1〕400-0994-633〔2〕029-6237-6338", "欢迎访问三星冰箱网站西安三星冰箱各点售后服务维修咨询电话", "在售后服务工作中我们不断总结经验,〔1〕400-1168-939〔2〕029-6187-5851", "不断提高服务质量,不断加强工作力度,逐步形成一套优质、完整的售后服务体系,", "解决了用户的后顾之优,提高了产品质量的可信度。SDFDFDFF", "三星冰箱售后)……24小时报修热线400-1168-939", "换新等服务推进供给侧结构性改革,是适应和引领经济发展新常态的重大创新,是适", "应国际金融危机发生后综合国力竞争新形势的主动选择,是适应我国经济发展新常态", "组力求从体制机创新上能推进供给侧结构性改革,着力解决制约经济社会发展的体制", "制问题,推进五大任务取得了稳当前、利长远的显着成效。", "三星冰箱售后服务电话〔1〕400-0994-633〔2〕029-6237-6338", "2.以法律、法规及有关规定为准则,以事实为依据", "4.售后服务由售后服务中心处理,顾客投诉的由投诉处处理", "三星冰箱售后)……24小时报修热线〔1〕400-0994-633〔2〕029-6237-6338", "在售后服务工作中我们不断总结经验,不断提高服务质量,不断加强工作力度,逐步", "形成一套优质、完整的售后服务体系,解决了用户的后顾之优,提高了产品质量的可", "三星冰箱售后)……24小时报修热线〔1〕400-0994-633〔2〕029-6237-6338", "换新等服务推进供给侧结构性改革,是适应和引领经济发展新常态的重大创新,是适", "应国际金融危机发生后综合国力竞争新形势的主动选择,是适应我国经济发展新常态", "组力求从体制机创新上能推进供给侧结构性改革,着力解决制约经济社会发展的体制", "制问题,推进五大任务取得了稳当前、利长远的显着成效。", "【三星冰箱】【厂】【家】指】【定】【维】【修】【中】【心】好生活从开始。", "〔1〕400-0994-633〔2〕029-6237-6338", "1、“推进国家治理体系和治理能力化”。过去我们讲国家和社会的关系、和人民的关系,最早是国家统治,后来讲国家管理,现在我们又确立了国家治理。统治就是我强你弱,我是统治者,我管着你、管着社会。后来用的“管理”也有管的意思,我管着你,你要听我的。现在用治理,治理是一个新的词汇,现在在全球也是比较流行的。它强调多主体,大家都是主体。国家管理者是主体,人民也是主体,还有各组织、各单位,都是参加管理的主体之一,所以这是从过去的一个主体变为多主体。治理化就是要更加科学、更加民主,同时也要更制度化、规范化、程序化。这都是我们化的含义,不受过去传统的那种生硬的、干巴巴的,或者是非常强硬的方式,向科2、“经济体制改革是全面深化改革的重点,核心是处理好和市场的关系,使市场在资源配置中发挥决定性作用和更好发挥作用”。这是《决定》提出的一个重大理论观点。发挥经济体制改革的牵引作用,推动生产关系同生产力、上层建筑和经济基础相适应,推动经济社会持续快速健康发展,这一鲜明思路,体现了我国长期处于社会主义初级阶段这个最大实际,也契合发展仍是解决我国所有问题的关键这个重大战3、“加强顶层设计和摸着石头过河相结合。改革是复杂的系统工程。当改革打响攻坚战,迫切需要把顶层设计和基层创新结合起来,在摸石过河中把握规律,在统筹规划中推进改革。强调顶层设计,是改革的大局观。尊重基层首创,是改革的群。“摸着石头过河和加强顶层设计是辩证统一的”,十八大以来,上与下的呼应,最大程度聚合着改革正能量,激发了和地方、和社会的积极性创造性。4、“公有制经济和非公有制经济都是社会主义市场经济的重要组成部分”。说公有制经济和非公有制经济都是社会主义市场经济的重要组成部分,放到了同等重要的位置上。由此体现了我们前面所讲的市场机制的决定性作用,因为市场机制是讲公平的,在市场中各个主体的竞争是公平状态,而不能有政策上的歧视。在同一市场中,因为你是国有的,所以,政策上扶持你;然后你亏损了,后面可以不断地有财政补贴。而非公经济我和你竞争,我亏损了自担。这种竞争就不应该了。所以,这回讲要公平。这次如果要讲亮点的话,它的亮点就强调在这两类的公", "5、“科学的财税体制是优化资源配置、维护市场统一、促进社会公平、实现国家长治", "阐明了财税体制的本质和目的,明确了它的政治职能、社会职能、经济职能,相当于", "指明了财税体制改革的目标。", "营改增的全面推进已开启了中国新一轮财税改革,下一步税制改革还应包括优化收入", "结构与税制结构、完成``改革、改革个人所得税、改革和强化房地产税等多个方面。", "观税负,由于经济总量的增加,要稳定宏观税负就需要继续进行结构性减税,两者是", "立事权和支出责任相适应的制度”。", "可以在完善事权的基础上强调与地方支出责任相适应,形成了财税体制非常重要的一", "此处的改革必须和职能转变改革相配套,事权的重新划分不仅包括一部分上收,一部", "分划归地方,还将有一部分交给社会中介组织。我们不能重复过去“一放就乱,一收", "法,要纳入更复杂的规则,也要相配套。", "8、“赋予农民更多财产权利”。", "让农民拥有更多的财产权,就要有这样一种尝试,让宅基地、农民的自留地、农民的", "承包地能够以某种形式在市场上流转,形成这样一种收益,能够保障农民的生活,因", "为土地是农民的生活和生产资料。", "9、“建立更加公平可持续的社会保障制度”。", "可持续是首次放在“社会保障制度”之前,不仅仅是只社会保障``的可持续性,还包", "括了公平以及保障资金效率的可持续性。", "附近\"的服务标准,以\"我用心,你放心\"的服务精神促进企业发展壮大,以\"诚信务实\"", "的服务理念赢取市场回报社会,使企业在竞争异常激烈的家电市场中连续多年稳健发", "经济效益社会效益。维修人员都有国家劳动部颁发的等级证书,有多年维修积累的工", "作经验。不但具有丰富的维修经验,而且还具备良好的职业素质高度责任感。维修服", "至城服务、以致求信”的宗旨,“锐意进取、不断开拓”的精神,本公司将第一时间", "三星冰箱售后维修中心许诺:"], "segmented_title": ["欢迎访问", "$", "西安", "三星", "冰箱", "网站", "】", "全国", "售后服务", "各", "点", "=", "咨询电话", "-", "西安", "便民"], "segmented_paragraphs": [["欢迎访问", "$", "西安", "三星", "冰箱", "网站", "】", "全国", "售后服务", "各", "点", "=", "咨询电话"], ["三星", "冰箱", "以", "用户", "需求", "为", "核心", ",", "400", "-", "1168", "-", "939", "聚焦", "人工智能", ",", "持续", "创新", "智能", "家电", "在", "家居"], ["欢迎访问", "~", "{", "西安", "三星", "冰箱", "全国", "售后", "维修服务", "各", "点", "}", "—", "咨询电话"], ["三星", "冰箱", "西安", "售后", ")", "…", "…", "24", "小时", "报修", "热线", "〔", "1", "〕", "400", "-", "0994", "-", "633", "〔", "2", "〕", "029", "-", "6237", "-", "6338"], ["欢迎访问", "三星", "冰箱", "网站", "西安", "三星", "冰箱", "各", "点", "售后服务", "维修", "咨询电话"], ["在", "售后服务", "工作", "中", "我们", "不断总结", "经验", ",", "〔", "1", "〕", "400", "-", "1168", "-", "939", "〔", "2", "〕", "029", "-", "6187", "-", "5851"], ["不断提高", "服务", "质量", ",", "不断加强", "工作", "力度", ",", "逐步", "形成", "一", "套", "优质", "、", "完整", "的", "售后服务体系", ","], ["解决", "了", "用户", "的", "后", "顾", "之", "优", ",", "提高", "了", "产品质量", "的", "可信度", "。", "SDFDF", "DFF"], ["三星", "冰箱", "售后", ")", "…", "…", "24", "小时", "报修", "热线", "400", "-", "1168", "-", "939"], ["换", "新", "等", "服务", "推进", "供给", "侧", "结构", "性", "改革", ",", "是", "适应", "和", "引领", "经济发展", "新常态", "的", "重大", "创新", ",", "是", "适"], ["应", "国际", "金融危机", "发生", "后", "综合国力", "竞争", "新", "形势", "的", "主动", "选择", ",", "是", "适应", "我", "国", "经济发展", "新常态"], ["组", "力", "求", "从", "体制", "机", "创新", "上", "能", "推进", "供给", "侧", "结构", "性", "改革", ",", "着力解决", "制约", "经济", "社会", "发展", "的", "体制"], ["制", "问题", ",", "推进", "五大", "任务", "取得", "了", "稳", "当前", "、", "利", "长远", "的", "显", "着", "成效", "。"], ["三星", "冰箱", "售后", "服务电话", "〔", "1", "〕", "400", "-", "0994", "-", "633", "〔", "2", "〕", "029", "-", "6237", "-", "6338"], ["2", ".", "以", "法律", "、", "法规", "及", "有关", "规定", "为", "准则", ",", "以", "事实", "为", "依据"], ["4", ".", "售后服务", "由", "售后服务中心", "处理", ",", "顾客投诉", "的", "由", "投诉", "处", "处理"], ["三星", "冰箱", "售后", ")", "…", "…", "24", "小时", "报修", "热线", "〔", "1", "〕", "400", "-", "0994", "-", "633", "〔", "2", "〕", "029", "-", "6237", "-", "6338"], ["在", "售后服务", "工作", "中", "我们", "不断总结", "经验", ",", "不断提高", "服务", "质量", ",", "不断加强", "工作", "力度", ",", "逐步"], ["形成", "一", "套", "优质", "、", "完整", "的", "售后服务体系", ",", "解决", "了", "用户", "的", "后", "顾", "之", "优", ",", "提高", "了", "产品质量", "的", "可"], ["三星", "冰箱", "售后", ")", "…", "…", "24", "小时", "报修", "热线", "〔", "1", "〕", "400", "-", "0994", "-", "633", "〔", "2", "〕", "029", "-", "6237", "-", "6338"], ["换", "新", "等", "服务", "推进", "供给", "侧", "结构", "性", "改革", ",", "是", "适应", "和", "引领", "经济发展", "新常态", "的", "重大", "创新", ",", "是", "适"], ["应", "国际", "金融危机", "发生", "后", "综合国力", "竞争", "新", "形势", "的", "主动", "选择", ",", "是", "适应", "我", "国", "经济发展", "新常态"], ["组", "力", "求", "从", "体制", "机", "创新", "上", "能", "推进", "供给", "侧", "结构", "性", "改革", ",", "着力解决", "制约", "经济", "社会", "发展", "的", "体制"], ["制", "问题", ",", "推进", "五大", "任务", "取得", "了", "稳", "当前", "、", "利", "长远", "的", "显", "着", "成效", "。"], ["【", "三星", "冰箱", "】", "【", "厂", "】", "【", "家", "】", "指", "】", "【", "定", "】", "【", "维", "】", "【", "修", "】", "【", "中", "】", "【", "心", "】", "好", "生活", "从", "开始", "。"], ["〔", "1", "〕", "400", "-", "0994", "-", "633", "〔", "2", "〕", "029", "-", "6237", "-", "6338"], ["1", "、", "“", "推进", "国家", "治理", "体系", "和", "治理", "能力", "化", "”", "。", "过去", "我们", "讲", "国家", "和", "社会", "的", "关系", "、", "和", "人民", "的", "关系", ",", "最早", "是", "国家", "统治", ",", "后来", "讲", "国家", "管理", ",", "现在", "我们", "又", "确立", "了", "国家", "治理", "。", "统治", "就是我", "强", "你", "弱", ",", "我", "是", "统治者", ",", "我", "管", "着", "你", "、", "管", "着", "社会", "。", "后来", "用", "的", "“", "管理", "”", "也有", "管", "的", "意思", ",", "我", "管", "着", "你", ",", "你", "要", "听", "我", "的", "。", "现在", "用", "治理", ",", "治理", "是", "一", "个", "新", "的", "词汇", ",", "现在", "在", "全球", "也是", "比较", "流行", "的", "。", "它", "强调", "多", "主体", ",", "大家", "都是", "主体", "。", "国家", "管理者", "是", "主体", ",", "人民", "也是", "主体", ",", "还有", "各", "组织", "、", "各单位", ",", "都是", "参加", "管理", "的", "主体", "之", "一", ",", "所以", "这", "是", "从", "过去", "的", "一", "个", "主体", "变为", "多", "主体", "。", "治理", "化", "就是要", "更加", "科学", "、", "更加", "民主", ",", "同时", "也", "要", "更", "制度化", "、", "规范化", "、", "程序", "化", "。", "这", "都是", "我们", "化", "的", "含义", ",", "不受", "过去", "传统", "的", "那种", "生硬", "的", "、", "干巴巴", "的", ",", "或者", "是", "非常", "强硬", "的", "方式", ",", "向", "科", "2", "、", "“", "经济体制改革", "是", "全面", "深化", "改革", "的", "重点", ",", "核心", "是", "处理", "好", "和", "市场", "的", "关系", ",", "使", "市场", "在", "资源配置", "中", "发挥", "决定性", "作用", "和", "更好", "发挥", "作用", "”", "。", "这", "是", "《", "决定", "》", "提出", "的", "一", "个", "重大", "理论观点", "。", "发挥", "经济体制改革", "的", "牵引", "作用", ",", "推动", "生产关系", "同", "生产力", "、", "上层建筑", "和", "经济基础", "相适应", ",", "推动", "经济", "社会", "持续", "快速", "健康", "发展", ",", "这", "一", "鲜明", "思路", ",", "体现", "了", "我", "国", "长期", "处于", "社会主义", "初级阶段", "这个", "最大", "实际", ",", "也", "契合", "发展", "仍", "是", "解决", "我", "国", "所有", "问题", "的", "关键", "这个", "重大战", "3", "、", "“", "加强", "顶层", "设计", "和", "摸着石头过河", "相结合", "。", "改革", "是", "复杂", "的", "系统工程", "。", "当", "改革", "打响", "攻坚战", ",", "迫切需要", "把", "顶层", "设计", "和", "基层", "创新", "结合起来", ",", "在", "摸", "石", "过河", "中", "把握规律", ",", "在", "统筹规划", "中", "推进", "改革", "。", "强调", "顶层", "设计", ",", "是", "改革", "的", "大局观", "。", "尊重", "基层", "首创", ",", "是", "改革", "的", "群", "。", "“", "摸着石头过河", "和", "加强", "顶层", "设计", "是", "辩证", "统一", "的", "”", ",", "十八", "大", "以来", ",", "上", "与", "下", "的", "呼应", ",", "最大", "程度", "聚合", "着", "改革", "正能量", ",", "激发", "了", "和", "地方", "、", "和", "社会", "的", "积极性", "创造性", "。", "4", "、", "“", "公有制经济", "和", "非公有制经济", "都是", "社会主义", "市场经济", "的", "重要组成部分", "”", "。", "说", "公有制经济", "和", "非公有制经济", "都是", "社会主义", "市场经济", "的", "重要组成部分", ",", "放到", "了", "同等重要", "的", "位置", "上", "。", "由此", "体现", "了", "我们", "前面", "所", "讲", "的", "市场机制", "的", "决定性", "作用", ",", "因为", "市场机制", "是", "讲", "公平", "的", ",", "在", "市场", "中", "各", "个", "主体", "的", "竞争", "是", "公平", "状态", ",", "而", "不能", "有", "政策", "上", "的", "歧视", "。", "在", "同", "一", "市场", "中", ",", "因为", "你", "是", "国", "有", "的", ",", "所以", ",", "政策", "上", "扶持", "你", ";", "然后", "你", "亏损", "了", ",", "后面", "可以", "不断地", "有", "财政补贴", "。", "而", "非公经济", "我和你", "竞争", ",", "我", "亏损", "了", "自", "担", "。", "这种", "竞争", "就", "不应该", "了", "。", "所以", ",", "这", "回", "讲", "要", "公平", "。", "这次", "如果", "要", "讲", "亮点", "的", "话", ",", "它", "的", "亮点", "就", "强调", "在", "这", "两", "类", "的", "公"], ["5", "、", "“", "科学", "的", "财税", "体制", "是", "优化", "资源配置", "、", "维护", "市场", "统一", "、", "促进", "社会", "公平", "、", "实现", "国家", "长治"], ["阐明", "了", "财税", "体制", "的", "本质", "和", "目的", ",", "明确", "了", "它", "的", "政治", "职能", "、", "社会", "职能", "、", "经济", "职能", ",", "相当于"], ["指明", "了", "财税", "体制", "改革", "的", "目标", "。"], ["营改增", "的", "全面推进", "已", "开启", "了", "中国", "新一轮", "财税", "改革", ",", "下一步", "税制改革", "还", "应", "包括", "优化", "收入"], ["结构", "与", "税制", "结构", "、", "完成", "`", "`", "改革", "、", "改革", "个人所得税", "、", "改革", "和", "强化", "房地产税", "等", "多", "个", "方面", "。"], ["观", "税负", ",", "由于", "经济总量", "的", "增加", ",", "要", "稳定", "宏观", "税负", "就", "需要", "继续", "进行", "结构", "性", "减税", ",", "两者", "是"], ["立", "事权", "和", "支出", "责任", "相适应", "的", "制度", "”", "。"], ["可以", "在", "完善", "事权", "的", "基础", "上", "强调", "与", "地方", "支出", "责任", "相适应", ",", "形成", "了", "财税", "体制", "非常重要", "的", "一"], ["此处", "的", "改革", "必须", "和", "职能", "转变", "改革", "相配", "套", ",", "事权", "的", "重新划分", "不仅", "包括", "一部分", "上", "收", ",", "一", "部"], ["分", "划归", "地方", ",", "还", "将", "有", "一部分", "交给", "社会", "中介组织", "。", "我们", "不能", "重复过去", "“", "一", "放", "就", "乱", ",", "一", "收"], ["法", ",", "要", "纳入", "更", "复杂", "的", "规则", ",", "也", "要", "相配", "套", "。"], ["8", "、", "“", "赋予", "农民", "更多", "财产", "权利", "”", "。"], ["让", "农民", "拥有", "更多", "的", "财产权", ",", "就要", "有", "这样", "一", "种", "尝试", ",", "让", "宅基地", "、", "农民", "的", "自留地", "、", "农民", "的"], ["承包", "地", "能够", "以", "某种", "形式", "在", "市场", "上", "流转", ",", "形成", "这样", "一", "种", "收益", ",", "能够", "保障", "农民", "的", "生活", ",", "因"], ["为", "土地", "是", "农民", "的", "生活", "和", "生产资料", "。"], ["9", "、", "“", "建立", "更加", "公平", "可持续", "的", "社会保障制度", "”", "。"], ["可持续", "是", "首次", "放在", "“", "社会保障制度", "”", "之", "前", ",", "不仅仅", "是", "只", "社会保障", "`", "`", "的", "可持续性", ",", "还", "包"], ["括", "了", "公平", "以及", "保障", "资金", "效率", "的", "可持续性", "。"], ["附近", "\"", "的", "服务", "标准", ",", "以", "\"", "我", "用", "心", ",", "你", "放心", "\"", "的", "服务", "精神", "促进", "企业", "发展壮大", ",", "以", "\"", "诚信", "务实", "\""], ["的", "服务理念", "赢取", "市场", "回报社会", ",", "使", "企业", "在", "竞争", "异常", "激烈", "的", "家电", "市场", "中", "连续", "多", "年", "稳健发"], ["经济效益", "社会效益", "。", "维修人员", "都", "有", "国家", "劳动部", "颁发", "的", "等级", "证书", ",", "有", "多", "年", "维修", "积累", "的", "工"], ["作", "经验", "。", "不", "但", "具有", "丰富", "的", "维修", "经验", ",", "而且", "还", "具备", "良好", "的", "职业素质", "高度", "责任感", "。", "维修", "服"], ["至城", "服务", "、", "以致", "求", "信", "”", "的", "宗旨", ",", "“", "锐意进取", "、", "不断开拓", "”", "的", "精神", ",", "本公司", "将", "第一时间"], ["三星", "冰箱", "售后", "维修中心", "许诺", ":"]], "title": "欢迎访问$西安三星冰箱网站】全国售后服务各点=咨询电话 -西安便民"}], "question": "西安三星空调售后电话", "segmented_question": ["西安", "三星", "空调", "售后", "电话"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221666}
-{"documents": [{"bs_rank_pos": 3, "paragraphs": ["成都正规人流医院有哪些?哪家医院做无痛人流好? ", "成都正规人流医院有哪些?哪家医院做无痛人流好? ", "精选回答(3)", " 你好这个情况可以选择市级以上的医院做无痛人流的", " 2011-07-25 19:49 投诉 ", " 建议你及时到正规医院妇科进行相关检查,医生会根据你的身体状况,妊娠天数,选择适合你的终止妊娠的方法", " 2011-07-26 12:01 投诉 ", " 擅长:阴道炎,盆腔炎,不孕不育,月经不调,宫颈炎,子宫肌瘤,宫颈癌,子宫内膜癌等疾病的诊治。", " 你好,你说这种情况的话。建议你可以去当的是人民医院选择做药物进行流产。或者是说着无痛人流也是完全可以的。一般情况的来话的话,建议你多注意休息。注意个人的卫生。预防感染就可以了。建议你们一个月之内是不能选择同房的。容易造成阴道感染。", " 2017-08-23 10:53 投诉 ", "医生回答(4)", " 擅长:妇科炎症、不孕不育、月经不调、乳腺疾病、计划生育以及现代微创技术等", " 人流的方式有药物流产和一般的人流术及无痛的人流术。具体选择哪种方式人流需要看本人的情况看而定,药物流产是用于停经49天之内的孕妇,人流术用于怀孕的前三个月的都可以用。如果你是第一次怀孕,并且在49天之内就建议用药物流产,不过做流产之前需要去医院做B超看看孕囊的大小在做决定。如果是人流术的话需要做传染病的检查后才能做人流术的。无痛人流前准备工作: 1:停止性生活,以免增加感染阴道炎的危险. 2:去医院的当天早上洗个淋浴,着重清洗外阴部,但注意不要让水进入阴道. 3:穿上便于穿脱的内裤和外裤. 4:最好有人陪.穿梭挂号处,门诊,检验科,交费处,药房,两个人比一个人快些. 5:出门前,带几片卫生护垫,如果符合手术标准那么就可以直接做手术,术后会有一定的出血!6:建议最好是早上空腹过来,因为无痛人流术前是需要禁食水4小时左右,吃了东西有可能会耽误手术时间", " 2016-11-30 17:56 投诉 ", " 擅长:擅长领域:秦秋凤主任从事妇科临床近40年,多次前往北京上海等三甲医院进修学习,对妇科疾病的诊治积累了丰富的经验。", " 您好,做人流最好是去正规的妇产专科医院,一场好的人流主要包括了技术设备的先进、医师专业水平的高、手术环境的无菌度高以及对任 何意外情况预计的处理等方面的综合评估。而正规的妇产专科医院在这些方面更能满足人流的要求,专业性强,安全性高 ,另外,这类医院收费标准公开,手术费用也更合理。", " 2016-12-02 15:11 投诉 ", " 擅长:人流,引产,妇科炎症,内分泌,微创手术,不孕不育治疗等", " 建议选择正规的大医院进行人流手术人流后需要休息2周,保持外阴部清洁卫生,少食辛辣刺激性食物,多吃些富有营养的食物,使身体尽快恢复正常。流产后在没有月经来潮前要禁止性生活,禁止坐浴,禁止阴道冲洗和给药。因为这个时候宫口松弛,内膜脱落,局部防御能力下降,容易引起逆行感染,而造成子宫内膜炎、附件炎等盆腔炎症,严重了可以引起不孕症。", " 2017-05-03 14:51 投诉 ", " 你好,你怀孕了想做无痛人流是可以的,但无痛人流是怀孕10周以内比较合适。月份越小越安全,这样出血会越少。此时胎体尚未形成,子宫不太大,子宫壁肌肉也较厚,胚胎容易吸出来,因而手术时间短,出血量少,人流后身体恢复得也较快。意见建议:你应去医院做b超检查确诊怀孕周数,在医生指导下选择合适的无痛人流方法。", " 2017-05-14 14:57 投诉 ", " 女性内生殖器官中,输卵管、卵巢被称为子宫附件。附件炎是指输卵管和卵巢的炎症。一般指急性附件炎、慢性附件炎、输卵管炎、卵巢炎,但输卵管、卵巢炎常常合并有宫旁结缔组织炎、盆腔腹膜炎,且在诊断时也不易区分,这样,盆腔腹膜炎、宫旁结缔组织炎,就也被划入附件炎范围了。在盆腔器官炎症中,以输卵管炎最常见,由于解剖部位相互邻近的关系,往往输卵管炎、卵巢炎、盆腔腹膜炎同时并存且相互影响。 ", " 全国三甲医院,主任级名医在线坐诊已有124家三甲医院,828位主任医师在线答疑", " 白沙妇产科医生 白沙妇产科医院 三原县眼科医院网上预约 三原县大程医院网上预约 白沙附件炎医生 白沙附件炎医院"], "segmented_title": ["成都", "正规", "人流", "医院", "有", "哪些", "?", "哪家", "医院", "做", "无痛人流", "好", "?", "_", "39", "健康", "问答", "_", "39", "健康"], "segmented_paragraphs": [["成都", "正规", "人流", "医院", "有", "哪些", "?", "哪家", "医院", "做", "无痛人流", "好", "?"], ["成都", "正规", "人流", "医院", "有", "哪些", "?", "哪家", "医院", "做", "无痛人流", "好", "?"], ["精选", "回答", "(", "3", ")"], ["你好", "这个", "情况", "可以", "选择", "市级", "以上", "的", "医院", "做", "无痛人流", "的"], ["2011", "-", "07", "-", "25", "19", ":", "49", "投诉"], ["建议", "你", "及时", "到", "正规", "医院", "妇科", "进行", "相关", "检查", ",", "医生", "会", "根据", "你", "的", "身体状况", ",", "妊娠", "天数", ",", "选择", "适合", "你", "的", "终止", "妊娠", "的", "方法"], ["2011", "-", "07", "-", "26", "12", ":", "01", "投诉"], ["擅长", ":", "阴道炎", ",", "盆腔炎", ",", "不孕不育", ",", "月经不调", ",", "宫颈炎", ",", "子宫肌瘤", ",", "宫颈癌", ",", "子宫内膜癌", "等", "疾病", "的", "诊治", "。"], ["你好", ",", "你", "说", "这种情况", "的", "话", "。", "建议", "你", "可以", "去", "当", "的", "是", "人民医院", "选择", "做", "药物", "进行", "流产", "。", "或者", "是", "说", "着", "无痛人流", "也是", "完全", "可以", "的", "。", "一般", "情况", "的", "来", "话", "的", "话", ",", "建议", "你", "多", "注意", "休息", "。", "注意", "个人", "的", "卫生", "。", "预防", "感染", "就", "可以", "了", "。", "建议", "你们", "一个月", "之", "内", "是", "不能", "选择", "同房", "的", "。", "容易", "造成", "阴道", "感染", "。"], ["2017", "-", "08", "-", "23", "10", ":", "53", "投诉"], ["医生", "回答", "(", "4", ")"], ["擅长", ":", "妇科炎症", "、", "不孕不育", "、", "月经不调", "、", "乳腺疾病", "、", "计划生育", "以及", "现代", "微创", "技术", "等"], ["人流", "的", "方式", "有", "药物流产", "和", "一般", "的", "人流", "术", "及", "无痛", "的", "人流", "术", "。", "具体", "选择", "哪", "种", "方式", "人流", "需要", "看", "本人", "的", "情况", "看", "而", "定", ",", "药物流产", "是", "用于", "停经", "49", "天", "之", "内", "的", "孕妇", ",", "人流", "术", "用于", "怀孕", "的", "前", "三个月", "的", "都", "可以", "用", "。", "如果", "你", "是", "第一次", "怀孕", ",", "并且", "在", "49", "天", "之", "内", "就", "建议", "用", "药物流产", ",", "不过", "做", "流产", "之前", "需要", "去", "医院", "做", "B超", "看看", "孕囊", "的", "大小", "在", "做", "决定", "。", "如果", "是", "人流", "术", "的", "话", "需要", "做", "传染病", "的", "检查", "后", "才能", "做人流", "术", "的", "。", "无痛人流", "前", "准备", "工作", ":", "1", ":", "停止", "性生活", ",", "以", "免", "增加", "感染", "阴道炎", "的", "危险", ".", "2", ":", "去", "医院", "的", "当天", "早上", "洗", "个", "淋浴", ",", "着重", "清洗", "外", "阴部", ",", "但", "注意", "不要", "让", "水", "进入", "阴道", ".", "3", ":", "穿上", "便于", "穿", "脱", "的", "内裤", "和", "外", "裤", ".", "4", ":", "最好", "有人", "陪", ".", "穿梭", "挂号处", ",", "门诊", ",", "检验科", ",", "交费", "处", ",", "药房", ",", "两个人", "比", "一个人", "快", "些", ".", "5", ":", "出门前", ",", "带", "几", "片", "卫生护垫", ",", "如果", "符合", "手术", "标准", "那么", "就", "可以直接", "做", "手术", ",", "术", "后", "会", "有", "一定", "的", "出血", "!", "6", ":", "建议", "最好", "是", "早上", "空腹", "过来", ",", "因为", "无痛人流", "术", "前", "是", "需要", "禁食", "水", "4", "小时", "左右", ",", "吃", "了", "东西", "有", "可能", "会", "耽误", "手术", "时间"], ["2016", "-", "11", "-", "30", "17", ":", "56", "投诉"], ["擅长", ":", "擅长", "领域", ":", "秦", "秋", "凤", "主任", "从事", "妇科", "临床", "近", "40", "年", ",", "多次", "前往", "北京", "上海", "等", "三甲医院", "进修", "学习", ",", "对", "妇科疾病", "的", "诊治", "积累", "了", "丰富", "的", "经验", "。"], ["您好", ",", "做人流", "最好", "是", "去", "正规", "的", "妇产", "专科", "医院", ",", "一", "场", "好", "的", "人流", "主要包括", "了", "技术设备", "的", "先进", "、", "医师", "专业", "水平", "的", "高", "、", "手术", "环境", "的", "无菌", "度", "高", "以及", "对", "任", "何", "意外", "情况", "预计", "的", "处理", "等", "方面", "的", "综合评估", "。", "而", "正规", "的", "妇产", "专科", "医院", "在", "这些", "方面", "更", "能", "满足", "人流", "的", "要求", ",", "专业性强", ",", "安全性", "高", ",", "另外", ",", "这", "类", "医院", "收费标准", "公开", ",", "手术", "费用", "也", "更合理", "。"], ["2016", "-", "12", "-", "02", "15", ":", "11", "投诉"], ["擅长", ":", "人流", ",", "引产", ",", "妇科炎症", ",", "内分泌", ",", "微创手术", ",", "不孕不育", "治疗", "等"], ["建议", "选择", "正规", "的", "大", "医院", "进行", "人流", "手术", "人流", "后", "需要", "休息", "2", "周", ",", "保持", "外", "阴部", "清洁卫生", ",", "少", "食", "辛辣", "刺激性", "食物", ",", "多", "吃", "些", "富有", "营养", "的", "食物", ",", "使", "身体", "尽快恢复", "正常", "。", "流产", "后", "在", "没有", "月经", "来", "潮", "前", "要", "禁止", "性生活", ",", "禁止", "坐浴", ",", "禁止", "阴道", "冲洗", "和", "给", "药", "。", "因为", "这个时候", "宫", "口", "松弛", ",", "内膜", "脱落", ",", "局部", "防御", "能力", "下降", ",", "容易", "引起", "逆行", "感染", ",", "而", "造成", "子宫内膜炎", "、", "附件炎", "等", "盆腔", "炎症", ",", "严重", "了", "可以", "引起", "不孕症", "。"], ["2017", "-", "05", "-", "03", "14", ":", "51", "投诉"], ["你好", ",", "你", "怀孕", "了", "想", "做", "无痛人流", "是", "可以", "的", ",", "但", "无痛人流", "是", "怀孕", "10", "周", "以内", "比较合适", "。", "月份", "越", "小", "越", "安全", ",", "这样", "出血", "会", "越", "少", "。", "此时", "胎", "体", "尚未形成", ",", "子宫", "不太", "大", ",", "子宫", "壁", "肌肉", "也", "较", "厚", ",", "胚胎", "容易", "吸", "出来", ",", "因而", "手术", "时间", "短", ",", "出血", "量", "少", ",", "人流", "后", "身体", "恢复", "得", "也", "较", "快", "。", "意见建议", ":", "你", "应", "去", "医院", "做", "b超", "检查", "确诊", "怀孕", "周", "数", ",", "在", "医生", "指导", "下", "选择", "合适", "的", "无痛人流", "方法", "。"], ["2017", "-", "05", "-", "14", "14", ":", "57", "投诉"], ["女性内生殖器官", "中", ",", "输卵管", "、", "卵巢", "被", "称为", "子宫", "附件", "。", "附件炎", "是", "指", "输卵管", "和", "卵巢", "的", "炎症", "。", "一般", "指", "急性", "附件炎", "、", "慢性", "附件炎", "、", "输卵管炎", "、", "卵巢", "炎", ",", "但", "输卵管", "、", "卵巢", "炎", "常常", "合并", "有", "宫", "旁", "结缔组织", "炎", "、", "盆腔", "腹膜炎", ",", "且", "在", "诊断", "时", "也", "不", "易", "区分", ",", "这样", ",", "盆腔", "腹膜炎", "、", "宫", "旁", "结缔组织", "炎", ",", "就", "也", "被", "划入", "附件炎", "范围", "了", "。", "在", "盆腔", "器官", "炎症", "中", ",", "以", "输卵管炎", "最", "常见", ",", "由于", "解剖", "部位", "相互", "邻近", "的", "关系", ",", "往往", "输卵管炎", "、", "卵巢", "炎", "、", "盆腔", "腹膜炎", "同时", "并存", "且", "相互影响", "。"], ["全国", "三甲医院", ",", "主任", "级", "名医", "在线", "坐诊", "已有", "124", "家", "三甲医院", ",", "828", "位", "主任医师", "在线答疑"], ["白沙", "妇产科医生", "白沙", "妇产科", "医院", "三原县", "眼科医院", "网上预约", "三原县", "大", "程", "医院", "网上预约", "白沙", "附件炎", "医生", "白沙", "附件炎", "医院"]], "title": "成都正规人流医院有哪些?哪家医院做无痛人流好?_39健康问答_39健康"}, {"bs_rank_pos": 4, "paragraphs": ["妇幼保健院"], "segmented_title": ["成都", "那里", "做人流", "比较好", "?", "_", "百度", "知道"], "segmented_paragraphs": [["妇幼保健院"]], "title": "成都那里做人流比较好?_百度知道"}, {"bs_rank_pos": 4, "paragraphs": ["Here is a professional doctor, and can use health insurance, all aspects are very professional"], "segmented_title": ["成都", "那里", "做人流", "比较好", "?", "_", "百度", "知道"], "segmented_paragraphs": [["Here", "is", "a", "professional", "doctor", ",", "and", "can", "use", "health", "insurance", ",", "all", "aspects", "are", "very", "professional"]], "title": "成都那里做人流比较好?_百度知道"}, {"bs_rank_pos": 4, "paragraphs": ["堕胎的危害很大,不仅对你的身体健康,还有你未来的家庭和谐,事业发展,运势走向等等都是很非常大的影响的。在你作出是否堕胎的决定前,请你多了解下堕胎手术的风险,对自己身体的伤害,对以后生活的影响,对孩子的伤害,医院的口碑,堕胎的过程是什么样的;思考思考自己为什么不能生下这个孩子,有什么困难需要孩子用生命来做代价。你夺去的是孩子这条活生生的生命,不可以草率做决定。 很多人以为胎儿不属于真正的生命,要出生以后才叫做生命,这个观点是错误的,其实当受精卵刚刚形成的时候这里面就已经有胎儿的魂了。所以现代人不懂得这个道理,他把堕胎没有看成一回事,他说堕胎可能不属于一种杀人,这是错误的。当把胎儿堕了之后就等于杀了一个完全的生命,因为这个生命不仅有肉体,而且有了灵魂。这种堕胎的事情现在也是世"], "segmented_title": ["成都", "那里", "做人流", "比较好", "?", "_", "百度", "知道"], "segmented_paragraphs": [["堕胎", "的", "危害", "很大", ",", "不仅", "对", "你", "的", "身体健康", ",", "还有你", "未来", "的", "家庭", "和谐", ",", "事业", "发展", ",", "运势", "走向", "等等", "都是", "很", "非常", "大", "的", "影响", "的", "。", "在", "你", "作出", "是否", "堕胎", "的", "决定", "前", ",", "请", "你", "多", "了解", "下", "堕胎", "手术", "的", "风险", ",", "对", "自己", "身体", "的", "伤害", ",", "对", "以后", "生活", "的", "影响", ",", "对", "孩子", "的", "伤害", ",", "医院", "的", "口碑", ",", "堕胎", "的", "过程", "是", "什么", "样", "的", ";", "思考", "思考", "自己", "为什么", "不能", "生", "下", "这个孩子", ",", "有", "什么", "困难", "需要", "孩子", "用", "生命", "来", "做", "代价", "。", "你", "夺", "去", "的", "是", "孩子", "这", "条", "活生生", "的", "生命", ",", "不可以", "草率", "做", "决定", "。", "很多人", "以为", "胎儿", "不", "属于", "真正", "的", "生命", ",", "要", "出生", "以后", "才叫", "做", "生命", ",", "这个观点", "是", "错误", "的", ",", "其实", "当", "受精卵", "刚刚", "形成", "的", "时候", "这", "里面", "就", "已经", "有", "胎儿", "的", "魂", "了", "。", "所以", "现代人", "不", "懂得", "这个道理", ",", "他", "把", "堕胎", "没有", "看", "成", "一回事", ",", "他", "说", "堕胎", "可能", "不", "属于", "一", "种", "杀人", ",", "这", "是", "错误", "的", "。", "当", "把", "胎儿", "堕", "了", "之后", "就", "等于", "杀", "了", "一", "个", "完全", "的", "生命", ",", "因为", "这个", "生命", "不仅", "有", "肉体", ",", "而且", "有", "了", "灵魂", "。", "这种", "堕胎", "的", "事情", "现在", "也是", "世"]], "title": "成都那里做人流比较好?_百度知道"}, {"bs_rank_pos": 4, "paragraphs": ["去正规医院"], "segmented_title": ["成都", "那里", "做人流", "比较好", "?", "_", "百度", "知道"], "segmented_paragraphs": [["去", "正规", "医院"]], "title": "成都那里做人流比较好?_百度知道"}], "question": "成都人流哪里做好", "segmented_question": ["成都", "人流", "哪里", "做", "好"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221667}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["每年高考填报志愿时,学校是985还是211工程大学是每个考生关心的问题,因为凡是入选 “211”、“985”工程的高校都是非常优秀的学校,也就是人们常说的重点院校。这些院校在高考填报志愿的时大都列入提前批次和本科一批重点。可以这样理解,“211工程”是国家“重点”建设院校,“985工程”院校则是“重中之重”。以下为一品高考网(wWw.gaokw.com)整理的沈阳建筑大学是985院校还是211院校相关信息,供参考:", "沈阳建筑大学(Shenyang Jianzhu University)是以建筑、土木、机械等学科为特色,以工为主,工、管、理、文、农、法、艺术等学科协调发展的省部共建高等学校,是国家住房和城乡建设部与辽宁省人民政府共建高校、国家“中西部高校基础能力建设工程”100所重点建设大学之一、“卓越工程师教育培养计划”入选高校。", " 学校前身为1948年创建的中国人民解放军东北军区军工部工业专门学校(东北兵工专门学校),几经变迁,曾先后改建为东北建筑工程学校、沈阳建筑材料工业学院、辽宁省建设学院等。沈阳建筑材料工业学院于1960年6月被中华人民共和国建筑工程部列为部属重点高校。2004年5月正式定名为沈阳建筑大学,沿用至今。", " 全国第三轮一级学科评估中,土木工程、建筑学、机械工程、城乡规划学、风景园林学、软件工程等6个一级学科排名全国前列,位列辽宁省高校第一名或并列第一名,建筑、土木类专业教育水平走在全国前列。[1] 截止2014年9月,学校占地面积1500亩,建筑面积48万平方米,累计藏书150余万册;全日制在校学生19000余人,其中本科生12000余人,博士、硕士研究生2800余人。[2] ", "学校 招办电话 大连理工大学 0411-84708375 辽宁大学 024-62202299 东北大学 024-83687392 大连海事大学 0411-84727233", "学校 招办电话 东北大学 024-83687392 大连理工大学 0411-84708375", " “211工程”是指:面向21世纪,重点建设100所左右的高等学校和一批重点学科。这是我国为落实科教兴国战略而实施的一项跨世纪的战略工程,也是新中国成立以来在高等教育领域进行的规模最大的重点建设项目。(www.GAokW.com)", " “211工程”自“九五”期间立项建设,中央和地方共投入资金180亿元,建设了一批高等院校和重点 学科,改善了一批高等学校的教学和科研条件,一批重点学科已成为国家科技创新和高层次人才培养的重要基地。 ", " “985工程”是指:教育部决定在实施“面向21世纪教育振兴行动计划”中,为创建世界一流大学和高水平大学而实施的工程。首批入选“985工程”的高等学校共有9所,被称“九校联盟”,截至2013年年末,“985工程”共有39所高校。此后,中华人民共和国教育部表示“985工程”和“211工程”的规模已经稳定,将不会再新增高校。", " “985工程”一期建设率先在南开大学和南开大学开始实施。2004年,根据《2003—2007年教育振兴行动计划》,教育部、财政部印发《教育部、财政部关于继续实施“985工程”建设项目的意见》,启动了“985工程”二期建设。", " 2010年,根据《国家中长期教育改革和发展规划纲要(2010—2020年)》,教育部、财政部印发《教育部、财政部关于加快推进世界一流大学和高水平大学建设的意见》,新一轮“985工程”建设开始实施。www.Gaokw.com", " 2011年12月30日,教育部部长袁贵仁在十一届全国人大常委会第二十四次会议时表示,“211”工程和“985”工程的规模已经稳定,不再新设这两个工程的学校,同时为了注重学科导向,引入竞争机制,实施了“985工程优势学科创新平台”,对非“985工程”学校中的特色和优势突出的学科给予支持。", " “985工程”建设任务为机制创新、队伍建设、平台建设、条件支撑和国际交流与合作等五个方面;采取国家、共建部门(有关主管部委或地方政府)和高等学校三级管理方式,以高等学校自我管理为主;建设实行项目管理和绩效考评。", " 个人或媒体转载本站内容,请保留上面文章来源信息和原文链接! ", "本文标签:沈阳建筑大学 ", "【上一篇:大连工业大学是211大学还是985大学?】 【下一篇:辽宁工业大学是211大学还是985大学?】 ", "全国高考最新招生信息", "全国各省市最新高考模拟试题"], "segmented_title": ["沈阳建筑大学", "是", "211", "大学", "还是", "985", "大学", "?", "_", "辽宁", "_", "一品", "高考", "网"], "segmented_paragraphs": [["每年", "高考", "填报志愿", "时", ",", "学校", "是", "985", "还是", "211", "工程", "大学", "是", "每个", "考生", "关心", "的", "问题", ",", "因为", "凡是", "入选", "“", "211", "”", "、", "“", "985", "”", "工程", "的", "高校", "都是", "非常", "优秀", "的", "学校", ",", "也", "就是", "人们", "常", "说", "的", "重点院校", "。", "这些", "院校", "在", "高考", "填报志愿", "的", "时", "大都", "列入", "提前", "批次", "和", "本科", "一批", "重点", "。", "可以", "这样", "理解", ",", "“", "211", "工程", "”", "是", "国家", "“", "重点", "”", "建设", "院校", ",", "“", "985", "工程", "”", "院校", "则", "是", "“", "重", "中", "之", "重", "”", "。", "以下", "为", "一品", "高考", "网", "(", "wWw", ".", "gaokw", ".", "com", ")", "整理", "的", "沈阳建筑大学", "是", "985", "院校", "还是", "211", "院校", "相关", "信息", ",", "供参考", ":"], ["沈阳建筑大学", "(", "Shenyang", "Jianzhu", "University", ")", "是", "以", "建筑", "、", "土木", "、", "机械", "等", "学科", "为", "特色", ",", "以", "工", "为", "主", ",", "工", "、", "管", "、", "理", "、", "文", "、", "农", "、", "法", "、", "艺术", "等", "学科", "协调发展", "的", "省", "部", "共建", "高等学校", ",", "是", "国家", "住房", "和", "城乡", "建设部", "与", "辽宁省", "人民政府", "共建", "高校", "、", "国家", "“", "中西部", "高校", "基础", "能力", "建设", "工程", "”", "100", "所", "重点", "建设", "大学", "之", "一", "、", "“", "卓越", "工程师", "教育", "培养计划", "”", "入选", "高校", "。"], ["学校", "前身", "为", "1948", "年", "创建", "的", "中国人民解放军", "东北", "军区", "军工", "部", "工业", "专门", "学校", "(", "东北", "兵", "工", "专门学校", ")", ",", "几", "经", "变迁", ",", "曾", "先后", "改建", "为", "东北", "建筑工程", "学校", "、", "沈阳", "建筑材料", "工业", "学院", "、", "辽宁省", "建设", "学院", "等", "。", "沈阳", "建筑材料", "工业", "学院", "于", "1960", "年", "6", "月", "被", "中华人民共和国", "建筑", "工程部", "列为", "部", "属", "重点", "高校", "。", "2004", "年", "5", "月", "正式", "定", "名", "为", "沈阳建筑大学", ",", "沿用至今", "。"], ["全国", "第三轮", "一级学科", "评估", "中", ",", "土木工程", "、", "建筑学", "、", "机械工程", "、", "城乡规划学", "、", "风景园林", "学", "、", "软件工程", "等", "6", "个", "一级学科", "排名", "全国前列", ",", "位", "列", "辽宁省", "高校", "第一名", "或", "并列", "第一名", ",", "建筑", "、", "土木", "类", "专业", "教育", "水平", "走", "在", "全国", "前列", "。", "[", "1", "]", "截止", "2014", "年", "9", "月", ",", "学校", "占地面积", "1500", "亩", ",", "建筑面积", "48", "万", "平方米", ",", "累计", "藏书", "150", "余", "万", "册", ";", "全日制", "在校", "学生", "19000", "余", "人", ",", "其中", "本科生", "12000", "余", "人", ",", "博士", "、", "硕士研究生", "2800", "余", "人", "。", "[", "2", "]"], ["学校", "招办", "电话", "大连理工大学", "0411", "-", "84708375", "辽宁大学", "024", "-", "62202299", "东北大学", "024", "-", "83687392", "大连海事大学", "0411", "-", "84727233"], ["学校", "招办", "电话", "东北大学", "024", "-", "83687392", "大连理工大学", "0411", "-", "84708375"], ["“", "211", "工程", "”", "是", "指", ":", "面向", "21", "世纪", ",", "重点", "建设", "100", "所", "左右", "的", "高等学校", "和", "一批", "重点学科", "。", "这", "是", "我", "国", "为", "落实", "科教兴国战略", "而", "实施", "的", "一项", "跨世纪", "的", "战略", "工程", ",", "也是", "新中国", "成立", "以来", "在", "高等教育", "领域", "进行", "的", "规模", "最大", "的", "重点", "建设", "项目", "。", "(", "www", ".", "GAokW", ".", "com", ")"], ["“", "211", "工程", "”", "自", "“", "九五", "”", "期间", "立项", "建设", ",", "中央", "和", "地方", "共", "投入", "资金", "180", "亿", "元", ",", "建设", "了", "一批", "高等院校", "和", "重点", "学科", ",", "改善", "了", "一批", "高等学校", "的", "教学", "和", "科研", "条件", ",", "一批", "重点学科", "已", "成为", "国家", "科技创新", "和", "高层次人才", "培养", "的", "重要", "基地", "。"], ["“", "985", "工程", "”", "是", "指", ":", "教育部", "决定", "在", "实施", "“", "面向", "21", "世纪", "教育", "振兴", "行动计划", "”", "中", ",", "为", "创建", "世界", "一", "流", "大学", "和", "高", "水平", "大学", "而", "实施", "的", "工程", "。", "首批", "入选", "“", "985", "工程", "”", "的", "高等学校", "共有", "9", "所", ",", "被", "称", "“", "九", "校", "联盟", "”", ",", "截至", "2013", "年", "年末", ",", "“", "985", "工程", "”", "共有", "39", "所", "高校", "。", "此后", ",", "中华人民共和国", "教育部", "表示", "“", "985", "工程", "”", "和", "“", "211", "工程", "”", "的", "规模", "已经", "稳定", ",", "将", "不会", "再", "新增", "高校", "。"], ["“", "985", "工程", "”", "一期", "建设", "率先", "在", "南开大学", "和", "南开大学", "开始实施", "。", "2004", "年", ",", "根据", "《", "2003", "—", "2007", "年", "教育", "振兴", "行动计划", "》", ",", "教育部", "、", "财政部", "印发", "《", "教育部", "、", "财政部", "关于", "继续实施", "“", "985", "工程", "”", "建设", "项目", "的", "意见", "》", ",", "启动", "了", "“", "985", "工程", "”", "二期", "建设", "。"], ["2010", "年", ",", "根据", "《", "国家", "中", "长期", "教育改革", "和", "发展", "规划纲要", "(", "2010", "—", "2020", "年", ")", "》", ",", "教育部", "、", "财政部", "印发", "《", "教育部", "、", "财政部", "关于", "加快", "推进", "世界", "一", "流", "大学", "和", "高", "水平", "大学", "建设", "的", "意见", "》", ",", "新一轮", "“", "985", "工程", "”", "建设", "开始实施", "。", "www", ".", "Gaokw", ".", "com"], ["2011", "年", "12", "月", "30", "日", ",", "教育部部长", "袁贵仁", "在", "十一", "届", "全国人大", "常委会", "第", "二", "十", "四", "次", "会议", "时", "表示", ",", "“", "211", "”", "工程", "和", "“", "985", "”", "工程", "的", "规模", "已经", "稳定", ",", "不再", "新", "设", "这", "两", "个", "工程", "的", "学校", ",", "同时", "为了", "注重", "学科", "导向", ",", "引入", "竞争机制", ",", "实施", "了", "“", "985", "工程", "优势", "学科", "创新", "平台", "”", ",", "对", "非", "“", "985", "工程", "”", "学校", "中", "的", "特色", "和", "优势", "突出", "的", "学科", "给予", "支持", "。"], ["“", "985", "工程", "”", "建设", "任务", "为", "机制创新", "、", "队伍建设", "、", "平台建设", "、", "条件", "支撑", "和", "国际", "交流", "与", "合作", "等", "五个方面", ";", "采取", "国家", "、", "共建", "部门", "(", "有关", "主管", "部委", "或", "地方", "政府", ")", "和", "高等学校", "三级", "管理", "方式", ",", "以", "高等学校", "自我管理", "为", "主", ";", "建设", "实行", "项目管理", "和", "绩效考评", "。"], ["个人", "或", "媒体", "转载", "本站内容", ",", "请", "保留", "上面", "文章来源", "信息", "和", "原文", "链接", "!"], ["本", "文", "标签", ":", "沈阳建筑大学"], ["【", "上", "一篇", ":", "大连", "工业大学", "是", "211", "大学", "还是", "985", "大学", "?", "】", "【", "下一篇", ":", "辽宁工业大学", "是", "211", "大学", "还是", "985", "大学", "?", "】"], ["全国高考", "最新", "招生", "信息"], ["全国", "各省市", "最新", "高考模拟试题"]], "title": "沈阳建筑大学是211大学还是985大学?_辽宁_一品高考网"}, {"bs_rank_pos": 1, "paragraphs": ["沈阳建筑大学既不是211,更不是985,目前辽宁省一共有4所211大学:大连理工大学 东北大学 辽宁大学 大连海事大学,其中大连理工大学和东北大学还是985工程重点建设大学"], "segmented_title": ["沈阳建筑大学", "是", "211", "985", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["沈阳建筑大学", "既", "不是", "211", ",", "更", "不是", "985", ",", "目前", "辽宁省", "一共", "有", "4", "所", "211", "大学", ":", "大连理工大学", "东北大学", "辽宁大学", "大连海事大学", ",", "其中", "大连理工大学", "和", "东北大学", "还是", "985", "工程", "重点", "建设", "大学"]], "title": "沈阳建筑大学是211 985吗_百度知道"}, {"bs_rank_pos": 5, "paragraphs": [" 世界上最美丽的15所大学校园 盘点长春文理科特色类优质高校 沈阳建筑大学是985吗?沈阳建筑大学是211吗?", " 家长们一直告诉自己家的孩子要考上好大学,提到好大学所有人第一时间内想到的绝对会是985、211大学。那么大家知道哪些大学是211以及哪些是985大学?沈阳建筑大学是985吗?沈阳建筑大学是211吗?是广大考生和家长朋友们十分关心的问题,以下是高三网为大家整理的最新沈阳建筑大学相关信息:", " 沈阳建筑大学不是211工程大学,沈阳建筑大学不是985工程大学。", " 985大学和211大学的区别有哪些?", " 【985工程】是我国政府为建设若干所世界一流大学和一批国际知名的高水平研究型大学而实施的高等教育建设工程。", " 【211工程】意即面向21世纪,迎接世界新技术革命的挑战,中国政府集中中央、地方各方面的力量,重点建设100所左右的高等学校和一批重点学科、专业使其达到世界一流大学的水平的建设工程。", " 985大学都是211大学,而211不一定是985,就是说113所211大学里有39所大学既是211也是985,还有74所仅是211不是985。985工程大学要比211工程大学要好,主要体现在科研经费,国家和地方扶植上面。985大学都是211工程的。211不一定是985的。当然是985的含金量高一些。985大学和211大学虽好,也要根据自己的实力合理定位。既不可好高骛远,又不能毫无斗志,给自己设定一个目标,并朝之而努力。", " 沈阳建筑大学位于沈阳浑南新区的主校区占地面积1500亩,建筑面积48万平方米。主校区规划设计体现了以人为本、与自然和谐共生的理念,规划布局合理,建筑形式现代、质朴、简练,功能设施齐全。教学区为网格式、具有东方文化底蕴的庭院组合,有利于资源共享和学科交流。", " 创建时间 学校类型 学科类型 隶属单位 1948年 公立 理工 辽宁省人民政府", " 以上沈阳建筑大学是985吗?沈阳建筑大学是211吗?由高三网收集整理,想要了解更多关于211工程大学和985工程大学最新信息请查看高校介绍频道。"], "segmented_title": ["沈阳建筑大学", "是", "985", "吗", "?", "沈阳建筑大学", "是", "211", "吗", "?", "_", "高三", "网"], "segmented_paragraphs": [["世界上", "最", "美丽", "的", "15", "所", "大学", "校园", "盘点", "长春", "文理科", "特色", "类", "优质", "高校", "沈阳建筑大学", "是", "985", "吗", "?", "沈阳建筑大学", "是", "211", "吗", "?"], ["家长们", "一直", "告诉", "自己", "家", "的", "孩子", "要", "考上", "好", "大学", ",", "提到", "好", "大学", "所有人", "第一时间", "内", "想到", "的", "绝对", "会", "是", "985", "、", "211", "大学", "。", "那么", "大家知道", "哪些", "大学", "是", "211", "以及", "哪些", "是", "985", "大学", "?", "沈阳建筑大学", "是", "985", "吗", "?", "沈阳建筑大学", "是", "211", "吗", "?", "是", "广大", "考生", "和", "家长", "朋友们", "十分", "关心", "的", "问题", ",", "以下", "是", "高三", "网", "为", "大家", "整理", "的", "最新", "沈阳建筑大学", "相关", "信息", ":"], ["沈阳建筑大学", "不是", "211", "工程", "大学", ",", "沈阳建筑大学", "不是", "985", "工程", "大学", "。"], ["985", "大学", "和", "211", "大学", "的", "区别", "有", "哪些", "?"], ["【", "985", "工程", "】", "是", "我", "国", "政府", "为", "建设", "若干", "所", "世界", "一", "流", "大学", "和", "一批", "国际", "知名", "的", "高", "水平", "研究型", "大学", "而", "实施", "的", "高等教育", "建设", "工程", "。"], ["【", "211", "工程", "】", "意", "即", "面向", "21", "世纪", ",", "迎接", "世界", "新技术革命", "的", "挑战", ",", "中国政府", "集中", "中央", "、", "地方", "各方面", "的", "力量", ",", "重点", "建设", "100", "所", "左右", "的", "高等学校", "和", "一批", "重点学科", "、", "专业", "使", "其", "达到", "世界", "一流大学", "的", "水平", "的", "建设", "工程", "。"], ["985", "大学", "都是", "211", "大学", ",", "而", "211", "不一定", "是", "985", ",", "就是说", "113", "所", "211", "大学", "里", "有", "39", "所", "大学", "既", "是", "211", "也是", "985", ",", "还有", "74", "所", "仅", "是", "211", "不是", "985", "。", "985", "工程", "大学", "要", "比", "211", "工程", "大学", "要", "好", ",", "主要", "体现", "在", "科研经费", ",", "国家", "和", "地方", "扶植", "上面", "。", "985", "大学", "都是", "211", "工程", "的", "。", "211", "不一定", "是", "985", "的", "。", "当然", "是", "985", "的", "含金量", "高", "一些", "。", "985", "大学", "和", "211", "大学", "虽", "好", ",", "也", "要", "根据", "自己", "的", "实力", "合理", "定位", "。", "既", "不可", "好高骛远", ",", "又", "不能", "毫无", "斗志", ",", "给", "自己", "设定", "一", "个", "目标", ",", "并", "朝", "之", "而", "努力", "。"], ["沈阳建筑大学", "位于", "沈阳", "浑南新区", "的", "主", "校区", "占地面积", "1500", "亩", ",", "建筑面积", "48", "万", "平方米", "。", "主", "校区", "规划", "设计", "体现", "了", "以人为本", "、", "与", "自然", "和谐", "共生", "的", "理念", ",", "规划", "布局合理", ",", "建筑形式", "现代", "、", "质朴", "、", "简练", ",", "功能", "设施齐全", "。", "教学区", "为", "网", "格式", "、", "具有", "东方", "文化底蕴", "的", "庭院", "组合", ",", "有利于", "资源", "共享", "和", "学科", "交流", "。"], ["创建时间", "学校", "类型", "学科", "类型", "隶属", "单位", "1948", "年", "公立", "理工", "辽宁省", "人民", "政府"], ["以上", "沈阳建筑大学", "是", "985", "吗", "?", "沈阳建筑大学", "是", "211", "吗", "?", "由", "高三", "网", "收集整理", ",", "想要", "了解更多", "关于", "211", "工程", "大学", "和", "985", "工程", "大学", "最新", "信息", "请", "查看", "高校", "介绍", "频道", "。"]], "title": "沈阳建筑大学是985吗?沈阳建筑大学是211吗?_高三网"}, {"bs_rank_pos": 6, "paragraphs": [" 求职遭遇悲剧,真郁闷啊,都是有限录取985 211我们学校也不错啊!", " 咱学校的部分专业比985的牛多了,为啥现在企业还看学校排名呢?我们学校啥时候能成重点院校啊!哎", " 网上说 大企业招人会优先招重点学校的,而且很多地区对重点学校毕业生都有政策优惠。这个不知道是不是真的,但是和我一起进这个公司的东大的底薪比我高300……纠结。", " 最憋屈的就是:人事部今天给大家开会说让大家好好努力,解决北京户口,最后一句是985 211院校的……我们没戏!靠,我还不想要呢!", " 大部分是这样想的,能考上985 211的基础好,其实大学这几年主要还得看个人, 985 211那是天生优势", " 真是憋屈死了,心里落差真大啊。", "登录百度帐号 ", " 下载贴吧APP看高清直播、视频!", " 贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "segmented_title": ["不是", "985", "不是", "211", "【", "沈阳建筑大学", "吧", "】", "_", "百度贴吧"], "segmented_paragraphs": [["求职", "遭遇", "悲剧", ",", "真", "郁闷", "啊", ",", "都是", "有限", "录取", "985", "211", "我们", "学校", "也", "不错", "啊", "!"], ["咱", "学校", "的", "部分", "专业", "比", "985", "的", "牛", "多", "了", ",", "为啥", "现在", "企业", "还", "看", "学校", "排名", "呢", "?", "我们", "学校", "啥", "时候", "能", "成", "重点院校", "啊", "!", "哎"], ["网上", "说", "大企业", "招人", "会", "优先", "招", "重点", "学校", "的", ",", "而且", "很多", "地区", "对", "重点", "学校", "毕业生", "都", "有", "政策", "优惠", "。", "这个", "不知道", "是不是", "真", "的", ",", "但是", "和", "我", "一起", "进", "这个", "公司", "的", "东大", "的", "底薪", "比", "我", "高", "300", "…", "…", "纠结", "。"], ["最", "憋屈", "的", "就是", ":", "人事部", "今天", "给", "大家", "开会", "说", "让", "大家", "好好努力", ",", "解决", "北京", "户口", ",", "最后一句", "是", "985", "211", "院校", "的", "…", "…", "我们", "没戏", "!", "靠", ",", "我", "还", "不", "想要", "呢", "!"], ["大部分", "是", "这样", "想", "的", ",", "能", "考上", "985", "211", "的", "基础", "好", ",", "其实", "大学", "这", "几", "年", "主要", "还", "得", "看", "个人", ",", "985", "211", "那", "是", "天生", "优势"], ["真是", "憋屈", "死", "了", ",", "心里", "落差", "真", "大", "啊", "。"], ["登录", "百度", "帐号"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "title": "不是985 不是211【沈阳建筑大学吧】_百度贴吧"}, {"bs_rank_pos": 7, "paragraphs": ["沈阳建筑大学不是211,也不是 985。 沈阳建筑大学是以建筑、土木、机械等学科为特色,以工为主,工、管、理、文、农、法、艺术等学科门类协调发展的省部共建高等学校,原隶属于国家建设部,2000 年在国家办学管理体制调整中划归辽宁省管理。2010年,辽宁省政府与国家住房和城乡建设部在北京签署了共建沈阳建筑大学协议,为学校创建有特色、高水平建筑大学奠定了坚实的基础,为进一步密切学校与行业及行业主管部门的联系搭建了新的平台。"], "segmented_title": ["沈阳建筑大学", "是不是", "不", "211", "985", "_", "百度", "知道"], "segmented_paragraphs": [["沈阳建筑大学", "不是", "211", ",", "也", "不是", "985", "。", "沈阳建筑大学", "是", "以", "建筑", "、", "土木", "、", "机械", "等", "学科", "为", "特色", ",", "以", "工", "为", "主", ",", "工", "、", "管", "、", "理", "、", "文", "、", "农", "、", "法", "、", "艺术", "等", "学科", "门类", "协调发展", "的", "省", "部", "共建", "高等学校", ",", "原", "隶属于", "国家", "建设部", ",", "2000", "年", "在", "国家", "办", "学", "管理体制", "调整", "中", "划归", "辽宁", "省", "管理", "。", "2010", "年", ",", "辽宁省", "政府", "与", "国家", "住房", "和", "城乡", "建设部", "在", "北京", "签署", "了", "共建", "沈阳建筑大学", "协议", ",", "为", "学校", "创建", "有特色", "、", "高", "水平", "建筑", "大学", "奠定", "了", "坚实", "的", "基础", ",", "为", "进一步", "密切", "学校", "与", "行业", "及", "行业", "主管", "部门", "的", "联系", "搭建", "了", "新", "的", "平台", "。"]], "title": "沈阳建筑大学是不是不211 985_百度知道"}], "question": "沈阳建筑大学是211吗", "yesno_type": "OPINION", "segmented_question": ["沈阳建筑大学", "是", "211", "吗"], "question_type": "YES_NO", "fact_or_opinion": "OPINION", "question_id": 221668}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": [" 注册时间: 最后登录: ", "飘窗通常一般能够分为两种形状,首先种是台阶式的,另一种则是彻底落地、与地上天衣无缝的的。飘窗不只能够增强房子的采光和通风效能,还能给房子的外立面增加更多的魅力。有很多人傻傻分不清飘窗和凸窗,那么,飘窗与凸窗的区别?", " 飘窗不像以前传统的平窗只要一面是玻璃,飘窗的三面都装有玻璃,窗台的高度比起通常的窗户要低。这么的规划能够使得室内的视觉空间扩展。在卧室配有飘窗,能够享用足够的室内光线,还能够作为很不错的观景台。", " 凸窗为“凸出修建外墙面的窗户”,通常也叫飘窗,落地窗是一般窗的一种,不属于凸窗,有些文章按窗台的凹凸来差异凸窗和落地窗,还有些人以为飘窗即是落地窗,都是过错的。", " 它们的首要差异有以下几点:", " 1.凸(飘)窗有必要是凸出外墙面的窗户,在规划和使用时就有别于地板(楼板)的延伸,也即是说不能把地板延伸出去而仍称之为凸窗。凸窗的窗台仅仅墙面的一部分,且距地上应有必定的高度,而落地窗则不杰出外墙,通常下设300mm宽,150mm高的挡水台,有的落地窗直接坐落地(楼)板面之上。 2.凸(飘)窗属修建构件,不核算面积,而落地窗算全面积。 3.规范请求酷寒和冰冷区域不宜采用对节能晦气的凸(飘)窗,对落地窗无请求。 4.凸(飘)窗顶板和底板按请求需做保温。", " 凸(飘)窗和落地窗按规范请求都应设置安全防护设备。《住所规划规范》(GB50096-1999)和《民用修建规划公例》(GB50352-1995)对此都有规则。", " 《住所规划规范》第3.9.1及注[外窗窗台距楼面、地上的高度低于0.90m时,应有防护设备,窗台的净高度或防护栏杆的高度均应从可踏面起算,确保净高0.90m。][有效的防护高度应确保净高0.90m,间隔楼(地)面0.45m以下的台面、横栏杆等简单造成无意识攀登的可踏面,不该计入窗台净高。]", " 《民用修建规划公例》第6.10.1.4[临空的窗台低于0.80m时,应采纳防护办法,防护高度由楼地上起核算不该低于0.80m;][注:1住所窗台低于0.90m时,应采纳防护办法;2低窗台、凸窗等下部有能上人站立的宽窗台面时,贴窗护栏或固定窗的防护高度应从窗台面起核算。]", " 《民用修建规划公例》第6.6.3条阐明对可踏面界说:“底部有宽度B≥0.22m,且高度h≦0.45m的可踏部位”。", " 上述二本规范对凸窗防护栏杆设置说法不够清晰,新版《住所规划规范》(GB50096-2011)首次对凸窗(bay-window)给出了规范的界说(凸出修建外墙面的窗户),并在第5.8.2条中对凸窗做了具体的规则:", " [当设置凸窗时应契合下列规则:窗台高度低于或等于0.45m时,防护高度从窗台面起算不该低于0.90m;可敞开窗扇窗洞口底距窗台面的净凹凸于0.90m时,窗洞口处应有防护办法。其防护高度从窗台面起算不该低于0.90m;]", " 注册时间: 最后登录: ", " 《修建工程规划技术办法-修建》(2009年版)是由住宅和城乡建设部工程质量安全监管司安排中国修建规范规划研究院等单位编制的用以辅导民用修建工程规划为主的技术文件,在第10.5节中对临空窗台和凸窗也有具体的规则,应当说是现在对低窗护栏规则首先细首先清晰的一本技术办法。", " 注册时间: 最后登录: ", " 上面就是小编给大家提供的飘窗与凸窗的区别的资料,大家在选择的时候要慎重,希望小编的建议可以帮助大家。", "您现在发表的是匿名回复,您可以登录或者免费注册 昵称: (您可在此修改爱称,不超过20个字符或10个汉字) 依据《互联网用户账号名称管理规定》2015年9月1日起未绑定手机号进行真实身份认证的用户将禁止发布内容,请认证。 现在认证 验证码  看不清楚吗?换一张  发表 预览 ", "请输入验证信息 ", "相关标签 装修效果图 功能间 户型 风格 局部 热门标签 cd架 ", "只有认证会员或版主才能发起活动,请您先登录:)", " 只有认证会员或版主才能发起活动,请先去认证吧:)", "房天下手机客户端", " 点击或扫描下载"], "segmented_title": ["飘窗", "与", "凸窗", "的", "区别", "-", "装修", "攻略", "-", "北京", "房", "天下"], "segmented_paragraphs": [["注册时间", ":", "最后登录", ":"], ["飘窗", "通常", "一般", "能够", "分为", "两种", "形状", ",", "首先", "种", "是", "台阶", "式", "的", ",", "另一种", "则", "是", "彻底", "落地", "、", "与", "地上", "天衣无缝", "的", "的", "。", "飘窗", "不", "只能", "够", "增强", "房子", "的", "采光", "和", "通风", "效能", ",", "还能", "给", "房子", "的", "外立面", "增加", "更多", "的", "魅力", "。", "有", "很多", "人", "傻傻", "分", "不", "清", "飘窗", "和", "凸窗", ",", "那么", ",", "飘窗", "与", "凸窗", "的", "区别", "?"], ["飘窗", "不", "像", "以前", "传统", "的", "平", "窗", "只要", "一", "面", "是", "玻璃", ",", "飘窗", "的", "三面", "都", "装", "有", "玻璃", ",", "窗台", "的", "高度", "比", "起", "通常", "的", "窗户", "要", "低", "。", "这么", "的", "规划", "能够", "使得", "室内", "的", "视觉空间", "扩展", "。", "在", "卧室", "配", "有", "飘窗", ",", "能够", "享", "用", "足够", "的", "室内", "光线", ",", "还能", "够", "作为", "很不错", "的", "观景台", "。"], ["凸窗", "为", "“", "凸出", "修建", "外墙", "面", "的", "窗户", "”", ",", "通常", "也", "叫", "飘窗", ",", "落地窗", "是", "一般", "窗", "的", "一", "种", ",", "不", "属于", "凸窗", ",", "有些", "文章", "按", "窗台", "的", "凹凸", "来", "差异", "凸窗", "和", "落地窗", ",", "还", "有些", "人", "以为", "飘窗", "即", "是", "落地窗", ",", "都是", "过错", "的", "。"], ["它们", "的", "首要", "差异", "有", "以下", "几点", ":"], ["1", ".", "凸", "(", "飘", ")", "窗", "有必要", "是", "凸出", "外墙", "面", "的", "窗户", ",", "在", "规划", "和", "使用时", "就", "有别", "于", "地板", "(", "楼板", ")", "的", "延伸", ",", "也", "即", "是", "说", "不能", "把", "地板", "延伸", "出去", "而", "仍", "称", "之", "为", "凸窗", "。", "凸窗", "的", "窗台", "仅仅", "墙面", "的", "一部分", ",", "且", "距", "地上", "应", "有", "必定", "的", "高度", ",", "而", "落地窗", "则", "不", "杰出", "外墙", ",", "通常", "下", "设", "300", "mm", "宽", ",", "150", "mm", "高", "的", "挡", "水", "台", ",", "有", "的", "落地窗", "直接", "坐", "落地", "(", "楼", ")", "板面", "之", "上", "。", "2", ".", "凸", "(", "飘", ")", "窗", "属", "修建", "构件", ",", "不", "核算", "面积", ",", "而", "落地窗", "算", "全", "面积", "。", "3", ".", "规范", "请求", "酷寒", "和", "冰冷", "区域", "不宜", "采用", "对", "节能", "晦气", "的", "凸", "(", "飘", ")", "窗", ",", "对", "落地窗", "无", "请求", "。", "4", ".", "凸", "(", "飘", ")", "窗", "顶板", "和", "底板", "按", "请求", "需", "做", "保温", "。"], ["凸", "(", "飘", ")", "窗", "和", "落地窗", "按", "规范", "请求", "都", "应", "设置", "安全防护", "设备", "。", "《", "住所", "规划", "规范", "》", "(", "GB", "50096", "-", "1999", ")", "和", "《", "民用", "修建", "规划", "公", "例", "》", "(", "GB", "50352", "-", "1995", ")", "对此", "都", "有", "规则", "。"], ["《", "住所", "规划", "规范", "》", "第", "3", ".", "9", ".", "1", "及", "注", "[", "外", "窗", "窗台", "距", "楼面", "、", "地", "上", "的", "高度", "低于", "0", ".", "90", "m", "时", ",", "应", "有", "防护", "设备", ",", "窗台", "的", "净", "高度", "或", "防护", "栏杆", "的", "高度", "均", "应", "从", "可踏面", "起算", ",", "确保", "净高", "0", ".", "90", "m", "。", "]", "[", "有效", "的", "防护", "高度", "应", "确保", "净高", "0", ".", "90", "m", ",", "间隔", "楼", "(", "地", ")", "面", "0", ".", "45", "m", "以下", "的", "台面", "、", "横", "栏杆", "等", "简单", "造成", "无意识", "攀登", "的", "可踏面", ",", "不该", "计入", "窗台", "净高", "。", "]"], ["《", "民用", "修建", "规划", "公", "例", "》", "第", "6", ".", "10", ".", "1", ".", "4", "[", "临空", "的", "窗台", "低于", "0", ".", "80", "m", "时", ",", "应", "采纳", "防护", "办法", ",", "防护", "高度", "由", "楼", "地上", "起", "核算", "不该", "低于", "0", ".", "80", "m", ";", "]", "[", "注", ":", "1", "住所", "窗台", "低于", "0", ".", "90", "m", "时", ",", "应", "采纳", "防护", "办法", ";", "2", "低", "窗台", "、", "凸窗", "等", "下部", "有", "能", "上", "人", "站立", "的", "宽", "窗", "台面", "时", ",", "贴", "窗", "护栏", "或", "固定", "窗", "的", "防护", "高度", "应", "从", "窗", "台面", "起", "核算", "。", "]"], ["《", "民用", "修建", "规划", "公", "例", "》", "第", "6", ".", "6", ".", "3", "条", "阐明", "对", "可踏面", "界", "说", ":", "“", "底部", "有", "宽度", "B", "≥", "0", ".", "22m", ",", "且", "高度", "h", "≦", "0", ".", "45", "m", "的", "可", "踏", "部位", "”", "。"], ["上述", "二本", "规范", "对", "凸窗", "防护", "栏杆", "设置", "说法", "不够", "清晰", ",", "新版", "《", "住所", "规划", "规范", "》", "(", "GB", "50096", "-", "2011", ")", "首次", "对", "凸窗", "(", "bay", "-", "window", ")", "给", "出", "了", "规范", "的", "界", "说", "(", "凸出", "修建", "外墙", "面", "的", "窗户", ")", ",", "并", "在", "第", "5", ".", "8", ".", "2", "条", "中", "对", "凸窗", "做", "了", "具体", "的", "规则", ":"], ["[", "当", "设置", "凸窗", "时", "应", "契合", "下列", "规则", ":", "窗台", "高度", "低于", "或", "等于", "0", ".", "45", "m", "时", ",", "防护", "高度", "从", "窗台", "面", "起算", "不该", "低于", "0", ".", "90m", ";", "可", "敞开", "窗扇", "窗", "洞口", "底", "距", "窗", "台面", "的", "净", "凹凸", "于", "0", ".", "90", "m", "时", ",", "窗", "洞口", "处", "应", "有", "防护", "办法", "。", "其", "防护", "高度", "从", "窗台", "面", "起算", "不该", "低于", "0", ".", "90", "m", ";", "]"], ["注册时间", ":", "最后登录", ":"], ["《", "修建", "工程", "规划", "技术", "办法", "-", "修建", "》", "(", "2009", "年", "版", ")", "是", "由", "住宅", "和", "城乡", "建设部", "工程", "质量", "安全", "监管", "司", "安排", "中国", "修建", "规范", "规划", "研究院", "等", "单位", "编制", "的", "用", "以", "辅导", "民用", "修建", "工程", "规划", "为", "主", "的", "技术", "文件", ",", "在", "第", "10", ".", "5", "节", "中", "对", "临空", "窗台", "和", "凸窗", "也有", "具体", "的", "规则", ",", "应当说", "是", "现在", "对", "低", "窗", "护栏", "规则", "首先", "细", "首先", "清晰", "的", "一", "本", "技术", "办法", "。"], ["注册时间", ":", "最后登录", ":"], ["上面", "就是", "小", "编", "给", "大家", "提供", "的", "飘窗", "与", "凸窗", "的", "区别", "的", "资料", ",", "大家", "在", "选择", "的", "时候", "要慎重", ",", "希望", "小", "编", "的", "建议", "可以", "帮助", "大家", "。"], ["您", "现在", "发表", "的", "是", "匿名", "回复", ",", "您", "可以", "登录", "或者", "免费注册", "昵称", ":", "(", "您", "可", "在", "此", "修改", "爱称", ",", "不", "超过", "20", "个", "字符", "或", "10", "个", "汉字", ")", "依据", "《", "互联网用户", "账号", "名称", "管理规定", "》", "2015", "年", "9", "月", "1", "日", "起", "未", "绑定", "手机号", "进行", "真实", "身份", "认证", "的", "用户", "将", "禁止", "发布", "内容", ",", "请", "认证", "。", "现在", "认证", "验证码", "看", "不清楚", "吗", "?", "换", "一", "张", "发表", "预览"], ["请", "输入", "验证", "信息"], ["相关", "标签", "装修", "效果图", "功能", "间", "户型", "风格", "局部", "热门", "标签", "cd", "架"], ["只有", "认证会员", "或", "版", "主", "才能", "发起", "活动", ",", "请", "您", "先", "登录", ":", ")"], ["只有", "认证会员", "或", "版", "主", "才能", "发起", "活动", ",", "请", "先", "去", "认证", "吧", ":", ")"], ["房", "天下", "手机", "客户端"], ["点击", "或", "扫描", "下载"]], "title": "飘窗与凸窗的区别-装修攻略-北京房天下"}, {"bs_rank_pos": 1, "paragraphs": ["装修设计岂能 随意?做不后悔的定制设计,预约优秀设计师", " 我来帮他解答", " 申请定制设计"], "segmented_title": ["飘窗", "和", "凸窗", "有", "哪些", "区别", "?", "-", "【", "设计", "本", "有问必答", "】"], "segmented_paragraphs": [["装修设计", "岂能", "随意", "?", "做", "不后悔", "的", "定制", "设计", ",", "预约", "优秀", "设计师"], ["我", "来", "帮", "他", "解答"], ["申请", "定制", "设计"]], "title": "飘窗和凸窗有哪些区别? -【设计本有问必答】"}, {"bs_rank_pos": 3, "paragraphs": ["请教一下,什么是飘窗凸窗?", " 要纠正几个错误观点: 1 有飘窗的房间采光好。错!飘窗的窗洞和平窗是一样大的,而由于上面多了一块板,实际采光量是下降了。 2 飘窗能看到更多的景观。错!除非你把头伸到外墙以外,才能看到两侧更多的景观(有什么意义呢,看到的是自家的外墙),但上下两块水泥板(尤其是下面那块)挡住了真正该看的景观。 其实飘窗最大的缺点是不节能,一扇飘窗一年起码让你多用100度电(维持相同的室内温度),另外,个子矮的人连开窗都很困难因此,我反对飘窗,我在自家的飘窗内侧做了一道平窗,挺好的。", "飘窗原来没有这个名词的,后来的建造商们想出来的。就是楼上说的那样 ", ",不仅追求外表美观,而且注重实用。有人喜欢把飘窗叫做“凸窗”,因为这种窗户一般呈矩形或梯形向室外凸起。飘窗不像传统的平窗只有一面是玻璃,它三面都装有玻璃,非弧形的造型可以减少因弧形窗而造成的眩晕感,。窗台的高度也比较低,低矮的窗台使人们有了更广阔的视野,感觉和自然更贴近了。一般来说卧室配有飘窗,不但可以享受充足的室内光线,还可以饱览室外秀美景观,主卧的飘窗更注重体现温馨...", "有人喜欢把飘窗叫做“凸窗”,因为这种窗户一般呈矩形或梯形向室外凸起。飘窗不像传统的平窗只有一面是玻璃,它三面都装有玻璃。窗台的高度也比较低,低矮的窗台使人们有了更广阔的视野,感觉和自然更贴近了。 其实低窗台的飘窗,在上海是有历史的,从前老上海的花园小洋房中经常可以见到。现在国内许多住宅也采用了飘窗设计,不仅追求外表美观,而且注重实用。 一般来说卧室配有飘窗,不但可以享受充足的室内光...", "建筑学相关知识 教育培训 教育科学 教育考试", " 不良建筑综合征 半胱氨酸结构式 ", "确定举报此问题", "报告,这不是个问题", " 这不是个问题  这个问题分类似乎错了  这个不是我熟悉的地区 "], "segmented_title": ["请教一下", ",", "什么", "是", "飘窗", "凸窗", "?", "-", "爱问知识人"], "segmented_paragraphs": [["请教一下", ",", "什么", "是", "飘窗", "凸窗", "?"], ["要", "纠正", "几个", "错误", "观点", ":", "1", "有", "飘窗", "的", "房间", "采光", "好", "。", "错", "!", "飘窗", "的", "窗", "洞", "和平", "窗", "是", "一样", "大", "的", ",", "而", "由于", "上面", "多", "了", "一", "块", "板", ",", "实际", "采光", "量", "是", "下降", "了", "。", "2", "飘窗", "能看到", "更多", "的", "景观", "。", "错", "!", "除非你", "把", "头", "伸", "到", "外墙", "以", "外", ",", "才能", "看到", "两侧", "更多", "的", "景观", "(", "有", "什么", "意义", "呢", ",", "看到", "的", "是", "自家", "的", "外墙", ")", ",", "但", "上下", "两", "块", "水泥", "板", "(", "尤其", "是", "下面", "那", "块", ")", "挡住", "了", "真正", "该", "看", "的", "景观", "。", "其实", "飘窗", "最大", "的", "缺点", "是", "不", "节能", ",", "一", "扇", "飘窗", "一年", "起码", "让", "你", "多", "用", "100", "度", "电", "(", "维持", "相同", "的", "室内温度", ")", ",", "另外", ",", "个子", "矮", "的", "人", "连", "开窗", "都", "很", "困难", "因此", ",", "我反对", "飘窗", ",", "我", "在", "自家", "的", "飘窗", "内侧", "做", "了", "一", "道", "平", "窗", ",", "挺好", "的", "。"], ["飘窗", "原来", "没有", "这个名词", "的", ",", "后来", "的", "建造", "商", "们", "想", "出来", "的", "。", "就是", "楼上", "说", "的", "那样"], [",", "不仅", "追求", "外表", "美观", ",", "而且", "注重", "实用", "。", "有人喜欢", "把", "飘窗", "叫做", "“", "凸窗", "”", ",", "因为", "这种", "窗户", "一般", "呈", "矩形", "或", "梯形", "向", "室外", "凸起", "。", "飘窗", "不", "像", "传统", "的", "平", "窗", "只有", "一", "面", "是", "玻璃", ",", "它", "三面", "都", "装", "有", "玻璃", ",", "非", "弧形", "的", "造型", "可以", "减少", "因", "弧形", "窗", "而", "造成", "的", "眩晕", "感", ",", "。", "窗台", "的", "高度", "也", "比较", "低", ",", "低矮", "的", "窗台", "使", "人们", "有", "了", "更", "广阔", "的", "视野", ",", "感觉", "和", "自然", "更贴近", "了", "。", "一般来说", "卧室", "配", "有", "飘窗", ",", "不", "但", "可以享受", "充足", "的", "室内", "光线", ",", "还", "可以", "饱览", "室外", "秀", "美", "景观", ",", "主卧", "的", "飘窗", "更", "注重", "体现", "温馨", ".", ".", "."], ["有人喜欢", "把", "飘窗", "叫做", "“", "凸窗", "”", ",", "因为", "这种", "窗户", "一般", "呈", "矩形", "或", "梯形", "向", "室外", "凸起", "。", "飘窗", "不", "像", "传统", "的", "平", "窗", "只有", "一", "面", "是", "玻璃", ",", "它", "三面", "都", "装", "有", "玻璃", "。", "窗台", "的", "高度", "也", "比较", "低", ",", "低矮", "的", "窗台", "使", "人们", "有", "了", "更", "广阔", "的", "视野", ",", "感觉", "和", "自然", "更贴近", "了", "。", "其实", "低", "窗台", "的", "飘窗", ",", "在", "上海", "是", "有", "历史", "的", ",", "从前", "老上海", "的", "花园", "小", "洋房", "中", "经常", "可以", "见到", "。", "现在", "国内", "许多", "住宅", "也", "采用", "了", "飘窗", "设计", ",", "不仅", "追求", "外表", "美观", ",", "而且", "注重", "实用", "。", "一般来说", "卧室", "配", "有", "飘窗", ",", "不", "但", "可以享受", "充足", "的", "室内", "光", ".", ".", "."], ["建筑学", "相关知识", "教育培训", "教育科学", "教育", "考试"], ["不良", "建筑", "综合征", "半胱氨酸", "结构式"], ["确定", "举报", "此", "问题"], ["报告", ",", "这", "不是", "个", "问题"], ["这", "不是", "个", "问题", "这个问题", "分类", "似乎", "错", "了", "这个", "不是", "我", "熟悉", "的", "地区"]], "title": "请教一下,什么是飘窗凸窗? - 爱问知识人"}, {"bs_rank_pos": 4, "paragraphs": ["房天下 > 北京装修 > 装修流程 > 房屋内凸窗和飘窗的区别是什么,有哪些特点呢?", " 首页 装修流程 建材导购 家居风水", "很多的朋友都想明确的知道凸窗和飘窗有什么样的区别,究竟是哪种窗会影响房屋的价格,今天小编就详细的为大家详细解答下房屋内凸窗和飘窗的区别是什么?而凸窗主要是至的什么呢?", "其实凸窗就是飘窗,只是不同人的叫法不一样罢了,而在房屋的出售中,凸(飘)窗属建筑构件,不计算面积,是不计费用的,那么该窗户具体是有哪些特点呢?", "凸窗在小户型里的作用重要,由于小户型室内空间都相对紧凑,而凸窗则是室内空间的有效延伸,可以承担类似书桌、茶几、躺椅等功能,提高室内空间的使用效率。在调查中也证明,小户型购买客户对凸窗是普遍认同的,对凸窗的进深要求多在1米以上。主要的特点有依稀的几点:", "1、凸窗是室内窗向室外凸起,呈矩形或梯形,扩展视野,使室内更大限度地感受与亲近自然。2、凸窗的窗台较低甚至为落地窗,属于现代简约风格,几何线条修饰、色彩明快跳跃、外立面简洁流畅,以波浪、架廊式挑板或装饰线、带、块等异型屋顶为特征,立面立体层次感较强,合理运用色块色带处理。3、住建部文件规定:净高2.2米以内的凸窗不算面积,也不会算入销售面积,因此业主购买房屋时不需为凸窗面积增加费用,因此普遍受到购买者的喜欢。另因凸窗丰富了建筑立面,凸窗可直可弧,出挑宽度可大可小,在建筑立面产生丰富的阴影变化,体块穿插,虚实对比,因此也是设计师喜欢的设计元素。4、凸窗可以做成娱乐休闲室(如果客厅不大,只要在外飘窗中间摆一个刻有棋盘的小茶几,左右各摆一个软软的团垫,您就可以和朋友一起喝茶、下棋、谈天说地……不但通风采光一流,视野也是一流)、电视新家园(把电视稳稳当当地放在飘窗台上,再把床头斜对或正对着飘窗而放,接下来,不管是档的电影大片,还是午夜场的悲伤韩剧,你都能舒舒服服地“坦然面对”了)、做一套漂亮的柜子(外窗台上靠边三分之一的空间里,魔术般变出一张精巧的梳妆台,收罗全部的美丽武器)。", "以上就是对房屋内凸窗和飘窗的区别的解答,其实两者是一种窗户的两种不同叫法,众多优良的特点得到了广大用户的喜爱。", "看过本文的人还看过", "相关网友问答"], "segmented_title": ["【", "经验", "】", "房屋", "内", "凸窗", "和", "飘窗", "的", "区别", "是", "什么", ",", "有", "哪些", "特点", "呢", "?", "-", "家居", "知识", "-", "房"], "segmented_paragraphs": [["房", "天下", ">", "北京", "装修", ">", "装修", "流程", ">", "房屋", "内", "凸窗", "和", "飘窗", "的", "区别", "是", "什么", ",", "有", "哪些", "特点", "呢", "?"], ["首页", "装修", "流程", "建材", "导购", "家居风水"], ["很多", "的", "朋友", "都", "想", "明确", "的", "知道", "凸窗", "和", "飘窗", "有", "什么", "样", "的", "区别", ",", "究竟", "是", "哪", "种", "窗", "会", "影响", "房屋", "的", "价格", ",", "今天", "小", "编", "就", "详细", "的", "为", "大家", "详细", "解答", "下", "房屋", "内", "凸窗", "和", "飘窗", "的", "区别", "是", "什么", "?", "而", "凸窗", "主要", "是", "至", "的", "什么", "呢", "?"], ["其实", "凸窗", "就是", "飘窗", ",", "只是", "不", "同人", "的", "叫法", "不一样", "罢", "了", ",", "而", "在", "房屋", "的", "出售", "中", ",", "凸", "(", "飘", ")", "窗", "属", "建筑构件", ",", "不", "计算", "面积", ",", "是", "不", "计费用", "的", ",", "那么", "该", "窗户", "具体", "是", "有", "哪些", "特点", "呢", "?"], ["凸窗", "在", "小户型", "里", "的", "作用", "重要", ",", "由于", "小户型", "室内", "空间", "都", "相对", "紧凑", ",", "而", "凸窗", "则", "是", "室内", "空间", "的", "有效", "延伸", ",", "可以", "承担", "类似", "书桌", "、", "茶几", "、", "躺椅", "等", "功能", ",", "提高", "室内", "空间", "的", "使用", "效率", "。", "在", "调查", "中", "也", "证明", ",", "小户型", "购买", "客户", "对", "凸窗", "是", "普遍", "认同", "的", ",", "对", "凸窗", "的", "进深", "要求", "多", "在", "1", "米", "以上", "。", "主要", "的", "特点", "有", "依稀", "的", "几点", ":"], ["1", "、", "凸窗", "是", "室内", "窗", "向", "室外", "凸起", ",", "呈", "矩形", "或", "梯形", ",", "扩展", "视野", ",", "使", "室内", "更大", "限度", "地", "感受", "与", "亲近自然", "。", "2", "、", "凸窗", "的", "窗台", "较", "低", "甚至", "为", "落地窗", ",", "属于", "现代", "简约", "风格", ",", "几何", "线条", "修饰", "、", "色彩", "明", "快", "跳跃", "、", "外立面", "简洁流畅", ",", "以", "波浪", "、", "架", "廊", "式", "挑", "板", "或", "装饰", "线", "、", "带", "、", "块", "等", "异型", "屋顶", "为", "特征", ",", "立面", "立体", "层次感", "较", "强", ",", "合理", "运用", "色块", "色带", "处理", "。", "3", "、", "住建部", "文件", "规定", ":", "净高", "2", ".", "2", "米", "以内", "的", "凸窗", "不", "算", "面积", ",", "也", "不会", "算", "入", "销售", "面积", ",", "因此", "业主", "购买", "房屋", "时", "不需", "为", "凸窗", "面积", "增加", "费用", ",", "因此", "普遍", "受到", "购买", "者", "的", "喜欢", "。", "另", "因", "凸窗", "丰富", "了", "建筑", "立面", ",", "凸窗", "可", "直", "可", "弧", ",", "出", "挑", "宽度", "可大可小", ",", "在", "建筑", "立面", "产生", "丰富", "的", "阴影", "变化", ",", "体", "块", "穿插", ",", "虚实", "对比", ",", "因此", "也是", "设计师", "喜欢", "的", "设计", "元素", "。", "4", "、", "凸窗", "可以", "做成", "娱乐休闲", "室", "(", "如果", "客厅", "不大", ",", "只要", "在", "外", "飘窗", "中间", "摆", "一", "个", "刻", "有", "棋盘", "的", "小", "茶几", ",", "左右", "各", "摆", "一", "个", "软", "软", "的", "团", "垫", ",", "您", "就", "可以", "和", "朋友", "一起", "喝茶", "、", "下棋", "、", "谈天说地", "…", "…", "不", "但", "通风", "采光", "一", "流", ",", "视野", "也是", "一", "流", ")", "、", "电视新家园", "(", "把", "电视", "稳稳", "当当", "地", "放在", "飘窗", "台", "上", ",", "再", "把", "床头", "斜", "对", "或", "正", "对着", "飘窗", "而", "放", ",", "接下来", ",", "不管", "是", "档", "的", "电影", "大片", ",", "还是", "午夜场", "的", "悲伤", "韩剧", ",", "你", "都", "能", "舒", "舒服", "服", "地", "“", "坦然面对", "”", "了", ")", "、", "做", "一", "套", "漂亮", "的", "柜子", "(", "外", "窗台", "上", "靠边", "三分之一", "的", "空间", "里", ",", "魔术", "般", "变", "出", "一", "张", "精巧", "的", "梳妆台", ",", "收", "罗", "全部", "的", "美丽", "武器", ")", "。"], ["以上", "就是", "对", "房屋", "内", "凸窗", "和", "飘窗", "的", "区别", "的", "解答", ",", "其实", "两者", "是", "一", "种", "窗户", "的", "两种", "不同", "叫法", ",", "众多", "优良", "的", "特点", "得到", "了", "广大", "用户", "的", "喜爱", "。"], ["看", "过", "本", "文", "的", "人", "还", "看", "过"], ["相关", "网友", "问答"]], "title": "【经验】房屋内凸窗和飘窗的区别是什么,有哪些特点呢?-家居知识-房"}, {"bs_rank_pos": 6, "paragraphs": ["一份图纸里门窗表里给的是凸窗,这个怎么画。我用飘窗画出来窗子的两边都是墙而不是玻璃窗。 ", "被提问者采纳", " 凸窗就是飘窗,一回事。 ", " 飘窗两侧是墙还是玻璃窗,是可以自己设置的。 ", " 你在参数图中看呀。 ", " 举报 答得好0 2016-09-02 15:39:15 ", " 答:凸窗也就是飘窗,只不过叫法不一样。 ", " 举报 答得好0 2016-09-02 15:43:14 ", " 凸窗就是飘窗,将墙处设置为帶形窗。 ", " 举报 答得好0 2016-09-02 15:58:55 ", " 公告:此平台禁止发布任何违法和广告信息,违者承担相应法律责任。 "], "segmented_title": ["凸窗", "和", "飘窗", "有何区别", "_", "广联达", "服务", "新干线"], "segmented_paragraphs": [["一", "份", "图纸", "里", "门窗", "表", "里", "给", "的", "是", "凸窗", ",", "这个", "怎么", "画", "。", "我", "用", "飘窗", "画", "出来", "窗子", "的", "两边", "都是", "墙", "而", "不是", "玻璃窗", "。"], ["被", "提问", "者", "采纳"], ["凸窗", "就是", "飘窗", ",", "一回事", "。"], ["飘窗", "两侧", "是", "墙", "还是", "玻璃窗", ",", "是", "可以", "自己", "设置", "的", "。"], ["你", "在", "参数", "图", "中", "看", "呀", "。"], ["举报", "答", "得", "好", "0", "2016", "-", "09", "-", "02", "15", ":", "39", ":", "15"], ["答", ":", "凸窗", "也", "就是", "飘窗", ",", "只不过", "叫法", "不一样", "。"], ["举报", "答", "得", "好", "0", "2016", "-", "09", "-", "02", "15", ":", "43", ":", "14"], ["凸窗", "就是", "飘窗", ",", "将", "墙", "处", "设置", "为", "帶形窗", "。"], ["举报", "答", "得", "好", "0", "2016", "-", "09", "-", "02", "15", ":", "58", ":", "55"], ["公告", ":", "此", "平台", "禁止", "发布", "任何", "违法", "和", "广告", "信息", ",", "违者", "承担", "相应", "法律责任", "。"]], "title": "凸窗和飘窗有何区别_广联达服务新干线"}], "question": "凸窗和飘窗的区别", "segmented_question": ["凸窗", "和", "飘窗", "的", "区别"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221669}
-{"documents": [{"bs_rank_pos": 1, "paragraphs": [" 扫描二维码下载", " 支持Android / iPhone / iPad", " 贡献者等级:初试锋芒 二级", "如要投诉违规内容,请到百度文库投诉中心;如要提出功能问题或意见建议,请点击此处进行反馈。", " 分享到: ", " 使用一键分享,轻松赚取财富值, 了解详情 ", " 嵌入播放器: 普通尺寸(450*500pix) 较大尺寸(630*500pix) 预览复制", " 大小:28.50KB 所需财富值:0", " 登录百度文库,专享文档复制特权,财富值每天免费拿!现在就登录>> "], "segmented_title": ["1", ".", "1", ".", "如何", "制定", "人生", "目标", "和", "实现", "目标", "_", "免费下载", "_", "百度", "文库"], "segmented_paragraphs": [["扫描", "二维码", "下载"], ["支持", "Android", "/", "iPhone", "/", "iPad"], ["贡献", "者", "等级", ":", "初试锋芒", "二级"], ["如", "要", "投诉", "违规", "内容", ",", "请到", "百度", "文库", "投诉中心", ";", "如", "要", "提出", "功能", "问题", "或", "意见建议", ",", "请", "点击", "此处", "进行", "反馈", "。"], ["分享", "到", ":"], ["使用", "一键", "分享", ",", "轻松", "赚取", "财富值", ",", "了解详情"], ["嵌入", "播放器", ":", "普通", "尺寸", "(", "450", "*", "500", "pix", ")", "较", "大", "尺寸", "(", "630", "*", "500", "pix", ")", "预览", "复制"], ["大小", ":", "28", ".", "50KB", "所需", "财富值", ":", "0"], ["登录", "百度", "文库", ",", "专享", "文档", "复制", "特权", ",", "财富值", "每天", "免费", "拿", "!", "现在", "就", "登录", ">", ">"]], "title": "1.1.如何制定人生目标和实现目标_免费下载_百度文库"}, {"bs_rank_pos": 2, "paragraphs": [" 百度经验 > 生活/家居 > 生活常识", "百度经验:jingyan.baidu.com", " 制定并实现目标是非常美好的事。就像运动员赛跑后感到十分愉悦,实现目标也会给人带来满足和自豪感。本文会探讨关于制定和实现目标的多种方法。目标不会自动实现,所以需要你付出努力、采取策略。从现在开始,持之以恒,实现你的目标吧!", "百度经验:jingyan.baidu.com", " 1 明白你真正想要什么。为了自己设定目标,不要太在意别人的期待。研究表明,只有设定对你自己来说有意义的目标,才会更可能实现。 1、想清楚你想要什么通常是最难的一步。你想要什么?答案会包括内部和外部的诸多因素。“保持本色”有时候会和家庭、工作责任相冲突。你所制定的目标应该能促使你的生活达到某种平衡,既能让你个人开心,也能对亲人爱人有益。 2、问自己一些问题,如“我想要给家庭/社会/世界带来什么?”或“我想要在哪些方面获得提高?”这些问题能帮助你定位。 3、如果目前你的目标还不够具体,没关系,接下来你可以进一步细化。 步骤阅读 2 排先后顺序。想好一系列你想做的事情之后,你需要排出优先顺序。每次专注于一个目标。如果一次性顾虑多个目标,那是不切实际的。 1、把目标分为三类:第一层次、第二层次、第三层次。第一层次的目标是对你来说最为重要的目标,是你自然而然想要实现的事情。第二和第三层次目标的重要性次于第一层次,它们可能更为具体和局限。 2、例如,第一层次的目标也许包括“改善健康,多陪伴家人。”第二层次目标也许包括“保持房间整洁,学会冲浪。”第三层次目标也许有“学会编织,多做家务。” 步骤阅读", "百度经验:jingyan.baidu.com", " 1 今天就开始向目标奋进。最难的往往是迈出第一步。就算你没想好具体的步骤,也要立刻开始努力。做一些向目标靠近的事情。然后你会知道自己已经踏上成功之旅。每一点进步都会激励你更靠近目标。 1、例,你的目标是“健康饮食”,你可以马上去食品店购买蔬菜水果。清理家中的垃圾食品。用网络搜索健康食谱。这些小事很容易操作,积少成多。 2、如果你想要学会一种新技能,现在开始就要开始联系。如果你想成为优秀的乐手,就拿起吉他练习基础的和弦。阅读新手入门书籍。不管目标是什么,都可以现在开始努力。 步骤阅读 2 遵照计划。如果你按照上文所说的步骤来做,你应该已经设想好实现目标的步骤。现在是付诸实践的时候了。 例,你的目标是买三室一厅,那么你可以去房地产网站看看符合你条件的户型。算算首付。开始为首付存钱。开始按规定还贷以提高信用。 步骤阅读", "百度经验:jingyan.baidu.com", " 1 了解“虚假希望症”。如果你曾经设定过新年目标,对此可能不再陌生。心理学家把这种症状分为三部分:设定目标;遇到困难;放弃目标。 1、虚假希望症一般在你期待即刻回报时发生。如,你希望塑造体型,当运动了两周后还没看到显著变化,你就开始沮丧。设定清楚的阶段目标和时间框架能让你避免不实际的预期。 2、这种症状还会在热情消退时出现。例,你买了吉他学了一些和弦,一开始你对学吉他极度热忱。然而,当你需要天天练习,练出老茧,遇到更难学的和弦。你开始丧失斗志。分解目标和庆祝阶段性进步能帮你维持热情。 步骤阅读", " 经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", " 怎样哄婴儿入睡? 如何在别人打鼾时安然入睡? 如何面对配偶离世后的生活? 如何预防普通感冒? 如何刺破水泡?"], "segmented_title": ["如何", "制定", "并", "实现", "目标", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "生活", "/", "家居", ">", "生活常识"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["制定", "并", "实现", "目标", "是", "非常", "美好的事", "。", "就像", "运动员", "赛跑", "后", "感到", "十分", "愉悦", ",", "实现", "目标", "也", "会", "给", "人", "带来", "满足", "和", "自豪感", "。", "本", "文", "会", "探讨", "关于", "制定", "和", "实现", "目标", "的", "多种方法", "。", "目标", "不会", "自动", "实现", ",", "所以", "需要你", "付出", "努力", "、", "采取", "策略", "。", "从现在开始", ",", "持之以恒", ",", "实现", "你", "的", "目标", "吧", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "明白", "你", "真正", "想要", "什么", "。", "为了", "自己", "设定", "目标", ",", "不要", "太", "在意", "别人", "的", "期待", "。", "研究表明", ",", "只有", "设定", "对", "你", "自己", "来", "说", "有", "意义", "的", "目标", ",", "才会", "更", "可能", "实现", "。", "1", "、", "想清楚", "你想要什么", "通常", "是", "最", "难", "的", "一", "步", "。", "你想要什么", "?", "答案", "会", "包括", "内部", "和", "外部", "的", "诸多", "因素", "。", "“", "保持", "本色", "”", "有时候", "会", "和", "家庭", "、", "工作", "责任", "相", "冲突", "。", "你", "所", "制定", "的", "目标", "应该", "能", "促使", "你的生活", "达到", "某种", "平衡", ",", "既", "能", "让", "你", "个人", "开心", ",", "也", "能", "对", "亲人爱人", "有益", "。", "2", "、", "问自己", "一些问题", ",", "如", "“", "我想要", "给", "家庭", "/", "社会", "/", "世界", "带来", "什么", "?", "”", "或", "“", "我想要", "在", "哪些", "方面", "获得", "提高", "?", "”", "这些", "问题", "能", "帮助", "你", "定位", "。", "3", "、", "如果", "目前", "你", "的", "目标", "还", "不够", "具体", ",", "没关系", ",", "接下来", "你", "可以", "进一步", "细化", "。", "步骤", "阅读", "2", "排", "先后", "顺序", "。", "想", "好", "一系列", "你", "想", "做", "的", "事情", "之后", ",", "你", "需要", "排出", "优先", "顺序", "。", "每次", "专注", "于", "一", "个", "目标", "。", "如果", "一", "次性", "顾虑", "多", "个", "目标", ",", "那", "是", "不切实际", "的", "。", "1", "、", "把", "目标", "分为", "三类", ":", "第", "一", "层次", "、", "第", "二", "层次", "、", "第", "三", "层次", "。", "第", "一", "层次", "的", "目标", "是", "对", "你", "来", "说", "最为", "重要", "的", "目标", ",", "是", "你", "自然而然", "想要", "实现", "的", "事情", "。", "第", "二", "和", "第", "三", "层次", "目标", "的", "重要性", "次", "于", "第", "一", "层次", ",", "它们", "可能", "更为", "具体", "和", "局限", "。", "2", "、", "例如", ",", "第", "一", "层次", "的", "目标", "也许", "包括", "“", "改善", "健康", ",", "多", "陪伴", "家人", "。", "”", "第", "二", "层次", "目标", "也许", "包括", "“", "保持", "房间", "整洁", ",", "学会", "冲浪", "。", "”", "第", "三", "层次", "目标", "也许", "有", "“", "学会", "编织", ",", "多", "做家务", "。", "”", "步骤", "阅读"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "今天", "就", "开始", "向", "目标", "奋进", "。", "最", "难", "的", "往往", "是", "迈出第一步", "。", "就算", "你", "没", "想", "好", "具体", "的", "步骤", ",", "也", "要", "立刻", "开始", "努力", "。", "做", "一些", "向", "目标", "靠近", "的", "事情", "。", "然后", "你", "会", "知道", "自己", "已经", "踏上", "成功", "之", "旅", "。", "每", "一点", "进步", "都会", "激励", "你", "更", "靠近", "目标", "。", "1", "、", "例", ",", "你", "的", "目标", "是", "“", "健康饮食", "”", ",", "你", "可以", "马上", "去", "食品店", "购买", "蔬菜水果", "。", "清理", "家中", "的", "垃圾", "食品", "。", "用", "网络", "搜索", "健康食谱", "。", "这些", "小事", "很容易", "操作", ",", "积少成多", "。", "2", "、", "如果", "你", "想要", "学会", "一", "种", "新", "技能", ",", "现在开始", "就要", "开始", "联系", "。", "如果", "你", "想", "成为", "优秀", "的", "乐", "手", ",", "就", "拿起", "吉他", "练习", "基础", "的", "和弦", "。", "阅读", "新手入门", "书籍", "。", "不管", "目标", "是", "什么", ",", "都", "可以", "现在", "开始", "努力", "。", "步骤", "阅读", "2", "遵照计划", "。", "如果", "你", "按照", "上", "文", "所说", "的", "步骤", "来", "做", ",", "你", "应该", "已经", "设想", "好", "实现", "目标", "的", "步骤", "。", "现在", "是", "付诸", "实践", "的", "时候", "了", "。", "例", ",", "你", "的", "目标", "是", "买", "三室一厅", ",", "那么", "你", "可以", "去", "房地产", "网站", "看看", "符合", "你", "条件", "的", "户型", "。", "算", "算", "首付", "。", "开始", "为", "首付", "存钱", "。", "开始", "按", "规定", "还贷", "以", "提高", "信用", "。", "步骤", "阅读"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "了解", "“", "虚假", "希望", "症", "”", "。", "如果", "你", "曾经", "设定", "过新年", "目标", ",", "对此", "可能", "不再", "陌生", "。", "心理学家", "把", "这种", "症状", "分为", "三", "部分", ":", "设定", "目标", ";", "遇到困难", ";", "放弃", "目标", "。", "1", "、", "虚假", "希望", "症", "一般", "在", "你", "期待", "即刻", "回报", "时", "发生", "。", "如", ",", "你", "希望", "塑造", "体型", ",", "当", "运动", "了", "两周后", "还", "没", "看到", "显著变化", ",", "你", "就", "开始", "沮丧", "。", "设定", "清楚", "的", "阶段", "目标", "和", "时间", "框架", "能", "让", "你", "避免", "不", "实际", "的", "预期", "。", "2", "、", "这种", "症状", "还会", "在", "热情", "消退", "时", "出现", "。", "例", ",", "你", "买", "了", "吉他", "学", "了", "一些", "和弦", ",", "一开始", "你", "对", "学", "吉他", "极度", "热忱", "。", "然而", ",", "当你", "需要", "天天", "练习", ",", "练", "出", "老茧", ",", "遇到", "更", "难", "学", "的", "和弦", "。", "你", "开始", "丧失", "斗志", "。", "分解", "目标", "和", "庆祝", "阶段性", "进步", "能", "帮", "你", "维持", "热情", "。", "步骤", "阅读"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["怎样", "哄", "婴儿", "入睡", "?", "如何", "在", "别人", "打鼾", "时", "安然", "入睡", "?", "如何面对", "配偶", "离世", "后", "的", "生活", "?", "如何", "预防", "普通", "感冒", "?", "如何", "刺破", "水泡", "?"]], "title": "如何制定并实现目标_百度经验"}, {"bs_rank_pos": 3, "paragraphs": [" 如何制定经营目标[1]。部门目标"], "segmented_title": ["如何", "制定", "经营目标", "[", "1", "]", "_", "百度", "文库"], "segmented_paragraphs": [["如何", "制定", "经营目标", "[", "1", "]", "。", "部门", "目标"]], "title": "如何制定经营目标[1]_百度文库"}, {"bs_rank_pos": 5, "paragraphs": ["1-1、明确目标,制定计划_商业计划_计划/解决方案_实用文档。关于目标和计划的制定和解读的PPT ", "在本节你将了解: 1、明确的目标包含哪些要素。 2、如何明确目标。 3、如何让计划更可行。 ", "(按钮)跳转下一页 一清早,你就听到老大在宿舍里喊: 哥要当学 霸!!! ", "(很有气势地喊的样子,配 合对白出现老大喊的内容。 文本尽量夺人眼球。) ", "请对比以下几个目标那个目标更明确呢?", "(单选) A、哥要当学霸。 B、哥要成为英语学霸。 C、哥的英语要成为全班第一。 D、这学期末,哥的英语成绩要成为全班第一。 ", "明确的目标要包含三个要素 ? ", "这学期末,哥要提升英语成绩到全班第一。 ", "完成时间 主体 程度 主体 我们需要做什么事情 目标 程度 我们需要把主体做到怎样的一个效果或者程度 完成时间 在什么时间内完成 (箭头 后边的内容由左边向右出现) ? ", "主体、程度、完成时间都不明确 哥计划背2万个单词。 ", "没有充分考虑步骤、细节、机动时间 "], "segmented_title": ["1", "-", "1", "、", "明确目标", ",", "制定", "计划", "_", "图文", "_", "百度", "文库"], "segmented_paragraphs": [["1", "-", "1", "、", "明确目标", ",", "制定", "计划", "_", "商业计划", "_", "计划", "/", "解决方案", "_", "实用", "文档", "。", "关于", "目标", "和", "计划", "的", "制定", "和", "解读", "的", "PPT"], ["在", "本节", "你", "将", "了解", ":", "1", "、", "明确", "的", "目标", "包含", "哪些", "要素", "。", "2", "、", "如何", "明确目标", "。", "3", "、", "如何", "让", "计划", "更", "可行", "。"], ["(", "按钮", ")", "跳转", "下一页", "一", "清早", ",", "你", "就", "听到", "老大", "在", "宿舍", "里", "喊", ":", "哥", "要", "当", "学", "霸", "!", "!", "!"], ["(", "很", "有气势", "地", "喊", "的", "样子", ",", "配", "合", "对白", "出现", "老大", "喊", "的", "内容", "。", "文本", "尽量", "夺", "人", "眼球", "。", ")"], ["请", "对比", "以下", "几个", "目标", "那个", "目标", "更", "明确", "呢", "?"], ["(", "单选", ")", "A", "、", "哥", "要", "当", "学霸", "。", "B", "、", "哥", "要", "成为", "英语", "学霸", "。", "C", "、", "哥", "的", "英语", "要", "成为", "全", "班", "第", "一", "。", "D", "、", "这", "学期", "末", ",", "哥", "的", "英语", "成绩", "要", "成为", "全", "班", "第", "一", "。"], ["明确", "的", "目标", "要", "包含", "三", "个", "要素", "?"], ["这", "学期", "末", ",", "哥", "要", "提升", "英语", "成绩", "到", "全", "班", "第", "一", "。"], ["完成", "时间", "主体", "程度", "主体", "我们", "需要", "做什么", "事情", "目标", "程度", "我们", "需要", "把", "主体", "做到", "怎样", "的", "一", "个", "效果", "或者", "程度", "完成", "时间", "在", "什么", "时间", "内", "完成", "(", "箭头", "后边", "的", "内容", "由", "左边", "向右", "出现", ")", "?"], ["主体", "、", "程度", "、", "完成", "时间", "都", "不", "明确", "哥", "计划", "背", "2", "万", "个", "单词", "。"], ["没有", "充分考虑", "步骤", "、", "细节", "、", "机动", "时间"]], "title": "1-1、明确目标,制定计划_图文_百度文库"}, {"bs_rank_pos": 6, "paragraphs": ["要切合实际。做的详细些,比如一天之中几点几点该干什么的。 还有就是从大往小制定。 最先确定大计划。然后月计划,星期计划。天计划。 找个本记着。 要根据自己能力制定。不能太高或太低。"], "segmented_title": ["一个人", "怎样", "制定", "个人", "目标", "?", "_", "百度", "知道"], "segmented_paragraphs": [["要", "切合实际", "。", "做", "的", "详细", "些", ",", "比如", "一天", "之", "中", "几点", "几点", "该", "干什么", "的", "。", "还有", "就是", "从", "大", "往", "小", "制定", "。", "最先", "确定", "大", "计划", "。", "然后", "月", "计划", ",", "星期", "计划", "。", "天", "计划", "。", "找", "个", "本", "记着", "。", "要", "根据", "自己", "能力", "制定", "。", "不能", "太", "高", "或", "太", "低", "。"]], "title": "一个人怎样制定个人目标?_百度知道"}], "question": "如何制定目标", "segmented_question": ["如何", "制定", "目标"], "question_type": "DESCRIPTION", "fact_or_opinion": "OPINION", "question_id": 221670}
-{"documents": [{"title": "扑朔迷离是什么意思_百度知道", "segmented_title": ["扑朔迷离", "是什么", "意思", "_", "百度", "知道"], "segmented_paragraphs": [["出自", "宋代", "郭茂倩", ":", "《", "乐府诗集", "·", "横吹曲", "辞", "五", "·", "木兰诗", "》", ":", "“", "雄", "兔", "脚", "扑", "朔", ";", "雌", "兔", "眼", "迷离", ";", "双兔傍地走", ";", "安能", "辨", "我", "是", "雄雌", "?", "”", "扑", "朔", ":", "跳跃", "的", "样子", ";", "迷离", ":", "不明", "的", "样子", "。", "原", "指", "难", "辨", "雌雄", "的", "兔子", ",", "比喻", "辨认", "不", "清", "是", "男", "是", "女", "。", "后来", "形容", "事情", "错综复杂", ",", "不容易", "看清", "真相", "。", "这", "则", "成语故事", "形容", "兔子", "被提起", "双耳", "悬空", "时", ",", "雄", "兔", "四脚", "乱动", ",", "雌", "兔", "双眼", "半", "闭", "的", "情形", "。", "扑朔迷离", "的", "意思", "本来", "只是", "难", "辨", "真伪", ",", "后", "渐渐", "演变", "为", "对", "复杂", "的", "情况", "无", "从", "判断", ",", "难", "于", "了解", "底细", "。", "可", "用于", "表示", "对", "某", "件", "事", "或", "某", "个人", "的", "不可", "了解", "或", "难", "于", "了解", "。"], ["【", "解释", "】", ":", "指", "难", "辨", "兔", "的", "雌雄", "。", "形容", "事情", "错综复杂", ",", "难以", "辨别", "清楚", "。"], ["扑", "朔", ":", "跳跃", "的", "样子", ";", "迷离", ":", "不明", "的", "样子", "。", "原", "指", "难", "辨", "雌雄", "的", "兔子", ",", "比喻", "辨认", "不", "清", "是", "男", "是", "女", "。", "后来", "形容", "事情", "错综复杂", ",", "不容易", "看清", "真相", "。"], ["形容", "事情", "错综复杂", ",", "难以", "辨别", "清楚"]], "paragraphs": ["出自宋代 郭茂倩:《乐府诗集·横吹曲辞五·木兰诗》:“雄兔脚扑朔;雌兔眼迷离;双兔傍地走;安能辨我是雄雌?” 扑朔:跳跃的样子;迷离:不明的样子。原指难辨雌雄的兔子,比喻辨认不清是男是女。后来形容事情错综复杂,不容易看清真相。 这则成语故事形容兔子被提起双耳悬空时,雄兔四脚乱动,雌兔双眼半闭的情形。扑朔迷离的意思本来只是难辨真伪,后渐渐演变为对复杂的情况无从判断,难于了解底细。可用于表示对某件事或某个人的不可了解或难于了解。", "【解释】:指难辨兔的雌雄。形容事情错综复杂,难以辨别清楚。", "扑朔:跳跃的样子;迷离:不明的样子。原指难辨雌雄的兔子,比喻辨认不 清是男是女。后来形容事情错综复杂,不容易看清真相。", "形容事情错综复杂,难以辨别清楚"], "bs_rank_pos": 0}, {"title": "扑朔迷离(汉语成语)_百度百科", "segmented_title": ["扑朔迷离", "(", "汉语", "成语", ")", "_", "百度百科"], "segmented_paragraphs": [["[", "pū", "shuò", "mí", "lí", "]", "扑朔迷离", "(", "汉语", "成语", ")", "编辑", "锁定"], ["扑", "朔", ":", "扑腾", "的", "意思", ";", "原意", "指", "把", "兔子耳朵", "提起", ",", "雄", "兔", "扑腾", ",", "雌", "兔", "眯眼", ",", "可是", "在", "地上", "跑", "的", "时候", "就", "雌雄", "难", "辨", "了", "。"], ["后来", "形容", "事物", "错综复杂", ",", "不容易", "看清", "真相", "。", "《", "木兰诗", "》", ":", "“", "雄", "兔", "脚", "扑", "朔", ",", "雌", "兔", "眼", "迷离", ";", "双兔傍地走", ",", "安能", "辨", "我", "是", "雄雌", "?", "”"], ["中文名", "扑朔迷离", "解释", "形容", "事物", "错综复杂", "不容易", "看清", "真相"], ["【", "近", "义", "】", ":", "眼花缭乱", "、", "千头万绪", "【", "反", "义", "】", ":", "一清二楚", "、", "一目了然"], ["1", "基本", "释义", "2", "成语", "辨析", "3", "成语故事", "4", "成语", "示例"], ["【", "释义", "】", "扑", "朔", ":", "扑腾", "的", "意思", ";", "原意", "指", "把", "兔子耳朵", "提起", ",", "雄", "兔", "扑腾", ",", "雌", "兔", "眯眼", ",", "可是", "在", "地上", "跑", "的", "时候", "就", "雌雄", "难", "辨", "了", "。", "后来", "形容", "事物", "错综复杂", ",", "不容易", "看清", "真相", "。"], ["【", "反", "义", "】", "一清二楚", "、", "一目了然", "、", "显而易见", "、", "不言而喻", "。"], ["【", "用法", "】", "现", "多", "用来", "形容", "事情", "杂乱", ";", "一般", "作", "谓语", "、", "定语", "。"], ["【", "出处", "】", "①", "清", "梁", "绍", "壬", "《", "两", "般", "秋雨", "盦", "随笔", "·", "无题诗", "》", ":", "“", "钩", "輈", "格", "磔", "浑", "难", "语", ",", "扑朔迷离", "两", "不", "真", "。", "”", "②", "端木蕻良", "《", "曹雪芹", "》", "第二三章", ":", "“", "只见", "他们", "一", "色", "戎装", ",", "红缨", "银枪", "相映生辉", ",", "踩着", "鼓点", ",", "操练", "起来", ",", "由", "慢", "而", "快", ",", "扑朔迷离", ",", "看", "得", "人", "眼花缭乱", "。", "”", "③", "王蒙", "《", "歌神", "》", ":", "“", "这些", "传说", "尽管", "扑朔迷离", ",", "却", "唤起", "了", "我", "的", "希望", "。", "”", "④", "李", "二", "和", "《", "远行", "》", ":", "“", "远行", "人", "孤独", "的", "坐", "在码头", "上", ",", "遥望", "着", "烟霞", "迷", "漫", "的", "远山", "和", "扑朔迷离", "的", "河", "面", "与", "神秘", "的", "星夜", "出", "神", "。", "酒鬼", "上", "来", ",", "他", "腰", "挂", "盛", "酒", "的", "葫芦", "。", "”"], ["⑤", "北朝民歌", "《", "木兰辞", "》", "(", "又", "名", "木兰诗", "或", "木兰歌", ")", ":", "“", "雄", "兔", "脚", "扑", "朔", ",", "雌", "兔", "眼", "迷离", ";", "双兔傍", "(", "bàng", ")", "地", "走", ",", "安能", "辨", "我", "是", "雄雌", "?", "”"], ["【", "例句", "】", "①", "侦探", "小说", "中", "扑朔迷离", "的", "情节", "让", "我", "一头雾水", ",", "完全", "忘记", "了", "如何", "思考", "。", "②", "这件事", "真", "是", "扑朔迷离", "。"], ["【", "启示", "】", "扑朔迷离", "的", "意思", "本来", "只是", "难", "辨", "真伪", ",", "后", "渐渐", "演变", "为", "对", "复杂", "的", "情况", "无", "从", "判断", ",", "难", "于", "了解", "底细", "。", "可", "用于", "表示", "对", "某", "件", "事", "或", "某", "个人", "的", "不可", "了解", "或", "难", "于", "了解", "。"], ["【", "特别注意", "】", "关于", "“", "雄", "兔", "脚", "扑", "朔", ",", "雌", "兔", "眼", "迷离", "”", "的", "理解", "存在", "两种", "误区", "。"], ["一", "说", "这", "是", "互文", "手法", ",", "说", "雄", "兔", "和", "雌", "兔", "都是", "脚", "扑", "朔", "、", "眼", "迷离", "。", "其实", "不是", ",", "原文", "意思", "是", ":", "脚", "扑", "朔", "是", "雄", "兔", "的", "特征", ",", "眼", "迷离", "是", "雌", "兔", "的", "特征", ",", "当", "双", "兔", "在", "地上", "跑", "时", ",", "特征", "不", "明显", ",", "且", "人们", "看不清", ",", "所以", "难以", "分辨", "。", "说明", "的", "是", "跑动", "时", "难", "辨", "雌雄", ",", "若是", "互文", "的", "话", ",", "在", "静止", "时", "也是", "难", "辨", "雌雄", "的", "了", ",", "与", "本来", "意思", "也", "不同", "。", "部分", "教材", "存在", "错误", ",", "但", "大家", "应该", "用", "正确", "的", "说法", "。"], ["另", "一", "说", "是", "兔子", "被提起", "双耳", "悬空", "时", ",", "雄", "兔", "前", "脚", "不断", "动弹", ",", "雌", "兔", "双眼", "眯", "着", "—", "—", "这种说法", "实在", "荒唐", "—", "—", "当", "兔子", "被提起", "双耳", "悬空", "时", ",", "只有", "雄", "兔子", "知道", "痛", ",", "雌", "兔子", "就", "不知道", "痛", "?", "事实上", ",", "不", "论", "什么", "兔子", "(", "只要", "不是", "死", "兔子", "和", "病危", "的", ")", ",", "只要", "被", "提起", "双", "耳", "悬空", ",", "都会", "睁大眼睛", ",", "拼命", "挣扎", ",", "连", "“", "扑", "朔", "”", "也", "不会", "了", "(", "扑", "朔", "是", "爬", "搔", "的", "意思", ")", ",", "更别说", "眼", "迷离", "了", "。"], ["对于", "该", "句子", ",", "正确", "的", "解释", "应", "作", ":", "脚", "扑", "朔", "是", "一", "种", "动作", ",", "表现", "的", "是", "雄", "兔子", "好动", "的", "一", "面", ";", "眼", "迷离", "是", "一", "种", "神态", ",", "表现", "得", "是", "雌", "兔子", "好", "静", "的", "一", "面", "。", "然而", ",", "当", "雌雄", "两只", "兔子", "同时", "在", "地上", "跑", "的", "时候", ",", "雌", "兔子", "好", "静", "的", "特征", "就", "变得", "不", "明显", "了", ",", "因而", "难以分辨", "雄雌", "。", "在", "《", "木兰辞", "》", "中", ",", "有", "“", "脱", "我", "战", "时", "袍", ",", "著", "我", "旧", "时", "裳", "。", "当", "窗", "理", "云鬓", ",", "对", "镜", "帖", "花", "黄", "”", "等一系列", "描写", ",", "表现", "木兰", "作为", "一", "个", "女孩子", "的", "特征", "重新", "显露", "出来", "之后", ",", "再", "出门", "见", "伙伴", ",", "伙伴", "才", "发现", "木兰", "是", "一", "“", "女子", "”", "。", "而", "木兰", "的", "战友", "之所以", "“", "同行", "十二", "年", ",", "不知", "木兰", "是", "女郎", "”", "就是", "因为", "木兰", "将", "自己", "作为", "女孩子", "的", "特征", "掩盖", ",", "并且", "和", "男人", "一起", "行军", "打仗", "(", "即", "双兔傍地走", ")", "。"], ["【", "辨", "形", "】", "扑", ":", "不能", "写作", "“", "仆", "”", "。", "朔", "(", "shuò", ")", ":", "不能", "写", "读", "作", "“", "sù", "”", "。"], ["【", "辨义", "】", "“", "扑朔迷离", "”", "和", "“", "眼花缭乱", "”", "都", "有", "“", "不容易", "看清楚", "”", "的", "意思", "。", "但", "“", "扑朔迷离", "”", "偏重", "指", "客观", "事情", "错综复杂", ";", "“", "眼花缭乱", "”", "偏重", "指", "主观", "感受", "十分", "复杂", ",", "一", "时", "分辨", "不", "清", "。"], ["唧唧复唧唧", ",", "木兰", "当", "户", "织", "。", "不闻", "机杼", "声", ",", "惟", "闻", "女", "叹息", "。"], ["问", "女", "何", "所", "思", ",", "问", "女", "何", "所", "忆", "。", "女", "亦", "无所", "思", ",", "女", "亦", "无所", "忆", "。", "昨夜", "见", "军帖", ",", "可汗", "大点兵", "。", "军", "书", "十二卷", ",", "卷", "卷", "有", "爷", "名", "。", "阿爷", "无", "大", "儿", ",", "木兰", "无", "长兄", "。", "愿", "为", "市", "鞍马", ",", "从此", "替", "爷", "征", "。"], ["东", "市", "买", "骏马", ",", "西", "市", "买", "鞍鞯", ",", "南", "市", "买", "辔头", ",", "北", "市", "买", "长鞭", "。", "旦", "辞", "爷", "娘", "去", ",", "暮", "宿", "黄河", "边", "。", "不闻", "爷", "娘", "唤", "女声", ",", "但", "闻", "黄河", "流水", "鸣", "溅", "溅", "。", "旦", "辞", "黄河", "去", ",", "暮", "至", "黑山", "头", "。", "不闻", "爷", "娘", "唤", "女声", ",", "但", "闻", "燕山", "胡", "骑", "鸣", "啾啾", "。"], ["万里赴戎机", ",", "关山度若飞", "。", "朔气传金柝", ",", "寒光照铁衣", "。", "将军", "百", "战", "死", ",", "壮士", "十年归", "。"], ["归来", "见", "天子", ",", "天子", "坐", "明堂", "。", "策勋", "十二", "转", ",", "赏赐", "百", "千", "强", "。", "可汗", "问", "所", "欲", ",", "木兰", "不用", "尚书", "郎", ",", "愿", "驰", "千里", "足", ",", "送", "儿", "还", "故乡", "。"], ["爷", "娘", "闻", "女", "来", ",", "出", "郭", "相", "扶", "将", ";", "阿姊", "闻妹来", ",", "当", "户", "理", "红妆", ";", "小弟", "闻", "姊", "来", ",", "磨刀霍霍", "向", "猪", "羊", "。", "开我东阁门", ",", "坐我西阁床", ";", "脱", "我", "战", "时", "袍", ",", "著", "我", "旧", "时", "裳", ";", "当", "窗", "理", "云鬓", ",", "对", "镜", "帖", "花", "黄", "。", "出门", "看", "火", "伴", ",", "火", "伴", "皆", "惊", "忙", ":", "同行", "十二", "年", ",", "不知", "木兰", "是", "女郎", "。"], ["雄", "兔", "脚", "扑", "朔", ",", "雌", "兔", "眼", "迷离", ";", "双兔傍地走", ",", "安能", "辨", "我", "是", "雄雌", "?"], ["机杼", "声", "一声", "连着", "一声", ",", "木兰", "正", "对着", "门", "织布", "。", "突然", "听不到", "了", "织布机", "的", "声音", ",", "只", "听见", "木兰", "的", "叹气", "声", "。"], ["母亲", "问", "她", "在", "想什么", ",", "思念", "什么", "。", "木兰", "说", ":", "“", "我", "没", "想什么", ",", "也", "没", "思念", "什么", "。", "只是", "昨天晚上", "看见", "军", "中", "的", "文", "告", ",", "可汗", "在", "大规模", "地", "征兵", ",", "征兵", "的", "名册", "有很多", "卷", ",", "每", "卷", "都", "有", "父亲", "的", "名字", "。", "父亲", "没有", "成年", "的", "儿子", ",", "木兰", "没有", "兄长", "。", "我愿意", "为此", "去", "买", "鞍马", ",", "从此", "替", "父亲", "出征", "。", "”"], ["于是", "木兰", "到", "东市", "、", "西", "市", "、", "南", "市", "、", "北", "市", "买", "了", "俊", "马", "买", "马具", "买", "嚼子", "和", "缰绳", "。", "早晨", "辞别", "爹娘", "离开", ",", "晚上", "住在", "黄河", "边", ",", "听不到", "爹娘", "呼唤", "女儿", "的", "声音", ",", "只", "听到", "黄河", "流水", "“", "溅", "溅", "”", "的", "声音", "。", "早晨", "又", "离开", "黄河", ",", "晚上", "到", "了", "黑山", "头", ",", "听不到", "爹娘", "呼唤", "女儿", "的", "声音", ",", "只", "听到", "燕山", "胡人", "的", "骏马", "发出", "的", "“", "啾啾", "”", "的", "响声", "。"], ["不远万里", ",", "奔赴", "战场", "。", "像飞一样", "地", "跨过", "一", "道", "道", "的", "关", ",", "越过", "一座座", "的", "山", "。", "北方", "的", "寒气", "传送", "着", "打更", "的", "声音", ",", "寒冷", "的", "月光", "照", "着", "身上", "的", "铠甲", "。", "将军", "和", "战士", "身经百战", ",", "转", "战", "数", "载", ",", "有", "的", "为", "国", "而", "死", ",", "有", "的", "胜利", "归来", "。"], ["归来", "后", "拜见", "天子", ",", "天子", "坐", "在", "朝", "堂", "上", "。", "给", "木兰", "记", "最大", "的", "功", ",", "赏赐", "了", "很多", "财物", "。", "可汗", "问", "木兰", "还", "想要", "什么", ",", "木兰", "说", ":", "“", "我不愿", "做", "大", "官", ",", "希望", "骑", "上", "千里马", ",", "赶快", "回故乡", "。", "”", "[", "1", "]"], ["爹娘", "听说", "女儿", "回来", "了", ",", "互相扶持", "着", "走出", "城外", "迎接", ";", "姐姐", "听说", "妹妹", "回来", "了", ",", "对着", "门", "梳妆打扮", ";", "小弟", "听说", "姐姐", "来", "了", ",", "对着", "猪", "羊", "把", "刀", "磨", "得", "“", "霍霍", "”", "响", "。", "木兰", "打开", "房间", "的", "门", ",", "坐", "在", "房间", "的", "床上", ",", "脱掉", "打仗", "时", "的", "战袍", ",", "穿上", "以前", "的", "衣服", ",", "对着", "窗户", "对着镜子", "理", "头发", ",", "贴", "发髻", "上", "的", "饰物", "。", "走出门", "看", "同", "伍", "的", "士兵", "们", ",", "木兰", "的", "战友们", "一", "见", ",", "都", "十分", "惊奇", "地", "说", ":", "“", "哎呀", ",", "同行", "这么多年", ",", "怎么", "不知", "你", "是", "个", "女孩", "。", "”"], ["提", "着", "兔子", "的", "耳朵", "悬", "在", "半", "空", ",", "雄", "兔", "四", "只", "脚", "不停", "地", "动弹", ",", "雌", "兔", "眯着眼", ",", "所以", "容易", "辨认", "。", "但", "如果", "两只", "兔子", "一起", "并排", "跑", ",", "怎能", "分辨", "出", "哪一个", "是", "雄", "兔", "、", "哪个", "是", "雌", "兔", "呢", "?", "[", "2", "]"], ["1", ".", "这件事", "错综复杂", ",", "虽", "经", "多", "方", "核查", ",", "仍", "给", "人", "以", "扑朔迷离", "之", "感", ",", "使", "之", "难明", "真相", "。", "2", ".", "杨至城", "《", "巧", "使", "敌人", "就范", "》", ":", "“", "敌军", "却", "始终", "扑朔迷离", ",", "不知", "我", "军", "主力", "所在", "。", "”"]], "paragraphs": ["[pū shuò mí lí] 扑朔迷离(汉语成语)编辑 锁定", "扑朔:扑腾的意思;原意指把兔子耳朵提起,雄兔扑腾,雌兔眯眼,可是在地上跑的时候就雌雄难辨了。", "后来形容事物错综复杂,不容易看清真相。《木兰诗》:“雄兔脚扑朔,雌兔眼迷离;双兔傍地走,安能辨我是雄雌?”", "中文名 扑朔迷离  解释 形容事物错综复杂不容易看清真相", "【近义】: 眼花缭乱、千头万绪  【反义】: 一清二楚、一目了然", "1 基本释义  2 成语辨析  3 成语故事  4 成语示例", "【释义】扑朔:扑腾的意思;原意指把兔子耳朵提起,雄兔扑腾,雌兔眯眼,可是在地上跑的时候就雌雄难辨了。后来形容事物错综复杂,不容易看清真相。", "【反义】一清二楚、一目了然 、显而易见、不言而喻。", "【用法】现多用来形容事情杂乱;一般作谓语、定语。", "【出处】①清 梁绍壬 《两般秋雨盦随笔·无题诗》:“钩輈格磔浑难语,扑朔迷离两不真。”② 端木蕻良《曹雪芹》第二三章:“只见他们一色戎装,红缨银枪相映生辉,踩着鼓点,操练起来,由慢而快,扑朔迷离,看得人眼花缭乱。”③ 王蒙 《歌神》:“这些传说尽管扑朔迷离,却唤起了我的希望。”④ 李二和《远行》:“远行人孤独的坐在码头上,遥望着烟霞迷漫的远山和扑朔迷离的河面与神秘的星夜出神。酒鬼上来,他腰挂盛酒的葫芦。”", "⑤北朝民歌《木兰辞》(又名木兰诗或木兰歌):“雄兔脚扑朔,雌兔眼迷离;双兔傍(bàng)地走,安能辨我是雄雌?”", "【例句】①侦探小说中扑朔迷离的情节让我一头雾水,完全忘记了如何思考。②这件事真是扑朔迷离。", "【启示】扑朔迷离的意思本来只是难辨真伪,后渐渐演变为对复杂的情况无从判断,难于了解底细。可用于表示对某件事或某个人的不可了解或难于了解。", "【特别注意】关于“雄兔脚扑朔,雌兔眼迷离”的理解存在两种误区。", "一说这是互文手法,说雄兔和雌兔都是脚扑朔、眼迷离。其实不是,原文意思是:脚扑朔是雄兔的特征,眼迷离是雌兔的特征,当双兔在地上跑时,特征不明显,且人们看不清,所以难以分辨。说明的是跑动时难辨雌雄,若是互文的话,在静止时也是难辨雌雄的了,与本来意思也不同。部分教材存在错误,但大家应该用正确的说法。", "另一说是兔子被提起双耳悬空时,雄兔前脚不断动弹,雌兔双眼眯着——这种说法实在荒唐——当兔子被提起双耳悬空时,只有雄兔子知道痛,雌兔子就不知道痛?事实上,不论什么兔子(只要不是死兔子和病危的),只要被提起双耳悬空,都会睁大眼睛,拼命挣扎,连“扑朔”也不会了(扑朔是爬搔的意思),更别说眼迷离了。", "对于该句子,正确的解释应作:脚扑朔是一种动作,表现的是雄兔子好动的一面;眼迷离是一种神态,表现得是雌兔子好静的一面。然而,当雌雄两只兔子同时在地上跑的时候,雌兔子好静的特征就变得不明显了,因而难以分辨雄雌。在《木兰辞》中,有“脱我战时袍,著我旧时裳。当窗理云鬓,对镜帖花黄”等一系列描写,表现木兰作为一个女孩子的特征重新显露出来之后,再出门见伙伴,伙伴才发现木兰是一“女子”。而木兰的战友之所以“同行十二年,不知木兰是女郎”就是因为木兰将自己作为女孩子的特征掩盖,并且和男人一起行军打仗(即双兔傍地走)。", "【辨形】扑:不能写作“仆”。朔(shuò):不能写读作“sù”。", "【辨义】“扑朔迷离”和“眼花缭乱”都有“不容易看清楚”的意思。但“扑朔迷离”偏重指客观事情错综复杂;“眼花缭乱”偏重指主观感受十分复杂,一时分辨不清。", "唧唧复唧唧,木兰当户织。不闻机杼声,惟闻女叹息。", "问女何所思,问女何所忆。女亦无所思,女亦无所忆。昨夜见军帖,可汗大点兵。军书十二卷,卷卷有爷名。 阿爷无大儿,木兰无长兄。愿为市鞍马,从此替爷征。", "东市买骏马,西市买鞍鞯,南市买辔头,北市买长鞭。旦辞爷娘去,暮宿黄河边。不闻爷娘唤女声,但闻黄河流水鸣溅溅。旦辞黄河去,暮至黑山头。不闻爷娘唤女声,但闻燕山胡骑鸣啾啾。", "万里赴戎机,关山度若飞。朔气传金柝,寒光照铁衣。将军百战死,壮士十年归。", "归来见天子,天子坐明堂。策勋十二转,赏赐百千强。可汗问所欲,木兰不用尚书郎,愿驰千里足,送儿还故乡。", "爷娘闻女来,出郭相扶将;阿姊闻妹来,当户理红妆;小弟闻姊来,磨刀霍霍向猪羊。开我东阁门,坐我西阁床;脱我战时袍,著我旧时裳;当窗理云鬓,对镜帖花黄。出门看火伴,火伴皆惊忙:同行十二年,不知木兰是女郎。", "雄兔脚扑朔,雌兔眼迷离;双兔傍地走,安能辨我是雄雌?", "机杼声一声连着一声,木兰正对着门织布。突然听不到了织布机的声音,只听见木兰的叹气声。", "母亲问她在想什么,思念什么。木兰说:“我没想什么,也没思念什么。只是昨天晚上看见军中的文告,可汗在大规模地征兵,征兵的名册有很多卷,每卷都有父亲的名字。父亲没有成年的儿子,木兰没有兄长。我愿意为此去买鞍马,从此替父亲出征。”", "于是木兰到东市、西市、南市、北市买了俊马买马具买嚼子和缰绳。早晨辞别爹娘离开,晚上住在黄河边,听不到爹娘呼唤女儿的声音,只听到黄河流水“溅溅”的声音。早晨又离开黄河,晚上到了黑山头,听不到爹娘呼唤女儿的声音,只听到燕山胡人的骏马发出的“啾啾”的响声。", "不远万里,奔赴战场。像飞一样地跨过一道道的关,越过一座座的山。北方的寒气传送着打更的声音,寒冷的月光照着身上的铠甲。将军和战士身经百战,转战数载,有的为国而死,有的胜利归来。", "归来后拜见天子,天子坐在朝堂上。给木兰记最大的功,赏赐了很多财物。可汗问木兰还想要什么,木兰说:“我不愿做大官,希望骑上千里马,赶快回故乡。”[1]", "爹娘听说女儿回来了,互相扶持着走出城外迎接;姐姐听说妹妹回来了,对着门梳妆打扮;小弟听说姐姐来了,对着猪羊把刀磨得“霍霍”响。木兰打开房间的门,坐在房间的床上,脱掉打仗时的战袍,穿上以前的衣服,对着窗户对着镜子理头发,贴发髻上的饰物。走出门看同伍的士兵们,木兰的战友们一见,都十分惊奇地说:“哎呀,同行这么多年,怎么不知你是个女孩。”", "提着兔子的耳朵悬在半空,雄兔四只脚不停地动弹,雌兔眯着眼,所以容易辨认。但如果两只兔子一起并排跑,怎能分辨出哪一个是雄兔、哪个是雌兔呢?[2]", "1.这件事错综复杂,虽经多方核查,仍给人以扑朔迷离之感,使之难明真相。2.杨至城《巧使敌人就范》:“敌军却始终扑朔迷离,不知我军主力所在。”"], "bs_rank_pos": 3}, {"title": "扑朔迷离_扑朔迷离的意思_扑朔迷离是什么意思_扑朔迷离什么意思_扑", "segmented_title": ["扑朔迷离", "_", "扑朔迷离", "的", "意思", "_", "扑朔迷离", "是什么", "意思", "_", "扑朔迷离", "什么", "意思", "_", "扑"], "segmented_paragraphs": [["pū", "shuò", "mí", "lí"], ["成语", "解释", ":", "扑", "朔", ":", "兔", "脚", "搔", "爬", ";", "迷离", ":", "兔", "眼", "半", "闭", "。", "原", "指", "难", "辨", "兔", "的", "雄雌", ";", "比喻", "辨认", "不", "清", "是", "男", "是", "女", "。", "后来", "形容", "事情", "错综复杂", ";", "不容易", "看清", "真相", "。"], ["成语", "出处", ":", "南宋", "郭茂倩", "《", "乐府诗集", "横吹曲", "辞", "五", "木兰诗", "》", ":", "“", "雄", "兔", "脚", "扑", "朔", ",", "雌", "兔", "眼", "迷离", "。", "双兔傍地走", ",", "安能", "辨", "我", "是", "雄雌", "?", "”", "911", "cha", ".", "com"], ["成语", "注音", ":", "ㄆ", "ㄨ", "ㄕ", "ㄨ", "ㄛ", "ˋ", "ㄇ", "ㄧ", "ˊ", "ㄌ", "ㄧ", "ˊ"], ["成语", "用法", ":", "扑朔迷离", "联合", "式", ";", "作", "谓语", "、", "定语", ";", "形容", "事情", "杂乱", "。"], ["成语", "正音", ":", "朔", ",", "不能", "读", "作", "“", "shù", "”", "。"], ["成语", "辨", "形", ":", "扑", ",", "不能", "写作", "“", "仆", "”", "。"], ["成语", "辨析", ":", "扑朔迷离", "和", "“", "眼花缭乱", "”", ";", "都", "有", "“", "不容易", "看清楚", "”", "的", "意思", "。", "但", "扑朔迷离", "偏重", "指", "客观", "事情", "错综复杂", ";", "“", "眼花缭乱", "”", "偏重", "指", "主观", "感受", "十分", "复杂", ";", "一", "时", "分辨", "不", "清", "。"], ["成语", "例子", ":", "敌军", "却", "始终", "扑朔迷离", ",", "不知", "我", "军", "主力", "所在", "。", "(", "杨至城", "《", "巧", "使", "敌人", "就范", "》", ")"], ["英语翻译", ":", "complicated", "and", "confusing", "<", "complicated", "and", "confusing", ">"], ["俄语翻译", ":", "н", "е", "р", "а", "з", "б", "и", "р", "а", "т", "ь", "с", "я"], ["其他", "翻译", ":", "<", "德", ">", "verwickelt", "<", "konfus", ">"], ["成语故事", ":", "古", "时候", ",", "有", "个", "女孩", "叫", "花木兰", ",", "她", "是", "个", "非常", "勤劳", "孝顺", "的", "姑娘", "。", "木兰", "织", "得", "一手", "好", "布", ",", "每天", ",", "她", "总是", "天", "刚刚", "亮", ",", "就", "把", "自己", "关", "在", "织", "房", "里", "精心", "地", "纺线", "织布", "。", "有一天", ",", "她", "却", "一直", "留", "在", "自己", "的", "闺房", ",", "坐", "在", "窗前", "叹气", "。", "她", "的", "母亲", "觉得", "很奇怪", ",", "就", "问", "她", "有", "什么", "心事", "。", "木兰", "在", "母亲", "的", "一", "再", "追问", "下", ",", "不得不说", ":", "“", "没有", "什么", "心事", ",", "只是", "昨晚", "看见", "国王", "征兵", "的", "文书", ",", "那", "上面", "有", "父亲", "的", "名字", ",", "可是", "父亲", "的", "年纪", "大", "了", ",", "已经", "禁不起", "征战", "的", "辛劳", ",", "小弟弟", "年龄", "又", "小", ",", "不能", "代替", "。", "女儿", "我", "就", "为", "这件事", "焦急", "。", "”", "停", "了", "一会", "儿", ",", "木兰", "又", "说", ":", "“", "我", "从小", "跟", "父亲", "练就", "一", "身", "好", "武功", ",", "可以", "替", "父亲", "去", "从军", "。", "”", "母亲", "为难", "地", "说", ":", "“", "可", "你", "是", "个", "女孩", ",", "怎么", "能", "去", "从军", "呢", "?", "”", "木兰", "坚定", "地", "说", ":", "“", "我", "有", "办法", "。", "”", "征期", "到", "了", ",", "花木兰", "女扮男装", "告别了", "父母", ",", "随大军", "到", "了", "边塞", "作战", "。", "战争", "中", ",", "木兰", "表现", "得", "很", "勇敢", ",", "立", "了", "很多", "大", "功", "。", "经过", "十", "多", "年", "的", "艰苦", "战斗", ",", "战争", "终于", "结束", ",", "木兰", "胜利", "归来", "。", "论功行赏", ",", "皇帝", "要", "赏", "给", "木兰", "很多", "钱", "物", ",", "并", "封", "她", "为", "尚书", "郎", "。", "但是", "木兰", "说", ":", "“", "感谢", "皇上", "恩典", ",", "但", "我", "不", "想", "做官", ",", "只求", "皇上", "允许", "我", "回到故乡", "与", "父母", "团聚", "。", "”", "皇上", "答应", "了", "木兰", "的", "请求", "。", "木兰", "回到家", ",", "立刻", "来到", "自己", "房", "里", ",", "换", "上", "女孩", "穿", "的", "衣服", ",", "梳", "好", "辫子", ",", "戴上", "花", ",", "露出", "自己", "原来", "女孩", "的", "模样", "走出来", "。", "送", "木兰", "回来", "的", "同伴", "们", "一", "见", ",", "都", "十分", "惊奇", "地", "说", ":", "“", "哎呀", ",", "同行", "这么多年", ",", "怎么", "不知", "你", "是", "个", "女孩", "。", "”", "后来", "有人", "为此", "写", "了", "一", "首", "《", "木兰诗", "》", ",", "诗", "的", "最后", "几", "句", "是", ":", "雄", "兔", "脚", "扑", "朔", ",", "雌", "兔", "眼", "迷离", "。", "双兔傍地走", ",", "安能", "辨", "我", "是", "雄雌", "?", "意思", "是", ":", "提", "着", "兔子", "的", "耳朵", "悬", "在", "半", "空", "时", ",", "雄", "兔", "两只", "前", "脚", "时时", "动弹", ",", "雌", "兔", "两只", "眼睛", "时常", "眯", "着", ",", "所以", "容易", "辨认", "。", "如果", "两只", "兔子", "贴", "着", "地面", "并排", "跑", ",", "谁", "能", "分辨", "出", "哪一个", "是", "雄", "兔", "、", "哪个", "是", "雌", "兔", "呢", "?", "这个", "成语", "指", "事物", "在", "人", "心", "目", "中", "模糊不清", "、", "难以", "看清", "真相", "。"], ["手机", "查看", "成语", "扑朔迷离", "的", "意思", ",", "微信", "扫一扫", "页面", "右侧", "二维码", ",", "关注", "查询", "大全", "(", "微信", "号", "www", "911", "cha", ")", "后", "回复", "cy", "8695", "或", "扑朔迷离", "?", "即可"], ["成语大全", "为您", "提供", "扑朔迷离", ",", "扑朔迷离", "的", "意思", ",", "扑朔迷离", "是什么", "意思", ",", "扑朔迷离", "什么", "意思", ",", "扑朔迷离", "的", "近义词", ",", "扑朔迷离", "的", "反义词", ",", "扑朔迷离", "的", "拼音", ",", "扑朔迷离", "的", "解释", ",", "扑朔迷离", "的", "同义词"], ["扑朔迷离", "相关", "成语"], ["成语", ":", "附翼攀鳞", "成语", ":", "蜂攒蚁聚", "成语", ":", "淅", "淅", "沥", "沥", "成语", ":", "白昼", "见鬼", "成语", ":", "四分五剖", "成语", ":", "跋前疐后", "成语", ":", "见机行事", "成语", ":", "来鸿去燕", "成语", ":", "扑朔迷离"]], "paragraphs": ["pū shuò mí lí", "成语解释:扑朔:兔脚搔爬;迷离:兔眼半闭。原指难辨兔的雄雌;比喻辨认不清是男是女。后来形容事情错综复杂;不容易看清真相。", "成语出处:南宋 郭茂倩《乐府诗集 横吹曲辞五 木兰诗》:“雄兔脚扑朔,雌兔眼迷离。双兔傍地走,安能辨我是雄雌?” 911cha.com", "成语注音:ㄆㄨㄕㄨㄛˋㄇㄧˊㄌㄧˊ", "成语用法:扑朔迷离联合式;作谓语、定语;形容事情杂乱。", "成语正音:朔,不能读作“shù”。", "成语辨形:扑,不能写作“仆”。", "成语辨析:扑朔迷离和“眼花缭乱”;都有“不容易看清楚”的意思。但扑朔迷离偏重指客观事情错综复杂;“眼花缭乱”偏重指主观感受十分复杂;一时分辨不清。", "成语例子:敌军却始终扑朔迷离,不知我军主力所在。(杨至城《巧使敌人就范》)", "英语翻译:complicated and confusing ", "俄语翻译:неразбираться", "其他翻译:<德>verwickelt ", "成语故事: 古时候,有个女孩叫花木兰,她是个非常勤劳孝顺的姑娘。 木兰织得一手好布,每天,她总是天刚刚亮,就把自己关在织房里精心地纺线织布。 有一天,她却一直留在自己的闺房,坐在窗前叹气。她的母亲觉得很奇怪,就问她有什么心事。 木兰在母亲的一再追问下,不得不说:“没有什么心事,只是昨晚看见国王征兵的文书,那上面有父亲的名字,可是父亲的年纪大了,已经禁不起征战的辛劳,小弟弟年龄又小,不能代替。女儿我就为这件事焦急。” 停了一会儿,木兰又说:“我从小跟父亲练就一身好武功,可以替父亲去从军。” 母亲为难地说:“可你是个女孩,怎么能去从军呢?” 木兰坚定地说:“我有办法。” 征期到了,花木兰女扮男装告别了父母,随大军到了边塞作战。 战争中,木兰表现得很勇敢,立了很多大功。经过十多年的艰苦战斗, 战争终于结束,木兰胜利归来。论功行赏,皇帝要赏给木兰很多钱物,并封她为尚书郎。 但是木兰说:“感谢皇上恩典,但我不想做官,只求皇上允许我回到故乡与父母团聚。”皇上答应了木兰的请求。 木兰回到家,立刻来到自己房里,换上女孩穿的衣服,梳好辫子,戴上花,露出自己原来女孩的模样走出来。送木兰回来的同伴们一见,都十分惊奇地说:“哎呀,同行这么多年,怎么不知你是个女孩。” 后来有人为此写了一首《木兰诗》,诗的最后几句是: 雄兔脚扑朔,雌兔眼迷离。双兔傍地走,安能辨我是雄雌? 意思是:提着兔子的耳朵悬在半空时,雄兔两只前脚时时动弹,雌兔两只眼睛时常眯着,所以容易辨认。如果两只兔子贴着地面并排跑,谁能分辨出哪一个是雄兔、哪个是雌兔呢? 这个成语指事物在人心目中模糊不清、难以看清真相。", "手机查看成语扑朔迷离的意思,微信扫一扫页面右侧二维码,关注查询大全(微信号www911cha)后回复 cy8695 或扑朔迷离? 即可", "成语大全为您提供扑朔迷离,扑朔迷离的意思,扑朔迷离是什么意思,扑朔迷离什么意思,扑朔迷离的近义词,扑朔迷离的反义词,扑朔迷离的拼音,扑朔迷离的解释,扑朔迷离的同义词", "扑朔迷离 相关成语", "成语: 附翼攀鳞 成语: 蜂攒蚁聚 成语: 淅淅沥沥 成语: 白昼见鬼 成语: 四分五剖 成语: 跋前疐后 成语: 见机行事 成语: 来鸿去燕 成语: 扑朔迷离"], "bs_rank_pos": 7}, {"title": "扑朔迷离的意思,扑朔迷离的读音", "segmented_title": ["扑朔迷离", "的", "意思", ",", "扑朔迷离", "的", "读音"], "segmented_paragraphs": [["【", "解释", "】", ":", "指", "难", "辨", "兔", "的", "雌雄", "。", "形容", "事情", "错综复杂", ",", "难以", "辨别", "清楚", "。", "【", "出自", "】", ":", "《", "乐府诗集", "·", "横吹曲", "辞", "五", "·", "木兰诗", "》", ":", "“", "雄", "兔", "脚", "扑", "朔", ",", "雌", "兔", "眼", "迷离", ",", "双兔傍地走", ",", "安能", "辨", "我", "是", "雄雌", "。", "”", "【", "示例", "】", ":", "敌军", "却", "始终", "~", ",", "不知", "我", "军", "主力", "所在", "。", "◎", "杨", "至", "城", "《", "巧", "使", "敌人", "就范", "》", "【", "语法", "】", ":", "联合", "式", ";", "作", "谓语", "、", "定语", ";", "形容", "事情", "杂乱"], ["【", "近义词", "】", ":", "虚无飘渺", "、", "眼花缭乱", "【", "反义词", "】", ":", "一清二楚"], ["基本", "释义", "【", "释义", "】", ":", "扑", "朔", ":", "扑腾", "的", "意思", ";", "原意", "指", "把", "兔子耳朵", "提起", ",", "雄", "兔", "扑腾", ",", "雌", "兔", "眯眼", ",", "可是", "在", "地上", "跑", "的", "时候", "就", "雌雄", "难", "辨", "了", "。", "后来", "形容", "事物", "错综复杂", ",", "不容易", "看清", "真相", "。", "【", "近", "义", "】", ":", "眼花缭乱", "、", "千头万绪", "、", "虚无缥缈", "、", "空中楼阁", "、", "错综复杂", "。", "【", "反", "义", "】", ":", "一清二楚", "、", "一目了然", "、", "显而易见", "、", "不言而喻", "。", "【", "用法", "】", ":", "现", "多", "用来", "形容", "事情", "杂乱", ";", "一般", "作", "谓语", "、", "定语", "。", "【", "结构", "】", ":", "联合", "式", "。", "【", "出处", "】", ":", "①", "清", "梁", "绍", "壬", "《", "两", "般", "秋雨", "盦", "随笔", "·", "无题诗", "》", ":", "“", "钩", "輈", "格", "磔", "浑", "难", "语", ",", "扑朔迷离", "两", "不", "真", "。", "”", "②", "端木蕻良", "《", "曹雪芹", "》", "第二三章", ":", "“", "只见", "他们", "一", "色", "戎装", ",", "红缨", "银枪", "相映生辉", ",", "踩着", "鼓点", ",", "操练", "起来", ",", "由", "慢", "而", "快", ",", "扑朔迷离", ",", "看", "得", "人", "眼花缭乱", "。", "”", "③", "王蒙", "《", "歌神", "》", "…"]], "paragraphs": ["【解释】:指难辨兔的雌雄。形容事情错综复杂,难以辨别清楚。 【出自】:《乐府诗集·横吹曲辞五·木兰诗》:“雄兔脚扑朔,雌兔眼迷离,双兔傍地走,安能辨我是雄雌。” 【示例】:敌军却始终~,不知我军主力所在。 ◎杨至城《巧使敌人就范》 【语法】:联合式;作谓语、定语;形容事情杂乱", "【近义词】:虚无飘渺、眼花缭乱 【反义词】:一清二楚", "基本释义【释义】:扑朔:扑腾的意思;原意指把兔子耳朵提起,雄兔扑腾,雌兔眯眼,可是在地上跑的时候就雌雄难辨了。后来形容事物错综复杂,不容易看清真相。 【近义】:眼花缭乱、千头万绪、虚无缥缈、空中楼阁、错综复杂。 【反义】:一清二楚、一目了然 、显而易见、不言而喻。 【用法】:现多用来形容事情杂乱;一般作谓语、定语。 【结构】:联合式。 【出处】:①清 梁绍壬 《两般秋雨盦随笔·无题诗》:“钩輈格磔浑难语,扑朔迷离两不真。”② 端木蕻良 《曹雪芹》第二三章:“只见他们一色戎装,红缨银枪相映生辉,踩着鼓点,操练起来,由慢而快,扑朔迷离,看得人眼花缭乱。”③ 王蒙 《歌神》…"], "bs_rank_pos": 8}, {"title": "扑朔迷离:扑朔迷离的意思 - 成语大全", "segmented_title": ["扑朔迷离", ":", "扑朔迷离", "的", "意思", "-", "成语大全"], "segmented_paragraphs": [["查找", "傲雪欺霜", ",", "输入", "某", "一", "部份", "如", "傲雪", ",", "或", "其", "简拼", "axqs", "即可"], ["成语大全", "查询结果", "由", "aies", ".", "cn", "提供", "[", "复制", "结果", "]"]], "paragraphs": ["查找傲雪欺霜,输入某一部份如傲雪,或其简拼axqs即可", "成语大全查询结果由 aies.cn 提供 [复制结果]"], "bs_rank_pos": 9}], "question": "扑朔迷离的意思", "segmented_question": ["扑朔迷离", "的", "意思"], "question_type": "DESCRIPTION", "fact_or_opinion": "FACT", "question_id": 221671}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["没事儿的,把心放肚子里吧!不会对你的身体健康带来任何危害。祝你学习进步,开心快乐!"], "segmented_title": ["喝", "了", "一", "瓶", "半", ",", "那种", "两", "块", "钱", "怡宝", "容量", "的", "放", "了", "两个月", "的", "桶装水", ",", "会不会", "出", "什么"], "segmented_paragraphs": [["没事儿", "的", ",", "把", "心", "放", "肚子", "里", "吧", "!", "不会", "对", "你", "的", "身体健康", "带来", "任何", "危害", "。", "祝", "你", "学习", "进步", ",", "开心快乐", "!"]], "title": "喝了一瓶半,那种两块钱怡宝容量的放了两个月的桶装水,会不会出什么"}, {"bs_rank_pos": 0, "paragraphs": ["打开过么,没打开的话,保质期是1年,没事的"], "segmented_title": ["喝", "了", "一", "瓶", "半", ",", "那种", "两", "块", "钱", "怡宝", "容量", "的", "放", "了", "两个月", "的", "桶装水", ",", "会不会", "出", "什么"], "segmented_paragraphs": [["打开", "过", "么", ",", "没", "打开", "的", "话", ",", "保质期", "是", "1", "年", ",", "没事", "的"]], "title": "喝了一瓶半,那种两块钱怡宝容量的放了两个月的桶装水,会不会出什么"}, {"bs_rank_pos": 0, "paragraphs": ["您可以查询不会,放心吧!如果造假也是乐百氏!怡宝很少会有假水!每桶盖上都会有防伪码,雀巢,农夫山泉"], "segmented_title": ["喝", "了", "一", "瓶", "半", ",", "那种", "两", "块", "钱", "怡宝", "容量", "的", "放", "了", "两个月", "的", "桶装水", ",", "会不会", "出", "什么"], "segmented_paragraphs": [["您", "可以", "查询", "不会", ",", "放心", "吧", "!", "如果", "造假", "也是", "乐百氏", "!", "怡宝", "很少", "会", "有假", "水", "!", "每桶", "盖上", "都会", "有", "防伪", "码", ",", "雀巢", ",", "农夫山泉"]], "title": "喝了一瓶半,那种两块钱怡宝容量的放了两个月的桶装水,会不会出什么"}], "question": "怡宝出问题了吗", "yesno_type": "OPINION", "segmented_question": ["怡宝", "出", "问题", "了", "吗"], "question_type": "YES_NO", "fact_or_opinion": "OPINION", "question_id": 221672}
-{"documents": [{"bs_rank_pos": 0, "paragraphs": ["1、因为朱棣是篡位得来的皇位,因此朱棣驾崩后嘉靖十七年(1538年)九月,明世宗朱厚熜改谥为启天弘道高明肇运圣武神功纯仁至孝文皇帝,改上庙号为成祖。   2、人物简介   大明成祖朱棣(1360年5月2日-1424年8月12日),汉族,是明朝第三位皇帝,1402年-1424年在位,年号永乐,故后人称其为永乐帝、永乐大帝、永乐皇帝等。   3、人物评价   明成祖朱棣文武全才,宽严并济,知人善任,谗间不行,用兵应变,机智神勇。郡县有遇到灾害的,就免租赈灾,荣受直言,保全功臣。外国受封之国多达三十余个,国势极盛。唯独对建文帝忠臣处理过狠,不能说是没有遗憾的。"], "segmented_title": ["朱棣", "为什么", "叫", "明成祖", "_", "百度", "知道"], "segmented_paragraphs": [["1", "、", "因为", "朱棣", "是", "篡位", "得", "来", "的", "皇位", ",", "因此", "朱棣", "驾崩", "后", "嘉靖", "十七年", "(", "1538", "年", ")", "九月", ",", "明世宗", "朱厚熜", "改", "谥", "为", "启天", "弘道", "高明", "肇运", "圣", "武", "神功", "纯", "仁", "至", "孝", "文", "皇帝", ",", "改", "上", "庙号", "为", "成", "祖", "。", "  ", "2", "、", "人物", "简介", "  ", "大明成祖朱棣", "(", "1360", "年", "5", "月", "2", "日", "-", "1424", "年", "8", "月", "12", "日", ")", ",", "汉族", ",", "是", "明朝", "第三位", "皇帝", ",", "1402", "年", "-", "1424", "年", "在", "位", ",", "年号", "永乐", ",", "故", "后人", "称", "其", "为", "永乐", "帝", "、", "永乐大帝", "、", "永乐皇帝", "等", "。", "  ", "3", "、", "人物", "评价", "  ", "明成祖朱棣", "文武全才", ",", "宽", "严", "并", "济", ",", "知人善任", ",", "谗", "间", "不行", ",", "用兵", "应变", ",", "机智", "神", "勇", "。", "郡县", "有", "遇到", "灾害", "的", ",", "就", "免", "租", "赈灾", ",", "荣", "受", "直言", ",", "保全", "功臣", "。", "外国", "受", "封", "之", "国", "多", "达", "三", "十", "余", "个", ",", "国", "势", "极", "盛", "。", "唯独", "对", "建文帝", "忠臣", "处理", "过", "狠", ",", "不能说", "是", "没有遗憾", "的", "。"]], "title": "朱棣为什么叫明成祖_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["  1、因为朱棣是篡位得来的皇位,因此朱棣驾崩后嘉靖十七年(1538年)九月,明世宗朱厚熜改谥为启天弘道高明肇运圣武神功纯仁至孝文皇帝,改上庙号为成祖。   2、人物简介   大明成祖朱棣(1360年5月2日-1424年8月12日),汉族,是明朝第三位皇帝,1402年-1424年在位,年号永乐,故后人称其为永乐帝、永乐大帝、永乐皇帝等。   3、人物评价   明成祖朱棣文武全才,宽严并济,知人善任,谗间不行,用兵应变,机智神勇。郡县有遇到灾害的,就免租赈灾,荣受直言,保全功臣。外国受封之国多达三十余个,国势极盛。唯独对建文帝忠臣处理过狠,不能说是没有遗憾的。"], "segmented_title": ["朱棣", "为什么", "叫", "明成祖", "_", "百度", "知道"], "segmented_paragraphs": [["  ", "1", "、", "因为", "朱棣", "是", "篡位", "得", "来", "的", "皇位", ",", "因此", "朱棣", "驾崩", "后", "嘉靖", "十七年", "(", "1538", "年", ")", "九月", ",", "明世宗", "朱厚熜", "改", "谥", "为", "启天", "弘道", "高明", "肇运", "圣", "武", "神功", "纯", "仁", "至", "孝", "文", "皇帝", ",", "改", "上", "庙号", "为", "成", "祖", "。", "  ", "2", "、", "人物", "简介", "  ", "大明成祖朱棣", "(", "1360", "年", "5", "月", "2", "日", "-", "1424", "年", "8", "月", "12", "日", ")", ",", "汉族", ",", "是", "明朝", "第三位", "皇帝", ",", "1402", "年", "-", "1424", "年", "在", "位", ",", "年号", "永乐", ",", "故", "后人", "称", "其", "为", "永乐", "帝", "、", "永乐大帝", "、", "永乐皇帝", "等", "。", "  ", "3", "、", "人物", "评价", "  ", "明成祖朱棣", "文武全才", ",", "宽", "严", "并", "济", ",", "知人善任", ",", "谗", "间", "不行", ",", "用兵", "应变", ",", "机智", "神", "勇", "。", "郡县", "有", "遇到", "灾害", "的", ",", "就", "免", "租", "赈灾", ",", "荣", "受", "直言", ",", "保全", "功臣", "。", "外国", "受", "封", "之", "国", "多", "达", "三", "十", "余", "个", ",", "国", "势", "极", "盛", "。", "唯独", "对", "建文帝", "忠臣", "处理", "过", "狠", ",", "不能说", "是", "没有遗憾", "的", "。"]], "title": "朱棣为什么叫明成祖_百度知道"}, {"bs_rank_pos": 0, "paragraphs": ["因为所以科学道理"], "segmented_title": ["朱棣", "为什么", "叫", "明成祖", "_", "百度", "知道"], "segmented_paragraphs": [["因为所以", "科学", "道理"]], "title": "朱棣为什么叫明成祖_百度知道"}, {"bs_rank_pos": 1, "paragraphs": ["嘉靖十七年(1538年)九月,明世宗改谥为启天弘道高明肇运圣武神功纯仁至孝文皇帝,改上庙号为成祖。 大明成祖朱棣(1360年5月2日-1424年8月12日),汉族,是明朝第三位皇帝,1402年-1424年在位,年号永乐,故后人称其为永乐帝、永乐大帝 、永乐皇帝 等。 元顺帝至正二十年(1360年)四月十七日(5月2日),朱棣生于应天府(今南京)。早起被封为燕王,洪武三十一年十二月,为了提防朱棣造反,建文帝朱允炆派工部侍郎张昺为北平布政使,都指挥使谢贵、张信为北平都指挥使。随后又命都督宋忠屯兵驻开平,并调走北平原属燕王管辖的军队。后发动靖难之役,起兵攻打建文帝 。1402年在南京登基,改元永乐。 朱棣在位期间改革机构,设置内阁制度,对外五次亲征蒙古,收复安南(交趾),在东北设立奴儿干都司、西北设立哈密卫 ,在西南贵州等地区建立行"], "segmented_title": ["为什么", "朱棣", "叫", "明成祖", "?", "_", "百度", "知道"], "segmented_paragraphs": [["嘉靖", "十七年", "(", "1538", "年", ")", "九月", ",", "明世宗", "改", "谥", "为", "启天", "弘道", "高明", "肇运", "圣", "武", "神功", "纯", "仁", "至", "孝", "文", "皇帝", ",", "改", "上", "庙号", "为", "成", "祖", "。", "大明成祖朱棣", "(", "1360", "年", "5", "月", "2", "日", "-", "1424", "年", "8", "月", "12", "日", ")", ",", "汉族", ",", "是", "明朝", "第三位", "皇帝", ",", "1402", "年", "-", "1424", "年", "在", "位", ",", "年号", "永乐", ",", "故", "后人", "称", "其", "为", "永乐", "帝", "、", "永乐大帝", "、", "永乐皇帝", "等", "。", "元顺帝至正", "二", "十", "年", "(", "1360", "年", ")", "四月", "十七", "日", "(", "5", "月", "2", "日", ")", ",", "朱棣", "生", "于", "应天府", "(", "今", "南京", ")", "。", "早起", "被", "封", "为", "燕王", ",", "洪武", "三", "十一", "年", "十二月", ",", "为了", "提防", "朱棣", "造反", ",", "建文帝", "朱允炆", "派", "工", "部", "侍郎", "张昺", "为", "北平", "布政使", ",", "都", "指挥", "使", "谢", "贵", "、", "张", "信", "为", "北平", "都", "指挥", "使", "。", "随后", "又", "命", "都督", "宋", "忠", "屯兵", "驻", "开平", ",", "并", "调", "走", "北", "平原", "属", "燕王", "管辖", "的", "军队", "。", "后", "发动", "靖难之役", ",", "起兵", "攻打", "建文帝", "。", "1402", "年", "在", "南京", "登基", ",", "改", "元", "永乐", "。", "朱棣", "在", "位", "期间", "改革", "机构", ",", "设置", "内阁", "制度", ",", "对外", "五", "次", "亲", "征", "蒙古", ",", "收复", "安南", "(", "交趾", ")", ",", "在", "东北", "设立", "奴儿", "干", "都", "司", "、", "西北", "设立", "哈密卫", ",", "在", "西南", "贵州", "等", "地区", "建立", "行"]], "title": "为什么朱棣叫明成祖?_百度知道"}, {"bs_rank_pos": 4, "paragraphs": [" 本来朱元璋是太祖,朱棣是太宗,不是蛮好的?如果朱棣被改成明成祖?那么为什么不顺便把明仁宗朱高炽的庙号改成明太宗?俗话说祖有功宗有德?常常挂在嘴边的列祖列宗指的就是太祖太宗。只有太祖没有太宗显得不合适吧?朱棣这个成祖挤在中间也好尴尬。再说朱棣活着的时候就对他儿子说自己最崇拜唐太宗李世民,自己死后也要这个庙号。他儿子胖胖顺了他的意给了他太宗庙号。嘉靖瞎搞什么飞机,他不是号称明朝最聪明的皇帝吗?一来把朱棣和老朱相提并论,朱棣再牛也不能和朱元璋开国之功比,根本不可以称祖。二来老朱和朱棣以及朱高炽,太祖太宗仁宗三代有序不是很顺?三将朱棣改成祖违抗朱棣心愿属于不孝,胖胖无辜被踢,还把他自己一天没做过皇帝的藩王老爸弄进太庙?还好意思上个睿宗的庙号?何德何能称之为睿?不尊重朱棣朱高炽两位皇帝?这是不是大不孝?我看嘉靖是最不孝皇帝才是。", " 他是为了让自己父亲进太庙,根据天子七庙,三昭三穆,与大祖之庙而七。太庙正殿中只能供奉七个皇帝,除了开国之君(一般是太祖)外,其他皇帝的牌位都是“亲尽则祧”。如果死去的皇帝,出了这三昭三穆的关系了,就要被“祧”。嘉靖再傻也不敢动朱棣所以把他改成祖把朱棣儿子朱高炽祧出去", " 因为都是外番取代嫡系。自然要捧 ", " 下载贴吧APP看高清直播、视频!", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "segmented_title": ["明", "太宗", "朱棣", "为什么", "被", "嘉靖", "改", "成", "明成祖", "?", "嘉靖", "是不是", "有病", "啊", "?", "【", "历史", "吧", "】", "_"], "segmented_paragraphs": [["本来", "朱元璋", "是", "太祖", ",", "朱棣", "是", "太宗", ",", "不是", "蛮", "好", "的", "?", "如果", "朱棣", "被", "改", "成", "明成祖", "?", "那么", "为什么", "不", "顺便", "把", "明仁宗", "朱高炽", "的", "庙号", "改", "成", "明", "太宗", "?", "俗话说", "祖", "有", "功宗", "有", "德", "?", "常常", "挂", "在", "嘴边", "的", "列祖列宗", "指", "的", "就是", "太祖", "太宗", "。", "只有", "太祖", "没有", "太宗", "显得", "不合适", "吧", "?", "朱棣", "这个", "成", "祖", "挤", "在", "中间", "也", "好", "尴尬", "。", "再", "说", "朱棣", "活着", "的", "时候", "就", "对", "他", "儿子", "说", "自己", "最崇拜", "唐太宗李世民", ",", "自己", "死后", "也", "要", "这个", "庙号", "。", "他", "儿子", "胖胖", "顺", "了", "他", "的", "意", "给", "了", "他", "太宗", "庙号", "。", "嘉靖瞎搞", "什么", "飞机", ",", "他", "不是", "号称", "明朝", "最", "聪明", "的", "皇帝", "吗", "?", "一", "来", "把", "朱棣", "和", "老", "朱", "相提并论", ",", "朱棣", "再", "牛", "也", "不能", "和", "朱元璋", "开国", "之", "功", "比", ",", "根本", "不可以", "称", "祖", "。", "二", "来", "老", "朱", "和", "朱棣", "以及", "朱高炽", ",", "太祖", "太宗", "仁宗", "三", "代", "有序", "不是", "很", "顺", "?", "三", "将", "朱棣", "改", "成", "祖", "违抗", "朱棣", "心愿", "属于", "不孝", ",", "胖胖", "无辜", "被", "踢", ",", "还", "把", "他", "自己", "一天", "没", "做", "过", "皇帝", "的", "藩王", "老爸", "弄", "进", "太庙", "?", "还好", "意思", "上", "个", "睿宗", "的", "庙号", "?", "何德何能", "称", "之", "为", "睿", "?", "不", "尊重", "朱棣", "朱高炽", "两位", "皇帝", "?", "这", "是不是", "大", "不孝", "?", "我", "看", "嘉靖", "是", "最", "不孝", "皇帝", "才是", "。"], ["他", "是", "为了", "让", "自己", "父亲", "进", "太庙", ",", "根据", "天子", "七", "庙", ",", "三", "昭", "三", "穆", ",", "与", "大", "祖", "之", "庙", "而", "七", "。", "太庙", "正殿", "中", "只能", "供奉", "七", "个", "皇帝", ",", "除了", "开国", "之", "君", "(", "一般", "是", "太祖", ")", "外", ",", "其他", "皇帝", "的", "牌位", "都是", "“", "亲", "尽", "则", "祧", "”", "。", "如果", "死去", "的", "皇帝", ",", "出", "了", "这", "三", "昭", "三", "穆", "的", "关系", "了", ",", "就要", "被", "“", "祧", "”", "。", "嘉靖", "再", "傻", "也", "不敢", "动", "朱棣", "所以", "把", "他", "改", "成", "祖", "把", "朱棣", "儿子", "朱高炽", "祧", "出去"], ["因为", "都是", "外", "番", "取代", "嫡系", "。", "自然", "要", "捧"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "title": "明太宗朱棣为什么被嘉靖改成明成祖?嘉靖是不是有病啊?【历史吧】_"}], "question": "明成祖是谁", "segmented_question": ["明成祖", "是", "谁"], "question_type": "ENTITY", "fact_or_opinion": "FACT", "question_id": 221673}
diff --git a/PaddleNLP/Research/ACL2018-DuReader/data/demo/trainset/search.train.json b/PaddleNLP/Research/ACL2018-DuReader/data/demo/trainset/search.train.json
deleted file mode 100644
index b8d151279e64ff3044b6560ca91766ac05007906..0000000000000000000000000000000000000000
--- a/PaddleNLP/Research/ACL2018-DuReader/data/demo/trainset/search.train.json
+++ /dev/null
@@ -1,100 +0,0 @@
-{"documents": [{"is_selected": true, "title": "iOS里,把一个页面链接分享给好友,好友在微信里打开这个链接,怎么跳", "most_related_para": 0, "segmented_title": ["iOS", "里", ",", "把", "一", "个", "页面", "链接", "分享", "给", "好友", ",", "好友", "在", "微信", "里", "打开", "这个", "链接", ",", "怎么", "跳"], "segmented_paragraphs": [["iOS", "里", ",", "把", "一", "个", "页面", "链接", "分享", "给", "微信", "好友", "(", "会话", ")", ",", "好友", "在", "微信", "里", "打开", "这个", "链接", ",", "也", "就是", "打开", "了", "一", "个", "网页", ",", "点击", "网页", "里", "的", "某", "个", "地方", "后", "(", "比如", "网页", "中", "“", "打开", "xx", "应用程序", "”", "的", "按钮", ")", ",", "代码", "里", "怎么", "设置", "可以", "跳", "回到", "第三方", "app", "?", "知乎", "的", "ios", "客户端", "就", "有", "这种", "功能", ",", "在", "微信", "里", "分享", "链接", "后", ",", "点", "开", "链接", ",", "再", "点", "网页", "中", "的", "某处", ",", "就", "可以", "打开", "知乎", "客户端", "显示全部"], ["微信", "中", "不能", "用", "自定义", "url", "的", "方式", ",", "微信", "提供", "了", "打开", "第三方", "应用", "的", "接口", ":", "launch", "3rd", "App"], ["谢", "。", "一般", "用", "自带", "浏览器", "可以", "调用", "起", "app", "没问题", "。", "微信", "里面", "能", "调出", "app", "的", ",", "是", "和", "腾讯", "有", "合作", "的", "应用", ",", "其他", "会", "被", "过滤", "掉", "。"], ["有", "一", "个", "公司", "的", "产品", ",", "叫", "魔", "窗", ",", "免费", "可以", "接入", "的"], ["分享", "出去", "的", "是", "一", "个", "网页", ",", "前端", "人员", "与", "app", "客户端", "人员", "约定", "好", "一", "个", "头部", "协议", "。", "当", "用户", "在", "网页", "的", "点击", "某", "个", "按钮", ",", "调用", "注册", "的", "协议", "头", ",", "就", "可以", "呼", "起", "安装", "的", "app", "。", "比如", "知乎", "app", "可能", "注册", "了", "zhifu", ":", "/", "/", "xxx", "zhifu", ":", "/", "/", "就是", "约定", "好", "的", "xxx", "是", "指", "参数", "可以", "任意", "带", "这样", "访问", "后", "就", "可以", "呼", "起", "app", "了", "。"], ["目前", "已经", "解决", "直接", "从", "微信", "打开", "的", "链接", "可以直接", "点击", "下载", "APP", "的", "跳转", ",", "无需", "再", "通过", "另外", "浏览", "中", "打开", "才能", "点击", "下载", ",", "在", "微信", "中", "即可", "直接", "点击", "下载", ",", "需要", "的", "联系", "QQ", "77408026"], ["你可以", "去", "看看", "openinstall", ",", "它", "可以", "实现", "让", "用户", "分享", "链接", "让", "别", "的", "用户", "可以打开", "下载", "或者", "跳转", "APP", "。", "而且", "打开", "或者", "下载", "后", "还能", "获取", "到", "自己", "想", "传", "过去", "的", "参数", "。"], ["方法", "一", ":", "微信", "API", "-", "-", "WXApp", "Extend", "Object", ".", "(", "参考", "app", "-", "微博", ")", "方法", "二", ":", "iOS", "9", "Universal", "Link", ".", "(", "参考", "app", "-", "蘑菇街", ")"], ["目前", "要", "先", "用", "浏览器", "打开", ",", "然后", "才能", "跳", "。", "有", "解决办法", "么"], ["下载", "知乎", "客户端", "与", "世界", "分享", "知识", "、", "经验", "和", "见解"], ["相关", "Live", "推荐"]], "paragraphs": ["iOS里,把一个页面链接分享给微信好友(会话),好友在微信里打开这个链接,也就是打开了一个网页,点击网页里的某个地方后(比如网页中“打开xx应用程序”的按钮),代码里怎么设置可以跳回到第三方app?知乎的ios客户端就有这种功能,在微信里分享链接后,点开链接,再点网页中的某处,就可以打开知乎客户端显示全部", "微信中不能用自定义url的方式,微信提供了打开第三方应用的接口:launch3rdApp", "谢。一般用自带浏览器可以调用起app没问题。微信里面能调出app的,是和腾讯有合作的应用,其他会被过滤掉。", "有一个公司的产品,叫 魔窗,免费可以接入的", "分享出去的是一个网页,前端人员与app客户端人员约定好一个头部协议。 当用户在网页的点击某个按钮,调用注册的协议头,就可以呼起安装的app。比如知乎app可能注册了 zhifu://xxx zhifu:// 就是约定好的xxx 是指参数 可以任意带这样访问后就可以呼起app了。", "目前已经解决直接从微信打开的链接可以直接点击下载APP的跳转,无需再通过另外浏览中打开才能点击下载,在微信中即可直接点击下载,需要的联系QQ77408026", "你可以去看看openinstall,它可以实现让用户分享链接让别的用户可以打开下载或者跳转APP。而且打开或者下载后还能获取到自己想传过去的参数。", "方法一:微信API--WXAppExtendObject.(参考app-微博)方法二:iOS 9 Universal Link.(参考app-蘑菇街)", "目前要先用浏览器打开,然后才能跳。有解决办法么", "下载知乎客户端 与世界分享知识、经验和见解", "相关Live 推荐"], "bs_rank_pos": 0}, {"is_selected": true, "title": "怎么可以在微信里面打开APP下载链接地址_百度经验", "most_related_para": 4, "segmented_title": ["怎么", "可以", "在", "微信", "里面", "打开", "APP", "下载", "链接地址", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["我们", "都", "知道", "手游", "、", "APP", "想", "在", "微信", "分享", "时", ",", "下载", "的", "链接", "会", "被", "微信", "屏蔽", ",", "不能", "直接", "点击", ",", "那", "怎样", "才能", "得到", "微信", "认可", "的", "下载", "页面", "呢", ",", "这里", "就", "需要", "用", "到", "腾讯", "的", "开放", "平台", ",", "而", "你", "的", "应用", "也", "需要提交", "到", "这个平台", "。", "在", "这里", "可以", "得到", "微信", "认可", "的", "链接地址", "。", "接下来", "介绍", "相关", "方法", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "首先", "打开", "腾讯", "开放", "平台", ",", "注册", "开放", "平台", "的", "一", "个", "账号", ",", "如", "下", "图", "所示", "。", "步骤", "阅读", "2", "登录", "后", "在", "”", "管理", "中心", "“", "中", "创建", "应用", ",", "如", "下", "图", "所示", "点击", "红线", "框", "选", "按钮", "。", "步骤", "阅读", "3", "选择", "创建", "应用", "的", "类型", "如", "下", "图", "所示", ",", "然后", "按钮", "提示", "填写", "应用", "的", "相关", "信息", ",", "提交", "进入", "审核", "。", "步骤", "阅读", "步骤", "阅读", "4", "应用", "审核", "通过", "后", "会", "在", "管理", "中心", "中", "显示", "”", "已", "上线", "“", ",", "然后", "点击", "应用", "的", "图标", "。", "步骤", "阅读", "5", "在", "应用", "详情", "中", "找到", "运营", "服务", "中", "的", "”", "微", "下载", "“", ",", "点击进入", "详情", "页面", "。", "步骤", "阅读", "6", "在", "详情", "页面", "中", "就", "可以", "看到", "系统", "生成", "的", "推广", "链接地址", "了", ",", "复制", "此", "地址", "就", "可以", "微信", "中", "转发", "了", "。", "步骤", "阅读", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "我们都知道手游、APP想在微信分享时,下载的链接会被微信屏蔽,不能直接点击,那怎样才能得到微信认可的下载页面呢,这里就需要用到腾讯的开放平台,而你的应用也需要提交到这个平台。在这里可以得到微信认可的链接地址。接下来介绍相关方法。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 首先打开腾讯开放平台,注册开放平台的一个账号,如下图所示。 步骤阅读 2 登录后在”管理中心“中创建应用,如下图所示点击红线框选按钮。 步骤阅读 3 选择创建应用的类型如下图所示,然后按钮提示填写应用的相关信息,提交进入审核。 步骤阅读 步骤阅读 4 应用审核通过后会在管理中心中显示”已上线“,然后点击应用的图标。 步骤阅读 5 在应用详情中找到运营服务中的”微下载“,点击进入详情页面。 步骤阅读 6 在详情页面中就可以看到系统生成的推广链接地址了,复制此地址就可以微信中转发了。 步骤阅读 END", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "android微信分享的链接怎么启动app-CSDN论坛", "most_related_para": 0, "segmented_title": ["android", "微信", "分享", "的", "链接", "怎么", "启动", "app", "-", "CSDN", "论坛"], "segmented_paragraphs": [["app", "中", "分享", "到", "微信", "已经", "成功", ",", "但是", "通过", "分享", "的", "连接", "无法", "启动", "app", "。"], ["分享", "的", "链接", "就是", "普通", "的", "自定义", "url", ":", "myapp", ":", "/", "/", "www", ".", "myapp", ".", "com", "."], ["博客", "专家", "带", "你", "学", "swift", "晒", "图谱", ",", "涨", "知识", ",", "得", "好", "礼", "Swift", "问题", "与", "解答", "视频直播", "技术", "免费", "课"]], "paragraphs": ["app中分享到微信已经成功,但是通过分享的连接无法启动app。", "分享的链接就是普通的自定义url:myapp://www.myapp.com.", "博客专家带你学swift 晒图谱,涨知识,得好礼 Swift 问题与解答 视频直播技术免费课"], "bs_rank_pos": 2}, {"is_selected": false, "title": "android 从微信分享的网页中启动APP - mattdong1024的专栏 - CSDN", "most_related_para": 1, "segmented_title": ["android", "从", "微信", "分享", "的", "网页", "中", "启动", "APP", "-", "matt", "dong", "1024", "的", "专栏", "-", "CSDN"], "segmented_paragraphs": [["版权声明", ":", "本", "文", "为", "博", "主", "原创文章", ",", "未经", "博", "主", "允许", "不得转载", "。"], ["项目", "中", "有", "个", "需求", ",", "让", "用户", "可以", "从", "分享", "到", "微信", "的", "网页", "中", "启动", "自己", "的", "APP", ",", "如果", "本", "机", "没有", "安装", "该", "应用程序", "则", "打开", "应用", "商店", "并", "打开", "该", "程序", "在", "商店", "中", "的", "搜索", "结果", "页面", "。", "在这里", "跟", "大家", "分享", "一", "下", ":"], ["首先", "需要", "和", "服务端", "协商", "好", "网页", "中", "按钮", "点击", "事件", "的", "字段"], ["<", "a", "href", "=", "\"", "myapp", ":", "/", "/", "www", ".", "haodf", ".", "com", "\"", ">", "启动", "应用程序", "<", "/", "a", ">"], ["<", "a", "href", "=", "\"", "[", "scheme", "]", ":", "/", "/", "[", "host", "]", "/", "[", "path", "]", "?", "[", "query", "]", "\"", ">", "启动", "应用程序", "<", "/", "a", ">"], ["各", "个", "项目", "含义", "如", "下", "所示", ":"], ["scheme", ":", "判别", "启动", "的", "App", "。"], ["path", ":", "传值", "时", "必须", "的", "key"], ["query", ":", "获取", "值", "的", "Key", "和", "Value"], ["如果", "只是", "启动", "APP", "而", "不需要", "传值", "的", "话", ",", "一", "个", "scheme", "字段", "就", "足够", "了"], ["在", "客户端", "(", "android", ")", "需要", "做", "的", "就是", "在", "Android", "Manifest", ".", "xml", "文件", "中", "对", "Main", "Activity", "的", "<", "intent", "-", "filter", ">", "中", "增加", "一", "个", "<", "data", ">", "标签"], ["<", "data", "android", ":", "scheme", "=", "\"", "myapp", "\"", "/", ">"], ["原来", "很简单", "嘛", ",", "加上", "之后", "运行", "程序", ",", "测试", "一切正常", ",", "退出", "程序", "回到", "桌面", ",", "哎呦", "我", "去", ",", "我", "的", "APP", "跑", "哪", "去", "了", "?", "!", "!", "!"], ["原来", ",", "当", "我们", "在", "原来", "的", "<", "intent", "-", "filter", ">", "中", "增加", "<", "data", ">", "标签", "后", ",", "相当于", "入口", "activity", "由", "一", "个", "隐式", "的", "intent", "来", "启动", ",", "应用", "图标", "自然", "就", "不见", "了", ","], ["要", "解决", "该", "问题", "也", "比较", "简单", ",", "只", "需要", "在", "该", "activity", "中", "再", "加一", "个", "<", "intent", "-", "filter", ">", "标签", ",", "把", "<", "data", ">", "挪到", "新", "的", "标签", "中", "就", "可以", "了", "。"], ["<", "intent", "-", "filter", ">", "<", "action", "android", ":", "name", "=", "\"", "android", ".", "intent", ".", "action", ".", "MAIN", "\"", "/", ">", "<", "action", "android", ":", "name", "=", "\"", ".", "start", ".", "Splash", "Activity", "\"", "/", ">", "<", "category", "android", ":", "name", "=", "\"", "android", ".", "intent", ".", "category", ".", "LAUNCHER", "\"", "/", ">", "<", "/", "intent", "-", "filter", ">", "<", "intent", "-", "filter", ">", "<", "data", "android", ":", "scheme", "=", "\"", "doctor", "app", "scheme", "\"", "/", ">", "<", "category", "android", ":", "name", "=", "\"", "android", ".", "intent", ".", "category", ".", "DEFAULT", "\"", "/", ">", "<", "/", "intent", "-", "filter", ">"], ["实践", ":", "从", "微信", "分享", "的", "网页", "中", "启动", "app", ",", "如果", "本", "机", "安装", "了", "该", "应用", "可以", "正常", "启动", ",", "如果没有", "安装", "该", "应用", ",", "会", "跳转", "到", "应用宝", "的", "网页", ",", "提示", "你", "下载", "应用"], ["如果", "是", "从", "其他", "浏览器", "启动", "app", "的", "话", ",", "除了", "自带", "浏览器", "和", "谷歌", "浏览器", "外", ",", "其他", "第三方", "浏览器", "可能会", "有", "兼容性", "问题", ",", "也就是说", ",", "有", "可能", "无法", "从", "第三方", "浏览器", "启动", "app", "。"], ["相关文章", "推荐"], ["猜", "你", "在", "找"], ["个人资料"], ["文章", "搜索"], ["文章分类"], ["文章", "存档"], ["阅读排行"], ["评论", "排行"], ["推荐", "文章"], ["最新评论"]], "paragraphs": ["版权声明:本文为博主原创文章,未经博主允许不得转载。", "项目中有个需求,让用户可以从分享到微信的网页中启动自己的APP,如果本机没有安装该应用程序则打开应用商店并打开该程序在商店中的搜索结果页面。在这里跟大家分享一下:", "首先需要和服务端协商好网页中按钮点击事件的字段", "启动应用程序", "启动应用程序", "各个项目含义如下所示:", "scheme:判别启动的App。", "path:传值时必须的key", "query:获取值的Key和Value", "如果只是启动APP而不需要传值的话,一个scheme字段就足够了", "在客户端(android)需要做的就是在AndroidManifest.xml文件中对MainActivity的中增加一个标签", "", "原来很简单嘛,加上之后运行程序,测试一切正常,退出程序回到桌面,哎呦我去,我的APP跑哪去了?!!!", "原来,当我们在原来的中增加标签后,相当于入口activity由一个隐式的intent来启动,应用图标自然就不见了,", "要解决该问题也比较简单,只需要在该activity中再加一个标签,把挪到新的标签中就可以了。", "        ", "实践:从微信分享的网页中启动app,如果本机安装了该应用可以正常启动,如果没有安装该应用,会跳转到应用宝的网页,提示你下载应用", "如果是从其他浏览器启动app的话,除了自带浏览器和谷歌浏览器外,其他第三方浏览器可能会有兼容性问题,也就是说,有可能无法从第三方浏览器启动app。", "相关文章推荐", "猜你在找", "个人资料", "文章搜索", "文章分类", "文章存档", "阅读排行", "评论排行", "推荐文章", "最新评论"], "bs_rank_pos": 3}, {"is_selected": true, "title": "微信浏览器中点击链接怎么打开本地app_百度经验", "most_related_para": 4, "segmented_title": ["微信", "浏览器", "中", "点击", "链接", "怎么", "打开", "本地", "app", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["微信", "已经成为", "现代人", "生活", "中", "必不可少", "的", "一部分", ",", "下面", "我", "就", "教", "大家", "如何", "在", "微信", "浏览器", "中", "打开", "本地", "APP", "吧", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "将", "手机", "微信", "打开", "。", "步骤", "阅读", "2", "打开", "微信", "中", "的", "链接", "。", "步骤", "阅读", "3", "如图", "我们", "打开", "百度", "经验", "的", "链接", ",", "用", "微信", "浏览器", "进入", "网页", "以后", ",", "点击", "右", "上方", "如图", "符号", "。", "步骤", "阅读", "4", "进入", "选择", "页面", ",", "点击", "“", "在", "浏览器", "”", "打开", "。", "步骤", "阅读", "5", "如图", "会出现", "手机", "已", "安装", "的", "本地", "APP", "浏览器", ",", "我们", "选择", "一", "个", "自己", "想", "用", "的", "本地", "浏览器", "点击", "下方", "“", "仅", "一次", "”", "或", "“", "总是", "”", "都", "可以", "打开", "打开", "本地", "APP", "浏览器", "。", "步骤", "阅读", "6", "此时", ",", "我们", "就", "已经", "在", "微信", "浏览器", "中将", "本地", "APP", "浏览器", "打开", "了", "步骤", "阅读", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "微信已经成为现代人生活中必不可少的一部分,下面我就教大家如何在微信浏览器中打开本地APP吧!", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 将手机微信打开。 步骤阅读 2 打开微信中的链接。 步骤阅读 3 如图我们打开百度经验的链接,用微信浏览器进入网页以后,点击右上方如图符号。 步骤阅读 4 进入选择页面,点击“在浏览器”打开。 步骤阅读 5 如图会出现手机已安装的本地APP浏览器,我们选择一个自己想用的本地浏览器点击下方“仅一次”或“总是”都可以打开打开本地APP浏览器。 步骤阅读 6 此时,我们就已经在微信浏览器中将本地APP浏览器打开了 步骤阅读 END", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 4}], "answer_spans": [[0, 110]], "fake_answers": ["1将手机微信打开。步骤阅读2打开微信中的链接。步骤阅读3如图我们打开百度经验的链接,用微信浏览器进入网页以后,点击右上方如图符号。步骤阅读4进入选择页面,点击“在浏览器”打开。步骤阅读5如图会出现手机已安装的本地APP浏览器,我们选择一个自己想用的本地浏览器点击下方“仅一次”或“总是”都可以打开打开本地APP浏览器。步骤阅读6此时,我们就已经在微信浏览器中将本地APP浏览器打开了"], "question": "微信分享链接打开app", "segmented_answers": [["iOS", "里", ",", "把", "一", "个", "页面", "链接", "分享", "给", "微信", "好友", "(", "会话", ")", ",", "好友", "在", "微信", "里", "打开", "这个", "链接", ",", "也", "就是", "打开", "了", "一", "个", "网页", ",", "点击", "网页", "里", "的", "某", "个", "地方", "后", "(", "比如", "网页", "中", "“", "打开", "xx", "应用程序", "”", "的", "按钮", ")", ",", "代码", "里", "怎么", "设置", "可以", "跳", "回到", "第三方", "app", "?", "知乎", "的", "ios", "客户端", "就", "有", "这种", "功能", ",", "在", "微信", "里", "分享", "链接", "后", ",", "点", "开", "链接", ",", "再", "点", "网页", "中", "的", "某处", ",", "就", "可以", "打开", "知乎", "客户端", "。"], ["1", "、", "首先", "打开", "腾讯", "开放", "平台", ",", "注册", "开放", "平台", "的", "一", "个", "账号", "。", "2", "、", "登录", "后", "在", "”", "管理", "中心", "“", "中", "创建", "应用", "。", "3", "、", "选择", "创建", "应用", "的", "类型", "如", "下", "图", "所示", ",", "然后", "按钮", "提示", "填写", "应用", "的", "相关", "信息", ",", "提交", "进入", "审核", "。", "4", "、", "应用", "审核", "通过", "后", "会", "在", "管理", "中心", "中", "显示", "”", "已", "上线", "“", ",", "然后", "点击", "应用", "的", "图标", "。", "5", "、", "在", "应用", "详情", "中", "找到", "运营", "服务", "中", "的", "”", "微", "下载", "“", "。", "6", "、", "在", "详情", "页面", "中", "就", "可以", "看到", "系统", "生成", "的", "推广", "链接地址", "了", ",", "复制", "此", "地址", "就", "可以", "微信", "中", "转发", "了", "。"], ["1", "将", "手机", "微信", "打开", "。", "2", "打开", "微信", "中", "的", "链接", "。", "3", "我们", "打开", "百度", "经验", "的", "链接", ",", "用", "微信", "浏览器", "进入", "网页", "以后", ",", "点击", "右", "上方", "如图", "符号", "。", "4", "进入", "选择", "页面", ",", "点击", "“", "在", "浏览器", "”", "打开", "。", "5", "出现", "手机", "已", "安装", "的", "本地", "APP", "浏览器", ",", "我们", "选择", "一", "个", "自己", "想", "用", "的", "本地", "浏览器", "点击", "下方", "“", "仅", "一次", "”", "或", "“", "总是", "”", "都", "可以", "打开", "打开", "本地", "APP", "浏览器", "。", "6", "此时", ",", "我们", "就", "已经", "在", "微信", "浏览器", "中将", "本地", "APP", "浏览器", "打开", "了", "。"]], "answers": ["iOS里,把一个页面链接分享给微信好友(会话),好友在微信里打开这个链接,也就是打开了一个网页,点击网页里的某个地方后(比如网页中“打开xx应用程序”的按钮),代码里怎么设置可以跳回到第三方app?知乎的ios客户端就有这种功能,在微信里分享链接后,点开链接,再点网页中的某处,就可以打开知乎客户端 。", "1、首先打开腾讯开放平台,注册开放平台的一个账号。2、登录后在”管理中心“中创建应用。3、选择创建应用的类型如下图所示,然后按钮提示填写应用的相关信息,提交进入审核。4、应用审核通过后会在管理中心中显示”已上线“,然后点击应用的图标。5、在应用详情中找到运营服务中的”微下载“。6、在详情页面中就可以看到系统生成的推广链接地址了,复制此地址就可以微信中转发了。", "1将手机微信打开。2打开微信中的链接。3我们打开百度经验的链接,用微信浏览器进入网页以后,点击右上方如图符号。4进入选择页面,点击“在浏览器”打开。5出现手机已安装的本地APP浏览器,我们选择一个自己想用的本地浏览器点击下方“仅一次”或“总是”都可以打开打开本地APP浏览器。6此时,我们就已经在微信浏览器中将本地APP浏览器打开了。"], "answer_docs": [4], "segmented_question": ["微信", "分享", "链接", "打开", "app"], "question_type": "DESCRIPTION", "question_id": 91159, "fact_or_opinion": "FACT", "match_scores": [0.8815165876777251]}
-{"documents": [{"is_selected": true, "title": "有什么方法可以在睡眠中死亡?比如在_有问必答_快速问医生", "most_related_para": 1, "segmented_title": ["有", "什么", "方法", "可以", "在", "睡眠", "中", "死亡", "?", "比如", "在", "_", "有问必答", "_", "快速", "问", "医生"], "segmented_paragraphs": [["健康", "咨询", "描述", ":", "有", "什么", "方法", "可以", "在", "睡眠", "中", "死亡", "?", "比如", "在", "睡觉", "前", "吃", "了", "或", "喝", "了", "什么", "东西", ",", "然后", "睡着", "后", "慢慢", "的", "死去", ",", "没有", "痛苦", "。"], ["病情", "分析", ":", "你好", "一般", "是", "安眠药", "或者", "去", "医院", "进行", "安乐死", "指导意见", ":", "不过", "这", "不是", "解决", "的", "方法", "这", "也是", "不允许", "的", "如果", "心理", "有问题", "应该", "咨询", "心理", "医生"], ["除了这些还有", "没有", "其他", "的", "方法", ",", "身边", "可以", "常用", "的", "东西", ",", "像", "醋", "啊", "盐", "啊", "酱油", "还有", "感冒药", "什么", "的", "。", "就是", "问问", ",", "以后", "好", "预防", ","], ["氨", "酚", "伪", "麻美", "参考价格", ":", "6", ".", "5", "查看", "说明书"], ["感冒", "止咳", "颗", "参考价格", ":", "15", "查看", "说明书"], ["感冒", "安", "片", "参考价格", ":", "4.9", "查看", "说明书"], ["氨", "酚", "伪", "麻美", "芬", "片", "Ⅱ", "/", "氨", "麻", "苯", "美", "片", "本", "品", "适用于", "治疗", "和", "减轻", "感冒", "引起", "的", "发热", "、", "头痛", "、", "周", "身", "四", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "6", ".", "5"], ["感冒", "灵", "颗粒", "解热镇痛", "。", "本", "品", "用于", "感冒", "引起", "的", "头痛", ",", "发热", ",", "鼻塞", ",", "流", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "9", ".", "9"], ["专家", "在线", "免费咨询"], ["看病", "男科", "妇科", "癫痫", "性病", "养生", "新闻", "白癫风", "牛皮癣"], ["就医", "疾病", "信息", "健康", "经验", "症状", "信息", "手术", "项目", "检查", "项目", "健康", "百科", "求医问药"], ["用药", "药品", "库", "疾病", "用药", "药品", "心得", "用药", "安全", "药品", "资讯", "用药", "方案", "品牌", "药企", "明星", "药品"], ["整形", "整形", "项目", "整形", "案例", "整形", "资讯", "整形医院", "减肥", "塑形", "眼部", "整形", "鼻部", "整形", "面部", "整形"], ["有问必答", "内科", "外科", "儿科", "药品", "遗传", "美容", "检查", "减肥", "中医科", "五官科", "传染科", "体检", "科", "妇产科", "肿瘤科", "康复科", "子女教育", "心理健康", "整形美容", "家居", "环境", "皮肤性病", "营养保健", "其他", "科室", "保健养生"], ["下载", "APP", ",", "免费", "快速", "问", "医生"]], "paragraphs": ["健康咨询描述: 有什么方法可以在睡眠中死亡?比如在睡觉前吃了或喝了什么东西,然后睡着后慢慢的死去,没有痛苦。", "病情分析: 你好一般是安眠药或者去医院进行安乐死 指导意见: 不过这不是解决的方法这也是不允许的如果心理有问题应该咨询心理医生", "除了这些还有没有其他的方法,身边可以常用的东西,像醋啊盐啊酱油还有感冒药什么的。就是问问,以后好预防,", "氨酚伪麻美  参考价格:6.5 查看说明书", "感冒止咳颗  参考价格:15 查看说明书", "感冒安片  参考价格:4.9 查看说明书", "氨酚伪麻美芬片Ⅱ/氨麻苯美片 本品适用于治疗和减轻感冒引起的发热、头痛、周身四...[说明书] 参考价格:¥6.5", "感冒灵颗粒 解热镇痛。本品用于感冒引起的头痛,发热,鼻塞,流...[说明书] 参考价格:¥9.9", "专家在线免费咨询", "看病 男科 妇科 癫痫 性病 养生 新闻 白癫风 牛皮癣", "就医 疾病信息 健康经验 症状信息 手术项目 检查项目 健康百科 求医问药", "用药 药品库 疾病用药 药品心得 用药安全 药品资讯 用药方案 品牌药企 明星药品", "整形 整形项目 整形案例 整形资讯 整形医院 减肥塑形 眼部整形 鼻部整形 面部整形", "有问必答 内科 外科 儿科 药品 遗传 美容 检查 减肥 中医科 五官科 传染科 体检科 妇产科 肿瘤科 康复科 子女教育 心理健康 整形美容 家居环境 皮肤性病 营养保健 其他科室 保健养生", "下载APP,免费快速问医生"], "bs_rank_pos": 0}, {"is_selected": false, "title": "震惊 这样的睡眠方式竟然会导致猝死 - 三九养生堂", "most_related_para": 2, "segmented_title": ["震惊", "这样", "的", "睡眠", "方式", "竟然", "会导致", "猝死", "-", "三九", "养生堂"], "segmented_paragraphs": [["人的一生", "之", "中", "有", "三分之一", "还", "多", "的", "时间", "实在", "床上", "度过", "的", ",", "换言之", "就是", "我们", "的", "一生", "有", "三分之一", "还", "多", "的", "寿命", "是", "在", "睡眠", "之", "中", "度过", "的", ",", "而", "最近", "却", "频", "频", "出现", "了", "有人", "在", "睡眠", "之", "中", "突然死亡", "的", "消息", ",", "那么", "我们", "在", "睡眠", "之", "中", "真", "的", "会", "突然死亡", "吗", "?", "还是", "有", "什么", "原因", "导致", "我们", "会", "在", "睡眠", "之", "中", "突然死亡", "呢", "?", "下面", "就", "来", "为", "大家", "解答", "这个问题", "吧", "。"], ["人", "为什么", "会", "在", "睡眠", "中", "死亡"], ["睡眠", "是", "我们", "一生之中", "最", "寻常", "也是", "最", "重要", "的", "事情", "之", "一", ",", "他", "对", "我们", "来", "说", "是", "无法", "替换", "的", "生命", "本能", ",", "那么", "何时", "“", "睡眠", "”", "竟然", "也", "会", "成为", "生命", "的", "杀手", "呢", "?", "我们", "又", "为什么", "会", "在", "睡眠", "之", "中", "死亡", "呢", "?", "其实", "睡眠", "的", "时候", "我们", "的", "人体", "是", "处于", "休眠", "状态", "的", ",", "而", "有时", "被", "一些", "外", "在", "的", "事物", "所", "干扰", "到", ",", "潜意识", "之", "中", "就会", "受到影响", ",", "严重", "的", "就会", "导致", "死亡", ",", "就", "如", "一个人", "做梦", "梦到", "自己", "被", "人", "给", "勒死", "了", ",", "而", "此时", "如果", "他", "的", "脖子", "上", "搭", "着", "一", "条", "丝巾", "或者", "被", "枕边人", "的", "手臂", "搭", "在", "靠近", "脖子", "的", "地方", "很容易", "就会", "突然", "猝死", ",", "这时", "因为", "潜意识", "里", "你", "觉得", "自己", "死", "了", "要是", "没有", "其他", "的", "东西", "影响", "到", "身体", "的", "感觉", "我们", "的", "大脑", "就会", "觉得", "这", "是", "做梦", ",", "而", "要", "是", "有", "东西", "影响", "到", "我们的身体", "感觉", "大脑", "就会", "将", "梦中", "的", "情景", "和", "现实", "的", "感觉", "结合起来", ",", "大脑", "就会", "被", "这样", "的", "感觉", "所", "欺骗", "导致", "猝死", "或者说", "是", "“", "脑死亡", "”", "那么", "问题", "来", "了", "什么", "样", "的", "情况", "下", "会出现", "上述", "的", "状况", ",", "而", "我们", "要", "怎么样", "避免", "这样", "的", "情况", "发生", "呢", "?", "别着急", "接下来", "就会", "为", "大家", "讲解", "这些", "问题", "。"], ["带", "着", "饰品", "睡觉", "易", "猝死"], ["有些", "朋友", "睡觉时", "会", "带", "着", "手表", "、", "项链", "、", "戒指", "等等", "的", "饰品", "睡觉", ",", "而", "这样", "的", "情况", "其实", "是", "最", "危险", "的", ",", "不", "提", "我们", "睡觉", "中", "流出", "的", "汗液", "会", "将", "这些", "饰品", "腐蚀", "吸收", "将", "重金属", "通过", "毛孔", "吸收", "到", "体", "内", "这样", "的", "状况", ",", "就", "说", "有些", "时候", "我们", "做噩梦", "之", "时", "可能", "就是", "应", "为", "这些", "小饰品", "带给", "身体", "上", "的", "感觉", "导致", "大脑", "被", "欺骗", ",", "从而", "让", "人", "“", "脑死亡", "”", "也就是说", "大脑", "因为", "这些", "小饰品", "带来", "的", "感觉", "再", "和", "深度", "睡眠", "之后", "深入", "到", "潜意识", "之", "中", "的", "噩梦", "所", "结合", ",", "觉得", "自己", "已经", "死", "了", "自动停止", "了", "生命", "活动", "的", "特征", "导致", "人", "在", "睡", "梦中", "猝死", "。"], ["相关", "阅读", "推荐", ":"], ["三大", "著名", "补肾", "固", "元", "的", "长寿", "穴", "身体", "上面", "有很多", "的", "穴位", ",", "如果", "我们", "能", "利用", "好", "这些", "养生", "穴", ".", ".", "."], ["西红柿", "能", "防", "4", "种", "癌", "吃法", "有讲究", "西红柿", "含", "大量", "番茄红素", "、", "维生素", "、", "胡萝卜素", "及", "微量元素", ".", ".", "."], ["最", "养", "女人", "的", "7", "种", "食物", "菜场", "就", "有", "女人如花", ",", "鲜艳", "绚烂", "却", "总", "有", "凋零", "时", ",", "因而", "每个", "女人", "都", "渴", ".", ".", "."], ["1", "盐城", "绝味", "店", "买", "的", "毛豆", "吃", "出", "苍蝇", "2", "天", "兴隆", "的", "沙琪玛", "里", "有", "好多", "蚂蚁"], ["26岁", "小伙", "这里", "太", "臭", "竟", "招人", "嫌弃", "男人", "尿毒症", "换肾", "后", "还能", "活", "多久", "男人", "不可", "百日", "无", "姜", "竟是", "因为", "这", "一分钱", "都", "不", "花", "的", "中医", "补肾", "秘方"], ["有助于", "女人", "长寿", "的", "11", "大新", "发现", "女人", "额头", "脂肪", "填充", "能", "维持", "多久", "女子", "天天", "喝", "这东西", "肾", "竟然", "坏", "了", "耳朵", "里", "长", "这", "物", "竟", "让", "她", "头晕", "不", "已"]], "paragraphs": ["人的一生之中有三分之一还多的时间实在床上度过的,换言之就是我们的一生有三分之一还多的寿命是在睡眠之中度过的,而最近却频频出现了有人在睡眠之中突然死亡的消息,那么我们在睡眠之中真的会突然死亡吗?还是有什么原因导致我们会在睡眠之中突然死亡呢?下面就来为大家解答这个问题吧。", "人为什么会在睡眠中死亡", "睡眠是我们一生之中最寻常也是最重要的事情之一,他对我们来说是无法替换的生命本能,那么何时“睡眠”竟然也会成为生命的杀手呢?我们又为什么会在睡眠之中死亡呢?其实睡眠的时候我们的人体是处于休眠状态的,而有时被一些外在的事物所干扰到,潜意识之中就会受到影响,严重的就会导致死亡,就如一个人做梦梦到自己被人给勒死了,而此时如果他的脖子上搭着一条丝巾或者被枕边人的手臂搭在靠近脖子的地方很容易就会突然猝死,这时因为潜意识里你觉得自己死了要是没有其他的东西影响到身体的感觉我们的大脑就会觉得这是做梦,而要是有东西影响到我们的身体感觉大脑就会将梦中的情景和现实的感觉结合起来,大脑就会被这样的感觉所欺骗导致猝死或者说是“脑死亡”那么问题来了什么样的情况下会出现上述的状况,而我们要怎么样避免这样的情况发生呢?别着急接下来就会为大家讲解这些问题。", "带着饰品睡觉易猝死", "有些朋友睡觉时会带着手表、项链、戒指等等的饰品睡觉,而这样的情况其实是最危险的,不提我们睡觉中流出的汗液会将这些饰品腐蚀吸收将重金属通过毛孔吸收到体内这样的状况,就说有些时候我们做噩梦之时可能就是应为这些小饰品带给身体上的感觉导致大脑被欺骗,从而让人“脑死亡”也就是说大脑因为这些小饰品带来的感觉再和深度睡眠之后深入到潜意识之中的噩梦所结合,觉得自己已经死了自动停止了生命活动的特征导致人在睡梦中猝死。", "相关阅读推荐:", "三大著名补肾固元的长寿穴 身体上面有很多的穴位,如果我们能利用好这些养生穴...", "西红柿能防4种癌 吃法有讲究 西红柿含大量番茄红素、维生素、胡萝卜素及微量元素...", "最养女人的7种食物 菜场就有 女人如花,鲜艳绚烂却总有凋零时,因而每个女人都渴...", "1盐城绝味店买的毛豆吃出苍蝇 2天兴隆的沙琪玛里有好多蚂蚁", "26岁小伙这里太臭竟招人嫌弃 男人尿毒症换肾后还能活多久 男人不可百日无姜竟是因为这 一分钱都不花的中医补肾秘方", "有助于女人长寿的11大新发现 女人额头脂肪填充能维持多久 女子天天喝这东西肾竟然坏了 耳朵里长这物竟让她头晕不已"], "bs_rank_pos": 1}, {"is_selected": false, "title": "有什么方法可以在睡眠中死亡?比如在_快速问医生_免费咨询", "most_related_para": 3, "segmented_title": ["有", "什么", "方法", "可以", "在", "睡眠", "中", "死亡", "?", "比如", "在", "_", "快速", "问", "医生", "_", "免费咨询"], "segmented_paragraphs": [["健康", "咨询", "描述", ":", "有", "什么", "方法", "可以", "在", "睡眠", "中", "死亡", "?", "比如", "在", "睡觉", "前", "吃", "了", "或", "喝", "了", "什么", "东西", ",", "然后", "睡着", "后", "慢慢", "的", "死去", ",", "没有", "痛苦", "。"], ["北京", "军颐", "中医", "医院", "擅长", "失眠", "、", "抑郁", "、", "精神分裂"], ["陈", "建"], ["病情", "分析", ":", "你好", "一般", "是", "安眠药", "或者", "去", "医院", "进行", "安乐死"], ["指导意见", ":", "不过", "这", "不是", "解决", "的", "方法", "这", "也是", "不允许", "的", "如果", "心理", "有问题", "应该", "咨询", "心理", "医生"], ["除了这些还有", "没有", "其他", "的", "方法", ",", "身边", "可以", "常用", "的", "东西", ",", "像", "醋", "啊", "盐", "啊", "酱油", "还有", "感冒药", "什么", "的", "。", "就是", "问问", ",", "以后", "好", "预防", ","], ["北京", "德胜门", "中医院", "杨魁芬", "主任", "免费咨询"], ["杨魁芬", "专治", "失眠", "抑郁", "40", "多", "年", "临床", "经验", "免费咨询"], ["专家", "推荐", ";", "放化疗", "!", "失眠", ",", "必", "选", "人鱼", "生命", "藻"], ["清除", "肺部", "垃圾", "靠", "\"", "喝", "\"", "出来", "导读", ":", "随着", "社会", "的", "发展", ",", "空气质量", ".", ".", "."], ["3", "个", "时段", "喝水", "最", "护", "心", "导读", ":", "心脏病", "的", "可怕", "之", "处", "尽人皆知", ".", ".", "."], ["专家", "推荐", ";", "放化疗", "!", "失眠", ",", "必", "选", "人鱼", "生命", "藻"]], "paragraphs": ["健康咨询描述: 有什么方法可以在睡眠中死亡?比如在睡觉前吃了或喝了什么东西,然后睡着后慢慢的死去,没有痛苦。", "北京军颐中医医院 擅长失眠、抑郁、精神分裂", "陈建", "病情分析: 你好一般是安眠药或者去医院进行安乐死", "指导意见: 不过这不是解决的方法这也是不允许的如果心理有问题应该咨询心理医生", "除了这些还有没有其他的方法,身边可以常用的东西,像醋啊盐啊酱油还有感冒药什么的。就是问问,以后好预防,", "北京德胜门中医院 杨魁芬主任 免费咨询", "杨魁芬 专治失眠抑郁 40多年临床经验 免费咨询", "专家推荐;放化疗! 失眠,必选人鱼生命藻", "清除肺部垃圾靠\"喝\"出来 导读:随着社会的发展,空气质量...", "3个时段喝水最护心 导读:心脏病的可怕之处尽人皆知...", "专家推荐;放化疗! 失眠,必选人鱼生命藻"], "bs_rank_pos": 2}, {"is_selected": false, "title": "女生半夜睡觉突然尖叫身亡 揭秘猝死原因有哪些 - 专栏 - 中国网 ", "most_related_para": 4, "segmented_title": ["女生", "半夜", "睡觉", "突然", "尖叫", "身亡", "揭秘", "猝死", "原因", "有", "哪些", "-", "专栏", "-", "中国", "网"], "segmented_paragraphs": [["女生", "突然", "尖叫", "身亡", "死因"], ["16", "日", "凌晨", "五", "时", "许", ",", "福建", "医科大学", "的", "大三学生", "小梅", "在", "宿舍", "睡觉时", ",", "突然", "呼吸急促", ",", "还", "伴有", "尖叫", ",", "后", "被", "送", "医院", ",", "但", "医生", "也", "没", "能", "挽回", "这", "条", "年轻", "的", "生命", "。", "据了解", ",", "小梅", "是", "家中", "的", "独", "女", ",", "今年", "才", "20", "岁", "。", "同学们", "都", "说", ",", "没有", "发现", "小梅", "在", "死", "前", "有", "何", "异常", "。", "目前", "警方", "已", "介入调查", "。"], ["睡", "梦中", "尖叫", "舍友", "以为", "做", "恶梦"], ["小梅", "的", "身亡", ",", "来", "得", "有点", "突然", "。", "据", "小梅", "的", "舍友", "介绍", ",", "当日", "凌晨", "5", "时许", ",", "她们", "在", "睡", "梦中", ",", "突然", "听到", "小梅", "的", "尖叫声", ",", "“", "声音", "还", "不", "小", ",", "把", "我们", "都", "惊醒", "了", "。", "”", "其中一位", "舍友", "看到", ",", "小梅", "的", "腿", "在", "抽筋", ",", "身子", "在", "晃动", ",", "还在", "急促", "地", "喘气", "。", "开始", "以为", "小梅", "在", "做", "恶梦", ",", "舍友", "们", "喊", "了", "她", "名字", ",", "小梅", "似乎", "安静了", "一会", ",", "但", "随即", "又", "开始", "尖叫", "和", "喘气", "。", "意识到", "不妥", ",", "舍友", "们", "赶紧", "拨打", "了", "120", ",", "并", "通知", "了", "辅导员", "。"], ["据", "小梅", "的", "同学", "介绍", ",", "小梅", "被", "同学们", "抬", "下", "送", "到", "校医", "室", "时", ",", "心跳", "已经", "很", "慢", "。", "校医", "赶紧", "给", "她", "做", "心脏", "按压", ",", "进行", "急救", "。", "后来", "120", "救护车", "将", "小梅", "送往", "医院", "抢救", ",", "但", "也", "没", "能", "挽回", "小梅", "的", "生命", "。"], ["还原", "生", "前一", "天", "活动", "并", "无异常"], ["昨日", ",", "在", "福建", "医科大学", "的", "大学城", "校区", ",", "小梅", "生", "前", "所在", "的", "宿舍", "仍然", "被", "封锁", "着", ",", "小梅", "的", "舍友", "也", "转移", "到", "了", "隔壁", "宿舍", "住", "。", "“", "小梅", "没有", "说过", "有", "不舒服", ",", "也", "没有", "吃药", "。", "”", "许多", "同学", "都", "表示", ",", "没有", "发现", "小梅", "有", "异常", "。"], ["记者", "采访", "了", "小梅", "的", "多", "位", "同学", ",", "大", "体", "还原", "了", "小梅", "在", "15", "日", "这一", "天", "的", "活动", "。", "上午", ",", "小梅", "在", "教室", "自习", "。", "下午", ",", "观看", "班里", "男生", "的", "篮球赛", ",", "在", "比赛", "的", "休息时间", ",", "小梅", "还", "上场", "投", "了", "两", "个", "球", ",", "但", "没有", "更多", "的", "剧烈运动", "。", "比赛", "后", ",", "小梅", "和", "班里", "一大", "群", "人", "去", "附近", "的", "一", "家", "川菜", "馆", "吃饭", "。", "吃饭", "期间", ",", "小梅", "喝", "了", "一点酒", "。", "“", "这家店", "我们", "经常", "去", ",", "其它", "人", "吃", "了", ",", "也", "没有", "明显", "的", "不舒服", "。", "”", "一", "位", "学生", "告诉记者", "。"], ["当晚", "11", "时许", ",", "小梅", "上床", "睡觉", ",", "16", "日", "凌晨", "前后", "上", "了", "一趟", "厕所", "。", "谁", "也", "没想到", "小梅", "这", "一", "躺下", ",", "就", "再", "没", "醒", "过来", "。"], ["小梅", "妈妈", ":", "家人", "无", "先天性疾病"], ["小梅", "突然", "身亡", "的", "消息", ",", "让", "小梅", "父母", "措手不及", "。", "记者", "昨日", "见到", "小梅", "的", "妈妈", "杨", "女士", ",", "发现", "她", "已经", "哭", "肿", "了", "双眼", "。"], ["“", "在", "电话", "里", ",", "小梅", "还", "说", "自己", "肥", "了", ",", "要", "少", "吃", "点", "零食", "。", "我", "还", "告诉", "她", ",", "没关系", ",", "以后", "工作", "了", ",", "就会", "瘦下来", "。", "”", "回忆", "起", "母女", "的", "最后", "一", "次", "通话", ",", "杨", "女士", "失声痛哭", "。"], ["据", "杨", "女士", "介绍", ",", "家人", "都", "没有", "先天性疾病", "或", "遗传病", "。"], ["昨日", ",", "校", "方", "证实", ",", "小梅", "系", "福建", "医科大学", "2012", "级", "五年", "制", "医学影像学", "专业", "学生", "。", "16", "日", "11", "点", "30", "分", ",", "该", "生", "因", "抢救无效", "死亡", "。", "校", "方", "有关人士", "表示", ",", "该", "生", "在", "送", "医", "过程", "中", ",", "学校", "相关部门负责人", "、", "学院", "领导", "一直", "陪同", "协调", "处理", "急救", "事项", "。", "当日", ",", "该", "生", "所在", "学院", "领导", "陪同", "家属", "到", "荷塘", "派出所", "报案", "。"], ["在", "各种", "社会新闻", "里", ",", "素", "来", "健康", "的", "人", "突然死亡", "总会", "引起", "观", "者", "的", "各种", "猜疑", ",", "评论", "中", "不", "乏", "“", "好", "好", "的", "大", "活人", "因为", "一点小伤", "小", "病", "就", "死", "了", "?", "这", "可能", "吗", "?", "”", "之类", "的", "问题", "。"], ["理论", "上", "来", "说", ",", "这", "是", "有", "可能", "的", "。", "我们的身体", "很", "坚韧", ",", "许多人", "可以", "带", "着", "疾病", "或是", "生理", "缺陷", "长期", "过", "着", "波澜不惊", "的", "生活", ",", "看上去", "完全", "健康", ";", "我们的身体", "也", "很脆弱", ",", "当", "那些", "潜藏", "的", "疾病", "或", "是", "缺陷", "突然爆发", "的", "时候", ",", "身体", "机", "能", "会", "遭受", "沉重", "的", "打击", ",", "迅速", "地", "危及", "生命", ",", "也", "就是说", ",", "死亡", "可能", "毫无", "预兆", "地", "降临", "在", "任何", "人", "身上", "。", "是", "的", ",", "我们", "在", "谈论", "猝死", ",", "一", "种", "由于", "机体", "潜在", "疾病", "或", "重要", "器官", "功能", "急性", "功能障碍", "导致", "的", "意外", "死亡", ",", "它", "没有", "我们", "想象", "的", "那么", "罕见", ",", "要知道", ",", "在", "自然", "死亡", "的", "人数", "中", ",", "猝死", "占", "了", "大概", "10", "%", "还", "多", "。"], ["猝死", "的", "原因", "非常", "多样", ",", "心", "、", "肺", "、", "脑", "等", "人体", "各", "个", "重要", "器官", "和", "系统", "的", "疾病", "都", "有", "可能", ",", "而", "死神", "最", "常用", "的", "手段", "和", "《", "死亡笔记", "》", "一样", "是", "心血管疾病", ",", "其中", "“", "荣登榜首", "”", "的", "病", "是", "冠", "心", "玻", "在", "当下", ",", "我们", "上", "了", "年纪", "的", "亲戚", "朋友", "里", "总", "有", "几个", "冠心病患者", ",", "该病", "平时", "可能", "相当", "温和", ",", "许多", "患者", "根本", "感觉不到", "它", "的", "存在", ",", "可", "当", "疾病", "突然"], ["发作", "导致", "患者", "心肌梗死", "的", "时候", ",", "死神", "就", "向着", "他们", "招", "手", "了", ",", "心脏", "破裂", "、", "心律失常", "等", "各种", "并发症", "都", "能", "迅速", "地", "夺走", "生命", "。", "如果说", ",", "冠心病", "这种", "常见", "的", "慢性病", "导致", "的", "死亡", "突然", "有余", ",", "却", "不够", "让", "人", "感到", "意外", "的", "话", ",", "死神", "还有", "诸如", "Marfan", "综合征", "这样", "隐蔽", "的", "“", "定时", "炸弹", "”", "。", "这种病", "是", "一", "种", "从", "娘胎", "里", "就", "带", "出来", "的", "遗传病", ",", "主要", "影响", "骨骼", "、", "眼睛", "和", "心血管", ",", "患者", "的", "身材", "会", "高", "大", "四肢", "会", "细长", ",", "这", "看上去", "还", "不", "算", "太", "糟糕", ",", "有些", "患者", "还", "靠", "这些", "身体", "优势", "成", "了", "运动员", "。", "可", "如果", "心血管", "也", "受到", "了", "影响", ",", "患者", "的", "心脏", "会", "随着", "年龄", "增长", "被", "血压", "撑", "得", "越来越大", ",", "主动脉", "甚至", "会", "像", "气球", "一样", "膨大", "成", "瘤", "状", ",", "这", "可", "就", "大", "大", "的", "不妙", "了", ",", "想象一下", "当", "患者", "激动", "或", "剧烈运动", "血压", "骤然", "升高", ",", "那个", "连接", "着", "心脏", "的", "“", "气球", "”", "受不了", "压力", "破", "掉", "造成", "大出血", "会", "是", "个", "什么", "后果", "吧", ",", "美国", "著名", "女", "排球", "运动员", "海曼", "、", "我", "国", "著名", "排球", "运动员", "朱刚", "这些", "看似", "健康", "乃至", "强壮", "的", "运动员", "都", "因此", "倒", "在", "了", "球场", "上", "。"], ["除了", "潜在", "的", "疾病", "导致", "的", "猝死", ",", "有些", "死亡", "可以说", "来", "得", "有些", "“", "无厘头", "”", "。", "比如", "青壮年", "猝死", "综合征", ",", "死者", "身上", "经常", "找不到", "显著", "的", "病变", ",", "学", "界", "仅", "从", "众多", "案例", "中", "总结", "出", "了", "以", "男", "青年", "多", "见", "、", "既往", "健康", "、", "多于", "睡眠", "中", "迅速", "死亡", "等", "特点", "—", "—", "是", "的", ",", "年轻人", "“", "睡觉", "死", "”", "是", "可能", "的", "!", "再", "比如", "抑制", "死", ",", "学", "界", "认为", "有些人", "的", "神经", "天生", "比", "一般人", "敏感", ",", "只要", "一", "点", "很", "平常", "的", "刺激", ",", "比如", "挨", "几", "下", "只能", "造成", "皮", "肉", "伤", "的", "打击", "、", "受到惊吓", "或是", "呛", "了", "冷水", "等等", ",", "就", "可能", "通过", "神经", "反射", "抑制", "心脏", "活动", "导致", "死亡", "—", "—", "是", "的", ",", "真", "有", "喝水", "呛", "了", "一", "口", "就", "撒手", "人寰", "的", "“", "喝水", "死", "”", "案例", "!"], ["实际", "的", "案", "情", "常常", "比", "理论", "复杂", "得", "多", ",", "突然", "发生", "的", "死亡", "虽有", "自然", "发生", "的", "可能", ",", "却", "也", "藏着", "种", "种", "人为", "的", "可能性", "。", "因此", "不管", "是", "面对", "死因", "明确", "的", "案例", ",", "还是", "来", "得", "“", "全", "无", "道理", "”", "的", "死亡", ",", "一", "个", "法医", "下", "猝死", "的", "判断", "时", "都", "得", "十二", "分", "谨慎", ",", "尤其", "是", "后者", ",", "在", "详细", "的", "解剖", "和", "检验", ",", "结合", "案", "情", "、", "现场", "情况", "、", "死者", "既往", "信息", "等", "多", "种", "资料", ",", "排除", "各种", "可能性", "之后", "才能", "下结论", "。"]], "paragraphs": ["女生突然尖叫身亡死因", "16日凌晨五时许,福建医科大学的大三学生小梅在宿舍睡觉时,突然呼吸急促,还伴有尖叫,后被送医院,但医生也没能挽回这条年轻的生命。据了解,小梅是家中的独女,今年才20岁。同学们都说,没有发现小梅在死前有何异常。目前警方已介入调查。", "睡梦中尖叫舍友以为做恶梦", "小梅的身亡,来得有点突然。据小梅的舍友介绍,当日凌晨5时许,她们在睡梦中,突然听到小梅的尖叫声,“声音还不小,把我们都惊醒了。”其中一位舍友看到,小梅的腿在抽筋,身子在晃动,还在急促地喘气。开始以为小梅在做恶梦,舍友们喊了她名字,小梅似乎安静了一会,但随即又开始尖叫和喘气。意识到不妥,舍友们赶紧拨打了120,并通知了辅导员。", "据小梅的同学介绍,小梅被同学们抬下送到校医室时,心跳已经很慢。校医赶紧给她做心脏按压,进行急救。后来120救护车将小梅送往医院抢救,但也没能挽回小梅的生命。", "还原生前一天活动并无异常", "昨日,在福建医科大学的大学城校区,小梅生前所在的宿舍仍然被封锁着,小梅的舍友也转移到了隔壁宿舍住。“小梅没有说过有不舒服,也没有吃药。”许多同学都表示,没有发现小梅有异常。", "记者采访了小梅的多位同学,大体还原了小梅在15日这一天的活动。上午,小梅在教室自习。下午,观看班里男生的篮球赛,在比赛的休息时间,小梅还上场投了两个球,但没有更多的剧烈运动。比赛后,小梅和班里一大群人去附近的一家川菜馆吃饭。吃饭期间,小梅喝了一点酒。“这家店我们经常去,其它人吃了,也没有明显的不舒服。”一位学生告诉记者。", "当晚11时许,小梅上床睡觉,16日凌晨前后上了一趟厕所。谁也没想到小梅这一躺下,就再没醒过来。", "小梅妈妈:家人无先天性疾病", "小梅突然身亡的消息,让小梅父母措手不及。记者昨日见到小梅的妈妈杨女士,发现她已经哭肿了双眼。", "“在电话里,小梅还说自己肥了,要少吃点零食。我还告诉她,没关系,以后工作了,就会瘦下来。”回忆起母女的最后一次通话,杨女士失声痛哭。", "据杨女士介绍,家人都没有先天性疾病或遗传病。", "昨日,校方证实,小梅系福建医科大学2012级五年制医学影像学专业学生。16日11点30分,该生因抢救无效死亡。校方有关人士表示,该生在送医过程中,学校相关部门负责人、学院领导一直陪同协调处理急救事项。当日,该生所在学院领导陪同家属到荷塘派出所报案。", "在各种社会新闻里,素来健康的人突然死亡总会引起观者的各种猜疑,评论中不乏“好好的大活人因为一点小伤小病就死了?这可能吗?”之类的问题。", "理论上来说,这是有可能的。我们的身体很坚韧,许多人可以带着疾病或是生理缺陷长期过着波澜不惊的生活,看上去完全健康;我们的身体也很脆弱,当那些潜藏的疾病或是缺陷突然爆发的时候,身体机能会遭受沉重的打击,迅速地危及生命,也就是说,死亡可能毫无预兆地降临在任何人身上。是的,我们在谈论猝死,一种由于机体潜在疾病或重要器官功能急性功能障碍导致的意外死亡,它没有我们想象的那么罕见,要知道,在自然死亡的人数中,猝死占了大概10%还多。", "猝死的原因非常多样,心、肺、脑等人体各个重要器官和系统的疾病都有可能,而死神最常用的手段和《死亡笔记》一样是心血管疾病,其中“荣登榜首”的病是冠心玻在当下,我们上了年纪的亲戚朋友里总有几个冠心病患者,该病平时可能相当温和,许多患者根本感觉不到它的存在,可当疾病突然", "发作导致患者心肌梗死的时候,死神就向着他们招手了,心脏破裂、心律失常等各种并发症都能迅速地夺走生命。如果说,冠心病这种常见的慢性病导致的死亡突然有余,却不够让人感到意外的话,死神还有诸如Marfan综合征这样隐蔽的“定时炸弹”。这种病是一种从娘胎里就带出来的遗传病,主要影响骨骼、眼睛和心血管,患者的身材会高大四肢会细长,这看上去还不算太糟糕,有些患者还靠这些身体优势成了运动员。可如果心血管也受到了影响,患者的心脏会随着年龄增长被血压撑得越来越大,主动脉甚至会像气球一样膨大成瘤状,这可就大大的不妙了,想象一下当患者激动或剧烈运动血压骤然升高,那个连接着心脏的“气球”受不了压力破掉造成大出血会是个什么后果吧,美国著名女排球运动员海曼、我国著名排球运动员朱刚这些看似健康乃至强壮的运动员都因此倒在了球场上。", "除了潜在的疾病导致的猝死,有些死亡可以说来得有些“无厘头”。比如青壮年猝死综合征,死者身上经常找不到显著的病变,学界仅从众多案例中总结出了以男青年多见、既往健康、多于睡眠中迅速死亡等特点——是的,年轻人“睡觉死”是可能的!再比如抑制死,学界认为有些人的神经天生比一般人敏感,只要一点很平常的刺激,比如挨几下只能造成皮肉伤的打击、受到惊吓或是呛了冷水等等,就可能通过神经反射抑制心脏活动导致死亡——是的,真有喝水呛了一口就撒手人寰的“喝水死”案例!", "实际的案情常常比理论复杂得多,突然发生的死亡虽有自然发生的可能,却也藏着种种人为的可能性。因此不管是面对死因明确的案例,还是来得“全无道理”的死亡,一个法医下猝死的判断时都得十二分谨慎,尤其是后者,在详细的解剖和检验,结合案情、现场情况、死者既往信息等多种资料,排除各种可能性之后才能下结论。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "带七种东西睡觉--死亡危险_百度文库", "most_related_para": 1, "segmented_title": ["带", "七种", "东西", "睡觉", "-", "-", "死亡", "危险", "_", "百度", "文库"], "segmented_paragraphs": [["带", "七种", "东西", "睡觉", "-", "-", "死亡", "危险", "_", "工作总结", "/", "汇报", "_", "总结", "/", "汇报", "_", "实用", "文档", "。", "带", "七种", "东西", "睡觉", "-", "-", "死亡", "危险"], ["人", "的", "睡眠", "是", "最", "完整", "、", "最", "系统", "、", "最有效", "的", "休息", "方法", ",", "也是", "科学", "养生", "的", "重要", "内容", "。", "但", "如果", "忽略", "了", "睡眠", "中", "的", "一些", "细小", "事情", ",", "会", "对", "健康", "不利", "。", "1", "戴", "「", "表", "」", "睡觉", "。", "有", "的", "人", "喜欢", "戴着", "手表", "睡觉", ",", "这", "不仅", "会", "缩短", "手表", "的", "使用", "寿命", ",", "更", "不利于健康", "。", "因为", "手表", "特别", "是", "夜光表", "有", "镭", "辐射", ",", "量", "虽", "极", "微", ",", "但", "专家", "认为", ",", "长时间", "的", "积累", "可导致", "不良后果", "。", "2", "戴", "「", "牙", "」", "睡觉", "。", "一些人", "习惯", "戴着", "假牙", "睡觉", ",", "往往", "睡", "梦中", "不", "慎", "将", "假牙", "吞", "入", "食道", ",", "假牙", "的", "铁钩", "可能会", "刺破", "食道", "旁", "的", "主动脉", "弓", ",", "引起", "大出血", "甚至", "危及", "生命", "。", "因此", ",", "戴", "假牙", "的", "人", "临睡前", "最好", "取下", "假牙", "清洗干净", ",", "既", "有利于", "口腔卫生", ",", "又", "可", "安全", "入眠", ".", "3", "戴", "「", "罩", "」", "睡觉", "。", "美国", "夏", "威", "夷", "文明", "病", "研究所", "通过", "调查", "5000", "多", "位", "女性", "发", "现", ",", "每天", "戴", "乳罩", "超过", "12", "个", "小时", "的", "女人", ",", "罹患", "乳腺癌", "的", "可能性", "比", "短时间", "戴", "或", "根本", "不", "戴", "的", "人", "高", "出", "20", "倍", "以上", "。", "女人", "戴", "乳罩", "是", "为了", "展示", "美", "或", "保护", "乳房", ",", "而", "晚上", "睡觉", "就", "没有", "这个", "必要", "了", ".", "4", "带", "「", "机", "」", "睡觉", "。", "有", "的", "人", "为了", "通话", "方便", ",", "晚上", "睡觉时", "将", "手机", "放在", "头", "边", "。", "美国", "专家", "詹姆斯", ".", "库克", "指出", ",", "各种", "电子设备", ",", "如", "彩电", "、", "冰箱", "、", "手机", "等", "在", "使用", "和", "作", "过程", "中", ",", "都", "有", "大量", "不同", "波长", "和", "频率", "的", "电磁波", "释放", "出来", ",", "形成", "一", "种", "电子", "雾", ",", "影响", "人", "的", "神经系统", "和", "生理功能", "的", "紊乱", ",", "虽然", "释放", "量", "极", "微", ",", "但", "不可不防", "。", "5", "带", "「", "妆", "」", "睡觉", "。", "有些", "女性", "尤其", "是", "青年", "女性", ",", "她们", "往往", "在", "睡觉", "前", "懒得", "卸妆", "。", "须知", ",", "带", "着", "残", "妆", "艳", "容", "睡觉", ",", "会", "堵塞", "你", "的", "肌肤", "毛孔", ",", "造成", "汗液", "分泌", "障碍", ",", "妨碍", "细胞呼吸", ",", "长时间", "下去", "还会", "诱发", "粉刺", ",", "损伤", "容颜", "。", "所以", ",", "睡前", "卸妆", "洗脸", "很", "有必要", ",", "可以", "及时", "清除", "残", "妆", "对", "颜", "面", "的", "刺激", ",", "让", "肌肤", "得到", "充分", "呼吸", ",", "仅", "可", "保持", "皮肤", "的", "润泽", ",", "还有", "助", "于", "早", "入", "梦乡", "。", "6", "带", "「", "别人", "的", "老婆", "」", "睡觉", "。", "可能", "没", "睡醒", "就", "被", "别人", "打死", "!", "7", "嗯", ".", ".", ".", "回帖", "的", "人", "幸福", "安康", "不", "回帖", "的", "吃", "嘛", "嘛", "香", "!", "藏獒", "网", "www", ".", "ak", "889", ".", "com"]], "paragraphs": ["带七种东西睡觉--死亡危险_工作总结/汇报_总结/汇报_实用文档。带七种东西睡觉--死亡危险", "人的睡眠是最完整、最系统、最有效的休息方法, 也是科学养生的重要内容。 但如果 忽略了睡眠中的一些细小事情, 会对健康不利。 1 戴「表 」睡觉。 有的人喜欢戴着手表睡觉, 这不仅会缩短手表的使用寿命, 更不利于健康。因为手表 特别是夜光表有镭辐射,量虽极微, 但 专家认为,长时间的积累可导致不良后果。 2 戴「牙」睡觉。 一些人习惯戴着假牙睡觉, 往往睡梦中不慎将假牙吞入食道, 假牙的铁钩可能会刺破食道旁的主动脉 弓, 引起大出血甚至危及生命。 因此,戴假牙的人临睡前最好取下假牙清洗干净, 既有利于口腔卫生,又可安全入眠. 3 戴「罩」睡觉。 美国夏威 夷文明病研究所通过调查5000多位女性发 现, 每天戴乳罩超过12个小时的女人, 罹患乳腺癌的可能性比短时间戴或根本不 戴的人高出20倍以上。 女人戴乳罩是为了展示美或 保护乳房, 而晚上睡觉就没有这个必要了. 4 带「机」睡觉。 有的人为了通话方便,晚上睡觉时将手机放在头边。 美国专家詹姆斯.库克指出,各种电子设备, 如彩电、冰箱、手机等在使用和作过程中, 都有大量不同波长和频率的 电磁波释放出来, 形成一种电子雾,影响人的神经系统和生理功能的紊乱, 虽然释放量极微, 但不可不防。 5 带「妆」睡觉。 有些女性尤其是青年女性, 她们往往在睡觉前懒得卸妆。 须知,带着残妆艳容睡觉, 会堵塞你的肌肤毛孔, 造成汗液分泌障碍,妨碍细胞呼吸, 长时间下去还会诱发粉刺, 损伤容颜。所以,睡前卸妆洗脸很有必要, 可以及时清除残妆对颜面的刺激, 让肌肤得到充分呼吸, 仅可保持皮肤的润泽, 还有助于早入梦乡。 6 带「别人的老婆」睡觉。可能没睡醒就被别人 打死! 7嗯...回帖的人幸福安康 不回帖的吃 嘛嘛香! 藏獒网www.ak889.com"], "bs_rank_pos": 4}], "answer_spans": [[4, 11]], "fake_answers": ["一般是安眠药或者去医院进行安乐死"], "question": "睡觉中猝死的方法", "segmented_answers": [["一般", "是", "安眠药", "或者", "去", "医院", "进行", "安乐死", "。"]], "answers": ["一般是安眠药或者去医院进行安乐死。"], "answer_docs": [0], "segmented_question": ["睡觉", "中", "猝死", "的", "方法"], "question_type": "DESCRIPTION", "question_id": 91160, "fact_or_opinion": "OPINION", "match_scores": [0.9411764705882353]}
-{"documents": [{"is_selected": true, "title": "板兰根冲剂_百度百科", "most_related_para": 11, "segmented_title": ["板兰根", "冲剂", "_", "百度百科"], "segmented_paragraphs": [["板兰根", "冲剂", "编辑", "锁定"], ["药", "名", ":", "板兰根", "冲剂", "。"], ["【", "英文名称", "】", "Ban", "Lan", "Gen", "Chong", "Ji", "。"], ["【", "功效", "与", "主治", "】", "清热解毒", "、", "凉血", ";", "用于", "温", "热", "发热", "、", "发", "斑", "、", "风热感冒", "、", "咽喉", "肿", "烂", "、", "流行性乙型脑炎", "、", "肝炎", "、", "腮腺炎", "。"], ["药品名称", "板兰根", "冲剂", "英文名称", "Ban", "Lan", "Gen", "Chong", "Ji"], ["剂型", "冲剂", "产品", "类目", "中成", "药"], ["1", "基本", "信息", "2", "板兰根", "药理作用"], ["药", "名", ":", "板兰根", "冲剂", "。"], ["【", "包装", "】", "袋", "。"], ["【", "用途", "】", "发热", "、", "风热感冒", "、", "咽炎", "、", "乙型脑炎", "。"], ["【", "药物", "成份", "】", "北", "板兰根", "。"], ["【", "功效", "与", "主治", "】", "清热解毒", "、", "凉血", ";", "用于", "温", "热", "发热", "、", "发", "斑", "、", "风热感冒", "、", "咽喉", "肿", "烂", "、", "流行性乙型脑炎", "、", "肝炎", "、", "腮腺炎", "。"], ["【", "药物", "功效", "分类", "】", "清热解毒药", "。"], ["【", "用法", "与", "用量", "】", "开水", "冲服", ",", "一", "次", "10", "克", ",", "一", "日", "三", "次", ",", "重症", "加倍", ";", "小儿", "酌减", ";", "预防流感", "、", "乙脑", ",", "一", "日", "10", "克", ",", "连", "服", "五", "日", "。"], ["【", "保存", "方式", "】", "密闭", "、", "防潮", "、", "避光", "干燥", "处", "保存", "。"], ["1", ".", "抗菌", "抗病毒", "作用", ":", "菘蓝根", "对", "多", "种", "细菌", "有", "作用", "。", "水", "浸液", "对", "枯草杆菌", "、", "金黄色", "葡萄球菌", ",", "八", "联", "球菌", "、", "大肠杆菌", "、", "伤寒", "杆菌", "、", "副伤寒", "甲", "杆菌", "、", "痢疾杆菌", "(", "志贺", "氏", "、", "弗氏", ")", "、", "肠炎", "杆菌", "等", "都", "有", "抑制", "作用", ";", "丙酮", "浸出", "液", "也有", "类似", "作用", ",", "且", "对", "溶血性链球菌", "有效", "(", "皆", "用", "琼脂", "小孔", "平板", "法", ")", "。", "对", "A型", "脑膜炎", "球菌", "之", "抑菌", "作用", "与", "大蒜", "、", "金银花", "相似", "。", "板蓝根", "、", "大青叶", "抗菌", "、", "抗病毒", "的", "有效成分", ",", "有人", "认为", "是", "靛甙", "。", "实验", "证明", ",", "靛甙", "在", "体", "内外", "皆", "无", "抗菌", "作用", ";", "体外", "抗病毒", "作用", "亦", "不", "突出", ";", "在", "体", "内", "排泄", "又", "快", ",", "故", "认为", "它", "无", "明显", "生理", "和", "抗菌", "的", "活性", "作用", "。", "其", "有效成分", "尚", "待", "研究", "。", "2", ".", "抗", "钩", "端", "螺旋体", "作用", ":", "1", ":", "100", "以上", "的", "板蓝根", "或", "大青叶", ",", "在", "试管", "内", "均", "有", "杀", "钩端螺旋体", "的", "作用", "。", "3", ".", "解毒", "作用", ":", "据报道", ",", "犬", "用", "板蓝根", "、", "黄连", "粉", "与", "藜芦", "同", "服", "(", "各", "2", ".", "0", "g", "/", "kg", ")", ",", "能", "解", "藜芦", "毒", ",", "降低", "死亡率", ";", "若", "藜芦", "中毒", "后", "再", "用", "之", ",", "则", "无效", ";", "分别", "单", "用", "板蓝根", "粉", "或", "黄连", "粉", ",", "效果", "亦", "不好", "。", "4", ".", "提高免疫功能", ":", "小鼠", "腹腔", "注射", "板蓝根", "多糖", "50mg", "/", "kg", ",", "可", "显著", "促进", "小鼠", "免疫功能", ",", "表现", "为", ":", "能", "显著增加", "正常", "小鼠", "脾", "重", "。", "白细胞", "总数", "及", "淋巴细胞", "数", ",", "对", "氢化可的松", "所致", "免疫功能", "抑制", "小鼠", "脾", "指数", "、", "白细胞", "总数", "和", "淋巴细胞", "数", "的", "降低", "有", "明显", "对抗", "作用", ";", "显著", "增强", "二硝基氯苯", "所致", "正常", "及", "环磷酰胺", "所致", "免疫", "抑制", "小鼠", "的", "迟", "发型", "过敏反应", ";", "增强", "正常", "小鼠", "外周", "血", "淋巴细胞", "ANAE", "阳性", "百分率", ",", "并", "明显", "对抗", "氢化可的松", "所致", "的", "免疫", "抑制", "作用", ";", "但", "板蓝根", "多糖", "体外", "实验", "对", "刀豆", "素", "A", "诱导", "的", "小鼠", "脾", "细胞", "淋", "转", "反应", "无", "明显", "增强", "作用", "。", "此外", ",", "板蓝根", "多糖", "还能", "明显", "增强", "抗体", "形成", "细胞", "功能", ",", "增强", "小鼠", "静脉注射", "碳", "粒", "廓清", "速率", "。"], ["5", ".", "抗", "肿瘤", "作用", ":", "对", "大鼠", "W256", "实体", "瘤", "和", "小鼠", "Lewis", "肺癌", "注射", "靛玉红", "200", "mg", "/", "kg", ",", "连续", "6", "-", "7", "天", ",", "结果", "对", "大鼠", "W256", "实体", "瘤", "的", "抑制", "率", "分别", "为", "47", "-", "50", "%", "和", "50", "-", "58", "%", ",", "皮下注射", "最", "减少", "到", "每日", "100", "mg", "/", "kg", "以下", "时", ",", "其", "抑制", "作用", "不", "明显", "。", "靛玉红", "500", "mg", "/", "kg", "灌胃", ",", "对", "大鼠", "W256", "实体", "瘤", "的", "抑制", "率", "为", "23", "-", "33", "%", ",", "对", "小鼠", "肉瘤", "180", "的", "抑制", "率", "约", "30", "%", "。", "靛玉红", "能", "延长", "淋巴", "白血病", "L7212", "小鼠", "的", "生存", "时间", "20", "%", "左右", "。", "此外", ",", "经", "小鼠", "精", "原", "细胞", "法", "试验", "证明", ",", "靛玉红", "不能", "特异性", "地", "抑制", "B型", "精", "原", "细胞", "和", "精子", "细胞", "。"], ["6", ".", "对", "白血病", "作用", ":", "药理", "研究", "初步", "表明", ",", "靛玉红", "有", "破坏", "白血病", "细胞", "的", "作用", "。", "从", "超微", "结构", "形态", "来看", ",", "在", "靛玉红", "作用", "下", ",", "变性", "坏死", "的", "细胞", "多", "呈", "肿胀", "、", "溶解性", "坏死", "。", "实验", "中", "发现", "靛玉红", "能", "增强", "动物", "的", "单核", "巨", "噬", "系统", "的", "吞噬", "能力", "。", "单核", "巨", "噬", "系统", "在", "机体", "免疫", "反应", "中", "起", "一定", "的", "作用", ",", "故", "靛玉红", "的", "抗癌", "作用", "可能", "与", "提高", "机体", "免疫", "能力", "有关", "。"], ["词条", "统计", "浏览次数", ":", "次", "编辑", "次数", ":", "12", "次", "历史", "版本", "最近更新", ":", "创建", "者", ":", "laoxutongzhi"]], "paragraphs": ["板兰根冲剂编辑 锁定", "药名:板兰根冲剂。", "【英文名称】 Ban Lan Gen Chong Ji。", "【功效与主治】 清热解毒、凉血;用于温热发热、发斑、风热感冒、咽喉肿烂、流行性乙型脑炎、肝炎、 腮腺炎 。", "药品名称 板兰根冲剂  英文名称 Ban Lan Gen Chong Ji", "剂型 冲剂 产品类目 中成药", "1 基本信息 2 板兰根药理作用", "药名:板兰根冲剂。", "【包装】 袋。", "【用途】 发热、 风热感冒、 咽炎、 乙型脑炎。", "【药物成份】 北板兰根。", "【功效与主治】 清热解毒、凉血;用于温热发热、发斑、风热感冒、咽喉肿烂、流行性乙型脑炎、肝炎、 腮腺炎 。", "【药物功效分类】 清热解毒药 。", "【用法与用量】 开水冲服,一次10克,一日三次,重症加倍;小儿酌减;预防流感、乙脑,一日10克,连服五日。", "【保存方式】 密闭、防潮、避光干燥处保存。", "1.抗菌抗病毒作用:菘蓝根对多种细菌有作用。水浸液对枯草杆菌、金黄色葡萄球菌,八联球菌、大肠杆菌、伤寒杆菌、副伤寒甲杆菌、痢疾杆菌(志贺氏、弗氏)、肠炎杆菌等都有抑制作用;丙酮浸出液也有类似作用,且对溶血性链球菌有效(皆用琼脂小孔平板法)。对A型脑膜炎球菌之抑菌作用与大蒜、金银花相似。板蓝根、大青叶抗菌、抗病毒的有效成分,有人认为是靛甙。实验证明,靛甙在体内外皆无抗菌作用;体外抗病毒作用亦不突出;在体内排泄又快,故认为它无明显生理和抗菌的活性作用。其有效成分尚待研究。2.抗钩端螺旋体作用:1:100以上的板蓝根或大青叶,在试管内均有杀钩端螺旋体的作用。3.解毒作用:据报道,犬用板蓝根、黄连粉与藜芦同服(各2.0g/kg),能解藜芦毒,降低死亡率;若藜芦中毒后再用之,则无效;分别单用板蓝根粉或黄连粉,效果亦不好。4.提高免疫功能:小鼠腹腔注射板蓝根多糖50mg/kg,可显著促进小鼠免疫功能,表现为:能显著增加正常小鼠脾重。白细胞总数及淋巴细胞数,对氢化可的松所致免疫功能抑制小鼠脾指数、白细胞总数和淋巴细胞数的降低有明显对抗作用;显著增强二硝基氯苯所致正常及环磷酰胺所致免疫抑制小鼠的迟发型过敏反应;增强正常小鼠外周血淋巴细胞ANAE阳性百分率,并明显对抗氢化可的松所致的免疫抑制作用;但板蓝根多糖体外实验对刀豆素A诱导的小鼠脾细胞淋转反应无明显增强作用。此外,板蓝根多糖还能明显增强抗体形成细胞功能,增强小鼠静脉注射碳粒廓清速率。", "5.抗肿瘤作用:对大鼠W256实体瘤和小鼠Lewis肺癌注射靛玉红200mg/kg,连续6-7天,结果对大鼠W256实体瘤的抑制率分别为47-50%和50-58%,皮下注射最减少到每日100mg/kg以下时,其抑制作用不明显。靛玉红500mg/kg灌胃,对大鼠W256实体瘤的抑制率为23-33%,对小鼠肉瘤180的抑制率约30%。靛玉红能延长淋巴白血病L7212小鼠的生存时间20%左右。此外,经小鼠精原细胞法试验证明,靛玉红不能特异性地抑制B型精原细胞和精子细胞。", "6.对白血病作用:药理研究初步表明,靛玉红有破坏白血病细胞的作用。从超微结构形态来看,在靛玉红作用下,变性坏死的细胞多呈肿胀、溶解性坏死。实验中发现靛玉红能增强动物的单核巨噬系统的吞噬能力。单核巨噬系统在机体免疫反应中起一定的作用,故靛玉红的抗癌作用可能与提高机体免疫能力有关。", "词条统计 浏览次数:次 编辑次数:12次历史版本 最近更新: 创建者:laoxutongzhi"], "bs_rank_pos": 0}, {"is_selected": true, "title": "长期喝板蓝根颗粒有哪些好处还坏处_百度知道", "most_related_para": 0, "segmented_title": ["长期", "喝", "板蓝根", "颗粒", "有", "哪些", "好处", "还", "坏处", "_", "百度", "知道"], "segmented_paragraphs": [["板蓝根", "对", "感冒", "、", "流感", "、", "流脑", "、", "腮腺炎", "、", "肺炎", "等", "疾病", "都", "有", "良好", "的", "预防", "和", "治疗", "效果", "。", "而", "正", "因为", "其", "功效", "有", "“", "清热解毒", "”", "作用", ",", "所以", "容易", "被", "人", "认为", "是", "非常", "安全", "的", "“", "居家", "良药", "”", "。", "事实上", ",", "据", "南方医院", "中医科", "教授", "陈达理", "介绍", ",", "长时间", "大", "剂量", "使用", "板蓝根", ",", "的", "确", "会引起", "蓄积", "中毒", "。", "此外", ",", "板蓝根", "注射液", "还会", "使", "少数", "人", "产生", "过敏反应", ",", "表现", "为", "头昏眼花", "、", "气短", "、", "呕吐", "等", ",", "严重", "者", "甚至", "会", "在", "因", "血压下降", "而", "出现", "过敏性休克", ",", "抢救", "不", "及时", "则", "有", "生命", "危险", "。", "陈", "教授", "说", ",", "由于", "板蓝根", "性味", "寒凉", ",", "故", "用", "治", "于", "实", "热", "之", "症", "。", "大量", "饮用", "板蓝根", "而", "出现", "副作用", "的", "情况", "大", "多发生", "在", "年老体弱", "及", "体质", "寒", "者", "的", "人", "身上", "。", "这些人", "往往", "出现", "头晕", "、", "冒", "冷汗", "、", "便溏", "、", "不", "思", "饮食", "、", "脘腹", "冷", "疼", "等", "症状", "。", "此外", ",", "有", "医学专家", "表示", ",", "人体", "肝功能", "下降", "的", "情况", "下", "或者", "肝功能", "不", "完善", "者", "如", "孩子", "更容易", "出现", "这些", "副作用", "。", "原因", "是", ",", "肝脏", "功能", "不", "完善", "者", ",", "解毒", "酶", "量", "不足", ",", "板"]], "paragraphs": ["板蓝根对感冒、流感、流脑、腮腺炎、肺炎等疾病都有良好的预防和治疗效果。而正因为其功效有“清热解毒”作用,所以容易被人认为是非常安全的“居家良药”。事实上,据南方医院中医科教授陈达理介绍,长时间大剂量使用板蓝根,的确会引起蓄积中毒。此外,板蓝根注射液还会使少数人产生过敏反应,表现为头昏眼花、气短、呕吐等,严重者甚至会在因血压下降而出现过敏性休克,抢救不及时则有生命危险。陈教授说,由于板蓝根性味寒凉,故用治于实热之症。大量饮用板蓝根而出现副作用的情况大多发生在年老体弱及体质寒者的人身上。这些人往往出现头晕、冒冷汗、便溏、不思饮食、脘腹冷疼等症状。 此外,有医学专家表示,人体肝功能下降的情况下或者肝功能不完善者如孩子更容易出现这些副作用。原因是,肝脏功能不完善者,解毒酶量不足,板"], "bs_rank_pos": 1}, {"is_selected": false, "title": "板蓝根的功效多 不只是防治感冒_养生攻略_养生知识_养生信息_百度", "most_related_para": 2, "segmented_title": ["板蓝根", "的", "功效", "多", "不只是", "防治", "感冒", "_", "养生", "攻略", "_", "养生", "知识", "_", "养生", "信息", "_", "百度"], "segmented_paragraphs": [["养生", "导读", ":", "板蓝根", "是", "一", "种", "中成", "药", ",", "家中", "常备", "的", "防治", "感冒", "的", "就", "有", "板蓝根", "冲剂", "。", "其实", "板蓝根", "的", "用途", "不仅", "是", "治疗", "感冒", ",", "板蓝根", "的", "功效", "与", "作用", "多", ",", "对", "多", "种", "细菌性", "、", "病毒", "性", "疾病", "都", "有", "较好", "的", "预防", "与", "治疗", "作用", "。", "但", "要", "注意", "了", ",", "板蓝根", "也有", "副作用", ",", "不是", "所有人", "都", "能", "吃", "板蓝根", "的", "!"], ["板蓝根", "是", "大家", "非常", "熟悉", "的", "一", "种", "中成", "药", "。", "板蓝根", "是", "十字花科", "植物", "菘蓝", "和", "草", "大", "青", "的", "根", ",", "性味", "苦寒", ",", "归心", "、", "肺经", ",", "具有", "清热解毒", ",", "凉血", "利咽", "的", "功效", "。", "自古以来", "传统", "医学", "用", "之", "治疗", "温", "毒", "发", "斑", "、", "喉痹", "、", "大头瘟", "、", "丹毒", "、", "痈肿", "等", "的", "热毒", "证", "。"], ["对于", "流感", "、", "病毒感染", "引起", "的", "急性扁桃体炎", "、", "咽炎", "、", "流行性腮腺炎", "等", "疾病", ",", "服用", "板蓝根冲剂", "可", "起", "到", "预防", "和", "治疗", "作用", "。", "成人", "服用", "剂量", "可以", "每次", "1", "~", "2", "袋", ",", "每日", "3", "次", "。", "幼儿园", "和", "学校", "易", "出现", "流感", "、", "腮腺炎", "、", "水痘", "、", "流脑", "、", "手足口病", "等", "疾病", "的", "传播", "和", "流行", ",", "若", "服用", "板蓝根冲剂", "可", "起", "到", "良好", "预防", "作用", "。", "儿童", "用量", "为", "半", "袋", "至", "1", "袋", ",", "每日", "3", "次", "。"], ["总的来说", ",", "板蓝根", "是", "清热解毒", "的", "中药", ",", "毒副作用", "小", ",", "使用方便", ",", "很", "受", "一些", "家长", "青睐", "。", "它", "含有", "多", "种", "氨基酸", "、", "靛青", "等", ",", "有", "清热", "、", "解毒", "、", "凉血", "等", "功效", ",", "对", "多", "种", "细菌性", "、", "病毒", "性", "疾病", ",", "譬如", "流感", "、", "流脑", "、", "肺炎", "、", "肝炎", "等", ",", "都", "有", "较好", "的", "预防", "与", "治疗", "作用", "。"], ["病毒性肝炎", ":", "取", "茵陈", "、", "板蓝根", "、", "贯众", "各", "15", "克", ",", "水", "煎", "服", ",", "每次", "100", "毫升", ",", "每日", "2", "次", "。"], ["腮腺炎", ":", "取", "板蓝根", "30", "克", ",", "贯众", "15", "克", ",", "甘草", "3", "克", ",", "水", "煎", "服", ",", "每日", "1", "剂", ",", "连用", "5", "天", "为", "1", "个", "疗程", ",", "或", "取", "板蓝根", "30", "克", ",", "野菊花", "5", "克", ",", "金银花", "10", "克", ",", "水", "煎", "代", "茶饮", "。"], ["此外", ",", "如果", "病情", "严重", "的", ",", "建议", "马上", "就医", "。"], ["板蓝根", "是", "家中", "常备", "的", "治疗", "感冒", "的", "制剂", ",", "也", "成为", "家长", "给", "儿童", "预防感冒", "等", "疾病", "的", "首选", "。", "专家", "提醒", ",", "经常", "服用", "板蓝根", "预防疾病", "并", "不", "科学", ",", "因为", "常用", "板蓝根", "可能", "造成", "孩子", "免疫功能", "下降", ",", "甚至", "损害", "消化系统", "、", "造血", "系统", "。", "所以", "小儿感冒", "不可", "常用", "板蓝根", "。"], ["板蓝根", "作为", "一", "种", "药品", ",", "也有", "一定", "的", "毒", "副作用", "。", "当", "人体", "的", "肝脏", "解毒", "能力", "下降", "时", ",", "如果", "仍然", "长时间", "大", "剂量", "服用", "板蓝根", ",", "就会", "造成", "蓄积", "中毒", ",", "伤害", "人体", "消化系统", "与", "造血", "系统", ",", "容易", "造成", "上呼吸道", "出血", "、", "白细胞", "减少", "等", ",", "这样", "的", "病症", "在", "幼儿", "中", "尤", "为", "常见", ",", "这", "是因为", "幼儿", "的", "各种", "器官", "尚未", "发育", "完全", ",", "肝脏", "功能", "尚", "不", "完善", ",", "体", "内分泌", "的", "解毒", "酶", "不足", "。"], ["板蓝根", "属于", "性", "寒", "之", "药", ",", "对于", "预防", "和", "治疗", "实", "热", "之", "证", "有", "较好", "疗效", ",", "但是", "对于", "那些", "脾胃虚寒", "的", "幼儿", "来", "说", ",", "经常", "服用", "板蓝根", ",", "会", "让", "他们", "出现", "口淡", "、", "疲劳", "等", "症状", ",", "造成", "体质", "下降", ",", "不仅", "不能", "防", "病", ",", "反而", "容易", "致病", "。"], ["实际上", "在", "临床", "中", "使用", "板蓝根冲剂", "造成", "小儿", "过敏反应", "、", "消化系统", "和", "造血", "系统", "损害", "的", "病例", "屡见不鲜", "。", "据", "研究", ",", "板蓝根", "对", "消化道", "有", "刺激", "作用", ",", "有", "的", "患者", "口服", "板蓝根", "后", "有", "较", "明显", "的", "消化道", "粘膜", "刺激", "症状", ",", "表现", "为", "胃肠", "绞痛", "和", "消化道出血", "(", "《", "张冰", "等", ",", "中药", "不良反应", "概论", "》", ")", "。", "有", "的", "因", "服用", "板蓝根", "而", "发生", "急性", "溶血性", "反应", ",", "出现", "黄疸", "、", "急性", "肾功能不全", ",", "也有", "服用", "板蓝根", "出现", "药疹", "的", "报道", "。", "另外", ",", "板蓝根", "注射液", "的", "不良反应", "案例", "也", "非常", "多", "。"], ["虽然", "板蓝根", "具有", "清热解毒", "的", "效果", ",", "但", "专家", "提醒", ":", "从", "中医", "角度", "来看", ",", "板蓝根", "并", "不", "适合", "所有", "人群", ",", "脾胃虚寒", "者", "、", "幼儿", "或", "年", "老", "体", "虚", "者", "及", "过敏体质", "者", "并", "不合适", "服用", "板蓝根", "。"], ["药监", "部门", "还", "提示", ",", "老人", "、", "小孩", "、", "孕妇", "、", "哺乳期", "妇女", "以及", "糖尿病", "、", "高血压", "、", "心脏病", "、", "肾病", "等", "慢性病", "较", "严重", "的", "患者", "不可", "随意", "服用", "板蓝根", ",", "一定要", "咨询", "医生", "后", "遵", "医嘱", "服用", "。"], ["服用", "“", "板蓝根", "”", "等", "呼吸道疾病", "药物", "时", ",", "有", "过敏", "史", "者", "一定要", "注意", "不要轻易", "服用", "。", "对于", "小儿", ",", "千万", "不能", "用", "成人", "剂量", ",", "更", "不能", "长期", "大", "剂量", "服用", "。", "如果", "在", "用药", "中", "发生", "了", "过敏反应", ",", "首先", "应", "立即", "停药", ",", "并", "迅速", "送往", "医院", ";", "如是", "上消化道出血", ",", "除", "立即", "停药", "外", ",", "还", "应", "禁食", ",", "并", "尽快", "送", "医院", "处置", "。"]], "paragraphs": ["养生导读:板蓝根是一种中成药,家中常备的防治感冒的就有板蓝根冲剂。其实板蓝根的用途不仅是治疗感冒,板蓝根的功效与作用多,对多种细菌性、病毒性疾病都有较好的预防与治疗作用。但要注意了,板蓝根也有副作用,不是所有人都能吃板蓝根的!", "板蓝根是大家非常熟悉的一种中成药。板蓝根是十字花科植物菘蓝和草大青的根,性味苦寒,归心、肺经,具有清热解毒,凉血利咽的功效。自古以来传统医学用之治疗温毒发斑、喉痹、大头瘟、丹毒、痈肿等的热毒证。", "对于流感、病毒感染引起的急性扁桃体炎、咽炎、流行性腮腺炎等疾病,服用板蓝根冲剂可起到预防和治疗作用。成人服用剂量可以每次1~2袋,每日3次。幼儿园和学校易出现流感、腮腺炎、水痘、流脑、手足口病等疾病的传播和流行,若服用板蓝根冲剂可起到良好预防作用。儿童用量为半袋至1袋,每日3次。", "总的来说,板蓝根是清热解毒的中药,毒副作用小,使用方便,很受一些家长青睐。它含有多种氨基酸、靛青等,有清热、解毒、凉血等功效,对多种细菌性、病毒性疾病,譬如流感、流脑、肺炎、肝炎等,都有较好的预防与治疗作用。", "病毒性肝炎:取茵陈、板蓝根、贯众各15克,水煎服,每次100毫升,每日2次。", "腮腺炎:取板蓝根30克,贯众15克,甘草3克,水煎服,每日1剂,连用5天为1个疗程,或取板蓝根30克,野菊花5克,金银花10克,水煎代茶饮。", "此外,如果病情严重的,建议马上就医。", "板蓝根是家中常备的治疗感冒的制剂,也成为家长给儿童预防感冒等疾病的首选。专家提醒,经常服用板蓝根预防疾病并不科学,因为常用板蓝根可能造成孩子免疫功能下降,甚至损害消化系统、造血系统。所以小儿感冒不可常用板蓝根。", "板蓝根作为一种药品,也有一定的毒副作用。当人体的肝脏解毒能力下降时,如果仍然长时间大剂量服用板蓝根,就会造成蓄积中毒,伤害人体消化系统与造血系统,容易造成上呼吸道出血、白细胞减少等,这样的病症在幼儿中尤为常见,这是因为幼儿的各种器官尚未发育完全,肝脏功能尚不完善,体内分泌的解毒酶不足。", "板蓝根属于性寒之药,对于预防和治疗实热之证有较好疗效,但是对于那些脾胃虚寒的幼儿来说,经常服用板蓝根,会让他们出现口淡、疲劳等症状,造成体质下降,不仅不能防病,反而容易致病。", "实际上在临床中使用板蓝根冲剂造成小儿过敏反应、消化系统和造血系统损害的病例屡见不鲜。据研究,板蓝根对消化道有刺激作用,有的患者口服板蓝根后有较明显的消化道粘膜刺激症状,表现为胃肠绞痛和消化道出血(《张冰等,中药不良反应概论》)。有的因服用板蓝根而发生急性溶血性反应,出现黄疸、急性肾功能不全,也有服用板蓝根出现药疹的报道。另外,板蓝根注射液的不良反应案例也非常多。", "虽然板蓝根具有清热解毒的效果,但专家提醒:从中医角度来看,板蓝根并不适合所有人群,脾胃虚寒者、幼儿或年老体虚者及过敏体质者并不合适服用板蓝根。", "药监部门还提示,老人、小孩、孕妇、哺乳期妇女以及糖尿病、高血压、心脏病、肾病等慢性病较严重的患者不可随意服用板蓝根,一定要咨询医生后遵医嘱服用。", "服用“板蓝根”等呼吸道疾病药物时,有过敏史者一定要注意不要轻易服用。对于小儿,千万不能用成人剂量,更不能长期大剂量服用。如果在用药中发生了过敏反应,首先应立即停药,并迅速送往医院;如是上消化道出血,除立即停药外,还应禁食,并尽快送医院处置。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "板蓝根冲剂的功效与作用_健康经验_快速问医生_有问必答", "most_related_para": 1, "segmented_title": ["板蓝根", "冲剂", "的", "功效", "与", "作用", "_", "健康", "经验", "_", "快速", "问", "医生", "_", "有问必答"], "segmented_paragraphs": [["夏天", "的", "天气", "比较", "炎热", ",", "很多人", "喜欢", "吹", "空调", ",", "吹", "的", "时间", "太", "长", "了", ",", "出来", "就", "很", "热", ",", "这样", "冷热", "交替", ",", "身体", "难以适应", ",", "很多人", "就", "容易", "感冒", "了", ",", "当", "出现", "流鼻涕", ",", "鼻子", "堵塞", "或", "头痛", "的", "症状", "时", ",", "很多人", "都会", "习惯性", "地", "去", "药店", "买", "板蓝根", ",", "喝", "两", "包", "板蓝根冲剂", ",", "我记得", "小时候", "感冒", "就会", "喝", "板蓝根", ",", "很喜欢", "它", "的", "味道", ",", "比较", "甜", ",", "父母", "有时", "会", "给", "我", "冲", "上", "一", "杯", "板蓝根", ",", "他们", "认为", "这样", "可以", "预防感冒", "。"], ["01", "我", "小时候", "喝", "的", "板蓝根", ",", "是", "一", "种", "颗粒", "状", "的", "冲剂", ",", "可以", "排除", "自己", "身体", "内", "的", "热毒", ",", "减少", "上火", ",", "我", "爸妈", "为了", "保护我", ",", "不", "让", "我", "在", "流感", "期间", "感冒", ",", "家里", "经常", "会", "买", "板蓝根", ",", "他们", "说", "可以", "治疗", "和", "预防感冒", ",", "直到现在", ",", "板蓝根", "是", "我", "家", "必备", "的", "药物", ",", "用来", "治疗", "感冒", "效果", "十分", "显著", "。", "服用", "板蓝根", ",", "一", "是", "有利于", "增强", "抵抗力", ",", "避免", "感冒", ",", "二", "是", "它", "可以", "杀死", "体", "内", "的", "病毒", ",", "防止", "感冒", "进一步恶化", "。", "02", "大多数", "人", "生病", "感冒", "都会", "喝", "点", "板蓝根", ",", "一", "是", "可以", "排毒", "体", "内", "的", "毒素", ",", "二", "是", "可以", "减少", "发烧", "导致", "身体", "内", "的", "不适", ",", "如果", "是", "感冒", "症状", "十分严重", ",", "并且", "身体", "发", "烫", ",", "建议", "先", "去", "医院", "看医生", ",", "在", "医生", "的", "帮助", "下", ",", "可以", "适当", "服用", "降", "体温", "的", "药物", ",", "这时", ",", "病人", "最好", "喝", "粥", ",", "不可以", "吃", "辣", "的", ",", "咸", "的", "食物", ",", "不可以", "喝酒", ",", "不可以", "吃", "大鱼大肉", "等", "油腻", "的", "食物", ",", "要", "多", "喝", "点", "水", ",", "注意休息", "。", "03", "治疗", "感冒", ",", "除了", "喝", "板蓝根", ",", "还要", "注意", "自己", "的", "饮食健康", "。", "我们", "要", "养成", "良好", "的", "饮食习惯", ",", "一日三餐", "要", "吃", ",", "不要", "暴饮暴食", "或", "睡前", "进食", "。", "另外", "我们", "要", "多", "吃", "鱼", ",", "补充营养", ",", "不要", "吸烟", ",", "少", "喝酒", ",", "不要", "喝", "冰水", ",", "避免", "烟酒", "、", "生", "冷", "食物", "等", "对", "身体", "的", "损害", "。", "上班", "的", "人", "要", "善于", "调节", "自己", "的", "工作", "节奏", ",", "保证", "充足", "睡眠", ",", "以", "缓解", "工作压力", "。", "放松", "精神", "、", "保持", "平和", "心", "。"], ["板蓝根", "是", "一", "种", "寒", "性", "的", "药物", ",", "有些人", "是", "不适宜", "服用", "的", "。", "比如", "有", "的", "人", "经常", "感到", "脾胃", "不和", ",", "容易", "拉肚子", ",", "身体", "怕冷", ",", "体质", "虚寒", "的", "人", ",", "就", "不适宜", "多", "喝", "板蓝根", "颗粒", "。", "因为", "板蓝根", "具有", "寒", "性", ",", "会", "损伤", "胃", ",", "很", "可能会", "带来", "一系列", "胃肠道", "反应", ",", "如", "胃痛", "、", "胃寒", "、", "没有", "胃口", "等", "。", "在", "使用", "板蓝根", "的", "过程", "中", ",", "应", "根据", "自己", "的", "病情", ",", "按量", "服用", ",", "不要", "把", "板蓝根", "当作", "茶", "来", "喝", "。"], ["胃痛", "症状", "百科", "胃痛", "又", "称", "胃脘痛", ",", "是", "以", "胃脘", "近", "心窝", "处", "常", "发生", "疼痛", "为", "主", "的", "疾患", "。", "胃痛", "是", "临床", "上", "常见", "的", "一", "个", "症状", ",", "多", "见", "急慢性", "胃炎", ",", "胃", ".", ".", ".", ">", ">"]], "paragraphs": ["夏天的天气比较炎热,很多人喜欢吹空调,吹的时间太长了,出来就很热,这样冷热交替,身体难以适应,很多人就容易感冒了,当出现流鼻涕,鼻子堵塞或头痛的症状时,很多人都会习惯性地去药店买板蓝根,喝两包板蓝根冲剂,我记得小时候感冒就会喝板蓝根,很喜欢它的味道,比较甜,父母有时会给我冲上一杯板蓝根,他们认为这样可以预防感冒。", "01 我小时候喝的板蓝根,是一种颗粒状的冲剂,可以排除自己身体内的热毒,减少上火,我爸妈为了保护我,不让我在流感期间感冒,家里经常会买板蓝根,他们说可以治疗和预防感冒,直到现在,板蓝根是我家必备的药物,用来治疗感冒效果十分显著。服用板蓝根,一是有利于增强抵抗力,避免感冒,二是它可以杀死体内的病毒,防止感冒进一步恶化。 02 大多数人生病感冒都会喝点板蓝根,一是可以排毒体内的毒素,二是可以减少发烧导致身体内的不适,如果是感冒症状十分严重,并且身体发烫,建议先去医院看医生,在医生的帮助下,可以适当服用降体温的药物,这时,病人最好喝粥,不可以吃辣的,咸的食物,不可以喝酒,不可以吃大鱼大肉等油腻的食物,要多喝点水,注意休息。 03 治疗感冒,除了喝板蓝根,还要注意自己的饮食健康。我们要养成良好的饮食习惯,一日三餐要吃,不要暴饮暴食或睡前进食。另外我们要多吃鱼,补充营养,不要吸烟,少喝酒,不要喝冰水,避免烟酒、生冷食物等对身体的损害。上班的人要善于调节自己的工作节奏,保证充足睡眠,以缓解工作压力。放松精神、保持平和心。", "板蓝根是一种寒性的药物,有些人是不适宜服用的。比如有的人经常感到脾胃不和,容易拉肚子,身体怕冷,体质虚寒的人,就不适宜多喝板蓝根颗粒。因为板蓝根具有寒性,会损伤胃,很可能会带来一系列胃肠道反应,如胃痛、胃寒、没有胃口等。在使用板蓝根的过程中,应根据自己的病情,按量服用,不要把板蓝根当作茶来喝。", "胃痛症状百科 胃痛又称胃脘痛,是以胃脘近心窝处常发生疼痛为主的疾患。胃痛是临床上常见的一个症状,多见急慢性胃炎,胃...>>"], "bs_rank_pos": 3}, {"is_selected": false, "title": "板蓝根颗粒的功效与作用是什么_康爱多网上药店", "most_related_para": 3, "segmented_title": ["板蓝根颗粒", "的", "功效", "与", "作用", "是", "什么", "_", "康爱多", "网上", "药店"], "segmented_paragraphs": [["首页", ">", "用药", "问答", ">", "健康", "专区", ">", "板蓝根颗粒", "的", "功效", "与", "作用", "是", "什么"], ["来源", ":", "康爱多", "网上", "药店", "发布时间", ":", "2013", "年", "04", "月", "06", "日"], ["温馨提示", ":", "在", "禽流感", "流行", "的", "季节", ",", "板蓝根", "的", "购买", "又", "有", "如", "当年", "抢盐", "抢", "醋", "般", "上演", "着", "。", "不", "少", "市民", "处于", "恐慌", "之", "中", "。", "纷纷", "购买", "板蓝根", ",", "以", "预防", "禽流感", "。", "尽管", "当下", "并没有", "证实", "板蓝根", "对", "H7N9", "的", "治疗", "作用", "。", "那么", ",", "板蓝根颗粒", "的", "功效", "与", "作用", "是", "什么", "?"], ["在", "禽流感", "流行", "的", "季节", ",", "板蓝根", "的", "购买", "又", "有", "如", "当年", "抢盐", "抢", "醋", "般", "上演", "着", "。", "不", "少", "市民", "处于", "恐慌", "之", "中", "。", "纷纷", "购买", "板蓝根", ",", "以", "预防", "禽流感", "。", "尽管", "当下", "并没有", "证实", "板蓝根", "对", "H7N9", "的", "治疗", "作用", "。", "那么", ",", "板蓝根颗粒", "的", "功效", "与", "作用", "是", "什么", "?"], ["板蓝根", "颗粒", ",", "主要成分", "为", "板蓝根", ",", "辅料", "为", "蔗糖", ",", "糊精", "。", "为", "棕色", "或", "棕褐色", "的", "颗粒", ";", "味", "甜", ",", "微", "苦", "。", "主要有", "含", "糖", "型", "和", "无糖", "型", "两种", "。", "感冒", "期间", "服用", "板蓝根", ",", "有利于", "增强免疫", ",", "杀灭", "体", "内", "病毒", "和", "致病菌", ",", "有利于", "康复", ";", "流感", "期间", "和", "病毒", "性", "疾病", "期间", "服用", "板蓝根", ",", "有利于", "增强", "抵抗力", ",", "避免", "传染", "。"], ["在", "临床", "上", "板蓝根", "清热", "凉血", "、", "抗病毒抗菌", "作用", "明显", ",", "用量", "大", ",", "堪称", "中成", "药", "之", "最", "。", "研究", "结果", "表明", ",", "板蓝根", "具有", "显著", "的", "清除", "体", "内能", "引起", "体温", "升高", "的", "热", "原", "作用", ",", "并", "已", "分离", "得到", "这种", "活性物质", "。"], ["由于", "发现", "板", "蓝", "能", "根", "治疗", "病毒", "、", "细菌感染", "、", "流感", "等", "疾病", "有效", "后", ",", "使用", "板蓝根", "及", "制剂", "(", "如", "冲剂", "、", "口服液", ")", "十分", "普遍", "。", "但是", "板蓝根", "属", "寒凉", "之", "品", ",", "虽", "无", "中毒", "的", "报道", ",", "但", "长期", "大量", "服用", "亦", "会", "有", "不良反应", ",", "尤其", "是", "年", "老", "体", "虚", "者", "。", "素体", "阳虚", "又", "过", "服", "寒凉", ",", "可", "出现", "口淡", "、", "疲乏", "等", "表现", "。"], ["总", "所", "周知", ",", "吃药", "用药", "一定要", "严格", "在", "医师", "的", "指导", "下", "进行", ",", "患者", "不可以", "擅自", "停药", "或者", "增减", "药量", ",", "否则", "可能", "会导致", "病情", "的", "恶化", "或者", "引发", "其他", "疾病", "并发症", ",", "服用", "板蓝根颗粒", ",", "一定要", "有", "适应症", ",", "不能盲目", "食用", "。"], ["没有", "口臭", "成就", "阳光", "型男", "女性", "情趣", "用具", "找回", "性福", "生活", "三", "疗程", "轻松", "恢复", "血脂", "正常值", "巧", "用", "避孕套", "让", "浪漫", "升级", "女人", "私处", "水", "润", "老公", "的", "最爱"], ["最", "受", "读者", "关注", "的", "资讯"], ["最新", "用药", "资讯"], ["还", "没有任何", "项目", "!"]], "paragraphs": ["首页 > 用药问答> 健康专区 > 板蓝根颗粒的功效与作用是什么", "来源:康爱多网上药店 发布时间:2013年04月06日", "温馨提示: 在禽流感流行的季节,板蓝根的购买又有如当年抢盐抢醋般上演着。不少市民处于恐慌之中。纷纷购买板蓝根,以预防禽流感。尽管当下并没有证实板蓝根对H7N9的治疗作用。那么,板蓝根颗粒的功效与作用是什么?", "在禽流感流行的季节,板蓝根的购买又有如当年抢盐抢醋般上演着。不少市民处于恐慌之中。纷纷购买板蓝根,以预防禽流感。尽管当下并没有证实板蓝根对H7N9的治疗作用。那么,板蓝根颗粒的功效与作用是什么?", "板蓝根颗粒,主要成分为板蓝根,辅料为蔗糖,糊精。为棕色或棕褐色的颗粒;味甜,微苦。主要有含糖型和无糖型两种。感冒期间服用板蓝根,有利于增强免疫,杀灭体内病毒和致病菌,有利于康复;流感期间和病毒性疾病期间服用板蓝根,有利于增强抵抗力,避免传染。", "在临床上板蓝根清热凉血、抗病毒抗菌作用明显,用量大,堪称中成药之最。研究结果表明,板蓝根具有显著的清除体内能引起体温升高的热原作用,并已分离得到这种活性物质。", "由于发现板蓝能根治疗病毒、细菌感染、流感等疾病有效后,使用板蓝根及制剂(如冲剂、口服液)十分普遍。但是板蓝根属寒凉之品,虽无中毒的报道,但长期大量服用亦会有不良反应,尤其是年老体虚者。素体阳虚又过服寒凉,可出现口淡、疲乏等表现。", "总所周知,吃药用药一定要严格在医师的指导下进行,患者不可以擅自停药或者增减药量,否则可能会导致病情的恶化或者引发其他疾病并发症,服用板蓝根颗粒,一定要有适应症,不能盲目食用。", "没有口臭 成就阳光型男 女性情趣用具找回性福生活 三疗程轻松恢复血脂正常值 巧用避孕套 让浪漫升级  女人私处水润 老公的最爱", "最受读者关注的资讯", "最新用药资讯", "还没有任何项目!"], "bs_rank_pos": 4}], "answer_spans": [[5, 28]], "fake_answers": ["清热解毒、凉血;用于温热发热、发斑、风热感冒、咽喉肿烂、流行性乙型脑炎、肝炎、腮腺炎。"], "question": "板蓝根颗粒的功效与作用", "segmented_answers": [["清热解毒", "、", "凉血", ";", "用于", "温", "热", "发热", "、", "发", "斑", "、", "风热感冒", "、", "咽喉", "肿", "烂", "、", "流行性乙型脑炎", "、", "肝炎", "、", "腮腺炎", "。"], ["板蓝根", "的", "用途", "不仅", "是", "治疗", "感冒", ",", "板蓝根", "的", "功效", "与", "作用", "多", ",", "对", "多", "种", "细菌性", "、", "病毒", "性", "疾病", "都", "有", "较好", "的", "预防", "与", "治疗", "作用", "。"], ["对于", "流感", "、", "病毒感染", "引起", "的", "急性扁桃体炎", "、", "咽炎", "、", "流行性腮腺炎", "等", "疾病", ",", "服用", "板蓝根冲剂", "可", "起", "到", "预防", "和", "治疗", "作用", "。", "幼儿园", "和", "学校", "易", "出现", "流感", "、", "腮腺炎", "、", "水痘", "、", "流脑", "、", "手足口病", "等", "疾病", "的", "传播", "和", "流行", ",", "若", "服用", "板蓝根冲剂", "可", "起", "到", "良好", "预防", "作用", "。"]], "answers": ["清热解毒、凉血;用于温热发热、发斑、风热感冒、咽喉肿烂、流行性乙型脑炎、肝炎、 腮腺炎 。", "板蓝根的用途不仅是治疗感冒,板蓝根的功效与作用多,对多种细菌性、病毒性疾病都有较好的预防与治疗作用。", "对于流感、病毒感染引起的急性扁桃体炎、咽炎、流行性腮腺炎等疾病,服用板蓝根冲剂可起到预防和治疗作用。幼儿园和学校易出现流感、腮腺炎、水痘、流脑、手足口病等疾病的传播和流行,若服用板蓝根冲剂可起到良好预防作用。"], "answer_docs": [0], "segmented_question": ["板蓝根颗粒", "的", "功效", "与", "作用"], "question_type": "DESCRIPTION", "question_id": 91161, "fact_or_opinion": "FACT", "match_scores": [0.9583333333333334]}
-{"documents": [{"is_selected": true, "title": "oracle常用的时间格式转换 - FoxBryant的专栏 - 博客频道 - CSDN.", "most_related_para": 0, "segmented_title": ["oracle", "常用", "的", "时间格式", "转换", "-", "Fox", "Bryant", "的", "专栏", "-", "博客", "频道", "-", "CSDN", "."], "segmented_paragraphs": [["1", ":", "取得", "当前", "日期", "是", "本月", "的", "第", "几", "周", "SQL", ">", "select", "to", "_", "char", "(", "sys", "date", ",", "'", "YYYY", "MMDD", "W", "HH24", ":", "MI", ":", "SS", "'", ")", "from", "dual", ";", "TO", "_", "CHAR", "(", "SYS", "DATE", ",", "'", "YY", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "20030327", "4", "18", ":", "16", ":", "09", "SQL", ">", "select", "to", "_", "char", "(", "sys", "date", ",", "'", "W", "'", ")", "from", "dual", ";", "T", "-", "4", "2", ":", "取得", "当前", "日期", "是", "一", "个", "星期", "中", "的", "第", "几天", ",", "注意", "星期日", "是", "第一", "天", "SQL", ">", "select", "sys", "date", ",", "to", "_", "char", "(", "sys", "date", ",", "'", "D", "'", ")", "from", "dual", ";", "SYS", "DATE", "T", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "27", "-", "MAR", "-", "03", "5", "类似", ":", "select", "to", "_", "char", "(", "sys", "date", ",", "'", "yyyy", "'", ")", "from", "dual", ";", "-", "-", "年", "select", "to", "_", "char", "(", "sys", "date", ",", "'", "Q", "'", "from", "dual", ";", "-", "-", "季", "select", "to", "_", "char", "(", "sys", "date", ",", "'", "mm", "'", ")", "from", "dual", ";", "-", "-", "月", "select", "to", "_", "char", "(", "sys", "date", ",", "'", "dd", "'", ")", "from", "dual", ";", "-", "-", "日", "ddd", "年", "中", "的", "第", "几天", "WW", "年", "中", "的", "第", "几", "个", "星期", "W", "该", "月", "中", "第", "几", "个", "星期", "D", "周", "中", "的", "星期几", "hh", "小时", "(", "12", ")", "hh24", "小时", "(", "24", ")", "Mi", "分", "ss", "秒", "3", ":", "取", "当前", "日期", "是", "星期几", "中文", "显示", ":", "SQL", ">", "select", "to", "_", "char", "(", "sys", "date", ",", "'", "day", "'", ")", "from", "dual", ";", "TO", "_", "CHAR", "(", "SYS", "DATE", ",", "'", "DAY", "'", ")", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "星期四", "4", ":", "如果", "一", "个", "表", "在", "一", "个", "date", "类型", "的", "字段", "上面", "建立", "了", "索引", ",", "如何", "使用", "alter", "session", "set", "NLS", "_", "DATE", "_", "FORMAT", "=", "'", "YYYY", "-", "MM", "-", "DD", "HH24", ":", "MI", ":", "SS", "'", "5", ":", "得到", "当前", "的", "日期", "select", "sys", "date", "from", "dual", ";", "6", ":", "得到", "当天", "凌晨", "0", "点", "0", "分", "0", "秒", "的", "日期", "select", "trunc", "(", "sys", "date", ")", "from", "dual", ";", "-", "-", "得到", "这天", "的", "最后一秒"], ["6", ":", "得到", "当天", "凌晨", "0", "点", "0", "分", "0", "秒", "的", "日期", "select", "trunc", "(", "sys", "date", ")", "from", "dual", ";", "-", "-", "得到", "这天", "的", "最后一秒", "select", "trunc", "(", "sys", "date", ")", "+", "0", ".", "99999", "from", "dual", ";", "-", "-", "得到", "小时", "的", "具体", "数值", "select", "trunc", "(", "sys", "date", ")", "+", "1", "/", "24", "from", "dual", ";", "select", "trunc", "(", "sys", "date", ")", "+", "7", "/", "24", "from", "dual", ";"], ["7", ".", "得到", "明天", "凌晨", "0", "点", "0", "分", "0", "秒", "的", "日期", "select", "trunc", "(", "sys", "date", "+", "1", ")", "from", "dual", ";", "select", "trunc", "(", "sys", "date", ")", "+", "1", "from", "dual", ";"], ["8", ":", "本月", "一", "日", "的", "日期", "select", "trunc", "(", "sys", "date", ",", "'", "mm", "'", ")", "from", "dual", ";"], ["9", ":", "得到", "下月", "一", "日", "的", "日期", "select", "trunc", "(", "add", "_", "months", "(", "sys", "date", ",", "1", ")", ",", "'", "mm", "'", ")", "from", "dual", ";"], ["10", ":", "返回", "当前", "月", "的", "最后一天", "?", "select", "last", "_", "day", "(", "sys", "date", ")", "from", "dual", ";", "select", "last", "_", "day", "(", "trunc", "(", "sys", "date", ")", ")", "from", "dual", ";", "select", "trunc", "(", "last", "_", "day", "(", "sys", "date", ")", ")", "from", "dual", ";", "select", "trunc", "(", "add", "_", "months", "(", "sys", "date", ",", "1", ")", ",", "'", "mm", "'", ")", "-", "1", "from", "dual", ";"], ["11", ":", "得到", "一年", "的", "每一", "天", "select", "trunc", "(", "sys", "date", ",", "'", "yyyy", "'", ")", "+", "rn", "-", "1", "date", "0", "from", "(", "select", "rownum", "rn", "from", "all", "_", "objects", "where", "rownum", "<", "366", ")", ";"], ["12", ":", "今天", "是", "今年", "的", "第", "N", "天", "SELECT", "TO", "_", "CHAR", "(", "SYS", "DATE", ",", "'", "DDD", "'", ")", "FROM", "DUAL", ";"], ["13", ":", "如何", "在", "给", "现", "有", "的", "日期", "加上", "2", "年", "select", "add", "_", "months", "(", "sys", "date", ",", "24", ")", "from", "dual", ";"], ["14", ":", "判断", "某", "一", "日子", "所在", "年", "分", "是否", "为", "润", "年", "select", "decode", "(", "to", "_", "char", "(", "last", "_", "day", "(", "trunc", "(", "sys", "date", ",", "'", "y", "'", ")", "+", "31", ")", ",", "'", "dd", "'", ")", ",", "'", "29", "'", ",", "'", "闰年", "'", ",", "'", "平年", "'", ")", "from", "dual", ";"]], "paragraphs": ["1:取得当前日期是本月的第几周  SQL> select to_char(sysdate,'YYYYMMDD W HH24:MI:SS') from dual;  TO_CHAR(SYSDATE,'YY  -------------------  20030327 4 18:16:09  SQL> select to_char(sysdate,'W') from dual;  T  -  4 2:取得当前日期是一个星期中的第几天,注意星期日是第一天  SQL> select sysdate,to_char(sysdate,'D') from dual;  SYSDATE T  --------- -  27-MAR-03 5  类似:  select to_char(sysdate,'yyyy') from dual; --年  select to_char(sysdate,'Q' from dual; --季  select to_char(sysdate,'mm') from dual; --月  select to_char(sysdate,'dd') from dual; --日  ddd 年中的第几天  WW 年中的第几个星期  W 该月中第几个星期  D 周中的星期几  hh 小时(12)  hh24 小时(24)  Mi 分  ss 秒 3:取当前日期是星期几中文显示:  SQL> select to_char(sysdate,'day') from dual;  TO_CHAR(SYSDATE,'DAY')  ----------------------  星期四  4:如果一个表在一个date类型的字段上面建立了索引,如何使用  alter session set NLS_DATE_FORMAT='YYYY-MM-DD HH24:MI:SS' 5: 得到当前的日期 select sysdate from dual; 6: 得到当天凌晨0点0分0秒的日期  select trunc(sysdate) from dual;  -- 得到这天的最后一秒", "6: 得到当天凌晨0点0分0秒的日期  select trunc(sysdate) from dual;  -- 得到这天的最后一秒  select trunc(sysdate) + 0.99999 from dual;  -- 得到小时的具体数值  select trunc(sysdate) + 1/24 from dual;  select trunc(sysdate) + 7/24 from dual;", "7.得到明天凌晨0点0分0秒的日期  select trunc(sysdate+1) from dual;  select trunc(sysdate)+1 from dual;", "8: 本月一日的日期 select trunc(sysdate,'mm') from dual;", "9:得到下月一日的日期  select trunc(add_months(sysdate,1),'mm') from dual;", "10:返回当前月的最后一天?  select last_day(sysdate) from dual;  select last_day(trunc(sysdate)) from dual;  select trunc(last_day(sysdate)) from dual;  select trunc(add_months(sysdate,1),'mm') - 1 from dual;", "11: 得到一年的每一天  select trunc(sysdate,'yyyy')+ rn -1 date0  from  (select rownum rn from all_objects  where rownum<366);", "12:今天是今年的第N天 SELECT TO_CHAR(SYSDATE,'DDD') FROM DUAL;", "13:如何在给现有的日期加上2年  select add_months(sysdate,24) from dual;", "14:判断某一日子所在年分是否为润年  select decode(to_char(last_day(trunc(sysdate,'y')+31),'dd'),'29','闰年','平年') from dual;"], "bs_rank_pos": 0}, {"is_selected": true, "title": "Oracle 默认时间格式 & Date格式转换 - carekee - 博客园", "most_related_para": 4, "segmented_title": ["Oracle", "默认", "时间格式", "&", "Date", "格式转换", "-", "carekee", "-", "博客园"], "segmented_paragraphs": [["carekee", "Happy", "Learning"], ["1", "、", "Oracle", "的", "日期格式", "Oracle", "缺省", "的", "时间格式", "即", "时间", "数据", "的", "显示", "形式", ",", "与", "所", "使用", "的", "字符集", "有关", "。", "一般", "显示", "年月日", ",", "而", "不", "显示", "时分秒", "。", "例如", ",", "使用", "us", "7", "ascii", "字符集", "(", "或者", "是", "其他", "的", "英语", "字符集", ")", "时", ",", "缺省", "的", "时间格式", "显示", "为", ":", "28", "-", "Jan", "-", "2003", ",", "使用", "zhs", "16", "gbk", "字符集", "(", "或", "其他", "中文", "字符集", ")", "的", "时间格式", "缺省", "显示", "为", ":", "2003", "-", "1", "月", "-", "28", "。", "向", "表", "中", "插入", "数据", "时", ",", "如果", "不", "使用", "转换", "函数", ",", "则", "时间", "字段", "的", "格式", "必须", "遵从", "会话", "环境", "的", "时间格式", ",", "否则", "不能", "插入", "。", "查看", "当前", "会话", "的", "时间格式", ",", "可以使用", "以下", "的", "SQL", "语句", ":", "SQL", ">", "select", "sys", "date", "from", "dual", ";", "2", "、", "修改", "Oracle", "日期格式", "的", "方法", "(", "1", ")", "在", "sql", "*", "plus", "中", "修改", "当前", "会话", "的", "日期格式", "SQL", ">", "alter", "session", "set", "nls", "_", "date", "_", "format", "=", "'", "yyyy", "-", "mm", "-", "dd", "hh24", ":", "mi", ":", "ss", "'", ";", "将", "当前", "会话", "的", "时间格式", "修改", "为", "这种", "格式", ":", "2003", "-", "01", "-", "28", "15", ":", "23", ":", "38", ",", "即", "四", "位", "年", "-", "两位", "月", "-", "两位", "日", ",", "空格", ",", "24", "小时", "的", "制", "的", "小时", ":", "分钟", ":", "秒", "。", "这种", "修改", "方法", ",", "只", "对", "当前", "会话", "有效", "。", "注意", ",", "是", "对", "当前", "会话", ",", "而", "不是", "当前", "的", "sql", "*", "plus", "窗口", "。", "即", "如果", "你", "这样", "修改", "之后", ",", "又", "使用", "connect", "命令", "以", "其他", "用户", "连接", "到", "数据库", "或者", "是", "连接", "到", "其他", "的", "数据库", ",", "则", "这个", "日期格式", "就", "失效", "了", ",", "又", "恢复", "到", "缺省", "的", "日期格式", "。"], ["(", "1", ")", "在", "sql", "*", "plus", "中", "修改", "当前", "会话", "的", "日期格式", "SQL", ">", "alter", "session", "set", "nls", "_", "date", "_", "format", "=", "'", "yyyy", "-", "mm", "-", "dd", "hh24", ":", "mi", ":", "ss", "'", ";", "将", "当前", "会话", "的", "时间格式", "修改", "为", "这种", "格式", ":", "2003", "-", "01", "-", "28", "15", ":", "23", ":", "38", ",", "即", "四", "位", "年", "-", "两位", "月", "-", "两位", "日", ",", "空格", ",", "24", "小时", "的", "制", "的", "小时", ":", "分钟", ":", "秒", "。", "这种", "修改", "方法", ",", "只", "对", "当前", "会话", "有效", "。", "注意", ",", "是", "对", "当前", "会话", ",", "而", "不是", "当前", "的", "sql", "*", "plus", "窗口", "。", "即", "如果", "你", "这样", "修改", "之后", ",", "又", "使用", "connect", "命令", "以", "其他", "用户", "连接", "到", "数据库", "或者", "是", "连接", "到", "其他", "的", "数据库", ",", "则", "这个", "日期格式", "就", "失效", "了", ",", "又", "恢复", "到", "缺省", "的", "日期格式", "。", "(", "2", ")", "修改", "注册表", "(", "只", "对", "windows", "系统", ")", "在", "注册表", "/", "hkey", "_", "local", "_", "machine", "/", "software", "/", "oracle", "/", "home", "0", "主键", "中", "增加", "一", "个", "字串", "(", "8", "i", "版本", ")", ",", "字串", "名", "为", "nls", "_", "date", "_", "format", ",", "字串", "的", "值", "为", "你", "希望", "定义", "的", "时间格式", ",", "如", ":", "yyyy", "-", "mm", "-", "dd", "hh24", ":", "mi", ":", "ss", ",", "然后", "重新启动", "sql", "*", "plus", "。", "这种", "修改", "方法", ",", "对", "sql", "*", "plus", "窗口", "有效", ",", "即", "不", "论", "你", "打开", "多少", "个", "sql", "*", "plus", "窗口", ",", "缺省", "的", "都是", "这种", "时间格式", "。", "修改", "服务器端", "的", "注册表", "无效", ",", "只有", "修改", "客户端", "的", "注册表", "才", "有效", "。", "(", "3", ")", "Linux", "下", ":", "oracle", "用户", "编辑", ".", "bash", "_", "profile", "下", "加入", "以下", "内容", "export", "NLS", "_", "DATE", "_", "FORMAT", "=", "'", "YYYY", "-", "MM", "-", "DD", "HH24", ":", "MI", ":", "SS", "'", "重新", "登录", "即可", "生效", "(", "4", ")", "用", "sysdba", "登录", "然后", "更新", "props", "$", "这个", "表", "里", "的", "字段", "即可", "update", "props", "$", "set", "value", "=", "'", "YYYY", "-", "MM", "-", "DD", "HH24", ":", "MI", ":", "SS", "'", "where", "parameter", "=", "'", "NLS", "_", "DATE", "_", "FORMAT", "'", ";", "D"], ["DATE", "格式转换", ":"], ["一", "、", "在", "使用", "Oracle", "的", "to", "_", "date", "函数", "来", "做", "日期", "转换", "时", ",", "很多", "Java", "程序员", "也许", "会", "直接", "的", "采用", "“", "yyyy", "-", "MM", "-", "dd", "HH", ":", "mm", ":", "ss", "”", "的", "格式", "作为", "格式", "进行", "转换", ",", "但是", "在", "Oracle", "中", "会引起", "错误", ":", "“", "ORA", "01810", "格式", "代码", "出现", "两次", "”", "。", "如", ":", "select", "to", "_", "date", "(", "'", "2005", "-", "01", "-", "01", "13", ":", "14", ":", "20", "'", ",", "'", "yyyy", "-", "MM", "-", "dd", "HH24", ":", "mm", ":", "ss", "'", ")", "from", "dual", ";", "原因", "是", ":", "SQL", "中", "不", "区分", "大小写", ",", "MM", "和", "mm", "被", "认为", "是", "相同", "的", "格式", "代码", ",", "所以", "Oracle", "的", "SQL", "采用", "了", "mi", "代替", "分钟", "。", "select", "to", "_", "date", "(", "'", "2005", "-", "01", "-", "01", "13", ":", "14", ":", "20", "'", ",", "'", "yyyy", "-", "MM", "-", "dd", "HH24", ":", "mi", ":", "ss", "'", ")", "from", "dual", ";", "二", "、", "另", "要", "以", "24", "小时", "的", "形式", "显示", "出来", "要", "用", "HH24", "假设", "当前时间", "为", ":", "2013", "-", "11", "-", "25", "18", ":", "45", ":", "32", "select", "to", "_", "char", "(", "sys", "date", ",", "'", "yyyy", "-", "MM", "-", "dd", "HH24", ":", "mi", ":", "ss", "'", ")", "from", "dual", ";", "/", "/", "mi", "是", "分钟", "2013", "-", "11", "-", "25", "18", ":", "45", ":", "32", "select", "to", "_", "char", "(", "sys", "date", ",", "'", "yyyy", "-", "MM", "-", "dd", "HH24", ":", "mm", ":", "ss", "'", ")", "from", "dual", ";", "/", "/", "mm", "会", "显示", "月份", "2013", "-", "11", "-", "25", "18", ":", "11", ":", "321", ".", "日期格式", "参数", "及其", "含义", "说明", "D", "一", "周", "中", "的", "星期几", "DAY", "天", "的", "名字", ",", "使用", "空格", "填充", "到", "9", "个", "字符", "DD", "月", "中", "的", "第", "几天", "DDD", "年", "中", "的", "第", "几天", "DY", "天", "的", "简写", "名", "IW", "ISO", "标准", "的", "年", "中", "的", "第", "几", "周", "IYYY", "ISO", "标准", "的", "四", "位", "年份", "YYYY", "四", "位", "年份"], ["假设", "当前时间", "为", ":", "2013", "-", "11", "-", "25", "18", ":", "45", ":", "32", "select", "to", "_", "char", "(", "sys", "date", ",", "'", "yyyy", "-", "MM", "-", "dd", "HH24", ":", "mi", ":", "ss", "'", ")", "from", "dual", ";", "/", "/", "mi", "是", "分钟", "2013", "-", "11", "-", "25", "18", ":", "45", ":", "32", "select", "to", "_", "char", "(", "sys", "date", ",", "'", "yyyy", "-", "MM", "-", "dd", "HH24", ":", "mm", ":", "ss", "'", ")", "from", "dual", ";", "/", "/", "mm", "会", "显示", "月份", "2013", "-", "11", "-", "25", "18", ":", "11", ":", "321", ".", "日期格式", "参数", "及其", "含义", "说明", "D", "一", "周", "中", "的", "星期几", "DAY", "天", "的", "名字", ",", "使用", "空格", "填充", "到", "9", "个", "字符", "DD", "月", "中", "的", "第", "几天", "DDD", "年", "中", "的", "第", "几天", "DY", "天", "的", "简写", "名", "IW", "ISO", "标准", "的", "年", "中", "的", "第", "几", "周", "IYYY", "ISO", "标准", "的", "四", "位", "年份", "YYYY", "四", "位", "年份", "YYY", ",", "YY", ",", "Y", "年份", "的", "最后", "三", "位", ",", "两位", ",", "一", "位", "HH", "小时", ",", "按", "12", "小时", "计", "HH24", "小时", ",", "按", "24", "小时", "计", "MI", "分", "SS", "秒", "MM", "月", "Mon", "月份", "的", "简写", "Month", "月份", "的", "全名", "W", "该", "月", "的", "第", "几", "个", "星期", "WW", "年", "中", "的", "第", "几", "个", "星期"], ["1", ".", "日期", "时间", "间隔", "操作", "当前时间", "减去", "7", "分钟", "的", "时间", "select", "sys", "date", ",", "sys", "date", "-", "interval", "'", "7", "'", "MINUTE", "FROM", "dual", ";", "当前时间", "减去", "7", "小时", "的", "时间", "select", "sys", "date", ",", "sys", "date", "-", "interval", "'", "7", "'", "HOUR", "FROM", "dual", ";", "当前时间", "减去", "7", "天", "的", "时间", "select", "sys", "date", ",", "sys", "date", "-", "interval", "'", "7", "'", "DAY", "FROM", "dual", ";", "当前时间", "减去", "7", "月", "的", "时间", "select", "sys", "date", ",", "sys", "date", "-", "interval", "'", "7", "'", "MONTH", "FROM", "dual", ";", "当前时间", "减去", "7", "年", "的", "时间", "select", "sys", "date", ",", "sys", "date", "-", "interval", "'", "7", "'", "YEAR", "FROM", "dual", ";", "时间", "间隔", "乘以", "一", "个", "数字", "select", "sys", "date", ",", "sys", "date", "-", "8", "*", "interval", "'", "2", "'", "HOUR", "FROM", "dual", ";", "2", ".", "日期", "到", "字符", "操作", "select", "sys", "date", ",", "to", "_", "char", "(", "sys", "date", ",", "’", "yyyy", "-", "mm", "-", "dd", "hh24", ":", "mi", ":", "ss", "’", ")", "from", "dual", "select", "sys", "date", ",", "to", "_", "char", "(", "sys", "date", ",", "’", "yyyy", "-", "mm", "-", "dd", "hh", ":", "mi", ":", "ss", "’", ")", "from", "dual", "select", "sys", "date", ",", "to", "_", "char", "(", "sys", "date", ",", "’", "yyyy", "-", "ddd", "hh", ":", "mi", ":", "ss", "’", ")", "from", "dual", "select", "sys", "date", ",", "to", "_", "char", "(", "sys", "date", ",", "’", "yyyy", "-", "mm", "iw", "-", "d", "hh", ":", "mi", ":", "ss", "’", ")", "from", "dual", "参考", "oracle", "的", "相关", "关", "文档", "(", "ORACLE", "901", "DOC", "/", "SERVER", ".", "901", "/", "A", "90125", "/", "SQL", "_", "ELEMENTS", "4", ".", "HTM#", "48515", ")", "3", ".", "字符", "到", "日期", "操作", "select", "to", "_", "date", "(", "’", "2003", "-", "10", "-", "17", "21", ":", "15", ":", "37", "’", ",", "’", "yyyy", "-", "mm", "-", "dd", "hh24", ":", "mi", ":", "ss", "’", ")", "from", "dual"]], "paragraphs": ["carekee Happy Learning", "1、Oracle的日期格式Oracle缺省的时间格式即时间数据的显示形式,与所使用的字符集有关。一般显示年月日,而不显示时分秒。例如,使用us7ascii字符集(或者是其他的英语字符集)时,缺省的时间格式显示为:28-Jan-2003,使用zhs16gbk字符集(或其他中文字符集)的时间格式缺省显示为:2003-1月-28。向表中插入数据时,如果不使用转换函数,则时间字段的格式必须遵从会话环境的时间格式,否则不能插入。查看当前会话的时间格式,可以使用以下的SQL语句:SQL> select sysdate from dual; 2、修改Oracle日期格式的方法(1)在sql*plus中修改当前会话的日期格式SQL> alter session set nls_date_format = 'yyyy-mm-dd hh24:mi:ss';将当前会话的时间格式修改为这种格式: 2003-01-28 15:23:38,即四位年-两位月-两位日,空格,24小时的制的小时:分钟:秒。这种修改方法,只对当前会话有效。 注意,是对当前会话,而不是当前的sql*plus窗口。即如果你这样修改之后,又使用connect命令以其他用户连接到数据库或者是连接到其他的数据库,则这个日期格式就失效了,又恢复到缺省的日期格式。", "(1)在sql*plus中修改当前会话的日期格式SQL> alter session set nls_date_format = 'yyyy-mm-dd hh24:mi:ss';将当前会话的时间格式修改为这种格式: 2003-01-28 15:23:38,即四位年-两位月-两位日,空格,24小时的制的小时:分钟:秒。这种修改方法,只对当前会话有效。 注意,是对当前会话,而不是当前的sql*plus窗口。即如果你这样修改之后,又使用connect命令以其他用户连接到数据库或者是连接到其他的数据库,则这个日期格式就失效了,又恢复到缺省的日期格式。(2)修改注册表(只对windows系统)在注册表/hkey_local_machine/software/oracle/home0主键中增加一个字串(8i版本),字串名为nls_date_format,字串的值为你希望定义的时间格式,如: yyyy-mm-dd hh24:mi:ss ,然后重新启动sql*plus。这种修改方法,对sql*plus窗口有效,即不论你打开多少个sql*plus窗口,缺省的都是这种时间格式。修改服务器端的注册表无效,只有修改客户端的注册表才有效。(3)Linux下:oracle用户编辑 .bash_profile下 加入以下内容 export NLS_DATE_FORMAT='YYYY-MM-DD HH24:MI:SS ' 重新登录即可生效(4)用sysdba登录然后更新props$这个表里的字段即可update props$ set value = 'YYYY-MM-DD HH24:MI:SS' where parameter = 'NLS_DATE_FORMAT';D", "DATE格式转换:", "一、在使用Oracle的to_date函数来做日期转换时,很多Java程序员也许会直接的采用“yyyy-MM-dd HH:mm:ss”的格式作为格式进行转换,但是在Oracle中会引起错误:“ORA 01810 格式代码出现两次”。 如:select to_date( '2005-01-01 13:14:20 ', 'yyyy-MM-dd HH24:mm:ss ') from dual; 原因是:SQL中不区分大小写,MM和mm被认为是相同的格式代码,所以Oracle的SQL采用了mi代替分钟。 select to_date( '2005-01-01 13:14:20 ', 'yyyy-MM-dd HH24:mi:ss ') from dual; 二、另要以24小时的形式显示出来要用HH24 假设当前时间为:2013-11-25 18:45:32select to_char(sysdate, 'yyyy-MM-dd HH24:mi:ss ') from dual;//mi是分钟 2013-11-25 18:45:32select to_char(sysdate, 'yyyy-MM-dd HH24:mm:ss ') from dual;//mm会显示月份 2013-11-25 18:11:321.日期格式参数及其含义说明 D 一周中的星期几 DAY 天的名字,使用空格填充到9个字符 DD 月中的第几天 DDD 年中的第几天 DY 天的简写名 IW ISO标准的年中的第几周 IYYY ISO标准的四位年份 YYYY 四位年份", "假设当前时间为:2013-11-25 18:45:32select to_char(sysdate, 'yyyy-MM-dd HH24:mi:ss ') from dual;//mi是分钟 2013-11-25 18:45:32select to_char(sysdate, 'yyyy-MM-dd HH24:mm:ss ') from dual;//mm会显示月份 2013-11-25 18:11:321.日期格式参数及其含义说明 D 一周中的星期几 DAY 天的名字,使用空格填充到9个字符 DD 月中的第几天 DDD 年中的第几天 DY 天的简写名 IW ISO标准的年中的第几周 IYYY ISO标准的四位年份 YYYY 四位年份 YYY,YY,Y 年份的最后三位,两位,一位 HH 小时,按12小时计 HH24 小时,按24小时计 MI 分 SS 秒 MM 月 Mon 月份的简写 Month 月份的全名 W 该月的第几个星期WW 年中的第几个星期", "1.日期时间间隔操作 当前时间减去7分钟的时间 select sysdate,sysdate - interval '7' MINUTE FROM dual; 当前时间减去7小时的时间 select sysdate,sysdate - interval '7' HOUR FROM dual; 当前时间减去7天的时间 select sysdate,sysdate - interval '7' DAY FROM dual; 当前时间减去7月的时间 select sysdate,sysdate - interval '7' MONTH FROM dual; 当前时间减去7年的时间 select sysdate,sysdate - interval '7' YEAR FROM dual; 时间间隔乘以一个数字 select sysdate,sysdate - 8*interval '2' HOUR FROM dual; 2.日期到字符操作 select sysdate,to_char(sysdate,’yyyy-mm-dd hh24:mi:ss’) from dual select sysdate,to_char(sysdate,’yyyy-mm-dd hh:mi:ss’) from dual select sysdate,to_char(sysdate,’yyyy-ddd hh:mi:ss’) from dual select sysdate,to_char(sysdate,’yyyy-mm iw-d hh:mi:ss’) from dual 参考oracle的相关关文档(ORACLE901DOC/SERVER.901/A90125/SQL_ELEMENTS4.HTM#48515) 3.字符到日期操作 select to_date(’2003-10-17 21:15:37’,’yyyy-mm-dd hh24:mi:ss’) from dual"], "bs_rank_pos": 1}, {"is_selected": true, "title": "oracle sql查询语句 时间格式_百度知道", "most_related_para": 1, "segmented_title": ["oracle", "sql", "查询", "语句", "时间格式", "_", "百度", "知道"], "segmented_paragraphs": [["可以", "先", "通过", "to", "_", "char", "将", "时间", "转换", "为", "字符串", ",", "之后", "通过", "to", "_", "date", "方式", "统一", "时间", "样式", ",", "这样", "就能", "灵活", "的", "获取", "时间", "的", "格式", "了", "。", "sql", ":", "SELECT", "to", "_", "date", "(", "to", "_", "char", "(", "sys", "date", ",", "'", "yyyy", "-", "mm", "-", "dd", "'", ")", "|", "|", "'", "23", ":", "59", ":", "59", "'", ",", "'", "yyyy", "-", "mm", "-", "dd", "hh24", ":", "mi", ":", "ss", "'", ")", "FROM", "DUAL", ";", "解释", ":", "以上", "语句", "就是", "获取", "到", "当前", "的", "最后", "时间", "点", ",", "在", "跳动", "一秒", "就会", "进入", "下", "一天", "。", "备注", ":", "时间", "比较", "是", "距离", "1970", "年", "越", "远", "的", "那么", "时间", "就", "越", "大", "。"], ["可以", "先", "通过", "to", "_", "char", "将", "时间", "转换", "为", "字符串", ",", "之后", "通过", "to", "_", "date", "方式", "统一", "时间", "样式", ",", "这样", "就能", "灵活", "的", "获取", "时间", "的", "格式", "了", "。", "sql", ":", "SELECT", "to", "_", "date", "(", "to", "_", "char", "(", "sys", "date", ",", "'", "yyyy", "-", "mm", "-", "dd", "'", ")", "|", "|", "'", "23", ":", "59", ":", "59", "'", ",", "'", "yyyy", "-", "mm", "-", "dd", "hh24", ":", "mi", ":", "ss", "'", ")", "FROM", "DUAL", ";", "解释", ":", "以上", "语句", "就是", "获取", "到", "当前", "的", "最后", "时间", "点", ",", "在", "跳动", "一秒", "就会", "进入", "下", "一天", "。", "备注", ":", "时间", "比较", "是", "距离", "1970", "年", "越", "远", "的", "那么", "时间", "就", "越", "大", "。"], ["select", "*", "from", "table", "where", "usert", "me", ">", "to", "_", "date", "(", "'", "2013", "-", "06", "-", "01", "00", ":", "00", ":", "00", "'", ",", "'", "yyyy", "-", "mm", "-", "dd", "hh24", ":", "mi", ":", "ss", "'", ")", "and", "usert", "me", "<", "to", "_", "date", "(", "'", "2013", "-", "06", "-", "06", "00", ":", "00", ":", "00", "'", ",", "'", "yyyy", "-", "mm", "-", "dd", "hh24", ":", "mi", ":", "ss", "'", ")", ";"]], "paragraphs": ["可以先通过to_char将时间转换为字符串,之后通过to_date方式统一时间样式,这样就能灵活的获取时间的格式了。 sql:SELECT to_date(to_char(sysdate,'yyyy-mm-dd')||'23:59:59','yyyy-mm-dd hh24:mi:ss') FROM DUAL; 解释:以上语句就是获取到当前的最后时间点,在跳动一秒就会进入下一天。 备注:时间比较是距离1970年越远的那么时间就越大。", "可以先通过to_char将时间转换为字符串,之后通过to_date方式统一时间样式,这样就能灵活的获取时间的格式了。 sql:SELECT to_date(to_char(sysdate,'yyyy-mm-dd')||'23:59:59','yyyy-mm-dd hh24:mi:ss') FROM DUAL; 解释:以上语句就是获取到当前的最后时间点,在跳动一秒就会进入下一天。 备注:时间比较是距离1970年越远的那么时间就越大。", "select * from table where usertme >to_date('2013-06-01 00:00:00','yyyy-mm-dd hh24:mi:ss') and usertme", "职场", "/", "理财", ">", "投资理财"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["改", "委", "自", "今年", "8", "月", "1", "日", "开始", "取消", "银行", "部分", "收费", "项目", ",", "包括", "小额", "账户", "管理费", "、", "年费", "等", "。", "但", "大多数", "银行", "需要", "本人", "到", "柜台", "取消", ",", "而", "商业银行", "的", "领头羊", "招商银行", "却", "提供", "了", "网上", "自助", "减免", "年费", "的", "渠道", ",", "值得", "称赞", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["招商银行", "卡", ",", "网银", "、", "上网", "精简", "持家", "的", "心"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "首先", "登陆", "招行", "网银", ",", "这里", "以", "大众", "版", "为", "例", "示范", "。", "步骤", "阅读", "2", "进入", "之后", "点", "开", "账户管理", ",", "帐", "管", "费", "减免", "查询", "。", "笔者", "的", "卡", "已经", "取消", "了", "帐", "管", "费", ",", "如果", "没", "取消", "的", "可以", "点击", "取消", "。", "步骤", "阅读", "步骤", "阅读", "3", "手机", "银行", "也", "可以", ",", "按照", "首页", "的", "提示", "操作", ",", "我", "的", "一卡通", "→", "账户", "管理", "→", "账户", "管理费", "减免", "查询", "。", "步骤", "阅读", "步骤", "阅读", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["一", "家", "银行", "只有", "一", "张", "卡", "能", "减免", "帐", "管", "费", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "每天进步一点点"]], "paragraphs": ["百度经验 > 职场/理财 > 投资理财", "百度经验:jingyan.baidu.com", "改委自今年8月1日开始取消银行部分收费项目,包括小额账户管理费、年费等。但大多数银行需要本人到柜台取消,而商业银行的领头羊招商银行却提供了网上自助减免年费的渠道,值得称赞。", "百度经验:jingyan.baidu.com", "招商银行卡,网银、上网 精简持家的心", "百度经验:jingyan.baidu.com", "1 首先登陆招行网银,这里以大众版为例示范。 步骤阅读 2 进入之后点开账户管理,帐管费减免查询。笔者的卡已经取消了帐管费,如果没取消的可以点击取消。 步骤阅读 步骤阅读 3 手机银行也可以,按照首页的提示操作,我的一卡通→账户管理→账户管理费减免查询。 步骤阅读 步骤阅读 步骤阅读 END", "百度经验:jingyan.baidu.com", "一家银行只有一张卡能减免帐管费。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:每天进步一点点"], "bs_rank_pos": 0}, {"is_selected": true, "title": "现在招商银行要收帐户管理费了吗?_百度知道", "most_related_para": 1, "segmented_title": ["现在", "招商银行", "要", "收", "帐户", "管理费", "了", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["一卡通", "是", "有", "小额", "账户", "管理", "费", "的", ",", "如果", "账户", "资金", "不", "代表", "且", "不", "满足", "其它", "账户", "管理费", "减免", "条件", ",", "是", "会", "扣", "费", "的", ",", "如果", "卡内", "没有", "余额", ",", "会", "累积", "欠费", ",", "具体", "金额", "要", "看", "是", "哪个", "城市", "办理", "的", "卡", "。", "作为", "银行", ",", "为", "客户", "管理", "一", "个", "账户", "的", "成本", "主要包括", "以下", "两", "方面", ":", "1", "、", "账户", "数据", "、", "交易", "数据", "的", "存储", ";", "2", "、", "因", "管理", "账户", "数据", "、", "交易", "数据", "所", "投入", "的", "银行业务", "系统", "、", "通讯", "网络", "的", "软", "、", "硬件", "成本", "和", "人力", "成本", "等等", "。", "银行", "也是", "企业", ",", "必须", "进行", "成本", "的", "管理", ",", "我们", "认为", "懂得", "成功", "管理", "成本", "的", "银行", "才是", "好", "银行", "、", "才会", "为", "客户", "提供", "更好", "的", "服务", "。", "根据", "中国银行业", "监督", "管理", "委员会", "2003", "年", "10", "月", "1", "日", "颁发", "的", "《", "商业银行", "服务价格", "管理暂行办法", "》", "的", "有关", "规定", ",", "银行", "账户", "管理", "的", "收费", "属于", "市场调节价", "范围", ",", "由", "商业银行", "自行", "制定", "并", "调整", ",", "账户", "管理费", "的", "收取", "是", "有章可循", "的", "。"], ["一卡通", "是", "有", "小额", "账户", "管理", "费", "的", ",", "如果", "账户", "资金", "不", "代表", "且", "不", "满足", "其它", "账户", "管理费", "减免", "条件", ",", "是", "会", "扣", "费", "的", ",", "如果", "卡内", "没有", "余额", ",", "会", "累积", "欠费", ",", "具体", "金额", "要", "看", "是", "哪个", "城市", "办理", "的", "卡", "。", "  ", "作为", "银行", ",", "为", "客户", "管理", "一", "个", "账户", "的", "成本", "主要包括", "以下", "两", "方面", ":", "1", "、", "账户", "数据", "、", "交易", "数据", "的", "存储", ";", "2", "、", "因", "管理", "账户", "数据", "、", "交易", "数据", "所", "投入", "的", "银行业务", "系统", "、", "通讯", "网络", "的", "软", "、", "硬件", "成本", "和", "人力", "成本", "等等", "。", "银行", "也是", "企业", ",", "必须", "进行", "成本", "的", "管理", ",", "我们", "认为", "懂得", "成功", "管理", "成本", "的", "银行", "才是", "好", "银行", "、", "才会", "为", "客户", "提供", "更好", "的", "服务", "。", "根据", "中国银行业", "监督", "管理", "委员会", "2003", "年", "10", "月", "1", "日", "颁发", "的", "《", "商业银行", "服务价格", "管理暂行办法", "》", "的", "有关", "规定", ",", "银行", "账户", "管理", "的", "收费", "属于", "市场调节价", "范围", ",", "由", "商业银行", "自行", "制定", "并", "调整", ",", "账户", "管理费", "的", "收取", "是", "有章可循", "的", "。"]], "paragraphs": ["一卡通是有小额账户管理费的,如果账户资金不代表且不满足其它账户管理费减免条件,是会扣费的,如果卡内没有余额,会累积欠费,具体金额要看是哪个城市办理的卡。作为银行,为客户管理一个账户的成本主要包括以下两方面:1、账户数据、交易数据的存储;2、因管理账户数据、交易数据所投入的银行业务系统、通讯网络的软、硬件成本和人力成本等等。银行也是企业,必须进行成本的管理,我们认为懂得成功管理成本的银行才是好银行、才会为客户提供更好的服务。根据中国银行业监督管理委员会2003年10月1日颁发的《商业银行服务价格管理暂行办法》的有关规定,银行账户管理的收费属于市场调节价范围,由商业银行自行制定并调整,账户管理费的收取是有章可循的。", "一卡通是有小额账户管理费的,如果账户资金不代表且不满足其它账户管理费减免条件,是会扣费的,如果卡内没有余额,会累积欠费,具体金额要看是哪个城市办理的卡。   作为银行,为客户管理一个账户的成本主要包括以下两方面: 1、账户数据、交易数据的存储; 2、因管理账户数据、交易数据所投入的银行业务系统、通讯网络的软、硬件成本和人力成本等等。银行也是企业,必须进行成本的管理,我们认为懂得成功管理成本的银行才是好银行、才会为客户提供更好的服务。 根据中国银行业监督管理委员会2003年10月1日颁发的《商业银行服务价格管理暂行办法》的有关规定,银行账户管理的收费属于市场调节价范围,由商业银行自行制定并调整,账户管理费的收取是有章可循的。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "招行的账户管理费如何收取的_百度知道", "most_related_para": 2, "segmented_title": ["招行", "的", "账户", "管理费", "如何", "收取", "的", "_", "百度", "知道"], "segmented_paragraphs": [["一卡通", "是", "有", "小额", "账户", "管理", "费", "的", ",", "如果", "账户", "资金", "不", "代表", "且", "不", "满足", "其他", "账户", "管理费", "减免", "条件", ",", "是", "会", "扣", "费", "的", ",", "如果", "卡内", "没有", "余额", ",", "会", "累积", "欠费", ",", "具体", "金额", "要", "看", "您", "是", "哪个", "城市", "办理", "的", "卡", "。", "银行", "为", "客户", "管理", "一", "个", "账户", "的", "成本", "主要包括", "以下", "两", "方面", ":", "1", "、", "账户", "数据", "、", "交易", "数据", "的", "存储", ";", "2", "、", "因", "管理", "账户", "数据", "、", "交易", "数据", "所", "投入", "的", "银行业务", "系统", "、", "通讯", "网络", "的", "软", "、", "硬件", "成本", "和", "人力", "成本", "等等", "。", "银行", "也是", "企业", ",", "必须", "进行", "成本", "的", "管理", ",", "我们", "认为", "懂得", "成功", "管理", "成本", "的", "银行", "才是", "好", "银行", "、", "才会", "为", "客户", "提供", "更好", "的", "服务", "。", "根据", "中国银行业", "监督", "管理", "委员会", "2003", "年", "10", "月", "1", "日", "颁发", "的", "《", "商业银行", "服务价格", "管理暂行办法", "》", "的", "有关", "规定", ",", "银行", "账户", "管理", "的", "收费", "属于", "市场调节价", "范围", ",", "由", "商业银行", "自行", "制定", "并", "调整", ",", "账户", "管理费", "的", "收取", "是", "有章可循", "的", "。"], ["您好", ",", "根据", "截图", "显示", ",", "之", "前", "有", "多", "个", "月份", "的", "账户", "管理费", "未", "交纳", "(", "可", "通过", "后方", "的", "“", "交易", "备注", "”", "查看", "所", "扣", "费用", "对应", "的", "月份", ")", ",", "如果", "有", "账户", "管理费", "生成", ",", "会", "一直", "累计", ",", "账户", "若", "有", "存款", "时", ",", "会", "进行", "补扣", "(", "目前", "是", "往前", "补", "扣", "14", "个", "月", "的", "欠费", ")", "。", "如", "有", "其它", "疑问", ",", "欢迎登录", "“", "在线客服", "”", "咨询", "(", "网址", ":", "https", ":", "/", "/", "forum", ".", "cmbchina", ".", "com", "/", "cmu", "/", "ics", "login", ".", "aspx", "?", "from", "=", "B", "&", "login", "cmu", "=", "0", ")", ",", "我们", "将", "竭诚为您服务", "!", "感谢您", "对", "招商银行", "的", "关注", "与", "支持", "!"], ["一卡通", "是", "有", "小额", "账户", "管理", "费", "的", ",", "如果", "账户", "资金", "不", "代表", "且", "不", "满足", "其他", "账户", "管理费", "减免", "条件", ",", "是", "会", "扣", "费", "的", ",", "如果", "卡内", "没有", "余额", ",", "会", "累积", "欠费", ",", "具体", "金额", "要", "看", "您", "是", "哪个", "城市", "办理", "的", "卡", "。", "银行", "为", "客户", "管理", "一", "个", "账户", "的", "成本", "主要包括", "以下", "两", "方面", ":", "1", "、", "账户", "数据", "、", "交易", "数据", "的", "存储", ";", "2", "、", "因", "管理", "账户", "数据", "、", "交易", "数据", "所", "投入", "的", "银行业务", "系统", "、", "通讯", "网络", "的", "软", "、", "硬件", "成本", "和", "人力", "成本", "等等", "。", "银行", "也是", "企业", ",", "必须", "进行", "成本", "的", "管理", ",", "我们", "认为", "懂得", "成功", "管理", "成本", "的", "银行", "才是", "好", "银行", "、", "才会", "为", "客户", "提供", "更好", "的", "服务", "。", "根据", "中国银行业", "监督", "管理", "委员会", "2003", "年", "10", "月", "1", "日", "颁发", "的", "《", "商业银行", "服务价格", "管理暂行办法", "》", "的", "有关", "规定", ",", "银行", "账户", "管理", "的", "收费", "属于", "市场调节价", "范围", ",", "由", "商业银行", "自行", "制定", "并", "调整", ",", "账户", "管理费", "的", "收取", "是", "有章可循", "的", "。"], ["哇", "!", "这么多", ",", "我", "只", "知道", "日", "均", "余额", "10000", "以上", "免", "管理费", "。", "换", "个", "银行", "吧", ",", "工行", "日", "均", "余额", "300", "就", "免", "管理费", "。", "如果", "有", "管理费", "也是", "1", "元", "/", "月", "。"]], "paragraphs": ["一卡通是有小额账户管理费的,如果账户资金不代表且不满足其他账户管理费减免条件,是会扣费的,如果卡内没有余额,会累积欠费,具体金额要看您是哪个城市办理的卡。 银行为客户管理一个账户的成本主要包括以下两方面: 1、账户数据、交易数据的存储; 2、因管理账户数据、交易数据所投入的银行业务系统、通讯网络的软、硬件成本和人力成本等等。银行也是企业,必须进行成本的管理,我们认为懂得成功管理成本的银行才是好银行、才会为客户提供更好的服务。 根据中国银行业监督管理委员会2003年10月1日颁发的《商业银行服务价格管理暂行办法》的有关规定,银行账户管理的收费属于市场调节价范围,由商业银行自行制定并调整,账户管理费的收取是有章可循的。", "您好,根据截图显示,之前有多个月份的账户管理费未交纳(可通过后方的“交易备注”查看所扣费用对应的月份),如果有账户管理费生成,会一直累计,账户若有存款时,会进行补扣(目前是往前补扣14个月的欠费)。 如有其它疑问,欢迎登录“在线客服”咨询(网址:https://forum.cmbchina.com/cmu/icslogin.aspx?from=B&logincmu=0 ),我们将竭诚为您服务!感谢您对招商银行的关注与支持!", "一卡通是有小额账户管理费的,如果账户资金不代表且不满足其他账户管理费减免条件,是会扣费的,如果卡内没有余额,会累积欠费,具体金额要看您是哪个城市办理的卡。 银行为客户管理一个账户的成本主要包括以下两方面: 1、账户数据、交易数据的存储; 2、因管理账户数据、交易数据所投入的银行业务系统、通讯网络的软、硬件成本和人力成本等等。银行也是企业,必须进行成本的管理,我们认为懂得成功管理成本的银行才是好银行、才会为客户提供更好的服务。 根据中国银行业监督管理委员会2003年10月1日颁发的《商业银行服务价格管理暂行办法》的有关规定,银行账户管理的收费属于市场调节价范围,由商业银行自行制定并调整,账户管理费的收取是有章可循的。", "哇!这么多,我只知道日均余额10000以上免管理费。换个银行吧,工行日均余额300就免管理费。如果有管理费也是1元/月。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "招商银行借记卡有账户管理费吗_百度知道", "most_related_para": 1, "segmented_title": ["招商银行", "借记卡", "有", "账户", "管理费", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["招商银行", ",", "日", "均", "余额", "低于", "10000", ",", "小额", "账户", "管理费", "36", "元", "/", "年", "。", "补充", ":", "2015", "年", "6", "月", "1", "日", "个人用户", "可以", "办理", "取消", "银行卡", "小额", "账户", "管理费", "业务", "。", "中国", "银监会", "、", "国家", "发改委", "发布", "的", "《", "商业银行", "服务价格", "管理办法", "》", "正式实施", ",", "本次", "银行", "减免", "的", "是", "借记卡", "部分", "手续费", "(", "不", "包括", "信用卡", ")", ",", "包含", "年费", "、", "取", "现", "手续费", "、", "短信", "通知", "费", "、", "转账", "汇款", "手续费", "、", "小额", "账户", "管理费", "等", "。"], ["招商银行", ",", "日", "均", "余额", "低于", "10000", ",", "小额", "账户", "管理费", "36", "元", "/", "年", "。", "补充", ":", "2015", "年", "6", "月", "1", "日", "个人用户", "可以", "办理", "取消", "银行卡", "小额", "账户", "管理费", "业务", "。", "中国", "银监会", "、", "国家", "发改委", "发布", "的", "《", "商业银行", "服务价格", "管理办法", "》", "正式实施", ",", "本次", "银行", "减免", "的", "是", "借记卡", "部分", "手续费", "(", "不", "包括", "信用卡", ")", ",", "包含", "年费", "、", "取", "现", "手续费", "、", "短信", "通知", "费", "、", "转账", "汇款", "手续费", "、", "小额", "账户", "管理费", "等", "。"]], "paragraphs": ["招商银行,日均余额低于10000,小额账户管理费36元/年。 补充:2015年6月1日个人用户可以办理取消银行卡小额账户管理费业务。 中国银监会、国家发改委发布的《商业银行服务价格管理办法》正式实施,本次银行减免的是借记卡部分手续费(不包括信用卡),包含年费、取现手续费、短信通知费、转账汇款手续费、小额账户管理费等。", "招商银行,日均余额低于10000,小额账户管理费36元/年。 补充:2015年6月1日个人用户可以办理取消银行卡小额账户管理费业务。 中国银监会、国家发改委发布的《商业银行服务价格管理办法》正式实施,本次银行减免的是借记卡部分手续费(不包括信用卡),包含年费、取现手续费、短信通知费、转账汇款手续费、小额账户管理费等。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "招行卡如何设置账户管理费减免_百度经验", "most_related_para": 6, "segmented_title": ["招行", "卡", "如何", "设置", "账户", "管理费", "减免", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "职场", "/", "理财", ">", "投资理财"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["2015", "年", "8", "月", "1", "日", ",", "《", "商业银行", "服务价格", "管理办法", "》", "开始", "执行", ",", "该", "办法", "中", "明确", "规定", "符合", "条件", "的", "储户", "可以", "向", "银行", "申请", "减免", "年费", "和", "小额", "账户", "管理费", "。", "但是", ",", "好多", "朋友", "都", "没", "设置", ",", "年费", "和", "管理费", "白白", "被", "扣", ",", "现在", "小", "编", "通过", "手机", "银行", "为您", "介绍", "如何", "设置", "招行", "卡", "账户", "管理费", "减免"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["招商银行", "一卡通", "招商银行", "APP"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "下载", "招商银行", "手机", "银行", ",", "登陆", "手机", "银行", ",", "点击", "“", "我", "的", "”", "-", "-", "一卡通", "-", "账户管理", "-", "-", "账户", "管理费", "减免", "查询", "步骤", "阅读", "2", "选择", "要", "查询", "的", "一卡通", "卡号", ",", "点击", "查询", "步骤", "阅读", "3", "已", "设置", "或", "符合", "账户", "管理费", "减免", "条件", ",", "将", "出现", "以下", "提示", ";", "若", "该", "卡", "符合", "账户", "管理费", "减免", "设置", ",", "点击", "设置", "按钮", "即可", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["工资", "卡", "无需", "设置", ",", "已", "自动", "减免", "每个", "人", "在", "每个", "银行", "最多", "能", "设置", "一", "张", "普卡", "账户", "管理费", "减免"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验 > 职场/理财 > 投资理财", "百度经验:jingyan.baidu.com", "2015年8月1日,《商业银行服务价格管理办法》开始执行,该办法中明确规定符合条件的储户可以向银行申请减免年费和小额账户管理费。但是,好多朋友都没设置,年费和管理费白白被扣,现在小编通过手机银行为您介绍如何设置招行卡账户管理费减免", "百度经验:jingyan.baidu.com", "招商银行一卡通 招商银行APP", "百度经验:jingyan.baidu.com", "1 下载招商银行手机银行,登陆手机银行,点击“我的”--一卡通-账户管理--账户管理费减免查询 步骤阅读 2 选择要查询的一卡通卡号,点击查询 步骤阅读 3 已设置或符合账户管理费减免条件,将出现以下提示;若该卡符合账户管理费减免设置,点击设置按钮即可。 步骤阅读 END", "百度经验:jingyan.baidu.com", "工资卡无需设置,已自动减免 每个人在每个银行最多能设置一张普卡账户管理费减免", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 5}], "answer_spans": [[0, 7]], "answer_docs": [1], "fake_answers": ["一卡通是有小额账户管理费的"], "question": "招商银行账户管理费", "segmented_answers": [["一卡通", "是", "有", "小额", "账户", "管理", "费", "的", "。"]], "answers": ["一卡通是有小额账户管理费的。"], "entity_answers": [[]], "segmented_question": ["招商银行", "账户", "管理费"], "question_type": "ENTITY", "question_id": 91166, "fact_or_opinion": "FACT", "match_scores": [0.9411764705882353]}
-{"documents": [{"is_selected": true, "title": "我的微信因登录环境异常被限制登录怎么解除_百度知道", "most_related_para": 0, "segmented_title": ["我", "的", "微信", "因", "登录", "环境", "异常", "被", "限制", "登录", "怎么", "解除", "_", "百度", "知道"], "segmented_paragraphs": [["关于", "微信", "解封", "及", "解封", "后", "又", "被", "系统", "追封", "的", "问题", ":", "1", ":", "将", "手机", "上", "的", "客户端", "删除", ",", "随后", "重新", "下载", "官方", "最新版本", "微信", "2", ":", "登录", "微信", ",", "依次", "按照", "提示", "对", "微信", "账号", "进行", "解封", "3", ":", "账号", "解封", "成功", "登陆后", ",", "请勿", "添加", "好友", "及", "修改", "微信", "资料", "等", "操作", "4", ":", "尽可能", "将", "微信", "在", "手机", "上", "挂", "2", "-", "3", "天后", ",", "在", "进行", "其它", "操作", "备注", ":", "由于", "微信", "官方", "的", "限制", ",", "导致", "许多", "账号", "需", "解封", "2", "次", "才能", "成功", "关于", "手机", "注册", "微信", "及", "解封", "微信", "的", "次数", "的", "问题", ":", "1", ":", "每个", "手机号码", ",", "一个月", "的", "周期", "内", ",", "可以", "解封", "一", "次", "微信", "2", ":", "每个", "手机号码", ",", "一年", "时间", "内", "可以", "成功", "注册", "三", "个", "微信", "号", "3", ":", "注册", "微信", "账号", "的", "时间", "周期", "为", ":", "一个月", ",", "三个月", ",", "一年", "关于", "微信", "永久", "封号", "后", "那", "绑", "上面", "的", "QQ", "号码", "的", "问题", ":", "1", ":", "出现", "这", "情况", ",", "微信", "账号", "也许", "就", "废", "了", ",", "但", "QQ", "号", "还有", "回旋", "的", "余地", "2", ":", "微信", "永久", "封号", "只", "会", "争", "对", "微信", "账号", ",", "不会", "对", "QQ", "账号", "进行", "永久", "封号", "3", ":", "微信", "与", "QQ", "之间", "存在", "的", "种", "合作关系", ",", "它", "只有", "权利"], ["按", "操作", "需要", "发送短信", ",", "收到", "短信", "输入", "验证码", "以后", "还", "需要", "输入", "另外一个", "微信", "号", "帮", "你", "辅助", "解封", ",", "帮", "你", "辅助", "解封", "的", "微信", "号", "不需要", "是", "你", "的", "好友", "但", "必要", "绑定", "了", "银行卡", "."]], "paragraphs": ["关于微信解封及解封后又被系统追封的问题: 1:将手机上的客户端删除,随后重新下载官方最新版本微信 2:登录微信,依次按照提示对微信账号进行解封 3:账号解封成功登陆后,请勿添加好友及修改微信资料等操作 4:尽可能将微信在手机上挂2-3天后,在进行其它操作 备注:由于微信官方的限制,导致许多账号需解封2次才能成功 关于手机注册微信及解封微信的次数的问题: 1:每个手机号码,一个月的周期内,可以解封一次微信 2:每个手机号码,一年时间内可以成功注册三个微信号 3:注册微信账号的时间周期为:一个月,三个月,一年 关于微信永久封号后那绑上面的QQ号码的问题: 1:出现这情况,微信账号也许就废了,但QQ号还有回旋的余地 2:微信永久封号只会争对微信账号,不会对QQ账号进行永久封号 3:微信与QQ之间存在的种合作关系,它只有权利", "按操作需要发送短信,收到短信输入验证码以后还需要输入另外一个微信号帮你辅助解封,帮你辅助解封的微信号不需要是你的好友但必要绑定了银行卡."], "bs_rank_pos": 0}, {"is_selected": false, "title": "该微信账号因登陆环境异常,已被限制登陆,这是什么意思?_百度知道", "most_related_para": 0, "segmented_title": ["该", "微信", "账号", "因", "登陆", "环境", "异常", ",", "已", "被", "限制", "登陆", ",", "这", "是", "什么", "意思", "?", "_", "百度", "知道"], "segmented_paragraphs": [["楼主", "你好", "!", "可以", "试", "试", "下面", "的", "方法", "解封", "http", ":", "/", "/", "jingyan", ".", "baidu", ".", "com", "/", "article", "/", "fb", "48", "e8", "be5", "ab", "81", "e6", "e622", "e14", "d5", ".", "html"], ["你", "的", "还", "没", "好", ",", "我们", "公司", "封", "了", "100", "多", "个", "号", ",", "目前", "已经", "全部", "恢复", "正常", "使用", ",", "确实", "难度", "大", "了", "些"]], "paragraphs": ["楼主你好! 可以试试下面的方法解封 http://jingyan.baidu.com/article/fb48e8be5ab81e6e622e14d5.html", "你的还没好,我们公司封了100多个号,目前已经全部恢复正常使用,确实难度大了些"], "bs_rank_pos": 1}, {"is_selected": false, "title": "微信因登录环境异常被限制登录怎么办_百度知道", "most_related_para": 0, "segmented_title": ["微信", "因", "登录", "环境", "异常", "被", "限制", "登录", "怎么办", "_", "百度", "知道"], "segmented_paragraphs": [["关于", "微信", "解封", "及", "解封", "后", "又", "被", "系统", "追封", "的", "问题", ":", "1", ":", "将", "手机", "上", "的", "客户端", "删除", ",", "随后", "重新", "下载", "官方", "最新版本", "微信", "2", ":", "登录", "微信", ",", "依次", "按照", "提示", "对", "微信", "账号", "进行", "解封", "3", ":", "账号", "解封", "成功", "登陆后", ",", "请勿", "添加", "好友", "及", "修改", "微信", "资料", "等", "操作", "4", ":", "尽可能", "将", "微信", "在", "手机", "上", "挂", "2", "-", "3", "天后", ",", "在", "进行", "其它", "操作", "备注", ":", "由于", "微信", "官方", "的", "限制", ",", "导致", "许多", "账号", "需", "解封", "2", "次", "才能", "成功", "关于", "手机", "注册", "微信", "及", "解封", "微信", "的", "次数", "的", "问题", ":", "1", ":", "每个", "手机号码", ",", "一个月", "的", "周期", "内", ",", "可以", "解封", "一", "次", "微信", "2", ":", "每个", "手机号码", ",", "一年", "时间", "内", "可以", "成功", "注册", "三", "个", "微信", "号", "3", ":", "注册", "微信", "账号", "的", "时间", "周期", "为", ":", "一个月", ",", "三个月", ",", "一年", "关于", "微信", "永久", "封号", "后", "那", "绑", "上面", "的", "QQ", "号码", "的", "问题", ":", "1", ":", "出现", "这", "情况", ",", "微信", "账号", "也许", "就", "废", "了", ",", "但", "QQ", "号", "还有", "回旋", "的", "余地", "2", ":", "微信", "永久", "封号", "只", "会", "争", "对", "微信", "账号", ",", "不会", "对", "QQ", "账号", "进行", "永久", "封号", "3", ":", "微信", "与", "QQ", "之间", "存在", "的", "种", "合作关系", ",", "它", "只有", "权利"], ["钱包", "的", "钱", ",", "会不会", "不见"], ["完全", "可以", "解除", "的", ",", "我们", "被", "封", "了", "100", "多", "个", ",", "目前", "全部", "恢复", "使用", "了", "!"]], "paragraphs": ["关于微信解封及解封后又被系统追封的问题: 1:将手机上的客户端删除,随后重新下载官方最新版本微信 2:登录微信,依次按照提示对微信账号进行解封 3:账号解封成功登陆后,请勿添加好友及修改微信资料等操作 4:尽可能将微信在手机上挂2-3天后,在进行其它操作 备注:由于微信官方的限制,导致许多账号需解封2次才能成功 关于手机注册微信及解封微信的次数的问题: 1:每个手机号码,一个月的周期内,可以解封一次微信 2:每个手机号码,一年时间内可以成功注册三个微信号 3:注册微信账号的时间周期为:一个月,三个月,一年 关于微信永久封号后那绑上面的QQ号码的问题: 1:出现这情况,微信账号也许就废了,但QQ号还有回旋的余地 2:微信永久封号只会争对微信账号,不会对QQ账号进行永久封号 3:微信与QQ之间存在的种合作关系,它只有权利", "钱包的钱,会不会不见", "完全可以解除的,我们被封了100多个,目前全部恢复使用了!"], "bs_rank_pos": 2}, {"is_selected": false, "title": "微信解除登录限制 微信自助解除限制_百度经验", "most_related_para": 9, "segmented_title": ["微信", "解除", "登录", "限制", "微信", "自助", "解除", "限制", "_", "百度", "经验"], "segmented_paragraphs": [["该", "经验", "图片", "、", "文字", "中", "可能", "存在", "外", "站", "链接", "或", "电话号码", "等", ",", "请注意", "识别", ",", "谨防上当受骗", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["微信", "解除", "登录", "限制", ",", "微信", "自助", "解除", "限制", "。", "微信", "帐号", "在", "使用", "中", "涉及", "到", "违规行为", "或", "被", "举报", "后", ",", "在", "手机", "上", "登录", "微信", "时", "提示", "“", "该", "帐号", "被", "其他", "用户", "举报", ",", "目前", "无法", "登录", "”", "的", "解决", "方法", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "在", "手机", "上", "登录", "微信", "时", "提示", "“", "该", "帐号", "被", "其他", "用户", "举报", ",", "目前", "无法", "登录", "”", "这个时候", ",", "你", "需要", "再", "电脑", "端", "进入", "腾讯", "客服", "网站", "对", "微信", "账号", "进行", "解封", "。", "步骤", "阅读", "2", "在", "电脑", "端", "浏览器", "中", "通过", "百度搜索", "'", "腾讯", "客服", "'", "进入", "腾讯", "客服", "网站", ",", "进入", "网站", "后", "选择", "【", "微信", "】", "。", "步骤", "阅读", "3", "在", "【", "微信", "】", "那", "一栏", "选择", "【", "解除", "登录", "限制", "】", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "填写", "资料", "解封", "帐号", ":", "手机号", "/", "微信", "号", "/", "QQ", "号", "/", "邮箱地址", "手机号", ":", "目前", "仅", "支持", "中国大陆", "手机号", "验证码", ":", "填写", "完", "后", ",", "点击", "【", "下一步", "】", "步骤", "阅读", "2", "按照", "网站", "提示", ",", "编辑", "指定", "短信", ",", "用", "你", "刚才", "填写", "的", "手机号", "发送短信", "到", ":", "10690700367", "发送", "后", "点击", "【", "我", "已", "发送", "短信", "】", "步骤", "阅读", "3", "确认", "结果", "返回", "账号", "解封", "结果", ",", "如果", "解封", "失败", ",", "会", "有", "原因", "说明", "!", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "1", "、", "自助", "解封", "使用", "的", "手机号码", ",", "可", "为", "绑定", "或", "非", "绑定", "微信", "号", "的", "手机号码", "。", "2", "、", "1", "个", "手机号", "只能", "解封", "1", "个", "微信", "号", "。", "(", "比如", ",", "一", "手机", "为", "微信", "号", "A", "解封", "后", ",", "则", "无法", "再", "为", "微信", "号", "B", "解封", "。", ")", "3", "、", "自助", "解除", "限制", "中", "填写", "微信", "号", "栏", "中", "可", "填写", "绑定", "的", "手机", "、", "QQ", "、", "邮箱", "。", "4", "、", "使用", "国内", "的", "手机号码", "进行", "解封", "限制", "操作", "。", "5", "、", "每条", "短信", "验证码", "有效期", "为", "10", "分钟", "。", "6", "、", "操作", "成功", "后", "建议", "24", "小时", "后", "在", "登录", "。", "7", "、", "若", "个人资料", "(", "签名", "、", "昵称", "、", "头像", ")", "中", "存在", "不良", "信息", "(", "色情", "、", "暴力", "、", "政治", "、", "辱骂", "、", "QQ", "号码", "、", "手机号码", "、", "广告", "类", "网址", "等", "信息", "的", "传播", ")", ",", "请", "在", "解除", "限制", "重新", "登录", "后", "及时", "修改", "。", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["如果", "认为", "本", "经验", "对", "您", "有所帮助", ",", "请", "点击", "下面", "【", "投票", "】", "支持", "一", "下", "小", "编", "!"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["该经验图片、文字中可能存在外站链接或电话号码等,请注意识别,谨防上当受骗!", "百度经验:jingyan.baidu.com", "微信解除登录限制,微信自助解除限制。微信帐号在使用中涉及到违规行为或被举报后,在手机上登录微信时提示“该帐号被其他用户举报,目前无法登录”的解决方法。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 在手机上登录微信时提示“该帐号被其他用户举报,目前无法登录” 这个时候,你需要再电脑端进入腾讯客服网站对微信账号进行解封。 步骤阅读 2 在电脑端浏览器中通过百度搜索'腾讯客服'进入腾讯客服网站, 进入网站后选择【微信】。 步骤阅读 3 在【微信】那一栏选择【解除登录限制】。 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 填写资料 解封帐号:手机号/微信号/QQ号/邮箱地址 手机号:目前仅支持中国大陆手机号 验证码: 填写完后,点击【下一步】 步骤阅读 2 按照网站提示,编辑指定短信, 用你刚才填写的手机号发送短信到:10690700367 发送后点击【我已发送短信】 步骤阅读 3 确认结果 返回账号解封结果,如果解封失败,会有原因说明! 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 1、自助解封使用的手机号码,可为绑定或非绑定微信号的手机号码。 2、1个手机号只能解封1个微信号。(比如,一手机为微信号A解封后,则无法再为微信号B解封。) 3、自助解除限制中填写微信号栏中可填写绑定的手机、QQ、邮箱。 4、使用国内的手机号码进行解封限制操作。 5、每条短信验证码有效期为10分钟。 6、操作成功后建议24小时后在登录。 7、若个人资料(签名、昵称、头像)中存在不良信息(色情、暴力、政治、辱骂、QQ号码、手机号码、广告类网址等信息的传播),请在解除限制重新登录后及时修改。 END", "百度经验:jingyan.baidu.com", "如果认为本经验对您有所帮助,请点击下面【投票】支持一下小编!", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "微信莫名其妙被封“因登录环境异常已被限制登录” - 赚客大家谈 - ", "most_related_para": 9, "segmented_title": ["微信", "莫名其妙", "被", "封", "“", "因", "登录", "环境", "异常", "已", "被", "限制", "登录", "”", "-", "赚客", "大家谈", "-"], "segmented_paragraphs": [["现在", "已经", "不需要", "理由", "了", "发表", "于", "2017", "-", "1", "-", "4", "18", ":", "59"], ["今日", "热门", "帖子", "推荐"], ["反正", "我", "是", "向来", "不", "喜欢", "用", "wx", "的", "我希望", "它", "可以", "推出", "历史", "的", "舞台"], ["现在", "vx", "天天", "封", ",", ",", "想", "封", "你", "就", "封", "你", ",", "没理由", ",", "就", "这么", "牛逼"], ["下午", "也", "发现", "我", "的", "一", "个", "号", "跟", "楼主", "情况", "一样", ",", "我", "是", "双卡", "手机", "两", "个", "微信", "来", "回", "登", "的", ",", "一直", "这样", "一年", "多", "了", "。", "今天", "被", "封", "的", "莫名其妙", "用", "家人", "的", "也", "同样", "解", "不", "了"], ["绑", "卡", "几", "年", ",", "手机号", "也", "一样", ",", "前", "几个月", "都", "可以", "解封", ",", "这", "两个月", "莫名其妙", "也", "解", "不", "开"], ["登录", "环境", "异常", "已", "被", "限制", "登录", ",", "我", "也是", "一", "用", "的", "是", "WIFI", ",", "一直", "用", "这个"], ["那", "里面", "的", "理财", "怎么办", "?"], ["看", "帮助", "说", "可以", "不", "解封", "临时", "登录", "把", "钱", "提", "出来", ",", "但", "根本", "找不到", "这个", "入口", ",", "有", "理财", "资产", "的", "也", "乱", "封", "太", "扯蛋", "了", "详情", "回复", "发表", "于", "2017", "-", "1", "-", "4", "19", ":", "10"], ["一般", "设置", "的", "是", "到期", "自动", "体现", "到", "银行卡", "。", "不知道", "封", "了", "微信", "对", "这个", "有没有", "影响", "详情", "回复", "发表", "于", "2017", "-", "1", "-", "4", "19", ":", "11"], ["确实", "很", "牛", ",", "解封", "还", "不行"], ["打电话", "投诉", "客服"], ["几", "千", "块", "钱", "都是", "微信", "红包", "?"], ["误伤"], ["前不久", "也是", "2W", "多", "的", "活期", "在", "里面", "自己", "的", "家人", "也", "解", "不", "了", "说", "不符合", "资格", "真是", "莫名其妙", "反正", "之", "前", "没", "钱", "的", "时候", "从来", "没", "遇到", "过", "这种", "提示"], ["您", "需要", "登录", "后", "才", "可以", "回帖", "登录"]], "paragraphs": ["现在已经不需要理由了 发表于 2017-1-4 18:59", "今日热门帖子推荐", "反正我是向来不喜欢用wx的 我希望它可以推出历史的舞台", "现在vx天天封,,想封你就封你,没理由,就这么牛逼", "下午也发现我的一个号跟楼主情况一样,我是双卡手机 两个微信来回登的,一直这样一年多了。今天被封的莫名其妙 用家人的也同样解不了", "绑卡几年,手机号也一样,前几个月都可以解封,这两个月莫名其妙也解不开", "登录环境异常已被限制登录,我也是一用的是WIFI,一直用这个", "那里面的理财怎么办?", "看帮助说可以不解封临时登录把钱提出来,但根本找不到这个入口,有理财资产的也乱封太扯蛋了 详情 回复 发表于 2017-1-4 19:10", "一般设置的是到期自动体现到银行卡。不知道封了微信对这个有没有影响 详情 回复 发表于 2017-1-4 19:11", "确实很牛,解封还不行", "打电话投诉客服", "几千块钱都是微信红包?", "误伤", "前不久也是 2W多的活期在里面 自己的家人也解不了 说不符合资格 真是莫名其妙 反正之前没钱的时候从来没遇到过这种提示", "您需要登录后才可以回帖 登录"], "bs_rank_pos": 4}], "answer_spans": [[13, 74]], "fake_answers": ["1:将手机上的客户端删除,随后重新下载官方最新版本微信2:登录微信,依次按照提示对微信账号进行解封3:账号解封成功登陆后,请勿添加好友及修改微信资料等操作4:尽可能将微信在手机上挂2-3天后,在进行其它操作"], "question": "微信登录环境异常被限制登录怎么办", "segmented_answers": [["1", ":", "将", "手机", "上", "的", "客户端", "删除", ",", "随后", "重新", "下载", "官方", "最新版本", "微信", "2", ":", "登录", "微信", ",", "依次", "按照", "提示", "对", "微信", "账号", "进行", "解封", "3", ":", "账号", "解封", "成功", "登陆后", ",", "请勿", "添加", "好友", "及", "修改", "微信", "资料", "等", "操作", "4", ":", "尽可能", "将", "微信", "在", "手机", "上", "挂", "2", "-", "3", "天后", ",", "在", "进行", "其它", "操作", "。"]], "answers": ["1:将手机上的客户端删除,随后重新下载官方最新版本微信2:登录微信,依次按照提示对微信账号进行解封3:账号解封成功登陆后,请勿添加好友及修改微信资料等操作4:尽可能将微信在手机上挂2-3天后,在进行其它操作。"], "answer_docs": [0], "segmented_question": ["微信", "登录", "环境", "异常", "被", "限制", "登录", "怎么办"], "question_type": "DESCRIPTION", "question_id": 91167, "fact_or_opinion": "FACT", "match_scores": [0.864]}
-{"documents": [{"is_selected": true, "title": "什么材质的奶瓶最好呢_百度经验", "most_related_para": 7, "segmented_title": ["什么", "材质", "的", "奶瓶", "最好", "呢", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["什么", "材质", "的", "奶瓶", "最好", "呢", "?"], ["奶瓶", "是", "宝宝", "出生", "后", "必须", "要", "用", "到", "的", "婴儿用品", ",", "大多数", "妈妈们", "都会", "提前", "给", "宝宝", "准备", "好", ",", "但", "在", "给", "宝宝", "挑选", "奶瓶", "的", "时候", "最", "纠结", "的", "就是", ":", "玻璃", "的", "容易", "摔", "碎", ",", "塑料", "的", "怕", "不", "安全", ",", "其他", "材质", "的", "也", "不太", "了解", "…", "…", "到底", "什么", "材质", "的", "奶瓶", "好", "呢", "?", "下面", "详细", "讲解", "了", "各", "个", "奶瓶", "的", "优缺点", ",", "相信", "只要", "看", "完", ",", "关于", "什么", "材质", "的", "奶瓶", "好", "这个问题", ",", "你", "就能", "迎刃而解", "。"], ["怀孕", "的", "喜悦", "和", "最", "难熬", "的", "三个月", "过去", "后", ",", "我", "就", "开始", "帮", "宝宝", "准备", "出生", "后", "的", "东西", "了", ",", "衣服", ",", "鞋子", ",", "尿布", "(", "不是", "纸尿裤", ",", "而是", "拿", "以前", "的", "纯棉", "T", ",", "给", "宝宝", "裁", ",", "嘻嘻", ",", "环保", "又", "省钱", ")", "等等", "。", "宝宝", "在", "肚子", "里", "刚", "过", "六个月", ",", "就", "在", "准备", "着", "奶瓶", "水杯", "这些", "宝宝", "稍微", "长大", "一点", "就要", "用", "的", "用品", "了", "。", "看着", "国内国外", "各种", "品牌", ",", "各种", "外形", ",", "各种", "材质", "的", "奶瓶", ",", "刚", "开始", "真", "的", "很", "纠结", ",", "问自己", "的", "妈妈", "呢", ",", "说", "自己", "小时候", "哪", "用", "过", "这些", ",", "刚", "出生", "喝", "母乳", ",", "长大", "一点", "大人", "吃什么", ",", "随便", "喂", "一", "点", "给", "自己", "就", "够了", ",", "哪", "像", "现在", "的", "小孩", "这么", "金", "贵", "的", ",", "各种", "吃", "的", ",", "用", "的", ",", "眼花缭乱", "的", "。", "现在", "宝宝", "也", "3", "岁", "多", "了", ",", "马上就要", "上", "幼儿园", "了", ",", "偶尔", "还是", "会", "用", "奶瓶", "喝", "点", "牛奶", "。", "看着", "虎头虎脑", "的", "儿子", ",", "想想", "当初", "的", "手忙脚乱", ",", "这里", "也", "给", "快", "要", "和", "刚", "当", "妈妈", "的", "一点点", "自己", "总结", "的", "心得", "吧", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "玻璃", "奶瓶", "玻璃", "奶瓶", "的", "优点", "是", "安全性", "佳", "、", "耐热性", "佳", ",", "且", "不易", "刮", "伤", "、", "不易", "藏", "污垢", "、", "好", "清洗", ",", "而且", "价格", "也", "不贵", ",", "适合", "需要", "多次", "吃奶", "的", "新生儿", "使用", "。", "玻璃", "奶瓶", "的", "缺点", "就是", "除了", "强度", "不够", ",", "易碎", ",", "因此", "适合", "在家里", "由", "妈妈", "拿着", "喂", "宝宝", "。", "玻璃", "奶瓶", "玻璃", "奶瓶", "是", "传统", "认为", "最安全", "的", "奶瓶", ",", "不容易", "刮花", ",", "好", "清洗", ",", "温水", "一", "泡", ",", "轻轻", "一晃", "或者", "用", "奶瓶", "刷子", "刷", "一", "下", "就好", "了", ",", "不过", "要", "注意", "的", "是", "玻璃", "奶瓶", "和", "玻璃杯", "一样", ",", "一下子", "加", "开水", "进去", "很容易", "爆裂", ",", "我", "就", "遇到", "过", "一次", ",", "那时候", "宝宝", "刚", "满月", ",", "想着", "用", "开水", "消毒", "一", "下", "后", ",", "装", "点", "水", "给", "宝宝", "喝", ",", "刚", "烧", "好", "的", "开水", "倒", "进去", "瓶子", "就", "裂", "了", ",", "吓", "了", "我", "一", "跳", ",", "宝宝", "也", "吓哭", "了", ",", "刚", "开始", "还以为", "是", "质量问题", ",", "结果", "网上", "查", "了", "一", "下", ",", "玻璃制品", "都是", "这样", "的", "。", "后面", "知道", "这个", "了", ",", "也", "小心", "了", "很多", "。", "玻璃瓶", "还有", "个", "不好", "的", "地方", "就是", "重", "又", "容易", "碎", ",", "宝宝", "六个月", "之", "前", "都是", "用", "的", "玻璃瓶", ",", "不知道", "摔", "坏", "多少", ",", "真是", "又", "心疼", "又", "担心", "。", "步骤", "阅读"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "总的来说", ",", "玻璃", "奶瓶", "除了", "强度", "不够", ",", "易碎", "之外", ",", "其他", "品质", "都", "优", "于", "塑料", "奶瓶", "。", "但", "塑料", "奶瓶", "有", "个", "最大", "的", "优点", "就", "在于", "其", "轻巧", "不", "易碎", ",", "可以", "让", "宝宝", "自己", "拿", ",", "可以", "出门", "时", "携带", "。", "所以", ",", "玻璃", "奶瓶", "主要", "还是", "适合", "小", "婴儿", ",", "父母", "在家", "亲自", "喂养", "时", "可以", "用", "。", "当", "宝宝", "长大", "些", ",", "想", "自己", "拿", "奶瓶", "时", ",", "塑料", "奶瓶", "就要", "开始", "派", "上", "大", "用", "场", "了", "。", "塑料", "中", ",", "PES", ",", "PPSU", "质", "轻", "强度高", ",", "不易破碎", ",", "高度", "透明", ",", "性能", "都", "不错", ",", "不", "考虑", "价格", "因素", "的", "话", ",", "是", "首选", "。", "尤其", "新", "新材料", "PPSU", ",", "比", "PC", "更", "易", "洗", "、", "耐用", ",", "几", "近", "于", "玻璃", "。", "个人", "觉得", "婴儿期", "还是", "用", "玻璃", "的", "好", ",", "大人", "拿着", "奶瓶", "喂", "。", "等", "宝宝", "可以", "自己", "拿", "奶瓶", "喝奶", "喝水", "了", ",", "就", "换", "PPSU", "的", "吧", ",", "不容易", "摔", "碎", "!", "玻璃", "材质", "的", "比较好", ",", "有", "防爆", "型", "的", ",", "不", "易碎", ",", "也", "可以", "用", "不", "含", "双酚A", "的", "塑料", "奶瓶", "。", "就是", "比较", "贵", "。", "我", "用", "了", "两", "个", ",", "最安全", "的", "用", "玻璃", ",", "最方便", "的", "用", "塑料", ",", "不", "嫌", "贵", "的", "话", "用", "不含", "双酚A", "的", "PPSU", "塑料", "。", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "什么材质的奶瓶最好呢?", "奶瓶是宝宝出生后必须要用到的婴儿用品,大多数妈妈们都会提前给宝宝准备好,但在给宝宝挑选奶瓶的时候最纠结的就是:玻璃的容易摔碎,塑料的怕不安全,其他材质的也不太了解……到底什么材质的奶瓶好呢?下面详细讲解了各个奶瓶的优缺点,相信只要看完,关于什么材质的奶瓶好这个问题,你就能迎刃而解。", "怀孕的喜悦和最难熬的三个月过去后,我就开始帮宝宝准备出生后的东西了,衣服,鞋子,尿布(不是纸尿裤,而是拿以前的纯棉T,给宝宝裁,嘻嘻,环保又省钱)等等。宝宝在肚子里刚过六个月,就在准备着奶瓶水杯这些宝宝稍微长大一点就要用的用品了。看着国内国外各种品牌,各种外形,各种材质的奶瓶,刚开始真的很纠结,问自己的妈妈呢,说自己小时候哪用过这些,刚出生喝母乳,长大一点大人吃什么,随便喂一点给自己就够了,哪像现在的小孩这么金贵的,各种吃的,用的,眼花缭乱的。现在宝宝也3岁多了,马上就要上幼儿园了,偶尔还是会用奶瓶喝点牛奶。看着虎头虎脑的儿子,想想当初的手忙脚乱,这里也给快要和刚当妈妈的一点点自己总结的心得吧。", "百度经验:jingyan.baidu.com", "1 玻璃奶瓶 玻璃奶瓶的优点是安全性佳、耐热性佳,且不易刮伤、不易藏污垢、好清洗,而且价格也不贵,适合需要多次吃奶的新生儿使用。玻璃奶瓶的缺点就是除了强度不够,易碎,因此适合在家里由妈妈拿着喂宝宝。 玻璃奶瓶 玻璃奶瓶是传统认为最安全的奶瓶,不容易刮花,好清洗,温水一泡,轻轻一晃或者用奶瓶刷子刷一下就好了,不过要注意的是玻璃奶瓶和玻璃杯一样,一下子加开水进去很容易爆裂,我就遇到过一次,那时候宝宝刚满月,想着用开水消毒一下后,装点水给宝宝喝,刚烧好的开水倒进去瓶子就裂了,吓了我一跳,宝宝也吓哭了,刚开始还以为是质量问题,结果网上查了一下,玻璃制品都是这样的。后面知道这个了,也小心了很多。玻璃瓶还有个不好的地方就是重又容易碎,宝宝六个月之前都是用的玻璃瓶,不知道摔坏多少,真是又心疼又担心。 步骤阅读", "百度经验:jingyan.baidu.com", "1 总的来说,玻璃奶瓶除了强度不够,易碎之外,其他品质都优于塑料奶瓶。但塑料奶瓶有个最大的优点就在于其轻巧不易碎,可以让宝宝自己拿,可以出门时携带。所以,玻璃奶瓶主要还是适合小婴儿,父母在家亲自喂养时可以用。当宝宝长大些,想自己拿奶瓶时,塑料奶瓶就要开始派上大用场了。 塑料中,PES,PPSU质轻强度高,不易破碎,高度透明,性能都不错,不考虑价格因素的话,是首选。尤其新新材料PPSU,比PC更易洗、耐用,几近于玻璃。 个人觉得婴儿期还是用玻璃的好,大人拿着奶瓶喂。等宝宝可以自己拿奶瓶喝奶喝水了,就换PPSU的吧,不容易摔碎! 玻璃材质的比较好,有防爆型的,不易碎,也可以用不含双酚A的塑料奶瓶。就是比较贵。 我用了两个,最安全的用玻璃,最方便的用塑料,不嫌贵的话用不含双酚A的PPSU塑料。 END", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "塑料奶瓶什么材质好?四大常用材质大比拼_39健康网_育儿", "most_related_para": 4, "segmented_title": ["塑料", "奶瓶", "什么", "材质", "好", "?", "四大", "常用", "材质", "大比拼", "_", "39", "健康网", "_", "育儿"], "segmented_paragraphs": [["核心", "提示", ":", "目前", "市面上", "的", "塑料", "奶瓶", "的", "材质", "主要有", "PP", "(", "聚丙烯", ")", "、", "PPSU", "(", "聚苯砜", ")", "和", "PES", "(", "聚醚砜", "树脂", ")", "三种", ",", "也有", "少量", "的", "PA", "(", "聚酰胺", ")", "材质", ",", "究竟", "哪", "一", "种", "材质", "最好", "呢", "?"], ["孩子", "吃", "得", "多", "、", "吃", "得", "好", ",", "就", "一定", "长", "得", "高", "吗", "?", "中山", "大学", "附属", "第", "一", "医院", "儿科", "权威", "告诉你", ",", "答案", "是否", "定", "的", "。", "孩子", "如果", "吃", "了", "过", "多", "这", "三种", "食物", ",", "不", "但", "不", "长", "个", ",", "还会", "伤身", "!", "孩子", "长高", "一定要", "避免", "的", "三种", "食物", "是", "什么", ",", "关注", "微信", "公众", "号", "39", "健康网", ",", "发送", "长高", "查询结果", "。"], ["塑料", "奶瓶", "什么", "材质", "好", "呢", "?", "这个问题", "很多", "妈妈", "都", "非常", "关心", ",", "尤其", "是", "面对", "超市", "里", "各种各样", "的", "奶瓶", "的", "时候", "。", "目前", "市面上", "的", "塑料", "奶瓶", "的", "材质", "主要有", "PP", "(", "聚丙烯", ")", "、", "PPSU", "(", "聚苯砜", ")", "和", "PES", "(", "聚醚砜", "树脂", ")", "三种", ",", "也有", "少量", "的", "PA", "(", "聚酰胺", ")", "材质", ",", "早期", "也", "常用", "PC", "(", "聚碳酸酯", ")", "制造", "奶瓶", ",", "但", "由于", "PC", "奶瓶", "含有", "双酚A", "已", "退出", "市场", "。"], ["由于", "塑料", "奶瓶", "共同", "的", "特点", "就是", "轻巧", "耐摔", ",", "且", "以上", "四种", "材质", "均", "安全", "不含", "双酚A", ",", "要", "想", "知道", "哪", "种", "材质", "好", ",", "可以通过", "透明度", "、", "耐磨性", "、", "耐高温", "性能", "、", "清洁", "难", "易", "度", "、", "更换", "时间", "、", "价格", "等", "来", "比较", "。"], ["透明度", "和", "耐磨性", ":", "PPSU", "和", "PA", "最佳"], ["相比", "于", "玻璃", "奶瓶", ",", "塑料", "奶瓶", "的", "劣势", "就是", "透明度", "差", "和", "容易", "磨损", ",", "使用", "时间", "久", "了", "表面", "就会", "雾化", ",", "无法", "清楚", "观察", "瓶", "内", "的", "奶", "液", ",", "且", "不", "便于", "清洁", "。", "不过", "随着", "科技", "的", "进步", ",", "PPSU", "和", "PA", "奶瓶", "的", "透明度", "和", "耐磨性", "已经", "可以", "媲美", "玻璃", "奶瓶", "。"], ["PPSU", "一般", "呈现", "出", "淡淡", "的", "金黄色", ",", "但是", "透明度", "极", "高", ",", "且", "不容易", "磨损", "。", "PA", "为", "无色", "透明", "材质", ",", "透明度", "也", "非常好", "。", "PP", "材质", "则", "是", "呈现", "出", "淡淡", "的", "奶", "白色", ",", "通透", "度", "要", "相对", "差", "一些", "。", "PES", "的", "透明度", "则", "是", "介于", "PP", "和", "PPSU", "之间", "。"], ["耐高温", "性能", ":", "均", "能", "耐受", "100", "℃", "以上", "的", "高温"], ["由于", "奶瓶", "需要", "高温", "消毒", ",", "因此", "一般", "要求", "有", "较好", "的", "耐高温", "特性", "。", "PP", "奶瓶", "一般", "能耐", "120", "℃", "高温", ",", "PPSU", "奶瓶", "可耐", "180", "℃", "高温", ",", "PES", "奶瓶", "也", "可", "耐受", "180", "℃", "的", "高温", ",", "PA", "奶瓶", "可耐", "220", "℃", "高温", "。"], ["清洁", "难", "易", "度", ":", "材质", "关系", "不大", ",", "关键", "看", "奶瓶", "形状"], ["塑料", "奶瓶", "一般", "比", "玻璃", "奶瓶", "难以", "清洁", "一些", ",", "因此", "奶瓶", "刷", "必不可少", "。", "从", "实际", "使用", "来看", ",", "这", "四种", "材质", "的", "奶瓶", "清洁", "难", "易", "程度", "都", "差不多", ",", "关键", "还是", "看", "奶瓶", "的", "造型", ",", "如果", "奶瓶", "造型", "较", "奇特", "且", "死角", "较多", ",", "一般", "不容易", "清洁", ",", "所以", "一般", "建议", "妈妈", "购买", "奶瓶", "形状", "较为", "周正", "的", "产品", "。"], ["更换", "时间", ":", "越", "透明", "和", "耐磨", "使用", "时间", "越", "长"], ["关于", "塑料", "奶瓶", "的", "更换", "时间", "说法不一", ",", "有", "的", "商家", "称", "3", "个", "月", "就", "可以", "更换", "奶瓶", ",", "有", "的", "则", "认为", "半年", "才", "更换", ",", "但", "作为", "消费者", "来", "说", ",", "3", "个", "月", "更", "换", "一次", "奶瓶", "未免", "太", "奢侈", ",", "通常", "都是", "等到", "奶瓶", "雾化", "才", "开始", "更换", "。", "从", "这一点", "来看", ",", "如果", "奶瓶", "的", "透明度", "较", "高", ",", "且", "比较", "耐磨", ",", "一般", "能否", "使用", "较", "长", "的", "时间", ",", "也就是说", "PPSU", "、", "P", "A", "、", "PES", "的", "使用", "时间", "通常", "会", "比", "PP", "更", "长", "一些", ",", "当然", "这", "也", "跟", "个人", "的", "习惯", "有关", "。"], ["有些", "消费者", "担心", "不", "严格遵守", "商家", "的", "3", "个", "月", "一", "换", ",", "会", "威胁", "宝宝", "健康", "。", "其实", "合格", "的", "塑料", "产品", "也是", "坚固耐用", "的", ",", "虽说", "使用", "时间", "不定", ",", "但", "也", "不", "至于", "才", "用", "了", "3", "个", "月", "就", "老化", ",", "很多", "产品", "摆", "在", "货架", "上", "都", "不止", "3", "个", "月", "。"], ["产品", "价格", ":", "PP", "产品", "最", "便宜"], ["从", "市面上", "的", "产品", "来看", ",", "PPSU", "(", "如", "贝亲", "、", "bobo", "、", "好孩子", ")", "、", "PES", "(", "如新", "安怡", "、", "布朗", "博士", ")", "、", "PA", "(", "如", "NUK", ")", "产品", "的", "价格", "较", "高", ",", "一般", "在", "100", "元", "左右", ",", "而", "PP", "产品", "(", "大多数", "牌子", "都", "有", ")", "的", "价格", "要", "低", "一些", ",", "一般", "在", "40", "~", "80", "元", "不等", "。", "奶瓶", "的", "价格", "跟", "品牌", "关系", "也", "比较好", ",", "一般", "进口", "品牌", "售价", "会", "相对", "高", "一些", ",", "如果", "是", "同", "一", "品牌", ",", "PP", "材质", "的", "价格", "会", "相对", "低", "一些", "。"], ["婴儿", "洗衣液", "评测", "性价比", "质地", "/", "泡沫", "温和", "度", "清洁", "实验"], ["突然", "发烧", ",", "一会", "又", "退", "了", "新生儿", "一整天", "没有", "排便", "怎么办", "百合", "吃", "了", "都", "有", "什么", "功效", "她说", "胸部", "摸上去", "会", "痛"], ["想", "生", "男孩", "AA", "体位", "要", "深入", "实拍", ":", "宝宝", "是", "如何", "生", "出来", "的", "看", "每个月", "的", "胎儿", "像", "什么", "水果", "剖腹产", "横切", "和", "竖", "切", "的", "区别", "哪", "种", "爱爱", "频率", "最", "易", "受孕", "震撼", ":", "婴儿", "产道", "露", "头", "淋漓", "瞬间", "看穿", "腹中", "胎", "宝宝", "性别", "的", "12", "招", "宝宝", "为什么", "喜欢", "“", "重复", "”", "怀孕", "初期", "症状", "-", "身体", "的", "16", "个", "信号", "这", "六", "种", "牛奶", "不要", "给", "宝宝", "喝"], ["只要", "填", "资料", "就能", "免费", "领取", "巧虎", "早教", "课程", ".", ".", ".", "详情", ">", ">"], ["宝宝", "需", "额外", "补", "DHA", "?", "专家", "说", "吃", "这些", "就", "够了", ".", ".", ".", ".", "点击", "阅读"], ["如何", "预防", "春季", "咳嗽"], ["扫一扫", "关注", "39", "健康网", "微信"]], "paragraphs": ["核心提示:目前市面上的塑料奶瓶的材质主要有PP(聚丙烯)、PPSU(聚苯砜)和PES(聚醚砜树脂)三种,也有少量的PA(聚酰胺)材质,究竟哪一种材质最好呢?", "孩子吃得多、吃得好,就一定长得高吗?中山大学附属第一医院儿科权威告诉你,答案是否定的。孩子如果吃了过多这三种食物,不但不长个,还会伤身!孩子长高一定要避免的三种食物是什么,关注微信公众号 39健康网 ,发送 长高查询结果。", "塑料奶瓶什么材质好呢?这个问题很多妈妈都非常关心,尤其是面对超市里各种各样的奶瓶的时候。目前市面上的塑料奶瓶的材质主要有PP(聚丙烯)、PPSU(聚苯砜)和PES(聚醚砜树脂)三种,也有少量的PA(聚酰胺)材质,早期也常用PC(聚碳酸酯)制造奶瓶,但由于PC奶瓶含有双酚A已退出市场。", "由于塑料奶瓶共同的特点就是轻巧耐摔,且以上四种材质均安全不含双酚A,要想知道哪种材质好,可以通过透明度、耐磨性、耐高温性能、清洁难易度、更换时间、价格等来比较。", "透明度和耐磨性:PPSU和PA最佳", "相比于玻璃奶瓶,塑料奶瓶的劣势就是透明度差和容易磨损,使用时间久了表面就会雾化,无法清楚观察瓶内的奶液,且不便于清洁。不过随着科技的进步,PPSU和PA奶瓶的透明度和耐磨性已经可以媲美玻璃奶瓶。", "PPSU一般呈现出淡淡的金黄色,但是透明度极高,且不容易磨损。PA为无色透明材质,透明度也非常好。PP材质则是呈现出淡淡的奶白色,通透度要相对差一些。PES的透明度则是介于PP和PPSU之间。", "耐高温性能:均能耐受100℃以上的高温", "由于奶瓶需要高温消毒,因此一般要求有较好的耐高温特性。PP奶瓶一般能耐120℃高温,PPSU奶瓶可耐180℃高温 ,PES奶瓶也可耐受180℃的高温,PA奶瓶可耐220℃高温。", "清洁难易度:材质关系不大,关键看奶瓶形状", "塑料奶瓶一般比玻璃奶瓶难以清洁一些,因此奶瓶刷必不可少。从实际使用来看,这四种材质的奶瓶清洁难易程度都差不多,关键还是看奶瓶的造型,如果奶瓶造型较奇特且死角较多,一般不容易清洁,所以一般建议妈妈购买奶瓶形状较为周正的产品。", "更换时间:越透明和耐磨使用时间越长", "关于塑料奶瓶的更换时间说法不一,有的商家称3个月就可以更换奶瓶,有的则认为半年才更换,但作为消费者来说,3个月更换一次奶瓶未免太奢侈,通常都是等到奶瓶雾化才开始更换。从这一点来看,如果奶瓶的透明度较高,且比较耐磨,一般能否使用较长的时间,也就是说PPSU、PA、PES的使用时间通常会比PP更长一些,当然这也跟个人的习惯有关。", "有些消费者担心不严格遵守商家的3个月一换,会威胁宝宝健康。其实合格的塑料产品也是坚固耐用的,虽说使用时间不定,但也不至于才用了3个月就老化,很多产品摆在货架上都不止3个月。", "产品价格:PP产品最便宜", "从市面上的产品来看,PPSU(如贝亲、bobo、好孩子)、PES(如新安怡、布朗博士)、PA(如NUK)产品的价格较高,一般在100元左右,而PP产品(大多数牌子都有)的价格要低一些,一般在40~80元不等。奶瓶的价格跟品牌关系也比较好,一般进口品牌售价会相对高一些,如果是同一品牌,PP材质的价格会相对低一些。", "婴儿洗衣液评测 性价比 质地/泡沫 温和度 清洁实验", "突然发烧,一会又退了 新生儿一整天没有排便怎么办 百合吃了都有什么功效 她说胸部摸上去会痛", "想生男孩 AA体位要深入 实拍:宝宝是如何生出来的 看每个月的胎儿像什么水果 剖腹产横切和竖切的区别 哪种爱爱频率最易受孕 震撼:婴儿产道露头淋漓瞬间 看穿腹中胎宝宝性别的12招 宝宝为什么喜欢“重复” 怀孕初期症状-身体的16个信号  这六种牛奶不要给宝宝喝", "只要填资料就能免费领取巧虎早教课程... 详情>>", "宝宝需额外补DHA?专家说吃这些就够了....点击阅读", "如何预防春季咳嗽", "扫一扫关注39健康网微信"], "bs_rank_pos": 1}, {"is_selected": false, "title": "奶瓶什么材质好_百度经验", "most_related_para": 9, "segmented_title": ["奶瓶", "什么", "材质", "好", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["目前", "市场", "上", "的", "奶瓶", "玲", "琅", "满目", ",", "各种", "材质", "都", "有", ",", "玻璃", "奶瓶", "、", "塑料", "奶瓶", "、", "硅胶", "奶瓶", "、", "不锈钢", "奶瓶", "还有", "陶瓷", "奶瓶", "。", "我们", "都", "知道", "病从口入", ",", "所以", "在", "给", "宝宝", "选择", "奶瓶", "的", "时候", "特别注意", ",", "有", "的", "材质", "的", "奶瓶", "会", "产生", "有毒物质", ",", "如", "pc", "塑料", "奶瓶", "含有", "含有", "双酚A", "的", "成份", ",", "对", "宝宝", "的", "身体", "发育", "有", "影响", "。", "到底", "什么", "样", "材质", "的", "奶瓶", "好", "呢", "?", "各种", "材质", "奶瓶", "的", "优缺点", "是", "什么", "呢", "?"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "刚", "出生", "的", "宝宝", ",", "建议", "使用", "玻璃", "奶瓶", ",", "一般", "0", "-", "6", "个", "月", "的", "宝宝", "很少", "会", "自己", "拿着", "奶瓶", "吃奶", "喝水", ",", "所以", "这个", "时段", "建议", "爸爸", "妈妈", "给", "宝宝", "买", "玻璃", "奶瓶", "。", "2", "6", "个", "月", "以上", "或者", "开始", "想", "自己", "拿", "奶瓶", "的", "话", ",", "可以", "选择", "ppsu", "材质", "的", "塑料", "奶瓶", ",", "这样", "轻巧", "不", "容易", "碎", ",", "而且", "也", "比较", "安全", ",", "当然", "也", "可以", "选择", "硅胶", "奶瓶", ",", "只是", "硅胶", "还是", "有", "一点", "味道", "的", "。", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "希望", "我的经历", "能", "带给", "你", "一", "丝", "帮助"]], "paragraphs": ["百度经验:jingyan.baidu.com", "目前市场上的奶瓶玲琅满目,各种材质都有,玻璃奶瓶、塑料奶瓶、硅胶奶瓶、不锈钢奶瓶还有陶瓷奶瓶。我们都知道病从口入,所以在给宝宝选择奶瓶的时候特别注意,有的材质的奶瓶会产生有毒物质,如pc塑料奶瓶含有含有双酚A的成份,对宝宝的身体发育有影响。到底什么样材质的奶瓶好呢?各种材质奶瓶的优缺点是什么呢?", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 刚出生的宝宝,建议使用玻璃奶瓶,一般0-6个月的宝宝很少会自己拿着奶瓶吃奶喝水,所以这个时段建议爸爸妈妈给宝宝买玻璃奶瓶。 2 6个月以上或者开始想自己拿奶瓶的话,可以选择ppsu材质的塑料奶瓶,这样轻巧不容易碎,而且也比较安全,当然也可以选择硅胶奶瓶,只是硅胶还是有一点味道的。 END", "百度经验:jingyan.baidu.com", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:希望我的经历能带给你一丝帮助"], "bs_rank_pos": 2}, {"is_selected": false, "title": "奶瓶什么材质好_百度宝宝知道", "most_related_para": 3, "segmented_title": ["奶瓶", "什么", "材质", "好", "_", "百度", "宝宝", "知道"], "segmented_paragraphs": [["目前", "做", "奶瓶", "的", "话", "主要有", "5", "种", "材料", "PP", "PES", "PPSU", "硅胶", "玻璃", "PES", "PPSU", "分别", "是", "聚醚砜", "和", "聚", "亚", "苯基", "砜", "这", "两种", "材料", "是", "无毒", "的", ",", "使用", "过程", "中", "也", "不会", "释放", "出", "有毒物质", ",", "但", "这", "两种", "材料", "在", "重复", "消毒", "能力", "上", "来", "讲", "PES", "为", "100", "次", "左右", "PPSU", "为", "2000", "次", ",", "所以", "一般", "还是", "建议", "PPSU", "的", ",", "且", "这", "两种", "材质", "的", "奶瓶", "本身", "就", "具有", "蜜", "色", ",", "这", "是", "它们", "的", "本色", ",", "所以", "不用担心", "有色", "粉", "的", "添加", "PP", "奶瓶", "使用寿命", "只有", "十", "几", "次", ",", "用", "一", "个", "多", "星期", "后", ",", "就会", "出现", "问题", ",", "因为", "PP", "最高", "使用", "温度", "为", "107", "摄氏度", ",", "长期", "蒸煮", "消毒", "会", "是", "其", "使用", "能力", "下降", "硅胶", "奶瓶", "安全", "但是", "很难", "清洗", "。", "玻璃", "的", "烫", "易碎", "也", "比较", "重", "所以", "建议", "PPSU", "。"], ["百度", "知道", "用户", "2015", "-", "08", "-", "07", "16", ":", "32"], ["宝宝", "知道", "提示", "您", ":", "回答", "为", "网友", "贡献", ",", "仅供参考", "。"], ["看", "个人", "需求", "和", "宝宝", "大小", "再", "进行", "选择", "。", "1", "、", "玻璃", "奶瓶", ":", "适合", "新生儿", "使用", "玻璃", "奶瓶", "的", "优点", "是", "安全性", "佳", "、", "耐热性", "佳", ",", "且", "不易", "刮", "伤", "、", "不易", "藏", "污垢", "、", "好", "清洗", ",", "而且", "价格", "也", "不贵", ",", "适合", "需要", "多次", "吃奶", "的", "新生儿", "使用", "。", "玻璃", "奶瓶", "的", "缺点", "就是", "除了", "强度", "不够", ",", "易碎", ",", "因此", "适合", "在家里", "由", "妈妈", "拿着", "喂", "宝宝", "。", "2", "、", "塑料", "奶瓶", ":", "适合", "三个月", "以上", ".", ".", ".", "的", "宝宝", "使用", "塑料", "奶瓶", "轻便", ",", "三个月", "之后", "可以", "给", "宝宝", "使用", "塑料", "奶瓶", "。", "塑料", "奶瓶", "的", "三种", "材质", "中", "PP", "奶瓶", "最", "常见", ",", "性能", "也", "好", ",", "是", "塑料", "奶瓶", "的", "首选", "。", "PES", "与", "PP", "一样", "拥有", "众多", "优点", ",", "而且", "更容易", "清洗", "耐用", ",", "接近", "玻璃", "的", "优点", ",", "不过", "其", "价格", "比较", "贵", "。", "如何", "不", "考虑", "价格", "因素", "的", "话", ",", "只", "考虑", "安全", "耐用", ",", "哪", "么", "新材料", "PPSU", "最安全", ",", "比", "PC", "更", "易", "洗", "、", "耐用", ",", "几", "近", "于", "玻璃", "。", "但是", "PPS", "奶瓶", "价格", "比较", "贵", ",", "同时", "可", "供", "选择", "的", "品牌", "也", "较", "少", "。", "3", "、", "不锈钢", "奶瓶", ":", "1", "岁", "以上", "宝宝", "使用", "不锈钢", "奶瓶", "使用", "寿命长", ",", "价格便宜", ",", "可以作为", "1", "岁", "以上", "宝宝", "的", "奶瓶", "选择", "。", "不过", "因为", "不锈钢", "奶瓶", "不透明", ",", "没法", "看到", "里面", "奶量", "还剩", "多少", "。", "4", "、", "硅胶", "奶瓶", ":", "适合", "所有", "年龄段", "宝宝", "使用", "硅胶", "奶瓶", "安全", ",", "质量", "轻", ",", "适合", "任何", "年龄", "的", "宝宝", "的", "使用", "。", "当然", ",", "由于", "硅胶", "奶瓶", "质地柔软", ",", "小宝宝", "使用", "会", "觉得", "更加", "舒适", "。", "挑选", "婴儿", "奶瓶", "的", "方法", "奶瓶", "的", "材质", ":", "刚刚", "出生", "的", "宝宝", "建议", "使用", "玻璃", "奶瓶", ",", "因为", "刚刚", "出生", "宝宝", "抵抗力", "较差", ",", "玻璃", "奶瓶", "本身", "材质", "因为", "是", "玻璃", ",", "因此", "化学", "特性", "比较", "稳定", ",", "无论", "采用", "什么", "消毒", "方式", ",", "不会", "分泌", "任何", "对", "宝宝", "不良", "的", "化学物质", "。", "安全性", "较好", ":", "刚刚", "出生", "宝宝", ",", "基本", "都是", "爸爸妈妈", "喂哺", ",", "因此", "玻璃", "奶瓶", "虽然", "重量", "较", "重", ",", "但", "影响不大", ";", "对", "以", "能够", "独立", "饮食", "的", "宝宝", ",", "建议", "可以使用", "塑料", "奶瓶", ",", "因为", "耐用", ",", "实用性强", "。", "如", "相", "较", "玻璃", "奶瓶", ",", "不", "易", "破裂", "。", "奶瓶", "的", "数量", ":", "建议", "不用", "材质", "的", "各", "购买", "两", "个", ",", "一", "个", "容量大", "的", ",", "方便", "在家里", "喂哺", ",", "一", "个", "容量", "小", "的", ",", "便于", "外出", "携带", "目前", "市场", "上", "有", "宽", "口径", "和", "标准", "口径", "两", "类", "奶瓶", ",", "您", "可以", "根据", "自己", "的", "实际情况", "来", "选择", "。", "个人", "觉得", "标准", "口径", "比较", "实惠", ",", "无论", "是", "奶瓶", "还是", "以后", "更换", "奶嘴", ",", "价格", "都", "比较", "低", "。", "宽", "口径", ",", "主要", "的", "优点", "是", "清洗", "方便", "。"]], "paragraphs": ["目前做奶瓶的话主要有5种材料 PP PES PPSU 硅胶 玻璃 PES PPSU 分别是聚醚砜和聚亚苯基砜 这两种材料是无毒的,使用过程中也不会释放出有毒物质,但这两种材料在重复消毒能力上来讲 PES为100次左右 PPSU为2000次,所以一般还是建议PPSU的,且这两种材质的奶瓶本身就具有蜜色,这是它们的本色,所以不用担心有色粉的添加 PP奶瓶 使用寿命只有十几次,用一个多星期后,就会出现问题,因为PP最高使用温度为107摄氏度,长期蒸煮消毒会是其使用能力下降硅胶奶瓶 安全 但是很难清洗。玻璃的烫 易碎 也比较重所以建议PPSU。", "百度知道用户 2015-08-07 16:32", "宝宝知道提示您:回答为网友贡献,仅供参考。", "看个人需求和宝宝大小再进行选择。 1、玻璃奶瓶:适合新生儿使用 玻璃奶瓶的优点是安全性佳、耐热性佳,且不易刮伤、不易藏污垢、好清洗,而且价格也不贵,适合需要多次吃奶的新生儿使用。玻璃奶瓶的缺点就是除了强度不够,易碎,因此适合在家里由妈妈拿着喂宝宝。 2、塑料奶瓶:适合三个月以上...的宝宝使用 塑料奶瓶轻便,三个月之后可以给宝宝使用塑料奶瓶。塑料奶瓶的三种材质中PP奶瓶最常见,性能也好,是塑料奶瓶的首选。PES与PP一样拥有众多优点,而且更容易清洗耐用,接近玻璃的优点,不过其价格比较贵。如何不考虑价格因素的话,只考虑安全耐用,哪么新材料PPSU最安全,比PC更易洗、耐用,几近于玻璃。但是PPS奶瓶价格比较贵,同时可供选择的品牌也较少。 3、不锈钢奶瓶:1岁以上宝宝使用 不锈钢奶瓶使用寿命长,价格便宜,可以作为1岁以上宝宝的奶瓶选择。不过因为不锈钢奶瓶不透明,没法看到里面奶量还剩多少。 4、硅胶奶瓶:适合所有年龄段宝宝使用 硅胶奶瓶安全,质量轻,适合任何年龄的宝宝的使用。当然,由于硅胶奶瓶质地柔软,小宝宝使用会觉得更加舒适。 挑选婴儿奶瓶的方法 奶瓶的材质:刚刚出生的宝宝建议使用玻璃奶瓶,因为刚刚出生宝宝抵抗力较差,玻璃奶瓶本身材质因为是玻璃,因此化学特性比较稳定,无论采用什么消毒方式,不会分泌任何对宝宝不良的化学物质。 安全性较好:刚刚出生宝宝,基本都是爸爸妈妈喂哺,因此玻璃奶瓶虽然重量较重,但影响不大;对以能够独立饮食的宝宝,建议可以使用塑料奶瓶,因为耐用,实用性强。如相较玻璃奶瓶,不易破裂。 奶瓶的数量:建议不用材质的各购买两个,一个容量大的,方便在家里喂哺,一个容量小的,便于外出携带目前市场上有宽口径和标准口径两类奶瓶,您可以根据自己的实际情况来选择。个人觉得标准口径比较实惠,无论是奶瓶还是以后更换奶嘴,价格都比较低。宽口径,主要的优点是清洗方便。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "什么材质的奶瓶最好 奶瓶哪种材质最安全_查查吧", "most_related_para": 3, "segmented_title": ["什么", "材质", "的", "奶瓶", "最好", "奶瓶", "哪", "种", "材质", "最安全", "_", "查查", "吧"], "segmented_paragraphs": [["主页", ">", "母婴", "健康", ">", "母婴", "用品", ">", "什么", "材质", "的", "奶瓶", "最好", "奶瓶"], ["作者", ":", "郝", "壬", "2016", "-", "02", "-", "16", "15", ":", "14", "[", "查查", "吧", "]", ":", "www", ".", "chachaba", ".", "com"], ["目前", "市场", "上", "的", "奶瓶", "各式各样", "的", "都", "有", ",", "而", "妈妈们", "对", "宝宝", "使用", "的", "任何", "东西", "都是", "精益求精", "。", "究竟", "什么", "材质", "的", "奶瓶", "最好", "呢", "?", "奶瓶", "哪", "种", "材质", "最安全", "呢", "?", "下面", "就", "给", "大家", "详细", "的", "说", "一", "下", ":"], ["婴儿", "奶瓶", "按", "材质", "可以", "分为", ":", "玻璃", "奶瓶", "、", "塑料", "奶瓶", "、", "不锈钢", "奶瓶", "和", "陶瓷", "奶瓶", "。", "塑料", "奶瓶", "又", "分为", "PA", "奶瓶", "、", "PP", "奶瓶", "、", "硅胶", "奶瓶", "、", "PPSU", "奶瓶", "、", "PES", "奶瓶", "、", "PC", "奶瓶", "。", "就", "新生儿", "而言", ",", "因为", "玻璃", "奶瓶", "安全性", "和", "耐热性", "较好", ",", "用", "手握", "着", "就能", "准确", "知道", "奶粉", "的", "温度", ",", "大人", "喂食", "不", "怕", "摔", ",", "适合", "给", "新生儿", "使用", ",", "需要", "家长们", "用来", "喂养", "。", "硅胶", "奶瓶", "是", "食品", "级", "硅橡胶", ",", "安全性", "极", "高", ",", "质量", "轻", ",", "瓶", "身", "柔软", ",", "摔", "不破", ",", "很", "适合", "宝宝", "用", ",", "而且", "经济", "耐用", ",", "瓶", "身", "可", "长期使用", ",", "只", "需", "更换", "奶嘴", "即可", ",", "所以", "适合", "任何", "年龄", "的", "宝宝", "的", "使用", "。", "可以", "两种", "都", "准备", "着", ",", "玻璃", "奶瓶", "可以", "选择", "德国", "昵哺", "的", ";", "波兰", "LOVI", "乐唯依", "的", "硅胶", "奶瓶", "是", "比较好", "的", ","], ["宝宝", "选择", "奶瓶", "塑料", "材质", "的", "话", "是", "PES", "和", "PPSU", "的", "最好", ",", "但是", "价格", "也", "高", "些", "。", "玻璃", "材质", "的", "建议", "选择", "高", "硼", "硅", "材质", "的", ",", "最安全", "的", "奶瓶", "就是", "玻璃", "奶瓶", ",", "主要原因", "是", "玻璃", "奶瓶", "在", "高温", "清洗", "和", "消毒", "的", "过程", "中", "不会", "产生", "有毒物质", "。"], ["挑选", "婴儿", "奶瓶", "的", "方法"], ["奶瓶", "的", "材质", ":", "刚刚", "出生", "的", "宝宝", "建议", "使用", "玻璃", "奶瓶", ",", "因为", "刚刚", "出生", "宝宝", "抵抗力", "较差", ",", "玻璃", "奶瓶", "本身", "材质", "因为", "是", "玻璃", ",", "因此", "化学", "特性", "比较", "稳定", ",", "无论", "采用", "什么", "消毒", "方式", ",", "不会", "分泌", "任何", "对", "宝宝", "不良", "的", "化学物质", "。"], ["安全性", "较好", ":", "刚刚", "出生", "宝宝", ",", "基本", "都是", "爸爸妈妈", "喂哺", ",", "因此", "玻璃", "奶瓶", "虽然", "重量", "较", "重", ",", "但", "影响不大", ";", "对", "以", "能够", "独立", "饮食", "的", "宝宝", ",", "建议", "可以使用", "塑料", "奶瓶", ",", "因为", "耐用", ",", "实用性强", "。", "如", "相", "较", "玻璃", "奶瓶", ",", "不", "易", "破裂", "。"], ["奶瓶", "的", "数量", ":", "建议", "不用", "材质", "的", "各", "购买", "两", "个", ",", "一", "个", "容量大", "的", ",", "方便", "在家里", "喂哺", ",", "一", "个", "容量", "小", "的", ",", "便于", "外出", "携带", "目前", "市场", "上", "有", "宽", "口径", "和", "标准", "口径", "两", "类", "奶瓶", ",", "您", "可以", "根据", "自己", "的", "实际情况", "来", "选择", "。", "个人", "觉得", "标准", "口径", "比较", "实惠", ",", "无论", "是", "奶瓶", "还是", "以后", "更换", "奶嘴", ",", "价格", "都", "比较", "低", "。", "宽", "口径", ",", "主要", "的", "优点", "是", "清洗", "方便", "。"], ["关于", "什么", "材质", "的", "奶瓶", "最好", ",", "现在的你", "充分", "了解", "到", "了", "吗", "。"], ["婴儿", "内衣", "什么", "牌子", "好", "怎样", "选购", "婴儿", "内衣", "2016", "-", "12", "-", "26", "11", ":", "36", ":", "00", "宝宝", "爬行垫", "什么", "牌子", "好", "怎样", "选购", "2016", "-", "12", "-", "26", "11", ":", "36", ":", "25", "安全套", "什么", "牌子", "好", "怎样", "选购", "2016", "-", "12", "-", "23", "10", ":", "52", ":", "27", "婴儿", "洗衣液", "什么", "牌子", "好", "怎样", "选购", "2016", "-", "12", "-", "23", "10", ":", "52", ":", "36", "婴儿", "米粉", "什么", "牌子", "的", "好", "怎样", "选购", "婴儿", "米粉", "2017", "-", "01", "-", "10", "15", ":", "04", ":", "35"]], "paragraphs": ["主页 > 母婴健康 > 母婴用品 > 什么材质的奶瓶最好 奶瓶", "作者: 郝壬 2016-02-16 15:14 [查查吧]:www.chachaba.com", "目前市场上的奶瓶各式各样的都有,而妈妈们对宝宝使用的任何东西都是精益求精。究竟什么材质的奶瓶最好呢?奶瓶哪种材质最安全呢?下面就给大家详细的说一下:", "婴儿奶瓶按材质可以分为:玻璃奶瓶、塑料奶瓶、不锈钢奶瓶和陶瓷奶瓶。塑料奶瓶又分为PA奶瓶、PP奶瓶、硅胶奶瓶、PPSU奶瓶、PES奶瓶、PC奶瓶。就新生儿而言,因为玻璃奶瓶安全性和耐热性较好,用手握着就能准确知道奶粉的温度,大人喂食不怕摔,适合给新生儿使用,需要家长们用来喂养。硅胶奶瓶是食品级硅橡胶,安全性极高,质量轻,瓶身柔软,摔不破,很适合宝宝用,而且经济耐用,瓶身可长期使用,只需更换奶嘴即可,所以适合任何年龄的宝宝的使用。可以两种都准备着,玻璃奶瓶可以选择德国昵哺的;波兰LOVI乐唯依的硅胶奶瓶是比较好的,", "宝宝选择奶瓶塑料材质的话是PES和PPSU的最好,但是价格也高些。玻璃材质的建议选择高硼硅材质的,最安全的奶瓶就是玻璃奶瓶,主要原因是玻璃奶瓶在高温清洗和消毒的过程中不会产生有毒物质。", "挑选婴儿奶瓶的方法", "奶瓶的材质:刚刚出生的宝宝建议使用玻璃奶瓶,因为刚刚出生宝宝抵抗力较差,玻璃奶瓶本身材质因为是玻璃,因此化学特性比较稳定,无论采用什么消毒方式,不会分泌任何对宝宝不良的化学物质。", "安全性较好:刚刚出生宝宝,基本都是爸爸妈妈喂哺,因此玻璃奶瓶虽然重量较重,但影响不大;对以能够独立饮食的宝宝,建议可以使用塑料奶瓶,因为耐用,实用性强。如相较玻璃奶瓶,不易破裂。", "奶瓶的数量:建议不用材质的各购买两个,一个容量大的,方便在家里喂哺,一个容量小的,便于外出携带目前市场上有宽口径和标准口径两类奶瓶,您可以根据自己的实际情况来选择。个人觉得标准口径比较实惠,无论是奶瓶还是以后更换奶嘴,价格都比较低。宽口径,主要的优点是清洗方便。", "关于什么材质的奶瓶最好,现在的你充分了解到了吗。", "婴儿内衣什么牌子好 怎样选购婴儿内衣2016-12-26 11:36:00 宝宝爬行垫什么牌子好 怎样选购2016-12-26 11:36:25 安全套什么牌子好 怎样选购2016-12-23 10:52:27 婴儿洗衣液什么牌子好 怎样选购2016-12-23 10:52:36 婴儿米粉什么牌子的好 怎样选购婴儿米粉2017-01-10 15:04:35"], "bs_rank_pos": 4}], "answer_spans": [[4, 7]], "answer_docs": [1], "fake_answers": ["PPSU和PA最佳"], "question": "奶瓶什么材质的最好", "segmented_answers": [["最安全", "的", "用", "玻璃", ",", "最方便", "的", "用", "塑料", ",", "不", "嫌", "贵", "的", "话", "用", "不含", "双酚A", "的", "PPSU", "塑料", "。"], ["PPSU", "和", "PA", "最佳"]], "answers": ["最安全的用玻璃,最方便的用塑料,不嫌贵的话用不含双酚A的PPSU塑料。", "PPSU和PA最佳"], "entity_answers": [["玻璃", "塑料", "双酚A的PPSU塑料"], ["PPSU", "PA"]], "segmented_question": ["奶瓶", "什么", "材质", "的", "最好"], "question_type": "ENTITY", "question_id": 91168, "fact_or_opinion": "OPINION", "match_scores": [1.0]}
-{"documents": [{"is_selected": true, "title": "南宁属于什么省_百度知道", "most_related_para": 2, "segmented_title": ["南宁", "属于", "什么", "省", "_", "百度", "知道"], "segmented_paragraphs": [["南宁", "属于", "广西省", "南宁", "是", "一座", "历史", "悠久", "的", "文化", "古城", ",", "同时", "也是", "一", "个", "以", "壮族", "为", "主", "的", "多民族", "和睦相处", "的", "现代化", "城市", ",", "壮族", "是", "世代", "居住", "在", "本地", "的", "土著", "民族", "。", "得天独厚", "的", "自然条件", ",", "使得", "南宁", "满城", "皆", "绿", ",", "四季常青", ",", "有", "“", "绿城", "”", "的", "美誉", "。", "南宁", "处于", "中国", "华南", "、", "西南", "和", "东南亚", "经济圈", "的", "结合", "部", ",", "位于", "广西", "中部", "偏", "南", ",", "是", "环", "北部湾", "沿岸", "重要", "的", "中心", "城市", ",", "中国", "面向", "东盟", "国家", "的", "区域性", "国际", "城市", "。", "南宁", "处于", "中国", "华南", "、", "西南", "和", "东南亚", "经济圈", "的", "结合", "部", ",", "是", "环", "北部湾", "沿岸", "重要", "经济", "中心", "。", "面向", "东南亚", "、", "背靠", "大西南", ",", "东", "邻", "粤港澳", "琼", "、", "西", "接", "印度", "半岛", ",", "是", "华南", "沿海", "和", "西南", "腹地", "两", "大", "经济区", "的", "结合", "部", "以及", "东南亚", "经济圈", "的", "连接", "点", ",", "是", "新", "崛起", "的", "大西南", "出海通道", "枢纽", "城市", "。"], ["广西省", ",", "我", "最先", "回答", "哟", "。", "南宁", ",", "广西壮族自治区", "首府", ",", "位于", "广西", "西南部", ",", "与", "越南", "社会主义", "共和国", "毗邻", ",", "是", "红豆", "的", "故乡", ",", "也是", "一座", "历史", "悠久", "的", "边陲", "古城", ",", "具有", "深厚", "的", "文化", "积淀", ",", "古", "称", "邕州", ",", "是", "一", "个", "以", "壮族", "为", "主", "的", "多民族", "和睦相处", "的", "现代化", "城市", "。", "居住", "着", "壮", ",", "苗", ",", "瑶", "等", "36", "个", "少数民族", ",", "总人口", "为", "620", ".", "12", "万", ",", "其中", "市区", "人口", "为", "140", ".", "39", "万", "。", "南宁", "别称", "绿城", ",", "凤凰城", ",", "五象", "城", ",", "分别", "因", "市", "内", "有", "凤凰岭", ",", "五象", "岭", "而", "得", "名", "。"], ["南宁", "属于", "广西省", "南宁", "是", "一座", "历史", "悠久", "的", "文化", "古城", ",", "同时", "也是", "一", "个", "以", "壮族", "为", "主", "的", "多民族", "和睦相处", "的", "现代化", "城市", ",", "壮族", "是", "世代", "居住", "在", "本地", "的", "土著", "民族", "。", "得天独厚", "的", "自然条件", ",", "使得", "南宁", "满城", "皆", "绿", ",", "四季常青", ",", "有", "“", "绿城", "”", "的", "美誉", "。", "南宁", "处于", "中国", "华南", "、", "西南", "和", "东南亚", "经济圈", "的", "结合", "部", ",", "位于", "广西", "中部", "偏", "南", ",", "是", "环", "北部湾", "沿岸", "重要", "的", "中心", "城市", ",", "中国", "面向", "东盟", "国家", "的", "区域性", "国际", "城市", "。", "南宁", "处于", "中国", "华南", "、", "西南", "和", "东南亚", "经济圈", "的", "结合", "部", ",", "是", "环", "北部湾", "沿岸", "重要", "经济", "中心", "。", "面向", "东南亚", "、", "背靠", "大西南", ",", "东", "邻", "粤港澳", "琼", "、", "西", "接", "印度", "半岛", ",", "是", "华南", "沿海", "和", "西南", "腹地", "两", "大", "经济区", "的", "结合", "部", "以及", "东南亚", "经济圈", "的", "连接", "点", ",", "是", "新", "崛起", "的", "大西南", "出海通道", "枢纽", "城市", "。"]], "paragraphs": ["南宁属于广西省 南宁是一座历史悠久的文化古城,同时也是一个以壮族为主的多民族和睦相处的现代化城市,壮族是世代居住在本地的土著民族。得天独厚的自然条件,使得南宁满城皆绿,四季常青,有“绿城”的美誉。南宁处于中国华南、西南和东南亚经济圈的结合部,位于广西中部偏南,是环北部湾沿岸重要的中心城市,中国面向东盟国家的区域性国际城市。 南宁处于中国华南、西南和东南亚经济圈的结合部,是环北部湾沿岸重要经济中心。面向东南亚、背靠大西南,东邻粤港澳琼、西接印度半岛,是华南沿海和西南腹地两大经济区的结合部以及东南亚经济圈的连接点,是新崛起的大西南出海通道枢纽城市。", "广西省,我最先回答哟。 南宁,广西壮族自治区首府,位于广西西南部,与越南社会主义共和国毗邻,是红豆的故乡,也是一座历史悠久的边陲古城,具有深厚的文化积淀,古称邕州,是一个以壮族为主的多民族和睦相处的现代化城市。居住着壮,苗,瑶等36个少数民族,总人口为620.12万,其中市区人口为140.39万。南宁别称绿城,凤凰城,五象城,分别因市内有凤凰岭,五象岭而得名。", "南宁属于广西省 南宁是一座历史悠久的文化古城,同时也是一个以壮族为主的多民族和睦相处的现代化城市,壮族是世代居住在本地的土著民族。得天独厚的自然条件,使得南宁满城皆绿,四季常青,有“绿城”的美誉。南宁处于中国华南、西南和东南亚经济圈的结合部,位于广西中部偏南,是环北部湾沿岸重要的中心城市,中国面向东盟国家的区域性国际城市。 南宁处于中国华南、西南和东南亚经济圈的结合部,是环北部湾沿岸重要经济中心。面向东南亚、背靠大西南,东邻粤港澳琼、西接印度半岛,是华南沿海和西南腹地两大经济区的结合部以及东南亚经济圈的连接点,是新崛起的大西南出海通道枢纽城市。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "南宁市在哪里,南宁市在哪个省,南宁属于哪个市_百度知道", "most_related_para": 0, "segmented_title": ["南宁市", "在哪里", ",", "南宁市", "在", "哪个", "省", ",", "南宁", "属于", "哪个", "市", "_", "百度", "知道"], "segmented_paragraphs": [["南宁", "(", "壮文", ":", "Nanzningz", ")", ",", "简称", "邕", ",", "别称", "绿城", "、", "邕城", "、", "五象", "城", ",", "古", "称", "邕州", "、", "南", "晋州", ",", "中国", "广西壮族自治区", "首府", ",", "北部湾", "经济区", "中心", "城市", ",", "我", "国", "西南地区", "连接", "出海", "通道", "的", "综合", "交通枢纽", "。", "广西", "第", "一", "大", "城市", ",", "广西", "政治", "、", "经济", "、", "文化", "、", "交通", "、", "科技", "和", "金融中心", "。", "中国", "面向", "东盟", "开放", "合作", "的", "前沿", "城市", "、", "国家", "“", "一", "带", "一", "路", "”", "海上丝绸之路", "有机", "衔接", "的", "重要", "门户", "城市", "。", "中国", "东盟博览会", "暨", "中国", "东盟", "商务", "与", "投资", "峰会", "的", "永久", "举办", "地", ",", "也是", "南部", "战区", "陆军", "机关", "驻地", "。"], ["南宁市", "是", "地球", "中国", "广西", "的", ",", "南宁", "属于", "南宁市", "。"]], "paragraphs": ["南宁(壮文:Nanzningz),简称邕,别称绿城、邕城、五象城 ,古称邕州、南晋州,中国广西壮族自治区首府,北部湾经济区中心城市,我国西南地区连接出海通道的综合交通枢纽 。广西第一大城市,广西政治、经济、文化、交通、科技和金融中心。中国面向东盟开放合作的前沿城市、国家“一带一路”海上丝绸之路有机衔接的重要门户城市 。中国东盟博览会暨中国东盟商务与投资峰会的永久举办地,也是南部战区陆军机关驻地。", "南宁市是地球中国广西的,南宁属于南宁市。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "南宁是属于哪个省_百度知道", "most_related_para": 2, "segmented_title": ["南宁", "是", "属于", "哪个", "省", "_", "百度", "知道"], "segmented_paragraphs": [["属于", "广西壮族自治区", ",", "是", "自治区", "的", "首府"], ["南宁", "(", "壮", "文", ":", "Nanzningz", ")", ",", "简称", "“", "邕", "”", ",", "别称", "绿城", ",", "是", "广西", "壮族自治区", "首府", ",", "中国", "面向", "东盟", "的", "特大城市", "、", "边境", "区域", "中心", "城市", ",", "环", "北部湾", "城市群", "核心", "城市", ",", "西南", "出海", "综合", "交通枢纽", "城市", ",", "中国", "东盟博览会", "暨", "中国", "东盟", "商务", "与", "投资", "峰会", "的", "永久", "举办", "地", ",", "国家", "“", "一", "带", "一", "路", "”", "海上丝绸之路", "有机", "衔接", "的", "重要", "门户", "城市", ";", "[", "1", "]", "是", "“", "联合国人居奖", "”", "获得", "城市", "、", "“", "全国", "文明", "城市", "”", "三连冠", "城市", "、", "国家", "生态", "园林城市", "。", "一年一度", "的", "南宁", "国际民歌艺术节", "享誉中外", ",", "让", "南宁", "成为", "了", "“", "天下", "民歌", "眷恋", "的", "地方", "”", "。", "[", "2", "]", "也是", "南部", "战区", "陆军", "机关", "驻地", "。"], ["你好", ",", "南宁", "是", "属于", "中国", "广西省"], ["它", "不", "属于", "那个", "省", ",", "广西", "是", "个", "区", "。", "广西", "是", "自治区", "。"], ["广西", "的", "省", "府", "南宁"]], "paragraphs": ["属于广西壮族自治区,是自治区的首府", "南宁( 壮文:Nanzningz),简称“ 邕”,别称绿城,是 广西壮族自治区 首府, 中国面向 东盟的 特大城市、边境区域中心城市,环 北部湾城市群核心城市, 西南出海 综合交通枢纽城市, 中国东盟博览会暨中国东盟商务与投资峰会的永久举办地,国家“ 一带一路” 海上丝绸之路有机衔接的重要门户城市; [1] 是“ 联合国人居奖”获得城市、“ 全国文明城市”三连冠城市、 国家生态园林城市。一年一度的 南宁国际民歌艺术节享誉中外,让南宁成为了“天下民歌眷恋的地方”。 [2] 也是 南部战区陆军机关驻地。", "你好,南宁是属于中国广西省", "它不属于那个省,广西是个区。广西是自治区。", "广西的省府 南宁"], "bs_rank_pos": 2}], "answer_spans": [[0, 2]], "answer_docs": [0], "fake_answers": ["南宁属于广西省"], "question": "南宁属于什么省", "segmented_answers": [["南宁", "属于", "广西省", "。"], ["南宁", "(", "壮文", ":", "Nanzningz", ")", ",", "简称", "邕", ",", "别称", "绿城", "、", "邕城", "、", "五象", "城", ",", "古", "称", "邕州", "、", "南", "晋州", ",", "中国", "广西壮族自治区", "首府", ",", "北部湾", "经济区", "中心", "城市", ",", "我", "国", "西南地区", "连接", "出海", "通道", "的", "综合", "交通枢纽", "。"]], "answers": ["南宁属于广西省。", "南宁(壮文:Nanzningz),简称邕,别称绿城、邕城、五象城 ,古称邕州、南晋州,中国广西壮族自治区首府,北部湾经济区中心城市,我国西南地区连接出海通道的综合交通枢纽  。"], "entity_answers": [["广西省"], ["广西壮族自治区"]], "segmented_question": ["南宁", "属于", "什么", "省"], "question_type": "ENTITY", "question_id": 91169, "fact_or_opinion": "FACT", "match_scores": [0.8571428571428571]}
-{"documents": [{"is_selected": true, "title": "移动硬盘摔了一下后读不出来了_百度知道", "most_related_para": 1, "segmented_title": ["移动硬盘", "摔", "了", "一", "下", "后", "读", "不", "出来", "了", "_", "百度", "知道"], "segmented_paragraphs": [["移动硬盘", "最", "怕", "摔", ",", "一般", "摔", "了", "之后", ",", "90", "%", "以上", "会", "坏", "掉", "。", "  ", "1", "、", "移动硬盘", "里面", "是", "一只", "普通", "的", "硬盘", ",", "最", "怕", "摔", "。", "基本上", "摔", "了", "之后", ",", "必然", "会", "出", "问题", "。", "  ", "2", "、", "移动硬盘", "在", "转动", "的", "时候", "摔", "了", ",", "一般", "磁头", "和", "盘片", "都会", "受损", ",", "基本上", "数据", "无法", "挽回", "。", "  ", "3", "、", "在", "移动硬盘", "不", "转动", "断电", "的", "情况", "下", "摔", "了", ",", "通常", "摔", "坏", "的", "是", "磁头", ",", "数据", "是", "有", "可能", "挽救", "的", "。", "需要", "找", "专业", "的", "数据恢复", "公司", "来", "做", "。"], ["移动硬盘", "最", "怕", "摔", ",", "一般", "摔", "了", "之后", ",", "90", "%", "以上", "会", "坏", "掉", "。", "  ", "1", "、", "移动硬盘", "里面", "是", "一只", "普通", "的", "硬盘", ",", "最", "怕", "摔", "。", "基本上", "摔", "了", "之后", ",", "必然", "会", "出", "问题", "。", "  ", "2", "、", "移动硬盘", "在", "转动", "的", "时候", "摔", "了", ",", "一般", "磁头", "和", "盘片", "都会", "受损", ",", "基本上", "数据", "无法", "挽回", "。", "  ", "3", "、", "在", "移动硬盘", "不", "转动", "断电", "的", "情况", "下", "摔", "了", ",", "通常", "摔", "坏", "的", "是", "磁头", ",", "数据", "是", "有", "可能", "挽救", "的", "。", "需要", "找", "专业", "的", "数据恢复", "公司", "来", "做", "。"], ["如果", "拆开", "壳体", "就", "等于", "报废", "了", "。", "如果", "有", "重要", "数据", ",", "就", "送", "专业", "数据恢复", "公司", "处理", "。", "如果", "你", "无所谓", "我", "告诉", "你", "在", "标签", "下面", "还有", "螺丝", "。", "拆开", "壳体", "就", "等于", "报废", "!", "反正", "这个", "盘", "不可能", "修复", "后", "还", "继续", "使用", "了", "。"], ["肯定", "要", "重", "买", "了", ",", "不用问", "了", "!", "升级", "硬盘", "吧", "!", "硬盘", "肯定", "没有", "问题", "的", "。"], ["头", "组件", "以", "经", "损坏", ",", "如果", "运行", ",", "损坏", "的", "磁头", "会", "划", "花", "盘片", "会", "遭受", "更大", "的", "损失", ",", "如果", "有", "很重要", "的", "数据", "建议", "你", "最好", "马上", "拿到", "恢复", "中心", "处", "处理", "。"], ["头", "组件", "以", "经", "损坏", ",", "如果", "运行", ",", "损坏", "的", "磁头", "会", "划", "花", "盘片", "会", "遭受", "更大", "的", "损失", ",", "如果", "有", "很重要", "的", "数据", "建议", "你", "最好", "马上", "拿到", "恢复", "中心", "处", "处理", "。"]], "paragraphs": ["移动硬盘最怕摔,一般摔了之后,90%以上会坏掉。   1、移动硬盘里面是一只普通的硬盘,最怕摔。基本上摔了之后,必然会出问题。   2、移动硬盘在转动的时候摔了,一般磁头和盘片都会受损,基本上数据无法挽回。   3、在移动硬盘不转动断电的情况下摔了,通常摔坏的是磁头,数据是有可能挽救的。需要找专业的数据恢复公司来做。", "移动硬盘最怕摔,一般摔了之后,90%以上会坏掉。   1、移动硬盘里面是一只普通的硬盘,最怕摔。基本上摔了之后,必然会出问题。   2、移动硬盘在转动的时候摔了,一般磁头和盘片都会受损,基本上数据无法挽回。   3、在移动硬盘不转动断电的情况下摔了,通常摔坏的是磁头,数据是有可能挽救的。需要找专业的数据恢复公司来做。", "如果拆开壳体就等于报废了。 如果有重要数据,就送专业数据恢复公司处理。 如果你无所谓 我告诉你 在标签下面还有螺丝。拆开壳体就等于报废!反正这个盘不可能修复后还继续使用了。", "肯定要重买了,不用问了!升级硬盘吧!硬盘肯定没有问题的。", "头组件以经损坏,如果运行,损坏的磁头会划花盘片会遭受更大的损失,如果有很重要的数据建议你最好马上拿到恢复中心处处理。", "头组件以经损坏,如果运行,损坏的磁头会划花盘片会遭受更大的损失,如果有很重要的数据建议你最好马上拿到恢复中心处处理。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "西部数据1T的移动硬盘,摔了一下,结果就读不出来了,请求大神帮助:", "most_related_para": 0, "segmented_title": ["西部数据", "1T", "的", "移动硬盘", ",", "摔", "了", "一", "下", ",", "结果", "就", "读", "不", "出来", "了", ",", "请求", "大神", "帮助", ":"], "segmented_paragraphs": [["看看", "壳子", "表面", "有", "外伤", "没", ",", "没有", "的", "话", "如果", "在", "保修", "期", "内", ",", "找", "售后", "。", "恢复", "数据", "的", "问题", ",", "你", "这", "盘", "如果", "不是", "在", "使用", "中", "摔", "中", "(", "没", "接通", "电源", ")", ",", "可能", "是", "磁头", "或", "磁头", "臂", "摔", "坏", "了", ",", "盘片", "可能", "没", "坏", ",", "不过", "自己", "是", "很难", "恢复", "了", ",", "如果", "有", "重要", "数据", "就", "找", "专业", "的", "数据恢复", "地方", "试", "下吧", ",", "可能", "会", "很", "贵", "。", "移动硬盘", "(", "机械", "硬盘", ")", "确实", "很容易", "碰", "坏", ",", "有时", "落差", "半米就够呛", ",", "所以", "重要", "数据", "不能", "只", "存", "一", "个", "盘", "里", ",", "我", "都是", "3", "处", "保存", ",", "随时更新", ",", "用", "fast", "copy", "软件", "备份", "。"]], "paragraphs": ["看看壳子表面有外伤没,没有的话如果在保修期内,找售后。 恢复数据的问题,你这盘如果不是在使用中摔中(没接通电源),可能是磁头或磁头臂摔坏了,盘片可能没坏,不过自己是很难恢复了,如果有重要数据就找专业的数据恢复地方试下吧,可能会很贵。 移动硬盘(机械硬盘)确实很容易碰坏,有时落差半米就够呛,所以重要数据不能只存一个盘里,我都是3处保存,随时更新,用fastcopy软件备份。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "我的移动硬盘在通电时摔了一下,读不出数据了,急!!!!!!!_百度知道", "most_related_para": 1, "segmented_title": ["我", "的", "移动硬盘", "在", "通", "电", "时", "摔", "了", "一", "下", ",", "读", "不", "出", "数据", "了", ",", "急", "!", "!", "!", "!", "!", "!", "!", "_", "百度", "知道"], "segmented_paragraphs": [["有", "可能", "是", "移动硬盘", "的", "电源", "部分", "坏", "了", "。", "问题", "不大", ",", "换", "个", "移动硬盘盒", "试", "下"], ["基本", "99", "%", "是", "报废", "了", "。", "机械", "硬盘", "都是", "有", "磁针", "进行", "读取", "的", ",", "本来", "着", "东西", "最", "怕", "震动", "了", ",", "在", "运行", "的", "时候", "普通", "震动", "都", "可能", "会", "损坏", "别说", "你", "都", "摔", "了", ",", "里面", "精密机械", "部件", "有", "损坏", "了", "肯定", "读取", "不", "出来", "了", "。"]], "paragraphs": ["有可能是移动硬盘的电源部分坏了。问题不大,换个移动硬盘盒试下", "基本99%是报废了。机械硬盘都是有磁针进行读取的,本来着东西最怕震动了,在运行的时候普通震动都可能会损坏 别说你都摔了,里面精密机械部件有损坏了 肯定读取不出来了。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "移动硬盘通电状态下摔了一下后电脑无法读盘怎么提出里面数据?_百度", "most_related_para": 0, "segmented_title": ["移动硬盘", "通", "电", "状态", "下", "摔", "了", "一", "下", "后", "电脑", "无法", "读", "盘", "怎么", "提出", "里面", "数据", "?", "_", "百度"], "segmented_paragraphs": [["显然", "硬盘", "有", "摔", "坏", "的", "地方", ",", "某", "文件", "的", "记录", "信息", "部分", "能", "读", ",", "所以", "能", "打开", ",", "但是", "真正", "复制", "就", "不行", "了", ",", "如果", "数据", "重要", ",", "建议", "把", "这", "摔", "的", "硬盘", "用", "ghost", "强行", "作", "镜像", ",", "把", "它", "的", "镜像", "备份", "到", "别", "的", "硬盘", ",", "然后通过", "镜像文件", "浏览", "工具", "尽可能", "多", "地", "找", "你", "的", "文件", ",", "摔", "的", "硬盘", "可用", "检测", "工具", "去", "检查", "坏", "的", "情况", ",", "一般来说", ",", "只", "少数", "坏道", ",", "重", "分区", "能", "避开", "它", ",", "但", "寿命", "不可", "知", "(", "视", "坏道", "扩展", "情况", ")"]], "paragraphs": ["显然硬盘有摔坏的地方,某文件的记录信息部分能读,所以能打开,但是真正复制就不行了,如果数据重要,建议把这摔的硬盘用ghost强行作镜像,把它的镜像备份到别的硬盘,然后通过镜像文件浏览工具尽可能多地找你的文件,摔的硬盘可用检测工具去检查坏的情况,一般来说,只少数坏道,重分区能避开它,但寿命不可知(视坏道扩展情况)"], "bs_rank_pos": 3}], "answer_spans": [[18, 101]], "fake_answers": ["1、移动硬盘里面是一只普通的硬盘,最怕摔。基本上摔了之后,必然会出问题。  2、移动硬盘在转动的时候摔了,一般磁头和盘片都会受损,基本上数据无法挽回。  3、在移动硬盘不转动断电的情况下摔了,通常摔坏的是磁头,数据是有可能挽救的。需要找专业的数据恢复公司来做。"], "question": "移动硬盘摔了一下 能通电但是读不出来", "segmented_answers": [["1", "、", "移动硬盘", "里面", "是", "一只", "普通", "的", "硬盘", ",", "最", "怕", "摔", "。", "基本上", "摔", "了", "之后", ",", "必然", "会", "出", "问题", "。", "2", "、", "移动硬盘", "在", "转动", "的", "时候", "摔", "了", ",", "一般", "磁头", "和", "盘片", "都会", "受损", ",", "基本上", "数据", "无法", "挽回", "。", "3", "、", "在", "移动硬盘", "不", "转动", "断电", "的", "情况", "下", "摔", "了", ",", "通常", "摔", "坏", "的", "是", "磁头", ",", "数据", "是", "有", "可能", "挽救", "的", "。", "需要", "找", "专业", "的", "数据恢复", "公司", "来", "做", "。"]], "answers": ["1、移动硬盘里面是一只普通的硬盘,最怕摔。基本上摔了之后,必然会出问题。2、移动硬盘在转动的时候摔了,一般磁头和盘片都会受损,基本上数据无法挽回。3、在移动硬盘不转动断电的情况下摔了,通常摔坏的是磁头,数据是有可能挽救的。需要找专业的数据恢复公司来做。"], "answer_docs": [0], "segmented_question": ["移动硬盘", "摔", "了", "一", "下", "能", "通", "电", "但是", "读", "不", "出来"], "question_type": "DESCRIPTION", "question_id": 91170, "fact_or_opinion": "FACT", "match_scores": [0.9156626506024096]}
-{"documents": [{"is_selected": false, "title": "参考文献_最新论文参考文献标准格式", "most_related_para": 9, "segmented_title": ["参考文献", "_", "最新", "论文", "参考文献", "标准", "格式"], "segmented_paragraphs": [["1", "文献", "标注", "格式", "2", "常用", "参考文献", "3", "参考文献", "资料"], ["参考文献", "类型", ":", "专著", "[", "M", "]", ",", "论文集", "[", "C", "]", ",", "报纸", "文章", "[", "N", "]", ",", "期刊", "文章", "[", "J", "]", ",", "学位论文", "[", "D", "]", ",", "报告", "[", "R", "]", ",", "标准", "[", "S", "]", ",", "专利", "[", "P", "]", ",", "论文", "集中", "的", "析出", "文献", "[", "A", "]"], ["电子", "文献", "类型", ":", "数据库", "[", "DB", "]", ",", "计算机", "[", "CP", "]", ",", "电子", "公告", "[", "EB", "]"], ["电子", "文献", "的", "载体", "类型", ":", "互联网", "[", "OL", "]", ",", "光盘", "[", "CD", "]", ",", "磁带", "[", "MT", "]", ",", "磁盘", "[", "DK", "]"], ["A", ":", "专著", "、", "论文集", "、", "学位论文", "、", "报告", "[", "序号", "]", "主要", "责任", "者", ".", "文献", "题", "名", "[", "文献", "类型", "标识", "]", ".", "出版", "地", ":", "出版", "者", ",", "出版", "年", ".", "起", "止", "页码", "(", "可", "选", ")", "[", "1", "]", "刘国钧", ",", "陈", "绍", "业", ".", "图书馆", "目录", "[", "M", "]", ".", "北京", ":", "高等教育出版社", ",", "1957", ".", "15", "-", "18", ".", "B", ":", "期刊", "文章", "[", "序号", "]", "主要", "责任", "者", ".", "文献", "题", "名", "[", "J", "]", ".", "刊", "名", ",", "年", ",", "卷", "(", "期", ")", ":", "起", "止", "页码", "[", "1", "]", "何龄修", ".", "读", "南明史", "[", "J", "]", ".", "中国史研究", ",", "1998", ",", "(", "3", ")", ":", "167", "-", "173", ".", "[", "2", "]", "OU", "J", "P", ",", "SOONG", "T", "T", ",", "et", "al", ".", "Recent", "advance", "in", "research", "on", "applications", "of", "passive", "energy", "dissipation", "systems", "[", "J", "]", ".", "Earthquack", "Eng", ",", "1997", ",", "38", "(", "3", ")", ":", "358", "-", "361", ".", "C", ":", "论文", "集中", "的", "析出", "文献", "[", "序号", "]", "析出", "文献", "主要", "责任", "者", ".", "析出", "文献", "题", "名", "[", "A", "]", ".", "原", "文献", "主要", "责任", "者", "(", "可", "选", ")", ".", "原", "文献", "题", "名", "[", "C", "]", ".", "出版", "地", ":", "出版", "者", ",", "出版", "年", ".", "起", "止", "页码", "[", "7", "]", "钟", "文", "发", ".", "非线性规划", "在", "可燃", "毒", "物", "配置", "中", "的", "应用", "[", "A", "]", ".", "赵炜", ".", "运筹学", "的", "理论", "与", "应用", "—", "—", "中国", "运筹", "学会", "第五届", "大会", "论文集", "[", "C", "]", ".", "西安", ":", "西安", "电子科技大学", "出版社", ",", "1996", ".", "468", ".", "D", ":", "报纸", "文章", "[", "序号", "]", "主要", "责任", "者", ".", "文献", "题", "名", "[", "N", "]", ".", "报纸", "名", ",", "出版日期", "(", "版次", ")", "[", "8", "]", "谢希德", ".", "创造", "学习", "的", "新思路", "[", "N", "]", ".", "人民日报", ",", "1998", "-", "12", "-", "25", "(", "10", ")", ".", "E", ":", "电子", "文献", "[", "文献", "类型", "/", "载体", "类型", "标识", "]", ":", "[", "J", "/", "OL", "]", "网上", "期刊", "、", "[", "EB", "/", "OL", "]", "网上", "电子", "公告", "、", "[", "M", "/", "CD", "]", "光盘", "图书", "、", "[", "DB", "/", "OL", "]", "网上", "数据库", "、", "[", "DB", "/", "MT", "]", "磁带", "数据库", "[", "序号", "]", "主要", "责任", "者", ".", "电子", "文献", "题", "名", "[", "电子", "文献", "及", "载体", "类型", "标识", "]", ".", "电子", "文献", "的", "出版", "或", "获得", "地址", ",", "发表", "更新日期", "/", "引用", "日期"], ["[", "12", "]", "王明亮", ".", "关于", "中国", "学术期刊", "标准化", "数据库", "系统工程", "的", "进展", "[", "EB", "/", "OL", "]", "."], ["[", "8", "]", "万锦", ".", "中国", "大学学报", "文摘", "(", "1983", "-", "1993", ")", ".", "英文版", "[", "DB", "/", "CD", "]", ".", "北京", ":", "中国大百科全书", "出版社", ",", "1996", "."], ["按", "热门", "参考文献", "查阅", ">", ">"], ["电子商务", "专业", "论文", "参考文献", "艺术", "专业", "论文", "参考文献", "范文", "小学", "体育", "论文", "参考文献", "软件开发", "毕业论文", "参考文献", "测绘", "工程", "论文", "参考文献", "论文", "参考文献", "的", "着", "录", "格式", "要求", "与", "规", "学术论文", "参考文献", "范例", "建筑工程", "论文", "参考文献", "格式", "范例", "企业战略管理", "论文", "参考文献", "范例", "电子", "信息工程", "论文", "参考文献", "范例", "艺术学教育", "论文", "参考文献", "论文", "正文", "和", "文", "后", "参考文献", "的", "标注"], ["发布时间", ":", "2017", "-", "06", "-", "12", "参考文献", "著录", "注意事项", "列举", "参考文献", "的", "著录", "需要", "统一", "的", "标准", "和", "格式", ",", "以下", "是", "小", "编", "为", "大家", "推荐", "的", "参考文献", "著录", "注意事项", "列举", ",", "希望", "能", "帮", "到", "大家", "。", "1", "、", "个人", "作者", "(", "包括", "译者", "、", "编者", ")", "著录", "时", "一律", "姓", "在", "前", ",", "名", "在", "后", ",", "由于", "各国", "(", "或", "民族", ")", "的", "姓名", "写法", "不同", ",", "著录", "时", "应", "特别", "注", ".", ".", ".", "发布时间", ":", "2017", "-", "06", "-", "12", "毕业论文", "参考文献", "规范", "参考", "参考文献", "也是", "要", "有", "严格", "的", "规格", "要求", "的", ",", "不合格", "则", "可能", "不", "通过", "毕", "不", "了", "业", "。", "以下", "是", "小", "编", "为", "大家", "推荐", "的", "毕业论文", "参考文献", "规范", "参考", ",", "希望", "能", "帮", "到", "大家", "。", "1", ".", "期刊", "类", "【", "格式", "】", "[", "序号", "]", "作者", ".", "篇", "名", "[", "J", "]", ".", "刊", "名", ",", "出版", "年份", ",", "卷", "号", "(", "期", "号", ")", ":", "起", "止", "页码", ".", ".", ".", ".", "发布时间", ":", "2017", "-", "06", "-", "12", "行政管理", "的", "毕业论文", "参考文献", "行政管理", "专业", "的", "论文", "参考文献", "很多", ",", "其中", "哪些", "比较", "常用", "?", "以下", "是", "小", "编", "为", "大家", "推荐", "的", "行政管理", "毕业论文", "参考文献", ",", "希望", "能", "帮", "到", "大家", "。", "参考文献", "一", ":", "[", "1", "]", "张志强", ".", "内蒙古科技与经济", ".", "2005", "(", "7", ")", ".", "[", "2", "]", "王晓耕", ".", "开放", "区", "竞争力评价", "与", "发展", "路线", ".", ".", ".", "发布时间", ":", "2017", "-", "06", "-", "10", "会计", "论文", "的", "参考文献", "会计电算化", "毕业论文", "企业会计电算化", "的", "现状", "与", "完善", "对策", "摘要", ":", "随着", "经济", "的", "飞速发展", "和", "电子商务", "的", "迅速", "兴起", ",", "会计电算化", "在", "具体", "应用", "中", "存在", "着", "认识", "不足", "、", "人才", "短缺", "、", "信息安全", "风险", "、", "没有", "统一", "规范", "的", "数据接口", "等一系列", "问题", ",", "本", "文", "针", ".", ".", ".", "发布时间", ":", "2017", "-", "06", "-", "10", "会计核算", "论文", "参考文献"]], "paragraphs": ["1文献标注格式 2常用参考文献 3参考文献资料", "参考文献类型:专著[M],论文集[C],报纸文章[N],期刊文章[J],学位论文[D],报告[R],标准[S],专利[P],论文集中的析出文献[A]", "电子文献类型:数据库[DB],计算机[CP],电子公告[EB]", "电子文献的载体类型:互联网[OL],光盘[CD],磁带[MT],磁盘[DK]", "A:专著、论文集、学位论文、报告 [序号]主要责任者.文献题名[文献类型标识].出版地:出版者,出版年.起止页码(可选) [1]刘国钧,陈绍业.图书馆目录[M].北京:高等教育出版社,1957.15-18. B:期刊文章 [序号]主要责任者.文献题名[J].刊名,年,卷(期):起止页码 [1]何龄修.读南明史[J].中国史研究,1998,(3):167-173. [2]OU J P,SOONG T T,et al.Recent advance in research on applications of passive energy dissipation systems[J].Earthquack Eng,1997,38(3):358-361. C:论文集中的析出文献 [序号]析出文献主要责任者.析出文献题名[A].原文献主要责任者(可选).原文献题名[C].出版地:出版者,出版年.起止页码 [7]钟文发.非线性规划在可燃毒物配置中的应用[A].赵炜.运筹学的理论与应用——中国运筹学会第五届大会论文集[C].西安:西安电子科技大学出版社,1996.468. D:报纸文章 [序号]主要责任者.文献题名[N].报纸名,出版日期(版次) [8]谢希德.创造学习的新思路[N].人民日报,1998-12-25(10). E:电子文献 [文献类型/载体类型标识]:[J/OL]网上期刊、[EB/OL]网上电子公告、 [M/CD]光盘图书、[DB/OL]网上数据库、[DB/MT]磁带数据库 [序号]主要责任者.电子文献题名[电子文献及载体类型标识].电子文献的出版或获得地址,发表更新日期/引用日期", "[12]王明亮.关于中国学术期刊标准化数据库系统工程的进展[EB/OL].", "[8]万锦.中国大学学报文摘(1983-1993).英文版[DB/CD].北京:中国大百科全书出版社,1996.", "按热门参考文献查阅>>", "电子商务专业论文参考文献 艺术专业论文参考文献范文 小学体育论文参考文献 软件开发毕业论文参考文献 测绘工程论文参考文献 论文参考文献的着录格式要求与规 学术论文参考文献范例 建筑工程论文参考文献格式范例 企业战略管理论文参考文献范例 电子信息工程论文参考文献范例 艺术学教育论文参考文献 论文正文和文后参考文献的标注", "发布时间:2017-06-12参考文献著录注意事项列举 参考文献的著录需要统一的标准和格式,以下是小编为大家推荐的参考文献著录注意事项列举,希望能帮到大家。 1、个人作者(包括译者、编者)著录时一律姓在前,名在后,由于各国(或民族)的姓名写法不同,著录时应特别注... 发布时间:2017-06-12毕业论文参考文献规范参考 参考文献也是要有严格的规格要求的,不合格则可能不通过毕不了业。以下是小编为大家推荐的毕业论文参考文献规范参考,希望能帮到大家。 1.期刊类 【格式】[序号]作者.篇名[J].刊名,出版年份,卷号(期号):起止页码.... 发布时间:2017-06-12行政管理的毕业论文参考文献 行政管理专业的论文参考文献很多,其中哪些比较常用?以下是小编为大家推荐的行政管理毕业论文参考文献,希望能帮到大家。 参考文献一: [1]张志强.内蒙古科技与经济.2005 (7). [2]王晓耕.开放区竞争力评价与发展路线... 发布时间:2017-06-10会计论文的参考文献 会计电算化毕业论文 企业会计电算化的现状与完善对策摘要:随着经济的飞速发展和电子商务的迅速兴起,会计电算化在具体应用中存在着认识不足、人才短缺、信息安全风险、没有统一规范的数据接口等一系列问题,本文针... 发布时间:2017-06-10会计核算论文参考文献"], "bs_rank_pos": 0}, {"is_selected": true, "title": "论文参考文献标准格式如何写_百度知道", "most_related_para": 0, "segmented_title": ["论文", "参考文献", "标准", "格式", "如何", "写", "_", "百度", "知道"], "segmented_paragraphs": [["参考文献", "规范", "格式", "  ", "一", "、", "参考文献", "的", "类型", "  ", "参考文献", "(", "即", "引文", "出处", ")", "的", "类型", "以", "单", "字母", "方式", "标识", ",", "具体如下", ":", "  ", "M", "—", "—", "专著", "C", "—", "—", "论文集", "N", "—", "—", "报纸", "文章", "  ", "J", "—", "—", "期刊", "文章", "D", "—", "—", "学位论文", "R", "—", "—", "报告", "  ", "对于", "不", "属于", "上述", "的", "文献", "类型", ",", "采用", "字母", "“", "Z", "”", "标识", "。", "  ", "对于", "英文", "参考文献", ",", "还", "应", "注意", "以下", "两点", ":", "  ", "①", "作者姓名", "采用", "“", "姓", "在", "前", "名", "在", "后", "”", "原则", ",", "具体", "格式", "是", ":", "姓", ",", "名字", "的", "首", "字母", ".", "如", ":", "Malcolm", "Richard", "Cowley", "应", "为", ":", "Cowley", ",", "M", ".", "R", ".", ",", "如果", "有", "两位", "作者", ",", "第一位", "作者", "方式", "不变", ",", "&", "之后", "第", "二", "位", "作者", "名字", "的", "首", "字母", "放在", "前面", ",", "姓", "放在", "后面", ",", "如", ":", "Frank", "Norris", "与", "Irving", "Gordon", "应", "为", ":", "Norris", ",", "F", ".", "&", "I", ".", "Gordon", ".", ";", "  ", "②", "书名", "、", "报刊", "名", "使用", "斜体字", ",", "如", ":", "Mastering", "English", "Literature", ",", "English", "Weekly", "。", "  ", "二", "、", "参考文献", "的", "格式", "及", "举例", "  ", "1", ".", "期刊", "类", "  ", "【", "格式", "】", "[", "序号", "]", "作者", ".", "篇", "名", "[", "J", "]", ".", "刊", "名", ",", "出版", "年份", ",", "卷", "号"], ["发表", "吧", "有", "详细", "说明", ",", "你", "可以", "去", "他们", "网站", "搜", "一", "下", "。"]], "paragraphs": ["参考文献规范格式   一、参考文献的类型   参考文献(即引文出处)的类型以单字母方式标识,具体如下:   M——专著 C——论文集 N——报纸文章   J——期刊文章 D——学位论文 R——报告   对于不属于上述的文献类型,采用字母“Z”标识。   对于英文参考文献,还应注意以下两点:   ①作者姓名采用“姓在前名在后”原则,具体格式是: 姓,名字的首字母. 如: Malcolm Richard Cowley 应为:Cowley, M.R.,如果有两位作者,第一位作者方式不变,&之后第二位作者名字的首字母放在前面,姓放在后面,如:Frank Norris 与Irving Gordon应为:Norris, F. & I.Gordon.;   ②书名、报刊名使用斜体字,如:Mastering English Literature,English Weekly。   二、参考文献的格式及举例   1.期刊类   【格式】[序号]作者.篇名[J].刊名,出版年份,卷号", "发表吧有详细说明,你可以去他们网站搜一下。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "论文参考文献的格式是什么_百度知道", "most_related_para": 0, "segmented_title": ["论文", "参考文献", "的", "格式", "是", "什么", "_", "百度", "知道"], "segmented_paragraphs": [["10", "(", "3", ")", ",", "234", "-", "245", "10", ":", "卷", "volume", "(", "3", ")", ":", "期", "Issue", "234", "-", "245", ":", "文献", "起始", "页码", "没有", "No", "."], ["vol", ".", "是", "卷", "的", "意思", ",", "在", "这里", "应该", "是", "10", ",", "No", ".", "是", "number", "的", "意思", ",", "就是", "第", "几", "期", ",", "应该", "是", "3"]], "paragraphs": ["10(3), 234-245 10: 卷 volume (3): 期 Issue 234-245:文献起始页码 没有No.", "vol.是卷的意思,在这里应该是10,No.是number的意思,就是第几期,应该是3"], "bs_rank_pos": 2}, {"is_selected": false, "title": "参考文献书写格式", "most_related_para": 1, "segmented_title": ["参考文献", "书写", "格式"], "segmented_paragraphs": [["参考文献", "书写", "格式", "应", "符合", "GB", "7714", "-", "1987", "《", "文", "后", "参考文献", "著录", "规则", "》", "。", "常用", "的", "参考文献", "书写", "格式", "是", "怎么样", "的", "呢", "?", "YJBYS", "小", "编", "为", "大家", "介绍", "如", "下", ":"], ["(", "1", ")", "期刊", "[", "序号", "]", "主要", "作者", ".", "文献", "题", "名", "[", "J", "]", ".", "刊", "名", ",", "出版", "年份", ",", "卷", "号", "(", "期", "号", ")", ":", "起", "止", "页码", ".", "例如", ":", "[", "1", "]", "袁庆龙", ",", "候", "文", "义", ".", "Ni", "-", "P", "合金", "镀层", "组织", "形貌", "及", "显微", "硬度", "研究", "[", "J", "]", ".", "太原理工大学", "学报", ",", "2001", ",", "32", "(", "1", ")", ":", "51", "-", "53", ".", "(", "2", ")", "专著", "[", "序号", "]", "著者", ".", "书名", "[", "M", "]", ".", "出版", "地", ":", "出版", "者", ",", "出版", "年", ":", "起", "止", "页码", ".", "例如", ":", "[", "2", "]", "刘国钧", ",", "王连成", ".", "图书馆", "史", "研究", "[", "M", "]", ".", "北京", ":", "高等教育出版社", ",", "1979", ":", "15", "-", "18", ",", "31", ".", "(", "3", ")", "论文集", "[", "序号", "]", "著者", ".", "文献", "题", "名", "[", "C", "]", ".", "编者", ".", "论文集", "名", ".", "出版", "地", ":", "出版", "者", ",", "出版", "年", ":", "起", "止", "页码", ".", "例如", ":", "[", "3", "]", "孙品", "一", ".", "高校学报", "编辑", "工作", "现代化", "特征", "[", "C", "]", ".", "中国", "高等学校", "自然科学", "学报", "研究会", ".", "科技", "编辑", "学", "论文集", "(", "2", ")", ".", "北京", ":", "北京师范大学", "出版社", ",", "1998", ":", "10", "-", "22", ".", "(", "4", ")", "学位论文", "[", "序号", "]", "作者", ".", "题", "名", "[", "D", "]", ".", "保存", "地", ":", "保存", "单位", ",", "年份", ".", "如", ":", "[", "4", "]", "张", "和", "生", ".", "地质力学", "系统", "理论", "[", "D", "]", ".", "太原", ":", "太原理工大学", ",", "1998", ".", "(", "5", ")", "报告", "[", "序号", "]", "作者", ".", "文献", "题", "名", "[", "R", "]", ".", "报告", "地", ":", "报告会", "主办单位", ",", "年份", ".", "例如", ":", "[", "5", "]", "冯西桥", ".", "核", "反应堆", "压力容器", "的", "LBB", "分析", "[", "R", "]", ".", "北京", ":", "清华大学", "核能", "技术", "设计", "研究院", ",", "1997", "."], ["(", "6", ")", "专利文献"], ["[", "序号", "]", "专利", "所有者", ".", "专利", "题", "名", "[", "P", "]", ".", "专利", "国", "别", ":", "专利号", ",", "发布日期", "."], ["例如", ":", "[", "6", "]", "姜锡洲", ".", "一", "种", "温", "热", "外敷", "药", "制备", "方案", "[", "P", "]", ".", "中国", "专利", ":", "881056078", ",", "1983", "-", "08", "-", "12", "."], ["(", "7", ")", "国际", "、", "国家标准"], ["[", "序号", "]", "标准", "代号", ",", "标准", "名称", "[", "S", "]", ".", "出版", "地", ":", "出版", "者", ",", "出版", "年", "."], ["例如", ":", "[", "7", "]", "GB", "/", "T", "16159", "—", "1996", ",", "汉语拼音", "正词法", "基本", "规则", "[", "S", "]", ".", "北京", ":", "中国", "标准", "出版社", ",", "1996", "."], ["(", "8", ")", "报纸", "文章"], ["[", "序号", "]", "作者", ".", "文献", "题", "名", "[", "N", "]", ".", "报纸", "名", ",", "出版日期", "(", "版次", ")", "."], ["例如", ":", "[", "8", "]", "谢希德", ".", "创造", "学习", "的", "思路", "[", "N", "]", ".", "人民日报", ",", "1998", "-", "12", "-", "25", "(", "10", ")", "."], ["(", "9", ")", "电子", "文献"], ["[", "序号", "]", "作者", ".", "电子", "文献", "题", "名", "[", "文献", "类型", "/", "载体", "类型", "]", ".", "电子", "文献", "的", "出版", "或", "可获得", "地址", ",", "发表", "或", "更新", "的", "期", "/", "引用", "日期", "(", "任选", ")", "."], ["例如", ":", "[", "9", "]", "王明亮", ".", "中国", "学术期刊", "标准化", "数据库", "系统工程", "的", "[", "EB", "/", "OL", "]", "."], ["参考文献", "的", "类型"], ["根据", "GB", "3469", "-", "83", "《", "文献", "类型", "与", "文献", "载体", "代码", "》", "规定", ",", "以", "单", "字母", "标识", ":"], ["M", "—", "—", "专著", "(", "含", "古籍", "中", "的", "史", "、", "志", "论著", ")"], ["C", "—", "—", "论文集"], ["N", "—", "—", "报纸", "文章"], ["J", "—", "—", "期刊", "文章"], ["D", "—", "—", "学位论文"], ["R", "—", "—", "研究报告"], ["S", "—", "—", "标准"], ["P", "—", "—", "专利"], ["A", "—", "—", "专著", "、", "论文", "集中", "的", "析出", "文献"], ["Z", "—", "—", "其他", "未", "说明", "的", "文献", "类型"], ["电子", "文献", "类型", "以", "双", "字母", "作为", "标识", ":"], ["DB", "—", "—", "数据库"], ["CP", "—", "—", "计算机", "程序"], ["EB", "—", "—", "电子", "公告"], ["非", "纸张", "型", "载体", "电子", "文献", ",", "在", "参考文献", "标识", "中", "同时", "标明", "其", "载体", "类型", ":"], ["DB", "/", "OL", "—", "—", "联机", "网上", "的", "数据库"], ["DB", "/", "MT", "—", "—", "磁带", "数据库"], ["M", "/", "CD", "—", "—", "光盘", "图书"], ["CP", "/", "DK", "—", "—", "磁盘", "软件"], ["J", "/", "OL", "—", "—", "网上", "期刊"], ["EB", "/", "OL", "—", "—", "网上", "电子", "公告"], ["一", "、", "参考文献", "著录", "格式", "1", "、", "期刊", "作者", ".", "题", "名", "〔", "J", "〕", ".", "刊", "名", ",", "出版", "年", ",", "卷", "(", "期", ")", "∶", "起", "止", "页码", "2", "、", "专著", "作者", ".", "书名", "〔", "M", "〕", ".", "版本", "(", "第一版", "不", "著录", ")", ".", "出版", "地", "∶", "出版", "者", ",", "出版年∶", "起", "止", "页码", "3", "、", "论文集", "作者", ".", "题", "名", "〔", "C", "〕", ".", "编者", ".", "论文集", "名", ",", "出版", "地", "∶", "出版", "者", ",", "出版年∶", "起", "止", "页码", "4", "、", "学位论文", "作者", ".", "题", "名", "〔", "D", "〕", ".", "保存", "地点", ".", "保存", "单位", ".", "年份", "5", "、", "专利文献", "题", "名", "〔", "P", "〕", ".", "国", "别", ".", "专利", "文献", "种类", ".", "专利号", ".", "出版日期", "6", "、", "标准", "编号", ".", "标准", "名称", "〔", "S", "〕", "7", "、", "报纸", "作者", ".", "题", "名", "〔", "N", "〕", ".", "报纸", "名", ".", "出版日期", "(", "版次", ")", "8", "、", "报告", "作者", ".", "题", "名", "〔", "R", "〕", ".", "保存", "地点", ".", "年份", "9", "、", "电子", "文献", "作者", ".", "题", "名", "〔", "电子", "文献", "及", "载体", "类型", "标识", "〕", ".", "文献", "出处", ",", "日期", "二", "、", "文献", "类型", "及其", "标识", "1", "、", "根据", "GB", "3469", "规定", ",", "各类", "常用", "文献", "标识", "如", "下", ":", "①", "期刊", "〔", "J", "〕", "②", "专著", "〔", "M", "〕", "③", "论文集", "〔", "C", "〕", "④", "学位论文", "〔", "D", "〕", "⑤", "专利", "〔", "P", "〕", "⑥", "标准", "〔", "S", "〕", "⑦", "报纸", "〔", "N", "〕", "⑧", "技术", "报告", "〔", "R", "〕", "2", "、", "电子", "文献", "载体", "类型", "用", "双", "字母", "标识", ",", "具体如下", ":", "①", "磁带", "〔", "MT", "〕", "②", "磁盘", "〔", "DK", "〕", "③", "光盘", "〔", "CD", "〕", "④", "联机", "网络", "〔", "OL", "〕", "3", "、", "电子", "文献", "载体", "类型", "的", "参考文献", "类型", "标识", "方法", "为", ":", "〔", "文献", "类型", "标识", "/", "载体", "类型", "标识", "〕", "。", "例如", ":", "①", "联机", "网上", "数据库", "〔", "DB", "/", "OL", "〕", "②", "磁带", "数据库", "〔", "DB", "/", "MT", "〕", "③", "光盘", "图书", "〔", "M", "/", "CD", "〕"]], "paragraphs": ["参考文献书写格式应符合GB7714-1987《文后参考文献著录规则》。常用的参考文献书写格式是怎么样的呢?YJBYS小编为大家介绍如下:", "(1)期刊[序号] 主要作者.文献题名[J].刊名,出版年份,卷号(期号):起止页码.例如: [1] 袁庆龙,候文义.Ni-P 合金镀层组织形貌及显微硬度研究[J].太原理工大学学报,2001,32(1):51-53.(2)专著[序号] 著者.书名[M].出版地:出版者,出版年:起止页码.例如:[2] 刘国钧,王连成.图书馆史研究[M].北京:高等教育出版社,1979:15-18,31.(3)论文集[序号] 著者.文献题名[C].编者.论文集名.出版地:出版者,出版年:起止页码.例如:[3] 孙品一.高校学报编辑工作现代化特征[C].中国高等学校自然科学学报研究会.科技编辑学论文集(2).北京:北京师范大学出版社,1998:10-22.(4)学位论文[序号] 作者.题名[D].保存地:保存单位,年份.如:[4] 张和生.地质力学系统理论[D].太原:太原理工大学,1998.(5)报告[序号] 作者.文献题名[R].报告地:报告会主办单位,年份.例如:[5] 冯西桥.核反应堆压力容器的LBB 分析[R].北京:清华大学核能技术设计研究院,1997.", "(6)专利文献", "[序号] 专利所有者.专利题名[P].专利国别:专利号,发布日期.", "例如:[6] 姜锡洲.一种温热外敷药制备方案[P].中国专利:881056078,1983-08-12.", "(7)国际、国家标准", "[序号] 标准代号,标准名称[S].出版地:出版者,出版年.", "例如:[7] GB/T 16159—1996,汉语拼音正词法基本规则[S].北京:中国标准出版社,1996.", "(8)报纸文章", "[序号] 作者.文献题名[N].报纸名,出版日期(版次).", "例如:[8] 谢希德.创造学习的思路[N].人民日报,1998-12-25(10).", "(9)电子文献", "[序号] 作者.电子文献题名[文献类型/载体类型].电子文献的出版或可获得地址,发表或更新的期/引用日期(任选).", "例如:[9] 王明亮.中国学术期刊标准化数据库系统工程的[EB/OL].", "参考文献的类型", "根据GB3469-83《文献类型与文献载体代码》规定,以单字母标识:", "M——专著(含古籍中的史、志论著)", "C——论文集", "N——报纸文章", "J——期刊文章", "D——学位论文", "R——研究报告", "S——标准", "P——专利", "A——专著、论文集中的析出文献", "Z——其他未说明的文献类型", "电子文献类型以双字母作为标识:", "DB——数据库", "CP——计算机程序", "EB——电子公告", "非纸张型载体电子文献,在参考文献标识中同时标明其载体类型:", "DB/OL——联机网上的数据库", "DB/MT——磁带数据库", "M/CD——光盘图书", "CP/DK——磁盘软件", "J/OL——网上期刊", "EB/OL——网上电子公告", "一、参考文献著录格式1 、期刊作者.题名〔J〕.刊名,出版年,卷(期)∶起止页码2、 专著作者.书名〔M〕.版本(第一版不著录).出版地∶出版者,出版年∶起止页码3、 论文集作者.题名〔C〕.编者.论文集名,出版地∶出版者,出版年∶起止页码4 、学位论文作者.题名〔D〕.保存地点.保存单位.年份5 、专利文献题名〔P〕.国别.专利文献种类.专利号.出版日期6、 标准编号.标准名称〔S〕7、 报纸作者.题名〔N〕.报纸名.出版日期(版次)8 、报告作者.题名〔R〕.保存地点.年份9 、电子文献作者.题名〔电子文献及载体类型标识〕.文献出处,日期二、文献类型及其标识1、根据GB3469 规定,各类常用文献标识如下:①期刊〔J〕②专著〔M〕③论文集〔C〕④学位论文〔D〕⑤专利〔P〕⑥标准〔S〕⑦报纸〔N〕⑧技术报告〔R〕2、电子文献载体类型用双字母标识,具体如下:①磁带〔MT〕②磁盘〔DK〕③光盘〔CD〕④联机网络〔OL〕3、电子文献载体类型的参考文献类型标识方法为:〔文献类型标识/载体类型标识〕。例如:①联机网上数据库〔DB/OL〕②磁带数据库〔DB/MT〕③光盘图书〔M/CD〕"], "bs_rank_pos": 3}, {"is_selected": false, "title": "本科毕业论文参考文献格式", "most_related_para": 6, "segmented_title": ["本科", "毕业论文", "参考文献", "格式"], "segmented_paragraphs": [["本科", "学生", "毕业论文", "的", "写作", "格式", "要求", ",", "是", "毕业论文", "写作", "训练", "环节", "的", "有机", "组成", "部分", "。", "参考文献", "的", "格式", "是", "毕业论文", "写作", "格式", "中", "一", "个", "重要组成部分", "。", "参考文献", "是", "作者", "写作", "论著", "时", "所", "参考", "的", "文献", "书目", ",", "参考文献", "应是", "论文", "作者", "亲自", "阅读", "过", "的", "对", "毕业论文", "有", "参考", "价值", "的", "文献", "。", "参考文献", "应", "具有", "权威性", ",", "同时", "要", "注意", "引用", "最新", "的", "文献", "。"], ["鉴于", "学校", "对", "毕业论文", "格式", "的", "参考文献", "要求", "中", "有些", "地方", "不是", "太清楚", ",", "为", "严格", "学术规范", ",", "根据", "国家", "引文", "格式", ",", "特", "拟定", "我", "系", "本科生", "毕业论文", "参考文献", "格式", "要求", "。"], ["1", "、", "论文", "中", "被", "引用", "的", "参考文献", "序号", "置于", "所", "引用", "部分", "的", "右上角", "如", "“", "模拟", "电路", "的", "实验", "研究表明", "”", "。"], ["3", "、", "参考文献", "(", "即", "引文", "出处", ")", "的", "类型", "有", "以下", "形式", ",", "分别", "以", "单", "字母", "方式", "标识", ",", "具体", "为", ":"], ["M", "—", "—", "专著", ",", "C", "—", "—", "论文集", ",", "N", "—", "—", "报纸", "文章", ",", "J", "—", "—", "期刊", "文章", ",", "D", "—", "—", "学位论文", ",", "R", "—", "—", "报告", ",", "S", "—", "—", "标准", ",", "P", "—", "—", "专利", ";", "对于", "不", "属于", "上述", "的", "文献", "类型", ",", "采用", "字母", "“", "Z", "”", "标识", "。"], ["4", "、", "各种", "参考文献", "的", "书写", "格式如下", ":"], ["(", "1", ")", "期刊", "文献", "书写", "示例", ":", "文献", "序号", "作者", ".", "论文", "题", "名", "[", "J", "]", ".", "刊物", "名", ",", "出版", "年", ",", "卷", "(", "期", ")", ":", "论文", "在", "刊物", "中", "的", "页码", "A", "~", "B", ".", "[", "1", "]", "高", "曙", "明", ".", "自动", "特征", "识别", "技术", "综述", "[", "J", "]", ".", "计算机", "学报", ",", "1988", ",", "21", "(", "3", ")", ":", "281", "~", "288", ".", "(", "2", ")", "图书", "专著", "文献", "书写", "示例", ":", "文献", "序号", "作者", ".", "书名", "[", "M", "]", ".", "出版", "地", ":", "出版社", ",", "出版", "年", ",", "起", "~", "止", "页码", ".", "吴敏", "金", ".", "分形", "信息", "导论", "[", "M", "]", ".", "上海", ":", "上海", "科技", "出版社", ",", "1998", ",", "56", "~", "82", ".", "(", "3", ")", "新闻", "报纸", "文献", "书写", "示例", ":", "文献", "序号", "作者", ".", "文献", "名", "[", "N", "]", ".", "报刊", "名", ",", "出版日期", "(", "版次", ")", ".", "李劲松", ".", "21", "世纪", "的", "光", "电子", "产生", "[", "N", "]", ".", "科学时报", ",", "2001", ".", "02", ".", "19", "(", "2", ")", ".", "(", "4", ")", "论文集", "文献", "书写", "示例", ":", "文献", "序号", "析出", "文献", "的", "主要", "责任", "者", ".", "析出", "文献", "题", "名", "[", "A", "]", ".", "原", "文献", "主要", "责任", "者", "。", "原", "文献", "题", "名", "[", "C", "]", ".", "出版", "地", ":", "出版", "者", ",", "出版", "年", ",", "析出", "文献", "的", "起", "止", "页码", ".", "例如", ":", "钟", "文", "发", ".", "非线性规划", "在", "可", "染毒", "物", "配置", "中", "的", "应用", "[", "A", "]", ".", "赵玮", ".", "运筹学", "的", "理论", "与", "应", "―", "―", "中国", "运筹", "学会", "第五届", "大会", "论文集", "[", "C", "]", ".", "西安", ":", "西安", "电子科技大学", "出版社", ",", "1996", ",", "468", "~", "471", "."], ["(", "5", ")", "学位论文", "文献", "书写", "示例", ":"], ["大学生", "论文", "写作指导", "论文", "的", "选题", "方法", "毕业论文", "开题报告", "格式", "毕业论文", "开题报告", "注意", ".", ".", ".", "毕业论文", "格式", "毕业论文", "注意事项"], ["文献", "序号", "作者", ".", "论文", "名", "[", "D", "]", ":", "[", "×", "×", "学位论文", "]", ".", "授予", "单位", "所在地", ":", "授予", "单位", ",", "授予", "年", ".", "例如", ":", "李立", "千", ".", "基于", "Internet", "的", "数控系统", "故障诊断", "研究", "[", "D", "]", ":", "[", "博士", "学位论文", "]", ".", "北京", ":", "北京", "航空", "航天大学", ",", "2000", "."], ["(", "6", ")", "报告", "文献", "书写", "示例", ":"], ["文献", "序号", "作者", ".", "报告", "题", "名", "[", "R", "]", ".", "报告", "单位", "所在地", ":", "报告", "单位", ",", "报告", "年", "."], ["例如", ":", "冯西桥", ".", "高等教育", "管理", "的", "决策", "分析", "[", "R", "]", ".", "长沙", ":", "中南大学", "高等教育", "研究所", ",", "2002", "."], ["(", "7", ")", "专利文献", "书写", "示例"], ["文献", "序号", "申请者", ".", "专利", "名", "[", "P", "]", ".", "专利", "国", "别", ":", "专利号", ",", "日期", ".", "例如", ":", "[", "5", "]", "杨务滋", ",", "吴万荣", ",", "刘忠", ".", "预", "节", "流", "双向", "液压锁", "[", "P", "]", ".", "中国专利", ":", "ZL", "97208080", ",", "1998", "―", "05", "―", "10", "."], ["(", "8", ")", "技术", "标准", "文献", "示例"], ["文献", "序号", "发布", "单位", ".", "技术", "标准", "代号", "[", "S", "]", ".", "技术", "标准", "名称", "。", "出版", "地", ":", "出版", "者", ",", "出版日期", "."], ["例如", ":", "[", "6", "]", "中华人民共和国", "国家", "技术", "监督局", ".", "GB", "3100", "―", "3102", "[", "s", "]", ".", "中华人民共和国", "国家标准", "一", "量", "与", "单位", ".", "北京", ":", "中国", "标准", "出版社", ",", "1994", "-", "11", "-", "01", "."], ["(", "9", ")", "电子", "文献", "书写", "示例"], ["文献", "序号", "主要", "责任", "者", ".", "电子", "文献", "题", "名", "[", "电子", "文献", "及", "载体", "类型", "标识", "]", ".", "电子", "文献", "的", "出处", "或", "可获得", "地址", ",", "发表", "或", "更新日期", "/", "引用", "日期", "(", "任选", ")", "."], ["例如", ":", "[", "9", "]", "王明亮", ".", "关于", "中国", "学术期刊", "标准", "化学", "数据库", "系统工程", "的", "进展", "[", "EB", "/", "OL", "]", "."], ["例如", ":", "[", "3", "]", "Sun", "Micro", "systems", ".", "The", "Java", "TM", "2", "Enterpri", "se", "Edit", "ion", "Developer", "’", "S", "Guide", "."], ["论文", "的", "其他", "格式", "要求", ",", "请", "严格按照", "贵阳", "学院", "关于", "毕业论文", "(", "设计", ")", "的", "管理", "文件", "规定", "。"], ["在", "毕业论文", "核查", "中", ",", "凡", "参考文献", "体例", "与", "上述", "规定", "格式", "严重", "不符", "者", ",", "将", "责令", "重", "作", "。", "请", "同学们", "在", "论文", "定稿", "时", "按", "以上", "要求", "修改", ",", "以", "免", "影响", "正常", "毕业", "。"], ["知识", "扩展", ":", "在", "引用", "参考文献", "的", "时候", "我们", "应该", "注意"], ["1", "、", "尽管", "直接", "引用", "在", "论文", "写作", "中", "比较", "少见", ",", "但是", "对于", "原始", "资料", "的", "改写", "却", "很", "常见", "。", "如果", "使用", "了", "他人", "的", "思想", "和", "成果", ",", "就", "需要", "在", "正文", "里", "注明", "出处", ",", "并", "将", "其", "列", "在", "文章", "最后", "的", "文献", "列表", "里", "。", "2", "、", "参考文献", "不仅", "是", "对", "他人", "贡献", "的", "一", "种", "承认", ",", "也", "可", "进一步", "引领", "读者", "获取", "其他", "感兴趣", "的", "文献", "中", "的", "信息", "。", "另外", ",", "文献", "还给", "编辑", "提供", "了", "审稿人", "信息", ",", "并", "显示", "了", "作者", "对", "本", "专业", "领域", "的", "熟悉", "程度", "。", "3", "、", "大多数", "作者", "会", "收集", "超出", "稿件", "所", "需要", "的", "文献", "。", "从", "所有", "文献", "中", "立刻", "筛选出", "相关", "文献", "比较", "困难", "。", "评述", "文章", "因", "包含", "大量", "信息", ",", "所以", "含有", "很多", "文献", ",", "而", "研究", "论文", "则", "不同", ",", "它", "应当", "只", "列出", "最", "相关", "的", "文献", ",", "并且", "为", "使", "读者", "容易", "阅读", ",", "应", "尽量", "将", "文献", "数量", "控制", "在", "合适", "的", "或", "期刊", "要求", "的", "规模", "。", "4", "、", "最", "相关文献", "通常", "是", "期刊", "论文", "、", "书籍", "和", "博士", "学位论文", "。", "会议", "摘要", "、", "会议", "论文集", "、", "个人", "通信", "和", "未", "出版", "的", "数据", "可以", "在", "文", "中", "以", "括号", "引用", ",", "但", "这些", "文献", "一般", "不", "列", "在", "文", "后", "的", "参考文献", "里", ",", "通常", "只能", "用来", "支持", "研究结果", ",", "而", "不", "应用", "来", "支持", "任何", "重要", "的", "结论", ",", "不能", "作为", "最", "相关", "或", "有效", "的", "文献", "。"], ["为", "降低", "文献", "数量", ",", "引用", "原始", "文章", "并", "选择", "最", "重要", "的", "、", "水平", "最高", "的", "或", "最近", "的", "论文", ",", "而", "不是", "列出", "关于", "某", "个", "话题", "的", "所有", "论文", "。", "应当", "引用", "第一手", "资料", "来", "证实", "特定", "的", "研究结果", ",", "此类", "资料", "是", "经过", "同行", "评审", "出版", "的", "科学家", "的", "原始", "数据", "、", "结果", "和", "理论", "。", "在", "主题", "的", "概述", "中", ",", "也", "可", "使用", "评述", "文章", ",", "意", "在", "提供", "关于", "某", "个", "主题", "的", "全面", "概述", "。"], ["引用", "别人", "的", "作品", "都", "必须", "注明", "完整", "的", "出处", "—", "—", "脚注", "或者", "尾注", "都", "可以", "。", "故", "而", ",", "我们", "在", "引用", "参考文献", "的", "时候", "还", "需要", "学会", "正确", "的", "标注", "。"], ["更多", "相关文章", "推荐", "阅读", ":"], ["本科", "毕业论文", "参考文献", "格式", "相关", "推荐"]], "paragraphs": ["本科学生毕业论文的写作格式要求,是毕业论文写作训练环节的有机组成部分。参考文献的格式是毕业论文写作格式中一个重要组成部分。参考文献是作者写作论著时所参考的文献书目,参考文献应是论文作者亲自阅读过的对毕业论文有参考价值的文献。参考文献应具有权威性,同时要注意引用最新的文献。", "鉴于学校对毕业论文格式的参考文献要求中有些地方不是太清楚,为严格学术规范,根据国家引文格式,特拟定我系本科生毕业论文参考文献格式要求。", "1、论文中被引用的参考文献序号置于所引用部分的右上角如“模拟电路的实验研究表明”。", "3、参考文献(即引文出处)的类型有以下形式,分别以单字母方式标识,具体为:", "M——专著,C——论文集,N——报纸文章,J——期刊文章,D——学位论文,R——报告,S——标准,P——专利;对于不属于上述的文献类型,采用字母“Z”标识。", "4、各种参考文献的书写格式如下:", "(1)期刊文献书写示例:文献序号 作者.论文题名[J].刊物名,出版年,卷(期):论文在刊物中的页码A~B.[1] 高曙明.自动特征识别技术综述[J].计算机学报,1988,21(3):281~288.(2)图书专著文献书写示例:文献序号 作者.书名[M].出版地:出版社,出版年,起~止页码.吴敏金.分形信息导论[M].上海:上海科技出版社,1998,56~82.(3)新闻报纸文献书写示例:文献序号 作者.文献名[N].报刊名,出版日期(版次).李劲松.21世纪的光电子产生[N].科学时报,2001.02.19(2).(4)论文集文献书写示例:文献序号 析出文献的主要责任者.析出文献题名[A].原文献主要责任者。原文献题名[C].出版地:出版者,出版年,析出文献的起止页码.例如:钟文发.非线性规划在可染毒物配置中的应用[A].赵玮.运筹学的理论与应――中国运筹学会第五届大会论文集[C].西安:西安电子科技大学出版社,1996,468~471.", "(5)学位论文文献书写示例:", "大学生论文写作指导 论文的选题方法 毕业论文开题报告格式 毕业论文开题报告注意... 毕业论文格式 毕业论文注意事项", "文献序号 作者.论文名[D]:[××学位论文].授予单位所在地:授予单位,授予年. 例如:李立千.基于Internet的数控系统故障诊断研究[D]:[博士学位论文].北京:北京航空航天大学,2000.", "(6)报告文献书写示例:", "文献序号 作者.报告题名[R].报告单位所在地:报告单位,报告年.", "例如: 冯西桥.高等教育管理的决策分析[R].长沙:中南大学高等教育研究所,2002.", "(7) 专利文献书写示例", "文献序号 申请者.专利名[P].专利国别:专利号,日期. 例如:[5] 杨务滋,吴万荣,刘忠.预节流双向液压锁[P].中国专利:ZL97208080,1998―05―10.", "(8) 技术标准文献示例", "文献序号 发布单位.技术标准代号[S].技术标准名称。出版地:出版者,出版日期.", "例如:[6] 中华人民共和国国家技术监督局.GB3100―3102[s].中华人民共和国国家标准一量与单位.北京:中国标准出版社,1994-11-01.", "(9) 电子文献书写示例", "文献序号 主要责任者.电子文献题名[电子文献及载体类型标识].电子文献的出处或可获得地址,发表或更新日期/引用日期(任选).", "例如:[9] 王明亮.关于中国学术期刊标准化学数据库系统工程的进展[EB/OL].", "例如:[3] Sun Microsystems.The Java TM2 Enterpri se Edit ion Developer’S Guide.", "论文的其他格式要求,请严格按照贵阳学院关于毕业论文(设计)的管理文件规定。", "在毕业论文核查中,凡参考文献体例与上述规定格式严重不符者,将责令重作。请同学们在论文定稿时按以上要求修改,以免影响正常毕业。", "知识扩展:在引用参考文献的时候我们应该注意", "1、尽管直接引用在论文写作中比较少见,但是对于原始资料的改写却很常见。如果使用了他人的思想和成果,就需要在正文里注明出处,并将其列在文章最后的文献列表里。2、参考文献不仅是对他人贡献的一种承认,也可进一步引领读者获取其他感兴趣的文献中的信息。另外,文献还给编辑提供了审稿人信息,并显示了作者对本专业领域的熟悉程度。3、大多数作者会收集超出稿件所需要的文献。从所有文献中立刻筛选出相关文献比较困难。评述文章因包含大量信息,所以含有很多文献,而研究论文则不同,它应当只列出最相关的文献,并且为使读者容易阅读,应尽量将文献数量控制在合适的或期刊要求的规模。4、最相关文献通常是期刊论文、书籍和博士学位论文。会议摘要、会议论文集、个人通信和未出版的数据可以在文中以括号引用,但这些文献一般不列在文后的参考文献里,通常只能用来支持研究结果,而不应用来支持任何重要的结论,不能作为最相关或有效的文献。", "为降低文献数量,引用原始文章并选择最重要的、水平最高的或最近的论文,而不是列出关于某个话题的所有论文。应当引用第一手资料来证实特定的研究结果,此类资料是经过同行评审出版的科学家的原始数据、结果和理论。在主题的概述中,也可使用评述文章,意在提供关于某个主题的全面概述。", "引用别人的作品都必须注明完整的出处——脚注或者尾注都可以。故而,我们在引用参考文献的时候还需要学会正确的标注。", "更多相关文章推荐阅读:", "本科毕业论文参考文献格式相关推荐"], "bs_rank_pos": 4}], "answer_spans": [[200, 218]], "fake_answers": ["【格式】[序号]作者.篇名[J].刊名,出版年份"], "question": "论文参考文献的格式", "segmented_answers": [["【", "格式", "】", "[", "序号", "]", "作者", ".", "篇", "名", "[", "C", "]", ".", "出版", "地", ":", "出版", "者", ",", "出版", "年份", ":", "起始", "页码", "."]], "answers": ["【格式】[序号]作者.篇名[C].出版地:出版者,出版年份:起始页码."], "answer_docs": [1], "segmented_question": ["论文", "参考文献", "的", "格式"], "question_type": "DESCRIPTION", "question_id": 91171, "fact_or_opinion": "FACT", "match_scores": [0.6666666666666666]}
-{"documents": [{"is_selected": true, "title": "送给一个自己很喜欢女孩子的生日礼物,送什么比较好?_百度知道", "most_related_para": 0, "segmented_title": ["送给", "一", "个", "自己", "很", "喜欢", "女孩子", "的", "生日礼物", ",", "送", "什么", "比较好", "?", "_", "百度", "知道"], "segmented_paragraphs": [["1", "、", "创意", "U盘", ":", "外观造型", "和", "特别", "很", "美丽", "的", "那些", "U盘", ",", "U盘", "代表", "的", "不仅", "是", "可以", "储存", "信息", ",", "更重要", "的", "是", "贮存", "情谊", "。", "一辈子", "的", "情", ",", "锁定", "创意", "U盘", "。", "2", "、", "水晶钢琴", ":", "水晶钢琴", "不仅", "美丽", ",", "而且", "可以", "放", "歌曲", ",", "还", "可以", "利用", "提供", "的", "照片", "弄", "上去", ",", "这样的话", ",", "这份", "礼物", "不仅可以", "是", "摆设", ",", "更", "可以", "祝福", "。", "3", "、", "DIY", "报纸杂志", ":", "提供", "生活", "的", "相片", "和", "资料", ",", "做成", "一", "本", "精美", "的", "报纸", "或者", "杂志", ",", "再加上", "特别", "的", "话语", ",", "很", "有", "价值", "的", "。", "4", "、", "饰品", "礼盒", ":", "礼物", "的", "本身", "不在", "饰品", "盒", "的", "作用", "功能", ",", "不仅", "显得", "高贵", ",", "更重要", "的", "是", "可以", "流露", "出", "一", "种", "对", "对方", "的", "体贴", ",", "关注", "。", "可以", "考虑", "一", "下", "。"], ["呵呵", ",", "送礼物", "一定要", "有", "个性", "和", "创意", "才能", "体现", "出", "你", "的", "情", "意", "。", "可以", "送", "ta", "一", "张", "ta", "出生", "那天", "的", "原版", "报纸", ",", "让", "ta", "知道", "ta", "出生", "那天", "都", "发生", "了", "什么", ",", "这个", "创意", "一定", "能", "让", "ta", "感动", "不", "已", "~"], ["朋友", ",", "你", "跟", "她", "表白", "吧", "!", "我喜欢", "的", "女孩子", "也有", "一", "个", "“", "英", "”", "字"], ["在", "他", "生日", "的", "时候", "送", "她", "比较好", "的", "礼物", "最好", "是", "蛋糕", "上面", "写", "上", "你", "想", "说", "的", "。", "成功", "了", "告诉我"], ["送", "娃娃", ",", "女孩子", "都", "喜欢", "娃娃", ",", "不是", "那种", "洋娃娃", ",", "是", "动物", "的", "那种", "。", "。", "。"]], "paragraphs": ["1、创意U盘:外观造型和特别很美丽的那些U盘,U盘代表的不仅是可以储存信息,更重要的是贮存情谊。一辈子的情,锁定创意U盘。 2、水晶钢琴:水晶钢琴不仅美丽,而且可以放歌曲,还可以利用提供的照片弄上去,这样的话,这份礼物不仅可以是摆设,更可以祝福。 3、DIY报纸杂志:提供生活的相片和资料,做成一本精美的报纸或者杂志,再加上特别的话语,很有价值的。 4、饰品礼盒:礼物的本身不在饰品盒的作用功能,不仅显得高贵,更重要的是可以流露出一种对对方的体贴,关注。可以考虑一下。", "呵呵,送礼物一定要有个性和创意才能体现出你的情意。可以送ta一张ta出生那天的原版报纸,让ta知道ta出生那天都发生了什么,这个创意一定能让ta感动不已~", "朋友,你跟她表白吧!我喜欢 的女孩子也有一个“英”字", "在他生日的时候 送她 比较好的礼物 最好是蛋糕 上面 写上 你想说的 。成功了 告诉我", "送娃娃,女孩子都喜欢娃娃,不是那种洋娃娃,是动物的那种。。。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "送女生生日礼物送啥好?_百度知道", "most_related_para": 0, "segmented_title": ["送", "女生", "生日礼物", "送", "啥", "好", "?", "_", "百度", "知道"], "segmented_paragraphs": [["女生", "心思", "多", "变", ",", "比较", "敏感", ",", "如果", "你", "送", "的", "生日礼物", "不对", ",", "或者", "时机", "不", "恰当", ",", "都", "可能", "引起", "她", "的", "不", "快", "甚至", "反感", "。", "所以说", ",", "送", "女生", "生日礼物", "要", "注意", "很多", "细节", "。", "不管", "送", "什么", "礼物", ",", "或者", "是", "送", "谁", "礼物", ",", "最大", "的", "一点", "要", "注意", "就是", "送", "出", "的", "礼物", "一定要", "做到", "投其所好", ",", "教", "你", "怎么", "送", "女生", "生日礼物", "  ", "送", "女生", "生日礼物", "的", "几个", "小", "建议", ":", "  ", "1", "、", "投其所好", ",", "适合", "正在", "追求", "的", "女生", "。", "你可以", "挑选", "一些", "她", "感兴趣", "的", "东西", ",", "比如", "漫画", "、", "杂志", "、", "特产", "等", ",", "抓", "准", "时机", ",", "任何时候", "都", "一同", "沉溺", "在", "她", "的", "爱好", "当", "中", ",", "迅速", "打入", "内部", "!", "     ", "2", "、", "独特", "精美", "的", "女生", "生日礼物", ",", "适合", "心中", "特别的人", "。", "可以", "挑", "一", "个", "特别的日子", ",", "送", "自己", "手工", "DIY", "的", "工艺品", "、", "独家", "的", "收藏品", "等", ",", "满足", "她", "喜欢", "特别", "的", "小", "心思", ",", "让", "她", "感受到", "你", "的", "用", "意", ",", "让", "别人", "投", "以", "羡慕", "的", "眼光", "。", "  ", "3", "、", "代表", "自己", "心意", "的", "小玩意儿", ",", "适合", "普通", "的", "女同学", "、", "小妹妹", "、", "比较", "疏远", "但", "想", "与", "之", "交", "朋"], ["如果", "你", "爱", "她", ",", "在", "她", "有", "男朋友", "的", "时候", ",", "就", "不要", "再", "去", "打扰", "她", "了", ",", "可能", "你", "的", "出现", "会", "打扰", "到", "她", "的", "生活", "。", "想", "送礼物", "的", "话", ",", "可以", "去", "照相馆", "提前", "付款", ",", "让", "她", "照", "一", "套", "写真照", ",", "把", "写真", "照", "的", "票子", "以及", "地点", "给", "她", "。", "十八岁", "的", "生日", "的", "留念", ",", "很", "有", "意义", "!"], ["十八岁", "的", "女生", "刚好", "是", "蜕变", "的", "阶段", "、", "送", "一些", "成熟", "点", "的", "东西", "、", "比如说", "香水", "、", "口红", "、", "高跟鞋", "等", "、", "一定要", "好", "牌子", "、", "我", "建议", "香水", "就", "买", "Dior", "、", "口红", "选", "MAC", "的", "、", "去", "专柜", "多", "看看", "。", "这些", "其实", "不", "怎么", "会", "用", "到", "、", "但是", "可以", "满足", "一", "个", "女孩子", "那种", "向往", "成熟", "的", "虚荣心", "。", "加油", "噢"], ["礼物", "不在", "贵", "不贵", ",", "你", "应该", "送", "她", "一些", "她", "喜欢", "的", "东西", ",", "或者", "她", "现在", "缺", "什么", "就", "送", "什么", "吧", ",", "你", "对", "她", "好", ",", "她", "自然", "慢慢", "就会", "记住", "你", "的"], ["没", "希望", "还是", "算了吧", "付出", "越", "多", "对", "你", "自己", "伤害", "越", "大"]], "paragraphs": ["女生心思多变,比较敏感,如果你送的生日礼物不对,或者时机不恰当,都可能引起她的不快甚至反感。所以说,送女生生日礼物要注意很多细节。不管送什么礼物,或者是送谁礼物,最大的一点要注意就是送出的礼物一定要做到投其所好,教你怎么送女生生日礼物   送女生生日礼物的几个小建议:   1、投其所好,适合正在追求的女生。你可以挑选一些她感兴趣的东西,比如漫画、杂志、特产等,抓准时机,任何时候都一同沉溺在她的爱好当中,迅速打入内部!      2、独特精美的女生生日礼物,适合心中特别的人。可以挑一个特别的日子,送自己手工DIY的工艺品、独家的收藏品等,满足她喜欢特别的小心思,让她感受到你的用意,让别人投以羡慕的眼光。   3、代表自己心意的小玩意儿,适合普通的女同学、小妹妹、比较疏远但想与之交朋", "如果你爱她,在她有男朋友的时候,就不要再去打扰她了,可能你的出现会打扰到她的生活。想送礼物的话,可以去照相馆提前付款,让她照一套写真照,把写真照的票子以及地点给她。十八岁的生日的留念,很有意义!", "十八岁的女生刚好是蜕变的阶段、送一些成熟点的东西、比如说香水、口红、高跟鞋等、一定要好牌子、我建议香水就买Dior、口红选MAC的、去专柜多看看。这些其实不怎么会用到、但是可以满足一个女孩子那种向往成熟的虚荣心。加油噢", "礼物不在贵不贵,你应该送她一些她喜欢的东西,或者她现在缺什么就送什么吧,你对她好,她自然慢慢就会记住你的", "没希望还是算了吧 付出越多对你自己伤害越大"], "bs_rank_pos": 1}], "answer_spans": [[34, 39]], "answer_docs": [0], "fake_answers": ["创意U盘。2、水晶钢琴"], "question": "送女生什么生日礼物比较好", "segmented_answers": [["1", "、", "创意", "U盘", "。", "2", "、", "水晶钢琴", "。", "3", "、", "DIY", "报纸杂志", "。", "4", "、", "饰品", "礼盒", "。"]], "answers": ["1、创意U盘。2、水晶钢琴。3、DIY报纸杂志。4、饰品礼盒。"], "entity_answers": [["创意U盘", "水晶钢琴", "DIY报纸杂志", "饰品礼盒"]], "segmented_question": ["送", "女生", "什么", "生日礼物", "比较好"], "question_type": "ENTITY", "question_id": 91172, "fact_or_opinion": "OPINION", "match_scores": [0.4799999999999999]}
-{"documents": [{"is_selected": true, "title": "SC/CNY是什么币?_百度知道", "most_related_para": 1, "segmented_title": ["SC", "/", "CNY", "是什么", "币", "?", "_", "百度", "知道"], "segmented_paragraphs": [["SC", "可能", "是", "金融业", "渣打银行", "的", "代", "称", ",", "CNY", "在", "金融业", "是", "指", "人民币", ";"], ["丝绸", "币", "(", "Silk", "Coin", ",", "SC", ")", "采用", "Scrypt", "核心", "算法", ",", "出", "块", "时间", "60", "秒", ",", "每块", "奖励", "5000", "个", "货币", ",", "货币", "总量", "POW", "4500W", "+", "POS", "2", "%", "/", "年", ",", "发布", "于", "2014", "年", "5", "月", "7", "日", "。", "丝绸", "币", "是", "一款", "采用", "2014", "上半年", "流行", "的", "POW", "/", "POS", "币种", "。", "该", "币种", "内置", "了", "区块", "浏览器", ",", "数据统计", "等", "常用", "的", "工具", ",", "同时", "预计", "开发", "内置", "交易", "。"]], "paragraphs": ["SC 可能是金融业渣打银行的代称,CNY 在金融业是指人民币;", "丝绸币(SilkCoin,SC)采用Scrypt核心算法,出块时间60秒,每块奖励5000个货币,货币总量POW 4500W+POS 2%/年,发布于2014年5月7日。 丝绸币是一款采用2014上半年流行的POW/POS币种。该币种内置了区块浏览器,数据统计等常用的工具,同时预计开发内置交易。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "素材资源网上的sc币有什么用_百度知道", "most_related_para": 1, "segmented_title": ["素材资源", "网上", "的", "sc", "币", "有", "什么", "用", "_", "百度", "知道"], "segmented_paragraphs": [["下载", "素材", "时", "你", "以为", "不用", "币", "就", "可以", "下载", "吗", "?", "天真"], ["素材资源", "网上", "的", "SC", "币", "可以", "查询", "人人", "素材", "网", "的", "密码"], ["能", "弄", "解压密码", ",", "这个网站", "还是", "不错", "的"]], "paragraphs": ["下载素材时你以为不用币就可以下载吗?天真", "素材资源网上的SC币可以查询人人素材网的密码", "能弄解压密码,这个网站还是不错的"], "bs_rank_pos": 1}, {"is_selected": false, "title": "大神求助,买钥匙,充值SC币,空白什么鬼_百度知道", "most_related_para": 0, "segmented_title": ["大神", "求助", ",", "买", "钥匙", ",", "充值", "SC", "币", ",", "空白", "什么", "鬼", "_", "百度", "知道"], "segmented_paragraphs": [["A级", "的", "就是", "那种", "五", "块", "钱", "一", "个", "的", "铜", "锁", ",", "B", "级", "和", "超", "B", "级", "主要", "用于", "防盗门", ",", "而", "C", "级", ",", "超", "C", "级", "在", "生活", "中", "很", "少见", "。", "你", "这", "把", "应该", "起码", "是", "B", "级", "以上", ",", "商家", "应该", "没", "骗", "你", "。", "你", "试", "试", "在", "钥匙", "上", "包", "一", "个", "塑料", "包装纸", ",", "有", "泡泡", "的", "那种", ",", "塞进", "钥匙孔", "用", "点", "力", "绞", ",", "看看", "能不能", "打开", ",", "一般", "B", "级", "的", "就", "开", "了", "。", "(", "一般", "防盗门", "屡试不爽", "别问我", "怎么", "知道", "的", ")"]], "paragraphs": ["A级的就是那种五块钱一个的铜锁,B级和超B级主要用于防盗门,而C级,超C级在生活中很少见。 你这把应该起码是B级以上,商家应该没骗你。 你试试在钥匙上包一个塑料包装纸,有泡泡的那种,塞进钥匙孔用点力绞,看看能不能打开,一般B级的就开了。(一般防盗门屡试不爽别问我怎么知道的)"], "bs_rank_pos": 2}, {"is_selected": false, "title": "sc是什么虚拟货币_百度知道", "most_related_para": 0, "segmented_title": ["sc", "是什么", "虚拟货币", "_", "百度", "知道"], "segmented_paragraphs": [["SC", "有", "几个", "意思", ":", "1", ".", "指", "PC", "游戏", "<", "星际争霸", ">", "(", "Starcraft", ")", ",", "SC", "为", "其", "缩写", ".", "2", ".", "在", "<", "实况足球", ">", "游戏", "中", ",", "有", "一", "个", "操作技巧", "叫", "\"", "超级", "取消", "\"", "(", "Super", "Cancel", ")", ",", "是", "指", "同时", "按住", "PS2", "摇杆", "上", "的", "R1", "+", "R2", "键", "来", "操控", "球员", "来", "进行", "强制性", "的", "移动", ".", "3", ".", "1879", "年", ",", "瑞典", "的", "化学", "教授", "尼尔森", "(", "L", ".", "F", ".", "Nilson", ",", "1840", "~", "1899", ")", "和", "克莱夫", "(", "P", ".", "T", ".", "Cleve", ",", "1840", "~", "1905", ")", "差不多", "同时", "在", "稀有", "的", "矿物", "硅", "铍", "钇", "矿", "和", "黑", "稀", "金矿", "中", "找到", "了", "一", "种", "新元素", "。", "他们", "给", "这", "一", "元素", "定", "名", "为", "\"", "Scandium", "\"", "(", "钪", ")", ",", "钪", "就是", "门捷列夫", "当初", "所", "预言", "的", "\"", "类", "硼", "\"", "元素", "。", "他们", "的", "发现", "再次", "证明", "了", "元素周期律", "的", "正确性", "和", "门捷列夫", "的", "远见卓识", "。", "?", "?", "5", ".", "暴雪", "著名", "游戏", "暗黑破坏神", "中", "的", "小", "护身符", "small", "charm", ",", "一般", "特", "指", "7", "%", "获得", "魔法", "装备", "(", "MF", ")", "的", "小", "护身符", "(", "占", "1", "格", "空间", ")", ",", "曾经", "是", "战网", "上", "的", "货币单位", "4", ".", "拳皇", "术语", ",", "Super", "Cancel", "的", "简称", "在", "KOF", "99", "及", "2000", "中", ",", "当", "所用", "选手", "爆", "CM", "(", "COUNTER", "MODE", ")", "时", ",", "一般", "情况", "下", "都", "能够", "使用", "一些", "[", "SUPER", "CANCEL", "]", "连", "技", "。", "何谓"]], "paragraphs": ["SC有几个意思: 1.指PC游戏<星际争霸>(Starcraft),SC为其缩写. 2.在<实况足球>游戏中,有一个操作技巧叫\"超级取消\"(Super Cancel),是指同时按住PS2摇杆上的R1+R2键来操控球员来进行强制性的移动. 3.1879年,瑞典的化学教授尼尔森(L.F.Nilson, 1840~1899)和克莱夫(P.T.Cleve, 1840~1905)差不多同时在稀有的矿物硅铍钇矿和黑稀金矿中找到了一种新元素。他们给这一元素定名为\"Scandium\"(钪),钪就是门捷列夫当初所预言的\"类硼\"元素。他们的发现再次证明了元素周期律的正确性和门捷列夫的远见卓识。 ?? 5.暴雪著名游戏 暗黑破坏神 中的小护身符 smallcharm,一般特指 7%获得魔法装备(MF)的小护身符(占1格空间),曾经是战网上的货币单位 4.拳皇术语,Super Cancel的简称 在KOF99及2000中,当所用选手爆CM(COUNTER MODE)时,一般情况下都能够使用一些[SUPER CANCEL]连技。何谓"], "bs_rank_pos": 3}, {"is_selected": false, "title": "云币网sc那币是什么币-玩币族", "most_related_para": 0, "segmented_title": ["云", "币", "网", "sc", "那", "币", "是什么", "币", "-", "玩", "币", "族"], "segmented_paragraphs": [["1", ".", "火币网", "亮相", "朗迪", "峰会", ":", "区块", "链", "是", "一", "把", "双刃剑", ".", ".", ".", "业", "峰会", "LendIt", "(", "朗迪", ")", "首次", "移师", "中国", "。", "作为", "中国", "最大", "的", "比特币", "交易平台", "之", "一", "的", "火币网", "应邀出席", "大会", ",", "向", "国内外", "互联网", "金融", "领域", "的", "精英", "们", "介绍", "了", "区块", "链", "在", "金融", "领域", "的", "应用", "及", "前景", "。", "作为", "全球", "范围", "内", "规模最大", "、", "规格", "最高", "的", "互联网", "金融", "峰会", ",", "此次", "大会", "吸引", "了", "1000", "多", "名", "国内外", "互联网", "金融", "行业", "重量级", "企业", "的", "创始人", ".", ".", ".", "tags", ":", "火币网", ",", "区块", "链", "2", ".", "一", "周", "比特币", ":", "比特币", "价格", "连续下跌", "近期", "或", "持续", "走低", "比特币", "/", "人民币", "日", "K", "图", "来源", ":", "火币网", "根据", "火币网", "公布", "的", "报价", "显示", ",", "比特币", "价格", "本周", "(", "7", "月", "28", "日", "-", "8", "月", "3", "日", ")", "呈现", "连续下跌", "的", "行情", ",", "8", "月", "3", "日", "截止", "到", "上午", "10", "点", "30", "分", "价格", "为", "3576", ",", "总体", "下跌", "幅度", "为", "18", ".", "5", "%", "。", "最大", "的", "美元", "比特币", "交易平台", "Bit", "fine", "x", "于", "今日凌晨", "发布公告", "称", "由于", "网站", "出现", "安全漏洞", ",", "导致", "用户", "多", "达", "119", ",", ".", ".", ".", "tags", ":", "比特币", "价格", "连续", "3", ".", "投币", "网", "将", "于", "11", "月", "13", "日", "关闭", "SC", ",", "XEM", "的", "代理", "交易", "由于", "SC", "和", "XEM", "的", "代理", "交易", "用户", "比较", "少", ",", "经过", "商量", ",", "决定", "关闭", "这", "两", "个", "交易", "对", "的", "代理", "交易", "业务", "。", "SC", "和", "XEM", "停止", "交易", "时间", ":", "2016", "年", "11", "月", "13", "日", "晚上", "12", "点", "整", "。", "请", "大家", "尽快", "在", "此", "之", "前", "完成", "XEM", "和", "SC", "的", "提", "币", "或者", "交易", "。", "tags", ":", "投币", "网", "4", ".", "比特", "缠", "解", ":", "比特币", "扩容", "对", "比特币", "行情", "有多大", "影响", "?", ".", ".", ".", "能够", "卖出", "的", "人", "也", "寥寥无几", ",", "可能", "那时", "的", "矿工", "费", "会", "很高", "(", "不过", "币", "多", "也", "无所谓", "啦", ",", "那", "币", "少", "的", "人", "就", "吃亏", "啦", ")", "。", "花", "币", "被", "阻塞", ",", "意味着", "原来", "对", "比特币", "有", "刚性", "需求", "的", "用户", "(", "即", "不", "论", "比特币", "是", "什么", "价", "都", "要", "用", "的", ")", ",", "无法", "继续", "使用", "比特币", ",", "不过", "他们", "可以", "转向", "山寨", "币", "。", "总之花", "币", "阻塞", "会", "给", "真实", "用户", "添", "麻烦", ",", "并且", "有", "流失", "真实", "用户", ".", ".", ".", "tags", ":", "比特币", "扩容", ",", "比特币", "行情", "5", ".", "【", "小说连载", "】", "BTC", "BARON", "比特币", "男爵", "—", "—", "BTC", "超级", "矿场", "出没", ".", ".", ".", "hina", ".", "。", "从此之后", "Btc", "Baron", "便", "在", "SC", "论坛", "上", "销声匿迹", "了", "。", "谁", "也", "不", "知道", "他", "下次", "会出现", "在", "什么", "地方", "。", "一月", "的", "黑龙江", "严寒", "无比", ",", "比特", "男爵", "站", "在", "已", "是", "茫茫", "雪原", "上", "的", "田", "地", "里", ",", "望", "着", "不远处", "的", "矿场", ",", "脸上", "露出", "陶醉", "的", "笑", "意", "。", "此时此刻", ",", "它", "正", "咆哮", "地", "运行", "着", ",", "比特币", "男爵", "仿佛", "看到", "变形金刚", "里", "的", "机器", "恐龙", "爽快", "的", "奔跑", "着", "。", ".", ".", ".", "tags", ":", "比特币", "男爵", "6", ".", "莱特币", "黑", "庄", "李丰", "谈", "莱特币", "的", "未来", ".", ".", ".", "进来", "住", ",", "结果", "多", "半", "是", "鬼城", "。", "7", "、", "所有", "在", "去年", "四季度", "爆", "热", "才", "来", "搞", "的", "这", "币", "那", "币", ",", "先天不足", ",", "都", "必须", "完成", "成长", "的", "痛苦", ",", "时间", "可以", "缩短", ",", "但", "不可", "省略", "。", "8", "、", "任何", "算法", "都", "逃不过", "ASIC", ",", "除非", "这", "算法", "的", "币", "就", "无人", "care", ",", "我", "会", "证明", "给你们", "看", "。", "9", "、", "真", "的", "数字", "货币", "应用", "是", "针对", "普通用户", "的", ",", "他们", "不懂", "你", "的", "算法", ",", ".", ".", ".", "tags", ":", "莱特币", ",", "李丰", "7", ".", "技术", "流", "—", "—", "什么", "是", "私钥", ",", "公钥", "和", "地址", ".", ".", ".", "byte", ",", "而", "未", "压缩", "的", "公钥", "有", "65", "个", "byte", "。", "压缩", "的", "公钥", "对", "比特币", "的", "意义", "更大", ",", "因为", "比特币", "是", "去", "中心", "化", "的", "p2p", "加密", "货币", ",", "每个", "节点", "都会", "拥有", "完整", "的", "交易", "记录", ",", "除了", "coin", "base", "(", "挖矿", "得到", "的", "比特币", ")", "以", "外", ",", "每个", "交易", "都会", "发送", "公钥", ",", "支持", "压缩格式", "的", "公钥", ",", "交易", "数据", "就会", "减少", "32", "个", "字节", ",", "这", "对", "整个", "比特币", "网络", "是", "非常", "有", "意义", "的", ",", "整个", "比特币", ".", ".", ".", "tags", ":", "私钥", ",", "公钥", ",", "地址", "8", ".", "XMR", "匿名", "性", "遭质疑", "价格", "下挫", ".", ".", ".", "有", "使用", "独立", "钱包", "发送", "的", "转账", "记录", "才能", "保证", "其", "匿名", "性", "。", "外网", "平台", "抄家", "开始", "转", "战", "SC", "等", "几个", "号称", "具有", "匿名", "特性", "的", "币种", ",", "截止", "发稿", "时间", "XMR", "价格", "一", "日", "下挫", "13", "%", "。", "匿名", "特性", "一直", "是", "加密", "货币", "领域", "热炒", "的", "话题", ",", "经常", "被", "利用", "操控", "时间", "价格", "。", "投资者", "应", "谨慎", "考虑", "。", "tags", ":", "XMR", "9", ".", "黑龙", "币", "|", "BDC", "|", ",", "poloniex", "/", "crypto", "altex", "交易平台", ".", ".", ".", "的", "万智牌", ".", "我相信", "这里", "有", "很多人", "有", "同样", "的", "世界观", ",", "对", "挖矿", "有", "相同", "的", "认识", ".", "这个", "币", "是", "给", "你", "的", ".", "我", "将", "建立", "一", "个", "有", "创新", "并且", "能够", "真正", "带来", "收益", "的", "数字", "币", ",", "形成", "一", "个", "稳固", "的", "社区", "。", "为什么", "叫", "黑龙", "?", "龙", "是", "最", "强大", "的", "智慧", "生物", ".", "他们", "贪婪", "喜欢", "金钱", ",", "特别", "是", "金币", ",", "我", "喜欢", "龙", "。", "按照", "我", "的", "看法", ",", "黑龙", "是", "所有", "龙", "中", "最强", "有力", "、", "聪", ".", ".", ".", "tags", ":", "黑龙", "币", "10", ".", "比特币", "科普", ":", "扫盲", "电子", "币", "算", "力", "、", "价值", "和", "矿工", "之", "迷", ".", ".", ".", "减小", "为零", ",", "手续费", "因为", "不是", "新", "币", "应该", "不", "算", "支出", "。", "然后", "流通", "总量", "将", "不再", "增长", "。", "那", "币", "的", "短期", "价值", "便", "和", "电子", "币", "用户", "的", "总", "财富", "投入", "情况", "完全", "成", "相关", "了", "。", "而", "现在", "新增", "用户", "财富", "要", "跑", "赢", "实际通", "涨", "率", "才能", "体现", "短线", "价值", "。", "注意", "这", "只是", "电子", "币", "的", "短期", "价值", ",", "长期", "价值", "是", "包含", "将来", "量", "会", "固定", "的", "心理", "预期", "的", ",", "要", "比", "短期", "价值", "要", "大", "得", "多", "。", ".", ".", ".", "tags", ":", "算", "力", ",", "矿工"]], "paragraphs": ["1. 火币网亮相朗迪峰会:区块链是一把双刃剑  ...业峰会LendIt(朗迪)首次移师中国。作为中国最大的比特币交易平台之一的火币网应邀出席大会,向国内外互联网金融领域的精英们介绍了区块链在金融领域的应用及前景。 作为全球范围内规模最大、规格最高的互联网金融峰会,此次大会吸引了 1000多名国内外互联网金融行业重量级企业的创始人... tags:火币网,区块链  2. 一周比特币:比特币价格连续下跌 近期或持续走低  比特币/人民币日K图 来源:火币网 根据火币网公布的报价显示,比特币价格本周(7月28日-8月3日)呈现连续下跌的行情,8月3日截止到上午10点30分价格为3576,总体下跌幅度为18.5%。 最大的美元比特币交易平台Bitfinex于今日凌晨发布公告称由于网站出现安全漏洞,导致用户多达119,... tags:比特币价格连续  3. 投币网将于11月13日关闭SC,XEM的代理交易  由于SC和XEM的代理交易用户比较少,经过商量,决定关闭这两个交易对的代理交易业务。 SC和XEM停止交易时间:2016年11月13日晚上12点整。 请大家尽快在此之前完成XEM和SC的提币或者交易。  tags:投币网  4. 比特缠解:比特币扩容对比特币行情有多大影响? ...能够卖出的人也寥寥无几,可能那时的矿工费会很高(不过币多也无所谓啦,那币少的人就吃亏啦)。 花币被阻塞,意味着原来对比特币有刚性需求的用户(即不论比特币是什么价都要用的),无法继续使用比特币,不过他们可以转向山寨币。总之花币阻塞会给真实用户添麻烦,并且有流失真实用户... tags:比特币扩容,比特币行情  5. 【小说连载】BTC BARON比特币男爵——BTC超级矿场出没  ...hina.。从此之后BtcBaron 便在SC论坛上销声匿迹了。谁也不知道他下次会出现在什么地方。 一月的黑龙江严寒无比,比特男爵站在已是茫茫雪原上的田地里,望着不远处的矿场,脸上露出陶醉的笑意。此时此刻,它正咆哮地运行着,比特币男爵仿佛看到变形金刚里的机器恐龙爽快的奔跑着。 ... tags:比特币男爵  6. 莱特币黑庄李丰谈莱特币的未来  ...进来住,结果多半是鬼城。 7、所有在去年四季度爆热才来搞的这币那币,先天不足,都必须完成成长的痛苦,时间可以缩短,但不可省略。 8、任何算法都逃不过ASIC,除非这算法的币就无人care,我会证明给你们看。 9、真的数字货币应用是针对普通用户的,他们不懂你的算法,... tags:莱特币,李丰  7. 技术流——什么是私钥,公钥和地址  ...byte,而未压缩的公钥有65个byte。压缩的公钥对比特币的意义更大,因为比特币是去中心化的p2p加密货币,每个节点都会拥有完整的交易记录,除了coinbase(挖矿得到的比特币)以外,每个交易都会发送公钥,支持压缩格式的公钥,交易数据就会减少32个字节,这对整个比特币网络是非常有意义的,整个比特币... tags:私钥,公钥,地址  8. XMR匿名性遭质疑价格下挫  ...有使用独立钱包发送的转账记录才能保证其匿名性。外网平台抄家开始转战SC等几个号称具有匿名特性的币种,截止发稿时间XMR价格一日下挫13%。匿名特性一直是加密货币领域热炒的话题,经常被利用操控时间价格。投资者应谨慎考虑。  tags:XMR  9. 黑龙币|BDC|, poloniex/cryptoaltex交易平台  ...的万智牌. 我相信这里有很多人有同样的世界观, 对挖矿有相同的认识. 这个币是给你的. 我将建立一个有创新并且能够真正带来收益的数字币,形成一个稳固的社区。 为什么叫黑龙? 龙是最强大的智慧生物. 他们贪婪喜欢金钱, 特别是金币, 我喜欢龙。按照我的看法, 黑龙是所有龙中最强有力、聪... tags:黑龙币  10. 比特币科普:扫盲电子币算力、价值和矿工之迷  ...减小为零,手续费因为不是新币应该不算支出。然后流通总量将不再增长。那币的短期价值便和电子币用户的总财富投入情况完全成相关了。而现在新增用户财富要跑赢实际通涨率才能体现短线价值。注意这只是电子币的短期价值,长期价值是包含将来量会固定的心理预期的,要比短期价值要大得多。 ... tags:算力,矿工"], "bs_rank_pos": 4}], "answer_spans": [[0, 77]], "fake_answers": ["丝绸币(SilkCoin,SC)采用Scrypt核心算法,出块时间60秒,每块奖励5000个货币,货币总量POW4500W+POS2%/年,发布于2014年5月7日。丝绸币是一款采用2014上半年流行的POW/POS币种。该币种内置了区块浏览器,数据统计等常用的工具,同时预计开发内置交易。"], "question": "sc币是什么", "segmented_answers": [["丝绸", "币", "(", "Silk", "Coin", ",", "SC", ")", "采用", "Scrypt", "核心", "算法", ",", "出", "块", "时间", "60", "秒", ",", "每块", "奖励", "5000", "个", "货币", ",", "货币", "总量", "POW", ",", "4500W", "+", "POS", ",", "2", "%", "/", "年", ",", "发布", "于", "2014", "年", "5", "月", "7", "日", "。", "丝绸", "币", "是", "一款", "采用", "2014", "上半年", "流行", "的", "POW", "/", "POS", "币种", "。", "该", "币种", "内置", "了", "区块", "浏览器", ",", "数据统计", "等", "常用", "的", "工具", ",", "同时", "预计", "开发", "内置", "交易", "。"]], "answers": ["丝绸币(SilkCoin,SC)采用Scrypt核心算法,出块时间60秒,每块奖励5000个货币,货币总量POW,4500W+POS,2%/年,发布于2014年5月7日。丝绸币是一款采用2014上半年流行的POW/POS币种。该币种内置了区块浏览器,数据统计等常用的工具,同时预计开发内置交易。"], "answer_docs": [0], "segmented_question": ["sc", "币", "是什么"], "question_type": "DESCRIPTION", "question_id": 91173, "fact_or_opinion": "FACT", "match_scores": [0.9113924050632911]}
-{"documents": [{"is_selected": true, "title": "签订无固定期限劳动合同有什么好处啊?_百度知道", "most_related_para": 0, "segmented_title": ["签订", "无", "固定", "期限", "劳动合同", "有", "什么", "好处", "啊", "?", "_", "百度", "知道"], "segmented_paragraphs": [["一", "、", "什么", "是", "无", "固定", "期限", "劳动合同", "。", "劳动合同", "根据", "期限", "可以", "分为", "固定", "期限", "劳动合同", "、", "无", "固定", "期限", "劳动合同", "和", "以", "完成", "一定", "工作", "任务", "为", "期限", "的", "劳动合同", "。", "无", "固定", "期限", "劳动合同", ",", "是", "指", "用人单位", "与", "劳动者", "约定", "无", "确定", "终止", "时间", "的", "劳动合同", "。", "相", "较", "于", "固定", "期限", "劳动合同", "和", "以", "完成", "一定", "工作", "任务", "为", "期限", "的", "劳动合同", "而言", ",", "无", "固定", "期限", "劳动合同", "唯一", "的", "区别", "就", "在于", ",", "双方", "的", "劳动合同", "期限", "没有", "结束", "的", "时间", ",", "那么", "只要", "不", "出现", "可以", "解除", "劳动合同", "的", "情形", ",", "双方", "劳动合同", "可以", "一直", "延续", "下去", "。", "二", "、", "签订", "无", "固定", "期限", "劳动合同", "对于", "劳动者", "一方", "有", "哪些", "好处", "。", "1", "、", "劳动者", "不用担心", "用人单位", "因为", "劳动合同", "到期", "而", "与", "劳动者", "终止", "劳动合同", "的", "情形", "出现", "。", "2", "、", "用人单位", "因为", "因为", "以下", "情况", "裁员", "的", ",", "需要", "优先", "留", "用", "无", "固定", "期限", "劳动合同", "的", "劳动者", ":", "(", "1", ")", "、", "依照", "企业破产法", "规定", "进行", "重整", "的", ";", "(", "2", ")", "、", "生产", "经营", "发生", "严重", "困难", "的"], ["无", "固定", "期限", "劳动合同", ",", "是", "指", "用人单位", "与", "劳动者", "约定", "无", "确定", "终止", "时间", "的", "劳动合同", "。", "好处", "是", "用人单位", "一般", "情况", "下", "不能", "解除", "劳动合同", ",", "不存在", "到期", "自然", "终止", "的", "情况", ".", "合同", "期", "内", "非", "经", "双方", "协商一致", ",", "用人单位", "不得", "单方", "降低", "工资", "。", "就这样", "吧"], ["无", "固定", "期限", "劳动合同", ",", "是", "指", "用人单位", "与", "劳动者", "约定", "无", "确定", "终止", "时间", "的", "劳动合同", "。", "只要", "没有", "出现", "法律", "规定", "的", "条件", "或者", "双方", "约定", "的", "条件", ",", "双方", "当事人", "就", "不能", "解除合同", "。", "因此", "签订", "此类", "合同", "是", "比", "一般", "的", "劳动合同", "有", "相对", "的", "稳定性", "和", "长久", "性", "。"], ["签订", "无", "固定", "期限", "劳动合同", "限制", "了", "只要", "在", "劳动者", "有", "下列", "情形", "之", "一", "的", ",", "用人单位", "可以", "解除", "劳动合同", ":", "1", "、", "严重", "违反", "用人单位", "的", "规章制度", "的", ";", "/", "2", "、", "严重失职", ",", "营私舞弊", ",", "给", "用人单位", "造成", "重大", "损害", "的", "。"], ["可以享受", "很多", "好处", ",", "例如", "违约金", "的", "问题", "。"], ["在", "没有", "刑事", "犯罪", "及", "重大", "违规", "、", "经济性裁", "员工", "情况", "下", "不得", "解除", "劳动合同", "。"]], "paragraphs": ["一、什么是无固定期限劳动合同。 劳动合同根据期限可以分为固定期限劳动合同、无固定期限劳动合同和以完成一定工作任务为期限的劳动合同。 无固定期限劳动合同,是指用人单位与劳动者约定无确定终止时间的劳动合同。相较于固定期限劳动合同和以完成一定工作任务为期限的劳动合同而言,无固定期限劳动合同唯一的区别就在于,双方的劳动合同期限没有结束的时间,那么只要不出现可以解除劳动合同的情形,双方劳动合同可以一直延续下去。 二、签订无固定期限劳动合同对于劳动者一方有哪些好处。 1、劳动者不用担心用人单位因为劳动合同到期而与劳动者终止劳动合同的情形出现。 2、用人单位因为因为以下情况裁员的,需要优先留用无固定期限劳动合同的劳动者: (1)、依照企业破产法规定进行重整的; (2)、生产经营发生严重困难的", "无固定期限劳动合同,是指用人单位与劳动者约定无确定终止时间的劳动合同。 好处是用人单位一般情况下不能解除劳动合同,不存在到期自然终止的情况.合同期内非经双方协商一致,用人单位不得单方降低工资。 就这样吧", "无固定期限劳动合同,是指用人单位与劳动者约定无确定终止时间的劳动合同。只要没有出现法律规定的条件或者双方约定的条件,双方当事人就不能解除合同。因此签订此类合同是比一般的劳动合同有相对的稳定性和长久性。", "签订无固定期限劳动合同限制了只要在劳动者有下列情形之一的,用人单位可以解除劳动合同: 1、严重违反用人单位的规章制度的;/2、严重失职,营私舞弊,给用人单位造成重大损害的。", "可以享受很多好处,例如违约金的问题。", "在没有刑事犯罪及重大违规、经济性裁员工情况下不得解除劳动合同。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "签无固定期限劳动合同有什么好处_百度知道", "most_related_para": 2, "segmented_title": ["签", "无", "固定", "期限", "劳动合同", "有", "什么", "好处", "_", "百度", "知道"], "segmented_paragraphs": [["订立", "无", "固定", "期限", "合同", "的", "好处", "主要", "在于", "劳动关系", "的", "相对", "稳定性", "。", "无", "固定", "期限", "劳动合同", ",", "是", "指", "用人单位", "与", "劳动者", "约定", "无", "确定", "终止", "时间", "的", "劳动合同", "。", "无", "固定", "期限", "合同", "和", "固定", "期限", "在", "合同", "订立", "主体", "、", "订立", "程序", "和", "订立", "形式", "上", "均", "无差别", ",", "其", "最", "主要", "的", "区别", "即", "在", "合同期限", "上", ",", "固定", "期限", "合同", "有", "确定", "的", "终止", "期限", ",", "无", "固定", "期限", "合同", "没有", "确定", "的", "终止", "期限", "。", "没有", "确定", "终止", "时间", ",", "是", "指", "劳动合同", "没有", "一", "个", "确切", "的", "终止", "时间", ",", "劳动合同", "的", "期限", "长短", "不能", "确定", ",", "但", "并", "不是", "没有", "终止", "时间", "。", "只要", "出现", "法律", "规定", "的", "条件", ",", "无", "固定", "期限", "劳动合同", "也", "同样", "能够", "解除", "和", "终止", "。", "订立", "无", "固定", "期限", "的", "劳动合同", ",", "劳动者", "可以", "长期", "在", "一", "个", "单位", "或", "部门", "工作", "。", "这种", "合同", "适用于", "工作", "保密性强", "、", "技术", "复杂", "、", "工作", "又", "需要", "保持", "人员", "稳定", "的", "岗位", "。", "这种", "合同", "对于", "用人单位", "来", "说", ",", "有利于", "维护", "其", "经济", "利益", ",", "减少", "频繁", "更换", "关键", "岗位", "的", "关键"], ["总的来说", "对于", "劳动者", "有", "更好", "的", "保障", ",", "有利于", "工作", "的", "连续性", "稳定性", "。", "固定", "期限", "劳动合同到期", "后", "单位", "可以", "不需要", "任何", "理由", "而", "直接", "终止", "合同", "不", "续签", ",", "只", "需要", "按照", "劳动者", "2008", ".", "1", ".", "1", "后", "的", "该", "单位", "工龄", "支付", "经济补偿金", "。", "而", "单位", "想要", "解除", "无", "固定", "期限", "劳动合同", "必须", "要", "有", "法定", "的", "理由", ",", "否则", "就", "属于", "违法", "解除", ",", "劳动者", "可以", "要求", "单位", "继续", "履行", "合同", ",", "不", "要求", "单位", "继续", "履行", "合同", "的", ",", "单位", "应当", "支付", "双倍", "的", "经济补偿金", "。", "而且", "经济补偿", "年限", "是", "从", "劳动者", "入职", "之", "日", "算", "起", "的", "(", "对于", "2008", ".", "1", ".", "1", "前", "入职", "的", "有利", ")", "。", "单位", "违法", "解除", "劳动合同", "的", "成本", "更高", "。", "当然", ",", "如果", "是", "依法", "解除", "劳动合同", ",", "那么", "无", "固定", "期限", "劳动合同", "的", "区别", "不大", ",", "最多", "是", "依据", "劳动合同法", "第", "四", "十", "一", "条", "规定", "解除", "劳动合同", "时", "在", "同等", "条件", "下", "有", "优先", "留", "用", "的", "权力", "。"], ["订立", "无", "固定", "期限", "合同", "的", "好处", "主要", "在于", "劳动关系", "的", "相对", "稳定性", "。", "无", "固定", "期限", "劳动合同", ",", "是", "指", "用人单位", "与", "劳动者", "约定", "无", "确定", "终止", "时间", "的", "劳动合同", "。", "无", "固定", "期限", "合同", "和", "固定", "期限", "在", "合同", "订立", "主体", "、", "订立", "程序", "和", "订立", "形式", "上", "均", "无差别", ",", "其", "最", "主要", "的", "区别", "即", "在", "合同期限", "上", ",", "固定", "期限", "合同", "有", "确定", "的", "终止", "期限", ",", "无", "固定", "期限", "合同", "没有", "确定", "的", "终止", "期限", "。", "没有", "确定", "终止", "时间", ",", "是", "指", "劳动合同", "没有", "一", "个", "确切", "的", "终止", "时间", ",", "劳动合同", "的", "期限", "长短", "不能", "确定", ",", "但", "并", "不是", "没有", "终止", "时间", "。", "只要", "出现", "法律", "规定", "的", "条件", ",", "无", "固定", "期限", "劳动合同", "也", "同样", "能够", "解除", "和", "终止", "。", "订立", "无", "固定", "期限", "的", "劳动合同", ",", "劳动者", "可以", "长期", "在", "一", "个", "单位", "或", "部门", "工作", "。", "这种", "合同", "适用于", "工作", "保密性强", "、", "技术", "复杂", "、", "工作", "又", "需要", "保持", "人员", "稳定", "的", "岗位", "。", "这种", "合同", "对于", "用人单位", "来", "说", ",", "有利于", "维护", "其", "经济", "利益", ",", "减少", "频繁", "更换", "关键", "岗位", "的", "关键", "人员", "而", "带来", "的", "损失"], ["没有", "特别", "的", "好处", ",", "若", "硬", "要", "说", "好处", ":", "①", "在", "企业", "处于", "一些", "特殊", "情况", "下", "会", "先", "留", "无", "固定", "的", "人", ";", "②", "省时省力", "。", "其他", "基本", "没有", "什么", "不同", "。"]], "paragraphs": ["订立无固定期限合同的好处主要在于劳动关系的相对稳定性。无固定期限劳动合同,是指用人单位与劳动者约定无确定终止时间的劳动合同。无固定期限合同和固定期限在合同订立主体、订立程序和订立形式上均无差别,其最主要的区别即在合同期限上,固定期限合同有确定的终止期限,无固定期限合同没有确定的终止期限。没有确定终止时间,是指劳动合同没有一个确切的终止时间,劳动合同的期限长短不能确定,但并不是没有终止时间。只要出现法律规定的条件,无固定期限劳动合同也同样能够解除和终止。订立无固定期限的劳动合同,劳动者可以长期在一个单位或部门工作。这种合同适用于工作保密性强、技术复杂、工作又需要保持人员稳定的岗位。这种合同对于用人单位来说,有利于维护其经济利益,减少频繁更换关键岗位的关键", "总的来说对于劳动者有更好的保障,有利于工作的连续性稳定性。 固定期限劳动合同到期后单位可以不需要任何理由而直接终止合同不续签,只需要按照劳动者2008.1.1后的该单位工龄支付经济补偿金。 而单位想要解除无固定期限劳动合同必须要有法定的理由,否则就属于违法解除,劳动者可以要求单位继续履行合同,不要求单位继续履行合同的,单位应当支付双倍的经济补偿金。而且经济补偿年限是从劳动者入职之日算起的(对于2008.1.1前入职的有利)。单位违法解除劳动合同的成本更高。当然,如果是依法解除劳动合同,那么无固定期限劳动合同的区别不大,最多是依据劳动合同法第四十一条规定解除劳动合同时在同等条件下有优先留用的权力。", "订立无固定期限合同的好处主要在于劳动关系的相对稳定性。 无固定期限劳动合同,是指用人单位与劳动者约定无确定终止时间的劳动合同。无固定期限合同和固定期限在合同订立主体、订立程序和订立形式上均无差别,其最主要的区别即在合同期限上,固定期限合同有确定的终止期限,无固定期限合同没有确定的终止期限。 没有确定终止时间,是指劳动合同没有一个确切的终止时间,劳动合同的期限长短不能确定,但并不是没有终止时间。只要出现法律规定的条件,无固定期限劳动合同也同样能够解除和终止。 订立无固定期限的劳动合同,劳动者可以长期在一个单位或部门工作。这种合同适用于工作保密性强、技术复杂、工作又需要保持人员稳定的岗位。这种合同对于用人单位来说,有利于维护其经济利益,减少频繁更换关键岗位的关键人员而带来的损失", "没有特别的好处,若硬要说好处:①在企业处于一些特殊情况下会先留无固定的人;②省时省力。其他基本没有什么不同。"], "bs_rank_pos": 1}], "answer_spans": [[121, 135]], "fake_answers": ["劳动者不用担心用人单位因为劳动合同到期而与劳动者终止劳动合同的情形出现。"], "question": "无固定期限劳动合同的好处", "segmented_answers": [["劳动者", "不用担心", "用人单位", "因为", "劳动合同", "到期", "而", "与", "劳动者", "终止", "劳动合同", "的", "情形", "出现", "。"], ["无", "固定", "期限", "劳动合同", ",", "是", "指", "用人单位", "与", "劳动者", "约定", "无", "确定", "终止", "时间", "的", "劳动合同", "。", "用人单位", "与", "劳动者", "协商一致", ",", "可以", "订立", "无", "固定", "期限", "劳动合同", "。", "自", "应当", "订立", "无", "固定", "期限", "劳动合同", "之", "日", "起", "向", "劳动者", "每月", "支付", "二", "倍", "的", "工资", "。"]], "answers": ["劳动者不用担心用人单位因为劳动合同到期而与劳动者终止劳动合同的情形出现。", "无固定期限劳动合同,是指用人单位与劳动者约定无确定终止时间的劳动合同。用人单位与劳动者协商一致,可以订立无固定期限劳动合同。自应当订立无固定期限劳动合同之日起向劳动者每月支付二倍的工资。"], "answer_docs": [0], "segmented_question": ["无", "固定", "期限", "劳动合同", "的", "好处"], "question_type": "DESCRIPTION", "question_id": 91174, "fact_or_opinion": "FACT", "match_scores": [1.0]}
-{"documents": [{"is_selected": false, "title": "中国驻吉布提基地_百度百科", "most_related_para": 6, "segmented_title": ["中国", "驻", "吉布提", "基地", "_", "百度百科"], "segmented_paragraphs": [["中国", "驻", "吉布提", "基地", "编辑", "锁定"], ["吉布提", ",", "这个", "位于", "东", "非", "亚丁湾", "西岸", "的", "神秘", "小", "国", ",", "它", "不仅", "是", "美国", "在", "非洲", "的", "唯一", "军事基地", ",", "法国", "、", "日本", "也", "陈兵", "于此", "。", "如今", ",", "中国", "也", "将", "宣布", "在", "此", "建设", "海外", "第一个", "永久", "军事基地", ",", "成为", "中国", "国际", "安全", "影响力", "不断扩大", "的", "最新", "标志", "。", "[", "1", "]", "中文名", "中国", "驻", "吉布提", "基地", "外文", "名", "China", "base", "in", "Djibouti", "地点", "东", "非", "亚丁湾", "西岸", "1", "中国", "驻", "吉布提", "基地", "介绍", "2", "建设", "吉布提", "军事基地", "的", "意义", "吉布提", "是", "一", "个", "位于", "非洲", "东北部", "亚丁湾", "西岸", "的", "国家", ",", "东", "临", "红海", "进入", "印度洋", "的", "要", "冲", "曼德海峡", ",", "是", "世界", "能源", "供应", "的", "第", "四大", "海洋", "通道", ",", "战略", "位置", "十分重要", "。", "美国", "媒体", "近日", "关注", "中国", "的", "吉布提", "“", "军事基地", "”", ",", "描述", "了", "“", "中国", "军事基地", "的", "兴起", "”", "。", "文章", "称", ",", "为了", "给", "“", "中国", "基地", "”", "腾", "出", "空间", ",", "美军", "还", "将", "部分", "设置", "在", "吉布提", "港湾", "北边", "的", "设施", "搬迁", "到", "了", "南部", "。", "吉布提", "美军基地", "司令官", "库尔特", "·", "桑塔格", "对", "中国", "“", "军事基地", "”", "的", "存在", "表现出", "“", "难以接受", "”", "的", "反应", "。", "[", "2", "]", "随着", "中国", "在", "非洲", "吉布提", "的", "首个", "海外", "“", "军事基地", "”", "建设", "步入快车道", ",", "当地", "的", "军事", "紧张", "氛围", "也", "在", "增强", "。", "吉布提", "美军基地", "距离", "中国", "“", "军事基地", "”", "仅", "十", "几", "公里", ",", "美方", "为此", "焦虑", "不", "已", "。", "中国", "外交部", "和", "国防部", "新闻发言人", "先后", "证实", ",", "中国", "和", "吉布提", "已", "就", "中方", "在", "吉布提", "建设", "保障", "设施", "达成一致", "。", "这", "是", "中国", "在", "海外", "建设", "的", "首个", "后勤保障", "设施", "。", "“", "吉布提", "欢迎", "中国", "”", ",", "吉布提", "外交部长", "尤素福", "撰文", "称", ":", "“", "在", "我们", "与", "恐怖主义", "和", "海盗", "作斗争", "时", ",", "中国", "是", "我们", "重要", "的", "战略伙伴", "。", "”", "“", "中国", "建立", "保障", "设施", ",", "不会", "借此", "谋求", "军事", "干预", "地区", "和", "其他", "国家", "事务", ",", "也", "不会", "借此", "谋求", "军事", "扩张", ",", "中国", "一贯", "奉行", "防御", "性", "国防政策", "。", "”", "中国", "海军", "军事学术", "研究所", "研究员", "张军社", "介绍", ",", "军事基地", "是", "指", "驻扎", "一定", "数量", "的", "兵力", ",", "并", "以此", "为", "依托", "遂行", "作战", "和", "训练", "任务", "的", "地方", "。", "而", "中国", "在", "吉布提", "的", "后勤保障", "设施", "只", "用来", "储存", "油料", "、", "食品", "、", "蔬菜水果", "等", ",", "更多", "的", "是", "服务", "于", "中国", "在", "亚丁湾", "、", "索马里", "海域", "执行", "护航", "任务", "的", "中国海军", "舰艇编队", "。", "[", "2", "]"], ["吉布提", "位于", "亚丁湾", "的", "西岸", ",", "它", "面积", "只有", "2", ".", "3", "万", "平方公里", "。", "值得", "注意", "的", "是", ",", "该", "地区", "同时", "也是", "红海", "的", "唯一", "出海口", ",", "从", "这里", "向北", "通过", "苏伊士运河", "可", "抵达", "地中海", ",", "向东", "可", "直通", "阿拉伯海", "及", "印度洋", "。", "而", "这", "条", "航线", "正是", "全球", "最", "重要", "的", "海上", "贸易", "通道", "。"], ["近些年来", ",", "随着", "中非", "之间", "交流", "的", "增强", ",", "具有", "独特", "地理", "和", "战略", "位置", "的", "吉布提", "越来越", "受到", "中国", "企业", "的", "重视", ",", "他们", "在", "吉布提", "的", "基础设施建设", "方面", "发挥", "着", "不可替代", "的", "作用", "。"], ["到", "2030", "年", ",", "我", "国", "可能会", "是", "世界上", "最大", "的", "债权", "国", ",", "我们", "在", "海外", "的", "投资", "可能会", "超过", "三", "万亿", "美元", ",", "我们", "在", "海外", "从业人员", "超过", "一", "千万", "。", "这样", "一", "笔", "巨大", "的", "资产", "和", "大量", "的", "民众", "在", "海外", ",", "军事", "力量", "要", "提供", "保护", "。", "此外", ",", "我", "军", "要", "参加", "联合国", "的", "维和", "维稳", "任务", ",", "包括", "反", "海盗", "、", "反恐", "等等", ",", "以及", "和", "其他", "大", "国", "的", "合作", "。"], ["中国海军", "出", "外", "巡航", "的", "次数", "越来越多", ",", "难度", "也", "越来越大", "。", "正是", "在", "这种", "多方面", "因素", "下", ",", "建设", "中国", "自有", "的", "海外", "军事基地", "就", "显得", "异常", "重要", "。"], ["比如", "亚丁湾", "巡航", "舰队", ",", "以前", "出门", "巡航", "一次", ",", "战士们", "几个月", "下", "不", "了", "甲板", ",", "连", "陆地", "上", "的", "陌生人", "都", "很少", "见到", "。", "另一方面", ",", "海外", "军事基地", "的", "建立", "还能", "大大提高", "我", "国", "海军", "远程", "续航能力", "。", "以前", ",", "咱们", "是", "跑到", "这里", ",", "就", "只有", "打道回府", ",", "现在", ",", "我们", "跑到", "这里", ",", "休整", "一", "下", ",", "又", "可以", "继续前进", "。", "[", "1", "]"], ["参考资料", "1", ".", "揭秘", "中国", "驻", "吉布提", "军事基地", ":", "美国", "都", "要", "给", "腾", "位置", "!", ".", "西陆网", "[", "引用", "日期", "2017", "-", "01", "-", "22", "]", "2", ".", "吉布提", "美军基地", "旁", "中国", "开", "建", "保障", "设施", ".", "光明网", "[", "引用", "日期", "2017", "-", "01", "-", "22", "]"], ["词条", "统计", "浏览次数", ":", "次", "编辑", "次数", ":", "2", "次", "历史", "版本", "最近更新", ":", "创建", "者", ":", "sky", "天天向上", "zxc"]], "paragraphs": ["中国驻吉布提基地编辑 锁定", "吉布提,这个位于东非亚丁湾西岸的神秘小国,它不仅是美国在非洲的唯一军事基地,法国、日本也陈兵于此。如今,中国也将宣布在此建设海外第一个永久军事基地,成为中国国际安全影响力不断扩大的最新标志。[1] 中文名 中国驻吉布提基地  外文名 China base in Djibouti  地点 东非亚丁湾西岸 1 中国驻吉布提基地介绍 2 建设吉布提军事基地的意义 吉布提是一个位于非洲东北部亚丁湾西岸的国家,东临红海进入印度洋的要冲曼德海峡,是世界能源供应的第四大海洋通道,战略位置十分重要。美国媒体近日关注中国的吉布提“军事基地”,描述了“中国军事基地的兴起”。文章称,为了给“中国基地”腾出空间,美军还将部分设置在吉布提港湾北边的设施搬迁到了南部。吉布提美军基地司令官库尔特·桑塔格对中国“军事基地”的存在表现出“难以接受”的反应。[2] 随着中国在非洲吉布提的首个海外“军事基地”建设步入快车道,当地的军事紧张氛围也在增强。吉布提美军基地距离中国“军事基地”仅十几公里,美方为此焦虑不已。中国外交部和国防部新闻发言人先后证实,中国和吉布提已就中方在吉布提建设保障设施达成一致。这是中国在海外建设的首个后勤保障设施。“吉布提欢迎中国”,吉布提外交部长尤素福撰文称:“在我们与恐怖主义和海盗作斗争时,中国是我们重要的战略伙伴。”“中国建立保障设施,不会借此谋求军事干预地区和其他国家事务,也不会借此谋求军事扩张,中国一贯奉行防御性国防政策。”中国海军军事学术研究所研究员张军社介绍,军事基地是指驻扎一定数量的兵力,并以此为依托遂行作战和训练任务的地方。而中国在吉布提的后勤保障设施只用来储存油料、食品、蔬菜水果等,更多的是服务于中国在亚丁湾、索马里海域执行护航任务的中国海军舰艇编队。[2]", "吉布提位于亚丁湾的西岸,它面积只有2.3万平方公里。值得注意的是,该地区同时也是红海的唯一出海口,从这里向北通过苏伊士运河可抵达地中海,向东可直通阿拉伯海及印度洋。而这条航线正是全球最重要的海上贸易通道。", "近些年来,随着中非之间交流的增强,具有独特地理和战略位置的吉布提越来越受到中国企业的重视,他们在吉布提的基础设施建设方面发挥着不可替代的作用。", "到2030年,我国可能会是世界上最大的债权国,我们在海外的投资可能会超过三万亿美元,我们在海外从业人员超过一千万。这样一笔巨大的资产和大量的民众在海外,军事力量要提供保护。此外,我军要参加联合国的维和维稳任务,包括反海盗、反恐等等,以及和其他大国的合作。", "中国海军出外巡航的次数越来越多,难度也越来越大。正是在这种多方面因素下,建设中国自有的海外军事基地就显得异常重要。", "比如亚丁湾巡航舰队,以前出门巡航一次,战士们几个月下不了甲板,连陆地上的陌生人都很少见到。另一方面,海外军事基地的建立还能大大提高我国海军远程续航能力。以前,咱们是跑到这里,就只有打道回府,现在,我们跑到这里,休整一下,又可以继续前进。[1]", "参考资料 1. 揭秘中国驻吉布提军事基地:美国都要给腾位置! .西陆网[引用日期2017-01-22] 2. 吉布提美军基地旁 中国开建保障设施 .光明网[引用日期2017-01-22]", "词条统计 浏览次数:次 编辑次数:2次历史版本 最近更新: 创建者:sky天天向上zxc"], "bs_rank_pos": 0}, {"is_selected": true, "title": "中国吉布提基地今年或竣工 将迎来怎样规模的舰队|中国|吉布提|基地_", "most_related_para": 6, "segmented_title": ["中国", "吉布提", "基地", "今年", "或", "竣工", "将", "迎来", "怎样", "规模", "的", "舰队", "|", "中国", "|", "吉布提", "|", "基地", "_"], "segmented_paragraphs": [["新浪军事", "编者", ":", "为了", "更好", "的", "为", "读者", "呈现", "多样", "军事", "内容", ",", "满足", "读者", "不同", "阅读", "需求", ",", "共同探讨", "国内", "国际", "战略", "动态", ",", "新浪军事", "独家", "推出", "《", "深度", "军情", "》", "版块", ",", "深度", "解读", "军事", "新闻", "背后", "的", "隐藏", "态势", ",", "立体", "呈现", "中国", "面临", "的", "复杂", "军事战略", "环境", ",", "欢迎", "关注", "。"], ["2017", "年", ",", "对", "越来越多", "的", "执行", "海外", "军事", "任务", "的", "中国军队", "而言", ",", "或", "将", "是", "具有", "里程碑", "意义", "的", "一年", "。"], ["我", "军", "首个", "真正", "意义", "上", "的", "海外", "基地", "—", "—", "吉布提", "保障", "基地", "有望", "年", "内", "竣工", ",", "这", "将", "为", "中国军队", "尤其", "是", "海军", "在", "非洲之角", "进行", "护航", "、", "撤侨", "等", "行动", "提供", "一", "个", "大本营", ",", "而", "中国", "海军", "又", "会", "派出", "怎么样", "的", "一支", "舰艇编队", "常驻", "那里", ",", "很", "受", "关注", "也", "很", "有", "想象", "空间", "。"], ["中国海军", "护航", "编队", "官兵", "在", "吉布提", "港", "防波堤", "上", "留下", "的", "涂鸦", ",", "中国海军", "将", "成为", "这里", "的", "常", "客"], ["今年", "春节期间", "的", "央视", "七", "套", "《", "军事", "报道", "》", "节目", ",", "一", "则", "报道", "军委", "领导", "在", "春节", "慰问", "境外", "执行", "任务", "官兵", "的", "新闻", ",", "显示", "我", "军", "先遣", "人员", "已经", "进驻", "“", "中国人民解放军", "驻", "吉布提", "保障", "基地", "联合", "先遣", "组", "值班室", "”", ",", "这", "显示", "这", "一", "基地", "目前", "不仅", "已经", "在", "加速", "建设", ",", "同时", "我", "军", "先遣", "组", "人员", "也", "已", "到位", ",", "为", "接收", "基地", "做好准备", "。"], ["根据", "俄罗斯", "媒体", "和", "国外", "媒体", "披露", "的", "基地", "建设", "最新进展", "信息", ",", "我", "军", "驻", "吉布提", "保障", "基地", "很有可能", "会", "在", "年", "内", "完工", "。", "2016", "年", "8", "月", "外媒", "发布", "的", "卫星", "图片", "显示", ",", "位于", "吉布提", "共和国", "首都", "吉布提市", "西郊", "的", "这", "一", "港口", "不仅", "完成", "了", "土地", "平整", ",", "码头", "、", "防波堤", "也", "已", "基本", "建好", ",", "营", "房", "等", "建筑", "也", "建", "了", "不少", "。"], ["但", "这", "一", "基地", "始终", "定位", "于", "小型", "保障", "基地", ",", "整体", "规模", "有限", ",", "中国海军", "未来", "也", "很难", "在", "此", "部署", "大", "批", "作战", "和", "保障", "舰艇", "。", "外媒", "报道", "这", "一", "基地", "仅", "有", "90", "英亩", ",", "因此", "和", "中国", "海军", "一些", "大型", "海军基地", "如", "青岛", "小", "口子", "军港", "、", "三亚", "亚龙湾", "军港", "相比", ",", "它", "不可能", "具备", "大型", "军港", "完整", "的", "功能", ",", "如", "大规模", "的", "武器", "弹药", "仓库", "、", "大型", "油库", "以及", "舰艇", "消磁", "站", "甚至", "是", "修船厂", "等", "设施", "。"], ["这", "意味着", ",", "一支", "小", "而", "精干", "的", "舰艇编队", "会", "成为", "我", "军", "驻", "吉布提", "保障", "基地", "的", "“", "常", "客", "”", "。", "2008", "年", "持续", "至今", "的", "亚丁湾", "护航", "任务", ",", "中国海军", "标准", "的", "配置", "都是", "2", "艘", "水面", "作战", "舰艇", "和", "1", "艘", "综合", "补给舰", ",", "随着", "海盗", "袭击事件", "减少", ",", "近年来", "更多", "的", "是", "以", "2", "艘", "054A", "护卫舰", "和", "1", "艘", "综合", "补给舰", "这样", "的", "组合", ",", "而", "一支", "类似", "规模", "的", "舰艇编队", ",", "也", "更", "适合", "吉布提", "基地", "的", "保障", "能力", "。"], ["吉布提", "地理位置", "上", "处于", "非洲之角", "区域", ",", "扼守", "红海", "、", "曼德海峡", "等", "战略", "要", "道", ",", "虽然", "主要", "是", "为了", "打击", "海盗", "、", "为", "我", "国", "途径", "这", "一", "重要", "航道", "的", "商船", "护航", ",", "但", "我", "海军", "护航", "编队", "也", "在", "过去", "几", "年", "中", "也", "参与", "执行", "了", "利比亚", "撤侨", "、", "叙利亚", "化学武器", "护航", "等", "任务", ",", "需要", "从", "这", "一", "区域", "千里", "驰援", ",", "因此", "采用", "全柴动力", "、", "续航力", "很大", "的", "054A", "型", "护卫舰", "极", "受", "海军", "欢迎", "。"], ["吉布提", "基地", "投入使用", "后", ",", "我", "军", "舰艇", "将", "有", "更为", "便利", "的", "常态化", "驻", "泊", "条件", ",", "不再", "需要", "频繁", "的", "往返", "吉布提", "、", "阿曼", "等", "港口", "进行", "补给", "和", "修", "整", ",", "对", "作战", "舰艇", "的", "自持力", "要求", "也", "无需", "那么", "高", ",", "一艘", "自持力", "较", "强", "的", "054A", "型", "护卫舰", ",", "搭配", "一艘", "更", "小", "一些", "的", "053", "H3", "型", "(", "江", "卫", "II", "型", ")", "甚至", "是", "056", "型", "护卫舰", ",", "会", "成为", "更为", "经济", "的", "选择", ",", "将", "054A", "这样", "的", "主力", "舰艇", "更多", "的", "留", "在", "自家", "大门", ",", "投入", "南海", "、", "东海", "等", "热点", "海", "区", "。"], ["在", "中东", "和", "非洲", ",", "我", "军", "海外", "任务", "更多", "的", "还是", "撤侨", "、", "护航", "等", "非", "战争军事", "任务", ",", "有", "一定", "对", "海", "对", "空", "能力", "的", "护卫舰", "作为", "作战", "舰艇", "已经", "足够", ",", "考虑到", "撤侨", "任务", "需要", "舰艇", "具备", "更好", "的", "居住", "条件", ",", "072", "型", "坦克登陆舰", "和", "新型", "岛礁", "运输舰", ",", "都是", "5000", "吨", "左右", ",", "对", "码头", "要求", "比较", "少", ",", "也", "可", "部署", "在", "此", ",", "可以", "执行", "运输", "、", "撤侨", "甚至", "搭载", "陆战队", "进行", "小规模", "武力", "打击", "任务", ",", "而", "1", "艘", "综合", "补给舰", "也", "可", "更好", "的", "支持", "此类", "行动", "。"], ["在", "海外", "基地", "使用", "上", ",", "美国", "、", "法国", "和", "英国", "等", "国家", "早已", "是", "“", "老", "司机", "”", ",", "有", "所", "侧重", "的", "部署", "军事", "力量", "是", "常态化", "做法", ",", "如", "法国海军", "在", "法", "属", "波利尼西亚", "等", "海外", "领地", ",", "通常", "都", "只有", "1", "艘", "2600", "吨", "级", "的", "花", "月", "级", "护卫舰", "常态化", "部署", ",", "一", "舰", "守卫", "一方", ",", "对", "这些", "相对", "和平", "的", "区域", "也是", "更", "为", "经济", "的", "做法", "。"], ["在", "海外", "军事", "力量", "部署", "方面", ",", "我", "军", "还是", "一", "位", "好好学习", "的", "好", "学生", ",", "适当", "借鉴", "“", "老", "司机", "”", "的", "做法", "少", "走", "弯路", ",", "没错", "的", "。", "(", "作者", "署名", ":", "乌龙", "防务", "评论", ")"], ["本", "栏目", "所有", "文章", "目的", "在于", "传递", "更多", "信息", ",", "并", "不", "代表", "本", "网", "赞同", "其", "观点", "和", "对其", "真实性", "负责", "。", "凡", "本", "网", "注明", "版权所有", "的", "作品", ",", "版权", "均", "属于", "新浪网", ",", "凡", "署名", "作者", "的", ",", "版权", "则", "属", "原作者", "或", "出版人", "所有", ",", "未经", "本", "网", "或", "作者", "授权", "不得转载", "、", "摘编", "或", "利用", "其它", "方式", "使用", "上述", "作品", "。"], ["新浪军事", ":", "最多", "军", "迷", "首选", "的", "军事", "门户", "!"]], "paragraphs": ["新浪军事编者:为了更好的为读者呈现多样军事内容,满足读者不同阅读需求,共同探讨国内国际战略动态,新浪军事独家推出《深度军情》版块,深度解读军事新闻背后的隐藏态势,立体呈现中国面临的复杂军事战略环境,欢迎关注。", "2017年,对越来越多的执行海外军事任务的中国军队而言,或将是具有里程碑意义的一年。", "我军首个真正意义上的海外基地——吉布提保障基地有望年内竣工,这将为中国军队尤其是海军在非洲之角进行护航、撤侨等行动提供一个大本营,而中国海军又会派出怎么样的一支舰艇编队常驻那里,很受关注也很有想象空间。", "中国海军护航编队官兵在吉布提港防波堤上留下的涂鸦,中国海军将成为这里的常客", "今年春节期间的央视七套《军事报道》节目,一则报道军委领导在春节慰问境外执行任务官兵的新闻,显示我军先遣人员已经进驻“中国人民解放军驻吉布提保障基地联合先遣组值班室”,这显示这一基地目前不仅已经在加速建设,同时我军先遣组人员也已到位,为接收基地做好准备。", "根据俄罗斯媒体和国外媒体披露的基地建设最新进展信息,我军驻吉布提保障基地很有可能会在年内完工。2016年8月外媒发布的卫星图片显示,位于吉布提共和国首都吉布提市西郊的这一港口不仅完成了土地平整,码头、防波堤也已基本建好,营房等建筑也建了不少。", "但这一基地始终定位于小型保障基地,整体规模有限,中国海军未来也很难在此部署大批作战和保障舰艇。外媒报道这一基地仅有90英亩,因此和中国海军一些大型海军基地如青岛小口子军港、三亚亚龙湾军港相比,它不可能具备大型军港完整的功能,如大规模的武器弹药仓库、大型油库以及舰艇消磁站甚至是修船厂等设施。", "这意味着,一支小而精干的舰艇编队会成为我军驻吉布提保障基地的“常客”。2008年持续至今的亚丁湾护航任务,中国海军标准的配置都是2艘水面作战舰艇和1艘综合补给舰,随着海盗袭击事件减少,近年来更多的是以2艘054A护卫舰和1艘综合补给舰这样的组合,而一支类似规模的舰艇编队,也更适合吉布提基地的保障能力。", "吉布提地理位置上处于非洲之角区域,扼守红海、曼德海峡等战略要道,虽然主要是为了打击海盗、为我国途径这一重要航道的商船护航,但我海军护航编队也在过去几年中也参与执行了利比亚撤侨、叙利亚化学武器护航等任务,需要从这一区域千里驰援,因此采用全柴动力、续航力很大的054A型护卫舰极受海军欢迎。", "吉布提基地投入使用后,我军舰艇将有更为便利的常态化驻泊条件,不再需要频繁的往返吉布提、阿曼等港口进行补给和修整,对作战舰艇的自持力要求也无需那么高,一艘自持力较强的054A型护卫舰,搭配一艘更小一些的053H3型(江卫II型)甚至是056型护卫舰,会成为更为经济的选择,将054A这样的主力舰艇更多的留在自家大门,投入南海、东海等热点海区。", "在中东和非洲,我军海外任务更多的还是撤侨、护航等非战争军事任务,有一定对海对空能力的护卫舰作为作战舰艇已经足够,考虑到撤侨任务需要舰艇具备更好的居住条件,072型坦克登陆舰和新型岛礁运输舰,都是5000吨左右,对码头要求比较少,也可部署在此,可以执行运输、撤侨甚至搭载陆战队进行小规模武力打击任务,而1艘综合补给舰也可更好的支持此类行动。", "在海外基地使用上,美国、法国和英国等国家早已是“老司机”,有所侧重的部署军事力量是常态化做法,如法国海军在法属波利尼西亚等海外领地,通常都只有1艘2600吨级的花月级护卫舰常态化部署,一舰守卫一方,对这些相对和平的区域也是更为经济的做法。", "在海外军事力量部署方面,我军还是一位好好学习的好学生,适当借鉴“老司机”的做法少走弯路,没错的。(作者署名:乌龙防务评论)", "本栏目所有文章目的在于传递更多信息,并不代表本网赞同其观点和对其真实性负责。凡本网注明版权所有的作品,版权均属于新浪网,凡署名作者的,版权则属原作者或出版人所有,未经本网或作者授权不得转载、摘编或利用其它方式使用上述作品。", "新浪军事:最多军迷首选的军事门户!"], "bs_rank_pos": 1}, {"is_selected": false, "title": "吉布提人的真实生活图照 世界上最热的国家吉布提,在吉布提中国人有", "most_related_para": 10, "segmented_title": ["吉布提", "人", "的", "真实", "生活", "图", "照", "世界上", "最", "热", "的", "国家", "吉布提", ",", "在", "吉布提", "中国人", "有"], "segmented_paragraphs": [["【", "行政区划", "】", "全国", "共", "分", "1", "个", "市", "和", "5", "个", "地区", ":", "吉布提市", "(", "Djibouti", "-", "ville", ")", "、", "塔", "朱", "拉", "地区", "(", "Région", "de", "Tadjourah", ")", "、", "奥博", "克", "地区", "(", "Région", "d", "’", "Obock", ")", "、", "阿里萨比", "地区", "(", "Région", "d", "’", "Ali", "-", "Sabieh", ")", "、", "迪基尔", "地区", "(", "Région", "de", "Dikhil", ")", "和", "阿尔塔", "地区", "(", "Région", "d", "’", "Arta", ")", "。"], ["非洲之角", "吉布提", "将", "于", "2016", "年", "大", "选", ",", "现任", "的", "伊斯梅尔", "总统", "在", "促进", "自身", "作为", "一", "个", "安全", "的", "避风港", "的", "同时", ",", "他", "的", "政权", "面临", "着", "复苏", "的", "反对派", "力量", "和", "怀疑", "。", "吉布提", "能", "建立", "一", "个", "新", "的", "联盟", "吗", "?", "在", "柏林墙", "倒塌", "25", "年", "之后", ",", "非洲之角", "的", "吉布提", "站", "在", "有", "风险", "的", "外交", "对抗", "的", "大舞台", "。"], ["在", "世界上", "拥有", "最", "强大", "军队", "的", "国家", "中", ",", "中国", ",", "法国", ",", "日本", ",", "俄罗斯", "和", "美国", ",", "都", "在", "对", "吉布提塔", "朱", "拉", "湾", "虎视眈眈", "。", "吉布提塔", "朱拉湾", "俯瞰", "红海", "和", "亚丁湾", ",", "在", "印度洋", "是", "世界上", "最", "繁忙", "的", "航道", "的", "门户", ",", "吉布提", "具有", "至高无上", "的", "地位", "。"], ["这", "是", "该", "地区", "最大", "的", "深水港", "和", "美国", "在", "东", "非", "和", "阿拉伯", "海湾", "军事", "行动", "主要", "的", "后勤", "基地", "。", "吉布提", "也有", "美国", "在", "阿富汗", "发动", "“", "捕食者", "”", "无人机", "的", "主要", "基地", "。"], ["法国", ",", "吉布提", "的", "前", "殖民主义", "国家", ",", "维护", "其", "在", "非洲", "最大", "的", "军事基地", ",", "布置", "发射", "无人机", "的", "基地", "。", "欧盟", "的", "首次", "联合", "反", "海盗", "任务", "演习", ",", "主要", "就是", "在", "亚特兰大", "和吉布提", "。", "俄罗斯海军", "在", "塔", "朱", "拉", "湾", "的", "北侧", "奥博克", "有", "协商", "的", "经营权", ",", "中国", "在", "二月", "和", "吉布提", "签署", "了", "军事", "装备", "和", "训练", "协议", "之后", ",", "正在", "建设", "自己", "的", "海军基地", "。"], ["世界上", "强大", "国家", "的", "军队", "都", "在", "吉布提", "有", "或多或少", "的", "影响力", ",", "伊斯梅尔", "总统", "自从", "1999", "年", "接替", "他", "叔叔", "阿普蒂敦", "古", "莱德", "之后", "统治", "吉布提", ",", "他", "现在", "是", "“", "大地主", "”", "。"], ["吉布提", "打", "着", "精明", "的", "算盘", ",", "伊斯梅尔", "总统", "一直", "利用", "吉布提", "的", "战略", "地位", ",", "筹集资金", ",", "并", "使", "他", "的", "政府", "的", "民主", "和", "人权", "免于", "西方", "的", "批评", "。"], ["但", "政治危机", "正在", "行程", ",", "伊斯梅尔", "总统", "已经", "66", "岁", ",", "2016", "年", "总统大选", "后", "将", "走向何方", "他", "自己", "也", "不知道", "。", "在", "三月", "伊斯梅尔", "总统", "告诉", "《", "青年", "非洲", "》", ":", "“", "我累了", ",", "我知道", "我", "的", "极限", "[", "…", "…", "]", "我", "认为", "我", "的", "使命", "即将", "完成", "。", "”"], ["“", "作为", "这个", "区域", "唯一", "的", "法语", "国家", "我们", "显得", "很", "孤立", "。", "”", "这句话", "表明", "了", "这个", "政治", "强人", "在", "闪", "转", "腾挪", "之间", "无暇", "他", "顾", "。"], ["吉布提", "夹", "在", "敌对", "的", "厄", "立", "特", "里", "亚", "和", "索马里", "之间", ",", "所以", "为", "其", "安全性", "的", "担忧", "加深", "。", "索马里", "首都", "各", "帮派", "之间", "的", "小", "武器", "走私", "来", "让", "这个", "国家", "胆战心惊", "。"], ["埃塞", "俄", "比亚", "政府", "大力", "支持", "伊斯梅尔", "总统", "。", "在", "2008", "年", "厄", "立", "特", "里", "亚", "军队", "越过", "边境", "进入", "吉布提", "南部", "时", ",", "亚", "的", "斯", "亚", "贝", "巴", "政府", "派出", "25000", "部队", "保卫", "那个", "一", "度", "被", "称为", "埃塞", "俄", "比亚", "的", "远方", "-", "伊萨", "区", "。"], ["本", "文", "相关新闻", "推荐", ":"], ["其他", "网友", "正在", "看"]], "paragraphs": ["【行政区划】 全国共分1个市和5个地区:吉布提市(Djibouti-ville)、塔朱拉地区(Région de Tadjourah)、奥博克地区(Région d’Obock)、阿里萨比地区(Région d’Ali-Sabieh)、迪基尔地区(Région de Dikhil)和阿尔塔地区(Région d’Arta)。", "非洲之角吉布提将于2016年大选,现任的伊斯梅尔总统在促进自身作为一个安全的避风港的同时,他的政权面临着复苏的反对派力量和怀疑。吉布提能建立一个新的联盟吗? 在柏林墙倒塌25年之后,非洲之角的吉布提站在有风险的外交对抗的大舞台。", "在世界上拥有最强大军队的国家中,中国,法国,日本,俄罗斯和美国,都在对吉布提塔朱拉湾虎视眈眈。 吉布提塔朱拉湾俯瞰红海和亚丁湾,在印度洋是世界上最繁忙的航道的门户,吉布提具有至高无上的地位。", "这是该地区最大的深水港和美国在东非和阿拉伯海湾军事行动主要的后勤基地。 吉布提也有美国在阿富汗发动“捕食者”无人机的主要基地。", "法国,吉布提的前殖民主义国家,维护其在非洲最大的军事基地,布置发射无人机的基地。欧盟的首次联合反海盗任务演习,主要就是在亚特兰大和吉布提。 俄罗斯海军在塔朱拉湾的北侧奥博克有协商的经营权,中国在二月和吉布提签署了军事装备和训练协议之后,正在建设自己的海军基地。", "世界上强大国家的军队都在吉布提有或多或少的影响力,伊斯梅尔总统自从1999年接替他叔叔阿普蒂敦古莱德之后统治吉布提,他现在是“大地主”。", "吉布提打着精明的算盘,伊斯梅尔总统一直利用吉布提的战略地位,筹集资金,并使他的政府的民主和人权免于西方的批评。", "但政治危机正在行程,伊斯梅尔总统已经66岁,2016年总统大选后将走向何方他自己也不知道。 在三月伊斯梅尔总统告诉《青年非洲》:“我累了,我知道我的极限[……]我认为我的使命即将完成。”", "“作为这个区域唯一的法语国家我们显得很孤立。”这句话表明了这个政治强人在闪转腾挪之间无暇他顾。", "吉布提夹在敌对的厄立特里亚和索马里之间,所以为其安全性的担忧加深。 索马里首都各帮派之间的小武器走私来让这个国家胆战心惊。", "埃塞俄比亚政府大力支持伊斯梅尔总统。在2008年厄立特里亚军队越过边境进入吉布提南部时,亚的斯亚贝巴政府派出25000部队保卫那个一度被称为埃塞俄比亚的远方-伊萨区。", "本文相关新闻推荐:", "其他网友正在看"], "bs_rank_pos": 2}, {"is_selected": false, "title": "讨论中国人民解放军吉布提基地的规模和军力配置-海军版-超级大本营", "most_related_para": 33, "segmented_title": ["讨论", "中国人民解放军", "吉布提", "基地", "的", "规模", "和", "军力", "配置", "-", "海军", "版", "-", "超级大本营"], "segmented_paragraphs": [["您", "需要", "登录", "才", "可以", "下载", "或", "查看", ",", "没有", "帐号", "?", "加入", "超大", "军事"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["成立", "印度洋", "舰队", ",", "167", "舰", "为", "旗舰", ",", "2", "艘", "052", ",", "4", "艘", "053", "H3", ",", "4", "艘", "056", "A", ",", "4", "条", "基洛", ",", "1", "个", "中队", "的", "苏", "30", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["利比里亚", "是", "武警", "边防", "的", "维和", "人员", "!"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["印度洋", "基地", "至少", "还有", "东", "非", "达", "累", "斯", "萨拉姆", "、", "蒙巴萨", "和", "瓜达尔"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["吉布提", "基地", "建成后", ",", "小动物", "是", "最适宜", "常驻", "的", "舰", "种"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["我", "也", "期待", "看到", "小动物", "去", "亚丁湾", "。", "虽然", "知道", "这样", "有些", "浪费", "难得", "的", "海军基地", ",", "但是", "那里", "风平浪静", ",", "两", "条", "小动物", "足以", "满足", "护航", "要求", ",", "其它", "的", "主", "战", "舰艇", "该", "干嘛", "干嘛", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["医院", "估计", "要", "下", "大", "工夫", ",", "自己", "用", "的", "同时", "对", "驻地", "的", "老百姓", "也", "提供", "医疗服务"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"], ["个人", "认为", "那个", "基地", "的", "警卫", "保障", "维修", "后勤", "医疗", "人数", "不会", "超过", "300", "海外", "基地", "本身", "自身", "保障", "都", "比较", "困难", "费力", "人数", "不会", "太多", "估计", "就是", "一", "个", "连", "的", "警卫", "其他功能", "的", "各", "一", "个", "排", "然后", "基地", "大概", "是", "个", "团", "级", "或者", "副", "师"], ["最具", "影响力", "军事论坛", "-", "超级大本营", "军事论坛", "欢迎", "你", "!", "超然物外", ",", "有", "容", "乃", "大", "。"]], "paragraphs": ["您需要 登录 才可以下载或查看,没有帐号?加入超大军事", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "成立印度洋舰队,167舰为旗舰,2艘052,4艘053H3,4艘056A,4条基洛,1个中队的苏30。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "利比里亚是武警边防的维和人员!", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "印度洋基地至少还有东非达累斯萨拉姆、蒙巴萨和瓜达尔", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "吉布提基地建成后,小动物是最适宜常驻的舰种", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "我也期待看到小动物去亚丁湾。虽然知道这样有些浪费难得的海军基地,但是那里风平浪静,两条小动物足以满足护航要求,其它的主战舰艇该干嘛干嘛。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "医院估计要下大工夫,自己用的同时对驻地的老百姓也提供医疗服务", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。", "个人认为那个基地的警卫保障维修后勤医疗 人数不会超过300 海外基地本身自身保障都比较困难 费力 人数不会太多 估计就是一个连的警卫 其他功能的各一个排 然后基地大概是个团级或者副师", "最具影响力军事论坛-超级大本营军事论坛欢迎你!超然物外,有容乃大。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "中国在吉布提基地租金曝光:国人吓一跳-今日军事 ", "most_related_para": 5, "segmented_title": ["中国", "在", "吉布提", "基地", "租金", "曝光", ":", "国", "人", "吓一跳", "-", "今日", "军事"], "segmented_paragraphs": [["在", "让", "人", "昏昏欲睡", "的", "热浪", "中", ",", "以为", "这个", "与", "新泽西", "差不多", "大", "的", "国家", "已经", "被", "时间", "淡忘", "也", "情有可原", "。", "然而", "在", "动荡", "的", "非洲之角", ",", "平静", "和", "稳定", "使", "这个", "只有", "87", ".", "5", "万", "人口", "的", "国家", "成为", "世界", "超级大国", "青睐", "的", "地方", "。"], ["战略", "位置", "重要", "的", "吉布提"], ["星条旗", "在", "机场", "跑道", "旁", "飘扬", "。", "莱蒙尼尔", "军营", "是", "美国", "在", "非洲", "的", "唯一", "永久", "性", "军事基地", ",", "这里", "驻扎", "着", "4500", "名", "军人", "和", "雇佣兵", ",", "执行", "打击", "也门", "“", "基地", "”", "组织", "和", "索马里", "青年", "党", "的", "任务", "。"], ["吉布提", "的", "岛屿"], ["该", "基地", "租金", "为", "每年", "6000", "万", "美元", ",", "与", "国际机场", "共用", "飞机", "跑道", ",", "不过", "在", "2011", "年", "一", "架", "无人机", "在", "居民区", "坠毁", "以后", ",", "美军", "改", "用", "8", "英里", "外", "的", "一", "个", "沙漠", "机场", "。"], ["在", "吉布提", "还有", "法国", "在", "海外", "规模", "最大", "的", "驻军", "、", "日本", "在", "海外", "的", "唯一", "基地", "、", "欧盟", "反", "海盗", "部队", "中", "的", "西班牙", "和", "德国", "军队", "。", "有", "传言", "说", "沙特", "人和", "印度人", "也有", "意", "在这里", "建立", "基地", ",", "还有", "俄罗斯人", "。"], ["被", "富婆", "包养", "的", "男", "大学生", "的", "糜烂", "生活", "记者", "暗访", "桑拿", "会所", "揭秘", "“", "特殊", "服务", "”"]], "paragraphs": ["在让人昏昏欲睡的热浪中,以为这个与新泽西差不多大的国家已经被时间淡忘也情有可原。然而在动荡的非洲之角,平静和稳定使这个只有87.5万人口的国家成为世界超级大国青睐的地方。", "战略位置重要的吉布提", "星条旗在机场跑道旁飘扬。莱蒙尼尔军营是美国在非洲的唯一永久性军事基地,这里驻扎着4500名军人和雇佣兵,执行打击也门“基地”组织和索马里青年党的任务。", "吉布提的岛屿", "该基地租金为每年6000万美元,与国际机场共用飞机跑道,不过在2011年一架无人机在居民区坠毁以后,美军改用8英里外的一个沙漠机场。", "在吉布提还有法国在海外规模最大的驻军、日本在海外的唯一基地、欧盟反海盗部队中的西班牙和德国军队。有传言说沙特人和印度人也有意在这里建立基地,还有俄罗斯人。", "被富婆包养的男大学生的糜烂生活  记者暗访桑拿会所 揭秘“特殊服务”"], "bs_rank_pos": 5}], "answer_spans": [[36, 37]], "answer_docs": [1], "fake_answers": ["90英亩"], "question": "吉布提中国基地多大", "segmented_answers": [["90", "英亩", "。"]], "answers": ["90英亩。"], "entity_answers": [["90英亩"]], "segmented_question": ["吉布提", "中国", "基地", "多大"], "question_type": "ENTITY", "question_id": 91175, "fact_or_opinion": "FACT", "match_scores": [0.8]}
-{"documents": [{"is_selected": false, "title": "我想去贩毒怎么联系我急需用钱没办法才走这条路 -- 找法网免费法律", "most_related_para": -1, "segmented_title": ["我", "想", "去", "贩毒", "怎么", "联系", "我", "急需", "用钱", "没办法", "才", "走", "这条路", "-", "-", "找", "法网", "免费", "法律"], "segmented_paragraphs": [["我", "想", "去", "贩毒", "怎么", "联系", "我", "急需", "用钱", "没办法", "才", "走", "这条路"], ["尊敬", "的", "用户", "请先登录", "后", "解答", "该", "咨询", "。", "登录", "|", "注册"], ["找", "法网", "认证", "系统"], ["温馨提示", ":", "只有", "认证", "通过", "的", "律师", "才能", "回复", "咨询", "。"], ["15560155333"], ["你", "这", "是", "犯罪", ",", "你", "的", "胆子", "够", "大", "了", ",", "咨询", "律师", ",", "你", "怎么", "不", "去", "公安局", "咨询", "啊"], ["15393715496"], ["您好", ",", "您", "准备", "坐牢", "吗", "?", "会", "被", "追究刑事责任"], ["18695969701"], ["远离毒品", ",", "珍爱", "自己", "和", "关心", "爱护", "你", "的", "人", ",", "君子爱财", ",", "取之有道", "!"], ["15039063769"], ["你", "是", "来这里", "找", "同伙", "/", "共犯", "吗", "?", "到", "公安局", "找", "就", "对", "了", "。"], ["13653832009"], ["你好", ":", "要", "判刑", "的", "律所", ":", "河南", "麟", "格", "律师事务所", "回复时间", ":", "2015", "-", "04", "-", "11", "22", ":", "05"], ["贩毒", ":", "涉嫌", "贩毒", ":", "十", "克", "贩毒", ":", "吸毒", "贩毒", ":", "刑法", "量刑", "贩毒", ":", "指正"], ["不用注册", ",", "快速回复", ",", "马上", "在线咨询", "专业", "律师", "!"], ["请", "输入", "正确", "的", "手机号码"], ["田洪山", "免费咨询", "电话", ":", "13621304895", "专长", ":", "刑事辩护"], ["李建成", "免费咨询", "电话", ":", "18301622545", "专长", ":", "刑事辩护"]], "paragraphs": ["我想去贩毒怎么联系我急需用钱没办法才走这条路", "尊敬的用户请先登录后解答该咨询。 登录 | 注册", "找法网认证系统", "温馨提示:只有认证通过的律师才能回复咨询。", "15560155333", "你这是犯罪,你的胆子够大了,咨询律师,你怎么不去公安局咨询啊", "15393715496", "您好,您准备坐牢吗?会被追究刑事责任", "18695969701", "远离毒品,珍爱自己和关心爱护你的人,君子爱财,取之有道!", "15039063769", "你是来这里找同伙/共犯吗?到公安局找就对了。", "13653832009", "你好:要判刑的 律所:河南麟格律师事务所 回复时间:2015-04-11 22:05", "贩毒:涉嫌 贩毒:十克 贩毒:吸毒 贩毒:刑法量刑 贩毒:指正", "不用注册,快速回复,马上在线咨询专业律师!", "请输入正确的手机号码", "田洪山免费咨询 电话:13621304895 专长:刑事辩护", "李建成免费咨询 电话:18301622545 专长:刑事辩护"], "bs_rank_pos": 0}, {"is_selected": false, "title": "我想去贩毒怎么联系只因我没钱 -- 找法网免费法律咨询", "most_related_para": -1, "segmented_title": ["我", "想", "去", "贩毒", "怎么", "联系", "只因", "我", "没", "钱", "-", "-", "找", "法网", "免费", "法律", "咨询"], "segmented_paragraphs": [["尊敬", "的", "用户", "请先登录", "后", "解答", "该", "咨询", "。", "登录", "|", "注册"], ["找", "法网", "认证", "系统"], ["温馨提示", ":", "只有", "认证", "通过", "的", "律师", "才能", "回复", "咨询", "。"], ["15588815138"], ["你好", ",", "贩毒", "行为", "违法"], ["贩毒", ":", "涉嫌", "贩毒", ":", "十", "克", "贩毒", ":", "吸毒", "贩毒", ":", "刑法", "量刑", "贩毒", ":", "指正"], ["不用注册", ",", "快速回复", ",", "马上", "在线咨询", "专业", "律师", "!"], ["请", "输入", "正确", "的", "手机号码"], ["田洪山", "免费咨询", "电话", ":", "13621304895", "专长", ":", "刑事辩护"], ["李建成", "免费咨询", "电话", ":", "18301622545", "专长", ":", "刑事辩护"]], "paragraphs": ["尊敬的用户请先登录后解答该咨询。 登录 | 注册", "找法网认证系统", "温馨提示:只有认证通过的律师才能回复咨询。", "15588815138", "你好,贩毒行为违法", "贩毒:涉嫌 贩毒:十克 贩毒:吸毒 贩毒:刑法量刑 贩毒:指正", "不用注册,快速回复,马上在线咨询专业律师!", "请输入正确的手机号码", "田洪山免费咨询 电话:13621304895 专长:刑事辩护", "李建成免费咨询 电话:18301622545 专长:刑事辩护"], "bs_rank_pos": 1}, {"is_selected": false, "title": "想好了 我要去贩毒_城市论坛", "most_related_para": -1, "segmented_title": ["想", "好", "了", "我", "要", "去", "贩毒", "_", "城市", "论坛"], "segmented_paragraphs": [["点", "标签", "看", "更多", "好", "帖", "资源"], ["做", "这个决定", ",", "不是", "那么", "容易", "。", "但是", "今天", ",", "实在", "已经", "无路可走", "。", "再", "撑", "下去", ",", "我", "一定", "会", "得", "抑郁症", "。", "如果", "早知道", "到", "了", "今天", "这个", "田", "地", ",", "决定", "去", "走", "这一步", ",", "还", "不如", "当初", "不", "读书", "。", "14", "岁", "初中毕业", ",", "就", "直接", "去", "混社会", "。", "反正", ",", "这个", "社会", "横竖", "只是", "认", "钱", "的", "。", "胜者为王", "败", "者", "寇", ",", "这", "是", "自古以来", "的", "道理", "。", "杀一个人", "是", "杀人犯", ",", "杀", "一万", "个", "就是", "枭雄", "。", "如果", "能", "早", "一", "点", "明白", ",", "这个世界", "只是", "有钱人", "的", "世界", ",", "乖乖", "地", "努力", "读书", ",", "考", "大学", ",", "毕业", "了", "勤恳", "地", "工作", ",", "精打细算", "攒", "下", "一些", "存款", ",", "买", "了", "一", "间", "小房子", ",", "搭上", "20", "年", "青春", ",", "不敢", "生病", ",", "不敢", "失业", ",", "不敢", "有", "稍许", "的", "侘傺", "。", "。", "。", "。", ".", "这种", "日子", "什么", "时候", "是", "个", "头", "从", "没", "停下", "想", "过", ",", "为什么", "是", "这样", ",", "我", "虽", "是", "普通人", ",", "但", "也", "还算", "优秀", "。", "我", "为什么", "要", "这么", "辛苦", "的", "生活", "!", "!", "没错", ",", "在", "很多人", "看", "来", "我", "是", "过", "的", "不错", ",", "可", "那", "都是", "外表", ",", "但是", "没有人知道", "我", "内心", "的", "焦虑", "和", "惶惶", "的", "不安", "。", "我", "极度", "没有", "生活", "的", "安全感", "。", "周围", "的", "小伙伴", "依仗", "家", "传", "的", "房子", "拆迁", ",", "不需要", "努力", ",", "不需要", "有", "才华", ",", "一夜之间", "成", "了", "百万富翁", "。", "房子", "车子", "票子", "都", "有", "了", "。", "有", "权势", "的", "人", ",", "不需要", "努力", "不需要", "能力", ",", "只要", "有", "权利", "寻租", ",", "占", "尽", "各种", "资源", "和", "财富", "。", "作为", "我们", "这样", "的", "普通人", ",", "没有", "什么", "可以", "指望", "的", ",", "只有", "有限", "的", "生命", "换", "来", "的", "糊口", "薪水", "!", "!", "有人", "说", ",", "我", "过", "的", "已经", "不", "错", "了", "。", "什么叫", "不错", "?", "?", "难道", "有人", "就", "活该", "他", "妈", "的", "生", "来", "为", "一", "个", "安身之所", "卖命", ",", "活该", "在夏天", "拥挤", "的", "车厢", "里", ",", "活该", "被", "商场", "的", "价签", "吓倒", ",", "活该", "要", "省吃俭用", "的", "生活", "?", "?", "我承认", "我", "的", "心理", "已经", "严重", "失衡", ",", "我终于", "醒悟", ",", "黑社会", "做", "大", "了", "也是", "可以", "改变命运", "的", "。", "X", "市", "的", "某", "黑社会", "老大", "家中", "的", "座上客", "除了", "公安局长", "就是", "副市长", "。", "我终于", "醒悟", "了", ",", "这个", "社会", "上", ",", "最", "最", "无能", "最", "最", "受苦", "的", "就是我", "这样", "老实", "的", "p", "民", "!", "!", "我", "根本", "就", "不", "应该", "读", "什么", "劳什子", "书", "!", "!", "人", "横竖", "都是", "一", "死", ",", "倒", "不如", "早", "一点", "做", "该", "做", "的", "事", ",", "哪怕", "违法犯罪", ",", "都", "他", "妈", "的", "比", "现在", "活", "得", "痛快", "!", "!", "弄", "不好", "做", "大", "了", ",", "一辈子", "不用愁", ",", "总之", ",", "不会", "活", "得", "比", "现在", "更", "压抑", "。", "所以", ",", "我", "要", "去", "贩毒", ",", "反正", "意志", "坚定", "的", "人", "无论如何", "都", "不会", "吸", ",", "而", "那些", "本来", "就", "吸毒", "的", "人", "不", "买", "我", "的", "毒品", "也", "会", "买", "其他人", "的", "吸", "。", "我", "要", "赚钱", ",", "赚", "很多", "很多", "钱", "。", "如果", "抓不住", "我", ",", "我", "在", "很", "短", "时间", "内", "就", "可以", "发财", "了", ",", "致富", "了", ",", "再", "也", "不用", "像", "现在", "这样", "痛苦", "地", "生活", "。", "如果", "不幸", "我", "被", "抓", "到", ",", "我", "也", "认", "了", ",", "要", "杀", "要", "剐", ",", "随便", ",", "苦日子", "我", "他", "妈", "的", "过", "够了", ",", "还要", "苦", "下去", ",", "我宁愿", "死", "!", "!"], ["发帖", "时", "请", "遵守", "我", "国", "法律", ",", "网站", "会", "将", "有关", "你", "发帖", "内容", "、", "时间", "以及", "发帖", "IP地址", "等", "记录", "保留", ",", "只要", "接", "到", "合法", "请求", ",", "即", "会", "将", "信息", "提供", "给", "有关", "政府机构", "。"]], "paragraphs": ["点标签看更多好帖 资源", "做这个决定,不是那么容易。但是今天,实在已经无路可走。再撑下去,我一定会得抑郁症。 如果早知道到了今天这个田地,决定去走这一步,还不如当初不读书。14岁初中毕业,就直接去混社会。反正,这个社会横竖只是认钱的。 胜者为王败者寇,这是自古以来的道理。杀一个人是杀人犯,杀一万个就是枭雄。如果能早一点明白,这个世界只是有钱人的世界,乖乖地努力读书,考大学,毕业了勤恳地工作,精打细算攒下一些存款,买了一间小房子,搭上20年青春,不敢生病,不敢失业,不敢有稍许的侘傺。。。。.这种日子什么时候是个头 从没停下想过,为什么是这样,我虽是普通人,但也还算优秀。我为什么要这么辛苦的生活!!没错,在很多人看来我是过的不错,可那都是外表,但是没有人知道我内心的焦虑和惶惶的不安。我极度没有生活的安全感。 周围的小伙伴依仗家传的房子拆迁,不需要努力,不需要有才华,一夜之间成了百万富翁。房子车子票子都有了。有权势的人,不需要努力不需要能力,只要有权利寻租,占尽各种资源和财富。 作为我们这样的普通人,没有什么可以指望的,只有有限的生命换来的糊口薪水!!有人说,我过的已经不错了。什么叫不错??难道有人就活该他妈的生来为一个安身之所卖命,活该在夏天拥挤的车厢里,活该被商场的价签吓倒,活该要省吃俭用的生活?? 我承认我的心理已经严重失衡,我终于醒悟,黑社会做大了也是可以改变命运的。X市的某黑社会老大家中的座上客除了公安局长就是副市长。我终于醒悟了,这个社会上,最最无能最最受苦的就是我这样老实的p民!! 我根本就不应该读什么劳什子书!!人横竖都是一死,倒不如早一点做该做的事,哪怕违法犯罪,都他妈的比现在活得痛快!!弄不好做大了,一辈子不用愁,总之,不会活得比现在更压抑。 所以,我要去贩毒,反正意志坚定的人无论如何都不会吸,而那些本来就吸毒的人不买我的毒品也会买其他人的吸。我要赚钱,赚很多很多钱。如果抓不住我,我在很短时间内就可以发财了,致富了,再也不用像现在这样痛苦地生活。如果不幸我被抓到,我也认了,要杀要剐,随便,苦日子我他妈的过够了,还要苦下去,我宁愿死!!", "发帖时请遵守我国法律,网站会将有关你发帖内容、时间以及发帖IP地址等记录保留,只要接到合法请求,即会将信息提供给有关政府机构。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "想贩毒,怎样才能联系到-免费法律咨询-华律网", "most_related_para": -1, "segmented_title": ["想", "贩毒", ",", "怎样", "才能", "联系", "到", "-", "免费", "法律", "咨询", "-", "华", "律", "网"], "segmented_paragraphs": [["想", "贩毒", ",", "怎样", "才能", "联系", "到"], ["想", "贩毒", ",", "怎样", "才能", "联系", "到"], ["2015", "-", "01", "-", "31", "12", ":", "01"], ["建议", "携带", "材料", "当", "面", "咨询", "律师", ",", "我", "是", "福州", "本地", "专业", "律师", ",", "需要帮助", "可以", "找", "本", "律师"], ["2015", "-", "01", "-", "31", "15", ":", "55"], ["珍惜", "生命", ",", "远离毒品", "。"], ["2015", "-", "01", "-", "31", "16", ":", "39"]], "paragraphs": ["想贩毒,怎样才能联系到", "想贩毒,怎样才能联系到", "2015-01-31 12:01", "建议携带材料当面咨询律师,我是福州本地专业律师,需要帮助可以找本律师", "2015-01-31 15:55", "珍惜生命,远离毒品。", "2015-01-31 16:39"], "bs_rank_pos": 3}, {"is_selected": false, "title": "朋友说现在贩毒,我想找到他怎么找? - 110网免费法律咨询", "most_related_para": -1, "segmented_title": ["朋友说", "现在", "贩毒", ",", "我", "想", "找到", "他", "怎么", "找", "?", "-", "110", "网", "免费", "法律", "咨询"], "segmented_paragraphs": [["朋友说", "现在", "贩毒", ",", "我", "想", "找到", "他", "怎么", "找", "?"], ["您", "也有", "法律问题", "?", "您", "可以", "发布", "咨询", ",", "我们", "的", "律师", "随时", "在线", "为您服务"], ["问题", "答案", "可能", "在这里", "→", "寻找", "更多", "解答"]], "paragraphs": ["朋友说现在贩毒,我想找到他怎么找?", "您也有法律问题? 您可以 发布咨询,我们的律师随时在线为您服务", "问题答案可能在这里 → 寻找更多解答"], "bs_rank_pos": 4}], "answer_spans": [], "fake_answers": [], "question": "我想去贩毒怎么联系", "segmented_answers": [], "answers": [], "answer_docs": [], "segmented_question": ["我", "想", "去", "贩毒", "怎么", "联系"], "question_type": "DESCRIPTION", "question_id": 91176, "fact_or_opinion": "FACT", "match_scores": []}
-{"documents": [{"is_selected": true, "title": "好用PDF转换器的注册码谁能给一个?15分!!!_百度知道", "most_related_para": 1, "segmented_title": ["好", "用", "PDF", "转换器", "的", "注册码", "谁", "能", "给", "一", "个", "?", "15", "分", "!", "!", "!", "_", "百度", "知道"], "segmented_paragraphs": [["别", "用", "转换器", "我", "下载", "了", "很多", "转换器", "都", "不好", "用", ",", "而且", "还", "收费", "给", "你", "一", "个", "在线", "转换", "的", "网站", "这", "是", "国外", "的", "http", ":", "/", "/", "www", ".", "pdf", "toword", ".", "com", "/", "这个", "绝对", "好", "用", "我", "经常", "用", "的", "把", "你", "要", "转换", "的", "PDF", "上传", "上去", ",", "填写", "你", "得", "邮箱地址", "在线", "转换", "有点慢", "要有耐心"], ["注册码", "并", "不能", "通用", ",", "需要", "与", "机器码", "对应", "才", "可以", "。", "或者", "直接", "用", "在线", "网站", "进行", "转换", ",", "下面", "这个", "是", "国内", "的", "http", ":", "/", "/", "app", ".", "xunjie", "pdf", ".", "com", "中文版", "的", "还是", "比较好", "用", "的", "把", "需要", "转换", "的", "PDF", "文件上传", "上去", ",", "然后", "转换", ",", "最后", "下载", "到", "电脑", "上", "就", "可以", "了"]], "paragraphs": ["别用转换器 我下载了很多转换器都不好用,而且还收费 给你一个在线转换的网站 这是国外的 http://www.pdftoword.com/ 这个绝对好用 我经常用的 把你要转换的PDF上传上去,填写你得邮箱地址 在线转换有点慢 要有耐心", "注册码并不能通用,需要与机器码对应才可以。 或者直接用在线网站进行转换,下面这个是国内的 http://app.xunjiepdf.com 中文版的还是比较好用的 把需要转换的PDF文件上传上去,然后转换,最后下载到电脑上就可以了"], "bs_rank_pos": 0}, {"is_selected": true, "title": "在吗?给我个pdf转换成word转换器注册码好啊_百度知道", "most_related_para": 0, "segmented_title": ["在", "吗", "?", "给", "我", "个", "pdf", "转换", "成", "word", "转换器", "注册码", "好", "啊", "_", "百度", "知道"], "segmented_paragraphs": [["PDF", "转换器", "一款", "超级", "强大", "的", "PDF", "格式", "转换", "为", "其他", "格式", "的", "一", "个", "好", "工具", ",", "此", "工具", "能够", "使", "PDF", "文件", "格式", "转换", "为", "Wodr", ",", "TXT", ",", "HTML", ",", "FLASH", "和", "图片", "的", "一些", "格式", "等", "鞥", ",", "可以", "转换", "目前", "所有", "的", "主流", "格式", ",", "而且", "生成", "速度快", ",", "界面简洁", "使用方便", "简单", ",", "还", "支持", "打印", "功能", ",", "这么", "好", "的", "软件", "为什么", "不", "去", "试", "下", "呢", "?", "在这里", "极速", "博客", "分享", "出来", "一", "个", "PDF", "转换器", "全", "系列", "注册码", ",", "这", "款", "软件", "业", "是", "极速", "博客", "在", "网络", "中", "无意", "得到", "的", ",", "本人", "已经", "测试", "了", "所有", "版本", "全部", "可", "注册成功", ",", "也", "可以说", "是", "\"", "神码", "\"", "了", ",", "好", "了", "废话", "不", "多", "说", "这里", "就", "放", "图", "和", "注册码", "。", "PDF", "转换器", "图片", "预览", ":", "PDF", "转换器", "全", "系列", "注册码", ":", "注册码", ":", "R8", "Z", "8682", "LM", "DUA", "KHW", "注", ":", "以上", "注册码", "绝对", "可用", ",", "本人", "亲", "测"], ["楼主", "是", "想", "将", "pdf", "转换", "成", "word", "吗", "。", "如果", "是", "的", ",", "大可不必", "用", "pdf", "转换器", "的", ",", "直接", "在线", "就", "可以", "转换", "呢", "。", "具体", "转换", "步骤", ":", "1", "、", "网络", "搜索", "“", "pdf", "转", "word", "在线", "”", ",", "进入", "任", "一", "在线", "转换", "界面", ";", "2", "、", "选择", "“", "pdf", "转", "word", "”", "按钮", ",", "并", "将", "pdf", "文件", "添加", "上去", ";", "3", "、", "添加", "好", "了", "就", "可以", "单击", "“", "开始", "转换", "”", "了", ";", "4", "、", "转换", "成功", "后", ",", "将", "转换", "好", "的", "文件", "下载", "并", "保存", "至", "电脑", "就", "可以", "了", "。", "图解", ":"], ["汉王", "HW", "_", "PDF", "_", "OCR", "_", "81", ",", "可", "在", "汉王", "官方网站", "主页", "右下角", "有", "免费", "的", "正版", "下载", ",", "下载地址", ":", "www", ".", "hw99", ".", "com", "/", "我", "也", "没有", "注册码", ",", "只能", "给", "你", "推荐", "一", "个", "不用", "注册", "的", "了", ",", "也", "很好", "用", "你", "试", "试"]], "paragraphs": ["PDF转换器一款超级强大的PDF格式转换为其他格式的一个好工具,此工具能够使PDF文件格式转换为Wodr,TXT,HTML,FLASH和图片的一些格式等鞥,可以转换目前所有的主流格式,而且生成速度快,界面简洁使用方便简单,还支持打印功能,这么好的软件为什么不去试下呢?在这里极速博客分享出来一个PDF转换器全系列注册码,这款软件业是极速博客在网络中无意得到的,本人已经测试了所有版本全部可注册成功,也可以说是\"神码\"了,好了废话不多说这里就放图和注册码。 PDF转换器图片预览: PDF转换器全系列注册码: 注册码: R8Z8682LMDUAKHW 注: 以上注册码绝对可用,本人亲测", "楼主是想将pdf转换成word吗。如果是的,大可不必用pdf转换器的,直接在线就可以转换呢。 具体转换步骤: 1、网络搜索“pdf转word在线”,进入任一在线转换界面; 2、选择“pdf转word”按钮,并将pdf文件添加上去; 3、添加好了就可以单击“开始转换”了; 4、转换成功后,将转换好的文件下载并保存至电脑就可以了。 图解:", "汉王HW_PDF_OCR_81,可在汉王官方网站 主页右下角有免费的正版下载,下载地址:www.hw99.com/ 我也没有注册码,只能给你推荐一个不用注册的了,也很好用你试试"], "bs_rank_pos": 1}, {"is_selected": false, "title": "万能pdf转换器|万能pdf转换器破解版 v1.0 全能版_含注册码下载 - ", "most_related_para": 11, "segmented_title": ["万能", "pdf", "转换器", "|", "万能", "pdf", "转换器", "破解版", "v", "1", ".", "0", "全能", "版", "_", "含", "注册码", "下载", "-"], "segmented_paragraphs": [["您", "的", "位置", ":", "首页", ">", "应用软件", ">", "转换工具", ">", "万能", "pdf", "转换器", "v", "1", ".", "0", "全能", "版", "_", "含", "注册码"], ["万能", "pdf", "转换器", "破解版", "是", "一款", "最", "专业", "的", "pdf", "处理", "工具", ",", "可以", "生成", "pdf", "文件", ",", "同时", "也", "将", "pdf", "文件", "转换", "成", "Word", "、", "txt", "、", "图片", "、", "HTML", "、", "Flash", "等", "格式", "文件", ",", "转换", "速度快", ",", "准确", "无误", ",", "不会", "出现", "转换", "乱码", "的", "情况", "。"], ["支持", "转换", "格式"], ["1", "、", "从", "文件", "转换", "pdf", "2", "、", "将", "多", "个", "图片", "转换", "成", "pdf"], ["pdf", "转", "txt", "文件"], ["pdf", "转", "图片", "文件"], ["pdf", "转", "html", "文件"], ["pdf", "转", "Flash", "文件"], ["万能", "pdf", "转换器", "注册说明"], ["1", "、", "安装", "打开", "软件", "之后", ",", "显示", "为", "未注册", "版本", "2", "、", "点击", "立即", "注册", "pdf", "转换器", ",", "输入", "下方", "本站", "提供", "的", "注册码", ",", "点击", "注册", "3", "、", "提示", "注册成功", ",", "重新启动", "软件", "4", "、", "进入", "软件", ",", "未注册", "版本", "提示", "消失", ",", "所有", "功能", "都", "能", "正常", "使用", "了", "。"], ["万能", "pdf", "转换器", "使用说明"], ["1", "、", "本", "工具", "使用", "全部", "功能", "需要", "注册", ",", "点击", "软件", "上方", "注册", "按钮", ",", "使用", "下面", "提供", "的", "注册码", "进行", "注册", "。", "2", "、", "选择", "对应", "转换", "功能", "即可", "立即", "使用", "转换", "。"], ["经常", "需要", "打印", "合同", "的", "人", "想", "来", "都", "遇到", "过", "这样", "的", "困扰", ",", "合同样本", "是", "PDF", "格式", "的", ",", "可", "打印机", "不支持", "这种", "格式", "的", "打印", ",", "这个时候", "就", "需要", "pdf", "转换", "成", "word", "转换器", "的", "帮助", "了", "。", "类似", "的", "情况", ",", "也许", "需要", ",", "pdf", "转换", "成", "jpg", "或者", "pdf", "转换", "成", "excel", "。", "与", "之", "相反", "的", "则", "是", ",", "需要", "发", "合同", "样本", "出去", ",", "但", ".", ".", ".", "查看", "更多", ">", ">"], ["请", "描述", "您", "所", "遇到", "的", "错误", ",", "我们", "将", "尽快", "予以", "修正", ",", "谢谢", "!"]], "paragraphs": ["您的位置:首页>应用软件 > 转换工具>万能pdf转换器 v1.0 全能版_含注册码", "万能pdf转换器破解版是一款最专业的pdf处理工具,可以生成pdf文件,同时也将pdf文件转换成Word、txt、图片、HTML、Flash等格式文件,转换速度快,准确无误,不会出现转换乱码的情况。", "支持转换格式", "1、从文件转换pdf 2、将多个图片转换成pdf", "pdf转txt文件", "pdf转图片文件", "pdf转html文件", "pdf转Flash文件", "万能pdf转换器注册说明", "1、安装打开软件之后,显示为未注册版本 2、点击立即注册pdf转换器,输入下方本站提供的注册码,点击注册 3、提示注册成功,重新启动软件 4、进入软件,未注册版本提示消失,所有功能都能正常使用了。", "万能pdf转换器使用说明", "1、本工具使用全部功能需要注册,点击软件上方注册按钮,使用下面提供的注册码进行注册。 2、选择对应转换功能即可立即使用转换。", "经常需要打印合同的人想来都遇到过这样的困扰,合同样本是PDF格式的,可打印机不支持这种格式的打印,这个时候就需要pdf转换成word转换器的帮助了。类似的情况,也许需要,pdf转换成jpg或者pdf转换成excel。与之相反的则是,需要发合同样本出去,但...查看更多>>", "请描述您所遇到的错误,我们将尽快予以修正,谢谢!"], "bs_rank_pos": 2}, {"is_selected": false, "title": "免费PDF转换器注册码_百度经验", "most_related_para": 6, "segmented_title": ["免费", "PDF", "转换器", "注册码", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["日常办公", "中", ",", "我们", "经常", "需要", "把", "大量", "的", "PDF", "文档", "转换", "为", "Word", "文件", ",", "但是", "很多", "PDF", "文件", "转换", "成", "其它", "格式", "文件", "时", ",", "对于", "PDF", "文件", "中", "含有", "复杂", "的", "图片", "、", "文字", "样式", "、", "超链接", "等一系列", "的", "难以", "识别", "的", "内容", ",", "使用", "一些", "转换", "能力", "较差", "的", "转换器", "软件", "转换", "之后", ",", "由于", "辨识", "能力", "性能", "差", ",", "常常", "出现", "各种", "编排", "上", "存在", "的", "乱码", "、", "错乱", "的", "问题", ",", "需要", "不断", "进行", "调整", "和", "移动", ",", "甚至", "需要", "重新", "排版", ",", "耗费", "了", "大量", "的", "时间", "和", "精力", ",", "而且", "效果", "不好", ",", "无形之中", "给", "我们", "的", "工作", "打来", "巨大", "的", "阻力", ",", "该怎么办", "呢", "?"], ["应用平台", ":", "windows", "/", "Mac", "OS", "X", "/", "Linux"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["PDF", "转换器", "注册码", "软件", "使用", "步骤", ":"], ["步骤", "一", ",", "选择", "转换", "模式", ",", "这个", "软件", "是", "万能", "软件", ",", "所以", "你", "在", "右", "上方", "选择", "你", "所", "需要", "转换", "的", "功能", "就好", "了", "。", "步骤", "二", ",", "功能", "确定", "之后", ",", "接下来", "就要", "把", "您", "需要", "进行", "处理", "的", "文件", "上传", "了", ",", "然后", "在", "左", "下方", "选择", "转换", "之后", "的", "文件", "需要", "存放", "的", "位置", "或者", "是", "文件夹", "。", "步骤", "三", ",", "开始", "转换", ",", "一般", "情况", "下", ",", "几分钟", "就好", "了", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "日常办公中,我们经常需要把大量的PDF文档转换为Word文件,但是很多PDF文件转换成其它格式文件时,对于PDF文件中含有复杂的图片、文字样式、超链接等一系列的难以识别的内容,使用一些转换能力较差的转换器软件转换之后,由于辨识能力性能差,常常出现各种编排上存在的乱码、错乱的问题,需要不断进行调整和移动,甚至需要重新排版,耗费了大量的时间和精力,而且效果不好,无形之中给我们的工作打来巨大的阻力,该怎么办呢?", "应用平台:windows / Mac OS X / Linux", "百度经验:jingyan.baidu.com", "PDF转换器注册码软件使用步骤:", "步骤一,选择转换模式,这个软件是万能软件,所以你在右上方选择你所需要转换的功能就好了。 步骤二,功能确定之后,接下来就要把您需要进行处理的文件上传了,然后在左下方选择转换之后的文件需要存放的位置或者是文件夹。 步骤三,开始转换,一般情况下,几分钟就好了。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "pdf转换成word转换器破解版下载|完美PDF转换成Word转换器17.8 免费", "most_related_para": 3, "segmented_title": ["pdf", "转换", "成", "word", "转换器", "破解版", "下载", "|", "完美", "PDF", "转换", "成", "Word", "转换器", "17", ".", "8", "免费"], "segmented_paragraphs": [["首页", "→", "应用软件", "→", "转换", "翻译", "→", "完美", "PDF", "转换", "成", "Word", "转换器", "17", ".", "8", "免费", "破解版", "【", "2017", "不需要", "注册码", "】"], ["完美", "PDF", "转换", "成", "Word", "转换器", "17", ".", "8", "免费", "破解版", "【", "2017", "不需要", "注册码", "】", "大小", ":", "7", ".", "7", "M", "语言", ":", "中文", "平台", ":", "WinAll", "更新", ":", "2016", "-", "03", "-", "09", "等级", ":", "类型", ":", "转换", "翻译", "网站", ":", "http", ":", "/", "/", "www", ".", "uzzf", ".", "com", "授权", ":", "免费", "软件", "厂商", ":", "产地", ":", "国产软件", "好", "用", "50", "%", "(", "0", ")", "坑爹", "50", "%", "(", "0", ")", "大小", ":", "7", ".", "7", "M", "相关", "软件", "PDF", "转换器", "3.5", "绿色软件", "免费版", "/", "英文", "/", "小丑鱼", "word", "转", "pdf", "转换器", "绿色", "1", ".", "0", "a", "版", "/", "中文", "/", "doPDF", "(", "免费", "的", "PDF", "转换器", ")", "V", "7", ".", "2", "多", "国", "语言", "免费版", "/", "中文", "/", "万能", "pdf", "转换器", "最新", "破解版", "支持", "各种", "文档格式", "互", "转", "/", "中文", "/", "PDF", "文件", "格式", "转换器", "_", "PDF", "转换器", "下载", "/", "中文", "/", "多功能", "PDF", "转换器", "(", "Able", "2", "Extract", ")", "8", ".", "0", ".", "24", "绿色", "便携", "版", "/", "英文", "/", "多功能", "PDF", "转换器", "1.5", ".", "2", "绿色", "便携", "版", "/", "中文", "/", "易捷", "Word", "转", "PDF", "转换器", "(", "word", "转", "成", "pdf", "软件", ")", "2.0", "官方", "免费版", "/", "中文", "/", "pdf", "转", "word", "免费", "软件", "(", "易捷", "PDF", "转换器", ")", "3.0", "安装版", "/", "中文", "/", "图片", "PDF", "转换器", "(", "Image", "To", "PDF", ")", "1", ".", "7", ".", "1", ".", "0", "中文", "免费版", "/", "中文", "/"], ["软件", "介绍", "软件", "截图", "相关", "软件", "软件", "教程", "网友评论", "下载地址", "相关", "推荐", ":", "pdf", "转换器", "pdf", "转", "word", "转换器", "PDF", "转换", "成", "Word", "转换器", "其实", "小", "编", "知道", "完美", "PDF", "转换", "成", "Word", "转换器", "都是", "要", "进行", "注册", ",", "现在", "给", "大家", "带来", "就是", "由", "网友", "完全破解", "的", "软件", ",", "让", "你们", "能够", "更加方便", "的", "转换", "。", "感觉", "真心", "不错", "的", "都", "可以", "来到这里", "进行", "免费下载", "!", "完美", "pdf", "转换", "成", "word", "转换器", "注册机", "17", ".", "8", "绿色", "无毒", "版", "类型", ":", "转换", "翻译", "大小", ":", "1", ".", "2", "M", "语言", ":", "中文", "时间", ":", "评分", ":", "1", ".", "0", "完美", "PDF", "转换", "成", "Word", "转换器", "使用说明", "1", "、", "首先", "选择", "一", "个", "pdf", "文件", "2", "、", "这", "时候", "就要", "在", "进行", "文件夹", "的", "选择", "3", "、", "最后", "就", "可以看到", "转换", "成功", "完美", "PDF", "转换", "成", "Word", "转换器", "功能", "特点", "完美", "将", "PDF", "文档", "转换", "成", "Word", "文档", ",", "另外", "支持", "批量转换", "完美", "PDF", "转换", "成", "Word", "转换器", "更新内容", "已", "完美", "爆破", ",", "打开", "即", "是", "破解版", ",", "功能", "无限制", "PC", "官方", "版", "转", "转", "大师", "(", "多功能", "PDF", "转换器", ")", "3.1", ".", "1", "官方", "版", "安卓", "官方", "手机", "版", "IOS", "官方", "手机", "版", "完美", "PDF", "转换", "成", "Word", "转换器", "截图", "上", "一", "张", "1", "/", "1", "下一张", "PDF", "转换", "软件", "PDF", "转换", "成", "Word", "软件", "PDF", "转换器", "PDF", "转换", "软件", "(", "141", ")", "更多", ">", ">", "PDF", "文件", "由于", "与", "操作平台", "无关", ",", "所以", "非常", "的", "便于", "阅读", "和", "传播", "。", "但是", "PDF", "文件", "却", "有", "一", "个", "非常", "很大", "的", "问题", ",", "那", "就是", "不能随意", "进行", "编辑", ",", "这", "件", "需要", "我们", "将", "其", "转换", "为", "其他", "可以", "编辑", "的", "文档格式", ",", "例如", "转换", "成", "Word", "文档", "等", "。", "本站", "给", "大家", "收集整理", "了", ".", ".", ".", "下载", "pdf", "转换", "成", "txt", "转换器", "(", "pdf", "txt", "conve", "中文", "/", "730K", "B", "为", "大家", "推荐", "一", "款", "pdf", "转换", "成", "txt", "工具"], ["请", "简要", "描述", "您", "遇到", "的", "错误", ",", "我们", "将", "尽快", "予以", "修正", "。"]], "paragraphs": ["首页 → 应用软件→ 转换翻译→ 完美PDF转换成Word转换器 17.8 免费破解版 【2017不需要注册码】", "完美PDF转换成Word转换器17.8 免费破解版 【2017不需要注册码】  大小:7.7M 语言:中文 平台:WinAll 更新:2016-03-09 等级: 类型:转换翻译 网站:http://www.uzzf.com 授权:免费软件 厂商: 产地:国产软件 好用 50%(0) 坑爹 50%(0)  大小:7.7M相关软件 PDF转换器3.5 绿色软件免费版 /英文/ 小丑鱼word转pdf转换器绿色1.0a版 /中文/ doPDF(免费的PDF转换器)V7.2 多国语言免费版 /中文/ 万能pdf转换器最新破解版 支持各种文档格式互转 /中文/ PDF文件格式转换器_PDF转换器下载 /中文/ 多功能PDF转换器(Able2Extract)8.0.24 绿色便携版 /英文/ 多功能PDF转换器1.5.2绿色便携版 /中文/ 易捷Word转PDF转换器(word转成pdf软件)2.0官方免费版 /中文/ pdf转word免费软件(易捷PDF转换器)3.0 安装版 /中文/ 图片PDF转换器(Image To PDF)1.7.1.0 中文免费版 /中文/", "软件介绍软件截图相关软件软件教程网友评论下载地址 相关推荐: pdf转换器 pdf转word转换器 PDF转换成Word转换器  其实小编知道完美PDF转换成Word转换器都是要进行注册,现在给大家带来就是由网友完全破解的软件,让你们能够更加方便的转换。感觉真心不错的都可以来到这里进行免费下载! 完美pdf转换成word转换器注册机 17.8 绿色无毒版  类型:转换翻译大小:1.2M语言:中文时间:评分:1.0  完美PDF转换成Word转换器使用说明 1、首先选择一个pdf文件 2、这时候就要在进行文件夹的选择 3、最后就可以看到转换成功 完美PDF转换成Word转换器功能特点 完美将PDF文档转换成Word文档,另外支持批量转换 完美PDF转换成Word转换器更新内容 已完美爆破,打开即是破解版,功能无限制 PC官方版 转转大师(多功能PDF转换器)3.1.1官方版  安卓官方手机版  IOS官方手机版  完美PDF转换成Word转换器截图 上一张 1/1 下一张 PDF转换软件 PDF转换成Word软件 PDF转换器PDF转换软件(141) 更多>>  PDF文件由于与操作平台无关,所以非常的便于阅读和传播。但是PDF文件却有一个非常很大的问题,那就是不能随意进行编辑,这件需要我们将其转换为其他可以编辑的文档格式,例如转换成Word文档等。本站给大家收集整理了... 下载  pdf转换成txt转换器(pdf txt conve中文/ 730KB为大家推荐一款pdf转换成txt工具", "请简要描述您遇到的错误,我们将尽快予以修正。"], "bs_rank_pos": 4}], "answer_spans": [[145, 150]], "fake_answers": ["R8Z8682LMDUAKHW"], "question": "好用pdf注册码", "segmented_answers": [["注册码", "不能", "通用", "。"], ["R8", "Z", "8682", "LM", "DUA", "KHW", "。"]], "answers": ["注册码不能通用。", "R8Z8682LMDUAKHW。"], "answer_docs": [1], "segmented_question": ["好", "用", "pdf", "注册码"], "question_type": "DESCRIPTION", "question_id": 91177, "fact_or_opinion": "OPINION", "match_scores": [0.923076923076923]}
-{"documents": [{"is_selected": false, "title": "怎么看iphone7是不是翻新机_百度经验", "most_related_para": 6, "segmented_title": ["怎么看", "iphone", "7", "是不是", "翻新机", "_", "百度", "经验"], "segmented_paragraphs": [["该", "经验", "图片", "、", "文字", "中", "可能", "存在", "外", "站", "链接", "或", "电话号码", "等", ",", "请注意", "识别", ",", "谨防上当受骗", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["对于", "每一位", "果粉", "或者", "是", "苹果", "手机", "用户", ",", "若", "发现", "花", "一", "个", "肾", "购买", "的", "心", "爱", "手机", "是", "翻新机", ",", "我", "估计", "连", "吐血", "的", "心情", "都", "有", ";", "那么", "如何", "查看", "自己", "新", "买", "的", "iPhone", "7", "是", "翻新机", "呢", "?", "本人", "今天", "分享", "下", "革命", "的", "奋斗", "经验"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["连通", "互联网", "的", "电脑", "一", "部", "爱疯", "手机", "(", "Iphone", ")"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "苹果", "手机", "因为", "硬件", "+", "软件", "都", "属于", "自", "研发", ",", "所以", "安全性", "极", "高", ";", "大", "至", "整个", "手机", ",", "小", "至", "组成", "手机", "的", "一", "个", "零部件", ",", "其实", "都", "有", "可", "被", "追溯", "的", "“", "编码", "号", "”", ";", "细心", "的", "同学", "应该", "会发现", ",", "每", "一", "部", "新", "的", "苹果", "手机", ",", "在", "第一次", "开机", "会", "被", "要求", "在", "联网", "状态", "下", "才能", "被", "\"", "激活", "\"", ";", "手机", "第一", "次", "激活", "的", "时间", "会", "被", "记录", "。", "将", "激活", "时间", "与", "自己", "手动", "激活", "时间", "比对", ",", "若", "时间差", "在", "两", "日内", ",", "则", "是", "正常值", ",", "若", "时间", "差别", "久", ",", "则", "说明", "是", "翻新机", "!", "具体步骤", "及", "方法如下", "2", "用于", "查询", "是否", "被", "激活", "或", "激活", "时间", "的", "“", "编码", "号", "”", "如何", "查找", "?", "找", "什么", "编码", "号", "?", "其实", "就是", "通过", "苹果", "手机", "的", "“", "IMEI", "”", "、", "“", "序列号", "”", "查询", ";", "另外", "针对", "是否", "被", "激活", "的", "手机", "有着", "不同", "查询", "方法", "。", "3", "一", "、", "已", "激活", "手机", "的", "查询", "方法", "在", "iPhone", "上", "的", "“", "设置", "”", ">", "“", "通用", "”", ">", "“", "关于", "本", "机", "”", "中", "。", "步骤", "阅读", "4", "二", "、", "新", "入手", "未", "拆封", "的", "用户", "毕竟", "拆封", "、", "拆", "外包装", "后", "的", "果", "机", "是", "无法", "退换", "的", ",", "特别", "是", "在", "第三方", "电商", "平台", "购买", "的", ";", "那", "如何", "查询", "iphone", "的", "唯一", "编码", "号", "呢", ",", "其实很简单", "。", "iPhone", "7", "包装盒", "的", "背面", "有", "关于", "手机", "设备", "信息", ",", "其中", "也有", "序号", "号", "标识", ",", "英文", "Serial", "Number", "一行", "即", "是", ",", "具体", "的", "位置", "如", "下", "图", "所示", "。", "步骤", "阅读", "5", "若", "为", "国行", "版", "手机", ",", "通过", "外包装", "其实", "也", "可", "看出", "是否", "被", "拆封", "过", ",", "因为", "苹果", "的", "外包装", "是", "一体", "成型", ",", "拆开", "后", "无法", "复原", "步骤", "阅读", "步骤", "阅读"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["IMEI", "序列号", "须", "保证", "三", "码", "合一", "(", "包装盒", "、", "手机", "背面", "、", "系统", "版本号", ")", "苹果", "序列号", "查询", "结果", "以", "苹果", "官网", "为准"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["如何", "使用", "健康", "998", "APP", "问", "医生"]], "paragraphs": ["该经验图片、文字中可能存在外站链接或电话号码等,请注意识别,谨防上当受骗!", "百度经验:jingyan.baidu.com", "对于每一位果粉或者是苹果手机用户,若发现花一个肾购买的心爱手机是翻新机,我估计连吐血的心情都有;那么如何查看自己新买的iPhone 7是翻新机呢?本人今天分享下革命的奋斗经验", "百度经验:jingyan.baidu.com", "连通互联网的电脑 一部爱疯手机(Iphone)", "百度经验:jingyan.baidu.com", "1 苹果手机因为硬件+软件都属于自研发,所以安全性极高;大至整个手机,小至组成手机的一个零部件,其实都有可被追溯的“编码号”;细心的同学应该会发现,每一部新的苹果手机,在第一次开机会被要求在联网状态下才能被\"激活\";手机第一次激活的时间会被记录。 将激活时间与自己手动激活时间比对,若时间差在两日内,则是正常值,若时间差别久,则说明是翻新机! 具体步骤及方法如下 2 用于查询是否被激活或激活时间的“编码号”如何查找?找什么编码号? 其实就是通过苹果手机的“IMEI”、“序列号”查询;另外针对是否被激活的手机有着不同查询方法。 3 一、已激活手机的查询方法 在iPhone 上的“设置”>“通用”>“关于本机”中。 步骤阅读 4 二、新入手未拆封的用户 毕竟拆封、拆外包装后的果机是无法退换的,特别是在第三方电商平台购买的;那如何查询iphone的唯一编码号呢,其实很简单。 iPhone7包装盒的背面有关于手机设备信息,其中也有序号号标识,英文Serial Number一行即是,具体的位置如下图所示。 步骤阅读 5 若为国行版手机,通过外包装其实也可看出是否被拆封过,因为苹果的外包装是一体成型,拆开后无法复原 步骤阅读 步骤阅读", "百度经验:jingyan.baidu.com", "IMEI序列号须保证三码合一(包装盒、手机背面、系统版本号) 苹果序列号查询结果以苹果官网为准", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "如何使用健康998APP问医生"], "bs_rank_pos": 0}, {"is_selected": true, "title": "推荐大家一个不激活验机的方式,可以避免激活后无法退货的尴尬。 - ", "most_related_para": 0, "segmented_title": ["推荐", "大家", "一", "个", "不", "激活", "验", "机", "的", "方式", ",", "可以避免", "激活", "后", "无法", "退货", "的", "尴尬", "。", "-"], "segmented_paragraphs": [["不知", "京东", "的", "如果", "拆封", "不", "激活", ",", "是否", "可以", "像", "官网", "一样", "无", "理由", "退货", "?"], ["安卓", "铁粉", "帮太太", "打理", "苹果"], ["帖子", "1071", "经验", "1100", "精华", "人气", "179"], ["官网", "不是", "激活", "后", "也", "可以", "退", "的", "吗", "?"], ["您", "需要", "登录", "后", "才", "可以", "回帖", "登录", "|", "注册"]], "paragraphs": ["不知京东的如果拆封不激活,是否可以像官网一样无理由退货?", "安卓铁粉帮太太打理苹果", "帖子 1071 经验 1100 精华 人气 179", "官网不是激活后也可以退的吗?", "您需要登录后才可以回帖 登录 | 注册"], "bs_rank_pos": 1}, {"is_selected": false, "title": "新到手全新未拆封iPhone验机步骤-搜狐", "most_related_para": 3, "segmented_title": ["新", "到", "手", "全新未拆封", "iPhone", "验", "机", "步骤", "-", "搜狐"], "segmented_paragraphs": [["眼眸", "深邃", "、", "轮廓", "分明", "、", "身材", "颀长", ",", "活生生", "的", "一幅画", "。"], ["最近", "iPhone", "7", "上市", ",", "很多", "之", "前", "想", "购买", "iPhone", "的", "朋友", ",", "都会", "选择", "在", "这个时候", "购买", "。", "但是", "手机", "行业", "水深", ",", "就", "连", "京东", "、", "苏宁", "等", "一些", "正品", "商城", "都", "有", "可能", "买到", "翻新机", "。"], ["今天", "就", "来", "教", "大家", "新机", "到", "手", "后", "怎么", "验", "机", ":"], ["一", "、", "快递", "开封", "1", "、", "首先", "当着", "快递", "员", "拆开", "外包装", ",", "在", "未", "拆", "手机", "盒", "膜", "的", "时", "拿捏", "手机", "盒", ",", "如果", "机", "盒", "棱角分明", ",", "进行", "下一步", "看", "封装", "。", "2", "、", "封边", "在", "手机", "盒", "四", "个", "棱", "边上", ",", "长", "封边", "工", "整", "划", "一", "无", "歪斜", "、", "手机", "膜", "亮丽", "光滑", "贴", "实", "无", "趋", "纹", "、", "膜", "上", "气孔", "排列整齐", "有", "规律", ",", "进行", "下一步", "。", "3", "、", "看", "盒", "上", "标签", ",", "小", "标签", "字迹", "清晰", ",", "字母", "间距", "符合", "真", "标", "要求", ",", "字体颜色", "符合", "真", "标", "要求", ",", "进行", "下一步", "。", "二", "、", "封装", "验收", "后", "操作", "1", "、", "进入", "苹果", "官网", ",", "输入", "标签", "上", "的", "IMEI", "号", "或", "序列号", ",", "看", "机型", "、", "激活", "、", "保修", "是否", "符合", ",", "进入", "下一步", "。", "2", "、", "上述", "均", "符合", ",", "则", "可", "拆开", "膜", ",", "拿捏", "着", "盒盖", "处", ",", "将", "整个", "机", "盒", "提到", "距", "桌面", "一定", "的", "高度", ",", "看", "内", "盒", "是否", "缓慢", "的", "自行", "滑落", "(", "仿", "机", "盒", "内", "盒", "是", "不会", "自行", "缓慢", "的", "滑落", "的", ")", "。", "如", "符合", ",", "进入", "下一步", "。", "3", "、", "验证", "手机配件", ",", "如", "耳机", "、", "数据线", "、", "充电器", "符合", "原装", ",", "进入", "下一步", "。", "(", "具体", "教程", "看", "官网", ")", "4", "、", "查看", "手机", "上", "的", "原", "贴", "保护膜", "上", "是否", "有", "划痕", "、", "指纹", "、", "污迹", "、", "拆", "趋", ",", "如", "无", ",", "进入", "下一步", "。", "5", "、", "查看", "机身", "上", "所", "贴", "IMEI", "号", "是否", "与", "盒", "上", "一致", ",", "如", "一致", ",", "进入", "一", "下", "步", "。", "三", "、", "开机", "验收", "1", "、", "插卡", "、", "开机", "、", "激活", ",", "进入", "界面", ",", "打开", "拨号", ",", "输入", "*", "井", "06", "井", ",", "查看", "弹出", "的", "IMEI", "号", "是否", "与", "手机", "系统", "、", "手机", "机身", "标", "、", "手机", "盒", "标", "所示", "是否", "一致", ",", "如", "一致", ",", "进入", "一", "下", "步", "。", "2", "、", "连", "上", "iTunes", ",", "让", "其", "自动识别", "手机", ",", "看", "是否", "与", "卖家", "所述", "的", "型号规格", "及", "IMEI", "号", "一致", "(", "如", "iTunes", "不能", "识别", "、", "或", "识别", "有误", ",", "退货", "维权", "吧", ")", "。", "3", "、", "再次", "进入", "苹果", "官网", ",", "验证", "激活", "、", "保修", "是否", "符合", "。", "4", "、", "连", "上", "91", "手机助手", ",", "查看", "是否", "越狱", ",", "如", "无", "越狱", ",", "进入", "一", "下", "步", "。", "5", "、", "测试", "指纹识别", "功能", ",", "输入", "大拇指", "指纹", ",", "解锁", "时", "用", "所有", "手指", "测试", "解锁", ",", "如", "只能", "大拇指", "可", "解锁", "则", "进入", "下一步", "。"], ["6", "、", "测试", "三网", "4G", "网速", ",", "和", "平时", "4G", "上网", "网速", "无差别", "则", "可", ";", "测试", "相机", "慢动作", "功能", ",", "正常", "即可", ";", "测试", "通话", "、", "短信", "功能", ",", "正常", "即可", "。"], ["上述", "步骤", "全部", "测试", "通过", ",", "恭喜你", ",", "你", "的", "手机", "是", "原封", "未", "激活", "全新", "正品", "机", "!"], ["更多", "iPhone", "行业", "内幕交流", ",", "请", "关注", "公众", "号", ":", "weisheng", "huo", "keji", "fuwu"]], "paragraphs": ["眼眸深邃、轮廓分明、身材颀长,活生生的一幅画。", "最近iPhone7上市,很多之前想购买iPhone的朋友,都会选择在这个时候购买。但是手机行业水深,就连京东、苏宁等一些正品商城都有可能买到翻新机。", "今天就来教大家新机到手后怎么验机:", "一、快递开封 1、首先当着快递员拆开外包装,在未拆手机盒膜的时拿捏手机盒,如果机盒棱角分明,进行下一步看封装。 2、封边在手机盒四个棱边上,长封边工整划一无歪斜、手机膜亮丽光滑贴实无趋纹、膜上气孔排列整齐有规律,进行下一步。 3、看盒上标签,小标签字迹清晰,字母间距符合真标要求,字体颜色符合真标要求,进行下一步。 二、封装验收后操作 1、进入苹果官网,输入标签上的IMEI号或序列号,看机型、激活、保修是否符合,进入下一步。 2、上述均符合,则可拆开膜,拿捏着盒盖处,将整个机盒提到距桌面一定的高度,看内盒是否缓慢的自行滑落(仿机盒内盒是不会自行缓慢的滑落的)。如符合,进入下一步。 3、验证手机配件,如耳机、数据线、充电器符合原装,进入下一步。(具体教程看官网) 4、查看手机上的原贴保护膜上是否有划痕、指纹、污迹、拆趋,如无,进入下一步。 5、查看机身上所贴IMEI号是否与盒上一致,如一致,进入一下步。 三、开机验收 1、插卡、开机、激活,进入界面,打开拨号,输入*井06井,查看弹出的IMEI号是否与手机系统、手机机身标、手机盒标所示是否一致,如一致,进入一下步。 2、连上iTunes,让其自动识别手机,看是否与卖家所述的型号规格及IMEI号一致(如iTunes不能识别、或识别有误,退货维权吧)。 3、再次进入苹果官网,验证激活、保修是否符合。 4、连上91手机助手,查看是否越狱,如无越狱,进入一下步。 5、测试指纹识别功能,输入大拇指指纹,解锁时用所有手指测试解锁,如只能大拇指可解锁则进入下一步。", "6、测试三网4G网速,和平时4G上网网速无差别则可;测试相机慢动作功能,正常即可;测试通话、短信功能,正常即可。", "上述步骤全部测试通过,恭喜你,你的手机是原封未激活全新正品机!", "更多iPhone行业内幕交流,请关注公众号:weishenghuokejifuwu"], "bs_rank_pos": 2}, {"is_selected": false, "title": "iPhone可以不激活验证机子真假吗_iphone7吧_百度贴吧", "most_related_para": 2, "segmented_title": ["iPhone", "可以", "不", "激活", "验证", "机子", "真假", "吗", "_", "iphone", "7", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["一般", "要", "插卡", "才能", "激活", "吧", ",", "把", "卡", "取", "了", "试", "试", "能不能", "激活", "?"], ["如果", "激活", "了", "发现", "是", "真", "的", ",", "那", "就", "没问题", "了", "。", "如果", "激活", "以后", "发现", "是", "假货", ",", "反正", "也", "能", "退", "。", "所以", "纠结", "啥", "呢", "?"], ["官网", "买", "的", "激活", "了", "也", "可以", "退", "再", "说", "了", "刚", "出", "也", "不会", "有假", "的", "吧", "…", "…", "我", "猜"], ["官网", "发货", "不会", "让", "你", "拆开", "的", "你", "只能", "签字", "查收", "如果", "有问题", "可以", "和", "客服", "联系", "退换"], ["外包装", "作假", "…", "…", "我", "还", "想", "当场", "直接", "查", "序列号", "呢"], ["登录", "百度", "帐号"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "paragraphs": ["一般要插卡才能激活吧,把卡取了试试能不能激活?", "如果激活了发现是真的,那就没问题了。如果激活以后发现是假货,反正也能退。所以纠结啥呢?", "官网买的激活了也可以退 再说了刚出也不会有假的吧……我猜", "官网发货不会让你拆开的 你只能签字查收 如果有问题可以和客服联系退换", "外包装作假……我还想当场直接查序列号呢", "登录百度帐号", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "bs_rank_pos": 3}, {"is_selected": true, "title": "苹果7不激活怎么验机_百度知道", "most_related_para": 0, "segmented_title": ["苹果", "7", "不", "激活", "怎么", "验", "机", "_", "百度", "知道"], "segmented_paragraphs": [["有", "两", "个", ",", "在", "激活", "界面", "有", "个", "圈圈", "点击", "可以", "查看", "到", "串号", ",", "串号", "对应", "包装盒", "的", "串号", "包装盒", "有", "序列号", ",", "要", "查询", "官方", "串号", "是否", "对应", "序列号", ",", "然后", "查询", "官方", "机子", "保修", "情况", ",", "机身", "不见", "查询", "要", "苹果", "专属", "点", "才能", "验证", "的", "到", "的"]], "paragraphs": ["有两个,在激活界面有个圈圈点击可以查看到串号,串号对应包装盒的串号包装盒有序列号,要查询官方串号是否对应序列号,然后查询官方机子保修情况,机身不见查询要苹果专属点才能验证的到的"], "bs_rank_pos": 4}], "answer_spans": [[0, 51]], "fake_answers": ["有两个,在激活界面有个圈圈点击可以查看到串号,串号对应包装盒的串号包装盒有序列号,要查询官方串号是否对应序列号,然后查询官方机子保修情况,机身不见查询要苹果专属点才能验证的到的"], "question": "iphone7不激活怎么验机", "segmented_answers": [["在", "开机画面", ",", "用", "手电筒", "或者", "另外", "一", "台", "手机", "打开", "闪光灯", ",", "照射", "iphone", "的", "感光", "点", ",", "就", "可以", "让", "屏幕", "达到", "最高", "亮度", ",", "在", "最高", "亮度", "下", ",", "就", "可以", "查看", "屏幕", "是否", "够", "冷", ",", "是否", "存在", "上", "黑", "下", "白", "的", "阴阳屏", "。", "然后", ",", "讲", "手机", "放到", "抽屉", "里", ",", "关闭", "抽屉", ",", "这个时候", "屏幕", "会", "自动", "变", "暗", ",", "观察", "变", "暗", "以后", "四", "个", "角", "有", "没有", "明显", "发", "黑", "。", "如果", "最", "亮", "和", "最", "暗", "的", "情况", "下", ",", "屏幕", "的", "表现", "都", "能", "接受", ",", "那么", "就", "没有问题", "。"], ["有", "两", "个", ",", "在", "激活", "界面", "有", "个", "圈圈", "点击", "可以", "查看", "到", "串号", ",", "串号", "对应", "包装盒", "的", "串号", "包装盒", "有", "序列号", ",", "要", "查询", "官方", "串号", "是否", "对应", "序列号", ",", "然后", "查询", "官方", "机子", "保修", "情况", ",", "机身", "不见", "查询", "要", "苹果", "专属", "点", "才能", "验证", "的", "到", "的", "。"]], "answers": ["在开机画面,用手电筒或者另外一台手机打开闪光灯,照射iphone的感光点,就可以让屏幕达到最高亮度,在最高亮度下,就可以查看屏幕是否够冷,是否存在上黑下白的阴阳屏。然后,讲手机放到抽屉里,关闭抽屉,这个时候屏幕会自动变暗,观察变暗以后四个角有没有明显发黑。如果最亮和最暗的情况下,屏幕的表现都能接受,那么就没有问题。", "有两个,在激活界面有个圈圈点击可以查看到串号,串号对应包装盒的串号包装盒有序列号,要查询官方串号是否对应序列号,然后查询官方机子保修情况,机身不见查询要苹果专属点才能验证的到的。"], "answer_docs": [4], "segmented_question": ["iphone", "7", "不", "激活", "怎么", "验", "机"], "question_type": "DESCRIPTION", "question_id": 91178, "fact_or_opinion": "FACT", "match_scores": [0.8952380952380953]}
-{"documents": [{"is_selected": true, "title": "新手才玩h1z1,怎么练枪法。_h1z1吧_百度贴吧", "most_related_para": 6, "segmented_title": ["新手", "才", "玩", "h1z1", ",", "怎么", "练", "枪法", "。", "_", "h1z1", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["每次", "都", "打", "不", "死人", "。", "感觉", "好", "难", "瞄准", "啊"], ["一", "首", "现代诗", "《", "笑里藏刀", "》", "献给", "大家", "哈哈", "哈哈", "哈哈", "刀", "哈哈", "哈哈"], ["AR", "左右", "走着", "打", "三", "连发", ",", "组队", "吗", "?"], ["抬枪", ",", "打", "有些", "距离", "的", "标志性建筑", "物", "试", "试", "就", "知道", "了", "。", "最", "主要", "是", "多玩", "玩", "就好", "了", "^", "ω", "^"], ["点亮", "12", "星座", "印记", ",", "去", "领取"], ["活动", "截止", ":", "2100", "-", "01", "-", "01"], ["一定要", "注重", "打头", ",", "就算", "打", "不", "中", "也", "要", "练", "着", "打头"], ["最", "重要", "的", "就是", "灵敏度", "要", "在", "35", "以下", ",", "特别", "是", "瞄准镜", "瞄准", "灵敏度", "!", "武器", "搭配", "最好", "是", "两把", "AR", "加", "散弹枪", ",", "背包", "里", "备", "手雷", "!", "头盔", "和", "防弹衣", "很重要", "!", "如果", "身边", "来", "毒", "一", "时", "半", "伙", "跑", "不", "出", ",", "先", "打", "大", "血", "包", "再", "跑", "!", "入门"], ["萌", "新", "在", "此", ",", "就是", "不知道", "怎么", "玩"], ["瞄准", "2", "然后", "先", "找", "掩体", "不", "瞄准", "的", "时候", "找", "好", "位置", "拉", "身", "位", "出去", "右键", "点射", "~", "~", "练", "爆头", "打", "身上", "吃亏"], ["一起玩", "吗", ",", "steam", "id", "assassin", "wencun"], ["这", "贴", "我", "给", "你", "顶", "了", ",", "咱", "俩", "就算", "认识", "了", ",", "以后", "这", "吧", "里", "我", "有事", "你得上", "知道", "不"], ["一起玩", "啊", "。", "我", "也是", "新手", "。", "id", ":", "8519245"], ["嗨", "呀", ",", "都是", "新手", ",", "巧", "了", ",", "我", "也是", "。"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"]], "paragraphs": ["每次都打不死人。感觉好难瞄准啊", "一首现代诗《笑里藏刀》献给大家哈哈哈哈哈哈刀哈哈哈哈", "AR左右走着打三连发,组队吗?", "抬枪,打有些距离的标志性建筑物试试就知道了。最主要是多玩玩就好了^ω^", "点亮12星座印记,去领取", "活动截止:2100-01-01", "一定要注重打头,就算打不中也要练着打头", "最重要的就是灵敏度要在35以下,特别是瞄准镜瞄准灵敏度!武器搭配最好是两把AR加散弹枪,背包里备手雷!头盔和防弹衣很重要!如果身边来毒一时半伙跑不出,先打大血包再跑!入门", "萌新在此,就是不知道怎么玩", "瞄准2 然后先找掩体 不瞄准的时候找好位置 拉身位出去右键点射~~练爆头 打身上吃亏", "一起玩吗,steam id assassinwencun", "这贴我给你顶了,咱俩就算认识了,以后这吧里我有事你得上知道不", "一起玩啊。我也是新手。id:8519245", "嗨呀,都是新手,巧了,我也是。😏", "下载贴吧APP看高清直播、视频!"], "bs_rank_pos": 0}, {"is_selected": false, "title": "《H1Z1》枪法技巧及练习方法 枪法怎么练-游民星空 GamerSky.com", "most_related_para": 0, "segmented_title": ["《", "H1Z1", "》", "枪法", "技巧", "及", "练习", "方法", "枪法", "怎么", "练", "-", "游民星空", "GamerSky", ".", "com"], "segmented_paragraphs": [["《", "H1Z1", "》", "枪法", "怎么", "练", "?", "大家", "在", "游玩", "的", "过程", "中", ",", "如果", "想", "更", "快", "的", "击", "杀", "敌人", "的", "话", ",", "练习", "枪法", "是", "必不可少", "的", "步骤", ",", "下面", "小", "编", "带来", "“", "大萝卜", "19981124", "”", "分享", "的", "《", "H1Z1", "》", "枪法", "技巧", "及", "练习", "方法", ",", "感兴趣", "的", "玩家", "跟", "小", "编", "一起来", "看", "吧", "。"], ["枪法", "这玩意", "说白了", "有", "三", "个", "要素", ":", "稳", "准", "快", "。"], ["稳", ":"], ["心情", "保持", "平静", "不", "慌", "手", "不", "抖"], ["练习", "方法", ":", "心", "稳", ":", "先", "练", "肺活量", "(", "比如", "憋气", "、", "跑步", ")", "后", "看", "鬼片", "(", "为", "的", "是", "让", "心情", "保持", "平静", "激烈", "的", "时候", "心情", "不", "慌", ")"], ["手", "稳", ":", "可", "拿", "一", "个", "小", "物件", "(", "烟", "、", "打火机", "、", "筷子", "、", "笔", ")", "放在", "拇指", "上", "持续", "5", "分钟", "不", "掉"], ["准", ":"], ["眼神", "注意力", "集中", "准确定位", "准星", "瞄", "在", "敌人", "头部"], ["练习", "方法", ":", "可", "观察", "一只", "(", "蚊子", "蝇子", "蚂蚁", ")", "持续", "看", "10", "分钟", "且", "不能", "看", "丢"], ["快", ":"], ["在", "敌人", "未", "反应", "过来", "的", "情况", "下", "秒", "开枪"], ["练习", "方法", ":", "可", "抛", "小", "物体", "进行", "快速", "接住", "如", ":", "打火机", "小", "石子", ",", "等", "什么", "时候", "你", "15", "次", "有", "14", "能", "接住", "反应", "力", "就", "差不多", "了"], ["稳", "准", "快", "这", "三", "个", "要素", "熟", "了", "之后", "我相信你", "的", "枪法", "肯定", "提高", "很多", "。"], ["更多", "相关内容", "请", "关注", ":", "H1Z1", "专区"], ["单机游戏", "下载", "更多"], ["迸发", "中文版"], ["死亡", "细胞", "中文版"], ["综合", "热点资讯"], ["游民星空", "联运", "游戏"]], "paragraphs": ["《H1Z1》枪法怎么练?大家在游玩的过程中,如果想更快的击杀敌人的话,练习枪法是必不可少的步骤,下面小编带来“大萝卜19981124”分享的《H1Z1》枪法技巧及练习方法,感兴趣的玩家跟小编一起来看吧。", "枪法这玩意说白了有三个要素:稳准快。", "稳:", "心情保持平静不慌手不抖", "练习方法:心稳:先练肺活量(比如憋气、跑步)后看鬼片(为的是让心情保持平静激烈的时候心情不慌)", "手稳:可拿一个小物件(烟、打火机、筷子、笔)放在拇指上持续5分钟不掉", "准:", "眼神注意力集中准确定位准星瞄在敌人头部", "练习方法:可观察一只(蚊子蝇子蚂蚁)持续看10分钟且不能看丢", "快:", "在敌人未反应过来的情况下秒开枪", "练习方法:可抛小物体进行快速接住如:打火机小石子,等什么时候你15次有14能接住反应力就差不多了", "稳准快这三个要素熟了之后我相信你的枪法肯定提高很多。", "更多相关内容请关注:H1Z1专区", "单机游戏下载 更多", "迸发 中文版", "死亡细胞 中文版", "综合热点资讯", "游民星空联运游戏"], "bs_rank_pos": 1}, {"is_selected": false, "title": "h1z1枪法怎么练-原创-高清视频-爱奇艺", "most_related_para": 5, "segmented_title": ["h1z1", "枪法", "怎么", "练", "-", "原创", "-", "高清", "视频", "-", "爱奇艺"], "segmented_paragraphs": [["播放", "量", "数据", ":"], ["移动", "占", "比"], ["PC", "占", "比"], ["注", ":", "数据", "来自", "爱奇艺", "(", "每日", "凌晨", "扣除", "前", "日", "非", "正常", "流量", ")"], ["精彩评论", ",", "马上", "呈现", ".", ".", "."], ["正在", "加载", ".", ".", "."]], "paragraphs": ["播放量数据:", "移动占比", "PC占比", "注:数据来自爱奇艺(每日凌晨扣除前日非正常流量)", "精彩评论,马上呈现...", "正在加载..."], "bs_rank_pos": 2}, {"is_selected": false, "title": "《H1Z1》枪法技巧及练习方法 枪法怎么练 :: 游民星空 GamerSky.com", "most_related_para": 0, "segmented_title": ["《", "H1Z1", "》", "枪法", "技巧", "及", "练习", "方法", "枪法", "怎么", "练", ":", ":", "游民星空", "GamerSky", ".", "com"], "segmented_paragraphs": [["《", "H1Z1", "》", "枪法", "怎么", "练", "?", "大家", "在", "游玩", "的", "过程", "中", ",", "如果", "想", "更", "快", "的", "击", "杀", "敌人", "的", "话", ",", "练习", "枪法", "是", "必不可少", "的", "步骤", ",", "下面", "小", "编", "带来", "“", "大萝卜", "19981124", "”", "分享", "的", "《", "H1Z1", "》", "枪法", "技巧", "及", "练习", "方法", ",", "感兴趣", "的", "玩家", "跟", "小", "编", "一起来", "看", "吧", "。"], ["枪法", "这玩意", "说白了", "有", "三", "个", "要素", ":", "稳", "准", "快", "。"], ["稳", ":"], ["心情", "保持", "平静", "不", "慌", "手", "不", "抖"], ["练习", "方法", ":", "心", "稳", ":", "先", "练", "肺活量", "(", "比如", "憋气", "、", "跑步", ")", "后", "看", "鬼片", "(", "为", "的", "是", "让", "心情", "保持", "平静", "激烈", "的", "时候", "心情", "不", "慌", ")"], ["手", "稳", ":", "可", "拿", "一", "个", "小", "物件", "(", "烟", "、", "打火机", "、", "筷子", "、", "笔", ")", "放在", "拇指", "上", "持续", "5", "分钟", "不", "掉"], ["准", ":"], ["眼神", "注意力", "集中", "准确定位", "准星", "瞄", "在", "敌人", "头部"], ["练习", "方法", ":", "可", "观察", "一只", "(", "蚊子", "蝇子", "蚂蚁", ")", "持续", "看", "10", "分钟", "且", "不能", "看", "丢"], ["快", ":"], ["在", "敌人", "未", "反应", "过来", "的", "情况", "下", "秒", "开枪"], ["练习", "方法", ":", "可", "抛", "小", "物体", "进行", "快速", "接住", "如", ":", "打火机", "小", "石子", ",", "等", "什么", "时候", "你", "15", "次", "有", "14", "能", "接住", "反应", "力", "就", "差不多", "了"], ["稳", "准", "快", "这", "三", "个", "要素", "熟", "了", "之后", "我相信你", "的", "枪法", "肯定", "提高", "很多", "。"], ["相关内容", "请", "关注", ":", "H1Z1", "专区"], ["作者", ":", "大萝卜", "19981124", "责任编辑", ":", "墨池"], ["嗯", "稳准狠", "妈", "!", "卖", "!", "批", "!"], ["扯", "了", "一手", "好", "犊子"], ["你", "怎么", "不", "上", "天", "呢", "?"]], "paragraphs": ["《H1Z1》枪法怎么练?大家在游玩的过程中,如果想更快的击杀敌人的话,练习枪法是必不可少的步骤,下面小编带来“大萝卜19981124”分享的《H1Z1》枪法技巧及练习方法,感兴趣的玩家跟小编一起来看吧。", "枪法这玩意说白了有三个要素:稳准快。", "稳:", "心情保持平静不慌手不抖", "练习方法:心稳:先练肺活量(比如憋气、跑步)后看鬼片(为的是让心情保持平静激烈的时候心情不慌)", "手稳:可拿一个小物件(烟、打火机、筷子、笔)放在拇指上持续5分钟不掉", "准:", "眼神注意力集中准确定位准星瞄在敌人头部", "练习方法:可观察一只(蚊子蝇子蚂蚁)持续看10分钟且不能看丢", "快:", "在敌人未反应过来的情况下秒开枪", "练习方法:可抛小物体进行快速接住如:打火机小石子,等什么时候你15次有14能接住反应力就差不多了", "稳准快这三个要素熟了之后我相信你的枪法肯定提高很多。", "相关内容请关注:H1Z1专区", "作者:大萝卜19981124 责任编辑:墨池", "嗯 稳准狠 妈!卖!批!", "扯了一手好犊子", "你怎么不上天呢?"], "bs_rank_pos": 3}, {"is_selected": false, "title": "h1z1枪法技巧一览 h1z1怎么练枪法_www.3dmgame.com", "most_related_para": 2, "segmented_title": ["h1z1", "枪法", "技巧", "一览", "h1z1", "怎么", "练", "枪法", "_", "www", ".", "3dm", "game", ".", "com"], "segmented_paragraphs": [["一些", "小伙伴", "不知道", "在", "h1z1", "中", "怎么", "练", "枪法", ",", "下面", "小", "编", "就", "为", "大家分享", "h1z1", "枪法", "技巧", "一览", ",", "赶紧", "来", "看看", "吧", "."], ["h1z1", "枪法", "技巧", "一览"], ["1", ".", "保持", "准", "心", "的", "高度", "不变", ",", "在", "敌人", "脑袋", "高度", "。", "2", ".", "不要扫射", ",", "只能", "点射", ",", "3", "连发", "最佳", "。", "3", ".", "不能", "边", "打", "边", "往前", "直线", "跑", ",", "很多", "新手", "都", "这样", ",", "一", "紧张", ",", "就", "按住", "W", ",", "往前", "疯", "跑", ",", "还", "扫射", ",", "子弹", "飞", "哪里", "去", "都", "不知道", "。", "其实", "只要", "冷静", "的", "击", "中", "对方", "几", "发", "子弹", ",", "对方", "就", "够", "受", "的", "了", ",", "完全", "没必要", "这样子", ",", "一颗", "都", "打", "不", "中", "。", "4", ".", "对方", "站立", "不动", ",", "或者", "蹲下", ",", "爆头", "就", "很容易", "了", "。", "对方", "如果", "跑动", ",", "那", "就要", "看", "瞄准", "能力", "了", "。", "把", "鼠标", "的", "灵敏度", "调到", "0", "~", "5", ",", "增加", "准", "心", "的", "稳定性", ",", "可以", "帮助", "提高", "爆头", "率", "。", "多", "打", "多", "练", ",", "保持", "冷静", "的", "心态", ",", "还有", "有", "节奏", "的", "射击", "频率", ",", "要", "先", "养成", "的", "习惯", "。", "否则", ",", "不要指望", "提高", "爆头", ",", "或者", "杀敌", "的", "能力", "。"], ["5", ".", "要", "想", "爆头", "快", ",", "那", "只能", "做到", "瞄准", "快", ",", "反应", "快"], ["6", "\\", "点射", "不要", "蹲", ",", "你", "蹲", "了", "别人", "方便", "爆", "你", "头", ",", "点射", "过程", "中", "要", "左右", "快速", "移动", ",", "寻找", "障碍物", "的", "时候", "要", "换", "成", "刀子", ",", "跑的快", "!"]], "paragraphs": ["一些小伙伴不知道在h1z1中怎么练枪法,下面小编就为大家分享h1z1枪法技巧一览,赶紧来看看吧.", "h1z1枪法技巧一览", "1.保持准心的高度不变,在敌人脑袋高度。 2.不要扫射,只能点射,3连发最佳。 3.不能边打边往前直线跑,很多新手都这样,一紧张,就按住W ,往前疯跑,还扫射,子弹飞哪里去都不知道。其实只要冷静的击中对方几发子弹,对方就够受的了,完全没必要这样子,一颗都打不中。 4.对方站立不动,或者蹲下,爆头就很容易了。对方如果跑动,那就要看瞄准能力了。把鼠标的灵敏度调到0~5,增加准心的稳定性,可以帮助提高爆头率。 多打多练,保持冷静的心态,还有有节奏的射击频率,要先养成的习惯。否则,不要指望提高爆头,或者杀敌的能力。", "5.要想爆头快,那只能做到瞄准快,反应快", "6\\点射不要蹲,你蹲了别人方便爆你头,点射过程中要左右快速移动,寻找障碍物的时候要换成刀子,跑的快!"], "bs_rank_pos": 4}], "answer_spans": [[0, 12]], "fake_answers": ["一定要注重打头,就算打不中也要练着打头"], "question": "h1z1怎么练枪法", "segmented_answers": [["一定要", "注重", "打头", ",", "就算", "打", "不", "中", "也", "要", "练", "着", "打头", "。"]], "answers": ["一定要注重打头,就算打不中也要练着打头。"], "answer_docs": [0], "segmented_question": ["h1z1", "怎么", "练", "枪法"], "question_type": "DESCRIPTION", "question_id": 91179, "fact_or_opinion": "OPINION", "match_scores": [0.888888888888889]}
-{"documents": [{"is_selected": true, "title": "裸睡有什么好处和坏处_百度经验", "most_related_para": 6, "segmented_title": ["裸睡", "有", "什么", "好处", "和", "坏处", "_", "百度", "经验"], "segmented_paragraphs": [["该", "经验", "图片", "、", "文字", "中", "可能", "存在", "外", "站", "链接", "或", "电话号码", "等", ",", "请注意", "识别", ",", "谨防上当受骗", "!"], ["百度", "经验", ">", "健康", "/", "养生", ">", "保健养生"], ["一分钟", "告诉你", "怎样", "裸睡", "更健康", "标签", ":", "裸睡", "时", "长", ":", "01", ":", "39", "来自", ":", "摇滚", "歌手"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["任何事情", "都是", "有", "两面性", "的", ",", "那么", "对于", "裸睡", "一", "说", ",", "我", "想", "很多人", "都是", "清楚", "的", "知道", "它", "是", "有", "一定", "的", "好处", "的", ",", "但是", "很少", "却", "出于", "羞涩", "也是", "很少", "人", "提及", "到", "或者", "极少", "人", "在", "进行", "裸睡", "的", ",", "其实", "裸睡", "是", "有", "一定", "的", "好处", "的", ",", "但是", "裸睡", "也是", "有着", "一定", "的", "坏处", "的", ",", "现在", "就", "和", "大家说说", "裸睡", "的", "好处", "和", "坏处", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "裸睡", "在", "睡觉", "的", "过程", "中", "是", "有", "一", "种", "舒适", "的", "感觉", ",", "很", "让", "人", "感受到", "温暖", "的", ",", "而且", "对于", "很多", "女性", "朋友们", ",", "在", "裸睡", "的", "时候", "其实", "对于", "月经", "是", "有", "一定", "的", "好处", "的", ",", "同时", ",", "裸睡", "对于", "治疗失眠", "也是", "有", "一定", "疗效", "的", "。", "步骤", "阅读", "2", "裸睡", "对于", "健康", "是", "有", "好处", "的", ",", "如果", "长时间", "穿着", "紧身", "的", "内裤", "来", "睡眠", "的", "话", ",", "那么", "时间长", "了", "会", "对", "健康", "造成", "损伤", "的", "。", "步骤", "阅读", "3", "美容", "效果", ",", "其实", "对于", "很多", "女性", "朋友们", "来", "说", ",", "裸睡", "没有", "衣服", "之后", ",", "可以", "对于", "我们", "身体", "的", "新陈代谢", "有着", "很好", "的", "功效", "的", ",", "对于", "肌肤", "是", "大", "有", "好处", "。", "步骤", "阅读", "4", "裸睡", "对于", "很多", "的", "疾病", "都是", "有", "这", "一定", "的", "效果", "的", ",", "在", "裸睡", "的", "夜间", "中", ",", "我们", "身体", "中", "的", "血液循环", "会", "加快", ",", "可以", "对于", "慢性", "的", "便秘", "有", "一定", "的", "疗效", "。", "步骤", "阅读", "5", "裸睡", "的", "时候", "总是", "可以", "感觉", "有", "一", "种", "很好", "的", "自由", "感", "的", ",", "而且", "我们", "的", "肌肤", "裸露", "在", "外面", "的", ",", "也是", "有利于", "肌肤", "的", "排泄", "的", ",", "而且", "还是", "可以", "对于", "神经", "有", "一定", "的", "调节", "的", "。", "增强", "身体", "的", "免疫力", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "其实", "裸睡", "的", "时候", "尤其", "是", "在", "冬季", "时候", ",", "裸睡", "如果没有", "盖好", "被子", "的", "话", ",", "很", "容易", "着凉", "的", ",", "对于", "身体健康", "来", "说", "还是", "很重要", "的", "。", "步骤", "阅读", "2", "裸睡", "如果", "是", "一般", "的", "集体", "生活", ",", "在", "我", "看", "来", "还是", "免", "了", ",", "而且", "喜欢", "裸睡", "的", "朋友", "们", ",", "一定要", "勤", "加", "注意", "自己", "的", "卫生", "的", ",", "经常", "的", "去", "洗澡", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "经验", "是", "分享", "的", ",", "在", "分享", "中", "获得", "快乐", ",", "我", "是", "日月之美", "003", ",", "你", "喜", "不喜欢", "我", "不重要", ",", "你", "关注", "不", "关注", "我", "也", "没事", ",", "只有", "经验", "对于", "你", "有所帮助", ",", "就", "ok", "了", "。", "更多消息", "扫描", "下面", "关注", "我", "的", "个人", "微信", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "微信", "公众", "号", ":", "wm", "dsn", "sd"]], "paragraphs": ["该经验图片、文字中可能存在外站链接或电话号码等,请注意识别,谨防上当受骗!", "百度经验 > 健康/养生 > 保健养生", "一分钟告诉你怎样裸睡更健康 标签:裸睡  时长:01:39来自:摇滚歌手", "百度经验:jingyan.baidu.com", "任何事情都是有两面性的,那么对于裸睡一说,我想很多人都是清楚的知道它是有一定的好处的,但是很少却出于羞涩也是很少人提及到或者极少人在进行裸睡的,其实裸睡是有一定的好处的,但是裸睡也是有着一定的坏处的,现在就和大家说说裸睡的好处和坏处。", "百度经验:jingyan.baidu.com", "1 裸睡在睡觉的过程中是有一种舒适的感觉,很让人感受到温暖的,而且对于很多女性朋友们,在裸睡的时候其实对于月经是有一定的好处的,同时,裸睡对于治疗失眠也是有一定疗效的。 步骤阅读 2 裸睡对于健康是有好处的,如果长时间穿着紧身的内裤来睡眠的话,那么时间长了会对健康造成损伤的。 步骤阅读 3 美容效果,其实对于很多女性朋友们来说,裸睡没有衣服之后,可以对于我们身体的新陈代谢有着很好的功效的,对于肌肤是大有好处。 步骤阅读 4 裸睡对于很多的疾病都是有这一定的效果的,在裸睡的夜间中,我们身体中的血液循环会加快,可以对于慢性的便秘有一定的疗效。 步骤阅读 5 裸睡的时候总是可以感觉有一种很好的自由感的,而且我们的肌肤裸露在外面的,也是有利于肌肤的排泄的,而且还是可以对于神经有一定的调节的。增强身体的免疫力。 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 其实裸睡的时候尤其是在冬季时候,裸睡如果没有盖好被子的话,很容易着凉的,对于身体健康来说还是很重要的。 步骤阅读 2 裸睡如果是一般的集体生活,在我看来还是免了,而且喜欢裸睡的朋友们,一定要勤加注意自己的卫生的,经常的去洗澡。 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 经验是分享的,在分享中获得快乐,我是日月之美003,你喜不喜欢我不重要,你关注不关注我也没事,只有经验对于你有所帮助,就ok了。更多消息扫描下面关注我的个人微信。 步骤阅读 END", "百度经验:jingyan.baidu.com", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:微信公众号:wmdsnsd"], "bs_rank_pos": 0}, {"is_selected": false, "title": "女人裸睡的好处和坏处是什么? - 爱问知识人", "most_related_para": 1, "segmented_title": ["女人", "裸睡", "的", "好处", "和", "坏处", "是", "什么", "?", "-", "爱问知识人"], "segmented_paragraphs": [["新手", "提问", "啊", "大家", "进来", "帮帮忙", "了", "本人", "19", "级", "WX", ".", ".", ".", "如何", "选购", "液晶", "品牌电脑", "?", "主要", "用于", "上网", "的", "?"], ["医学", "报告", "指出", ",", "裸睡", "是", "健康", "、", "自在", "、", "卫生", "而且", "性感", "的", ",", "一般", "专家", "们", "认为", ",", "裸睡", "可以", "让", "人", "有无", "拘束", "的", "自由", "快感", "。", "裸睡", ",", "不", "单", "是", "产生", "全身放松", "的", "感觉", ",", "裸睡", "更", "有利于", "血液循环", "、", "增强", "皮", "腺", "和", "汗腺", "的", "分泌", ",", "促进", "皮肤", "的", "排泄", "和", "再生", ",", "而且", "还", "可以", "促进", "神经", "的", "调节", "、", "增强", "适应", "和", "免疫", "能力", "及", "消除疲劳", ",", "裸睡", "最大", "的", "好处", "便是", "增进", "夫妻", "间", "『", "炒饭", "』", "的", "次数", "。"], ["很多", "保守", "型", "的", "人", ",", "总会", "习惯", "睡觉", "穿著", "胸罩", ",", "这样", "的", "习惯", "很", "不好", ",", "因为", "睡觉", "穿著", "胸罩", ",", "很容易", "感到", "压迫", "、", "无法", "完全", "的", "达到", "放松", ",", "进而", "引", "响", "到", "整", "晚", "的", "睡眠", "品质", ",", "在", "门诊", "中", ",", "很多", "的", "病人", ",", "也", "会", "习惯", "将", "内裤", "穿", "的", "很", "紧", ",", "也", "因为", "穿", "的", "太紧", "缘故", ",", "造成", "大腿", "两侧", ",", "会", "有", "很明显", "的", "两", "条", "灰色", "线", "印", "在", "上", "头", ",", "甚至", "有", "肿块", ",", "这样", "的", "病例", "在", "医学", "上", "称为", "『", "纤维", "上", "皮", "囊肿", "』", ",", "很多", "病人", "因为", "美观", "问题", ",", "会", "要求", "医师", "开刀", "处理", ",", "这样", "的", "状况", "其实", "是因为", ",", "一直", "不断", "的", "压迫", "、", "摩擦", "才会", "造成", ",", "所以", "根本", "没", "必要", "开刀", ",", "只要", "改变", "平时", "穿内裤", "的", "习惯", ",", "就", "可以", "慢慢", "的", "改善", "了", "。"], ["国外", "的", "妇产科", "医师", "也", "建议", ",", "女性", "朋友", "在夏天", ",", "最好", "选择", "宽松", "透气", "的", "纯棉", "内衣裤", ",", "不", "但", "可以", "预防", "湿疹", "等", "疾病", ",", "也", "可以", "避免", "成为", "病媒", "铺", "制", "的", "温床", "。", "男性", "朋友", ".", ".", "."], ["容易", "被", "人", "看到", "tsj", "5212000", "|", "07", "-", "07", "-", "04", "3", "0", "举报"], ["?", "睡", "好处多多", ",", "坏处", "你", "要", "经常", "换", "洗", "床单"], ["人体", "常识", "相关知识"], ["确定", "举报", "此", "问题"]], "paragraphs": ["新手提问啊大家进来帮帮忙了本人19级WX... 如何选购液晶品牌电脑?主要用于上网的?", "医学报告指出,裸睡是健康、自在、卫生而且性感的,一般专家们认为,裸睡可以让人有无拘束的自由快感。裸睡,不单是产生全身放松的感觉,裸睡更有利于血液循环、增强皮腺和汗腺的分泌,促进皮肤的排泄和再生,而且还可以促进神经的调节、增强适应和免疫能力及消除疲劳,裸睡最大的好处便是增进夫妻间『炒饭』的次数。", "很多保守型的人,总会习惯睡觉穿著胸罩,这样的习惯很不好,因为睡觉穿著胸罩,很容易感到压迫、无法完全的达到放松,进而引响到整晚的睡眠品质,在门诊中,很多的病人,也会习惯将内裤穿的很紧,也因为穿的太紧缘故,造成大腿两侧,会有很明显的两条灰色线印在上头,甚至有肿块,这样的病例在医学上称为『纤维上皮囊肿』,很多病人因为美观问题,会要求医师开刀处理,这样的状况其实是因为,一直不断的压迫、摩擦才会造成,所以根本没必要开刀,只要改变平时穿内裤的习惯,就可以慢慢的改善了。", "国外的妇产科医师也建议,女性朋友在夏天,最好选择宽松透气的纯棉内衣裤,不但可以预防湿疹等疾病,也可以避免成为病媒铺制的温床。男性朋友...", "容易被人看到 tsj5212000 | 07-07-04 3 0 举报", "?睡好处多多,坏处你要经常换洗床单", "人体常识相关知识", "确定举报此问题"], "bs_rank_pos": 1}, {"is_selected": true, "title": "裸睡有什么好处和坏处?_39健康网_女性", "most_related_para": 3, "segmented_title": ["裸睡", "有", "什么", "好处", "和", "坏处", "?", "_", "39", "健康网", "_", "女性"], "segmented_paragraphs": [["核心提示", ":", "裸睡", ",", "听", "起来", "很", "不", "卫生", ",", "也", "很", "不", "干净", ",", "更", "是", "很", "不", "文雅", ",", "甚至", "有", "的", "女性", "朋友", "觉得", "裸睡", "就是", "一", "种", "变态", "。", "其实", ",", "裸睡", "还是", "有", "不少", "的", "好处", ",", "对", "健康", "是", "有益", "的", ",", "不过", ",", "也有", "一些", "坏处", ",", "我们", "可以", "娶妻", "精华", "弃", "其", "糟粕", "嘛", "。"], ["喝水", "时", ",", "如果", "在", "水中", "加", "一样", "东西", ",", "有助", "排光体", "内", "毒素", ",", "外表", "年轻", "10", "岁", "。", "具体", "加", "什么", ",", "关注", "微信", "公众", "号", "39", "健康网", ",", "发送", "排毒", "了解详情", "。"], ["裸睡", ",", "听", "起来", "很", "不", "卫生", ",", "也", "很", "不", "干净", ",", "更", "是", "很", "不", "文雅", ",", "甚至", "有", "的", "女性", "朋友", "觉得", "裸睡", "就是", "一", "种", "变态", "。", "其实", ",", "裸睡", "还是", "有", "不少", "的", "好处", ",", "对", "健康", "是", "有益", "的", ",", "不过", ",", "也有", "一些", "坏处", ",", "我们", "可以", "娶妻", "精华", "弃", "其", "糟粕", "嘛", "。"], ["一", "、", "裸睡", "的", "好处", "1", "、", "能", "保护", "私处", "裸睡", "不", "但", "使", "人", "意外", "感到", "温暖", "和", "舒适", ",", "连", "妇科", "常见", "的", "腰痛", "及", "生理", "性", "月经", "痛", "也", "得到", "了", "减轻", ";", "以往", "因", "手脚", "冰凉", "而", "久久", "不能", "入睡", "的", "妇女", ",", "采取", "裸睡", "方式", "后", ",", "很快", "就能", "入睡", "了", "。", "2", "、", "能", "治失眠", "裸睡", "对", "失眠", "的", "人", "也", "会", "有", "一定", "的", "安抚", "作用", "。", "没有", "衣服", "束缚", ",", "身体", "自然", "放松", ",", "血流", "通畅", ",", "能", "改善", "某些", "人", "手脚", "冰凉", "的", "状况", ",", "有助", "进入", "深层次", "睡眠", "。", "3", "、", "能", "减肥", "由于", "人体", "皮肤", "能", "分泌", "和", "散发", "出", "一些", "化学物质", ",", "若", "和", "衣", "而", "眠", ",", "无疑", "会", "妨碍", "皮肤", "的", "正常", "“", "呼吸", "”", "和", "汗液", "的", "蒸发", ",", "衣服", "对", "肌肉", "的", "压迫", "和", "摩擦", "还会", "影响", "血液循环", "。", "4", "、", "能", "美容", "没有了", "衣服", "的", "隔绝", ",", "裸露", "的", "皮肤", "能够", "吸收", "更多", "养", "分", ",", "促进", "新陈代谢", ",", "加强", "皮脂腺", "和", "汗腺", "的", "分泌", ",", "有利", "皮脂", "排泄", "和", "再生", ",", "皮肤", "有", "一", "种", "通透", "的", "感觉", "。", "5", "、", "能", "祛", "痛", "裸睡", "的", "时候", "身体", "自由度", "很大", ",", "肌肉", "能", "有效", "放松", ",", "对", "治疗", "紧张", "性", "疾病", "的", "疗效", "极", "高", ",", "特别", "是", "腹部", "内脏", "神经系统", "方面", "的", "紧张", "状态", "容易", "得到", "消除", ",", "还能", "促进", "血液循环", ",", "使", "慢性", "便秘", "、", "慢性腹泻", "以及", "腰痛", "、", "头痛", "等", "疾病", "得到", "较", "大", "程度", "的", "改善", "。", "二", "、", "裸睡", "的", "坏处", "1", "、", "在", "冬季", "的", "时候", ",", "裸睡", "如果没有", "盖好", "被子", "的", "话", ",", "很", "容易", "着凉", "的", "。", "2", "、", "如果", "你", "处于", "集体", "生活", "的", "状态", ",", "还是", "应该", "避免", "裸睡", ",", "一定要", "勤", "加", "注意", "自己", "的", "卫生", "的", ",", "经常", "洗澡", "。", "别", "阻拦", "!", "宝宝", "“", "摸", "打滚", "爬", "”", "好处多", "朱玉忠", "谈", "中药", "护肤", "的", "三大", "好处"]], "paragraphs": ["核心提示:裸睡,听起来很不卫生,也很不干净,更是很不文雅,甚至有的女性朋友觉得裸睡就是一种变态。其实,裸睡还是有不少的好处,对健康是有益的,不过,也有一些坏处,我们可以娶妻精华弃其糟粕嘛。", "喝水时,如果在水中加一样东西,有助排光体内毒素,外表年轻10岁。具体加什么,关注微信公众号 39健康网 ,发送 排毒了解详情。", "裸睡,听起来很不卫生,也很不干净,更是很不文雅,甚至有的女性朋友觉得裸睡就是一种变态。其实,裸睡还是有不少的好处,对健康是有益的,不过,也有一些坏处,我们可以娶妻精华弃其糟粕嘛。", "一、裸睡的好处 1、能保护私处 裸睡不但使人意外感到温暖和舒适,连妇科常见的腰痛及生理性月经痛也得到了减轻;以往因手脚冰凉而久久不能入睡的妇女,采取裸睡方式后,很快就能入睡了。 2、能治失眠 裸睡对失眠的人也会有一定的安抚作用。没有衣服束缚,身体自然放松,血流通畅,能改善某些人手脚冰凉的状况,有助进入深层次睡眠。 3、能减肥 由于人体皮肤能分泌和散发出一些化学物质,若和衣而眠,无疑会妨碍皮肤的正常“呼吸”和汗液的蒸发,衣服对肌肉的压迫和摩擦还会影响血液循环。 4、能美容 没有了衣服的隔绝,裸露的皮肤能够吸收更多养分,促进新陈代谢,加强皮脂腺和汗腺的分泌,有利皮脂排泄和再生,皮肤有一种通透的感觉。 5、能祛痛 裸睡的时候身体自由度很大,肌肉能有效放松,对治疗紧张性疾病的疗效极高,特别是腹部内脏神经系统方面的紧张状态容易得到消除,还能促进血液循环,使慢性便秘、慢性腹泻以及腰痛、头痛等疾病得到较大程度的改善。 二、裸睡的坏处 1、在冬季的时候,裸睡如果没有盖好被子的话,很容易着凉的。 2、如果你处于集体生活的状态,还是应该避免裸睡,一定要勤加注意自己的卫生的,经常洗澡。别阻拦!宝宝“摸打滚爬”好处多 朱玉忠谈中药护肤的三大好处"], "bs_rank_pos": 2}, {"is_selected": true, "title": "女人裸睡的好处和坏处有哪些_保健常识_女性_99健康网", "most_related_para": 2, "segmented_title": ["女人", "裸睡", "的", "好处", "和", "坏处", "有", "哪些", "_", "保健常识", "_", "女性", "_", "99", "健康网"], "segmented_paragraphs": [["对于", "女性", "来", "说", ",", "了解", "一些", "健康", "的", "养生", "方式", "很", "有必要", ",", "尤其", "是", "一些", "重视", "健康生活", "的", "MM", "们", ",", "那", "女人", "裸睡", "怎么样", "?", "有", "什么", "好处", "?", "下面", "就让", "小", "编", "告诉", "你", "。"], ["女人", "的", "裸睡", "对", "日常保健", "是", "有", "好处", "的", "。", "我们", "一起来", "看看", "裸睡", "的", "好处", "介绍", "吧", "!"], ["一", "、", "女人", "裸睡", "的", "好处", "1", "、", "裸睡", "有利于", "皮肤", "的", "呼吸", "通畅", "从", "过", "现代养生", "的", "角度", "来", "说", ",", "没有了", "衣服", "的", "阻隔", ",", "裸露", "的", "皮肤", "可以", "吸收", "更多", "的", "养", "分", ",", "能够", "促进", "新陈代谢", "。", "因为", ",", "裸睡", "可以", "让", "皮肤", "毛孔", "保持", "畅通", "状态", ",", "可以", "确保", "皮", "腺", "和", "汗腺", "分泌", "出来", "的", "物质", "能够", "顺利", "地", "排泄", "与", "再生", ",", "也", "可以", "确保", "皮肤", "的", "吸收", "、", "免疫", "、", "代谢", "、", "气体", "交换", "等", "功能", "的", "正常", "工作", ",", "而", "健康", "通透", "的", "肌肤", "是", "一个人", "身体健康", "的", "基本", "要素", ",", "让", "皮肤", "能够", "生活", "在", "通畅", "的", "环境", "之", "中", ",", "绝对", "有利于", "全身", "机体", "功能", "和", "免疫", "能力", "的", "健康", "生长", "。", "3", "、", "裸睡", "有利于", "改善", "便秘", "裸睡", "的", "好处", "有很多", "。", "裸睡", "还", "利于", "改善", "慢性", "便秘", "、", "慢性腹泻", "及", "腰痛", "、", "头痛", "的", "问题", ",", "一些", "妇女", "的", "痛经", "与", "颈肩痛", "等", "问题", "也", "会", "逐渐", "减轻", "。", "裸睡", "在", "日本", "很", "受", "推崇", "。", "北海道", "有", "个", "村庄", ",", "所有", "居民", "都", "有", "裸睡", "的", "习惯", ",", "几乎", "无人", "失眠", "。", "专家", "认为", "这", "是因为", "裸睡", "能", "减少", "衣物", "带来", "的", "束缚", "感", ",", "让", "人", "从", "被", "捆绑", "一", "天", "的", "感觉", "中", "解放", "出来", ",", "利于", "提高", "睡眠质量", "。", "4", "、", "裸睡", "有利于", "减肥", "裸睡", "对于", "美容瘦身", "也是", "有", "好处", "的", "。", "由于", "人体", "皮肤", "能", "分泌", "和", "散发", "出", "一些", "化学物质", ",", "若", "和", "衣", "而", "眠", ",", "无疑", "会", "妨碍", "皮肤", "的", "正常", "“", "呼吸", "”", "和", "汗液", "的", "蒸发", ",", "衣服", "对", "肌肉", "的", "压迫", "和", "摩擦", "还会", "影响", "血液循环", "。", "裸睡", "有种", "无拘无束", "的", "自由", "快感", ",", "让", "血液", "得到", "很好", "的", "循环", ",", "皮肤", "充分", "呼吸", ",", "油脂", "消耗", "加快", ",", "有助于", "减肥", "。", "5", "、", "裸睡", "好处", "之", "一", "就是", "有利于", "美容", "没有了", "衣服", "的", "隔绝", ",", "裸露", "的", "皮肤", "能够", "吸收", "更多", "养", "分", ",", "促进", "新陈代谢", ",", "加强", "皮脂腺", "和", "汗腺", "的", "分泌", ",", "有利", "皮脂", "排泄", "和", "再生", ",", "皮肤", "有", "一", "种", "通透", "的", "感觉", "。", "6", "、", "裸睡", "有利于", "促进", "血液循环", "睡觉时", "不再", "有", "束缚", "感", "就", "不会", "有", "血脉", "不", "和", "的", "紧张", "感", ",", "让", "全身", "血", "畅", "其", "流", ",", "就", "不会", "造成", "局部", "缺血", "的", "供氧", "不足", ",", "自然", "也", "就", "不会", "由于", "血脉", "不畅", "而", "导致", "的", "身体", "疾病", "。", "裸睡", "对", "治疗", "紧张", "性", "疾病", "的", "功效", "不可忽视", ",", "特别", "是", "腹部", "内脏", "神经系统", "方面", "出现", "的", "紧张", "症状", "特别", "有效", "。", "促进", "了", "血液循环", ",", "也", "使得", "许多", "患", "有", "慢性疾病", "症状", "的", "病症", "得到", "了", "较", "大", "程度", "的", "改善", ",", "从而", "让", "自己", "一觉醒来", "感到", "肢体", "更加", "的", "舒适", "。", "7", "、", "女性", "裸睡", "可", "防治", "痛经", "女性", "裸睡", "时", ",", "身体", "自然", "放松", ",", "血流", "通畅", ";", "另外", ",", "女性", "裸睡", "的", "时候", "身体", "自由度", "很大", ",", "肌肉", "能", "有效", "放松", ",", "对", "治疗", "紧张", "性", "疾病", "的", "疗效", "极", "高", "。", "私处", "部位", "能", "有", "充分", "的", "通风", "透气", ",", "有利于", "神经", "的", "调节", ",", "有利于", "增强", "适应", "和", "免疫", "能力", ",", "可以", "有效", "达到", "治疗", "痛经", "的", "目的", "。", "二", "、", "女人", "裸睡", "的", "坏处", "许多", "女性", "的", "妇科炎症", "都是", "在", "不经意间", "感染", ",", "随处可见", "的", "细菌", "就", "可能", "让", "阴道炎", "不知不觉", "的", "找", "上", "你", "。", "其实", "这样", "的", "“", "裸", "”", ",", "对", "家里", "的", "卫生状况", "要求", "很高", "。", "但", "家里", "不可能", "做到", "无菌", ",", "沙发", "、", "椅子", "甚至", "床上", ",", "都", "难免", "成为", "细菌", "的", "聚集", "场所", "。", "夏天", "炎热", "、", "多", "雨", "潮湿", ",", "人", "身上", "的", "汗液", "、", "病菌", "也是", "最多", "的", ",", "随处", "倚靠", "后", ",", "沙发", "套", "、", "床单", "、", "被套", "也", "就", "成为", "病菌", "温床", "。", "当你", "清凉", "着", "下半身", "坐", "在", "沙发", "上", ",", "细菌", "就会", "趁虚而入", "引起", "阴道炎", "了", "。", "如果", "你", "或者", "你", "老公", "有", "脚气", "、", "脚癣", "或", "其他", "皮肤病", ",", "床单", "、", "被套", "里", "就会", "滋生", "着", "无数", "病菌", ",", "加上", "我们", "的", "被褥", "洗", "换", "率", "远远", "低于", "内衣裤", ",", "于是", "裸睡", "时", ",", "细菌", "也", "会", "乘机", "侵袭", ",", "就", "给", "你", "带来", "了", "各种", "妇科炎症", "。", "尤其", "青春期少女", ",", "由于", "年龄", "小", ",", "对", "生殖", "卫生", "知识", "的", "贫乏", ",", "如果", "有", "裸睡", "的", "习惯", "正好", "致使", "会阴", "受", "不洁", "床上用品", "的", "污染", ",", "病菌", "乘机", "滋生", "进犯", ",", "引起", "“", "少女", "阴道炎", "”", "。", "对于", "青春期", "的", "女生", ",", "正在发育", "的", "器官", "是", "很脆弱", "的", ",", "如果", "小小年纪", "就", "被", "感染", "发病", "一次", ",", "对", "生殖系统", "今后", "正常", "发育", "的", "打击", "是", "很", "严重", "的", "。", "因此", ",", "专家", "提醒", ",", "在", "湿热", "的", "季节", "里", ",", "女性", "在家", "千万", "别", "图", "清凉", "、", "性感", "而", "忽略", "了", "穿内裤", "。", "如果", "你", "要", "裸睡", "一定要", "先", "治", "好", "脚气", "和", "其他", "皮肤病", ",", "床单", "也", "应", "勤", "更换", "。", "出门时", "要", "注意", "少", "穿", "紧身裤", "、", "丁字裤", "和", "透气性", "不好", "的", "牛仔裤", "。", "另外", ",", "正常", "情况", "下", "每天", "用", "专", "盆", "、", "清水", "清洗", "外阴", "一次", "就", "可以", "了", ",", "不要", "用", "任何", "洗", "夜", ",", "如果", "发现", "有", "哪些", "不适", "一定要", "在", "医生", "指导", "下", "用药", ",", "切", "不可盲目", "采取措施", "。", "(", "责任编辑", ":", "王少华", ")", "2012", "-", "02", "-", "08", "13", ":", "27", "女人", "裸睡", "有", "什么", "好处", "5", "大", "好处", "2013", "-", "07", "-", "08", "09", ":", "50", "女人", "手淫", "的", "10大", "好处", "2014", "-", "01", "-", "13", "14", ":", "04", "裸睡", "好", "吗", "女人", "裸睡", "的", "好处", "女人", "吃", "薏米", "的", "好处", "有", "哪些", "女人", "吃", "阿胶", "的", "好处", "及", "禁忌", "土豆", "对", "女人", "的", "5", "大", "好处", "女人", "喝豆浆", "的", "9", "大", "好处", "女人", "吃", "红糖", "有", "什么", "好处", "吃", "花生酱", "对", "女人", "的", "好处", "肾虚", "测试", "孕期", "体重", "计算器", "亚健康", "测试", "小", "工具", "上火", "测试", "痛经", "程度", "自测", "手淫", "测试", "减肥", "自测", "羊奶", "变", "洗发", "乳", "老人", "误", "喝", "洗发", "乳", "金宇彬", "患", "鼻咽癌", "五", "个", "方法", "预防", "鼻咽癌", "癫痫病", "大排档", "用", "脚", "洗", "菜", "如何", "预防", "食物中毒", "扫一扫", "关注", "我", "的", "热心", "医生", "快速", "免费咨询", "医生", "妇科", "好评", "医院", "男科", "好评", "医院", "儿科", "好评", "医院", "眼科", "好评", "医院", "皮肤科", "好评", "医院", "肿瘤科", "好评", "医院", "肝病", "好评", "医院", "心", "血管", "好评", "医院", "整形", "好评", "医院", "性病", "科", "好评", "医院", "呼吸科", "好评", "医院", "口腔科", "好评", "医院"], ["北京", "三甲医院", "上海", "三甲医院", "广州", "三甲医院", "深圳", "三甲医院", "天津", "三甲医院", "江苏省", "三甲医院", "浙江省", "三甲医院", "福建省", "三甲医院", "山东省", "三甲医院", "湖北省", "三甲医院", "湖南省", "三甲医院", "辽宁省", "三甲医院"], ["北京医院", "排行榜", "上海", "医院", "排行榜", "广州", "医院", "排行榜", "深圳", "医院", "排行榜", "成都", "医院", "排行榜", "杭州", "医院", "排行榜", "南京医院", "排行榜", "天津", "医院", "排行榜", "武汉", "医院", "排行榜", "重庆", "医院", "排行榜", "长沙", "医院", "排行榜", "青岛", "医院", "排行榜"]], "paragraphs": ["对于女性来说,了解一些健康的养生方式很有必要,尤其是一些重视健康生活的MM们,那女人裸睡怎么样?有什么好处?下面就让小编告诉你。", "女人的裸睡对日常保健是有好处的。我们一起来看看裸睡的好处介绍吧!", "一、女人裸睡的好处 1、裸睡有利于皮肤的呼吸通畅 从过现代养生的角度来说,没有了衣服的阻隔,裸露的皮肤可以吸收更多的养分,能够促进新陈代谢。 因为,裸睡可以让皮肤毛孔保持畅通状态,可以确保皮腺和汗腺分泌出来的物质能够顺利地排泄与再生,也可以确保皮肤的吸收、免疫、代谢、气体交换等功能的正常工作,而健康通透的肌肤是一个人身体健康的基本要素,让皮肤能够生活在通畅的环境之中,绝对有利于全身机体功能和免疫能力的健康生长。 3、裸睡有利于改善便秘 裸睡的好处有很多。裸睡还利于改善慢性便秘、慢性腹泻及腰痛、头痛的问题,一些妇女的痛经与颈肩痛等问题也会逐渐减轻。裸睡在日本很受推崇。北海道有个村庄,所有居民都有裸睡的习惯,几乎无人失眠。专家认为这是因为裸睡能减少衣物带来的束缚感,让人从被捆绑一天的感觉中解放出来,利于提高睡眠质量。 4、裸睡有利于减肥 裸睡对于美容瘦身也是有好处的。由于人体皮肤能分泌和散发出一些化学物质,若和衣而眠,无疑会妨碍皮肤的正常“呼吸”和汗液的蒸发,衣服对肌肉的压迫和摩擦还会影响血液循环。 裸睡有种无拘无束的自由快感,让血液得到很好的循环,皮肤充分呼吸,油脂消耗加快,有助于减肥。 5、裸睡好处之一就是有利于美容 没有了衣服的隔绝,裸露的皮肤能够吸收更多养分,促进新陈代谢,加强皮脂腺和汗腺的分泌,有利皮脂排泄和再生,皮肤有一种通透的感觉。 6、裸睡有利于促进血液循环 睡觉时不再有束缚感就不会有血脉不和的紧张感,让全身血畅其流,就不会造成局部缺血的供氧不足,自然也就不会由于血脉不畅而导致的身体疾病。裸睡对治疗紧张性疾病的功效不可忽视,特别是腹部内脏神经系统方面出现的紧张症状特别有效。促进了血液循环,也使得许多患有慢性疾病症状的病症得到了较大程度的改善,从而让自己一觉醒来感到肢体更加的舒适。 7、女性裸睡可防治痛经 女性裸睡时,身体自然放松,血流通畅;另外,女性裸睡的时候身体自由度很大,肌肉能有效放松,对治疗紧张性疾病的疗效极高。私处部位能有充分的通风透气,有利于神经的调节,有利于增强适应和免疫能力,可以有效达到治疗痛经的目的。 二、女人裸睡的坏处 许多女性的妇科炎症都是在不经意间感染,随处可见的细菌就可能让阴道炎不知不觉的找上你。其实这样的“裸”,对家里的卫生状况要求很高。但家里不可能做到无菌,沙发、椅子甚至床上,都难免成为细菌的聚集场所。夏天炎热、多雨潮湿,人身上的汗液、病菌也是最多的,随处倚靠后,沙发套、床单、被套也就成为病菌温床。当你清凉着下半身坐在沙发上,细菌就会趁虚而入引起阴道炎了。如果你或者你老公有脚气、脚癣或其他皮肤病,床单、被套里就会滋生着无数病菌,加上我们的被褥洗换率远远低于内衣裤,于是裸睡时,细菌也会乘机侵袭,就给你带来了各种妇科炎症。 尤其青春期少女,由于年龄小,对生殖卫生知识的贫乏,如果有裸睡的习惯正好致使会阴受不洁床上用品的污染,病菌乘机滋生进犯,引起“少女阴道炎”。对于青春期的女生,正在发育的器官是很脆弱的,如果小小年纪就被感染发病一次,对生殖系统今后正常发育的打击是很严重的。 因此,专家提醒,在湿热的季节里,女性在家千万别图清凉、性感而忽略了穿内裤。如果你要裸睡一定要先治好脚气和其他皮肤病,床单也应勤更换。出门时要注意少穿紧身裤、丁字裤和透气性不好的牛仔裤。另外,正常情况下每天用专盆、清水清洗外阴一次就可以了,不要用任何洗夜,如果发现有哪些不适一定要在医生指导下用药,切不可盲目采取措施。 (责任编辑:王少华)2012-02-08 13:27 女人裸睡有什么好处 5大好处  2013-07-08 09:50 女人手淫的10大好处  2014-01-13 14:04 裸睡好吗 女人裸睡的好处 女人吃薏米的好处有哪些 女人吃阿胶的好处及禁忌 土豆对女人的5大好处 女人喝豆浆的9大好处 女人吃红糖有什么好处 吃花生酱对女人的好处 肾虚测试  孕期体重计算器  亚健康测试小工具  上火测试  痛经程度自测  手淫测试  减肥自测 羊奶变洗发乳 老人误喝洗发乳 金宇彬患鼻咽癌 五个方法预防鼻咽癌 癫痫病 大排档用脚洗菜 如何预防食物中毒 扫一扫关注我的热心医生 快速免费咨询医生  妇科好评医院 男科好评医院 儿科好评医院 眼科好评医院 皮肤科好评医院 肿瘤科好评医院 肝病好评医院 心血管好评医院 整形好评医院 性病科好评医院 呼吸科好评医院 口腔科好评医院", "北京三甲医院 上海三甲医院 广州三甲医院 深圳三甲医院 天津三甲医院 江苏省三甲医院 浙江省三甲医院 福建省三甲医院 山东省三甲医院 湖北省三甲医院 湖南省三甲医院 辽宁省三甲医院", "北京医院排行榜 上海医院排行榜 广州医院排行榜 深圳医院排行榜 成都医院排行榜 杭州医院排行榜 南京医院排行榜 天津医院排行榜 武汉医院排行榜 重庆医院排行榜 长沙医院排行榜 青岛医院排行榜"], "bs_rank_pos": 3}, {"is_selected": false, "title": "为什么有人要裸睡?裸睡有什么好处和坏处呢_百度经验", "most_related_para": 5, "segmented_title": ["为什么", "有人", "要", "裸睡", "?", "裸睡", "有", "什么", "好处", "和", "坏处", "呢", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "生活", "/", "家居", ">", "生活常识"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["高校", "处分", "裸睡", "学生", ",", "在", "这段时间", "闹", "得", "沸沸扬扬", ",", "裸睡", "也", "全面", "进入", "人们", "的", "视线", "。", "那么", "为什么", "要", "禁止", "学生", "裸睡", "呢", "?", "裸睡", "有", "什么", "好处", "和", "坏处", "?", "现在", "小", "编", "就", "来", "盘点", "一", "下", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "舒服", ":", "夏天", "是", "裸睡", "的", "高峰期", ",", "没有", "被子", "束缚", "、", "没有", "小", "内裤", "的", "紧", "箍", ",", "全身", "都是", "自由", "的", "。", "早上醒来", "有如", "忽如一夜春风来", ",", "从", "脚底", "一直", "游", "到", "头顶", "。", "夏天", "不用担心", "被子", "干", "不", "干净", ",", "只", "需", "处理", "好", "床单", "或者", "凉席", "就", "可以", "了", "。", "冬季", "则", "需要", "保证", "被褥", "的", "干净", ",", "及时更换", "!", "一周以内", "要", "换", "!", "步骤", "阅读", "2", "减肥", ":", "让", "皮肤", "自由", "的", "呼吸", "。", "穿着衣服", ",", "盖着", "被子", "睡觉", ",", "皮肤", "不能", "正常", "的", "呼吸", "和", "限制", "了", "汗液", "的", "蒸发", ",", "衣服", "和", "被子", "的", "压迫", "感", "会", "影响", "血液", "的", "流通", "。", "裸睡", "能", "让", "皮肤", "正常", "呼吸", ",", "加速", "血液循环", ",", "也", "就会", "消耗", "更多", "的", "油脂", ",", "利于", "减肥", "!", "步骤", "阅读", "3", "保护", "私处", ":", "女孩子", "私处", "常年", "湿润", ",", "裸睡", "能", "让", "私处", "通风", "透气", ",", "这样", "能", "减少", "患", "上", "妇科病", "的", "概率", "。", "男孩子", "裸睡", "也", "可以", "让", "私处", "清凉", "舒爽", ",", "有利于", "增强", "精子", "的", "活力", ",", "有利于", "私处", "血液循环", ",", "增强", "性能力", "。", "步骤", "阅读", "4", "治失眠", ":", "没有", "衣服", "束缚", ",", "身体", "就", "很", "放松", ",", "血流", "通畅", ",", "可以", "改善", "一些人", "手脚", "冰凉", "的", "状况", ",", "有助于", "深", "睡", "。", "步骤", "阅读", "5", "美容", ":", "没有了", "衣服", "的", "隔绝", ",", "皮肤", "能够", "吸收", "更多", "水分", "和", "养", "分", ",", "促进", "新陈代谢", ",", "让", "汗腺", "的", "充分", "分泌", ",", "有利", "皮脂", "排泄", "和", "再生", ",", "皮肤", "有", "一", "种", "通透", "的", "感觉", ",", "同时", "有利于", "神经", "的", "调节", ",", "增强", "适应", "和", "免疫", "能力", "。", "步骤", "阅读", "6", "祛", "痛", ":", "由于", "裸睡", "自由度", "很大", ",", "肌肉", "能", "有效", "放松", ",", "对", "治疗", "紧张", "性", "疾病", "的", "有", "很好", "的", "治疗效果", ",", "比如", "头疼", "、", "腰疼", "等等", "。", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "不是", "所有人", "都", "能够", "裸睡", "的", ",", "裸睡", "时", "皮肤", "直接", "暴露", "在", "环境", "中", ",", "灰尘", "和", "虫", "螨", "会引起", "皮肤", "过敏", "和", "哮喘", "的", "发生", ",", "对于", "有", "特异性", "体质", "和", "处于", "生病", "阶段", "的", "人", "应该", "特别", "小心", "。", "步骤", "阅读", "2", "冬季", "要", "避免", "裸睡", ",", "裸睡", "如果没有", "盖好", "被子", "的", "话", ",", "很", "容易", "着凉", "的", "。", "如果", "被子", "长时间", "没", "洗", "的", "话", ",", "也", "会", "感染", "一些", "疾病", "。", "步骤", "阅读", "3", "裸睡", "容易", "泄露", "隐私", ",", "被", "一些人", "拍照", "、", "拍", "视频", ",", "也", "容易", "遭到", "侵犯", ",", "所有", "裸睡", "的", "适合", "要", "关", "好", "门窗", "、", "拉", "好", "窗帘", "!", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验 > 生活/家居 > 生活常识", "百度经验:jingyan.baidu.com", "高校处分裸睡学生,在这段时间闹得沸沸扬扬,裸睡也全面进入人们的视线。那么为什么要禁止学生裸睡呢?裸睡有什么好处和坏处?现在小编就来盘点一下!", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 舒服:夏天是裸睡的高峰期,没有被子束缚、没有小内裤的紧箍,全身都是自由的。早上醒来有如忽如一夜春风来,从脚底一直游到头顶。 夏天不用担心被子干不干净,只需处理好床单或者凉席就可以了。冬季则需要保证被褥的干净,及时更换!一周以内要换! 步骤阅读 2 减肥:让皮肤自由的呼吸。穿着衣服,盖着被子睡觉,皮肤不能正常的呼吸和限制了汗液的蒸发,衣服和被子的压迫感会影响血液的流通。裸睡能让皮肤正常呼吸,加速血液循环,也就会消耗更多的油脂,利于减肥! 步骤阅读 3 保护私处:女孩子私处常年湿润,裸睡能让私处通风透气,这样能减少患上妇科病的概率。男孩子裸睡也可以让私处清凉舒爽,有利于增强精子的活力,有利于私处血液循环,增强性能力。 步骤阅读 4 治失眠:没有衣服束缚,身体就很放松,血流通畅,可以改善一些人手脚冰凉的状况,有助于深睡。 步骤阅读 5 美容:没有了衣服的隔绝,皮肤能够吸收更多水分和养分,促进新陈代谢,让汗腺的充分分泌,有利皮脂排泄和再生,皮肤有一种通透的感觉,同时有利于神经的调节,增强适应和免疫能力。 步骤阅读 6 祛痛:由于裸睡自由度很大,肌肉能有效放松,对治疗紧张性疾病的有很好的治疗效果,比如头疼、腰疼等等。 步骤阅读 END", "百度经验:jingyan.baidu.com", "1 不是所有人都能够裸睡的,裸睡时皮肤直接暴露在环境中,灰尘和虫螨会引起皮肤过敏和哮喘的发生,对于有特异性体质和处于生病阶段的人应该特别小心。 步骤阅读 2 冬季要避免裸睡,裸睡如果没有盖好被子的话,很容易着凉的。如果被子长时间没洗的话,也会感染一些疾病。 步骤阅读 3 裸睡容易泄露隐私,被一些人拍照、拍视频,也容易遭到侵犯,所有裸睡的适合要关好门窗、拉好窗帘! 步骤阅读 END", "百度经验:jingyan.baidu.com", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 4}], "answer_spans": [[256, 299]], "fake_answers": ["在冬季的时候,裸睡如果没有盖好被子的话,很容易着凉的。2、如果你处于集体生活的状态,还是应该避免裸睡,一定要勤加注意自己的卫生的,经常洗澡。"], "question": "裸睡有什么好处和坏处", "segmented_answers": [["好处", ":", "裸睡", "的", "时候", "其实", "对于", "月经", "是", "有", "一定", "的", "好处", "的", ",", "同时", ",", "裸睡", "对于", "治疗失眠", "也是", "有", "一定", "疗效", "的", "。", "对于", "健康", "是", "有", "好处", "的", ",", "美容", "效果", ",", "对于", "慢性", "的", "便秘", "有", "一定", "的", "疗效", "。", "对于", "神经", "有", "一定", "的", "调节", "的", "。", "增强", "身体", "的", "免疫力", "。", "坏处", ":", "裸睡", "如果没有", "盖好", "被子", "的", "话", ",", "很", "容易", "着凉", "的", ",", "勤", "加", "注意", "自己", "的", "卫生", "的", "。"], ["好处", ":", "能", "保护", "私处", ",", "能", "治失眠", ",", "能", "减肥", ",", "能", "美容", ",", "能", "祛", "痛", ";", "坏处", ":", "在", "冬季", "的", "时候", ",", "裸睡", "如果没有", "盖好", "被子", "的", "话", ",", "很", "容易", "着凉", "的", "。", "如果", "你", "处于", "集体", "生活", "的", "状态", ",", "还是", "应该", "避免", "裸睡", ",", "一定要", "勤", "加", "注意", "自己", "的", "卫生", "的", ",", "经常", "洗澡", "。"], ["好处", ":", "裸睡", "有利于", "皮肤", "的", "呼吸", "通畅", ",", "裸睡", "有利于", "改善", "便秘", "。", "裸睡", "有利于", "减肥", ",", "裸睡", "好处", "之", "一", "就是", "有利于", "美容", ",", "裸睡", "有利于", "促进", "血液循环", ",", "女性", "裸睡", "可", "防治", "痛经", "。", "坏处", ":", "如果", "有", "裸睡", "的", "习惯", "正好", "致使", "会阴", "受", "不洁", "床上用品", "的", "污染", ",", "病菌", "乘机", "滋生", "进犯", ",", "引起", "“", "少女", "阴道炎", "”", "。"]], "answers": ["好处:裸睡的时候其实对于月经是有一定的好处的,同时,裸睡对于治疗失眠也是有一定疗效的。对于健康是有好处的,美容效果,对于慢性的便秘有一定的疗效。对于神经有一定的调节的。增强身体的免疫力。坏处:裸睡如果没有盖好被子的话,很容易着凉的,勤加注意自己的卫生的。", "好处:能保护私处,能治失眠,能减肥,能美容,能祛痛;坏处:在冬季的时候,裸睡如果没有盖好被子的话,很容易着凉的。如果你处于集体生活的状态,还是应该避免裸睡,一定要勤加注意自己的卫生的,经常洗澡。", "好处:裸睡有利于皮肤的呼吸通畅,裸睡有利于改善便秘。裸睡有利于减肥,裸睡好处之一就是有利于美容,裸睡有利于促进血液循环,女性裸睡可防治痛经。坏处:如果有裸睡的习惯正好致使会阴受不洁床上用品的污染,病菌乘机滋生进犯,引起“少女阴道炎”。"], "answer_docs": [2], "segmented_question": ["裸睡", "有", "什么", "好处", "和", "坏处"], "question_type": "DESCRIPTION", "question_id": 91180, "fact_or_opinion": "OPINION", "match_scores": [0.6915887850467289]}
-{"documents": [{"is_selected": false, "title": "手机优酷登陆不了 一直说未知错误 而且本来可以缓存的视频说不支持", "most_related_para": -1, "segmented_title": ["手机", "优酷", "登陆", "不", "了", "一直", "说", "未知", "错误", "而且", "本来", "可以", "缓存", "的", "视频", "说", "不支持"], "segmented_paragraphs": [["先", "备份", "下", ",", "删除", ",", "再", "重装", "。"], ["你", "安装", "的", "可能", "不", "对", "你", "下", "个", "优酷", "视频", "观看"], ["重新", "下载", "一", "下", "试", "试", "。"]], "paragraphs": ["先备份下,删除,再重装。", "你安装的可能不对你下个 优酷视频观看", "重新下载一下试试。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "优酷视频下载出错解决方法_百度经验", "most_related_para": -1, "segmented_title": ["优酷", "视频", "下载", "出错", "解决方法", "_", "百度", "经验"], "segmented_paragraphs": [["经验", "列表", "1", ":", "下载", "出错", "的", "话", ",", "如果", "不是", "网络", "、", "硬件", "等", "问题", "的", "话", ",", "那", "就是", "该", "视频", "相应", "的", "缓存", "出现", "了", "错误", ",", "删去", "即可", "。", "首先", "退出", "客户端", ",", "不", "退出", "的", "话", ",", "缓存", "是", "删不掉", "的", "。", "注意", "不要", "删除", "提示", "出错", "的", "任务", "!", "经验", "列表", "2", ":", "打开", "自己", "设置", "的", "下载", "路径", ",", "不确定", "的", "话", "可以", "在", "客户端", "的", "设置", "中", "查看", "。", "经验", "列表", "3", ":", "在", "下载", "路径", "中", ",", "cache", "是", "缓存", "路径", ",", "download", "是", "下载", "路径", ",", "video", "是", "转码", "路径", "。", "进入", "cache", ",", "选中", "youku", "disk", ",", "删除", "其中", "的", "“", "cache", "_", "0", ".", "dat", "”", "、", "“", "cache", "_", "1", ".", "dat", "”", "等", "所有", "缓存", "文件", "。", "经验", "列表", "4", ":", "再次启动", "客户端", ",", "继续", "刚才", "的", "任务", "即可", "。"]], "paragraphs": ["经验列表1:下载出错的话,如果不是网络、硬件等问题的话,那就是该视频相应的缓存出现了错误,删去即可。首先 退出客户端 ,不退出的话,缓存是删不掉的。注意 不要删除 提示出错的任务! 经验列表2:打开自己设置的 下载路径 ,不确定的话可以在客户端的设置中查看。 经验列表3:在下载路径中, cache 是缓存路径,download是下载路径,video是转码路径。进入cache,选中 youkudisk , 删除 其中的“cache_0.dat”、“cache_1.dat”等所有 缓存文件 。 经验列表4:再次启动客户端,继续刚才的任务即可。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "优酷播放出错代码2001怎么解决_视频播放教程", "most_related_para": -1, "segmented_title": ["优酷", "播放", "出错", "代码", "2001", "怎么", "解决", "_", "视频", "播放", "教程"], "segmented_paragraphs": [["生活", "母婴", "女人", "婚嫁", "祝福", "美食", "旅游"], ["资料", "谜语", "影视歌曲", "人物", "资料", "娱乐圈", "影视"], ["优酷", "2001", "出错", "怎么办", "?", "安", "下", "小", "编", "胖胖", "带来", "了", "优酷", "出错", "代码", "2001", "解决办法", ",", "很多朋友", "在", "使用", "优酷", "观看", "视频", "时", "会", "遇到", "2001", "出错", "代码", ",", "相信", "大家", "在", "看", "优酷", "视频", "的", "时候", "会", "频繁", "遇到", "优酷", "视频", "出错", "代码", "2001", ",", "无法观看", "视频", ",", "画面", "显示", "白屏", "或者", "黑屏", "的", "情况", ",", "如果", "你", "遇到", "这种", "问题", "不", "妨", "试", "一", "下", "本", "文", "中", "的", "办法", "来", "帮助", "大家", "解决", "问题", "。"], ["第一步", ",", "安装", "或", "升级", "Flash", "最新", "播放器", "下载", "安装后", ",", "须", "关闭", "所有", "浏览器窗口", ",", "重新", "开启", "浏览器", "方", "可", "正常", "观看", "第二步", ",", "清空", "浏览器", "缓存", ":", "打开", "IE", "浏览器", "菜单", ",", "”", "工具", "”", "—", ">", "”", "Internet", "选项", "”", "—", ">", "”", "常规", "”", "—", ">", "”", "浏览", "历史记录", "”", "—", ">", "清除", "浏览器", "Internet", "临时文件", "、", "缓存", "、", "垃圾", "、", "Cookie", "等", ",", "重启", "浏览器", "第三步", ",", "在", "flash", "播放器", "视频", "框", "上", "点右键", ",", "”", "全局", "设置", "”", "—", ">", "”", "高级", "”", "—", ">", "”", "浏览", "数据", "和", "设置", "”", "—", ">", "”", "所有", "删除", "”", ",", "重启", "浏览器", "。", "第四步", ",", "为", "浏览器", "开启", "Java", "及", "Active", "功能", "。", "打开", "IE", "浏览器", "顶部", "菜单", "的", "\"", "工具", "\"", "—", ">", "\"", "Internet", "选项", "\"", ",", "切换", "到", "\"", "安全", "\"", "选项卡", ",", "点击", "\"", "默认", "级别", "\"", "按钮", ",", "确定", "。"], ["如", "出现", "警告", "提示", "框", ",", "请", "选择", "\"", "是", "\"", "。", "(", "见", "下图", ")"], ["或者", "在", "第四步", "基础", "上", ",", "选择", "左边", "按钮", "\"", "自定义", "级别", "\"", ",", "拖动", "滚动条", ",", "找到", "关于", "脚本", "的", "描述", ",", "点", "选", "启用", "。"], ["如果", "您", "是", "FireFox", "用户", ",", "在", "\"", "工具", "\"", "—", ">", "\"", "选项", "\"", "—", ">", "\"", "内容", "\"", "位置", ",", "勾", "选", "启用", "Java", "和", "JavaScript", "即可", "。"], ["开启", "Active", "功能"], ["与", "开启", "Java", "相同", "。", "选择", "\"", "默认", "级别", "\"", "按钮", ",", "系统", "将", "默认", "开启", "ActiveX", "。"], ["第五步", ",", "取消", "使用", "代理服务器", ",", "打开", "IE", "浏览器", "菜单", ",", "“", "工具", "”", "—", ">", "“", "Internet", "选项", "”", "—", ">", "“", "连接", "”", "—", ">", "“", "局域网", "设置", "”", ",", "取消", "代理服务器", "设置", "。"], ["第六步", ",", "使用", "安全", "软件", "清理", "系统", "插件", "(", "清理", "掉", "流氓", "插件", ")", ",", "修复", "浏览器", "到", "默认", "配置", "。"], ["第", "七步", ",", "进行", "过", "上述", "操作", "后", "仍未", "见效", ",", "请", "联系", "您", "所在", "地区", "的", "宽带", "运营商", ",", "帮", "您", "查看", "连接", "问题", ",", "并", "设置", "适合", "您", "的", "DNS", "地址", "。"], ["办法", "/", "步骤", "2"], ["设置", "DNS", "的", "步骤如下", ":"], ["1", ")", "打开", "网络", "连接", ",", "右键", "查看", "网络", "连接", "属性", ";"], ["选择", "Internet", "协议", "版本", "4", ",", "查看", "属性", ";"], ["设定", "使用", "下面", "的", "dns", "地址", ";"], ["使用", "优酷", "客户端", "时", "请", "确认", "程序", "未", "被", "防火墙", "拦截", "禁用", "。"], ["其他", "情况", ",", "如果", "您", "使用", "的", "是", "360", "浏览器", ",", "打开", "菜单", "”", "工具", "”", "—", ">", "”", "浏览器", "医生", "”", "(", "或", "按", "下", "键盘", "上", "的", "F1", ")", ",", "按", "”", "一键", "修复", "”", ",", "重新启动", "浏览器", "。"], ["如", "您", "使用", "的", "是", "Opera", "浏览器", ",", "并且", "安装", "了", "爱酷", ",", "建议", "您", "进行", "如", "下", "操作", ":"], ["打开", "Opera", "浏览器", "菜单", ",", "”", "设置", "”", "—", ">", "”", "首选项", "”", "—", ">", "”", "高级", "”", "(", "tab", ")", "—", ">", "“", "安全性", "”", "—", ">", "“", "信任", "的", "网站", "”", "—", ">", "“", "安全", "的", "内部", "主机", "”", "—", ">", "添加", "127", ".", "0", ".", "0", ".", "1", ",", "“", "关闭", "”", "—", ">", "”", "确定", "”", "。"], ["以上内容", "是", "视频", "播放", "教程", ":", "优酷", "播放", "出错", "代码", "2001", "怎么", "解决", "内容提要", ":", "优酷", "2001", "出错", "怎么办", "?", "安", "下", "小", "编", "胖胖", "带来", "了", "优酷", "出错", "代码", "2001", "解决办法", ",", "很多朋友", "在", "使用", "优酷", "观看", "视频", "时", "会", "遇到", "2001", "出错", "代码", ",", "相信", "大家", "在", "看", "优酷", "视频", "的", "时候", "会", "频繁", "遇到", "优酷", "视频", "出错", "代码", "2001", ",", "无法观看", "视频", ",", "画面", "显示", "白屏", "或者", "黑屏", "的", "情况", ",", "如果", "你", "遇到", "这种", "问题", "不", "妨", "试", "一", "下", "本", "文", "中", "的", "办法", "来", "帮助", "大家", "解决", "问题", "。", "第", "一", ".", ".", "."]], "paragraphs": ["生活 母婴 女人 婚嫁 祝福 美食 旅游", "资料 谜语 影视歌曲 人物资料 娱乐圈 影视", "优酷2001出错怎么办?安下小编胖胖带来了优酷出错代码2001解决办法,很多朋友在使用优酷观看视频时会遇到2001出错代码,相信大家在看优酷视频的时候会频繁遇到优酷视频出错代码2001,无法观看视频,画面显示白屏或者黑屏的情况,如果你遇到这种问题不妨试一下本文中的办法来帮助大家解决问题。", "第一步,安装或升级Flash最新播放器 下载安装后, 须关闭所有浏览器窗口, 重新开启浏览器方可正常观看 第二步,清空浏览器缓存: 打开IE浏览器菜单, ”工具” —> ”Internet选项” —> ”常规” —> ”浏览历史记录” —> 清除浏览器Internet临时文件、缓存、垃圾、Cookie等, 重启浏览器 第三步,在flash播放器视频框上点右键, ”全局设置” —> ”高级” —> ”浏览数据和设置” —> ”所有删除”, 重启浏览器。 第四步,为浏览器开启Java及Active功能。 打开IE浏览器顶部菜单的\"工具\" —> \"Internet选项\", 切换到\"安全\"选项卡, 点击\"默认级别\"按钮, 确定。", "如出现警告提示框, 请选择\"是\"。(见下图)", "或者在第四步基础上, 选择左边按钮\"自定义级别\", 拖动滚动条, 找到关于脚本的描述, 点选启用。", "如果您是FireFox用户, 在\"工具\" —> \"选项\" —> \"内容\"位置, 勾选启用Java和JavaScript即可。", "开启Active功能", "与开启Java相同。选择\"默认级别\"按钮, 系统将默认开启ActiveX。", "第五步,取消使用代理服务器, 打开IE浏览器菜单, “工具” —> “Internet选项” —>“连接”—>“局域网设置”,取消代理服务器设置。", "第六步,使用安全软件清理系统插件(清理掉流氓插件),修复浏览器到默认配置。", "第七步,进行过上述操作后仍未见效,请联系您所在地区的宽带运营商,帮您查看连接问题,并设置适合您的DNS地址。", "办法/步骤2", "设置DNS的步骤如下:", "1) 打开网络连接,右键查看网络连接属性;", "选择Internet协议版本4,查看属性;", "设定使用下面的dns地址;", "使用优酷客户端时请确认程序未被防火墙拦截禁用。", "其他情况,如果您使用的是360浏览器, 打开菜单”工具” —> ”浏览器医生”(或按下键盘上的F1),按”一键修复”, 重新启动浏览器。", "如您使用的是Opera浏览器, 并且安装了爱酷, 建议您进行如下操作:", "打开Opera浏览器菜单, ”设置” —> ”首选项” —> ”高级”(tab) —> “安全性” —> “信任的网站” —> “安全的内部主机” —> 添加127.0.0.1, “关闭”—>”确定”。", "以上内容是视频播放教程:优酷播放出错代码2001怎么解决 内容提要: 优酷2001出错怎么办?安下小编胖胖带来了优酷出错代码2001解决办法,很多朋友在使用优酷观看视频时会遇到2001出错代码,相信大家在看优酷视频的时候会频繁遇到优酷视频出错代码2001,无法观看视频,画面显示白屏或者黑屏的情况,如果你遇到这种问题不妨试一下本文中的办法来帮助大家解决问题。 第一..."], "bs_rank_pos": 5}, {"is_selected": false, "title": "为什么不能看优酷上面显示此视频暂时无法播放 播放: 未知 为什么 请", "most_related_para": -1, "segmented_title": ["为什么", "不能", "看", "优酷", "上面", "显示", "此", "视频", "暂时", "无法", "播放", "播放", ":", "未知", "为什么", "请"], "segmented_paragraphs": [["`", "`", "`", "土豆网", "也是", "这样", "么", "?", "如果", "也是", ",", "那", "就是", "网络", "问题", ",", "过", "一", "天", "就好", "了", "。", "如果", "土豆", "也", "不是", "这样", "的", ",", "那", "就", "看", "土豆", "的", "。", "如果", "很多", "天都", "这样", ",", "就", "看看", "是不是", "电脑", "问题", ",", "刷新页面", "或者", "更换", "游览器", "。", "再", "或者", "`", "`", "去", "别人", "家", "看看", "也是", "这样", "么", "`", "`", "`", "实在", "不行", "蹭", "在", "内", "个人", "家", "吧", "=", "。", "="], ["我", "觉得", "可能", "是", "以下", "情况", "第", "一", "这", "段", "视频", "要求", "付费", "第", "二", "这", "段", "视频", "牵扯", "版权问题", "第", "三", "被", "人", "举报", "了", "正在", "审查", "。", "。"], ["我", "QQ", "54279072", ",", "我", "也", "遇到", "同样", "问题", ",", "如果", "你", "还", "不能", "看", "来", "跟", "我", "讨论", "讨论", ",", "2", "个人", "总", "比", "1", "个人", "硬", "想", "好"], ["安装", "Flash", "Util", "10n"], ["有", "可能", "是", "你", "的", "电脑", "有", "病毒"]], "paragraphs": ["```土豆网也是这样么? 如果也是,那就是网络问题,过一天就好了。 如果土豆也不是这样的,那就看土豆的。 如果很多天都这样,就看看是不是电脑问题,刷新页面或者更换游览器。 再或者``去别人家看看也是这样么```实在不行蹭在内个人家吧=。=", "我觉得可能是以下情况 第一 这段视频要求付费 第二 这段视频牵扯版权问题 第三 被人举报了正在审查。。", "我QQ54279072,我也遇到同样问题,如果你还不能看来跟我讨论讨论,2个人总比1个人硬想好", "安装FlashUtil10n", "有可能是你的电脑有病毒"], "bs_rank_pos": 6}], "answer_spans": [], "fake_answers": [], "question": "优酷播放未知错误", "segmented_answers": [], "answers": [], "answer_docs": [], "segmented_question": ["优酷", "播放", "未知", "错误"], "question_type": "DESCRIPTION", "question_id": 91181, "fact_or_opinion": "FACT", "match_scores": []}
-{"documents": [{"is_selected": true, "title": "如何去掉WORD中首页页眉_百度知道", "most_related_para": 0, "segmented_title": ["如何", "去掉", "WORD", "中", "首页", "页眉", "_", "百度", "知道"], "segmented_paragraphs": [["word", "去掉", "首页", "页眉", "步骤", ":", "  ", "1", "、", "打开", "【", "页眉", "和", "页脚", "】", "工具栏", "打开", "【", "视图", "】", "菜单", ",", "选择", "【", "页眉", "和", "页脚", "】", "命令", "。", "  ", "2", "、", "编辑", "页眉", "和", "页脚", "—", "编辑", "页眉", "这时", ",", "将", "显示", "【", "页眉", "】", "框", "和", "【", "页眉", "和", "页脚", "】", "工具栏", "。", "  ", "将", "鼠标指针", "移", "至", "页眉", "框", "内", ",", "即可", "开始", "输入", "和", "编辑", "页眉", "内容", "。", "  ", "3", "、", "设置", "文档", "首页", "不", "显示", "页眉", "一般", "情况", "下", ",", "文档", "的", "首页", "不需要", "显示", "页眉", "。", "  ", "4", "、", "设置", "文档", "奇偶", "页", "不同", "页眉", "有", "的", "文档", "可能", "需要", "给", "奇数", "页", "和", "偶数", "页", "设置", "不同", "的", "页眉", "或", "页脚", "。", "  ", "5", "、", "取消", "设置", "文档", "不同", "部分", "显示", "不同", "的", "页眉", "内容", "有", "的", "文档", ",", "特别", "是", "一些", "内容", "较为", "复杂", "的", "文档", ",", "可能", "需要", "在", "文档", "不同", "部分", "设置", "不同", "的", "页眉", "和", "页脚", "。"], ["文件", "-", "页面", "设置", "-", "版式", "-", "(", "页眉", "和", "页脚", ")", "首页", "不同", "(", "找到", "前面", "个", "框", "点", "下", "钩", "上", "就", "行", "了", ")"], ["双击", "页眉", ",", "变为", "可", "编辑", "状态", "后", "删除", "文字", "和", "图片", "。", "然后", "选中", "剩下", "的", "回车", "符", ",", "在", "边框", "和", "底纹", "-", "页面", "边框", "去除", "下", "边框", "。"], ["在", "文件", "下拉菜单", "里", "选择", "页面", "设置", "选项", ",", "然后", "选择", "版式", "选项卡", ",", "勾", "选", "页眉", "和", "页脚", "下面", "的", "首页", "不同", "选项", ",", "确定", "后", ",", "首页", "就", "没有", "页眉", "了", "。"]], "paragraphs": ["word去掉首页页眉步骤:   1、打开【页眉和页脚】工具栏 打开【视图】菜单,选择【页眉和页脚】命令。   2、编辑页眉和页脚—编辑页眉 这时,将显示【页眉】框和【页眉和页脚】工具栏。   将鼠标指针移至页眉框内,即可开始输入和编辑页眉内容。   3、设置文档首页不显示页眉 一般情况下,文档的首页不需要显示页眉。   4、设置文档奇偶页不同页眉 有的文档可能需要给奇数页和偶数页设置不同的页眉或页脚。   5、 取消设置文档不同部分显示不同的页眉内容 有的文档,特别是一些内容较为复杂的文档,可能需要在文档不同部分设置不同的页眉和页脚。", "文件-页面设置-版式-(页眉和页脚)首页不同(找到前面个框点下钩上就行了)", "双击页眉,变为可编辑状态后删除文字和图片。然后选中剩下的回车符,在边框和底纹-页面边框去除下边框。", "在文件下拉菜单里选择页面设置选项,然后选择版式选项卡,勾选页眉和页脚下面的首页不同选项,确定后,首页就没有页眉了。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "怎样去掉word首页的页眉页脚_百度知道", "most_related_para": 0, "segmented_title": ["怎样", "去掉", "word", "首页", "的", "页眉", "页脚", "_", "百度", "知道"], "segmented_paragraphs": [["1", "、", "将", "光标", "移", "到", "首页", "的", "末尾", "。", "2", "、", "点击", "“", "页面", "布局", "”", "选项卡", "下", "的", "“", "分隔符", "”", ",", "选择", "“", "分节符", "”", "下", "的", "“", "下一页", "”", ",", "这个时候", "第二页", "开头", "会", "多", "出", "一", "个", "空行", ",", "按", "delete", "删除", "即可", "。", "3", "、", "双击", "第二页", "的", "页眉", "或", "页脚", ",", "然后", "在", "选项卡", "里", "找到", "“", "链接", "到", "前", "一", "条", "页眉", "”", ",", "点击", "去掉", "其", "激活", "状态", "。", "4", "、", "删除", "第一页", "的", "页眉", "或", "页脚", "(", "要", "是", "删除", "后", "还有", "横线", ",", "可", "多", "按", "几", "下", "delete", ")", "。", "5", "、", "双击", "正文", ",", "退出", "页眉", "编辑", "状态", "。"], ["1", ",", "打开文件", "2", "、", "点", "文件", "工具栏", "上面", "的", "视图", "3", "、", "在", "点", "视图", "中", "的", "页眉", "页脚", ";", "你", "的", "文件", "的", "上方", "和", "下方", ",", "出现", "在", "虚线", "内", "的", "东东", ",", "你", "将", "里面", "东东", "删除", "就", "可以", "了", "。", "成功", "请", "设置", "满意", "答案", "!", "3", "Q", "。"], ["直接", "在", "页眉", "或", "页脚处", "双击", "鼠标左键", ",", "把", "出现", "在", "虚线", "内", "的", "内容", "删除", ",", "然后", "在", "页眉", "或", "页脚", "外", "双击", "鼠标左键", "就", "可以", "了", "。"], ["页面", "设置", "-", "版式", "-", "首页", "不同", "勾", "选", "再", "设置", "后面", "页", "的", "页眉", "页脚", "。"]], "paragraphs": ["1、将光标移到首页的末尾。 2、点击“页面布局”选项卡下的“分隔符”,选择“分节符”下的“下一页”,这个时候第二页开头会多出一个空行,按delete删除即可。 3、双击第二页的页眉或页脚,然后在选项卡里找到“链接到前一条页眉”,点击去掉其激活状态。 4、删除第一页的页眉或页脚(要是删除后还有横线,可多按几下delete)。 5、双击正文,退出页眉编辑状态。", "1,打开文件 2、点文件工具栏上面的 视图 3、在点视图中的 页眉页脚; 你的文件的上方和下方,出现在虚线内的东东,你将里面东东删除就可以了。 成功请设置满意答案! 3Q。", "直接在页眉或页脚处双击鼠标左键,把出现在虚线内的内容删除,然后在页眉或页脚外双击鼠标左键就可以了。", "页面设置-版式-首页不同勾选 再设置后面页的页眉页脚。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "怎样删除word文档中首页的页眉?_百度知道", "most_related_para": 1, "segmented_title": ["怎样", "删除", "word", "文档", "中", "首页", "的", "页眉", "?", "_", "百度", "知道"], "segmented_paragraphs": [["删除", "word", "文档", "中", "首页", "的", "页眉", "的", "操作步骤", ":", "1", "、", "单击", "页面", "布局", "选项卡", "右下角", "如图所示", "的", "按钮", ";", "2", "、", "弹出", "页面", "设置", "对话框", ",", "选择", "版式", "选项卡", ",", "选中", "首页", "不同", "复选框", ",", "首页", "的", "页眉", "即可", "被删除", "。"], ["word", "中", "的", "页眉", "是", "按", "节", "算", "的", ",", "每", "节", "都是", "一样", "的", ",", "要", "第一页", "和", "第二页", "不同", ",", "就要", "在", "第一页", "末尾", "插入", "分节符", "(", "插入", "分隔符", "选", "分节符", "中", "的", "下一页", ")", "先", "把", "第一页", "(", "节", ")", "的", "页眉", "删", "了", ",", "再", "去", "设", "第二节", "的", "页眉", "设", "的", "时候", "去掉", "工具栏", "上", "的", "“", "链接", "到", "上", "一", "个", "”", "选项", ",", "再", "设置", "第二节", "页眉"]], "paragraphs": ["删除word文档中首页的页眉的操作步骤: 1、单击页面布局选项卡右下角如图所示的按钮; 2、弹出页面设置对话框,选择版式选项卡,选中首页不同复选框,首页的页眉即可被删除。", "word中的页眉是按节算的,每节都是一样的,要第一页和第二页不同,就要在第一页末尾插入分节符(插入 分隔符 选分节符中的下一页) 先把第一页(节)的页眉删了,再去设第二节的页眉 设的时候去掉工具栏上的“链接到上一个”选项,再设置第二节页眉"], "bs_rank_pos": 2}], "answer_spans": [[7, 158]], "fake_answers": ["1、打开【页眉和页脚】工具栏打开【视图】菜单,选择【页眉和页脚】命令。  2、编辑页眉和页脚—编辑页眉这时,将显示【页眉】框和【页眉和页脚】工具栏。  将鼠标指针移至页眉框内,即可开始输入和编辑页眉内容。  3、设置文档首页不显示页眉一般情况下,文档的首页不需要显示页眉。  4、设置文档奇偶页不同页眉有的文档可能需要给奇数页和偶数页设置不同的页眉或页脚。  5、取消设置文档不同部分显示不同的页眉内容有的文档,特别是一些内容较为复杂的文档,可能需要在文档不同部分设置不同的页眉和页脚。"], "question": "首页页眉怎么去掉", "segmented_answers": [["1", "、", "打开", "【", "页眉", "和", "页脚", "】", "工具栏", ",", "打开", "【", "视图", "】", "菜单", ",", "选择", "【", "页眉", "和", "页脚", "】", "命令", "。", "2", "、", "编辑", "页眉", "和", "页脚", "—", "编辑", "页眉", ",", "这时", ",", "将", "显示", "【", "页眉", "】", "框", "和", "【", "页眉", "和", "页脚", "】", "工具栏", "。", "将", "鼠标指针", "移", "至", "页眉", "框", "内", ",", "即可", "开始", "输入", "和", "编辑", "页眉", "内容", "。", "3", "、", "设置", "文档", "首页", "不", "显示", "页眉", ",", "一般", "情况", "下", ",", "文档", "的", "首页", "不需要", "显示", "页眉", "。", "4", "、", "设置", "文档", "奇偶", "页", "不同", "页眉", ",", "有", "的", "文档", "可能", "需要", "给", "奇数", "页", "和", "偶数", "页", "设置", "不同", "的", "页眉", "或", "页脚", "。", "5", "、", "取消", "设置", "文档", "不同", "部分", "显示", "不同", "的", "页眉", "内容", "。", "有", "的", "文档", ",", "特别", "是", "一些", "内容", "较为", "复杂", "的", "文档", ",", "可能", "需要", "在", "文档", "不同", "部分", "设置", "不同", "的", "页眉", "和", "页脚", "。"], ["在", "第一页", "的", "最后", "插入", "一", "个", "分节符", ",", "然后", "双击", "第二页", "页眉", ",", "在", "“", "页眉", "页脚", "”", "工具栏", "点击", "“", "链接", "到", "前", "一", "个", "”", "按钮", ",", "然后", "删除", "首页", "页眉", "就", "可以", "了", "。"], ["1", "、", "将", "光标", "移", "到", "首页", "的", "末尾", "。", "2", "、", "点击", "“", "页面", "布局", "”", "选项卡", "下", "的", "“", "分隔符", "”", ",", "选择", "“", "分节符", "”", "下", "的", "“", "下一页", "”", ",", "这个时候", "第二页", "开头", "会", "多", "出", "一", "个", "空行", ",", "按", "delete", "删除", "即可", "。", "3", "、", "双击", "第二页", "的", "页眉", "或", "页脚", ",", "然后", "在", "选项卡", "里", "找到", "“", "链接", "到", "前", "一", "条", "页眉", "”", ",", "点击", "去掉", "其", "激活", "状态", "。", "4", "、", "删除", "第一页", "的", "页眉", "或", "页脚", "(", "要", "是", "删除", "后", "还有", "横线", ",", "可", "多", "按", "几", "下", "delete", ")", "。", "5", "、", "双击", "正文", ",", "退出", "页眉", "编辑", "状态", "。"]], "answers": ["1、打开【页眉和页脚】工具栏,打开【视图】菜单,选择【页眉和页脚】命令。2、编辑页眉和页脚—编辑页眉,这时,将显示【页眉】框和【页眉和页脚】工具栏。将鼠标指针移至页眉框内,即可开始输入和编辑页眉内容。3、设置文档首页不显示页眉,一般情况下,文档的首页不需要显示页眉。4、设置文档奇偶页不同页眉,有的文档可能需要给奇数页和偶数页设置不同的页眉或页脚。5、取消设置文档不同部分显示不同的页眉内容。有的文档,特别是一些内容较为复杂的文档,可能需要在文档不同部分设置不同的页眉和页脚。", "在第一页的最后插入一个分节符,然后双击第二页页眉,在“页眉页脚”工具栏点击“链接到前一个”按钮,然后删除首页页眉就可以了。", "1、将光标移到首页的末尾。2、点击“页面布局”选项卡下的“分隔符”,选择“分节符”下的“下一页”,这个时候第二页开头会多出一个空行,按delete删除即可。3、双击第二页的页眉或页脚,然后在选项卡里找到“链接到前一条页眉”,点击去掉其激活状态。4、删除第一页的页眉或页脚(要是删除后还有横线,可多按几下delete)。5、双击正文,退出页眉编辑状态。"], "answer_docs": [0], "segmented_question": ["首页", "页眉", "怎么", "去掉"], "question_type": "DESCRIPTION", "question_id": 91182, "fact_or_opinion": "FACT", "match_scores": [0.9276315789473685]}
-{"documents": [{"is_selected": true, "title": "干粽叶要泡多长时间才能包粽子_百度知道", "most_related_para": 2, "segmented_title": ["干", "粽叶", "要", "泡", "多长", "时间", "才能", "包粽子", "_", "百度", "知道"], "segmented_paragraphs": [["包粽子", ",", "除了", "选", "好", "粽叶", "之外", ",", "包", "的", "步骤", "也", "很重要", "。", "首先", "糯米", "洗净", "后", ",", "用", "清水", "浸泡", "3", "个", "小时", "。", "如", "辅料", "需用", "豆类", ",", "也", "应", "提前", "浸泡", "。", "如", "辅料", "用", "到", "肉类", ",", "应", "提前", "腌制", "。", "将", "粽叶", "提前", "浸泡", "12", "小时", "或", "用", "沸水", "煮", "软", ",", "也", "可以", "用", "热水", "烫", "过", ",", "最后", "将", "粽叶", "洗净", "沥干", "。", "在", "此", "建议", "大家", "采用", "沸水", "煮", "粽叶", "的", "方法", ",", "因为", "这样", "粽叶", "不容易", "断掉", "。"], ["用", "温水", "泡", "一个晚上", ",", "要", "全部", "浸透", ",", "包括", "叶子", "和", "咸", "草", "。", "第二天", "要", "用", "的", "时候", "再", "用", "热水", "烫", "一遍", "然后", "泡", "几分钟", "就", "OK啦", "~"], ["糯米", "洗净", "后", ",", "用", "清水", "浸泡", "3", "个", "小时", "。", "粽叶", "提前", "浸泡", "12", "小时", "或", "用", "沸水", "煮", "软", ",", "也", "可以", "用", "热水", "烫", "过", ",", "最后", "将", "粽叶", "洗净", "沥干", "。", "在", "此", "建议", "大家", "采用", "沸水", "煮", "粽叶", "的", "方法", ",", "因为", "这样", "粽叶", "不容易", "断掉", "。"], ["一般", "在", "2", "3", "个", "小时", "左右", "就", "行", "了"], ["一", "个", "钟", "左右", "吧", ",", "软", "了", "就", "行", "啦"]], "paragraphs": ["包粽子,除了选好粽叶之外,包的步骤也很重要。 首先糯米洗净后,用清水浸泡3个小时。 如辅料需用豆类,也应提前浸泡。如辅料用到肉类,应提前腌制。 将粽叶提前浸泡12小时或用沸水煮软,也可以用热水烫过,最后将粽叶洗净沥干。在此建议大家采用沸水煮粽叶的方法,因为这样粽叶不容易断掉。", "用温水泡一个晚上,要全部浸透,包括叶子和咸草。第二天要用的时候再用热水烫一遍然后泡几分钟就OK啦~", "糯米洗净后,用清水浸泡3个小时。 粽叶提前浸泡12小时或用沸水煮软,也可以用热水烫过,最后将粽叶洗净沥干。在此建议大家采用沸水煮粽叶的方法,因为这样粽叶不容易断掉。", "一般在2 3个小时左右就行了", "一个钟左右吧,软了就行啦"], "bs_rank_pos": 0}, {"is_selected": false, "title": "干粽叶泡了一天一夜还能用吗_百度知道", "most_related_para": 0, "segmented_title": ["干", "粽叶", "泡", "了", "一天", "一夜", "还能", "用", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["看看", "是不是", "变质", "了", "如果", "没", "变质", "就", "可以", "用", "变质", "了", "话", "就", "不能", "用", "了"]], "paragraphs": ["看看是不是 变质了 如果没变质 就可以用 变质了话 就不能用了"], "bs_rank_pos": 1}, {"is_selected": false, "title": "干粽叶怎么处理 干粽叶泡多长时间_腾牛健康网", "most_related_para": 5, "segmented_title": ["干", "粽叶", "怎么", "处理", "干", "粽叶", "泡", "多长", "时间", "_", "腾", "牛", "健康网"], "segmented_paragraphs": [["导读", ":", "粽子", "的", "外面", "一", "层", "都是", "粽叶", ",", "用", "粽叶", "包", "着", "的", "粽子", "会", "有", "一", "股", "清香", ",", "很好吃", ",", "那么", "干", "粽叶", "怎么", "处理", "?", "干", "粽叶", "泡", "多长", "时间", "?"], ["端午节", "快", "到", "了", "很多人", "都", "准备", "自己", "在家里", "包粽子", "吃", ",", "包粽子", "是", "需要", "粽叶", "的", "哦", ",", "一般", "外面", "卖", "的", "都是", "干", "的", "粽叶", ",", "下面", "一起来", "看看", "怎么", "处理", "吧", "!"], ["1", "。", "由于", "买", "回来", "的", "粽子", "叶", "是", "干", "比较", "脆", ",", "所以", "需要", "用", "水", "浸泡", "、", "清洗", ",", "这样", "不仅", "粽子", "叶", "变得", "有", "韧性", "而且", "也", "干净", "了", "。", "由于", "需要", "一", "张", "一", "张", "的", "清洗", ",", "需要", "些", "耐心", "。", "浸泡", "一夜", "。", "2", "。", "在", "清洗", "的", "过程", "中", "要", "检出", "不合格", "的", "粽子", "叶", ",", "同时", "用", "剪子", "对", "粽子", "叶", "进行", "简单", "的", "休整", "。", "3", "。", "然后", "把", "清洗", "后", "的", "粽子", "叶", "放到", "大锅", "中", "+", "水", ",", "蒸", "沸", "时间", "10", "分钟", ",", "同时", "加上", "几", "勺子", "盐", ",", "加盐", "能", "起", "到", "杀菌消毒", "和", "固色", "的", "作用", "。", "4", "。", "倒掉", "煮", "粽子", "叶", "的", "盐水", ",", "加热", "水", "冲洗", ",", "然后", "泡", "在", "锅", "里", "备用", "即可", "。"], ["在", "使用", "粽叶", "的", "时候", ",", "如果", "采用", "煮", "粽叶", "的", "方法", "来", "杀菌", "杀毒", "的", "话", ",", "如果", "使用", "的", "粽叶", "是", "干", "粽叶", ",", "则", "需要", "将", "粽叶", "放", "于", "冷水", "中", "浸泡", "一夜", ",", "使", "其", "吸收", "充足", "的", "水分", ",", "变得", "柔软", "一些", ";", "而", "如果", "是", "用", "温水", "泡", "的", "话", ",", "则", "需要", "泡", "一小时", "即可", ",", "然后", "用", "手", "轻轻", "的", "清洗", "。", "如果", "是", "新鲜", "的", "粽叶", ",", "在", "煮", "之", "前", ",", "只", "需要", "将", "其", "清洗干净", "就好", "。", "如果", "是", "用", "开水烫", "粽叶", "的", "话", ",", "则", "最好", "是", "冷水", "浸泡", "、", "清洗", "粽叶", "。"], ["我们", "一般", "是", "会", "将", "粽叶", "放", "于", "锅", "中", "煮", ",", "或者", "是", "在", "锅", "中", "的", "开水", "中", "烫", "。", "将", "煮", "好", "或", "烫", "好", "的", "粽叶", ",", "从", "锅", "中", "拿出来", "后", ",", "还是", "需要", "放", "于", "清水", "中", "浸泡", "着", ",", "然后", "随", "用", "随", "拿", ",", "以", "防", "粽叶", "在", "包粽子", "的", "时候", "变得", "干燥", "易", "破", ",", "这样的话", ",", "就", "不能", "再", "用", "了", "。"], ["粽叶", "除了", "可以", "煮", "或", "烫", "外", ",", "还", "可以", "冰冻", "。", "采用", "冰冻", "的", "方法", "话", ",", "最好", "是", "选择", "新鲜", "的", "粽叶", ",", "也", "不需要", "过", "长时间", "的", "浸泡", "。", "将", "其", "泡", "于", "水中", ",", "用", "布", "从", "粽叶", "头", "到", "尾", "顺着", "叶子", "的", "纹理", "清洗", "粽叶", ",", "清洗干净", "后", "保留", "一些", "水分", "在", "上面", ",", "然后", "将", "其", "卷", "成", "圈", "放", "于", "干净", "的", "袋子", "中", ",", "然后", "放", "于", "冰箱", "的", "冷冻", "层", "中", "冰冻", "一晚", ",", "即可", "拿出", "让", "其", "自行", "解", "化", ",", "解", "化", "后", "还是", "需要", "将", "其", "放", "于", "清水", "中", "浸泡", ",", "并", "随", "用", "随", "用", "。"], ["特点", ":", "三角", "粽", "的", "形状", "比较", "好看", "而且", "特别", ",", "可以", "制作", "成", "甜", "、", "咸", "两种", "口味", ",", "蛋黄", "、", "叉烧", "、", "蜜枣", "都是", "不错", "的", "馅料", "。"], ["1", "、", "取", "一", "片", "宽大", "的", "粽叶", ",", "卷", "成", "一", "个", "圆锥", "状", "。", "2", "、", "在", "圆锥", "的", "筒", "中", "装入", "糯米", "。", "3", "、", "上部", "的", "粽叶", "向下", "折", ",", "直到", "完全", "盖住", "开口", "为止", "。", "4", "、", "顺着", "三角", "的", "边", "将", "所有", "的", "粽叶", "都", "折", "好", "。"], ["5", "、", "用", "线绳", "将", "粽子", "捆绑", "结实", "即可", "。"], ["吃着", "美味", "的", "粽子", ",", "和", "家人", "分享", "最美的时光", ",", "趁着", "自己", "还", "没", "组建", "家庭", "之", "前", "多", "回家看看", "吧", ",", "端午节", "和", "家人", "团聚", "才", "有", "意义", "。", "话说", "吃", "了", "这么多年", "粽子", ",", "你", "造", "它", "有", "哪些", "营养价值", "吗", "?"], ["粽子", "的", "主料", "糯米", "富含", "B", "族", "维生素", ",", "能", "温暖", "脾胃", ",", "补中益气", "。", "糯米", "有", "收涩", "作用", ",", "对", "尿频", "、", "自汗", "也有", "较好", "的", "食疗", "效果", "。", "纯", "糯米", "的", "粽子", "热量", "没有", "那么", "高", ",", "也", "比", "加", "了", "馅料", "的", "粽子", "好", "消化", "。"], ["如果", "是", "黄米", "做", "粽子", ",", "其", "营养价值", "比", "糯米", "粽子", "还要", "高", "哦", "。", "黄米", "的", "铁", "含量", "是", "糯米", "的", "3", "倍", ",", "镁", "含量", "是", "、", "钾", "含量", "是", "、", "维生素B1", "含量", "以及", "膳食纤维", "含量", "都", "高于", "糯米", "。"], ["蛋黄", "类", "的", "粽子", "含有", "卵磷脂", "、", "维生素A", ",", "有", "健脑", "益智", "的", "功效", ",", "鸭蛋", "中", "还有", "铁质", "和", "钙质", ",", "少量", "吃", "一点", "是", "不错", "的", "。"], ["温馨提示", ":", "以上内容", "整理", "于", "网络", ",", "仅供参考", ",", "如果", "对", "您", "有", "帮助", ",", "留下", "您", "的", "阅读", "感言", "吧", "!"], ["新鲜", "的", "粽叶", "怎么", "处理", "新鲜", "粽叶", "怎么", "保存"], ["520", "的", "红包", "怎么", "发", "最", "浪漫", "微信", "怎么", "发", "红包", "加", "起来", "是", "5202017", "-", "05", "-", "19", "2017", "年", "夏天", "是", "几", "月份", "2017", "夏天", "什么时候", "开始", "2017", "-", "04", "-", "28"]], "paragraphs": ["导读:粽子的外面一层都是粽叶,用粽叶包着的粽子会有一股清香,很好吃,那么干粽叶怎么处理?干粽叶泡多长时间?", "端午节快到了很多人都准备自己在家里包粽子吃,包粽子是需要粽叶的哦,一般外面卖的都是干的粽叶,下面一起来看看怎么处理吧!", "1。由于买回来的粽子叶是干比较脆,所以需要用水浸泡、清洗,这样不仅粽子叶变得有韧性而且也干净了。由于需要一张一张的清洗,需要些耐心。浸泡一夜。 2。在清洗的过程中要检出不合格的粽子叶,同时用剪子对粽子叶进行简单的休整。 3。然后把清洗后的粽子叶放到大锅中+水,蒸沸时间10分钟,同时加上几勺子盐,加盐能起到杀菌消毒和固色的作用。 4。倒掉煮粽子叶的盐水,加热水冲洗,然后泡在锅里备用即可。", "在使用粽叶的时候,如果采用煮粽叶的方法来杀菌杀毒的话,如果使用的粽叶是干粽叶,则需要将粽叶放于冷水中浸泡一夜,使其吸收充足的水分,变得柔软一些;而如果是用温水泡的话,则需要泡一小时即可,然后用手轻轻的清洗。如果是新鲜的粽叶,在煮之前,只需要将其清洗干净就好。如果是用开水烫粽叶的话,则最好是冷水浸泡、清洗粽叶。", "我们一般是会将粽叶放于锅中煮,或者是在锅中的开水中烫。将煮好或烫好的粽叶,从锅中拿出来后,还是需要放于清水中浸泡着,然后随用随拿,以防粽叶在包粽子的时候变得干燥易破,这样的话,就不能再用了。", "粽叶除了可以煮或烫外,还可以冰冻。采用冰冻的方法话,最好是选择新鲜的粽叶,也不需要过长时间的浸泡。将其泡于水中,用布从粽叶头到尾顺着叶子的纹理清洗粽叶,清洗干净后保留一些水分在上面,然后将其卷成圈放于干净的袋子中,然后放于冰箱的冷冻层中冰冻一晚,即可拿出让其自行解化,解化后还是需要将其放于清水中浸泡,并随用随用。", "特点:三角粽的形状比较好看而且特别,可以制作成甜、咸两种口味,蛋黄、叉烧、蜜枣都是不错的馅料。", "1、取一片宽大的粽叶,卷成一个圆锥状。 2、在圆锥的筒中装入糯米。 3、上部的粽叶向下折,直到完全盖住开口为止。 4、顺着三角的边将所有的粽叶都折好。", "5、用线绳将粽子捆绑结实即可。", "吃着美味的粽子,和家人分享最美的时光,趁着自己还没组建家庭之前多回家看看吧,端午节和家人团聚才有意义。话说吃了这么多年粽子,你造它有哪些营养价值吗?", "粽子的主料糯米富含B族维生素,能温暖脾胃,补中益气。糯米有收涩作用,对尿频、自汗也有较好的食疗效果。纯糯米的粽子热量没有那么高,也比加了馅料的粽子好消化。", "如果是黄米做粽子,其营养价值比糯米粽子还要高哦。黄米的铁含量是糯米的3倍,镁含量是、钾含量是、维生素B1含量以及膳食纤维含量都高于糯米。", "蛋黄类的粽子含有卵磷脂、维生素A,有健脑益智的功效,鸭蛋中还有铁质和钙质,少量吃一点是不错的。", "温馨提示:以上内容整理于网络,仅供参考,如果对您有帮助,留下您的阅读感言吧!", "新鲜的粽叶怎么处理 新鲜粽叶怎么保存", "520的红包怎么发最浪漫 微信怎么发红包加起来是5202017-05-19 2017年夏天是几月份 2017夏天什么时候开始2017-04-28"], "bs_rank_pos": 2}, {"is_selected": false, "title": "干粽叶要泡多长时间才能包粽子 干粽叶用开水泡吗_Wed114结婚网", "most_related_para": 0, "segmented_title": ["干", "粽叶", "要", "泡", "多长", "时间", "才能", "包粽子", "干", "粽叶", "用", "开水", "泡", "吗", "_", "Wed", "114", "结婚", "网"], "segmented_paragraphs": [["干", "粽叶", "一般", "比较", "硬", ",", "如果", "直接", "包粽子", "的", "话", "会", "容易", "破", "掉", "。", "因此", ",", "在", "包", "之", "前", "要", "先", "用", "水泡", "一", "下", "。", "那么", ",", "干", "粽叶", "泡", "多长", "时间", "?", "干", "粽叶", "要", "泡", "多长", "时间", "才能", "包粽子", "?"], ["干", "粽叶", "泡", "多长", "时间"]], "paragraphs": ["干粽叶一般比较硬,如果直接包粽子的话会容易破掉。因此,在包之前要先用水泡一下。那么,干粽叶泡多长时间?干粽叶要泡多长时间才能包粽子?", "干粽叶泡多长时间"], "bs_rank_pos": 3}, {"is_selected": false, "title": "粽叶和糯米要浸泡多少时间_百度知道", "most_related_para": 0, "segmented_title": ["粽叶", "和", "糯米", "要", "浸泡", "多少", "时间", "_", "百度", "知道"], "segmented_paragraphs": [["糯米", "和", "粽叶", "分开", "浸泡", "包粽子", "做法", "1", ".", "把", "糯米", "淘", "洗干净", "要", "再", "前一", "天", "的", "晚上", "就", "用", "清水", "泡", "上", ",", "这样", "第二天", "早上", "才能", "用", "2", "、", "把", "粽子", "叶", "放在", "开水", "中", "稍稍", "煮", "一", "下", "捞", "出来", ",", "别", "煮", "时间", "太", "长", ",", "要", "不", "粽子", "叶", "就", "烂", "了", ",", "捞", "出来", "以后", "放在", "清水", "中", "一会", "用", ",", "把", "马莲", "也", "用", "水", "稍稍", "煮", "一", "下", ",", "红枣", "用", "温水", "稍稍", "泡", "一", "下", "就", "可以", "3", ".", "把", "大概", "三", "个", "棕", "叶", "放", "再", "手", "里", ",", "一", "个", "要", "压", "着", "另外一个", "叶子", "的", "大概", "一半", "的", "样子", ",", "这样", "三", "个", "叶子", "的", "宽度", "也", "就", "足够", "包粽子", "了", "4", "、", "将", "叶子", "弯", "成", "漏斗", "的", "形状", "放在", "手", "里", ",", "再", "里面", "先", "放", "上", "一颗", "枣", ",", "然后", "放", "一些", "泡", "好", "的", "糯米", ",", "再", "放", "一颗", "无花果", ",", "在", "放", "些", "米", "就", "可以", "了", "5", "、", "将", "放", "好", "米", "的", "叶子", "下边", "包", "上去", ",", "捏", "住", ",", "用", "马莲", "系", "上", "6", ".", "好", "了", ",", "一", "个", "粽子", "就", "包", "好", "了", "7", ".", "再", "下一步", ",", "就要", "煮", "粽子", "了", ",", "这", "可是", "一", "个", "很", "长", "的", "过程", ",", "我", "一共", "煮", "了", "三", "个", "小时", "8", ".", "将", "包", "好", "的", "粽子", "整齐", "的", "码", "到", "锅", "里", ",", "放水", "没", "过", "粽子", "。", "9", ".", "将", "一", "个", "稍", "小", "一些", "的", "小", "屉", "放在", "码", "好", "的", "粽子", "上", ",", "用", "一", "个"]], "paragraphs": ["糯米和粽叶分开浸泡 包粽子做法 1. 把糯米淘洗干净要再前一天的晚上就用清水泡上,这样第二天早上才能用 2、把粽子叶放在开水中稍稍煮一下捞出来,别煮时间太长,要不粽子叶就烂了,捞出来以后放在清水中一会用,把马莲也用水稍稍煮一下,红枣用温水稍稍泡一下就可以 3. 把大概三个棕叶放再手里,一个要压着另外一个叶子的大概一半的样子,这样三个叶子的宽度也就足够包粽子了 4、将叶子弯成漏斗的形状放在手里,再里面先放上一颗枣,然后放一些泡好的糯米,再放一颗无花果,在放些米就可以了 5、将放好米的叶子下边包上去,捏住,用马莲系上 6. 好了,一个粽子就包好了 7. 再下一步,就要煮粽子了,这可是一个很长的过程,我一共煮了三个小时 8. 将包好的粽子整齐的码到锅里,放水没过粽子。 9. 将一个稍小一些的小屉放在码好的粽子上,用一个"], "bs_rank_pos": 4}], "answer_spans": [[10, 50]], "answer_docs": [0], "fake_answers": ["。粽叶提前浸泡12小时或用沸水煮软,也可以用热水烫过,最后将粽叶洗净沥干。在此建议大家采用沸水煮粽叶的方法,因为这样粽叶不容易断掉"], "question": "干粽叶泡多长时间", "segmented_answers": [["首先", "糯米", "洗净", "后", ",", "用", "清水", "浸泡", "3", "个", "小时", "。"], ["粽叶", "提前", "浸泡", "12", "小时", "或", "用", "沸水", "煮", "软", ",", "也", "可以", "用", "热水", "烫", "过", ",", "最后", "将", "粽叶", "洗净", "沥干", "。", "在", "此", "建议", "大家", "采用", "沸水", "煮", "粽叶", "的", "方法", ",", "因为", "这样", "粽叶", "不容易", "断掉", "。"], ["一般", "在", "2", "、", "3", "个", "小时", "左右", "就", "行", "了", "。"]], "answers": ["首先糯米洗净后,用清水浸泡3个小时。", "粽叶提前浸泡12小时或用沸水煮软,也可以用热水烫过,最后将粽叶洗净沥干。在此建议大家采用沸水煮粽叶的方法,因为这样粽叶不容易断掉。", "一般在2、3个小时左右就行了。"], "entity_answers": [["3个小时"], ["12小时"], ["2", "3个小时左右"]], "segmented_question": ["干", "粽叶", "泡", "多长", "时间"], "question_type": "ENTITY", "question_id": 91183, "fact_or_opinion": "OPINION", "match_scores": [1.0]}
-{"documents": [{"is_selected": true, "title": "IllegalArgumentException是什么异常?_百度知道", "most_related_para": 0, "segmented_title": ["Illegal", "Argument", "Exception", "是什么", "异常", "?", "_", "百度", "知道"], "segmented_paragraphs": [["Illegal", "Argument", "Exception", "非法", "的", "参数", "异常", "id", "=", "\"", "Gradle", "\"", "已经", "注册", "了", "。", "这", "是", "数据库", "查询", "语句", "里面", "的", "吧", ",", "检查", "一", "下", "。"]], "paragraphs": ["IllegalArgumentException 非法的参数异常 id=\"Gradle\" 已经注册了。 这是数据库查询语句里面的吧,检查一下。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "IllegalArgumentException异常问题-CSDN论坛-CSDN.NET-中国最大的IT", "most_related_para": 23, "segmented_title": ["Illegal", "Argument", "Exception", "异常", "问题", "-", "CSDN", "论坛", "-", "CSDN", ".", "NET", "-", "中国", "最大", "的", "IT"], "segmented_paragraphs": [["楼主", "发表", "于", ":", "2011", "-", "10", "-", "19", "11", ":", "14", ":", "20"], ["请", "各位", "大侠", "帮忙", "看", "一", "下", ",", "这种", "错误", "一般", "在", "什么", "情况", "下", "出现", ",", "现在", "项目", "上线", "了", "监测", "到", "这样", "一个错误", ",", "花", "好", "长时间", "找不到", "原因", ",", "请", "各位", "看看", ",", "谢", "了", "!"], ["java", ".", "lang", ".", "Runtime", "Exception", ":", "Unable", "to", "save", "state", "of", "activity", "{", "com", ".", "iiyi", ".", "basic", ".", "android", "/", "com", ".", "iiyi", ".", "basic", ".", "android", ".", "ui", ".", "bbs", ".", "home", ".", "Sub", "Forum", "Activity", "}", ":", "java", ".", "lang", ".", "Runtime", "Exception", ":", "Unable", "to", "create", "thumbnail", "of", "{", "com", ".", "iiyi", ".", "basic", ".", "android", "/", "com", ".", "iiyi", ".", "basic", ".", "android", ".", "ui", ".", "bbs", ".", "home", ".", "Sub", "Forum", "Activity", "}", ":", "java", ".", "lang", ".", "Illegal", "Argument", "Exception", ":", "width", "and", "height", "must", "be", ">", "0"], ["at", "android", ".", "app", ".", "Activity", "Thread", ".", "performS", "top", "Activity", "Inner", "(", "Activity", "Thread", ".", "java", ":", "2456", ")"], ["at", "android", ".", "app", ".", "Activity", "Thread", ".", "handleS", "top", "Activity", "(", "Activity", "Thread", ".", "java", ":", "2515", ")"], ["at", "android", ".", "app", ".", "Activity", "Thread", ".", "access", "$", "1800", "(", "Activity", "Thread", ".", "java", ":", "122", ")"], ["at", "android", ".", "app", ".", "Activity", "Thread", "$", "H", ".", "handle", "Message", "(", "Activity", "Thread", ".", "java", ":", "953", ")"], ["at", "android", ".", "os", ".", "Handler", ".", "dispatch", "Message", "(", "Handler", ".", "java", ":", "99", ")"], ["at", "android", ".", "os", ".", "Looper", ".", "loop", "(", "Looper", ".", "java", ":", "130", ")"], ["at", "android", ".", "app", ".", "Activity", "Thread", ".", "main", "(", "Activity", "Thread", ".", "java", ":", "3723", ")"], ["at", "java", ".", "lang", ".", "reflect", ".", "Method", ".", "invoke", "Native", "(", "Native", "Method", ")"], ["at", "java", ".", "lang", ".", "reflect", ".", "Method", ".", "invoke", "(", "Method", ".", "java", ":", "507", ")"], ["at", "com", ".", "android", ".", "internal", ".", "os", ".", "Zygote", "In", "it", "$", "Method", "AndArgs", "Caller", ".", "run", "(", "Zygote", "In", "it", ".", "java", ":", "864", ")"], ["at", "com", ".", "android", ".", "internal", ".", "os", ".", "Zygote", "In", "it", ".", "main", "(", "Zygote", "In", "it", ".", "java", ":", "622", ")"], ["at", "dalvik", ".", "system", ".", "Native", "Start", ".", "main", "(", "Native", "Method", ")"], ["Caused", "by", ":", "java", ".", "lang", ".", "Runtime", "Exception", ":", "Unable", "to", "create", "thumbnail", "of", "{", "com", ".", "iiyi", ".", "basic", ".", "android", "/", "com", ".", "iiyi", ".", "basic", ".", "android", ".", "ui", ".", "bbs", ".", "home", ".", "Sub", "Forum", "Activity", "}", ":", "java", ".", "lang", ".", "Illegal", "Argument", "Exception", ":", "width", "and", "height", "must", "be", ">", "0"], ["at", "android", ".", "app", ".", "Activity", "Thread", ".", "create", "Thumbnail", "Bitmap", "(", "Activity", "Thread", ".", "java", ":", "2290", ")"], ["at", "android", ".", "app", ".", "Activity", "Thread", ".", "performS", "top", "Activity", "Inner", "(", "Activity", "Thread", ".", "java", ":", "2452", ")"], ["Caused", "by", ":", "java", ".", "lang", ".", "Illegal", "Argument", "Exception", ":", "width", "and", "height", "must", "be", ">", "0"], ["at", "android", ".", "graphics", ".", "Bitmap", ".", "native", "Create", "(", "Native", "Method", ")"], ["at", "android", ".", "graphics", ".", "Bitmap", ".", "create", "Bitmap", "(", "Bitmap", ".", "java", ":", "477", ")"], ["at", "android", ".", "app", ".", "Activity", "Thread", ".", "drawable", "To", "Bitmap", "(", "Activity", "Thread", ".", "java", ":", "2306", ")"], ["at", "android", ".", "app", ".", "Activity", "Thread", ".", "create", "Thumbnail", "Bitmap", "(", "Activity", "Thread", ".", "java", ":", "2265", ")"], ["博客", "专家", "带", "你", "学", "swift", "晒", "图谱", ",", "涨", "知识", ",", "得", "好", "礼", "Swift", "问题", "与", "解答", "视频直播", "技术", "免费", "课"]], "paragraphs": ["楼主 发表于: 2011-10-19 11:14:20", "请各位大侠帮忙看一下,这种错误一般在什么情况下出现,现在项目上线了监测到这样一个错误,花好长时间找不到原因,请各位看看,谢了!", "java.lang.RuntimeException: Unable to save state of activity {com.iiyi.basic.android/com.iiyi.basic.android.ui.bbs.home.SubForumActivity}: java.lang.RuntimeException: Unable to create thumbnail of {com.iiyi.basic.android/com.iiyi.basic.android.ui.bbs.home.SubForumActivity}: java.lang.IllegalArgumentException: width and height must be > 0", "at android.app.ActivityThread.performStopActivityInner(ActivityThread.java:2456)", "at android.app.ActivityThread.handleStopActivity(ActivityThread.java:2515)", "at android.app.ActivityThread.access$1800(ActivityThread.java:122)", "at android.app.ActivityThread$H.handleMessage(ActivityThread.java:953)", "at android.os.Handler.dispatchMessage(Handler.java:99)", "at android.os.Looper.loop(Looper.java:130)", "at android.app.ActivityThread.main(ActivityThread.java:3723)", "at java.lang.reflect.Method.invokeNative(Native Method)", "at java.lang.reflect.Method.invoke(Method.java:507)", "at com.android.internal.os.ZygoteInit$MethodAndArgsCaller.run(ZygoteInit.java:864)", "at com.android.internal.os.ZygoteInit.main(ZygoteInit.java:622)", "at dalvik.system.NativeStart.main(Native Method)", "Caused by: java.lang.RuntimeException: Unable to create thumbnail of {com.iiyi.basic.android/com.iiyi.basic.android.ui.bbs.home.SubForumActivity}: java.lang.IllegalArgumentException: width and height must be > 0", "at android.app.ActivityThread.createThumbnailBitmap(ActivityThread.java:2290)", "at android.app.ActivityThread.performStopActivityInner(ActivityThread.java:2452)", "Caused by: java.lang.IllegalArgumentException: width and height must be > 0", "at android.graphics.Bitmap.nativeCreate(Native Method)", "at android.graphics.Bitmap.createBitmap(Bitmap.java:477)", "at android.app.ActivityThread.drawableToBitmap(ActivityThread.java:2306)", "at android.app.ActivityThread.createThumbnailBitmap(ActivityThread.java:2265)", "博客专家带你学swift 晒图谱,涨知识,得好礼 Swift 问题与解答 视频直播技术免费课"], "bs_rank_pos": 4}, {"is_selected": false, "title": "解决spring的java.lang.IllegalArgumentException异常。 - 博客频道", "most_related_para": 0, "segmented_title": ["解决", "spring", "的", "java", ".", "lang", ".", "Illegal", "Argument", "Exception", "异常", "。", "-", "博客", "频道"], "segmented_paragraphs": [["最近", "搭建", "在", "eclipse", "中", "搭建", "spring", "环境", ",", "使用", "过", "JUNIT", "测试", "了", "一", "个", "spring", "静态", "工厂", "实例", "化", "bean", "的", "例子", ",", "出现", "了", "java", ".", "lang", ".", "Illegal", "Argument", "Exception", "异常", "。"], ["环境", "信息列表", ":"], ["系统平台", ":", "window", "x64"], ["开发平台", ":", "eclipse", "EE", "4.5", "+"], ["spring", "version", ":", "3", ".", "2"], ["写", "了", "个", "小程序", "测试", "的", "时候", "出现", "了", "如", "下", "异常", "信息", ":"], ["配置", "环境", "中", "的", "工厂", "配置", ":"], ["<", "bean", "id", "=", "\"", "my", "factory", "\"", "class", "=", "\"", "com", ".", "xiansky", ".", "instance", "Factory", ".", "My", "Factory", "\"", ">", "<", "/", "bean", ">", "<", "bean", "id", "=", "\"", "Demo", "Service", "02", "\"", "factory", "-", "bean", "=", "\"", "my", "factory", "\"", "factory", "-", "method", "=", "\"", "create", "Demo", "Service", "02", "\"", ">", "<", "/", "bean", ">"], ["解决办法", "是", ":"], ["右", "击", "项目", "-", "-", "-", ">", "properties", "-", "-", "-", ">", "project", "facets", ":", "修改", "JDK", "版本", ",", "需要", "将", "1.8", "降", "为", "1", ".", "7", "版本", "。"], ["在", "使用", "测试", "程序", ",", "可以", "正常运行", "。", "若是", "还", "不行", "的", "话", ",", "就", "再", "安装", "一", "个", "JDK", "1", ".", "7", "版本", ",", "配置", "项目", "使用", "该", "1", ".", "7", "版本", "即可", "。"], ["xianSky", "2015"], ["博客", "专栏"], ["文章分类", "MySQL", "(", "8", ")", "JAVA", "(", "9", ")", "PYTHON", "(", "2", ")", "GIT", "(", "1", ")", "maven", "(", "1", ")", "Internet", "/", "protocol", "(", "1", ")", "ExtJS", "(", "2", ")", "Java", "_", "framework", "(", "6", ")", "Javascript", "(", "1", ")", "redis", "(", "1", ")", "nginx", "(", "1", ")", "ORACLE", "(", "2", ")", "位运算", "(", "1", ")", "mybatis", "(", "1", ")", "tomcat", "(", "1", ")", "微信", "小程序", "(", "1", ")", "postgresql", "(", "1", ")"], ["文章", "存档", "2017", "年", "02", "月", "(", "2", ")", "2016", "年", "12", "月", "(", "2", ")", "2016", "年", "11", "月", "(", "3", ")", "2016", "年", "10", "月", "(", "1", ")", "2016", "年", "08", "月", "(", "2", ")", "2016", "年", "07", "月", "(", "1", ")", "2016", "年", "06", "月", "(", "2", ")", "2016", "年", "04", "月", "(", "2", ")", "2016", "年", "03", "月", "(", "7", ")", "2016", "年", "02", "月", "(", "4", ")", "2016", "年", "01", "月", "(", "3", ")", "2015", "年", "12", "月", "(", "9", ")"]], "paragraphs": ["最近搭建在eclipse中搭建spring环境,使用过JUNIT测试了一个spring静态工厂实例化bean的例子,出现了java.lang.IllegalArgumentException异常。", "环境信息列表:", "系统平台: window x64", "开发平台: eclipse EE 4.5+", "spring version : 3.2", "写了个小程序测试的时候出现了如下异常信息:", "配置环境中的工厂配置:", " ", "解决办法是:", "右击项目 ---> properties --->project facets : 修改JDK版本,需要将1.8 降为1.7版本。", "在使用测试程序,可以正常运行。若是还不行的话,就再安装一个JDK1.7版本,配置项目使用该1.7版本即可。", "xianSky2015", "博客专栏", "文章分类 MySQL(8) JAVA(9) PYTHON(2) GIT(1) maven(1) Internet/protocol(1) ExtJS(2) Java_framework(6) Javascript(1) redis(1) nginx(1) ORACLE(2) 位运算(1) mybatis(1) tomcat(1) 微信小程序(1) postgresql(1)", "文章存档 2017年02月(2) 2016年12月(2) 2016年11月(3) 2016年10月(1) 2016年08月(2) 2016年07月(1) 2016年06月(2) 2016年04月(2) 2016年03月(7) 2016年02月(4) 2016年01月(3) 2015年12月(9)"], "bs_rank_pos": 5}, {"is_selected": false, "title": "请教下java.lang.IllegalArgumentException这个异常是怎么回事?-", "most_related_para": 2, "segmented_title": ["请教", "下", "java", ".", "lang", ".", "Illegal", "Argument", "Exception", "这个", "异常", "是", "怎么回事", "?", "-"], "segmented_paragraphs": [["楼主", "发表", "于", ":", "2012", "-", "12", "-", "15", "20", ":", "32", ":", "35"], ["java", ".", "lang", ".", "Illegal", "Argument", "Exception", "at", "sun", ".", "reflect", ".", "Native", "Method", "Accessor", "Impl", ".", "invoke", "0", "(", "Native", "Method", ")", "at", "sun", ".", "reflect", ".", "Native", "Method", "Accessor", "Impl", ".", "invoke", "(", "Native", "Method", "Accessor", "Impl", ".", "java", ":", "57", ")", "at", "sun", ".", "reflect", ".", "Delegating", "Method", "Accessor", "Impl", ".", "invoke", "(", "Delegating", "Method", "Accessor", "Impl", ".", "java", ":", "43", ")", "at", "java", ".", "lang", ".", "reflect", ".", "Method", ".", "invoke", "(", "Method", ".", "java", ":", "601", ")", "at", "org", ".", "hibernate", ".", "property", ".", "Basic", "Property", "Accessor", "$", "Basic", "Setter", ".", "set", "(", "Basic", "Property", "Accessor", ".", "java", ":", "42", ")", "at", "org", ".", "hibernate", ".", "tuple", ".", "entity", ".", "Abstract", "Entity", "Tuplizer", ".", "set", "Property", "Values", "(", "Abstract", "Entity", "Tuplizer", ".", "java", ":", "329", ")", "at", "org", ".", "hibernate", ".", "tuple", ".", "entity", ".", "PojoEntity", "Tuplizer", ".", "set", "Property", "Values", "(", "PojoEntity", "Tuplizer", ".", "java", ":", "232", ")", "at", "org", ".", "hibernate", ".", "persister", ".", "entity", ".", "Abstract", "Entity", "Persister", ".", "set", "Property", "Values", "(", "Abstract", "Entity", "Persister", ".", "java", ":", "3557", ")", "at", "org", ".", "hibernate", ".", "engine", ".", "Two", "Phase", "Load", ".", "initialize", "Entity", "(", "Two", "Phase", "Load", ".", "java", ":", "133", ")", "at", "org", ".", "hibernate", ".", "loader", ".", "Loader", ".", "initialize", "Entities", "And", "Collections", "(", "Loader", ".", "java", ":", "854", ")", "at", "org", ".", "hibernate", ".", "loader", ".", "Loader", ".", "do", "Query", "(", "Loader", ".", "java", ":", "729", ")", "at", "org", ".", "hibernate", ".", "loader", ".", "Loader", ".", "do", "Query", "And", "InitializeNon", "Lazy", "Collections", "(", "Loader", ".", "java", ":", "236", ")", "at", "org", ".", "hibernate", ".", "loader", ".", "Loader", ".", "doList", "(", "Loader", ".", "java", ":", "2217", ")", "at", "org", ".", "hibernate", ".", "loader", ".", "Loader", ".", "list", "IgnoreQuery", "Cache", "(", "Loader", ".", "java", ":", "2108", ")", "at", "org", ".", "hibernate", ".", "loader", ".", "Loader", ".", "list", "(", "Loader", ".", "java", ":", "2103", ")", "at", "org", ".", "hibernate", ".", "loader", ".", "criteria", ".", "Criteria", "Loader", ".", "list", "(", "Criteria", "Loader", ".", "java", ":", "94", ")", "at", "org", ".", "hibernate", ".", "impl", ".", "Session", "Impl", ".", "list", "(", "Session", "Impl", ".", "java", ":", "1570", ")", "at", "org", ".", "hibernate", ".", "impl", ".", "Criteria", "Impl", ".", "list", "(", "Criteria", "Impl", ".", "java", ":", "283", ")", "at", "dao", ".", "Post", "Dao", ".", "query", "Post", "By", "Index", "(", "Post", "Dao", ".", "java", ":", "74", ")", "at", "org", ".", "apache", ".", "jsp", ".", "announce", "_", "jsp", ".", "_", "jsp", "Service", "(", "announce", "_", "jsp", ".", "java", ":", "88", ")", "at", "org", ".", "apache", ".", "jasper", ".", "runtime", ".", "HttpJspBase", ".", "service", "(", "HttpJspBase", ".", "java", ":", "70", ")", "at", "javax", ".", "servlet", ".", "http", ".", "Http", "Servlet", ".", "service", "(", "Http", "Servlet", ".", "java", ":", "722", ")", "at", "org", ".", "apache", ".", "jasper", ".", "servlet", ".", "Jsp", "Servlet", "Wrapper", ".", "service", "(", "Jsp", "Servlet", "Wrapper", ".", "java", ":", "432", ")", "at", "org", ".", "apache", ".", "jasper", ".", "servlet", ".", "Jsp", "Servlet", ".", "service", "Jsp", "File", "(", "Jsp", "Servlet", ".", "java", ":", "390", ")", "at", "org", ".", "apache", ".", "jasper", ".", "servlet", ".", "Jsp", "Servlet", ".", "service", "(", "Jsp", "Servlet", ".", "java", ":", "334", ")", "at", "javax", ".", "servlet", ".", "http", ".", "Http", "Servlet", ".", "service", "(", "Http", "Servlet", ".", "java", ":", "722", ")", "at", "org", ".", "apache", ".", "catalina", ".", "core", ".", "Application", "Filter", "Chain", ".", "internalDo", "Filter", "(", "Application", "Filter", "Chain", ".", "java", ":", "305", ")", "at", "org", ".", "apache", ".", "catalina", ".", "core", ".", "Application", "Filter", "Chain", ".", "doFilter", "(", "Application", "Filter", "Chain", ".", "java", ":", "210", ")", "at", "org", ".", "apache", ".", "catalina", ".", "core", ".", "Application", "Dispatcher", ".", "invoke", "(", "Application", "Dispatcher", ".", "java", ":", "684", ")", "at", "org", ".", "apache", ".", "catalina", ".", "core", ".", "Application", "Dispatcher", ".", "do", "Include", "(", "Application", "Dispatcher", ".", "java", ":", "593", ")", "at", "org", ".", "apache", ".", "catalina", ".", "core", ".", "Application", "Dispatcher", ".", "include", "(", "Application", "Dispatcher", ".", "java", ":", "530", ")", "at", "org", ".", "apache", ".", "jasper", ".", "runtime", ".", "Jsp", "Runtime", "Library", ".", "include", "(", "Jsp", "Runtime", "Library", ".", "java", ":", "954", ")", "at", "org", ".", "apache", ".", "jsp", ".", "index", "_", "jsp", ".", "_", "jsp", "Service", "(", "index", "_", "jsp", ".", "java", ":", "334", ")", "at", "org", ".", "apache", ".", "jasper", ".", "runtime", ".", "HttpJspBase", ".", "service", "(", "HttpJspBase", ".", "java", ":", "70", ")", "at", "javax", ".", "servlet", ".", "http", ".", "Http", "Servlet", ".", "service", "(", "Http", "Servlet", ".", "java", ":", "722", ")", "at", "org", ".", "apache", ".", "jasper", ".", "servlet", ".", "Jsp", "Servlet", "Wrapper", ".", "service", "(", "Jsp", "Servlet", "Wrapper", ".", "java", ":", "432", ")", "at", "org", ".", "apache", ".", "jasper", ".", "servlet", ".", "Jsp", "Servlet", ".", "service", "Jsp", "File", "(", "Jsp", "Servlet", ".", "java", ":", "390", ")", "at", "org", ".", "apache", ".", "jasper", ".", "servlet", ".", "Jsp", "Servlet", ".", "service", "(", "Jsp", "Servlet", ".", "java", ":", "334", ")", "at", "javax", ".", "servlet", ".", "http", ".", "Http", "Servlet", ".", "service", "(", "Http", "Servlet", ".", "java", ":", "722", ")", "at", "org", ".", "apache", ".", "catalina", ".", "core", ".", "Application", "Filter", "Chain", ".", "internalDo", "Filter", "(", "Application", "Filter", "Chain", ".", "java", ":", "305", ")", "at", "org", ".", "apache", ".", "catalina", ".", "core", ".", "Application", "Filter", "Chain", ".", "doFilter", "(", "Application", "Filter", "Chain", ".", "java", ":", "210", ")", "at", "util", ".", "Encoding", "Filter", ".", "doFilter", "(", "Encoding", "Filter", ".", "java", ":", "22", ")", "at", "org", ".", "apache", ".", "catalina", ".", "core", ".", "Application", "Filter", "Chain", ".", "internalDo", "Filter", "(", "Application", "Filter", "Chain", ".", "java", ":", "243", ")", "at", "org", ".", "apache", ".", "catalina", ".", "core", ".", "Application", "Filter", "Chain", ".", "doFilter", "(", "Application", "Filter", "Chain", ".", "java", ":", "210", ")", "at", "org", ".", "apache", ".", "catalina", ".", "core", ".", "Standard", "Wrapper", "Valve", ".", "invoke", "(", "Standard", "Wrapper", "Valve", ".", "java", ":", "224", ")", "at", "org", ".", "apache", ".", "catalina", ".", "core", ".", "Standard", "Context", "Valve", ".", "invoke", "(", "Standard", "Context", "Valve", ".", "java", ":", "169", ")", "at", "org", ".", "apache", ".", "catalina", ".", "authenticator", ".", "Authenticator", "Base", ".", "invoke", "(", "Authenticator", "Base", ".", "java", ":", "472", ")", "at", "org", ".", "apache", ".", "catalina", ".", "core", ".", "Standard", "Host", "Valve", ".", "invoke", "(", "Standard", "Host", "Valve", ".", "java", ":", "168", ")", "at", "org", ".", "apache", ".", "catalina", ".", "valves", ".", "Error", "Report", "Valve", ".", "invoke", "(", "Error", "Report", "Valve", ".", "java", ":", "98", ")", "at", "org", ".", "apache", ".", "catalina", ".", "core", ".", "Standard", "Engine", "Valve", ".", "invoke", "(", "Standard", "Engine", "Valve", ".", "java", ":", "118", ")", "at", "org", ".", "apache", ".", "catalina", ".", "connector", ".", "Coyote", "Adapter", ".", "service", "(", "Coyote", "Adapter", ".", "java", ":", "407", ")", "at", "org", ".", "apache", ".", "coyote", ".", "http", "11", ".", "Abstract", "Http", "11", "Processor", ".", "process", "(", "Abstract", "Http", "11", "Processor", ".", "java", ":", "987", ")", "at", "org", ".", "apache", ".", "coyote", ".", "Abstract", "Protocol", "$", "Abstract", "Connection", "Handler", ".", "process", "(", "Abstract", "Protocol", ".", "java", ":", "579", ")", "at", "org", ".", "apache", ".", "tomcat", ".", "util", ".", "net", ".", "JIo", "Endpoint", "$", "SocketProcessor", ".", "run", "(", "JIo", "Endpoint", ".", "java", ":", "307", ")", "at", "java", ".", "util", ".", "concurrent", ".", "ThreadPoolExecutor", ".", "run", "Worker", "(", "ThreadPoolExecutor", ".", "java", ":", "1110", ")", "at", "java", ".", "util", ".", "concurrent", ".", "ThreadPoolExecutor", "$", "Worker", ".", "run", "(", "ThreadPoolExecutor", ".", "java", ":", "603", ")", "at", "java", ".", "lang", ".", "Thread", ".", "run", "(", "Thread", ".", "java", ":", "722", ")"], ["关注", "LiteFreya", "LiteFreya", "本", "版", "等级", ":", "本", "版", "专家", "分", ":", "0", "结", "帖", "率", ":", "66", ".", "67", "%"]], "paragraphs": ["楼主 发表于: 2012-12-15 20:32:35", "java.lang.IllegalArgumentException at sun.reflect.NativeMethodAccessorImpl.invoke0(Native Method) at sun.reflect.NativeMethodAccessorImpl.invoke(NativeMethodAccessorImpl.java:57) at sun.reflect.DelegatingMethodAccessorImpl.invoke(DelegatingMethodAccessorImpl.java:43) at java.lang.reflect.Method.invoke(Method.java:601) at org.hibernate.property.BasicPropertyAccessor$BasicSetter.set(BasicPropertyAccessor.java:42) at org.hibernate.tuple.entity.AbstractEntityTuplizer.setPropertyValues(AbstractEntityTuplizer.java:329) at org.hibernate.tuple.entity.PojoEntityTuplizer.setPropertyValues(PojoEntityTuplizer.java:232) at org.hibernate.persister.entity.AbstractEntityPersister.setPropertyValues(AbstractEntityPersister.java:3557) at org.hibernate.engine.TwoPhaseLoad.initializeEntity(TwoPhaseLoad.java:133) at org.hibernate.loader.Loader.initializeEntitiesAndCollections(Loader.java:854) at org.hibernate.loader.Loader.doQuery(Loader.java:729) at org.hibernate.loader.Loader.doQueryAndInitializeNonLazyCollections(Loader.java:236) at org.hibernate.loader.Loader.doList(Loader.java:2217) at org.hibernate.loader.Loader.listIgnoreQueryCache(Loader.java:2108) at org.hibernate.loader.Loader.list(Loader.java:2103) at org.hibernate.loader.criteria.CriteriaLoader.list(CriteriaLoader.java:94) at org.hibernate.impl.SessionImpl.list(SessionImpl.java:1570) at org.hibernate.impl.CriteriaImpl.list(CriteriaImpl.java:283) at dao.PostDao.queryPostByIndex(PostDao.java:74) at org.apache.jsp.announce_jsp._jspService(announce_jsp.java:88) at org.apache.jasper.runtime.HttpJspBase.service(HttpJspBase.java:70) at javax.servlet.http.HttpServlet.service(HttpServlet.java:722) at org.apache.jasper.servlet.JspServletWrapper.service(JspServletWrapper.java:432) at org.apache.jasper.servlet.JspServlet.serviceJspFile(JspServlet.java:390) at org.apache.jasper.servlet.JspServlet.service(JspServlet.java:334) at javax.servlet.http.HttpServlet.service(HttpServlet.java:722) at org.apache.catalina.core.ApplicationFilterChain.internalDoFilter(ApplicationFilterChain.java:305) at org.apache.catalina.core.ApplicationFilterChain.doFilter(ApplicationFilterChain.java:210) at org.apache.catalina.core.ApplicationDispatcher.invoke(ApplicationDispatcher.java:684) at org.apache.catalina.core.ApplicationDispatcher.doInclude(ApplicationDispatcher.java:593) at org.apache.catalina.core.ApplicationDispatcher.include(ApplicationDispatcher.java:530) at org.apache.jasper.runtime.JspRuntimeLibrary.include(JspRuntimeLibrary.java:954) at org.apache.jsp.index_jsp._jspService(index_jsp.java:334) at org.apache.jasper.runtime.HttpJspBase.service(HttpJspBase.java:70) at javax.servlet.http.HttpServlet.service(HttpServlet.java:722) at org.apache.jasper.servlet.JspServletWrapper.service(JspServletWrapper.java:432) at org.apache.jasper.servlet.JspServlet.serviceJspFile(JspServlet.java:390) at org.apache.jasper.servlet.JspServlet.service(JspServlet.java:334) at javax.servlet.http.HttpServlet.service(HttpServlet.java:722) at org.apache.catalina.core.ApplicationFilterChain.internalDoFilter(ApplicationFilterChain.java:305) at org.apache.catalina.core.ApplicationFilterChain.doFilter(ApplicationFilterChain.java:210) at util.EncodingFilter.doFilter(EncodingFilter.java:22) at org.apache.catalina.core.ApplicationFilterChain.internalDoFilter(ApplicationFilterChain.java:243) at org.apache.catalina.core.ApplicationFilterChain.doFilter(ApplicationFilterChain.java:210) at org.apache.catalina.core.StandardWrapperValve.invoke(StandardWrapperValve.java:224) at org.apache.catalina.core.StandardContextValve.invoke(StandardContextValve.java:169) at org.apache.catalina.authenticator.AuthenticatorBase.invoke(AuthenticatorBase.java:472) at org.apache.catalina.core.StandardHostValve.invoke(StandardHostValve.java:168) at org.apache.catalina.valves.ErrorReportValve.invoke(ErrorReportValve.java:98) at org.apache.catalina.core.StandardEngineValve.invoke(StandardEngineValve.java:118) at org.apache.catalina.connector.CoyoteAdapter.service(CoyoteAdapter.java:407) at org.apache.coyote.http11.AbstractHttp11Processor.process(AbstractHttp11Processor.java:987) at org.apache.coyote.AbstractProtocol$AbstractConnectionHandler.process(AbstractProtocol.java:579) at org.apache.tomcat.util.net.JIoEndpoint$SocketProcessor.run(JIoEndpoint.java:307) at java.util.concurrent.ThreadPoolExecutor.runWorker(ThreadPoolExecutor.java:1110) at java.util.concurrent.ThreadPoolExecutor$Worker.run(ThreadPoolExecutor.java:603) at java.lang.Thread.run(Thread.java:722)", "关注  LiteFreya  LiteFreya  本版等级: 本版专家分:0  结帖率:66.67%"], "bs_rank_pos": 7}, {"is_selected": false, "title": "java.lang.IllegalArgumentException是什么意思_百度作业帮", "most_related_para": 0, "segmented_title": ["java", ".", "lang", ".", "Illegal", "Argument", "Exception", "是什么", "意思", "_", "百度", "作业", "帮"], "segmented_paragraphs": [["我", "觉得", "是", "tomcat", "中", "配置", "出", "了", "错误", ",", "譬如", "你", "建立", "了", "一", "个", "项目", ",", "在", "tomcat", "中", "进行", "了", "配置", ",", "后来", "把", "这", "项目", "删", "了", ",", "而", "没", "改动", "配置", ",", "则", "会报", "此", "错误", "!", "个人", "意见", ",", "仅供参考", "!"]], "paragraphs": ["我觉得是tomcat中配置出了错误,譬如你建立了一个项目,在tomcat中进行了配置,后来把这项目删了,而没改动配置,则会报此错误!个人意见,仅供参考!"], "bs_rank_pos": 9}], "answer_spans": [[3, 6]], "fake_answers": ["非法的参数异常"], "question": "illegalargumentexception是什么异常", "segmented_answers": [["非法", "的", "参数", "异常", "。"]], "answers": ["非法的参数异常。"], "answer_docs": [0], "segmented_question": ["illegal", "argument", "exception", "是什么", "异常"], "question_type": "DESCRIPTION", "question_id": 91184, "fact_or_opinion": "FACT", "match_scores": [0.888888888888889]}
-{"documents": [{"is_selected": true, "title": "嘴唇无故就突然肿胀起来,摸着像有硬块,现_有问必答_快速问医生", "most_related_para": 3, "segmented_title": ["嘴唇", "无故", "就", "突然", "肿胀", "起来", ",", "摸着", "像", "有", "硬块", ",", "现", "_", "有问必答", "_", "快速", "问", "医生"], "segmented_paragraphs": [["健康", "咨询", "描述", ":", "嘴唇", "无故", "就", "突然", "肿胀", "起来", ",", "摸着", "像", "有", "硬块", ",", "现在", "已经", "4", "次", "了", "(", "4", "次", "分别", "是", "吃饭", "后", ",", "打麻将", "时", ",", "看电视", "喝茶", "时", ")", ",", "肿", "的", "位置", "也是", "不确定", ",", "上", "嘴唇", "左右", ",", "下", "嘴唇", "左", "及", "下", "嘴唇", "下方", "。", "也", "不痛", "也", "不痒", "肿胀", "摸着", "像", "有", "硬块", "有", "麻木", "感", "。", "大概", "睡一觉", "就", "消", "了", ",", "邪门", "了", "?", "(", "昨天晚上", "睡前", "肿", "了", ",", "今天起", "的", "早", "还", "没", "消", "。", "。", "。", ")"], ["曾经", "的", "治疗", "情况", "和", "效果", ":", "没有"], ["想得到", "怎样", "的", "帮助", ":", "我想知道", "是什么", "毛病", ",", "原因", "和", "治疗方法", "?", "谢谢"], ["病情", "分析", ":", "你好", ",", "突然", "出现", "得", "嘴唇", "肿胀", "一般", "是因为", "过敏", "而", "造成", "的", ".", "过敏性", "唇炎", "的", "原因", ":", "口", "唇", "是", "人体", "皮肤", "和", "粘膜", "交界", "的", "部位", ",", "地方", "不大", ",", "可", "发生", "的", "疾病", "却", "不", "简单", "。", "最", "常见", "的", "口", "唇", "疾病", "就是", "唇炎", ",", "口", "唇", "出现", "肿胀", "、", "疼痛", "或", "糜烂", "等", "症状", ",", "临床", "上", "唇炎", "分", "很多", "种", ",", "如", "过敏性", "唇炎", "、", "光", "线性", "唇炎", "、", "剥脱性唇炎", "、", "腺", "性", "唇炎", "、", "肉芽肿性唇炎", "和", "浆细胞", "性", "唇炎", "等", ",", "但", "有", "明确", "病因", "的", "只有", "前", "两种", ",", "有些", "还没有", "明确", "的", "病因", "。", "但是", "通过观察", ",", "总", "能", "发现", "一些", "与其", "发病", "有关", "或", "能", "诱发", "加重", "病情", "的", "因素", ",", "分别", "是", "过敏反应", "、", "机械", "刺激", "、", "感染", "因素", "、", "营养缺乏", "、", "遗传因素", "。", "过敏性", "唇炎", "的", "症状", ":", "过敏性", "唇炎", "是", "由于", "口", "唇", "或", "其", "周围", "的", "皮肤", "接触", "到", "了", "某些", "刺激物", "而", "引起", "的", ",", "在", "接触", "后", "数", "小时", "或", "数", "日内", "发病", ",", "可", "出现", "唇", "粘膜", "肿胀", "、", "水疱", ",", "甚至", "糜烂", "结痂", ",", "感染", "化脓", "形成", "溃疡", ",", "影响", "进食", "和", "说话", "。", "过敏性", "唇炎", "的", "治疗", ":", "中医", "认为", "口", "唇", "与", "脾胃", "关系密切", ",", "脾胃", "发病", "常", "反映", "于", "口", "唇", ",", "相反", "口", "唇", "的", "异常", "也", "多", "反映", "了", "脾胃", "的", "功能", "失调", ",", "故", "治疗", "唇炎", "当", "从", "脾胃", "入手", "。", "指导意见", ":", "例如", ",", "唇炎", "表现", "为", "口", "唇", "红肿", "、", "糜烂", "者", ",", "多", "为", "脾胃", "热", "盛", ",", "治疗", "以", "清", "泻", "脾胃", "实火", "为", "主", ";", "若", "口", "唇", "生", "疔", "、", "坚硬", "疼痛", "者", ",", "多", "为", "热毒", "炽盛", ",", "治疗", "以", "清热解毒", "为", "法", ";", "若病程", "日久", ",", "口", "唇", "肥厚", "、", "干", "硬", "者", ",", "多", "为", "脾虚", "痰湿", "凝滞", ",", "治疗", "当", "健脾", "化痰", "散结", "为", "主", "。"], ["病情", "分析", ":", "这位朋友", ",", "根据", "您", "的", "表述", "个人", "怀疑", "您", "是", "上火", "了", ",", "上火", "是", "比较", "常用", "的", "中医", "术语", ",", "对于", "上火", "其实", "并", "不", "需要", "太", "过", "担心", ",", "只要", "平时", "注意饮食", "和", "生活", "节律", ",", "很快", "会", "恢复", "。", "指导意见", ":", "新鲜", "绿叶", "蔬菜", "、", "黄瓜", "、", "橙子", "、", "绿茶", "都", "有", "良好", "的", "清", "火", "作用", ",", "而", "胡萝卜", "对", "补充", "人体", "的", "维生素", "b", "、", "避免", "口", "唇", "干裂", "也有", "很好", "的", "疗效", "。", "建议", "您", "多", "吃", "一些", "。", "另外", ",", "调节", "好", "作息", ",", "放", "平", "心态", ",", "对于", "治疗", "上火", "也", "很", "有", "帮助", "。"], ["妇", "炎", "消", "泡腾", "参考价格", ":", "47", "查看", "说明书"], ["骨", "友", "灵", "搽剂", "参考价格", ":", "26", ".", "9", "查看", "说明书"], ["伸筋片", "参考价格", ":", "35", "查看", "说明书"], ["塞隆", "风湿", "胶囊", "祛风", "散寒", "除湿", ",", "通络", "止痛", ",", "补益", "肝肾", "。", "用于", "风寒", "湿", "痹", "引", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "134"], ["吲哚美辛", "胶囊", "1", ".", "用于", ":", "关节炎", ",", "可", "缓解", "疼痛", "和", "肿胀", ";", "软组织损伤", "和", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "15"], ["有", "什么", "办法", "治疗失眠", "失眠", "多梦", "要", "煲", "什么", "吃", "失眠", "吃什么", "睡", "失眠", "多梦", "吃什么", "药", "好", "黑", "眼袋", "是", "怎么", "形成", "的", "有关", "失眠", "的", "治疗方法", "头疼", "失眠", "多梦", "吃什么", "药", "失眠", "心悸", "心慌", "是", "怎么回事", "?", "睡前", "喝牛奶", "可以", "治疗失眠", "吗", "治疗失眠", "的", "偏方", "是", "什么"], ["医生", "在线", "免费咨询"], ["看病", "男科", "妇科", "癫痫", "性病", "养生", "新闻", "白癫风", "牛皮癣"], ["就医", "疾病", "信息", "健康", "经验", "症状", "信息", "手术", "项目", "检查", "项目", "健康", "百科", "求医问药"], ["用药", "药品", "库", "疾病", "用药", "药品", "心得", "用药", "安全", "药品", "资讯", "用药", "方案", "品牌", "药企", "明星", "药品"], ["整形", "整形", "项目", "整形", "案例", "整形", "资讯", "整形医院", "减肥", "塑形", "眼部", "整形", "鼻部", "整形", "面部", "整形"], ["有问必答", "内科", "外科", "儿科", "药品", "遗传", "美容", "检查", "减肥", "中医科", "五官科", "传染科", "体检", "科", "妇产科", "肿瘤科", "康复科", "子女教育", "心理健康", "整形美容", "家居", "环境", "皮肤性病", "营养保健", "其他", "科室", "保健养生"], ["下载", "APP", ",", "免费", "快速", "问", "医生"]], "paragraphs": ["健康咨询描述: 嘴唇无故就突然肿胀起来,摸着像有硬块,现在已经4次了(4次分别是吃饭后,打麻将时,看电视喝茶时),肿的位置也是不确定,上嘴唇左右,下嘴唇左及下嘴唇下方。也不痛也不痒 肿胀 摸着像有硬块 有麻木感。大概睡一觉就消了,邪门了?(昨天晚上睡前肿了,今天起的早还没消。。。)", "曾经的治疗情况和效果: 没有", "想得到怎样的帮助:我想知道是什么毛病,原因和治疗方法?谢谢", "病情分析: 你好,突然出现得嘴唇肿胀一般是因为过敏而造成的.过敏性唇炎的原因:口唇是人体皮肤和粘膜交界的部位,地方不大,可发生的疾病却不简单。最常见的口唇疾病就是唇炎,口唇出现肿胀、疼痛或糜烂等症状,临床上唇炎分很多种,如过敏性唇炎、光线性唇炎、剥脱性唇炎、腺性唇炎、肉芽肿性唇炎和浆细胞性唇炎等,但有明确病因的只有前两种,有些还没有明确的病因。但是通过观察,总能发现一些与其发病有关或能诱发加重病情的因素,分别是过敏反应、机械刺激、感染因素、营养缺乏、遗传因素。过敏性唇炎的症状:过敏性唇炎是由于口唇或其周围的皮肤接触到了某些刺激物而引起的,在接触后数小时或数日内发病,可出现唇粘膜肿胀、水疱,甚至糜烂结痂,感染化脓形成溃疡,影响进食和说话。过敏性唇炎的治疗:中医认为口唇与脾胃关系密切,脾胃发病常反映于口唇,相反口唇的异常也多反映了脾胃的功能失调,故治疗唇炎当从脾胃入手。 指导意见: 例如,唇炎表现为口唇红肿、糜烂者,多为脾胃热盛,治疗以清泻脾胃实火为主;若口唇生疔、坚硬疼痛者,多为热毒炽盛,治疗以清热解毒为法;若病程日久,口唇肥厚、干硬者,多为脾虚痰湿凝滞,治疗当健脾化痰散结为主。", "病情分析: 这位朋友,根据您的表述个人怀疑您是上火了,上火是比较常用的中医术语,对于上火其实并不需要太过担心,只要平时注意饮食和生活节律,很快会恢复。 指导意见: 新鲜绿叶蔬菜、黄瓜、橙子、绿茶都有良好的清火作用,而胡萝卜对补充人体的维生素b、避免口唇干裂也有很好的疗效。建议您多吃一些。另外,调节好作息,放平心态,对于治疗上火也很有帮助。", "妇炎消泡腾  参考价格:47 查看说明书", "骨友灵搽剂  参考价格:26.9 查看说明书", "伸筋片  参考价格:35 查看说明书", "塞隆风湿胶囊 祛风散寒除湿,通络止痛,补益肝肾。用于风寒湿痹引...[说明书] 参考价格:¥134", "吲哚美辛胶囊 1.用于:关节炎,可缓解疼痛和肿胀;软组织损伤和...[说明书] 参考价格:¥15", "有什么办法治疗失眠 失眠多梦要煲什么吃 失眠吃什么睡 失眠多梦吃什么药好 黑眼袋是怎么形成的 有关失眠的治疗方法 头疼失眠多梦吃什么药 失眠心悸心慌是怎么回事? 睡前喝牛奶可以治疗失眠吗 治疗失眠的偏方是什么", "医生在线免费咨询", "看病 男科 妇科 癫痫 性病 养生 新闻 白癫风 牛皮癣", "就医 疾病信息 健康经验 症状信息 手术项目 检查项目 健康百科 求医问药", "用药 药品库 疾病用药 药品心得 用药安全 药品资讯 用药方案 品牌药企 明星药品", "整形 整形项目 整形案例 整形资讯 整形医院 减肥塑形 眼部整形 鼻部整形 面部整形", "有问必答 内科 外科 儿科 药品 遗传 美容 检查 减肥 中医科 五官科 传染科 体检科 妇产科 肿瘤科 康复科 子女教育 心理健康 整形美容 家居环境 皮肤性病 营养保健 其他科室 保健养生", "下载APP,免费快速问医生"], "bs_rank_pos": 0}, {"is_selected": true, "title": "早上起来上嘴唇肿了_有问必答_快速问医生", "most_related_para": 7, "segmented_title": ["早上起来", "上", "嘴唇", "肿", "了", "_", "有问必答", "_", "快速", "问", "医生"], "segmented_paragraphs": [["健康", "咨询", "描述", ":", "凌晨", ",", "上", "嘴唇", "突然", "肿", "了", ",", "是", "什么", "病", "?", "早晨", "五", "六", "点", "钟", ",", "上", "嘴唇", "突然", "肿", "了", ",", "是", "什么", "病", "?", "之", "前", "有几次", "这样", "的", "情况", ",", "前", "天", "又", "发生", "了", "。", "每次", "都是", "多", "半天", "自动", "恢复", "。", "今天早晨", "发现", "下", "嘴唇", "的", "下面", "发", "僵", "。", "请问", "这", "是", "怎么回事", "?", "属于哪", "类", "病", "?"], ["这种情况", "考虑", "是", "神经性", "的", ",", "如果", "休息", "不好", "。", "或者", "睡觉", "的", "时候", ",", "头", "的", "位置", "过低", "。", "应该", "是", "神经性", "水肿", ",", "可以", "服用", "谷维素", "维生素b1", "调理", "。"], ["病情", "分析", ":", "你好", "!", "如果", "你", "没有", "接触", "什么", "过敏", "的", "东西", "或者", "被", "什么", "虫子", "咬", "过", "的", "话", ",", "那你", "要", "考虑", "指导意见", ":", "治疗", "的", "话", "主要", "是", "抗过敏", ",", "有", "可能", "治愈", "后", "还是", "会", "复发", "的", ",", "具体", "的", "建议", "皮肤病", "防治", "院", "或", "正规", "医院", "的", "皮肤科", "就诊", ",", "确诊", "后", "在", "医生", "指导", "下", "积极", "治疗", "。"], ["病情", "分析", ":", "你", "这", "是", "唇", "风", "的", "症状", ",", "不可", "再", "吹风", "了", ",", "否则", "会", "很", "痒", ",", "渐渐", "会", "更加", "肿大", "!", "建议", "用", "盐水", "清洗", "一", "天", "2", "-", "3", "道", "可以", "消肿", "止痒", ",", "内服", "六味地黄丸", "可", "愈", "。", "指导意见", ":", "唇", "风", "是", "秋季", "易发", "症状", "。", "是", "因", "风热", "湿", "邪", "外", "侵", ",", "或", "脾胃湿热", "内蕴", ",", "上", "蒸", "口", "唇", "所致", "。", "以", "口", "唇", "红肿", "、", "痛痒", ",", "日久", "破裂", "流水", ",", "或", "脱屑", "皮", "等", "症状", "!", "多", "因", "辛辣", "厚味", "太", "过", ",", "脾胃湿热", "内", "生", ",", "复", "受风", "邪", "侵袭", ";", "或", "脾气", "虚弱", ",", "外", "感", "燥热", ",", "致", "脾经", "血燥", ",", "熏", "灼", "唇", "口", "所", "发", "。", "以上", "是", "对", "“", "早上起来", "上", "嘴唇", "肿", "了", "”", "这个问题", "的", "建议", ",", "希望", "对", "您", "有", "帮助", ",", "祝您健康", "!"], ["病情", "分析", ":", "你", "这", "是", "唇", "风", "的", "症状", ",", "不可", "再", "吹风", "了", ",", "否则", "会", "很", "痒", ",", "渐渐", "会", "更加", "肿大", "!", "建议", "用", "盐水", "清洗", "一", "天", "2", "-", "3", "道", "可以", "消肿", "止痒", ",", "内服", "六味地黄丸", "可", "愈", "。", "指导意见", ":", "唇", "风", "是", "秋季", "易发", "症状", "。", "是", "因", "风热", "湿", "邪", "外", "侵", ",", "或", "脾胃湿热", "内蕴", ",", "上", "蒸", "口", "唇", "所致", "。", "以", "口", "唇", "红肿", "、", "痛痒", ",", "日久", "破裂", "流水", ",", "或", "脱屑", "皮", "等", "症状", "!"], ["病情", "分析", ":", "你好", "这位朋友", ",", "根据", "你", "的", "描述", ",", "你", "可能", "是因为", "病毒", "引起", "的", "嘴唇", "肿胀", "。", "指导意见", ":", "根据", "这种情况", ",", "第", "一", "你", "应该", "注意", "调节", "饮食", "注意身体", "锻炼", "加强", "身体", "抗病能力", ",", "第", "二", "就是", "可以", "用", "一点", "抗病毒", "的", "外", "用", "药膏", "涂抹", "一", "下", "."], ["病情", "分析", ":", "你好", ",", "据", "你", "所述", "的", "情况", ",", "可能", "是", "过敏", "所致", "的", "局部", "肿胀", ",", "也", "可能", "是", "虫咬", "所致", ",", "应", "详细", "检查", "明确", "后", ",", "积极", "治疗", ",", "指导意见", ":", "日常", "应", "合理饮食", ",", "注意休息", ",", "避免", "不良", "刺激", ",", "过敏", "可", "应用", "扑尔敏", ",", "钙", "剂", ",", "维生素", "C", ",", "强的松", "等", "缓解", ",", "一般", "多", "可", "好转", ",", "具体", "应", "遵循", "临床医师", "的", "指导", ",", "以上", "供参考", ","], ["你", "这", "是", "唇", "风", "的", "症状", ",", "不可", "再", "吹风", "了", ",", "否则", "会", "很", "痒", ",", "渐渐", "会", "更加", "肿大", "!", "建议", "用", "盐水", "清洗", "一", "天", "2", "-", "3", "道", "可以", "消肿", "止痒", ",", "内服", "六味地黄丸", "可", "愈", "。", "唇", "风", "是", "秋季", "易发", "症状", "。", "是", "因", "风热", "湿", "邪", "外", "侵", ",", "或", "脾胃湿热", "内蕴", ",", "上", "蒸", "口", "唇", "所致", "。", "以", "口", "唇", "红肿", "、", "痛痒", ",", "日久", "破裂", "流水", ",", "或", "脱屑", "皮", "等", "症状", "!", "多", "因", "辛辣", "厚味", "太", "过", ",", "脾胃湿热", "内", "生", ",", "复", "受风", "邪", "侵袭", ";", "或", "脾气", "虚弱", ",", "外", "感", "燥热", ",", "致", "脾经", "血燥", ",", "熏", "灼", "唇", "口", "所", "发", "。", "一般", "唇", "风", "发", "为", "下唇", "此", "为", "风火", "湿热", "。", "若", "发", "为", "上唇", "则", "是", "风热", "偏重", "。", "以上", "是", "对", "“", "早上起来", "上", "嘴唇", "肿", "了", "”", "这个问题", "的", "建议", ",", "希望", "对", "您", "有", "帮助", ",", "祝您健康", "!"], ["醋酸泼尼松", "参考价格", ":", "5", "查看", "说明书"], ["注射", "用", "核", "黄", "参考价格", ":", "16", "查看", "说明书"], ["四维", "他", "胶囊", "参考价格", ":", "14", ".", "2", "查看", "说明书"], ["六味地黄丸", "滋阴", "补肾", "。", "用于", "肾阴", "亏损", ",", "头晕耳鸣", ",", "腰膝酸软", ",", "骨蒸", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "22"], ["马来酸", "氯苯那敏", "片", "本", "品", "适用于", "皮肤过敏", "症", ":", "荨麻疹", "、", "湿疹", "、", "皮炎", "、", "药疹", "、", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "5"], ["涨", "智齿", "脸", "肿", "了", "怎么办", "牙齿矫正", "最好", "是", "哪里", "什么", "水果", "缓解", "口角炎", "长", "智齿", "特别", "疼", "怎么办", "牙龈肿痛", "喝", "什么", "茶", "好", "长", "口腔溃疡", "吃什么", "药", "牙齿矫正", "后", "松动", "怎么办", "牙周炎", "吃什么", "中成", "药", "牙周炎", "吃什么", "食物", "好", "长", "智齿", "要", "多久", "才", "长", "好"], ["医生", "在线", "免费咨询"], ["看病", "男科", "妇科", "癫痫", "性病", "养生", "新闻", "白癫风", "牛皮癣"], ["就医", "疾病", "信息", "健康", "经验", "症状", "信息", "手术", "项目", "检查", "项目", "健康", "百科", "求医问药"], ["用药", "药品", "库", "疾病", "用药", "药品", "心得", "用药", "安全", "药品", "资讯", "用药", "方案", "品牌", "药企", "明星", "药品"], ["整形", "整形", "项目", "整形", "案例", "整形", "资讯", "整形医院", "减肥", "塑形", "眼部", "整形", "鼻部", "整形", "面部", "整形"], ["有问必答", "内科", "外科", "儿科", "药品", "遗传", "美容", "检查", "减肥", "中医科", "五官科", "传染科", "体检", "科", "妇产科", "肿瘤科", "康复科", "子女教育", "心理健康", "整形美容", "家居", "环境", "皮肤性病", "营养保健", "其他", "科室", "保健养生"], ["下载", "APP", ",", "免费", "快速", "问", "医生"]], "paragraphs": ["健康咨询描述: 凌晨,上嘴唇突然肿了,是什么病?早晨五六点钟,上嘴唇突然肿了,是什么病?之前有几次这样的情况,前天又发生了。每次都是多半天自动恢复。今天早晨发现下嘴唇的下面发僵。请问这是怎么回事?属于哪类病?", "这种情况考虑是神经性的,如果休息不好。或者睡觉的时候,头的位置过低。应该是神经性水肿,可以服用谷维素维生素b1调理。", "病情分析: 你好!如果你没有接触什么过敏的东西或者被什么虫子咬过的话,那你要考虑 指导意见: 治疗的话主要是抗过敏,有可能治愈后还是会复发的,具体的建议皮肤病防治院或正规医院的皮肤科就诊,确诊后在医生指导下积极治疗。", "病情分析: 你这是唇风的症状,不可再吹风了,否则会很痒,渐渐会更加肿大!建议用盐水清洗一天2-3道可以消肿止痒,内服六味地黄丸可愈。 指导意见: 唇风是秋季易发症状。是因风热湿邪外侵,或脾胃湿热内蕴,上蒸口唇所致。以口唇红肿、痛痒,日久破裂流水,或脱屑皮等症状!多因辛辣厚味太过,脾胃湿热内生,复受风邪侵袭;或脾气虚弱,外感燥热,致脾经血燥,熏灼唇口所发。 以上是对“早上起来上嘴唇肿了”这个问题的建议,希望对您有帮助,祝您健康!", "病情分析: 你这是唇风的症状,不可再吹风了,否则会很痒,渐渐会更加肿大!建议用盐水清洗一天2-3道可以消肿止痒,内服六味地黄丸可愈。 指导意见: 唇风是秋季易发症状。是因风热湿邪外侵,或脾胃湿热内蕴,上蒸口唇所致。以口唇红肿、痛痒,日久破裂流水,或脱屑皮等症状!", "病情分析: 你好这位朋友,根据你的描述,你可能是因为病毒引起的嘴唇肿胀。 指导意见: 根据这种情况,第一你应该注意调节饮食注意身体锻炼加强身体抗病能力,第二就是可以用一点抗病毒的外用药膏涂抹一下.", "病情分析: 你好,据你所述的情况,可能是过敏所致的局部肿胀,也可能是虫咬所致,应详细检查明确后,积极治疗, 指导意见: 日常应合理饮食,注意休息,避免不良刺激,过敏可应用扑尔敏,钙剂,维生素C,强的松等缓解,一般多可好转,具体应遵循临床医师的指导,以上供参考,", "你这是唇风的症状,不可再吹风了,否则会很痒,渐渐会更加肿大!建议用盐水清洗一天2-3道可以消肿止痒,内服六味地黄丸可愈。 唇风是秋季易发症状。是因风热湿邪外侵,或脾胃湿热内蕴,上蒸口唇所致。以口唇红肿、痛痒,日久破裂流水,或脱屑皮等症状! 多因辛辣厚味太过,脾胃湿热内生,复受风邪侵袭;或脾气虚弱,外感燥热,致脾经血燥,熏灼唇口所发。  一般唇风发为下唇此为风火湿热。若发为上唇则是风热偏重。  以上是对“早上起来上嘴唇肿了”这个问题的建议,希望对您有帮助,祝您健康!", "醋酸泼尼松  参考价格:5 查看说明书", "注射用核黄  参考价格:16 查看说明书", "四维他胶囊  参考价格:14.2 查看说明书", "六味地黄丸 滋阴补肾。用于肾阴亏损,头晕耳鸣,腰膝酸软,骨蒸...[说明书] 参考价格:¥22", "马来酸氯苯那敏片 本品适用于皮肤过敏症:荨麻疹、湿疹、皮炎、药疹、...[说明书] 参考价格:¥5", "涨智齿脸肿了怎么办 牙齿矫正最好是哪里 什么水果缓解口角炎 长智齿特别疼怎么办 牙龈肿痛喝什么茶好 长口腔溃疡吃什么药 牙齿矫正后松动怎么办 牙周炎吃什么中成药 牙周炎吃什么食物好 长智齿要多久才长好", "医生在线免费咨询", "看病 男科 妇科 癫痫 性病 养生 新闻 白癫风 牛皮癣", "就医 疾病信息 健康经验 症状信息 手术项目 检查项目 健康百科 求医问药", "用药 药品库 疾病用药 药品心得 用药安全 药品资讯 用药方案 品牌药企 明星药品", "整形 整形项目 整形案例 整形资讯 整形医院 减肥塑形 眼部整形 鼻部整形 面部整形", "有问必答 内科 外科 儿科 药品 遗传 美容 检查 减肥 中医科 五官科 传染科 体检科 妇产科 肿瘤科 康复科 子女教育 心理健康 整形美容 家居环境 皮肤性病 营养保健 其他科室 保健养生", "下载APP,免费快速问医生"], "bs_rank_pos": 1}, {"is_selected": true, "title": "嘴唇突然肿了是为什么啊_百度拇指医生", "most_related_para": 2, "segmented_title": ["嘴唇", "突然", "肿", "了", "是", "为什么", "啊", "_", "百度", "拇指", "医生"], "segmented_paragraphs": [["?", "嘴唇", "突然", "肿", "了", "是", "为什么", "啊"], ["吃", "过", "饭后", "不知道", "为什么", "嘴唇", "突然", "肿", "了", "没有", "吃", "很", "刺激", "的", "东西", "感觉", "嘴唇", "火辣辣", "的"], ["嘴唇", "无缘无故", "的", "肿", "了", "可能", "是", "血管", "神经性", "水肿", "(", "angioneurotice", "dema", ")", "。", "血管", "神经性", "水肿", "主要", "是", "局限", "于", "皮肤", "和", "皮下组织", "的", "过敏反应", ",", "可", "由", "药物", "变应性", ",", "昆虫", "螫", "咬", ",", "脱敏", "注射", "或", "进食", "某些", "食物", "(", "特别", "是", "鸡蛋", ",", "贝壳", ",", "果仁", ")", "引起", "。", "为", "一", "种", "暂时", "性", "、", "局限性", "、", "无痛", "性", "的", "皮下", "或", "粘膜", "下", "水肿", "。", "病因", "主要", "为", "异种", "蛋白", "或", "药物", "引起", "的", "I", "型", "变态反应", "所致", "。", "【", "诊断", "要点", "】", "①", "好", "发", "于", "口", "唇", "周围", "的", "疏松", "结缔组织", ",", "上唇", "多于", "下唇", "。", "②", "肿胀", "发展迅速", ",", "一", "船", "在", "10", "多", "分钟", "内", "已", "明显", ",", "水肿", "区", "光亮", "、", "潮红", ",", "无痛", "而", "有", "胀", "感", ",", "灼热", "、", "搔痒", "感", "。", "肿胀", "持续", "数", "小时", "或", "1", "~", "2", "日", "可", "消退", "。", "③", "水肿", "以上", "唇", "最多", "见", ",", "表现", "为", "上唇", "肥厚", "翘", "突", ",", "或者", "局限", "于", "上唇", "-", "鼻翼", "区", "。", "若", "舌", "、", "腭", "发生", ",", "可", "引起", "暂时", "性", "语言", "、", "进食", "等", "障碍", "。", "严重", "的", "水肿", "可", "扩散", "至", "口", "底", "及", "咽喉", "部", ",", "引起", "呼吸", "障碍", "。", "【", "治疗", "原则", "】", "①", "迅速", "找出", "和", "除去", "过敏", "源", "。", "②", "唇", "部", "涂", "用", "炉甘石洗剂", "护肤", "止痒", "。", "③", "应用", "抗", "组胺", "药物", ",", "必要时", "使用", "皮质", "类固醇", "。", "④", "注意", "扩散", "至", "口", "咽", "部", "引起", "呼吸困难", "病例", ",", "必要时", "作", "预防", "性", "气管切开术", "。"], ["首先", "你", "对", "吃", "的", "东西", "有", "过敏", "么", "/", "还有", "在这之前", "是否", "接触", "过", "可以", "引起", "过敏", "的", "介质", ".", "用", "毛巾", "把", "冰", "包", "起来", "敷", "十五", "分钟", ".", "看看", "效果", "。", "不行", "再", "去", "医院", "看", "下吧", ",", "这样", "放心", "。", "曾经", "患", "有", "鼻炎", "么", ",", "是", "过敏", "体制", "么", ".", "这", "都", "很重要", "."], ["你", "是不是", "吃", "了", "引起", "过敏", "的", "事物", "啊", "?", "以后", "要", "注意", "不能吃", "了", ",", "严重", "的", "会引起", "全身", "皮疹", "水肿", "和", "喉头水肿", ",", "引起", "呼吸困难", "致命", "的", "。", "你", "最好", "要", "去", "医院", "查", "一", "下", "以便", "确诊", "。"], ["可能", "是", "上火", "了", ",", "我", "也", "常", "这样", "。", "注意", "点", "饮食", "就好", "了"]], "paragraphs": ["?嘴唇突然肿了是为什么啊", "吃过饭后不知道为什么嘴唇突然肿了没有吃很刺激的东西感觉嘴唇火辣辣的", "嘴唇无缘无故的肿了可能是血管神经性水肿(angioneuroticedema)。血管神经性水肿主要是局限于皮肤和皮下组织的过敏反应,可由药物变应性,昆虫螫咬,脱敏注射或进食某些食物(特别是鸡蛋,贝壳,果仁)引起。 为一种暂时性、局限性、无痛性的皮下或粘膜下水肿。病因主要为异种蛋白或药物引起的I型变态反应所致。【诊断要点】①好发于口唇周围的疏松结缔组织,上唇多于下唇。②肿胀发展迅速,一船在10多分钟内已明显,水肿区光亮、潮红,无痛而有胀感,灼热、搔痒感。肿胀持续数小时或1~2日可消退。③水肿以上唇最多见,表现为上唇肥厚翘突,或者局限于上唇-鼻翼区。若舌、腭发生,可引起暂时性语言、进食等障碍。严重的水肿可扩散至口底及咽喉部,引起呼吸障碍。【治疗原则】①迅速找出和除去过敏源。②唇部涂用炉甘石洗剂护肤止痒。③应用抗组胺药物,必要时使用皮质类固醇。④注意扩散至口咽部引起呼吸困难病例,必要时作预防性气管切开术。", "首先你对吃的东西有过敏么/还有在这之前是否接触过可以引起过敏的介质.用毛巾把冰包起来敷十五分钟.看看效果。不行再去医院看下吧,这样放心。曾经患有鼻炎么,是过敏体制么.这都很重要.", "你是不是吃了引起过敏的事物啊?以后要注意不能吃了,严重的会引起全身皮疹水肿和喉头水肿,引起呼吸困难致命的。你最好要去医院查一下以便确诊。", "可能是上火了,我也常这样。注意点饮食就好了"], "bs_rank_pos": 2}, {"is_selected": false, "title": "吓哭!嘴唇变香肠嘴!这是肿么了?!-健康频道-手机搜狐", "most_related_para": 4, "segmented_title": ["吓哭", "!", "嘴唇", "变", "香肠嘴", "!", "这", "是", "肿", "么", "了", "?", "!", "-", "健康频道", "-", "手机", "搜狐"], "segmented_paragraphs": [["妹子", "们", "都", "想要", "一", "张", "樱桃", "小", "嘴", ",", "小巧", "可人", "。", "可", "、", "可是", "为什么", "我", "嘴巴", "开始", "肿", "起来", "了", ",", "又", "红", "有", "厚", ",", "像", "个", "香肠嘴", "。", "呜呜呜", ",", "同事", "见", "了", "我", "都", "在", "笑", ",", "都", "不能", "出去", "见", "人", "了", "!"], ["嘴唇", "肿", "还", "真", "是", "一", "个", "大", "烦恼", ",", "连", "出门", "的", "心思", "都", "没有了", ",", "就算", "出", "也", "要", "戴口罩", ",", "你", "是否", "有", "过", "这样", "的", "经历", "呢", "?", "有", "的", "唇", "肿", "过几天", "就", "自然", "消退", ",", "有", "的", "却", "死皮赖脸", "地", "赖", "在", "嘴唇", "上", ",", "越来越", "肿", ",", "还", "痒", "。", "这下", "可", "愁", "死人", "了", "。"], ["情侣", "必备", "的", "靠谱", "酒店预订", "神器", "广告"], ["引起", "唇", "肿", "的", "原因", "有", "哪些", "?", "看", "这里", "~"], ["1", "、", "上火", "了", "。", "平时", "不", "注意", "饮食", ",", "大", "堆", "麻烦", "来", "找", "你", "!", "如果", "过", "多", "食用", "辛辣", "、", "油炸", "类", "食物", "而又", "不", "注意", "清", "毒", ",", "很容易", "导致", "内分泌", "紊乱", "而", "引起", "上火", "。", "不仅", "脸上", "容易", "长", "痘痘", ",", "嗓子", "疼", ",", "烂", "嘴角", ",", "嘴唇", "也", "会", "变", "肿", "!", "温馨", "建议", ":", "多", "喝", "点", "下", "火", "茶", ",", "饮食", "要", "清淡", ",", "上火", "了", "还是", "少", "吃", "些", "辛辣", "刺激性", "食物", "吧", "。", "也", "可用", "淡", "盐水", "漱口", ",", "保持", "口腔卫生", "。", "2", "、", "天气", "原因", "。", "秋冬", "季节", "因为", "干燥", "缺水", ",", "嘴", "肿", "的", "现象", "会", "比较", "频繁", "。", "但", "由于", "春天", "天气", "多", "变", ",", "时", "冷", "时", "干燥", ",", "人", "的", "嘴唇", "也", "会", "变得", "敏感", ",", "这", "时候", "如果", "总是", "舔", "嘴唇", ",", "越", "舔", "越", "干", ",", "最后", "周围", "皮肤", "会", "变", "粗糙", ",", "嘴唇", "也", "变得", "潮红", "肿胀", "。", "温馨", "建议", ":", "小不忍则乱大谋", "!", "缺水", "的", "话", "多喝水", "就好", ",", "忍住", ",", "不要", "频繁", "舔舐", "、", "咬", "嘴唇", "。", "实在", "忍不住", ",", "掏出", "护", "唇膏", "涂", "一", "下", ",", "也", "可以", "炖", "些", "雪梨", "甜汤", "喝", ",", "防止", "嘴唇干燥", "。", "平时", "多", "吃", "些", "水果蔬菜", ",", "补充维生素", "。", "3", "、", "血管", "神经性", "水肿", "。", "是", "局限", "于", "皮肤", "和", "皮下组织", "的", "过敏反应", ",", "好", "发", "于", "上唇", "。", "症状", "为", "局部", "肿胀", "明显", ",", "感觉", "有", "轻微", "瘙痒", "、", "灼热", "和", "不适", "的", "异样", "感", "。", "可", "由", "药物", "、", "食物", "如", "鱼", "、", "虾", "、", "蟹", "、", "动物", "皮屑", "、", "羽毛", "、", "蚊虫叮咬", "、", "日光", "等", "引起", "。", "温馨", "建议", ":", "回忆", "下", "前", "天", "是否", "有", "吃", "过", "什么", "引起", "过敏", "的", "食物", "或", "去", "做", "个", "检查", "明确", "过敏原", ",", "进行", "脱离", "避免", "接触", "。", "此外", "可", "口服", "抗过敏药", ",", "如", "扑尔敏", "、", "开瑞坦", "、", "维生素", "C", "等", ",", "多喝水", ",", "忌", "吃", "辛辣", "肥", "腻", "海鲜", "类", "食物", "。", "但", "若", "肿胀", "厉害", "影响", "呼吸", ",", "需", "及时", "前往", "医院", "进行", "治疗", "!", "4", "、", "唇炎", "。", "多发", "于", "下唇", ",", "也有", "发生", "在", "上唇", "的", "患者", "。", "具体表现", "为", "嘴唇", "红肿", "、", "皲裂", "、", "脱屑", "和", "糜烂", "。", "寒冷", "干燥", "的", "天气", "、", "较", "长", "的", "日光", "曝晒", "、", "平时", "嗜好", "烟酒", "或", "过", "食", "辛辣", "食物", "、", "舐", "唇", "、", "营养", "不", "均衡", "、", "免疫力", "过低", "等", "因素", "都", "有", "可能", "引起", "唇炎", "。", "温馨", "建议", ":", "尽量避免", "风", "吹", "、", "日晒", "或", "寒冷", "刺激", ",", "烟酒", "什么", "的", "该", "戒", "就", "狠", "下", "心", "来", "戒了吧", "。", "时刻", "提醒", "自己", "不要", "舔", "咬", "嘴唇", ",", "清淡", "饮食", "。", "可以", "用", "3", "%", "的", "生理盐水", "或是", "其他", "抗菌", "的", "药水", "湿敷", ",", "然后", "涂抹", "抗生素", "软膏", "或是", "皮质", "激素", "类", "软膏", "。"], ["健", "客", "网", "专稿", ",", "转载", "请", "注明", "健", "客", "网", "。"], ["更多", "原创", "资讯", ",", "请", "关注", "官方", "微信", "服务", "号", ":", "健", "客", "网", "健康", "问诊", "(", "jk", "-", "zixun", ")", "!"]], "paragraphs": ["妹子们都想要一张樱桃小嘴,小巧可人。可、可是为什么我嘴巴开始肿起来了,又红有厚,像个香肠嘴。呜呜呜,同事见了我都在笑,都不能出去见人了!", "嘴唇肿还真是一个大烦恼,连出门的心思都没有了,就算出也要戴口罩,你是否有过这样的经历呢?有的唇肿过几天就自然消退,有的却死皮赖脸地赖在嘴唇上,越来越肿,还痒。这下可愁死人了。", "情侣必备的靠谱酒店预订神器 广告", "引起唇肿的原因有哪些?看这里~", "1、上火了。平时不注意饮食,大堆麻烦来找你!如果过多食用辛辣、油炸类食物而又不注意清毒,很容易导致内分泌紊乱而引起上火。不仅脸上容易长痘痘,嗓子疼,烂嘴角,嘴唇也会变肿! 温馨建议:多喝点下火茶,饮食要清淡,上火了还是少吃些辛辣刺激性食物吧。也可用淡盐水漱口,保持口腔卫生。 2、天气原因。秋冬季节因为干燥缺水,嘴肿的现象会比较频繁。但由于春天天气多变,时冷时干燥,人的嘴唇也会变得敏感,这时候如果总是舔嘴唇,越舔越干,最后周围皮肤会变粗糙,嘴唇也变得潮红肿胀。 温馨建议:小不忍则乱大谋!缺水的话多喝水就好,忍住,不要频繁舔舐、咬嘴唇。实在忍不住,掏出护唇膏涂一下,也可以炖些雪梨甜汤喝,防止嘴唇干燥。平时多吃些水果蔬菜,补充维生素。3、血管神经性水肿。是局限于皮肤和皮下组织的过敏反应,好发于上唇。症状为局部肿胀明显,感觉有轻微瘙痒、灼热和不适的异样感。可由药物、食物如鱼、虾、蟹、动物皮屑、羽毛、蚊虫叮咬、日光等引起。 温馨建议:回忆下前天是否有吃过什么引起过敏的食物或去做个检查明确过敏原,进行脱离避免接触。此外可口服抗过敏药,如扑尔敏、开瑞坦、维生素C等,多喝水,忌吃辛辣肥腻海鲜类食物。但若肿胀厉害影响呼吸,需及时前往医院进行治疗! 4、唇炎。多发于下唇,也有发生在上唇的患者。具体表现为嘴唇红肿、皲裂、脱屑和糜烂。寒冷干燥的天气、较长的日光曝晒、平时嗜好烟酒或过食辛辣食物、舐唇、营养不均衡、免疫力过低等因素都有可能引起唇炎。温馨建议:尽量避免风吹、日晒或寒冷刺激,烟酒什么的该戒就狠下心来戒了吧。时刻提醒自己不要舔咬嘴唇,清淡饮食。可以用3%的生理盐水或是其他抗菌的药水湿敷,然后涂抹抗生素软膏或是皮质激素类软膏。", "健客网专稿,转载请注明健客网。", "更多原创资讯,请关注官方微信服务号:健客网健康问诊(jk-zixun)!"], "bs_rank_pos": 3}, {"is_selected": false, "title": "上嘴唇肿了怎么办_百度经验", "most_related_para": 8, "segmented_title": ["上", "嘴唇", "肿", "了", "怎么办", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "健康", "/", "养生", ">", "保健养生"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["上火", "准确", "的", "来", "说", "是", "有风", "的", "缘故", ",", "是", "风热", "上行", "!", "叫做", "唇", "风", "。", "可能会", "很", "痒", "!", "是", "因", "风热", "湿", "邪", "外", "侵", ",", "或", "脾胃湿热", "内蕴", ",", "上", "蒸", "口", "唇", "所致", "。", "以", "口", "唇", "红肿", "、", "痛痒", ",", "日久", "破裂", "流水", ",", "或", "脱屑", "皮", "等", "症状", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["一", "小碗", "温", "盐水", "或是", "一", "小碗", "生理盐水", "六味地黄丸", ",", "一", "小碗", "干", "薄荷", "一", "口", "干净", "的", "锅", ",", "一", "大碗", "水"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "锅", "内", "倒入", "大碗", "的", "水", ",", "开火", "煮沸", "锅", "里", "的", "水", "再", "倒入", "干", "薄荷", ",", "煮沸", "后", "拌", "一", "下", "锅", "里", "的", "干", "薄荷", ",", "五分钟", "左右", "后", "关", "火", ",", "然后", "将", "干", "薄荷", "和", "汤", "倒入", "大碗", "内", "。", "这时", "你", "可以", "用", "温", "盐水", "或是", "生理盐水", "清洗", "嘴唇", ",", "要", "多次", "的", "反复", "清洗", "嘴唇", ",", "当", "大碗", "中", "的", "干", "薄荷", "冷", "得", "差不多", "的", "时候", ",", "可以", "将", "干", "薄荷", "吃", "了", ",", "汤", "要", "配合", "六味地黄丸", "的", "说明书", "按量", "内服", "。", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["一般", "唇", "风", "发", "为", "下唇", "此", "为", "风火", "湿热", "。", "若", "发", "为", "上唇", "则", "是", "风热", "偏重", "。", "故", "而", "在", "发病", "时", "一定", "不能", "再", "吹风", "否则", "肿大", "不消", "。", "切记", "!", "!", "!", "薄荷", "分为", "水", "薄荷", "和", "干", "薄荷", ",", "长", "得", "都是", "一模一样", ",", "用药", "时", "最好", "用", "干", "薄荷", ",", "干", "薄荷", "的", "味道", "比", "水", "薄荷", "的", "浓", "。", "平常", "多", "用", "生理盐水", "常", "漱口", ",", "日常", "生活", "中", "多", "吃", "些", "清淡", "的", "食物", ",", "特别", "像", "白花", "苦菜", "或是", "蒲公英", "这", "类", "野菜", ",", "也", "可以", "将", "野菜", "晒干", "当", "茶", "喝", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["如何", "吃火锅", "才", "不会", "上火", "巧", "用", "生姜", "与", "大冲", "治", "小", "感冒"]], "paragraphs": ["百度经验 > 健康/养生 > 保健养生", "百度经验:jingyan.baidu.com", "上火准确的来说是有风的缘故,是风热上行!叫做唇风。可能会很痒!是因风热湿邪外侵,或脾胃湿热内蕴,上蒸口唇所致。以口唇红肿、痛痒,日久破裂流水,或脱屑皮等症状!", "百度经验:jingyan.baidu.com", "一小碗温盐水或是一小碗生理盐水 六味地黄丸,一小碗干薄荷 一口干净的锅,一大碗水", "百度经验:jingyan.baidu.com", "1 锅内倒入大碗的水,开火煮沸锅里的水再倒入干薄荷,煮沸后拌一下锅里的干薄荷,五分钟左右后关火,然后将干薄荷和汤倒入大碗内。这时你可以用温盐水或是生理盐水清洗嘴唇,要多次的反复清洗嘴唇,当大碗中的干薄荷冷得差不多的时候,可以将干薄荷吃了,汤要配合六味地黄丸的说明书按量内服。 END", "百度经验:jingyan.baidu.com", "一般唇风发为下唇此为风火湿热。若发为上唇则是风热偏重。故而在发病时一定不能再吹风否则肿大不消。切记!!! 薄荷分为水薄荷和干薄荷,长得都是一模一样,用药时最好用干薄荷,干薄荷的味道比水薄荷的浓。 平常多用生理盐水常漱口,日常生活中多吃些清淡的食物,特别像白花苦菜或是蒲公英这类野菜,也可以将野菜晒干当茶喝。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "如何吃火锅才不会上火 巧用生姜与大冲治小感冒"], "bs_rank_pos": 4}], "answer_spans": [[0, 84]], "fake_answers": ["嘴唇无缘无故的肿了可能是血管神经性水肿(angioneuroticedema)。血管神经性水肿主要是局限于皮肤和皮下组织的过敏反应,可由药物变应性,昆虫螫咬,脱敏注射或进食某些食物(特别是鸡蛋,贝壳,果仁)引起。为一种暂时性、局限性、无痛性的皮下或粘膜下水肿。病因主要为异种蛋白或药物引起的I型变态反应所致。"], "question": "嘴唇肿了", "segmented_answers": [["突然", "出现", "得", "嘴唇", "肿胀", "一般", "是因为", "过敏", "而", "造成", "的", ".", "过敏性", "唇炎", "的", "原因", ":", "口", "唇", "是", "人体", "皮肤", "和", "粘膜", "交界", "的", "部位", ",", "地方", "不大", ",", "可", "发生", "的", "疾病", "却", "不", "简单", "。", "最", "常见", "的", "口", "唇", "疾病", "就是", "唇炎", ",", "口", "唇", "出现", "肿胀", "、", "疼痛", "或", "糜烂", "等", "症状", ",", "临床", "上", "唇炎", "分", "很多", "种", ",", "如", "过敏性", "唇炎", "、", "光", "线性", "唇炎", "、", "剥脱性唇炎", "、", "腺", "性", "唇炎", "、", "肉芽肿性唇炎", "和", "浆细胞", "性", "唇炎", "等", ",", "但", "有", "明确", "病因", "的", "只有", "前", "两种", ",", "有些", "还没有", "明确", "的", "病因", "。", "但是", "通过观察", ",", "总", "能", "发现", "一些", "与其", "发病", "有关", "或", "能", "诱发", "加重", "病情", "的", "因素", ",", "分别", "是", "过敏反应", "、", "机械", "刺激", "、", "感染", "因素", "、", "营养缺乏", "、", "遗传因素", "。", "过敏性", "唇炎", "的", "症状", ":", "过敏性", "唇炎", "是", "由于", "口", "唇", "或", "其", "周围", "的", "皮肤", "接触", "到", "了", "某些", "刺激物", "而", "引起", "的", ",", "在", "接触", "后", "数", "小时", "或", "数", "日内", "发病", ",", "可", "出现", "唇", "粘膜", "肿胀", "、", "水疱", ",", "甚至", "糜烂", "结痂", ",", "感染", "化脓", "形成", "溃疡", ",", "影响", "进食", "和", "说话", "。", "过敏性", "唇炎", "的", "治疗", ":", "中医", "认为", "口", "唇", "与", "脾胃", "关系密切", ",", "脾胃", "发病", "常", "反映", "于", "口", "唇", ",", "相反", "口", "唇", "的", "异常", "也", "多", "反映", "了", "脾胃", "的", "功能", "失调", ",", "治疗", "唇炎", "当", "从", "脾胃", "入手", "。"], ["这", "是", "唇", "风", "的", "症状", ",", "不可", "再", "吹风", "了", ",", "否则", "会", "很", "痒", ",", "渐渐", "会", "更加", "肿大", "!", "建议", "用", "盐水", "清洗", "一", "天", "2", "-", "3", "道", "可以", "消肿", "止痒", ",", "内服", "六味地黄丸", "可", "愈", "。"], ["嘴唇", "无缘无故", "的", "肿", "了", "可能", "是", "血管", "神经性", "水肿", "。", "血管", "神经性", "水肿", "主要", "是", "局限", "于", "皮肤", "和", "皮下组织", "的", "过敏反应", ",", "可", "由", "药物", "变应性", ",", "昆虫", "螫", "咬", ",", "脱敏", "注射", "或", "进食", "某些", "食物", "(", "特别", "是", "鸡蛋", ",", "贝壳", ",", "果仁", ")", "引起", "。", "为", "一", "种", "暂时", "性", "、", "局限性", "、", "无痛", "性", "的", "皮下", "或", "粘膜", "下", "水肿", "。", "病因", "主要", "为", "异种", "蛋白", "或", "药物", "引起", "的", "I", "型", "变态反应", "所致", "。"]], "answers": ["突然出现得嘴唇肿胀一般是因为过敏而造成的.过敏性唇炎的原因:口唇是人体皮肤和粘膜交界的部位,地方不大,可发生的疾病却不简单。最常见的口唇疾病就是唇炎,口唇出现肿胀、疼痛或糜烂等症状,临床上唇炎分很多种,如过敏性唇炎、光线性唇炎、剥脱性唇炎、腺性唇炎、肉芽肿性唇炎和浆细胞性唇炎等,但有明确病因的只有前两种,有些还没有明确的病因。但是通过观察,总能发现一些与其发病有关或能诱发加重病情的因素,分别是过敏反应、机械刺激、感染因素、营养缺乏、遗传因素。过敏性唇炎的症状:过敏性唇炎是由于口唇或其周围的皮肤接触到了某些刺激物而引起的,在接触后数小时或数日内发病,可出现唇粘膜肿胀、水疱,甚至糜烂结痂,感染化脓形成溃疡,影响进食和说话。过敏性唇炎的治疗:中医认为口唇与脾胃关系密切,脾胃发病常反映于口唇,相反口唇的异常也多反映了脾胃的功能失调,治疗唇炎当从脾胃入手。", "这是唇风的症状,不可再吹风了,否则会很痒,渐渐会更加肿大!建议用盐水清洗一天2-3道可以消肿止痒,内服六味地黄丸可愈。", "嘴唇无缘无故的肿了可能是血管神经性水肿。血管神经性水肿主要是局限于皮肤和皮下组织的过敏反应,可由药物变应性,昆虫螫咬,脱敏注射或进食某些食物(特别是鸡蛋,贝壳,果仁)引起。为一种暂时性、局限性、无痛性的皮下或粘膜下水肿。病因主要为异种蛋白或药物引起的I型变态反应所致。"], "answer_docs": [2], "segmented_question": ["嘴唇", "肿", "了"], "question_type": "DESCRIPTION", "question_id": 91185, "fact_or_opinion": "OPINION", "match_scores": [0.9759036144578312]}
-{"documents": [{"is_selected": false, "title": "梦幻西游手游五行村之危1-3环攻略__一游网", "most_related_para": 0, "segmented_title": ["梦幻西游", "手游", "五行", "村", "之", "危", "1", "-", "3", "环", "攻略", "_", "_", "一", "游", "网"], "segmented_paragraphs": [["梦幻西游", "手游", "五行", "村", "之", "危", "1", "-", "3", "环", "攻略"]], "paragraphs": ["梦幻西游手游五行村之危1-3环攻略"], "bs_rank_pos": 0}, {"is_selected": false, "title": "梦幻西游手游五行村之危地狱难度攻略_18183梦幻西游手游专区", "most_related_para": 0, "segmented_title": ["梦幻西游", "手游", "五行", "村", "之", "危", "地狱", "难度", "攻略", "_", "18183", "梦幻西游", "手游", "专区"], "segmented_paragraphs": [["梦幻西游", "手游", "新", "的", "神器", "任务", "“", "五行", "村", "之", "危", "”", "很", "有", "挑战", "难度", ",", "特别", "是", "地狱", "难度", "。", "下面", "小", "编", "为", "大家", "带来", "五行", "村", "之", "危", "地狱", "难度", "的", "攻略", ",", "看完之后", ",", "普通", "和", "困难", "的", "也", "能", "轻松", "打", "过", "。"]], "paragraphs": ["梦幻西游手游新的神器任务“五行村之危”很有挑战难度,特别是地狱难度。下面小编为大家带来五行村之危地狱难度的攻略,看完之后,普通和困难的也能轻松打过。"], "bs_rank_pos": 1}, {"is_selected": true, "title": "梦幻西游手游五行村之危任务攻略 五行村之危怎么做_梦幻西游_小皮", "most_related_para": 3, "segmented_title": ["梦幻西游", "手游", "五行", "村", "之", "危", "任务攻略", "五行", "村", "之", "危", "怎么", "做", "_", "梦幻西游", "_", "小", "皮"], "segmented_paragraphs": [["当前位置", ":", "首页", ">", "梦幻西游", ">", "梦幻西游", "手游", "五行", "村", "之", "危", "任务攻略", "五行", "村", "之", "危", "怎么", "做"], ["梦幻西游", "手游", "五行", "村", "之", "危", "是", "最新", "推出", "的", "神器", "任务", ",", "那么", "而", "这个", "五行", "村", "之", "危", "该", "则", "呢", "么", "做", "呢", "?", "下面", ",", "小", "编", "就", "为", "大家", "带来", "梦幻西游", "手游", "五行", "村", "之", "危", "任务攻略", ",", "一起来", "看看", "吧", "。"], ["五行", "村", "之", "危", "和", "以前", "的", "神器", "任务", "一样", ",", "也是", "分为", "普通", "、", "困难", "、", "地狱", "三种", "难度", ",", "挑战", "难度", "越", "高", ",", "奖励", "越", "多", ",", "等级", "达到", "80", "级", "且", "三人", "以上", "组队", ",", "就", "可以", "去", "凌霄", "宝", "殿", "找", "杨戬", "领取", "任务", "了", "。"], ["1", "、", "传说", "中", "的", "凤凰", "这", "是", "五行", "村", "之", "危", "的", "第", "一", "环", ",", "需要", "玩家", "击败", "火凤", "之", "灵", "。", "在", "五行", "村", "周围", "有很多", "火凤", "之", "灵", ",", "不同", "的", "火凤", "之", "灵", "拥有", "不同", "的", "技能", ",", "玩家", "在", "击败", "火凤", "之", "灵", "后", ",", "可以", "在", "挑战", "BOSS", "时", "获得", "对应", "的", "技能", "。", "这一关", "没", "什么", "难度", ",", "只要", "击", "杀", "5", "个", "火凤", "之", "灵", ",", "就", "可以", "轻松过关", "了", "。", "2", "、", "集合", "火凤", "之", "灵", "这", "一", "环", "不需要", "战斗", ",", "只", "需要", "将", "集合", "火凤", "之", "灵", "收集", "到", "地图", "中间", "的", "熔炼", "池", "即可", "。", "不过", "因为", "火凤", "之", "灵", "能量", "异常", "强大", ",", "所以", "不能", "通过", "一般", "的", "方式", "收集", "。", "成功", "拾取", "火凤", "之", "灵", "的", "玩家", "将", "无法", "移动", ",", "只有", "通过", "方向键", "传送", "给", "其他人", ",", "点击", "方向键", "后", ",", "火凤", "之", "灵", "会", "飞出去", ",", "另外", "一个人", "可以", "接住", ",", "然后通过", "队友", "的", "协作", "最终", "将", "火凤", "之", "灵", "收集", "到", "地图", "中间", "的", "熔炼", "池", "中", "。", "3", "、", "击败", "陆元竹", "第", "三环", "也", "分为", "三个阶段", ",", "陆元竹", "每隔", "一定", "回合", "都会", "召唤", "几", "只", "火凤", "之", "源", ",", "击败", "火凤", "之", "源", "后", "可以获得", "激活", "凤凰", "的", "能量", ",", "能量", "满", "了", "就", "可以", "激活", "强大", "的", "凤凰", "。", "同样", "的", ",", "陆元竹", "也", "可以", "通过", "同样", "的", "方法", "激活", "强大", "凤凰", ",", "所以", "就", "看", "你们", "谁", "能", "获得", "胜利", "了", "!", "以上", "就是", "小", "编", "为", "大家", "带来", "的", "梦幻西游", "手游", "五行", "村", "之", "危", "任务攻略", ",", "希望", "对", "大家", "有所帮助", "。", "更多", "有关", "梦幻西游", "手游", "的", "最新资讯", ",", "敬", "请", "继续", "关注", "小", "皮", "手游", "网", "。"], ["类型", ":", "角色扮演"], ["评分", ":", "分"], ["QQ", "群", ":"]], "paragraphs": ["当前位置:首页 > 梦幻西游 > 梦幻西游手游五行村之危任务攻略 五行村之危怎么做", "梦幻西游手游五行村之危是最新推出的神器任务,那么而这个五行村之危该则呢么做呢?下面,小编就为大家带来梦幻西游手游五行村之危任务攻略,一起来看看吧。", "五行村之危和以前的神器任务一样,也是分为普通、困难、地狱三种难度,挑战难度越高,奖励越多,等级达到80级且三人以上组队,就可以去凌霄宝殿找杨戬领取任务了。", "1、传说中的凤凰 这是五行村之危的第一环,需要玩家击败火凤之灵。在五行村周围有很多火凤之灵,不同的火凤之灵拥有不同的技能,玩家在击败火凤之灵后,可以在挑战BOSS时获得对应的技能。 这一关没什么难度,只要击杀5个火凤之灵,就可以轻松过关了。 2、集合火凤之灵 这一环不需要战斗,只需要将集合火凤之灵收集到地图中间的熔炼池即可。不过因为火凤之灵能量异常强大,所以不能通过一般的方式收集。 成功拾取火凤之灵的玩家将无法移动,只有通过方向键传送给其他人,点击方向键后,火凤之灵会飞出去,另外一个人可以接住,然后通过队友的协作最终将火凤之灵收集到地图中间的熔炼池中。 3、击败陆元竹 第三环也分为三个阶段,陆元竹每隔一定回合都会召唤几只火凤之源,击败火凤之源后可以获得激活凤凰的能量,能量满了就可以激活强大的凤凰。同样的,陆元竹也可以通过同样的方法激活强大凤凰,所以就看你们谁能获得胜利了! 以上就是小编为大家带来的梦幻西游手游五行村之危任务攻略,希望对大家有所帮助。更多有关梦幻西游手游的最新资讯,敬请继续关注小皮手游网。", "类型:角色扮演", "评分:分", "QQ 群:"], "bs_rank_pos": 2}, {"is_selected": false, "title": "梦幻西游手游五行村之危地狱难度通关攻略_72G梦幻西游手游专区", "most_related_para": 30, "segmented_title": ["梦幻西游", "手游", "五行", "村", "之", "危", "地狱", "难度", "通关", "攻略", "_", "72G", "梦幻西游", "手游", "专区"], "segmented_paragraphs": [["梦幻西游", "手游", "五行", "村", "之", "危", "这个", "新", "出", "的", "神器", "任务", ",", "简单", "难度", "的", "关卡", "一般", "玩家", "都", "能", "通过", ",", "但是", "想要", "通关", "地狱", "级别", "是", "非常", "困难", "的", ",", "为了", "帮助", "一些", "还没有", "通关", "五行", "村", "之", "危", "地狱", "难度", "的", "玩家", "能", "顺利", "通关", ",", "下面", "小", "编", "就", "为", "玩家", "们", "带来", "梦幻西游", "手游", "五行", "村", "之", "危", "攻略", "。"], ["队伍", "配置"], ["开荒", "直接", "打的", "地狱", "难度", ",", "保守", "起", "见", "配", "的", "4", "辅助", "1", "输出", ",", "属性", "特技", "基本", "全", "满", ",", "之后", "发现", "第", "三", "关", "打", "不过", ",", "跟", "主", "怪", "抢", "不过", "泡泡", ",", "后面", "会", "讲到", "。"], ["之后", "就", "换", "多", "一", "位", "输出", ",", "在", "重新", "配置", "火凤", "之", "灵", "。"], ["这里", "任务", "剧情", "不", "细", "说", ",", "任务", "第", "一", "关", "需要", "战胜", "5", "个", "火凤", "之", "灵", "。", "场", "内", "共有", "11", "只", "不同", "属性", "加成", "的", "火凤", "之", "灵", ",", "每", "战胜", "一只", "即可", "收集", "对应", "火凤", "属性", ",", "在", "第", "三", "关", "的", "时候", "会", "用", "到", "。"], ["11", "种", "不同", "火凤", "之", "灵", "的", "属性", "如", "下"], ["封印", "目标", ",", "持续", "3", "回合", ",", "100", "%", "命中"], ["增加", "法术", "防御", "和", "物理防御"], ["增加", "法术", "伤害"], ["增加", "物理", "伤害"], ["每", "回合", "恢复", "一定", "生命值"], ["全体成员", "回复", "一定", "生命值", ",", "目标", "回复", "量", "翻倍"], ["友", "方", "全体", "增加", "一", "个", "保护", "效果", ",", "有限", "吸收", "受到", "的", "伤害", ",", "持续", "3", "回合"], ["嘲讽", "目标", ",", "让", "目标", "所有", "技能", "都", "对", "自己", "释放", ",", "持续", "3", "回"], ["放", "出", "15", "道", "闪电", ",", "随机", "攻击", "场上", "所有", "敌人", ",", "每个", "敌人", "最多", "承受", "4", "道", "闪电"], ["所有", "的", "状态", "都", "试", "过", ",", "小", "编", "再三", "斟酌", ",", "选取", "如", "下", "5", "个", "状态", "来", "进行", "组合", ":", "大慈大悲", "、", "魔力", "之", "灵", "、", "耐力", "之", "灵", "、", "雷霆万钧", "、", "恢复", "之", "灵", "。"], ["第", "三", "关", "的", "第三阶段", ",", "主", "怪", "群", "秒", "的", "伤害", "会", "越来越高", ",", "小", "编", "这里", "推荐", "必", "带", "大慈大悲", ",", "雷霆万钧", "在", "第", "三", "关", "第一阶段", "伤害", "不足", "的", "时候", "用来", "清场", "使用", ",", "至于", "别", "的", "就", "看", "队伍", "配置", ",", "详细", "的", "下边", "会", "说", "到", "。"], ["火凤", "之", "灵", "的", "打法"], ["虽然", "是", "地狱", "难度", ",", "但是", "小怪", "的", "血", "并", "不是", "很高", "没有", "感知", ",", "不同", "的", "火凤", "之", "灵", ",", "怪物", "的", "技能", "跟", "难度", "也", "不一样", ",", "像", "耐力", "之", "灵", ",", "凤凰", "护", "体", "这些", "都", "比较", "容易", "获取", ",", "会", "有", "较多", "普陀", "跟", "方寸", "怪", ",", "而", "怪", "并", "不会", "躺尸", "是", "直接", "飞", "出", "场外", ",", "怪物", "会", "使用", "各种", "特技", ",", "如", "水清", "诀", "、", "破碎", "无双", "、", "笑里藏刀", "等", "技能", ",", "需要", "时刻", "注意", "自己", "的", "蓝", "量", "。"], ["这里", "需要", "注意", "的", "是", "如果", "带", "的", "封", "系", ",", "单", "法", "封印", "主", "怪", "要", "三思", "后", "行", ",", "因为", "主", "怪", "普", "攻", "的", "伤害", "非常", "之", "高", ",", "输出", "宝宝", "不", "神佑", "就是", "秒杀", ",", "打", "高", "防", "辅助", "也是", "两三千", "血量"], ["详细", "说", "几个", "比较", "难", "打的", "火凤", "之", "灵", ",", "凤凰", "挑衅", "会", "有", "3", "个", "狮驼岭", "跟", "龙宫", ",", "主", "怪", "每个", "回合", "都会", "挑衅", "一", "个", "我方", "单位", ",", ",", "被", "挑衅", "后", "该", "单位", "释放", "的", "所有", "技能", "只", "会", "对", "主", "怪", "释放", ",", "所以", "这一关", "建议", "都", "带", "法", "宝宝", ",", "这样一来", "哪", "怕", "被", "挑衅", "还是", "能", "AOE", "打", "到", "别", "的", "小怪", "。"], ["然后", "是", "雷霆万钧", ",", "正如", "开始", "大家", "所", "看到", "的", "动", "图", "一样", ",", "简直", "爆炸", ",", "完", "了", "小怪", "还", "全", "都是", "龙宫", ",", "这些", "兄弟", "上", "来", "不", "跟", "你", "讲道理", "就是", "秒", "秒", "秒", ",", "小", "编", "是", "战", "了", "再", "死", "死", "了", "再战", ",", "上", "齐", "法", "防", "宝宝", "使劲", "嗑药", ",", "计算", "好", "概率", "跟", "愤怒", "开", "罗汉", "开", "沐", "日", "慈悲", ",", "然后", "就", "赢", "了", "。"], ["魔力", "之", "灵", ",", "主", "怪", "群", "秒", "伤害", "较", "高", ",", "带", "封", "系", "的", "建议", "优先", "封印", "主", ",", "小怪", "基本", "都是", "群", "秒", ",", "提早", "开启", "罗汉", ",", "套路", "依然", "是", "点", "杀", "为", "主", ",", "开", "蛇", "阵", "并且", "注意", "血", "线", "的", "控制", "。"], ["力量", "之", "灵", ",", "5", "个", "狮驼", ",", "主", "怪", "伤害", "也", "高", ",", "小", "编", "先生", "建议", "带", "上", "隐身", "攻", "宠", "逐个", "击", "破", ",", "输出", "门派", "第一回合", "可以", "防御", ",", "第二回合", "在", "进行", "输出", "回复", ",", "辅助", "入场", "的", "愤怒", "要", "满", ",", "不", "然", "技能", "接", "不", "上", ",", "实在", "不行", "就", "带", "上", "龟速", "隐身", "打", "反手", "。"], ["大慈大悲", ",", "恢复", "之", "灵", "的", "主", "怪", ",", "回复", "能力", "很", "强", ",", "带", "上", "攻", "宠", "点", "杀", "小怪", "!"], ["第", "二", "关"], ["收集", "完", "5", "个", "火凤", "之", "灵", "就", "进入", "第", "二", "关", ",", "踢皮球", ",", "地狱", "模式", "有", "2", "分钟", "的", "时间", ",", "在", "你", "方", "才", "战胜", "火凤", "之", "灵", "的", "地方", "把", "它", "踢", "到", "中央", "的", "祭坛", "。"], ["踢球", "有", "方向", "限制", ",", "踢", "一次", "跳跃", "三", "次", ",", "玩家", "可以", "站", "在", "前边", "挡", ",", "前几次", "不", "熟练", "会", "失败", ",", "配", "好人", "多", "练", "几", "次", "就", "行", ",", "第", "二", "关", "还是", "比较", "简单", "的", "。"], ["五", "个", "皮球", "都", "踢", "到", "祭坛", "中央", "进入", "下", "一", "关", "。"], ["第", "三", "关"], ["第", "三", "关", ",", "抢", "火凤", "之", "源", ",", "主", "怪", "会", "不断", "召唤", "出", "3", "个", "火凤", "之", "源", "(", "泡泡", ")", "跟", "2", "个", "小鬼", ",", "如果", "下", "回合", "前", "你", "没有", "击", "杀", "泡泡", ",", "主", "怪", "就会", "把", "泡泡", "秒杀", ",", "敌方", "跟", "我方", "谁", "击", "杀", "获得", "5", "个", "积分", "(", "邪恶", "的", "凤凰", "在", "变身", "后", "才会", "行动", ")", "就", "可", "变身", ",", "一", "个", "角色", "点击", "变身", "下", "回合", "就", "可以", "进行", "变身", ",", "获得", "之", "前", "收集", "到", "的", "火凤", "之", "灵", "技能", ",", "大火", "凤", "之", "源", "获得", "2", "个", "积分", "血量", "较多", ",", "火凤", "之", "源", "获得", "1", "个", "积分", "。"], ["同时", "还有", "紧急", "任务", "需要", "完成", ",", "把", "孟度", "的", "血量", "恢复", "到", "90", "%", ",", "小", "编", "的", "打法", "是", ",", "双", "普陀", "配", "速", "对", "孟", "度", "一", "个", "灭灯", "一", "个", "点灯", ",", "主", "怪", "物理", "伤害", "很高", ",", "放下屠刀", "、", "光辉", "之", "甲", "空闲", "回合", "都", "要", "加上", ",", "小", "编", "是", "第一回合", "方寸", "直接", "给", "的", "技能", ",", "孟度", "是", "大唐", "伤害", "挺", "高", ",", "而且", "是", "血量", "越", "高", "伤害", "越", "高", "可以", "帮助", "清理", "小鬼", ",", "这里", "需要", "注意", "的", "是", "主", "怪", "伤害", "很高", "而且", "速度很快", ",", "打", "过", "几", "次", "就", "可以", "知道", "如何", "预判", "拉", "残血", "人", "。"], ["由于", "之", "前", "小", "编", "带", "的", "是", "1", "输出", "4", "辅助", ",", "对方", "主", "怪", "又", "会", "不断", "召唤", ",", "同时", "还", "得", "跟", "主", "怪", "抢", "泡泡", ",", "输出", "的", "不足", "导致", "对方", "已经", "拼成", "台球", "…", "…"], ["之后", "换", "成", "双", "输出", "1", "狮驼", "跟", "1", "龙宫", "(", "魔王", "也", "带", "过", ",", "小", "编", "觉得", "魔王", "比", "龙宫", "好", "用", ",", "空闲", "回合", "能", "协助", "回复", ")", ",", "狮驼", "连环", "大火凤", "之", "灵", ",", "龙宫", "单", "腾", "小", "火凤", "之", "灵", "加", "物理", "宝宝", "输出", "就", "可", "抢到", "泡泡", ",", "泡泡", "隔", "一", "回合", "召唤", "一次", ",", "狮驼", "可以", "休息", "变身", "后", "在", "继续", "连环", "是", "可以", "接上", "的", ",", "其余", "回合", "清理", "小怪", "。"], ["之后", "方寸山", "变成", "凤凰", ",", "可使用", "雷霆万钧", "跟", "大慈大悲", ",", "2", "回合", "使用", "次数", ",", "伤害", "跟", "血量", "恢复", "非常", "可", "观", ",", "可以", "根据", "情况", "使用", "技能", ",", "大慈大悲", "还能", "用来", "抬", "孟", "度", "的", "血量", ",", "建议", "别", "马上", "变身", ",", "出", "泡泡", "的", "那", "回合", "再", "变身", "。"], ["孟度", "血量", "抬", "满", "的", "下", "回合", "进入", "第二阶段", ",", "击", "杀", "5", "个", "五行", "村", "的", "村民", ",", "同时", "抢夺", "泡泡", "积分", "依然", "存在", ",", "不再", "召唤", "小鬼", ",", "5", "个", "村民", "的", "门派", "如", "下", ",", "孤魂野鬼", "-", "普陀山", ",", "吸血鬼", "-", "方寸山", ",", "万年", "僵尸", "-", "地府", ",", "夜叉", "-", "大唐官府", ",", "鬼娃娃", "-", "龙宫", ",", "击", "杀", "的", "村民", "会", "躺尸", ",", "普陀山", "会", "复活", ",", "在", "承受", "伤害", "的", "同时", "吸血鬼", "又", "会", "封印", ",", "同时", "还", "得", "抢", "泡泡", "。"], ["小", "编", "这里", "的", "打法", "是", "出现", "泡泡", "老", "套路", "击", "杀", ",", "然后", "优先", "击", "杀", "普陀", "在", "击", "杀", "方寸", ",", "避免", "复活", "增加", "压力", ",", "变身", "凤凰", "也", "还是", "优先", "使用", "大慈大悲", "抬", "血", "为", "主", ",", "主", "怪", "的", "伤害", "奇", "高", ",", "有", "方寸", "就", "封印", "吸血", ",", "最后", "留", "一", "个", "怪", "补充", "状态", "进入", "第三阶段", ",", "如果", "有", "变身", "也", "建议", "留", "着", "进入", "第三阶段", "。"], ["进入", "第三阶段", ",", "抢", "泡泡", "积分", "变身", "凤凰", "依然", "存在", ",", "其余", "回合", "只有", "陆", "元", "竹", "一", "个", "输出", ",", "别小看", "这", "一", "个", "输出", ",", "群", "秒", "法系", "技能", ",", "伤害", "每", "回合", "递增", "而且", "递增", "很快", ",", "10", "回合", "左右", "能", "递增", "到", "7000", "+", "左右", "秒伤", ",", "而且", "主", "怪", "血量", "超级", "多", "10", "+", "W", "血", ",", "双抗", "很高", ",", "碎甲术", "要", "上", ",", "第三阶段", "开始", "到", "七", "八", "回合", "罗汉", "没", "接上", "基本", "GG", ",", "所以", "抢", "泡泡", "积分", "的", "同时", ",", "记得", "对", "主", "怪", "的", "输出", "一定要", "打", "满", "打", "足", ",", "抗", "不住", "拖", "太", "久", "都", "要", "GG", "。"], ["小", "编", "这里", "的", "打法", "是", "方寸", "跟", "普陀", "都", "带", "罗汉", ",", "中间", "喝酒", ",", "在", "罗汉", "剩余", "1", "回合", "的", "时候", ",", "直接", "接", "上", "罗汉", "(", "主", "怪", "速度超快", ")", ",", "所以", "罗汉", "一定要", "接上", ",", "变身", "凤凰", "大慈大悲", "抬", "血", "跟", "普陀", "开", "大", "撑", "血", ",", "同时", "还要", "及时", "杀", "掉", ",", "不", "然", "你", "将", "会", "看到", "恐怖", "的", "伤害", "。"], ["【", "责任编辑", ":", "cloudyko", "】"], ["推荐专题"], ["精彩视频", "更多", "+"], ["本月", "热门", "更多", "+"]], "paragraphs": ["梦幻西游手游五行村之危这个新出的神器任务,简单难度的关卡一般玩家都能通过,但是想要通关地狱级别是非常困难的,为了帮助一些还没有通关五行村之危地狱难度的玩家能顺利通关,下面小编就为玩家们带来梦幻西游手游五行村之危攻略。", "队伍配置", "开荒直接打的地狱难度,保守起见配的4辅助1输出,属性特技基本全满,之后发现第三关打不过,跟主怪抢不过泡泡,后面会讲到。", "之后就换多一位输出,在重新配置火凤之灵。", "这里任务剧情不细说,任务第一关需要战胜5个火凤之灵。场内共有11只不同属性加成的火凤之灵,每战胜一只即可收集对应火凤属性,在第三关的时候会用到。", "11种不同火凤之灵的属性如下", "封印目标,持续3回合,100%命中", "增加法术防御和物理防御", "增加法术伤害", "增加物理伤害", "每回合恢复一定生命值", "全体成员回复一定生命值,目标回复量翻倍", "友方全体增加一个保护效果,有限吸收受到的伤害,持续3回合", "嘲讽目标,让目标所有技能都对自己释放,持续3回", "放出15道闪电,随机攻击场上所有敌人,每个敌人最多承受4道闪电", "所有的状态都试过,小编再三斟酌,选取如下5个状态来进行组合:大慈大悲、魔力之灵、耐力之灵、雷霆万钧、恢复之灵。", "第三关的第三阶段,主怪群秒的伤害会越来越高,小编这里推荐必带大慈大悲,雷霆万钧在第三关第一阶段伤害不足的时候用来清场使用,至于别的就看队伍配置,详细的下边会说到。", "火凤之灵的打法", "虽然是地狱难度,但是小怪的血并不是很高没有感知,不同的火凤之灵,怪物的技能跟难度也不一样,像耐力之灵,凤凰护体这些都比较容易获取,会有较多普陀跟方寸怪,而怪并不会躺尸是直接飞出场外,怪物会使用各种特技,如水清诀、破碎无双、笑里藏刀等技能,需要时刻注意自己的蓝量。", "这里需要注意的是如果带的封系,单法封印主怪要三思后行,因为主怪普攻的伤害非常之高,输出宝宝不神佑就是秒杀,打高防辅助也是两三千血量", "详细说几个比较难打的火凤之灵,凤凰挑衅会有3个狮驼岭跟龙宫,主怪每个回合都会挑衅一个我方单位,,被挑衅后该单位释放的所有技能只会对主怪释放,所以这一关建议都带法宝宝,这样一来哪怕被挑衅还是能AOE打到别的小怪。", "然后是雷霆万钧,正如开始大家所看到的动图一样,简直爆炸,完了小怪还全都是龙宫,这些兄弟上来不跟你讲道理就是秒秒秒,小编是战了再死死了再战,上齐法防宝宝使劲嗑药,计算好概率跟愤怒开罗汉开沐日慈悲,然后就赢了。", "魔力之灵,主怪群秒伤害较高,带封系的建议优先封印主,小怪基本都是群秒,提早开启罗汉,套路依然是点杀为主,开蛇阵并且注意血线的控制。", "力量之灵,5个狮驼,主怪伤害也高,小编先生建议带上隐身攻宠逐个击破,输出门派第一回合可以防御,第二回合在进行输出回复,辅助入场的愤怒要满,不然技能接不上,实在不行就带上龟速隐身打反手。", "大慈大悲,恢复之灵的主怪,回复能力很强,带上攻宠点杀小怪!", "第二关", "收集完5个火凤之灵就进入第二关,踢皮球,地狱模式有2分钟的时间,在你方才战胜火凤之灵的地方把它踢到中央的祭坛。", "踢球有方向限制,踢一次跳跃三次,玩家可以站在前边挡,前几次不熟练会失败,配好人多练几次就行,第二关还是比较简单的。", "五个皮球都踢到祭坛中央进入下一关。", "第三关", "第三关,抢火凤之源,主怪会不断召唤出3个火凤之源(泡泡)跟2个小鬼,如果下回合前你没有击杀泡泡,主怪就会把泡泡秒杀,敌方跟我方谁击杀获得5个积分(邪恶的凤凰在变身后才会行动)就可变身,一个角色点击变身下回合就可以进行变身,获得之前收集到的火凤之灵技能,大火凤之源获得2个积分血量较多,火凤之源获得1个积分。", "同时还有紧急任务需要完成,把孟度的血量恢复到90%,小编的打法是,双普陀配速对孟度一个灭灯一个点灯,主怪物理伤害很高,放下屠刀、光辉之甲空闲回合都要加上,小编是第一回合方寸直接给的技能,孟度是大唐伤害挺高,而且是血量越高伤害越高可以帮助清理小鬼,这里需要注意的是主怪伤害很高而且速度很快,打过几次就可以知道如何预判拉残血人。", "由于之前小编带的是1输出4辅助,对方主怪又会不断召唤,同时还得跟主怪抢泡泡,输出的不足导致对方已经拼成台球……", "之后换成双输出1狮驼跟1龙宫(魔王也带过,小编觉得魔王比龙宫好用,空闲回合能协助回复),狮驼连环大火凤之灵,龙宫单腾小火凤之灵加物理宝宝输出就可抢到泡泡,泡泡隔一回合召唤一次,狮驼可以休息变身后在继续连环是可以接上的,其余回合清理小怪。", "之后方寸山变成凤凰,可使用雷霆万钧跟大慈大悲,2回合使用次数,伤害跟血量恢复非常可观,可以根据情况使用技能,大慈大悲还能用来抬孟度的血量,建议别马上变身,出泡泡的那回合再变身。", "孟度血量抬满的下回合进入第二阶段,击杀5个五行村的村民,同时抢夺泡泡积分依然存在,不再召唤小鬼,5个村民的门派如下,孤魂野鬼-普陀山,吸血鬼-方寸山,万年僵尸-地府,夜叉-大唐官府,鬼娃娃-龙宫,击杀的村民会躺尸,普陀山会复活,在承受伤害的同时吸血鬼又会封印,同时还得抢泡泡。", "小编这里的打法是出现泡泡老套路击杀,然后优先击杀普陀在击杀方寸,避免复活增加压力,变身凤凰也还是优先使用大慈大悲抬血为主,主怪的伤害奇高,有方寸就封印吸血,最后留一个怪补充状态进入第三阶段,如果有变身也建议留着进入第三阶段。", "进入第三阶段,抢泡泡积分变身凤凰依然存在,其余回合只有陆元竹一个输出,别小看这一个输出,群秒法系技能,伤害每回合递增而且递增很快,10回合左右能递增到7000+左右秒伤,而且主怪血量超级多10+W血,双抗很高,碎甲术要上,第三阶段开始到七八回合罗汉没接上基本GG,所以抢泡泡积分的同时,记得对主怪的输出一定要打满打足,抗不住拖太久都要GG。", "小编这里的打法是方寸跟普陀都带罗汉,中间喝酒,在罗汉剩余1回合的时候,直接接上罗汉(主怪速度超快),所以罗汉一定要接上,变身凤凰大慈大悲抬血跟普陀开大撑血,同时还要及时杀掉,不然你将会看到恐怖的伤害。", "【责任编辑:cloudyko】", "推荐专题", "精彩视频更多+", "本月热门更多+"], "bs_rank_pos": 3}, {"is_selected": false, "title": "梦幻西游手游五行村之危地狱难度过关解析_梦幻西游手游_游戏狗", "most_related_para": 0, "segmented_title": ["梦幻西游", "手游", "五行", "村", "之", "危", "地狱", "难度", "过关", "解析", "_", "梦幻西游", "手游", "_", "游戏", "狗"], "segmented_paragraphs": [["梦幻西游", "手游", "五行", "村", "之", "危", "地狱", "难度", "过关", "解析", ",", "又", "到", "了", "开荒", "的", "季节", ",", "让", "阿飘", "先生", "带", "大家", "来", "看看", "这", "梦幻西游", "手游", "五行", "村", "之", "危", "的", "玩法", "。", "先", "感谢", "好朋友", "们", "修", "了", "一", "天", "的", "装备", "开荒", "。", "开荒", "直接", "打的", "地狱", "难度", ",", "这", "是", "队伍", "配置", ",", "保守", "起", "见", "配", "的", "4", "辅助", "1", "输出", ",", "属性", "特技", "基本", "全", "满", "。"], ["之后", "发现", "第", "三", "关", "打", "不过", ",", "跟", "主", "怪", "抢", "不过", "泡泡", ",", "后面", "会", "讲到", "。"], ["之后", "就", "换", "多", "一", "位", "输出", ",", "在", "重新", "配置", "火凤", "之", "灵"], ["这里", "任务", "剧情", "不", "细", "说", ",", "任务", "第", "一", "关", "需要", "战胜", "5", "个", "火凤", "之", "灵", ",", "场", "内", "共有", "11", "只", "不同", "属性", "加成", "的", "火凤", "之", "灵"], ["每", "战胜", "一只", "即可", "收集", "对应", "火凤", "属性", ",", "在", "第", "三", "关", "的", "时候", "会", "用", "到"], ["11", "种", "不同", "火凤", "之", "灵", "的", "属性", "如", "下"], ["五行", "印记", ":", "封印", "目标", ",", "持续", "3", "回合", ",", "100", "%", "命中"], ["耐力", "之", "灵", ":", "增加", "法术", "防御", "和", "物理防御"], ["魔力", "之", "灵", ":", "增加", "法术", "伤害"], ["力量", "之", "灵", ":", "增加", "物理", "伤害"], ["敏捷", "之", "灵", ":", "增加", "速度"], ["恢复", "之", "灵", ":", "每", "回合", "恢复", "一定", "生命值"], ["大慈大悲", ":", "全体成员", "回复", "一定", "生命值", ",", "目标", "回复", "量", "翻倍"], ["凤凰", "护", "体", ":", "友", "方", "全体", "增加", "一", "个", "保护", "效果", ",", "有限", "吸收", "受到", "的", "伤害", ",", "持续", "3", "回合"], ["凤凰", "挑衅", ":", "嘲讽", "目标", ",", "让", "目标", "所有", "技能", "都", "对", "自己", "释放", ",", "持续", "3", "回合"], ["雷霆万钧", ":", "放", "出", "15", "道", "闪电", ",", "随机", "攻击", "场上", "所有", "敌人", ",", "每个", "敌人", "最多", "承受", "4", "道", "闪电"], ["法", "天", "象", "地", ":", "攻击目标", "三", "次", ",", "降低", "目标", "的", "物理", "伤害"], ["-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-"], ["游戏", "内", "火凤", "之", "灵", "截图"], ["所有", "的", "状态", "都", "试", "过", ",", "阿飘", "再三", "斟酌", ",", "选取", "如", "下", "5", "个", "状态", "来", "进行", "组合"], ["大慈大悲", ",", "魔力", "之", "灵", ",", "耐力", "之", "灵", ",", "雷霆万钧", ",", "恢复", "之", "灵"], ["第", "三", "关", "的", "第三阶段", ",", "主", "怪", "群", "秒", "的", "伤害", "会", "越来越高", ",", "阿飘", "这里", "推荐", "必", "带", "大慈大悲"], ["雷霆万钧", "在", "第", "三", "关", "第一阶段", "伤害", "不足", "的", "时候", "用来", "清场", "使用", ",", "至于", "别", "的", "就", "看", "队伍", "配置"], ["详细", "的", "下边", "会", "说", "到"], ["火凤", "之", "灵", "的", "打法"], ["虽然", "是", "地狱", "难度", ",", "但是", "小怪", "的", "血", "并", "不是", "很高", "没有", "感知", ",", "不同", "的", "火凤", "之", "灵", ",", "怪物", "的", "技能", "跟", "难度", "也", "不一样"], ["像", "耐力", "之", "灵", ",", "凤凰", "护", "体", "这些", "都", "比较", "容易", "获取", ",", "会", "有", "较多", "普陀", "跟", "方寸", "怪", ",", "而", "怪", "并", "不会", "躺尸", "是", "直接", "飞", "出", "场外"], ["怪物", "会", "使用", "各种", "特技", "如", "水清", "决", "、", "破碎", "无双", "、", "笑里藏刀", "等", "技能", ",", "需要", "时刻", "注意", "自己", "的", "蓝", "量"], ["这里", "需要", "注意", "的", "是", "如果", "带", "的", "封", "系", ",", "单", "法", "封印", "主", "怪", "要", "三思", "后", "行", ",", "因为", "主", "怪", "普", "攻", "的", "伤害", "非常", "之", "高"], ["输出", "宝宝", "不", "神佑", "就是", "秒杀", ",", "打", "高", "防", "辅助", "也是", "两三千", "血量"], ["详细", "说", "几个", "比较", "难", "打的", "火凤", "之", "灵"], ["凤凰", "挑衅", "会", "有", "3", "个", "狮驼岭", "跟", "龙宫", ",", "主", "怪", "每个", "回合", "都会", "挑衅", "一", "个", "我方", "单位", ","], ["被", "挑衅", "后", "该", "单位", "释放", "的", "所有", "技能", "只", "会", "对", "主", "怪", "释放", ",", "所以", "这一关", "建议", "都", "带", "法", "宝宝"], ["这样一来", "哪", "怕", "被", "挑衅", "还是", "能", "AOE", "打", "到", "别", "的", "小怪"], ["然后", "是", "雷霆万钧", ",", "正如", "开始", "大家", "所", "看到", "的", "动", "图", "一样", ",", "简直", "爆炸"], ["完", "了", "小怪", "还", "全", "都是", "龙宫", ",", "这些", "兄弟", "上", "来", "不", "跟", "你", "讲道理", "就是", "秒", "秒", "秒"], ["阿飘", "是", "战", "了", "再", "死", "死", "了", "再战", ",", "上", "齐", "法", "防", "宝宝", "使劲", "嗑药", ",", "计算", "好", "概率", "跟", "愤怒", "开", "罗汉", "开", "沐", "日", "慈悲"], ["突然", ",", "灵光一闪", "!", "封印", "主", "怪", "?"], ["阿飘", "简直", "是", "…", "…"], ["其实", "就", "想", "多看", "看", "天宫", "的", "雷霆万钧"], ["魔力", "之", "灵", ",", "主", "怪", "群", "秒", "伤害", "较", "高", ",", "带", "封", "系", "的", "建议", "优先", "封印", "主", ",", "小怪", "基本", "都是", "群", "秒", ",", "提早", "开启", "罗汉"], ["套路", "依然", "是", "点", "杀", "为", "主", ",", "开", "蛇", "阵", "并且", "注意", "血", "线", "的", "控制"], ["力量", "之", "灵", ",", "5", "个", "狮驼", ",", "主", "怪", "伤害", "也", "高", ",", "阿飘", "先生", "建议", "带", "上", "隐身", "攻", "宠", "逐个", "击", "破", ",", "输出", "门派", "第一回合", "可以", "防御", ","], ["第二回合", "在", "进行", "输出", "回复", ",", "辅助", "入场", "的", "愤怒", "要", "满", ",", "不", "然", "技能", "接", "不", "上", ",", "实在", "不行", "就", "带", "上", "龟速", "隐身", "打", "反手"], ["大慈大悲", ",", "恢复", "之", "灵", "的", "主", "怪", "回复", "能力", "很", "强", ",", "带", "上", "攻", "宠", "点", "杀", "小怪", "!"], ["收集", "完", "5", "个", "火凤", "之", "灵", "就", "进入", "第", "二", "关", ",", "踢皮球"], ["地狱", "模式", "有", "2", "分钟", "的", "时间", ",", "在", "你", "方", "才", "战胜", "火凤", "之", "灵", "的", "地方", "把", "它", "踢", "到", "中央", "的", "祭坛"], ["踢球", "有", "方向", "限制", ",", "踢", "一次", "跳跃", "三", "次", ",", "玩家", "可以", "站", "在", "前边", "挡", ","], ["前几次", "不", "熟练", "会", "失败", ",", "分配", "好人", "多", "练", "几", "次", "就", "行", ",", "第", "二", "关", "还是", "比较", "简单", "的"], ["五", "个", "皮球", "都", "踢", "到", "祭坛", "中央", "进入", "下", "一", "关"], ["第", "三", "关", ",", "抢", "火凤", "之", "源"], ["主", "怪", "会", "不断", "召唤", "出", "3", "个", "火凤", "之", "源", "(", "泡泡", ")", "跟", "2", "个", "小鬼", ",", "如果", "下", "回合", "前", "你", "没有", "击", "杀", "泡泡"], ["主", "怪", "就会", "把", "泡泡", "秒杀", ",", "敌方", "跟", "我方", "谁", "击", "杀", "获得", "5", "个", "积分", "(", "邪恶", "的", "凤凰", "在", "变身", "后", "才会", "行动", ")", "就", "可", "变身"], ["一", "个", "角色", "点击", "变身", "下", "回合", "就", "可以", "进行", "变身", ",", "获得", "之", "前", "收集", "到", "的", "火凤", "之", "灵", "技能"], ["大火凤", "之", "源", "获得", "2", "个", "积分", "血量", "较多", ",", "火凤", "之", "源", "获得", "1", "个", "积分"], ["同时", "还有", "紧急", "任务", "需要", "完成", ",", "把", "孟度", "的", "血量", "恢复", "到", "90", "%", ","], ["阿飘", "的", "打法", "是", "双", "普陀", "配", "速", "对", "孟", "度", "一", "个", "灭灯", "一", "个", "点灯", ",", "主", "怪", "物理", "伤害", "很高", ","], ["放下屠刀", "、", "光辉", "之", "甲", "空闲", "回合", "都", "要", "加上", ",", "阿飘", "是", "第一回合", "方寸", "直接", "给", "的", "技能"], ["孟度", "是", "大唐", "伤害", "挺", "高", ",", "而且", "是", "血量", "越", "高", "伤害", "越", "高", "可以", "帮助", "清理", "小鬼"], ["这里", "需要", "注意", "的", "是", "主", "怪", "伤害", "很高", "而且", "速度很快", ",", "打", "过", "几", "次", "就", "可以", "知道", "如何", "预判", "拉", "残血", "人"], ["由于", "之", "前", "阿", "飘带", "的", "是", "1", "输出", "4", "辅助", ",", "对方", "主", "怪", "又", "会", "不断", "召唤", ",", "同时", "还", "得", "跟", "主", "怪", "抢", "泡泡"], ["输出", "的", "不足", "导致", "对方", "已经", "拼成", "台球", "…", "…"], ["之后", "换", "成", "双", "输出", "1", "狮驼", "跟", "1", "龙宫", "(", "魔王", "也", "带", "过", ",", "阿飘", "觉得", "魔王", "比", "龙宫", "好", "用", ",", "空闲", "回合", "能", "协助", "回复", ")"], ["狮驼", "连环", "大火凤", "之", "灵", ",", "龙宫", "单", "腾", "小", "火凤", "之", "灵", "加", "物理", "宝宝", "输出", "就", "可", "抢到", "泡泡"], ["泡泡", "隔", "一", "回合", "召唤", "一次", ",", "狮驼", "可以", "休息", "变身", "后", "在", "继续", "连环", "是", "可以", "接上", "的", ",", "其余", "回合", "清理", "小怪"], ["之后", "方寸山", "变成", "凤凰", ",", "可使用", "雷霆万钧", "跟", "大慈大悲", ",", "2", "回合", "使用", "次数", ",", "伤害", "跟", "血量", "恢复", "非常", "可", "观"], ["可以", "根据", "情况", "使用", "技能", ",", "大慈大悲", "还能", "用来", "抬", "孟", "度", "的", "血量", ",", "建议", "别", "马上", "变身", ",", "出", "泡泡", "的", "那", "回合", "在", "变身"], ["孟度", "血量", "抬", "满", "的", "下", "回合", "进入", "第二阶段", ",", "击", "杀", "5", "个", "五行", "村", "的", "村民", ","], ["同时", "抢夺", "泡泡", "积分", "依然", "存在", ",", "不再", "召唤", "小鬼", ",", "5", "个", "村民", "的", "门派", "如", "下", ","], ["孤魂野鬼", "-", "普陀山", ",", "吸血鬼", "-", "方寸山", ",", "万年", "僵尸", "-", "地府", ",", "夜叉", "-", "大唐官府", ",", "鬼娃娃", "-", "龙宫", ","], ["击", "杀", "的", "村民", "会", "躺尸", ",", "普陀山", "会", "复活", ",", "在", "承受", "伤害", "的", "同时", "吸血鬼", "又", "会", "封印", ",", "同时", "还", "得", "抢", "泡泡", "。"], ["阿飘", "这里", "的", "打法", "是", "出现", "泡泡", "老", "套路", "击", "杀", ",", "然后", "优先", "击", "杀", "普陀", "在", "击", "杀", "方寸", ",", "避免", "复活", "增加", "压力"], ["变身", "凤凰", "也", "还是", "优先", "使用", "大慈大悲", "抬", "血", "为", "主", ",", "主", "怪", "的", "伤害", "奇", "高", ",", "有", "方寸", "就", "封印", "吸血鬼"], ["最后", "留", "一", "个", "怪", "补充", "状态", "进入", "第三阶段", ",", "如果", "有", "变身", "也", "建议", "留", "着", "进入", "第三阶段"], ["进入", "第三阶段", ",", "抢", "泡泡", "积分", "变身", "凤凰", "依然", "存在", ",", "其余", "回合", "只有", "陆", "元", "竹", "一", "个", "输出", ","], ["别小看", "这", "一", "个", "输出", ",", "群", "秒", "法系", "技能", ",", "伤害", "每", "回合", "递增", "而且", "递增", "很快", ",", "10", "回合", "左右", "能", "递增", "到", "7000", "+", "左右", "秒伤", ","], ["而且", "主", "怪", "血量", "超级", "多", "10", "+", "W", "血", ",", "双抗", "很高", ",", "碎甲术", "要", "上", ",", "第三阶段", "开始", "到", "七", "八", "回合", "罗汉", "没", "接上", "基本", "GG", ","], ["所以", "抢", "泡泡", "积分", "的", "同时", "记得", "对", "主", "怪", "的", "输出", "一定要", "打", "满", "打", "足", ",", "抗", "不住", "拖", "太", "久", "都", "要", "GG", "。"], ["阿飘", "这里", "的", "打法", "是", "方寸", "跟", "普陀", "都", "带", "罗汉", ",", "中间", "喝酒", ",", "在", "罗汉", "剩余", "1", "回合", "的", "时候", "直接", "接", "上", "罗汉", "(", "主", "怪", "速度超快", ")", ","], ["所以", "罗汉", "一定要", "接上", ",", "变身", "凤凰", "大慈大悲", "抬", "血", "跟", "普陀", "开", "大", "撑", "血", ","]], "paragraphs": ["梦幻西游手游五行村之危地狱难度过关解析,又到了开荒的季节,让阿飘先生带大家来看看这梦幻西游手游五行村之危的玩法。先感谢好朋友们修了一天的装备开荒。开荒直接打的地狱难度,这是队伍配置,保守起见配的4辅助1输出,属性特技基本全满。", "之后发现第三关打不过,跟主怪抢不过泡泡,后面会讲到。", "之后就换多一位输出,在重新配置火凤之灵", "这里任务剧情不细说,任务第一关需要战胜5个火凤之灵,场内共有11只不同属性加成的火凤之灵", "每战胜一只即可收集对应火凤属性,在第三关的时候会用到", "11种不同火凤之灵的属性如下", "五行印记:封印目标,持续3回合,100%命中", "耐力之灵:增加法术防御和物理防御", "魔力之灵:增加法术伤害", "力量之灵:增加物理伤害", "敏捷之灵:增加速度", "恢复之灵:每回合恢复一定生命值", "大慈大悲:全体成员回复一定生命值,目标回复量翻倍", "凤凰护体:友方全体增加一个保护效果,有限吸收受到的伤害,持续3回合", "凤凰挑衅:嘲讽目标,让目标所有技能都对自己释放,持续3回合", "雷霆万钧:放出15道闪电,随机攻击场上所有敌人,每个敌人最多承受4道闪电", "法天象地:攻击目标三次,降低目标的物理伤害", "--------------------------------------", "游戏内火凤之灵截图", "所有的状态都试过,阿飘再三斟酌,选取如下5个状态来进行组合", "大慈大悲,魔力之灵,耐力之灵,雷霆万钧,恢复之灵", "第三关的第三阶段,主怪群秒的伤害会越来越高,阿飘这里推荐必带大慈大悲", "雷霆万钧在第三关第一阶段伤害不足的时候用来清场使用,至于别的就看队伍配置", "详细的下边会说到", "火凤之灵的打法", "虽然是地狱难度,但是小怪的血并不是很高没有感知,不同的火凤之灵,怪物的技能跟难度也不一样", "像耐力之灵,凤凰护体这些都比较容易获取,会有较多普陀跟方寸怪,而怪并不会躺尸是直接飞出场外", "怪物会使用各种特技如水清决、破碎无双、笑里藏刀等技能,需要时刻注意自己的蓝量", "这里需要注意的是如果带的封系,单法封印主怪要三思后行,因为主怪普攻的伤害非常之高", "输出宝宝不神佑就是秒杀,打高防辅助也是两三千血量", "详细说几个比较难打的火凤之灵", "凤凰挑衅会有3个狮驼岭跟龙宫,主怪每个回合都会挑衅一个我方单位,", "被挑衅后该单位释放的所有技能只会对主怪释放,所以这一关建议都带法宝宝", "这样一来哪怕被挑衅还是能AOE打到别的小怪", "然后是雷霆万钧,正如开始大家所看到的动图一样,简直爆炸", "完了小怪还全都是龙宫,这些兄弟上来不跟你讲道理就是秒秒秒", "阿飘是战了再死死了再战,上齐法防宝宝使劲嗑药,计算好概率跟愤怒开罗汉开沐日慈悲", "突然,灵光一闪!封印主怪?", "阿飘简直是……", "其实就想多看看天宫的雷霆万钧", "魔力之灵,主怪群秒伤害较高,带封系的建议优先封印主,小怪基本都是群秒,提早开启罗汉", "套路依然是点杀为主,开蛇阵并且注意血线的控制", "力量之灵,5个狮驼,主怪伤害也高,阿飘先生建议带上隐身攻宠逐个击破,输出门派第一回合可以防御,", "第二回合在进行输出回复,辅助入场的愤怒要满,不然技能接不上,实在不行就带上龟速隐身打反手", "大慈大悲,恢复之灵的主怪回复能力很强,带上攻宠点杀小怪!", "收集完5个火凤之灵就进入第二关,踢皮球", "地狱模式有2分钟的时间,在你方才战胜火凤之灵的地方把它踢到中央的祭坛", "踢球有方向限制,踢一次跳跃三次,玩家可以站在前边挡,", "前几次不熟练会失败,分配好人多练几次就行,第二关还是比较简单的", "五个皮球都踢到祭坛中央进入下一关", "第三关,抢火凤之源", "主怪会不断召唤出3个火凤之源(泡泡)跟2个小鬼,如果下回合前你没有击杀泡泡", "主怪就会把泡泡秒杀,敌方跟我方谁击杀获得5个积分(邪恶的凤凰在变身后才会行动)就可变身", "一个角色点击变身下回合就可以进行变身,获得之前收集到的火凤之灵技能", "大火凤之源获得2个积分血量较多,火凤之源获得1个积分", "同时还有紧急任务需要完成,把孟度的血量恢复到90%,", "阿飘的打法是双普陀配速对孟度一个灭灯一个点灯,主怪物理伤害很高,", "放下屠刀、光辉之甲空闲回合都要加上,阿飘是第一回合方寸直接给的技能", "孟度是大唐伤害挺高,而且是血量越高伤害越高可以帮助清理小鬼", "这里需要注意的是主怪伤害很高而且速度很快,打过几次就可以知道如何预判拉残血人", "由于之前阿飘带的是1输出4辅助,对方主怪又会不断召唤,同时还得跟主怪抢泡泡", "输出的不足导致对方已经拼成台球……", "之后换成双输出1狮驼跟1龙宫(魔王也带过,阿飘觉得魔王比龙宫好用,空闲回合能协助回复)", "狮驼连环大火凤之灵,龙宫单腾小火凤之灵加物理宝宝输出就可抢到泡泡", "泡泡隔一回合召唤一次,狮驼可以休息变身后在继续连环是可以接上的,其余回合清理小怪", "之后方寸山变成凤凰,可使用雷霆万钧跟大慈大悲,2回合使用次数,伤害跟血量恢复非常可观", "可以根据情况使用技能,大慈大悲还能用来抬孟度的血量,建议别马上变身,出泡泡的那回合在变身", "孟度血量抬满的下回合进入第二阶段,击杀5个五行村的村民,", "同时抢夺泡泡积分依然存在,不再召唤小鬼,5个村民的门派如下,", "孤魂野鬼-普陀山,吸血鬼-方寸山,万年僵尸-地府,夜叉-大唐官府,鬼娃娃-龙宫,", "击杀的村民会躺尸,普陀山会复活,在承受伤害的同时吸血鬼又会封印,同时还得抢泡泡。", "阿飘这里的打法是出现泡泡老套路击杀,然后优先击杀普陀在击杀方寸,避免复活增加压力", "变身凤凰也还是优先使用大慈大悲抬血为主,主怪的伤害奇高,有方寸就封印吸血鬼", "最后留一个怪补充状态进入第三阶段,如果有变身也建议留着进入第三阶段", "进入第三阶段,抢泡泡积分变身凤凰依然存在,其余回合只有陆元竹一个输出,", "别小看这一个输出,群秒法系技能,伤害每回合递增而且递增很快,10回合左右能递增到7000+左右秒伤,", "而且主怪血量超级多10+W血,双抗很高,碎甲术要上,第三阶段开始到七八回合罗汉没接上基本GG,", "所以抢泡泡积分的同时记得对主怪的输出一定要打满打足,抗不住拖太久都要GG。", "阿飘这里的打法是方寸跟普陀都带罗汉,中间喝酒,在罗汉剩余1回合的时候直接接上罗汉(主怪速度超快),", "所以罗汉一定要接上,变身凤凰大慈大悲抬血跟普陀开大撑血,"], "bs_rank_pos": 4}], "answer_spans": [[0, 240]], "fake_answers": ["1、传说中的凤凰这是五行村之危的第一环,需要玩家击败火凤之灵。在五行村周围有很多火凤之灵,不同的火凤之灵拥有不同的技能,玩家在击败火凤之灵后,可以在挑战BOSS时获得对应的技能。这一关没什么难度,只要击杀5个火凤之灵,就可以轻松过关了。2、集合火凤之灵这一环不需要战斗,只需要将集合火凤之灵收集到地图中间的熔炼池即可。不过因为火凤之灵能量异常强大,所以不能通过一般的方式收集。成功拾取火凤之灵的玩家将无法移动,只有通过方向键传送给其他人,点击方向键后,火凤之灵会飞出去,另外一个人可以接住,然后通过队友的协作最终将火凤之灵收集到地图中间的熔炼池中。3、击败陆元竹第三环也分为三个阶段,陆元竹每隔一定回合都会召唤几只火凤之源,击败火凤之源后可以获得激活凤凰的能量,能量满了就可以激活强大的凤凰。同样的,陆元竹也可以通过同样的方法激活强大凤凰,所以就看你们谁能获得胜利"], "question": "梦幻西游手游五行村之危攻略", "segmented_answers": [["1", "、", "传说", "中", "的", "凤凰", ":", "这", "是", "五行", "村", "之", "危", "的", "第", "一", "环", ",", "需要", "玩家", "击败", "火凤", "之", "灵", "。", "在", "五行", "村", "周围", "有很多", "火凤", "之", "灵", ",", "不同", "的", "火凤", "之", "灵", "拥有", "不同", "的", "技能", ",", "玩家", "在", "击败", "火凤", "之", "灵", "后", ",", "可以", "在", "挑战", "BOSS", "时", "获得", "对应", "的", "技能", "。", "2", "、", "集合", "火凤", "之", "灵", ":", "这", "一", "环", "不需要", "战斗", ",", "只", "需要", "将", "集合", "火凤", "之", "灵", "收集", "到", "地图", "中间", "的", "熔炼", "池", "即可", "。", "不过", "因为", "火凤", "之", "灵", "能量", "异常", "强大", ",", "所以", "不能", "通过", "一般", "的", "方式", "收集", "。", "成功", "拾取", "火凤", "之", "灵", "的", "玩家", "将", "无法", "移动", ",", "只有", "通过", "方向键", "传送", "给", "其他人", ",", "点击", "方向键", "后", ",", "火凤", "之", "灵", "会", "飞出去", ",", "另外", "一个人", "可以", "接住", ",", "然后通过", "队友", "的", "协作", "最终", "将", "火凤", "之", "灵", "收集", "到", "地图", "中间", "的", "熔炼", "池", "中", "。", "3", "、", "击败", "陆元竹", ":", "第", "三环", "也", "分为", "三个阶段", ",", "陆元竹", "每隔", "一定", "回合", "都会", "召唤", "几", "只", "火凤", "之", "源", ",", "击败", "火凤", "之", "源", "后", "可以获得", "激活", "凤凰", "的", "能量", ",", "能量", "满", "了", "就", "可以", "激活", "强大", "的", "凤凰", "。", "同样", "的", ",", "陆元竹", "也", "可以", "通过", "同样", "的", "方法", "激活", "强大", "凤凰", ",", "所以", "就", "看", "谁", "能", "获得", "胜利", "了", "。"]], "answers": ["1、传说中的凤凰:这是五行村之危的第一环,需要玩家击败火凤之灵。在五行村周围有很多火凤之灵,不同的火凤之灵拥有不同的技能,玩家在击败火凤之灵后,可以在挑战BOSS时获得对应的技能。2、集合火凤之灵:这一环不需要战斗,只需要将集合火凤之灵收集到地图中间的熔炼池即可。不过因为火凤之灵能量异常强大,所以不能通过一般的方式收集。成功拾取火凤之灵的玩家将无法移动,只有通过方向键传送给其他人,点击方向键后,火凤之灵会飞出去,另外一个人可以接住,然后通过队友的协作最终将火凤之灵收集到地图中间的熔炼池中。3、击败陆元竹:第三环也分为三个阶段,陆元竹每隔一定回合都会召唤几只火凤之源,击败火凤之源后可以获得激活凤凰的能量,能量满了就可以激活强大的凤凰。同样的,陆元竹也可以通过同样的方法激活强大凤凰,所以就看谁能获得胜利了。"], "answer_docs": [2], "segmented_question": ["梦幻西游", "手游", "五行", "村", "之", "危", "攻略"], "question_type": "DESCRIPTION", "question_id": 91186, "fact_or_opinion": "OPINION", "match_scores": [0.886509635974304]}
-{"documents": [{"is_selected": false, "title": "细数三星S8的十大优缺点 三星新机皇值不值得买?_三星(SAMSUNG)手机", "most_related_para": 33, "segmented_title": ["细", "数", "三星", "S8", "的", "十大", "优缺点", "三星", "新机", "皇", "值", "不", "值得", "买", "?", "_", "三星", "(", "SAMSUNG", ")", "手机"], "segmented_paragraphs": [["北京", "时间", "3", "月", "29", "日", "23", ":", "00", ",", "三星", "在", "纽约", "发布", "了", "全新", "的", "旗舰", "手机", "-", "-", "-", "Galaxy", "S", "8", "&", "S", "8", "Plus", "。", "全新", "的", "外观设计", "和", "交互", "上", "的", "新特性", "令", "S8", "给", "了", "人们", "眼前一亮", "的", "感觉", "。", "不过", "机", "无", "完", "机", ",", "Galaxy", "S8", "依然", "有", "其", "无法", "绕开", "的", "缺点", "。", "那么", "三星", "S8", "到底", "值", "不", "值得", "买", "呢", "?", "笔者", "为", "大家", "详细", "的", "盘点", "了", "S8", "上", "的", "十", "条", "优缺点", ",", "下面", "就", "让", "我们", "一起来", "看一下", "吧", "!"], ["三星", "S8", "系列", "堪称", "是", "近年来", "三星", "手机", "外观", "变化", "最大", "的", "一款", ",", "一", "块", "高", "屏", "占", "比", "的", "双曲面", "屏幕", "使", "其", "与", "市面上", "所有", "的", "手机", "在", "外观设计", "上", "区别开来", ",", "加上", "其", "Bixby", "、", "虹膜", "、", "面部", "等", "多", "种", "人机交互", "方式", ",", "三星", "S8", "系列", "看", "成", "优点", "十足", ",", "至于", "详细", "的", "优点", ",", "请", "看", "下", "文", ":"], ["●", "屏幕", "更大", "&", "整机", "更", "小"], ["三星", "似乎", "总", "能够", "在", "手机", "的", "屏幕", "上", "玩", "出", "新", "花样", ",", "今年", "的", "Galaxy", "S8", "/", "S", "8", "Plus", "也", "不", "例外", "。", "Galaxy", "S8", "在", "延续", "了", "S7", "Edge", "/", "Note", "7", "双曲面", "设计", "的", "同时", ",", "极", "大", "地", "提升", "了", "屏", "占", "比", "。", "三星", "Galaxy", "S", "8", "的", "屏", "占", "比", "高达", "84", "%", ",", "堪比", "采用", "全面", "屏", "设计", "的", "小米", "MIX", "(", "91", "%", ")", "。"], ["而且", ",", "得益于", "其", "所", "采用", "的", "18", ".", "5", ":", "9", "屏幕", ",", "三星", "S8", "的", "屏幕尺寸", "达到", "了", "惊人", "的", "5.8", "英寸", ",", "手机", "大小", "与", "5", ".", "15", "英寸", "的", "小米", "5", "几乎", "一致", "。", "更大", "的", "S8", "Plus", "屏幕尺寸", "6", ".", "2", "英寸", ",", "但", "整机", "宽度", "甚至", "要", "比", "5", ".", "5", "英寸", "的", "苹果", "iPhone", "7", "Plus", "还要", "窄小", "一些", "。"], ["●", "更加", "智能", "-", "Bixby", "语音", "助手"], ["在", "Galaxy", "S8", "上", ",", "三星", "用", "全新", "的", "Bixby", "取代", "了", "原来", "的", "S", "Voice", "服务", "。", "将", "手机", "的", "语音", "助手", "服务", "带", "到", "了", "一", "个", "新", "的", "高度", "。", "成", "了", "继", "苹果", "Siri", "、", "Google", "Assistant", "、", "微软", "Cortana", "和", "亚马逊", "Alexa", "之后", ",", "又", "一", "个", "将", "人工智能", "助手", "看", "做", "重点", "发力", "点", "的", "手机", "巨头", "。"], ["用户", "可以通过", "语音", "或者", "侧", "边", "键", "的", "方式", "唤醒", "语音", "助手", ",", "在", "使用", "上", "与", "iPhone", "上", "的", "Siri", "类似", ",", "除了", "可以", "和", "Bixby", "进行", "交谈", "之外", ",", "还", "可以", "进行", "文字", "输入", "、", "图片搜索", "、", "翻译", "等", "功能", "。", "从而", "为", "用户", "带来", "更加方便", "的", "手机", "使用", "体验", "。"], ["●", "多", "种", "识别", "方式", "-", "指纹", "+", "虹膜", "+", "人脸"], ["在", "此", "前", "发布", "的", "三星", "Note", "7", "上", ",", "三星", "就", "已经", "将", "指纹", "和", "虹膜", "两种", "识别", "方式", "。", "这次", ",", "三星", "在", "S8", "&", "S", "8", "Plus", "上", "为", "我们", "带来", "了", "全新", "的", "人脸", "识别", "方案", "。", "从", "实际", "体验", "上", "来看", ",", "全新", "的", "人脸", "识别", "精度", "极", "高", ",", "虹膜识别", "速度", "也有", "所", "提升", ",", "都", "可以", "实现", "秒", "解", "。"], ["●", "依旧", "防水"], ["值得", "一", "提", "的", "是", ",", "三星", "在", "S8", "系列", "上", "依旧", "保留", "了", "防尘", "防水", "这", "项", "实用", "的", "功能", "。", "和", "三星", "S7", "以及", "Note", "7", "一样", ",", "三星", "S8", "系列", "的", "防护", "级别", "同样", "是", "IP68", "级", ",", "无论", "是", "防尘", ",", "还是", "防水", "都是", "目前", "最高", "的", "级别", "。"], ["实际上", ",", "IP", "68", "已经", "是", "移动", "设备", "所", "能", "达到", "的", "最高", "防水", "级别", "了", "。", "其", "前缀", "IP", "是", "Ingress", "Protection", "的", "缩写", ",", "代表", "设备", "可以", "对外", "物", "浸入", "的", "防护", "级别", ",", "首位", "数字", "代表", "防尘", "级别", ",", "大小", "范围", "0", "-", "6", ",", "数字", "越", "大", "防护", "能力", "越", "高", ";", "末位", "数字", "代表", "防水", "级别", ",", "大小", "范围", "0", "-", "8", ",", "同样", "数字", "越", "大", "防护", "能力", "越", "高", "。", "IP68", "代表", "可以", "几乎", "可以", "完全", "防止", "外", "物", "及", "灰尘", "侵入", "以及", "可以", "在", "10", "米", "深", "水中", "工作", "两星期", "不", "受损", "。"], ["●", "顶级", "性能", "-", "骁龙", "835", "/", "Exynos", "8895", "处理器"], ["当然", ",", "三星", "S8", "系列", "在", "性能", "方面", "同样", "没有", "让", "人", "失望", "。", "三星", "S8", "搭载", "了", "骁龙", "835", "/", "Exynos", "8895", "处理器", "(", "根据", "市场", "进行", "投放", ")", ",", "全新", "的", "处理器", "架构", "以及", "10nm", "工艺", "为", "手机", "的", "性能", "和", "功耗", "都", "带来", "了", "不", "小", "的", "提升", "。"], ["不仅如此", ",", "这次", "的", "三星", "S8", "系列", "还", "提供", "了", "4GB", "+", "64GB", "、", "4GB", "+", "128", "GB", "以及", "6GB", "+", "128", "GB", "版本", "供", "用户", "选择", "。", "对于", "一直", "在", "期待", "三星", "6GB", "内存", "旗舰", "手机", "的", "用户", "来", "说", ",", "Galaxy", "S8", "绝对", "是", "一", "大", "福音", "。"], ["就像", "上", "文", "说", "的", ",", "虽然", "Galaxy", "S8", "/", "S", "8", "Plus", "上", "优点", "多多", ",", "但", "仍然", "有", "不少", "缺点", "无法", "掩盖", "。", "下面", ",", "笔者", "就", "带", "大家一起来", "细", "数", "Galaxy", "S8", "上", "的", "五", "个", "不足之处", "。"], ["●", "高", "屏", "占", "比", "所", "带来", "的", "隐忧", "-", "易碎", ",", "维修", "成本高"], ["三星", "S8", "系列", "上", ",", "若", "论", "哪一个", "优点", "最", "为", "亮", "眼", ",", "那么", "一定", "非", "高", "屏", "占", "比", "莫属", "了", "。", "但", "这", "一", "优点", "从", "另一方面", "考虑", ",", "其实", "也是", "S8", "上面", "的", "一", "大", "隐忧", "-", "-", "-", "高", "屏", "占", "比", "的", "Galaxy", "S8", "在", "跌落", "时", "屏幕", "碎裂", "的", "概率", "相", "较", "于", "S7", "/", "S7", "Edge", "也", "会", "提升", "。"], ["不仅如此", ",", "目前", "双曲面", "AMOLED", "屏幕", "仍", "属于", "稀缺", "货源", ",", "加上", "Galaxy", "S8", "系列", "所", "采用", "的", "双曲面", "屏幕", "还是", "独特", "的", "18", ".", "5", ":", "9", "的", "比例", ",", "屏幕", "的", "维修", "成本", "也", "要", "较", "普通", "手机", "高", "出", "一大", "截", "。", "而且", ",", "因为", "仍然", "采用", "双面", "玻璃", "设计", ",", "沾染", "指纹", "的", "问题", "在", "S8", "系列", "上", "依然", "无法", "避免", "。"], ["●", "高", "屏", "占", "比", "&", "多", "种", "交互", "方式", "的", "代价", "-", "后置", "指纹识别", "和", "开", "孔", "过", "多"], ["三星", "为了", "提高", "手机", "的", "屏", "占", "比", ",", "将", "原本", "安置", "在", "正面", "的", "指纹识别", "移", "到", "了", "背面", "摄像头", "附近", "。", "对于", "不喜欢", "后置", "指纹识别", "的", "用户", "来", "说", ",", "这", "甚至", "可以", "成为", "他们", "不买", "S8", "的", "一", "个", "理由", "。", "而且", ",", "因为", "与", "摄像头", "距离", "过", "近", ",", "也", "可能会", "出现", "经常性", "按", "错", "的", "问题", ",", "拍照", "时", "可能", "就", "需要", "经常", "擦", "摄像头", "了", "。"], ["另外", ",", "因为", "支持", "了", "更多", "的", "识别", "交互", "方式", ",", "除了", "听筒", "之外", ",", "Galaxy", "S", "8", "的", "屏幕", "上方", "的", "开", "孔", "数量", "多", "达", "6", "个", ",", "虽然", "采用", "了", "黑色", "的", "前", "面板", "设计", ",", "但", "仍然", "难以", "掩盖", "千疮百孔", "的", "观", "感", "。"], ["当然", ",", "因为", "取消", "了", "正面", "按键", "设计", ",", "用户", "也", "不得不", "忍受", "虚拟", "按键", "的", "痛苦", "了", "。"], ["●", "相机", "的", "升级", "并", "不大"], ["在", "三星", "S7", "系列", "发布", "时", ",", "凭借", "着", "独家", "定制", "的", "1200", "万", "像素", "索尼", "IMX", "260", "传感器", ",", "三星", "旗舰", "的", "拍照", "素质", "可谓", "是", "称霸", "一", "时", "。", "不过", "在", "最新", "的", "Galaxy", "S8", "系列", "上", ",", "三星", "对", "这", "款", "产品", "的", "相机", "并没有", "带来", "太", "大", "的", "升级", "。"], ["●", "续航", "依旧", "感人", ",", "快", "充", "依旧", "没有", "升级"], ["在", "手机", "的", "电池容量", "方面", ",", "三星", "Galaxy", "S8", "电池容量", "为", "3000", "mAh", ",", "三星", "Galaxy", "S", "8", "Plus", "电池容量", "为", "3500", "mAh", "。", "也就是说", ",", "为了", "更加", "紧凑", "的", "机身", "设计", ",", "三星", "在", "电池容量", "上", "做", "了", "妥协", ",", "加上", "它", "更大", "的", "屏幕", ",", "即使", "新", "处理器", "功耗", "表现", "更出色", ",", "但", "可以", "预料", "到", ",", "和", "去年", "的", "S7", "Edge", "(", "3600", "mAh", ")", "以及", "Note", "7", "(", "3500", "mAh", ")", "相比", ",", "S8", "的", "续航", "可能", "要", "退步", "了", "。"], ["不仅如此", ",", "可能", "是", "仍然", "没有", "从", "Note", "7", "的", "阴影", "中", "走出来", "的", "原因", ",", "三星", "Galaxy", "S8", "系列", "在", "快", "充", "方面", "采取", "了", "保守", "的", "策略", ",", "继续", "标配", "了", "9V", "/", "1.67", "A", "的", "适配器", ",", "对于", "想要", "快速充电", "的", "用户", "来", "说", ",", "可能", "是", "一", "场", "噩梦", "。"], ["●", "iPhone", "8", "同样", "值得", "期待"], ["另外一个", "可能会", "影响", "到", "用户选择", "Galaxy", "S", "8", "的", "因素", "就是", "今年", "的", "iPhone", "新机", "了", "。", "因为", "是", "iPhone", "十", "周年", "的", "缘故", ",", "从", "目前", "外界", "曝光", "出来", "的", "消息", "来看", ",", "iPhone", "8", "的", "外观设计", "/", "功能", "将会", "迎来", "极", "大", "的", "进步", ",", "很多", "用户", "可能", "会", "因为", "这个", "原因", ",", "选择", "再", "等", "半年", "买", "iPhone", "8", "。"], ["不仅如此", ",", "Galaxy", "S8", "还", "承担", "着", "带领", "三星", "从", "Note", "7", "自燃", "阴影", "中", "走出来", "的", "使命", "。", "笔者", "预计", ",", "这", "很", "可能", "会", "影响", "到", "S8", "系列", "的", "初期", "销量", "。", "也就是说", ",", "S8", "系列", "上市", "后", "的", "用户", "认可", "度", "很", "可能", "会", "影响", "到", "这", "款", "产品", "的", "命运", ",", "这一点", "同样", "属于", "一", "个", "不稳定", "因素", "。"], ["笔者", "观点", ":"], ["优缺点", "列", "了", "一大", "堆", ",", "笔者", "认为", ",", "虽然", "Galaxy", "S8", "系列", "上", "仍", "有", "一些", "不足", "没", "能", "解决", ",", "但", "无论", "是", "外观设计", ",", "还是", "在", "交互", "上", "所", "带来", "的", "改变", ",", "都", "足以", "使", "其", "成为", "目前", "市面上", "最", "值得", "选择", "的", "一", "款", "安卓", "手机", "。", "而且", ",", "从", "创新", "的", "层", "面", "上", "讲", ",", "S8", "/", "S", "8", "Plus", "也", "为", "如今", "创新", "乏力", "的", "手机", "行业", "注入", "了", "新", "的", "活力", "。", "相信", "不", "久", "的", "将来", ",", "我们", "将", "能看到", "更多", "采用", "类似", "设计", "的", "手机", "产品", ",", "整个", "手机", "行业", "的", "发展", "可能", "也", "会", "因此", "而", "更进一步", "。"], ["屏幕尺寸", ":", "5", ".", "8", "英寸", "后置", "摄像头", ":", "1200", "万", "像素", "运行", "内存", "(", "RAM", ")", ":", "6GB", "电池容量", ":", "3000", "mAh", "机身", "存储", "(", "ROM", ")", ":", "128", "GB"]], "paragraphs": ["北京时间3月29日23:00,三星在纽约发布了全新的旗舰手机---Galaxy S8 & S8 Plus。全新的外观设计和交互上的新特性令S8给了人们眼前一亮的感觉。不过机无完机,Galaxy S8依然有其无法绕开的缺点。那么三星S8到底值不值得买呢?笔者为大家详细的盘点了S8上的十条优缺点,下面就让我们一起来看一下吧!", "三星S8系列堪称是近年来三星手机外观变化最大的一款,一块高屏占比的双曲面屏幕使其与市面上所有的手机在外观设计上区别开来,加上其Bixby、虹膜、面部等多种人机交互方式,三星S8系列看成优点十足,至于详细的优点,请看下文:", "● 屏幕更大&整机更小", "三星似乎总能够在手机的屏幕上玩出新花样,今年的Galaxy S8/S8 Plus也不例外。Galaxy S8在延续了S7 Edge/Note 7双曲面设计的同时,极大地提升了屏占比。三星Galaxy S8的屏占比高达84%,堪比采用全面屏设计的小米MIX(91%)。", "而且,得益于其所采用的18.5:9屏幕,三星S8的屏幕尺寸达到了惊人的5.8英寸,手机大小与5.15英寸的小米5几乎一致。更大的S8 Plus屏幕尺寸6.2英寸,但整机宽度甚至要比5.5英寸的苹果iPhone 7 Plus还要窄小一些。", "● 更加智能-Bixby语音助手", "在Galaxy S8上,三星用全新的Bixby取代了原来的S Voice服务。将手机的语音助手服务带到了一个新的高度。成了继苹果Siri、Google Assistant、微软Cortana和亚马逊Alexa之后,又一个将人工智能助手看做重点发力点的手机巨头。", "用户可以通过语音或者侧边键的方式唤醒语音助手,在使用上与iPhone上的Siri类似,除了可以和Bixby进行交谈之外,还可以进行文字输入、图片搜索、翻译等功能。从而为用户带来更加方便的手机使用体验。", "● 多种识别方式-指纹+虹膜+人脸", "在此前发布的三星Note 7上,三星就已经将指纹和虹膜两种识别方式。这次,三星在S8 & S8 Plus上为我们带来了全新的人脸识别方案。从实际体验上来看,全新的人脸识别精度极高,虹膜识别速度也有所提升,都可以实现秒解。", "● 依旧防水", "值得一提的是,三星在S8系列上依旧保留了防尘防水这项实用的功能。和三星S7以及Note7一样,三星S8系列的防护级别同样是IP68级,无论是防尘,还是防水都是目前最高的级别。", "实际上,IP68已经是移动设备所能达到的最高防水级别了。其前缀IP是Ingress Protection的缩写,代表设备可以对外物浸入的防护级别,首位数字代表防尘级别,大小范围0-6,数字越大防护能力越高;末位数字代表防水级别,大小范围0-8,同样数字越大防护能力越高。IP68代表可以几乎可以完全防止外物及灰尘侵入以及可以在10米深水中工作两星期不受损。", "● 顶级性能-骁龙835/Exynos8895处理器", "当然,三星S8系列在性能方面同样没有让人失望。三星S8搭载了骁龙835/Exynos8895处理器(根据市场进行投放),全新的处理器架构以及10nm工艺为手机的性能和功耗都带来了不小的提升。", "不仅如此,这次的三星S8系列还提供了4GB+64GB、4GB+128GB以及6GB+128GB版本供用户选择。对于一直在期待三星6GB内存旗舰手机的用户来说,Galaxy S8绝对是一大福音。", "就像上文说的,虽然Galaxy S8/S8 Plus上优点多多,但仍然有不少缺点无法掩盖。下面,笔者就带大家一起来细数Galaxy S8上的五个不足之处。", "● 高屏占比所带来的隐忧-易碎,维修成本高", "三星S8系列上,若论哪一个优点最为亮眼,那么一定非高屏占比莫属了。但这一优点从另一方面考虑,其实也是S8上面的一大隐忧---高屏占比的Galaxy S8在跌落时屏幕碎裂的概率相较于S7/S7 Edge也会提升。", "不仅如此,目前双曲面AMOLED屏幕仍属于稀缺货源,加上Galaxy S8系列所采用的双曲面屏幕还是独特的18.5:9的比例,屏幕的维修成本也要较普通手机高出一大截。而且,因为仍然采用双面玻璃设计,沾染指纹的问题在S8系列上依然无法避免。", "● 高屏占比&多种交互方式的代价-后置指纹识别和开孔过多", "三星为了提高手机的屏占比,将原本安置在正面的指纹识别移到了背面摄像头附近。对于不喜欢后置指纹识别的用户来说,这甚至可以成为他们不买S8的一个理由。而且,因为与摄像头距离过近,也可能会出现经常性按错的问题,拍照时可能就需要经常擦摄像头了。", "另外,因为支持了更多的识别交互方式,除了听筒之外,Galaxy S8的屏幕上方的开孔数量多达6个,虽然采用了黑色的前面板设计,但仍然难以掩盖千疮百孔的观感。", "当然,因为取消了正面按键设计,用户也不得不忍受虚拟按键的痛苦了。", "● 相机的升级并不大", "在三星S7系列发布时,凭借着独家定制的1200万像素索尼IMX260传感器,三星旗舰的拍照素质可谓是称霸一时。不过在最新的Galaxy S8系列上,三星对这款产品的相机并没有带来太大的升级。", "● 续航依旧感人,快充依旧没有升级", "在手机的电池容量方面,三星Galaxy S8电池容量为3000mAh,三星Galaxy S8 Plus电池容量为3500mAh。也就是说,为了更加紧凑的机身设计,三星在电池容量上做了妥协,加上它更大的屏幕,即使新处理器功耗表现更出色,但可以预料到,和去年的S7 Edge(3600mAh)以及Note 7(3500mAh)相比,S8的续航可能要退步了。", "不仅如此,可能是仍然没有从Note 7的阴影中走出来的原因,三星Galaxy S8系列在快充方面采取了保守的策略,继续标配了9V/1.67A的适配器,对于想要快速充电的用户来说,可能是一场噩梦。", "● iPhone 8同样值得期待", "另外一个可能会影响到用户选择Galaxy S8的因素就是今年的iPhone新机了。因为是iPhone十周年的缘故,从目前外界曝光出来的消息来看,iPhone 8的外观设计/功能将会迎来极大的进步,很多用户可能会因为这个原因,选择再等半年买iPhone 8。", "不仅如此,Galaxy S8还承担着带领三星从Note 7自燃阴影中走出来的使命。笔者预计,这很可能会影响到S8系列的初期销量。也就是说,S8系列上市后的用户认可度很可能会影响到这款产品的命运,这一点同样属于一个不稳定因素。", "笔者观点:", "优缺点列了一大堆,笔者认为,虽然Galaxy S8系列上仍有一些不足没能解决,但无论是外观设计,还是在交互上所带来的改变,都足以使其成为目前市面上最值得选择的一款安卓手机。而且,从创新的层面上讲,S8/S8 Plus也为如今创新乏力的手机行业注入了新的活力。相信不久的将来,我们将能看到更多采用类似设计的手机产品,整个手机行业的发展可能也会因此而更进一步。", "屏幕尺寸:5.8英寸 后置摄像头:1200万像素 运行内存(RAM):6GB 电池容量:3000mAh 机身存储(ROM):128GB"], "bs_rank_pos": 0}, {"is_selected": false, "title": "三星S8 vs iPhone 8:七大方面详细分析谁值得买_数码_腾讯网", "most_related_para": 32, "segmented_title": ["三星", "S8", "vs", "iPhone", "8", ":", "七大", "方面", "详细", "分析", "谁", "值得", "买", "_", "数码", "_", "腾讯网"], "segmented_paragraphs": [["[", "摘要", "]", "三星", "、", "苹果", "今年", "将", "发布", "的", "旗舰", "机型", "在", "设计", "方面", "各有千秋", ",", "它们", "的", "处理器", "平分秋色", ",", "在", "屏幕", "方面", "似乎", "三星", "更胜一筹", "。", "它们", "可能", "都", "支持", "无线", "充电", "、", "防水", "功能", "。"], ["腾讯", "数码", "讯", "(", "文", "心", ")", "据", "Tech", "Times", "网站", "报道", ",", "智能手机", "爱好者", "对", "今年", "将", "发布", "的", "部分", "高端", "手机", "满怀", "期待", ",", "其中包括", "三星", "和", "苹果", "的", "旗舰", "机型", "。"], ["Galaxy", "S8", "和", "iPhone", "8", "位", "居", "今年", "传言", "最多", "和", "最", "备受", "期待", "的", "智能手机", "之", "列", ",", "无疑", "也是", "传言", "眼中", "的", "宠儿", "。"], ["Tech", "Times", "将", "分析", "Galaxy", "S7", "和", "iPhone", "7", "后续", "产品", "可能", "的", "规格", ",", "帮助", "用户", "决定", "哪款", "手机", "更", "符合", "自己", "的", "需求", "。"], ["设计"], ["在", "iPhone", "发展史", "中", ",", "iPhone", "8", "将", "首次", "取消", "实体", "Home", "按键", "。", "苹果", "把", "这", "一", "决策", "作为", "减小", "屏幕", "顶", "、", "底部", "边框", "的", "一", "个", "途径", "。", "因此", ",", "iPhone", "8", "边框", "可能", "远", "小于", "之", "前", "的", "历代", "产品", "。", "如果", "媒体报道", "属", "实", ",", "iPhone", "8", "可能", "采用", "全", "玻璃", "机身", "设计", "。"], ["三星", "新款", "旗舰", "机型", "采用", "双", "曲", "边", "屏", "和", "窄", "边框", "设计", "。"], ["两", "款", "旗舰", "手机", "的", "焦点", "似乎", "是", "更漂亮", "的", "设计", ":", "更大", "的", "屏幕尺寸", "和", "更", "窄", "的", "边框", ",", "目前", ",", "这种", "设计", "已经成为", "智能手机", "的", "标准", "。", "苹果", "在", "智能", "手机", "上", "采用", "这种", "设计", "还是", "首次", "。"], ["屏幕"], ["泄露", "的", "规格", "信息", "显示", ",", "Galaxy", "S8", "配置", "5.8", "英寸", "Quad", "HD", "+", "分辨率", "Super", "AMOLED", "屏幕", ",", "更大", "尺寸", "的", "Galaxy", "S8", "+", "将", "配置", "6", ".", "2", "英寸", "屏幕", "。"], ["另一方面", ",", "iPhone", "8", "将", "有", "3", "个", "型号", ",", "分别", "配置", "4.7", "、", "5", "和", "5", ".", "5", "英寸", "屏幕", "。", "但是", ",", "更重要", "的", "是", ",", "业界", "消息", "人士", "猜测", ",", "这", "可能", "是", "苹果", "有史以来", "首", "款", "配置", "曲面", "OLED", "屏幕", "的", "iPhone", "。"], ["Galaxy", "S8", "将", "轻松", "胜过", "基本", "款", "iPhone", "8", "—", "—", "据", "称", "配置", "4.7", "英寸", "屏幕", ";", "iPhone", "8", "Plus", "可能", "配置", "5", ".", "5", "英寸", "屏幕", ",", "Galaxy", "S8", "+", "在", "这", "一", "参数", "上", "占有", "上", "风", "。"], ["处理器"], ["苹果", "可能", "把", "新款", "iPhone", "处理器", "升级", "到", "全新", "10", "纳米", "工艺", "的", "A11", "芯片", "—", "—", "据", "称", "比", "A10", "运行速度", "更", "快", "和", "更", "有效率", "。"], ["有", "媒体", "报道", "称", "美国版", "Galaxy", "S8", "配置", "高通", "骁龙", "835", "芯片", ",", "其他", "版本", "则", "配置", "Exynos", "8895", "芯片", "。", "两", "款", "芯片", "也", "采用", "10", "纳米", "工艺", "制造", ",", "据", "称", "10", "纳米", "工艺", "能", "提升", "芯片", "运行", "效率", "。"], ["两", "款", "旗舰", "机型", "的", "芯片", "处理", "能力", "似乎", "相当", ",", "要", "评估", "哪款", "手机", "表现", "更好", ",", "用户", "需要", "使用", "两", "款", "手机", "进行", "直接", "对比", "。"], ["运行", "内存", "和", "机身", "内存"], ["当", "泄露", "的", "规格", "清单", "显示", "Galaxy", "S", "8", "可能", "配置", "4GB", "而", "非", "许多人", "期望", "的", "6GB", "运行", "内存", "时", ",", "粉丝", "深", "感", "失望", "。", "Galaxy", "S8", "机身", "内存", "将", "为", "64GB", ",", "支持", "通过", "micro", "SD", "内存卡", "扩展", "存储", "容量", "。"], ["预计", "苹果", "将", "为", "iPhone", "8", "配置", "3GB", "运行", "内存", "—", "—", "这", "也是", "最大", "的", "iPhone", "运行", "内存", "容量", "。", "iPhone", "8", "将", "有", "两种", "容量", "的", "机身", "内存", "—", "—", "分别", "是", "64GB", "和", "256", "GB", "。", "但是", ",", "与", "之", "前", "所有", "型号", "一样", ",", "iPhone", "8", "机身", "内存", "是", "不能", "扩展", "的", "。"], ["运行", "内存", "和", "机身", "内存", "从来", "都", "不是", "iPhone", "强", "项", ",", "这", "意味着", "希望", "购买", "存储容量", "更大", "手机", "的", "用户", ",", "应该", "选择", "三星", "旗舰", "机型", "。"], ["相机", "和", "电池"], ["预计", "iPhone", "8", "将", "配置", "双", "摄", "3D", "相机", "—", "—", "据", "称", "是", "在", "LG", "帮助", "下", "开发", "的", "。", "如果", "这", "一", "传言", "属", "实", ",", "新款", "iPhone", "可能", "能够", "拍摄", "3D", "照片", "。", "相机", "可能", "还", "配置", "脸部", "识别", "和", "虹膜", "扫描", "技术", "。"], ["iPhone", "8", "电池", "也", "进行", "了", "改进", ",", "以", "延长", "电池", "续航时间", "。", "凯基", "证券", "分析师", "郭明", "錤", "(", "Ming", "-", "Chi", "Kuo", ",", "音译", ")", "发表", "报告", "称", ",", "iPhone", "8", "可能", "配置", "容量", "为", "1700", "毫安", "时", "的", "电池", "。"], ["另一方面", ",", "Galaxy", "S8", "配置", "1200", "万", "像素", "后置", "相机", "和", "800", "万", "像素", "前置", "相机", "—", "—", "也", "具备", "虹膜", "扫描", "功能", "。", "有", "媒体", "报道", "称", "Galaxy", "S8", "将", "配置", "3000", "毫安", "时", "电池", "。"], ["让", "粉丝", "感兴趣", "和", "吸引", "他们", "购买", "iPhone", "8", "的", "一", "个", "元素", "是", "3D", "功能", ",", "更大", "容量", "的", "电池", "和", "更好", "的", "成像质量", "可能", "吸引", "其他人", "选择", "三星", "旗舰", "机型", "。"], ["其他功能"], ["Galaxy", "S8", "已经", "获得", "IP68", "认证", ",", "这", "意味着", "它", "将", "防水", "、", "防尘", "。", "据", "称", "三星", "还在", "开发", "代号", "为", "Bixby", "的", "新款", "语音", "助手", "。", "Galaxy", "S8", "还", "可能", "支持", "无线", "充电", "功能", "。"], ["另一方面", ",", "iPhone", "8", "也", "支持", "无线", "充电", "功能", "。", "不过", ",", "目前", "尚", "不清楚", "苹果", "单独", "销售", "无线", "充电", "器", "还是", "包含", "在", "iPhone", "8", "包装盒", "中", "。", "还有", "传言", "称", ",", "苹果", "在", "开发", "改进", "Siri", "的", "技术", ",", "使", "之", "赶超", "市场", "上", "的", "其他", "语音", "助手", "。", "iPhone", "8", "也", "可能", "获得", "IP68", "认证", "。"], ["最新", "传言", "称", "三星", "Galaxy", "S8", "将", "采用", "人脸", "识别", "技术", ",", "这", "将", "使", "它", "获得", "针对", "苹果", "的", "优势", "。"], ["价格", "和", "销售"], ["预计", "发售", "之", "初", "Galaxy", "S8", "价格", "约", "为", "970", "美元", "(", "约", "合", "人民币", "6705", "元", ")", "。", "三星", "已经", "披露", "计划", "在", "3", "月", "29", "日", "的", "新产品", "发布会", "上", "发布", "Galaxy", "S8", ",", "预计", "其", "发售", "时间", "是", "4", "月", "28", "日", "。"], ["苹果", "旗舰", "机型", "价格", "可能", "略", "高", ",", "据", "称", "在", "1000", "美元", "(", "约", "合", "人民币", "6912", "元", ")", "左右", "。", "虽然", "发布日期", "尚未", "披露", ",", "但", "iPhone", "8", "可能", "像", "以往", "机型", "那样", "在", "9", "月份", "发布", ",", "然后", "很快", "上市", "销售", "。"], ["推荐", ":", "关注", "腾讯", "数码", "微信", "官号", "(", "ID", ":", "qq", "digi", ")", ",", "带", "你", "玩", "遍", "各种", "潮", "酷", "新品", ",", "前沿", "资讯", "、", "一手", "评测", "、", "视频", "搞", "机", "、", "趣", "玩", "直播", ",", "还有", "各种", "新", "奇", "玩儿", "法", "。", "iPhone", "8", "变成", "了", "史上最强", "?", "华为", "P10", "拍照", "超越", "了", "iPhone", "7", "?", "340", "年", "前", "的", "锁", "比", "智能", "门锁", "还", "牛", "?", "三星", "S8", "出", "了", "一", "个", "新", "色", "?", "答案", "都", "在这里", "。"], ["正文", "已", "结束", ",", "您", "可以", "按", "alt", "+", "4", "进行", "评论"], ["责任编辑", ":", "vince", "zhong"], ["标签", "手机", "苹果", "三星", "iPhone"], ["时", "长", "5", "′", "15", "″", "播放", "量", ":", "150"], ["时", "长", "5", "′", "15", "″", "播放", "量", ":", "150", "数码"], ["时", "长", "2", "′", "11", "″", "播放", "量", ":", "116"], ["时", "长", "2", "′", "11", "″", "播放", "量", ":", "116", "数码"], ["2017", "-", "07", "-", "29", "07", ":", "32", ":", "09"], ["时", "长", "3", "′", "37", "″", "播放", "量", ":", "497"], ["时", "长", "3", "′", "37", "″", "播放", "量", ":", "497", "数码"], ["时", "长", "3", "′", "15", "″", "播放", "量", ":", "393"], ["时", "长", "3", "′", "15", "″", "播放", "量", ":", "393", "数码"], ["2017", "-", "07", "-", "30", "07", ":", "26", ":", "48"], ["时", "长", "2", "′", "34", "″", "播放", "量", ":", "46"], ["时", "长", "2", "′", "34", "″", "播放", "量", ":", "46", "数码"], ["时", "长", "41", "″", "播放", "量", ":", "157"], ["时", "长", "41", "″", "播放", "量", ":", "157", "数码"]], "paragraphs": ["[摘要]三星、苹果今年将发布的旗舰机型在设计方面各有千秋,它们的处理器平分秋色,在屏幕方面似乎三星更胜一筹。它们可能都支持无线充电、防水功能。", "腾讯数码讯(文心)据Tech Times网站报道,智能手机爱好者对今年将发布的部分高端手机满怀期待,其中包括三星和苹果的旗舰机型。", "Galaxy S8和iPhone 8位居今年传言最多和最备受期待的智能手机之列,无疑也是传言眼中的宠儿。", "Tech Times将分析Galaxy S7和iPhone 7后续产品可能的规格,帮助用户决定哪款手机更符合自己的需求。", "设计", "在iPhone发展史中,iPhone 8将首次取消实体Home按键。苹果把这一决策作为减小屏幕顶、底部边框的一个途径。因此,iPhone 8边框可能远小于之前的历代产品。如果媒体报道属实,iPhone 8可能采用全玻璃机身设计。", "三星新款旗舰机型采用双曲边屏和窄边框设计。", "两款旗舰手机的焦点似乎是更漂亮的设计:更大的屏幕尺寸和更窄的边框,目前,这种设计已经成为智能手机的标准。苹果在智能手机上采用这种设计还是首次。", "屏幕", "泄露的规格信息显示,Galaxy S8配置5.8英寸Quad HD+分辨率Super AMOLED屏幕,更大尺寸的Galaxy S8+将配置6.2英寸屏幕。", "另一方面,iPhone 8将有3个型号,分别配置4.7、5和5.5英寸屏幕。但是,更重要的是,业界消息人士猜测,这可能是苹果有史以来首款配置曲面OLED屏幕的iPhone。", "Galaxy S8将轻松胜过基本款iPhone 8——据称配置4.7英寸屏幕;iPhone 8 Plus可能配置5.5英寸屏幕,Galaxy S8+在这一参数上占有上风。", "处理器", "苹果可能把新款iPhone处理器升级到全新10纳米工艺的A11芯片——据称比A10运行速度更快和更有效率。", "有媒体报道称美国版Galaxy S8配置高通骁龙835芯片,其他版本则配置Exynos 8895芯片。两款芯片也采用10纳米工艺制造,据称10纳米工艺能提升芯片运行效率。", "两款旗舰机型的芯片处理能力似乎相当,要评估哪款手机表现更好,用户需要使用两款手机进行直接对比。", "运行内存和机身内存", "当泄露的规格清单显示Galaxy S8可能配置4GB而非许多人期望的6GB运行内存时,粉丝深感失望。Galaxy S8机身内存将为64GB,支持通过microSD内存卡扩展存储容量。", "预计苹果将为iPhone 8配置3GB运行内存——这也是最大的iPhone运行内存容量。iPhone 8将有两种容量的机身内存——分别是64GB和256GB。但是,与之前所有型号一样,iPhone 8机身内存是不能扩展的。", "运行内存和机身内存从来都不是iPhone强项,这意味着希望购买存储容量更大手机的用户,应该选择三星旗舰机型。", "相机和电池", "预计iPhone 8将配置双摄3D相机——据称是在LG帮助下开发的。如果这一传言属实,新款iPhone可能能够拍摄3D照片。相机可能还配置脸部识别和虹膜扫描技术。", "iPhone 8电池也进行了改进,以延长电池续航时间。凯基证券分析师郭明錤(Ming-Chi Kuo,音译)发表报告称,iPhone 8可能配置容量为1700毫安时的电池。", "另一方面,Galaxy S8配置1200万像素后置相机和800万像素前置相机——也具备虹膜扫描功能。有媒体报道称Galaxy S8将配置3000毫安时电池。", "让粉丝感兴趣和吸引他们购买iPhone 8的一个元素是3D功能,更大容量的电池和更好的成像质量可能吸引其他人选择三星旗舰机型。", "其他功能", "Galaxy S8已经获得IP68认证,这意味着它将防水、防尘。据称三星还在开发代号为Bixby的新款语音助手。Galaxy S8还可能支持无线充电功能。", "另一方面,iPhone 8也支持无线充电功能。不过,目前尚不清楚苹果单独销售无线充电器还是包含在iPhone 8包装盒中。还有传言称,苹果在开发改进Siri的技术,使之赶超市场上的其他语音助手。iPhone 8也可能获得IP68认证。", "最新传言称三星Galaxy S8将采用人脸识别技术,这将使它获得针对苹果的优势。", "价格和销售", "预计发售之初Galaxy S8价格约为970美元(约合人民币6705元)。三星已经披露计划在3月29日的新产品发布会上发布Galaxy S8,预计其发售时间是4月28日。", "苹果旗舰机型价格可能略高,据称在1000美元(约合人民币6912元)左右。虽然发布日期尚未披露,但iPhone 8可能像以往机型那样在9月份发布,然后很快上市销售。", "推荐:关注腾讯数码微信官号(ID:qqdigi),带你玩遍各种潮酷新品,前沿资讯、一手评测、视频搞机、趣玩直播,还有各种新奇玩儿法。iPhone 8变成了史上最强?华为P10拍照超越了iPhone 7?340年前的锁比智能门锁还牛?三星S8出了一个新色?答案都在这里。", "正文已结束,您可以按alt+4进行评论", "责任编辑:vincezhong", "标签 手机 苹果 三星 iPhone", "时长5′15″ 播放量:150", "时长5′15″ 播放量:150 数码", "时长2′11″ 播放量:116", "时长2′11″ 播放量:116 数码", "2017-07-29 07:32:09", "时长3′37″ 播放量:497", "时长3′37″ 播放量:497 数码", "时长3′15″ 播放量:393", "时长3′15″ 播放量:393 数码", "2017-07-30 07:26:48", "时长2′34″ 播放量:46", "时长2′34″ 播放量:46 数码", "时长41″ 播放量:157", "时长41″ 播放量:157 数码"], "bs_rank_pos": 1}, {"is_selected": false, "title": "三星S8+值得买吗?三星Galaxy S8+全面深度评测图解_手机评测_手机", "most_related_para": 18, "segmented_title": ["三星", "S8", "+", "值得", "买", "吗", "?", "三星", "Galaxy", "S8", "+", "全面", "深度", "评测", "图解", "_", "手机", "评测", "_", "手机"], "segmented_paragraphs": [["经过", "Galaxy", "S6", "和", "S7", "两", "代", "旗舰", "手机", "的", "沉淀", "之后", ",", "双曲面", "屏", "终于", "同时", "应用", "在", "了", "Galaxy", "S8", "和", "S8", "+", "之", "上", "。", "那么", "很多", "网友", "朋友", "问", "三星", "S8", "+", "怎么样", "好不好", "?", "三星", "S8", "+", "值得", "买", "吗", "?", "下面", "小", "编", "就", "带来", "三星", "Galaxy", "S8", "+", "全面", "深度", "评测", "图解"], ["三星", "在", "过去", "的", "一年", "可谓", "命运多舛", ",", "原本", "在", "创新", "方面", "可以", "全面", "碾压", "竞品", "iPhone", "7", "Plus", "的", "Galaxy", "Note", "7", "深陷", "电池", "门", ",", "导致", "三星", "在", "去年", "下半年", "的", "旗舰", "产品", "缺失", "。", "辗转", "半年", "的", "时间", "之后", ",", "三星", "Galaxy", "S8", "并", "未", "像", "我们", "想象", "中", "提前", "来", "“", "救火", "”", ",", "反而", "比", "往年", "延迟", "发布", "了", "一个月", "。", "这", "背后", "固然", "存在", "供应链", "的", "管控", "问题", ",", "但", "更重要", "的", "也是", "给", "三星", "更", "长", "的", "时间", "来", "保证", "产品", "安全问题", "。", "最", "重要", "的", "是", ",", "三星", "Galaxy", "S8", "系列", "手机", "还是", "来看", ",", "并且", "能", "称", "其实", "一", "次", "华丽", "的", "转身", "。"], ["经过", "Galaxy", "S6", "和", "S7", "两", "代", "旗舰", "手机", "的", "沉淀", "之后", ",", "双曲面", "屏", "终于", "同时", "应用", "在", "了", "Galaxy", "S8", "和", "S8", "+", "之", "上", "。", "众所周知", ",", "除了", "三星", "之外", ",", "双曲面", "屏", "也", "在", "多", "个", "手机厂商", "的", "旗舰", "产品", "中", "出现", "。", "不过", "这", "一", "设计", "并", "未", "明显", "推动", "用户体验", "的", "提升", ",", "更多", "的", "还是", "为", "手机厂商", "提供", "了", "一", "个", "为", "产品", "提升", "美", "感", "和", "质感", "的", "解决方案", "。"], ["除了", "曲面", "屏", "之外", ",", "三星", "Galaxy", "S8", "系列", "还", "带来", "了", "更", "惊艳", "的", "全", "视", "屏", "。", "三星", "在", "没有", "像", "小米", "MIX", "那样", "取消", "手机", "“", "额头", "”", "的", "情况", "下", ",", "将", "屏", "占", "比", "扩大", "到", "了", "83", "%", "这个", "惊人", "的", "数字", ",", "随之而来", "的", "还有", "18", ".", "5", ":", "9", "的", "屏幕", "比例", "。", "这样", "堆砌", "起来", "的", "参数", "信息", "可能", "无法", "令", "你", "感受到", "这块", "屏幕", "的", "冲击", "感", ",", "倘若", "能看到", "真", "机", ",", "想", "必", "你", "会", "难以", "拒绝", "它", "所", "为你", "带来", "的", "广阔", "视野", "。"], ["原本", "首发", "于", "Galaxy", "Note", "7", "上", "的", "虹膜识别", "在", "S8", "系列", "手机", "中", "也", "得到", "了", "继承", "。", "尽管", "指纹识别", "是", "消费者", "接受", "程度", "最高", "和", "市场", "应用", "最", "广泛", "的", "安全", "识别", "技术", ",", "但", "虹膜识别", "能够", "为", "用户", "提供", "安全级别", "更高", "的", "选择", "。", "如果", "你", "不习惯", "用", "虹膜识别", "解锁", "屏幕", ",", "但", "它", "在", "进入", "系统", "内部", "安全", "文件夹", "时", ",", "相比", "指纹", "来", "说", "确实", "更加", "便捷", "。"], ["经过", "笔者", "上面", "的", "介绍", ",", "此次", "三星", "Galaxy", "S8", "和", "S8", "+", "的", "主要", "卖点", "便是", "全", "视", "曲面", "屏", "和", "虹膜识别", "。", "关于", "这两点", "在", "后", "文", "中", "会", "有", "详细", "的", "解读", ",", "在这之前", ",", "大家", "不", "妨", "先", "看", "一", "下", "这", "两", "款", "手机", "的", "参数", "对比", ",", "从而", "更", "能", "直观", "的", "区分", "开", "两者", "的", "硬件", "差别", "。"], ["从", "上面", "的", "表格", "中", "我们", "能看到", ",", "三星", "Galaxy", "S8", "和", "S8", "+", "两", "款", "手机", "此次", "并", "未", "拉", "开", "配置", "上", "的", "差异", "(", "零售版", "上市", "后", "参数", "信息", "或", "有", "差别", ")", "。", "由于", "两者", "均", "采用", "了", "上去", "面", "显示屏", ",", "因此", "差异", "也", "就", "剩下", "机身尺寸", "、", "屏幕尺寸", "和", "电池容量", "了", "。", "不过", "有", "关于", "屏", "占", "比", "方面", ",", "我们", "其实", "还", "可以", "横向", "对比一下", "。"], ["横向", "对比", "来看", ",", "三星", "Galaxy", "S8", "+", "在", "机身尺寸", "上", "属于", "纤长", "型", ",", "相比", "于", "机身", "长度", "相仿", "的", "iPhone", "7", "Plus", "来", "说", ",", "“", "瘦", "”", "了", "4", ".", "5mm", ",", "相比", "于", "小米", "MIX", "来", "说", "更", "是", "“", "瘦", "”", "了", "8", ".", "5mm", "。", "另外", "在", "屏", "占", "比", "方面", ",", "可谓", "碾压", "老对手", "苹果", "一条街", "了", ",", "仅次于", "去掉", "了", "“", "额头", "”", "的", "小米", "MIX", "。"], ["▲", "三星", "Galaxy", "S8", "+", "底", "栏", "有", "虚拟", "按键"], ["关于", "屏幕", ",", "三星", "其实", "也", "经过", "了", "一", "番", "取舍", "。", "例如", "为了", "兼容", "高", "屏", "占", "比", ",", "所以", "不得不", "将", "屏幕", "的", "四", "个", "角", "截", "成", "圆弧", "形", "。", "这样", "的", "做法", "我们", "在", "小米", "MIX", "和", "LG", "G6", "上", "都", "能", "发现", "。", "不过", "三星", "Galaxy", "S8", "和", "S8", "+", "采用", "双曲面", "屏", ",", "因此", "屏幕", "四", "个", "角", "的", "弧度", "也", "就", "更大", ",", "损失", "的", "显示", "面积", "也", "略", "有", "增加", "。"], ["此外", ",", "三星", "Galaxy", "S8", "和", "S8", "+", "所", "采用", "的", "屏幕比例", "为", "18", ".", "5", ":", "9", ",", "这", "与", "主流", "的", "视频", "源", "的", "屏幕", "比例", "不同", ",", "相比", "于", "常见", "的", "16", ":", "9", "片源", "来", "说", ",", "用", "三星", "Galaxy", "S8", "和", "S8", "+", "看", "视频", "会", "经常出现", "无法", "全屏", "显示", "的", "情况", "。"], ["从", "Galaxy", "S6", "系列", "开始", ",", "三星", "旗舰", "手机", "的", "外观设计", "和", "工艺", "就", "大", "获", "改观", "。", "一直", "到", "现在", ",", "曲面", "屏", "、", "双面", "玻璃", "成就", "了", "S", "系列", "手机", "的", "优秀", "质感", "。", "而", "在", "目前", ",", "高", "屏", "占", "比", "越来越", "成为", "手机", "设计", "的", "主流", "趋势", "。", "此", "前", "Galaxy", "S", "Edge", "系列", "所", "使用", "的", "曲面", "屏", "本身", "在", "屏", "占", "比", "和", "观", "感", "上", "就", "占有", "优势", "。", "经过", "前", "两", "代", "产品", "试水", "之后", ",", "Galaxy", "S8", "系列", "同样", "为", "双", "版本", "齐", "发", ",", "但", "这一次", "大胆", "地", "取消", "了", "直", "屏", "版本", "。", "也是", "顺", "市场", "主流", "趋势", "所", "动", "。", "这", "一", "部分", ",", "我们", "就", "来", "对", "三星", "Galaxy", "S8", "+", "的", "外观设计", "做", "解析", "。"], ["首先", "机身", "正面", ",", "Galaxy", "S8", "+", "使用", "一", "块", "6", ".", "2", "英寸", "曲面", "屏", ",", "柔性", "屏", "的", "使用", "使", "其", "几乎", "达到", "了", "两侧", "视觉", "无边", "的", "效果", "。", "特别", "的", "是", ",", "Galaxy", "S8", "+", "所", "使用", "的", "这块", "屏幕比例", "为", "18", ".", "5", ":", "9", ",", "加上", "两侧", "为", "弧度", "设计", ",", "所以", "整机", "远", "比", "市面上", "常见", "的", "16", ":", "9", "屏幕", "手机", "要", "长", "且", "窄", "。", "另外", ",", "为了", "适配", "这", "一", "屏幕比例", ",", "三星", "Galaxy", "S8", "+", "的", "屏幕分辨率", "为", "2960", "*", "1440", "。"], ["在", "外观", "上", ",", "Galaxy", "S8", "系列", "相比", "上", "代", "产品", "最大", "的", "不同", "就是", "机身", "正面", "了", "。", "除了", "进一步", "收窄", "的", "“", "额头", "”", "和", "“", "下巴", "”", ",", "Galaxy", "S8", "系列", "还", "取消", "了", "机身", "底部", "的", "Home", "键", ",", "令", "整机", "的", "屏", "占", "比", "获得", "了", "进一步提高", "的", "空间", "。", "取而代之", "的", "是", "屏", "内", "虚拟", "Home", "键", "。", "但", "在", "实用性", "和", "便利", "性", "上", ",", "实体", "键", "有着", "虚拟", "按键", "难以", "比拟", "的", "先天", "优势", "。", "作为", "弥补", ",", "三星", "通过", "3D", "Touch", "实现", "了", "息", "屏", "状态", "下", "按压", "虚拟", "Home", "键", "区域", "亮", "屏", "的", "操作", ",", "并", "模拟", "真实", "按键", "触感", "。"], ["Galaxy", "S8", "系列", "在", "指纹", "的", "基础", "上", "还", "提供", "了", "“", "虹膜识别", "”", "和", "“", "面部", "识别", "”", "作为", "补充", "。", "但", "目前", "这", "两种", "解锁", "方式", "受限", "于", "环境", "等", "因素", "的", "影响", ",", "实际上", "并没有", "指纹", "解锁", "来", "得", "方便快捷", "。"], ["Galaxy", "S8", "+", "的", "摄像头", "基本", "做到", "了", "与", "机身", "背部", "持", "平", ",", "这", "相比", "前", "代", "甚至于", "同类产品", "已经", "是", "一", "个", "不", "小", "的", "进步", "了", "。", "摄像头", "的", "造型", "与", "前", "几代", "产品", "保持", "了", "一致", ",", "仍然", "是", "圆角", "矩形", ",", "体现", "了", "设计", "的", "传承", "性", "。", "但", "移", "到", "机身", "背部", "的", "指纹识别", "按键", "的", "位置", "就", "显得", "有些", "不", "大", "妥帖", ",", "虽然", "照顾", "了", "视觉", "观", "感", ",", "但", "对", "实用性", "造成", "了", "妥协", "。", "这", "枚", "指纹识别", "按键", "虽然", "在", "位置", "上", "照顾", "了", "手", "姿", "(", "即", "右手", "正常", "握持", "时", "正好", "会", "触", "碰到", "指纹识别", "按键", "区域", ")", ",", "但", "它", "与", "摄像头", "距离", "太", "近", ",", "使得", "手指", "会", "经常", "碰到", "摄像头", ",", "沾染", "指纹", "与", "污渍", "。"], ["取消", "实体", "按键", "、", "指纹识别", "移", "到", "背部", "这些", "改变", ",", "一方面", "Galaxy", "S", "8", "是", "一款", "非常", "典型", "的", "设计", "驱动", "型", "产品", ",", "这些", "是", "为", "全", "视", "曲面", "屏", "设计", "做出", "的", "妥协", "。", "另一方面", ",", "即便", "虹膜识别", "、", "面部", "识别", "的", "解锁", "体验", "能够", "媲美", "指纹识别", ",", "但", "相应", "的", "API", "接口", "还没有", "开放", "给", "虹膜识别", "和", "面部", "识别", "(", "也", "可", "理解", "成", "还", "形成", "统一", "、", "完善", "的", "标准", ")", ",", "三星", "又", "需要", "推进", "三星", "智付", ",", "支持", "微信", "、", "支付宝", "等", "第三方支付", ",", "指纹识别", "在", "现阶段", "又", "必不可少", "。", "可以预见", "的", "是", ",", "在", "三星", "下", "代", "产品", "上", ",", "我们", "可以看到", "集成", "在", "玻璃", "下", "的", "指纹识别", "技术", "的", "出现", "。"], ["关于", "机身", "背部", "工艺", ",", "三星", "在", "发布会", "上", "并没有", "提及", "。", "据了解", "应该", "与", "上", "代", "产品", "相同", ",", "使用", "菲林", "贴合", "的", "玻璃", "背板", ",", "质感", "优异", "。", "其", "金属", "边框", "与", "前后", "玻璃", "之间", "的", "结合", "达到", "了", "很高", "的", "工艺", "水准", "。", "因为", "不同", "材质", "之间", "的", "接", "合", "处", "往往", "都是", "做工", "瑕疵", "的", "重灾区", ",", "很多", "厂商", "出于", "控制", "量产", "良", "率", "方面", "的", "考量", ",", "都会", "选择", "在", "两种", "材质", "之间", "再", "使用", "一", "种", "材质", "作为", "过渡", ",", "而", "Galaxy", "S8", "+", "则", "来", "得", "更为", "直接", "和", "纯粹", "。"], ["小结", ":", "在", "工业设计", "方面", ",", "三星", "近几年来", "在", "业界", "引领", "者", "的", "地位", "几乎", "无人能", "撼动", ",", "三星", "Galaxy", "S8", "+", "全", "视", "曲面", "屏", "的", "设计", "没有", "令人失望", ",", "达到", "了", "颇", "为", "震撼", "的", "正面", "观", "感", "。", "为了", "这", "一", "设计", ",", "从", "后置", "的", "指纹识别", "按键", "上", "也", "能", "看出", "它", "是", "一款", "典型", "的", "设计", "驱动", "型", "产品", ",", "为", "照顾", "设计", "做", "了", "一些", "极", "具", "创新", "意义", "的", "尝试", ",", "从", "某种", "方面", "来", "讲", "也", "可以", "看", "作", "是", "妥协", "。", "但", "无论如何", ",", "就", "整机", "的", "观", "感", "和", "做工", "而言", ",", "Galaxy", "S8", "+", "无愧其", "旗舰", "机", "的", "定位", "。"]], "paragraphs": ["经过Galaxy S6和S7两代旗舰手机的沉淀之后,双曲面屏终于同时应用在了Galaxy S8和S8+之上。那么很多网友朋友问三星S8+怎么样好不好?三星S8+值得买吗?下面小编就带来三星Galaxy S8+全面深度评测图解", "三星在过去的一年可谓命运多舛,原本在创新方面可以全面碾压竞品iPhone7 Plus的Galaxy Note7深陷电池门,导致三星在去年下半年的旗舰产品缺失。辗转半年的时间之后,三星Galaxy S8并未像我们想象中提前来“救火”,反而比往年延迟发布了一个月。这背后固然存在供应链的管控问题,但更重要的也是给三星更长的时间来保证产品安全问题。最重要的是,三星Galaxy S8系列手机还是来看,并且能称其实一次华丽的转身。", "经过Galaxy S6和S7两代旗舰手机的沉淀之后,双曲面屏终于同时应用在了Galaxy S8和S8+之上。众所周知,除了三星之外,双曲面屏也在多个手机厂商的旗舰产品中出现。不过这一设计并未明显推动用户体验的提升,更多的还是为手机厂商提供了一个为产品提升美感和质感的解决方案。", "除了曲面屏之外,三星Galaxy S8系列还带来了更惊艳的全视屏。三星在没有像小米MIX那样取消手机“额头”的情况下,将屏占比扩大到了83%这个惊人的数字,随之而来的还有18.5:9的屏幕比例。这样堆砌起来的参数信息可能无法令你感受到这块屏幕的冲击感,倘若能看到真机,想必你会难以拒绝它所为你带来的广阔视野。", "原本首发于Galaxy Note7上的虹膜识别在S8系列手机中也得到了继承。尽管指纹识别是消费者接受程度最高和市场应用最广泛的安全识别技术,但虹膜识别能够为用户提供安全级别更高的选择。如果你不习惯用虹膜识别解锁屏幕,但它在进入系统内部安全文件夹时,相比指纹来说确实更加便捷。", "经过笔者上面的介绍,此次三星Galaxy S8和S8+的主要卖点便是全视曲面屏和虹膜识别。关于这两点在后文中会有详细的解读,在这之前,大家不妨先看一下这两款手机的参数对比,从而更能直观的区分开两者的硬件差别。", "从上面的表格中我们能看到,三星Galaxy S8和S8+两款手机此次并未拉开配置上的差异(零售版上市后参数信息或有差别)。由于两者均采用了上去面显示屏,因此差异也就剩下机身尺寸、屏幕尺寸和电池容量了。不过有关于屏占比方面,我们其实还可以横向对比一下。", "横向对比来看,三星Galaxy S8+在机身尺寸上属于纤长型,相比于机身长度相仿的iPhone7 Plus来说,“瘦”了4.5mm,相比于小米MIX来说更是“瘦”了8.5mm。另外在屏占比方面,可谓碾压老对手苹果一条街了,仅次于去掉了“额头”的小米MIX。", "▲三星Galaxy S8+底栏有虚拟按键", "关于屏幕,三星其实也经过了一番取舍。例如为了兼容高屏占比,所以不得不将屏幕的四个角截成圆弧形。这样的做法我们在小米MIX和LG G6上都能发现。不过三星Galaxy S8和S8+采用双曲面屏,因此屏幕四个角的弧度也就更大,损失的显示面积也略有增加。", "此外,三星Galaxy S8和S8+所采用的屏幕比例为18.5:9,这与主流的视频源的屏幕比例不同,相比于常见的16:9片源来说,用三星Galaxy S8和S8+看视频会经常出现无法全屏显示的情况。", "从Galaxy S6系列开始,三星旗舰手机的外观设计和工艺就大获改观。一直到现在,曲面屏、双面玻璃成就了S系列手机的优秀质感。而在目前,高屏占比越来越成为手机设计的主流趋势。此前Galaxy S Edge系列所使用的曲面屏本身在屏占比和观感上就占有优势。经过前两代产品试水之后,Galaxy S8系列同样为双版本齐发,但这一次大胆地取消了直屏版本。也是顺市场主流趋势所动。这一部分,我们就来对三星Galaxy S8+的外观设计做解析。", "首先机身正面,Galaxy S8+使用一块6.2英寸曲面屏,柔性屏的使用使其几乎达到了两侧视觉无边的效果。特别的是,Galaxy S8+所使用的这块屏幕比例为18.5:9,加上两侧为弧度设计,所以整机远比市面上常见的16:9屏幕手机要长且窄。另外,为了适配这一屏幕比例,三星Galaxy S8+的屏幕分辨率为2960*1440。", "在外观上,Galaxy S8系列相比上代产品最大的不同就是机身正面了。除了进一步收窄的“额头”和“下巴”,Galaxy S8系列还取消了机身底部的Home键,令整机的屏占比获得了进一步提高的空间。取而代之的是屏内虚拟Home键。但在实用性和便利性上,实体键有着虚拟按键难以比拟的先天优势。作为弥补,三星通过3D Touch实现了息屏状态下按压虚拟Home键区域亮屏的操作,并模拟真实按键触感。", "Galaxy S8系列在指纹的基础上还提供了“虹膜识别”和“面部识别”作为补充。但目前这两种解锁方式受限于环境等因素的影响,实际上并没有指纹解锁来得方便快捷。", "Galaxy S8+的摄像头基本做到了与机身背部持平,这相比前代甚至于同类产品已经是一个不小的进步了。摄像头的造型与前几代产品保持了一致,仍然是圆角矩形,体现了设计的传承性。但移到机身背部的指纹识别按键的位置就显得有些不大妥帖,虽然照顾了视觉观感,但对实用性造成了妥协。这枚指纹识别按键虽然在位置上照顾了手姿(即右手正常握持时正好会触碰到指纹识别按键区域),但它与摄像头距离太近,使得手指会经常碰到摄像头,沾染指纹与污渍。", "取消实体按键、指纹识别移到背部这些改变,一方面Galaxy S8是一款非常典型的设计驱动型产品,这些是为全视曲面屏设计做出的妥协。另一方面,即便虹膜识别、面部识别的解锁体验能够媲美指纹识别,但相应的API接口还没有开放给虹膜识别和面部识别(也可理解成还形成统一、完善的标准),三星又需要推进三星智付,支持微信、支付宝等第三方支付,指纹识别在现阶段又必不可少。可以预见的是,在三星下代产品上,我们可以看到集成在玻璃下的指纹识别技术的出现。", "关于机身背部工艺,三星在发布会上并没有提及。据了解应该与上代产品相同,使用菲林贴合的玻璃背板,质感优异。其金属边框与前后玻璃之间的结合达到了很高的工艺水准。因为不同材质之间的接合处往往都是做工瑕疵的重灾区,很多厂商出于控制量产良率方面的考量,都会选择在两种材质之间再使用一种材质作为过渡,而Galaxy S8+则来得更为直接和纯粹。", "小结:在工业设计方面,三星近几年来在业界引领者的地位几乎无人能撼动,三星Galaxy S8+全视曲面屏的设计没有令人失望,达到了颇为震撼的正面观感。为了这一设计,从后置的指纹识别按键上也能看出它是一款典型的设计驱动型产品,为照顾设计做了一些极具创新意义的尝试,从某种方面来讲也可以看作是妥协。但无论如何,就整机的观感和做工而言,Galaxy S8+无愧其旗舰机的定位。"], "bs_rank_pos": 2}, {"is_selected": true, "title": "三星S8/S8+值不值得买?老外三大理由say no_TechWeb", "most_related_para": 8, "segmented_title": ["三星", "S8", "/", "S8", "+", "值", "不", "值得", "买", "?", "老外", "三大理由", "say", "no", "_", "Tech", "Web"], "segmented_paragraphs": [["Tech", "Web", "官方", "微博", ":"], ["三星", "S8", "/", "S8", "+", "值", "不", "值得", "买", "?", "老外", "三大理由", "say", "no", "三星", "昨晚", "盛大", "发布", "了", "Galaxy", "S8", "/", "S8", "+", "手机", ",", "全", "视", "曲面", "屏", "、", "骁龙", "835", "、", "千兆", "LTE", "、", "Bixby", "AI", "语音", "助手", "等", "成为", "卖点", ",", "不过", "799", "/", "899", "欧元", "的", "起", "售价", "着", "实", "不", "菲", "。"], ["下面", "CNET", "总结", "了", "令人", "脱离", "选购", "欲", "的", "三", "点", ",", "如", "下", "—", "—"], ["1", "、", "摄像头", "非常遗憾", ",", "S8", "/", "S8", "+", "搭载", "了", "和", "S7", "/", "S7", "edge", "纸", "面", "参数", "完全", "一致", "的", "摄像头", ",", "这", "是", "有些", "匪夷所思", "的", "。", "毕竟", ",", "在", "如今", "拍照", "竞争", "如此", "激烈", "的", "态势", "下", ",", "三星", "万众瞩目", "的", "新", "旗舰", "在", "如此", "关键", "的", "硬件", "上", "“", "换汤不换药", "”", "。", "2", "、", "电池", "续航", "S8", "/", "S8", "+", "最", "惊艳", "的", "莫过于", "屏幕", ",", "两者", "都是", "2960", "x", "1440", "超", "2K", "分辨", ",", "其中", "前者", "5.8", "英寸", ",", "后者", "6", ".", "2", "英寸", "。", "不过", ",", "两者", "屏幕", "都", "比", "S7", "edge", "大", ",", "但", "电池", "却", "双双", "缩水", "。", "按照", "官方", "资料", ",", "典型", "场景", "如", "通话时间", "、", "视频播放", "等", "都", "有", "2", "小时", "的", "下滑", "。", "本来", ",", "S7", "e", "的", "续航", "就", "不", "算", "很好", ",", "结果", "这次", "又", "是", "一天", "一", "充", "甚至", "多", "充", "的", "节奏", "。", "3", "、", "个人助理", "Bixby", "在", "市面上", "已经", "有", "小娜", "、", "谷歌", "助手", "、", "苹果", "Siri", "、", "亚马逊", "Alexa", "情况", "下", ",", "三星", "执意", "自己", "做出", "Bixby", "。", "但", "其", "体验", "应当说", "最", "不", "完善", ",", "目前", "仅", "支持", "三星", "自家", "APP", ",", "不能", "从", "互联网", "收集", "信息", "。", "每日", "头条", "、", "业界资讯", "、", "热点资讯", "、", "八卦", "爆料", ",", "全天", "跟踪", "微博", "播报", "。", "各种", "爆料", "、", "内幕", "、", "花边", "、", "资讯", "一网打尽", "。", "百万", "互联网", "粉丝", "互动", "参与", ",", "Tech", "Web", "官方", "微博", "期待", "您", "的", "关注", "。"], ["↑", "扫描", "二维码"], ["想", "在", "手机", "上", "看", "科技资讯", "和", "科技", "八卦", "吗", "?"], ["想", "第一时间", "看", "独家", "爆料", "和", "深度报道", "吗", "?"], ["请", "关注", "Tech", "Web", "官方", "微信", "公众", "帐号", ":"], ["1", ".", "用手机", "扫", "左侧", "二维码", ";", "2", ".", "在", "添加", "朋友", "里", ",", "搜索", "关注", "Tech", "Web", "。"], ["今年", "的", "小米", "春季", "发布会", "上", ",", "受", "制", "于", ".", ".", "."], ["近年来", ",", "随着", "我", "国", "经济", "以及", "医疗卫生", "事业", "的", "发展", ",", "人民生活水平", "有", "了", "很大", "程度", "的", "提高", ",", "但", "同时", "由于", "环境污染", "和", "人们", "生活方式", "的", "改变", ",", "与", "此", ".", ".", "."]], "paragraphs": ["TechWeb官方微博:", "三星S8/S8+值不值得买?老外三大理由say no 三星昨晚盛大发布了Galaxy S8/S8+手机,全视曲面屏、骁龙835、千兆LTE、Bixby AI语音助手等成为卖点,不过799/899欧元的起售价着实不菲。", "下面CNET总结了令人脱离选购欲的三点,如下——", "1、摄像头 非常遗憾,S8/S8+搭载了和S7/S7 edge纸面参数完全一致的摄像头,这是有些匪夷所思的。毕竟,在如今拍照竞争如此激烈的态势下,三星万众瞩目的新旗舰在如此关键的硬件上“换汤不换药”。 2、电池续航 S8/S8+最惊艳的莫过于屏幕,两者都是2960 x 1440超2K分辨,其中前者5.8英寸,后者6.2英寸。不过,两者屏幕都比S7 edge大,但电池却双双缩水。 按照官方资料,典型场景如通话时间、视频播放等都有2小时的下滑。本来,S7e的续航就不算很好,结果这次又是一天一充甚至多充的节奏。 3、个人助理Bixby 在市面上已经有小娜、谷歌助手、苹果Siri、亚马逊Alexa情况下,三星执意自己做出Bixby。但其体验应当说最不完善,目前仅支持三星自家APP,不能从互联网收集信息。 每日头条、业界资讯、热点资讯、八卦爆料,全天跟踪微博播报。各种爆料、内幕、花边、资讯一网打尽。百万互联网粉丝互动参与,TechWeb官方微博期待您的关注。", "↑扫描二维码", "想在手机上看科技资讯和科技八卦吗?", "想第一时间看独家爆料和深度报道吗?", "请关注TechWeb官方微信公众帐号:", "1.用手机扫左侧二维码; 2.在添加朋友里,搜索关注TechWeb。", "今年的小米春季发布会上,受制于...", "近年来,随着我国经济以及医疗卫生事业的发展,人民生活水平有了很大程度的提高,但同时由于环境污染和人们生活方式的改变,与此..."], "bs_rank_pos": 4}, {"is_selected": false, "title": "三星S8很惊艳,但有5个理由不值得购买_搜狐科技_搜狐网", "most_related_para": 17, "segmented_title": ["三星", "S8", "很", "惊艳", ",", "但", "有", "5", "个", "理由", "不值得", "购买", "_", "搜狐", "科技", "_", "搜狐网"], "segmented_paragraphs": [["三星", "已", "于", "3", "月", "29", "号", "在", "纽约", "正式", "发布", "三星", "Galaxy", "S8", "/", "S8", "+", ",", "虽然", "新", "手机", "的", "性能", "强悍", ",", "外观", "出众", ",", "但", "也", "做出", "了", "不少", "妥协", ",", "一些", "功能", "也", "不", "尽如人意", "。", "小", "编", "总结", "了", "几", "条", "可能", "会", "降低", "你", "购买", "欲望", "的", "槽", "点", "。"], ["1", ".", "后置", "指纹识别", "三星", "S8", "为了", "进一步", "提升", "屏", "占", "比", ",", "取消", "了", "手机", "正面", "的", "实体", "Home", "键", ",", "指纹识别", "模块", "也", "被", "移", "到", "了", "背部", ",", "令人", "抓狂", "的", "是", ",", "三星", "S8", "的", "指纹识别", "被", "设计", "在", "了", "摄像头", "右侧", ",", "在", "实际", "使用", "过程", "中", "可能会", "经常", "误", "触", "摄像头", ",", "造成", "摄像头", "区域", "的", "抹", "花", ",", "影响", "手机", "拍照", "。", "为此", ",", "请", "大家", "查看", "外媒", "带来", "的", "三星", "S8", "真", "机", "上", "手", "体验", ",", "在", "2", "分", "40", "秒", "开始", ",", "视频", "内", "演示", "了", "三星", "S8", "指纹识别", "操作", "过程", "。", "令人", "尴尬", "的", "是", "三星", "在", "S8", "里", "新增", "了", "一项", "功能", ",", "相机", "启动", "后", "会", "自动", "检测", "镜头", "干净", "度", ",", "如果", "发现", "有", "指纹", "之类", "的", "脏", "东西", "影响", "了", "成像", "效果", ",", "那么", "便", "会", "在", "屏幕", "上", "弹出", "提示", ",", "建议", "用户", "擦", "干净", "再", "拍摄", "。", "看", "来", "三星", "很", "清楚", "这样", "的", "后置", "指纹", "设计", "体验", "有", "多", "差劲", "。", "还有", "一", "个", "问题", "是", "手", "小", "的", "用户", "可能", "无法", "轻易", "触摸", "到", "Galaxy", "S8", "+", "的", "指纹识别", "模块", ",", "单", "手", "解锁", "会", "十分", "糟糕", ",", "为了", "不", "出", "什么", "意外", "还是", "将", "手机", "背面", "翻转", "过来", "双手", "握持", "解锁", "吧", "!", "2", ".", "电池容量", "缩水", "三星", "S8", "/", "S8", "+", "最", "惊艳", "的", "地方", "莫过于", "屏幕", ",", "尺寸", "分别", "为", "5.8", "、", "6", ".", "2", "英寸", ",", "分辨率", "2960", "*", "1440", ",", "屏幕", "虽", "好", ",", "但", "耗电量", "也有", "了", "相应", "增加", "。", "三星", "S7", "Edge", "在", "5", ".", "5", "英寸", "屏幕", "的", "情况", "下", "使用", "了", "3600", "mAh", "电池", ",", "但是", "续航", "尿崩", ",", "一", "天", "需要", "两", "充", "甚至", "三", "充", "。", "三星", "Note", "7", "为了", "增强", "续航", "强行", "增加", "电池", "密度", ",", "最终", "导致", "自燃", "事故", "不断", "而", "提前", "陨落", "。", "为了", "避免", "新", "的", "安全事故", "出现", ",", "5", ".", "8", "英寸", "的", "S8", "仅", "使用", "了", "3000", "mAh", "的", "电池", ",", "6", ".", "2", "英寸", "的", "S8", "+", "仅", "使用", "了", "3500", "mAh", "的", "电池", "。", "续航", "?", "哈哈哈", "见鬼", "去", "吧", "!", "3", ".", "摄像头", "没", "变化", "此", "前", "三星", "S7", "Edge", "被", "誉为", "拍照", "最出色", "的", "智能手机", ",", "其", "搭载", "拥有", "全", "像素", "双核", "对焦", "技术", "的", "1200", "万", "像素", "索尼", "IMX", "260", "传感器", "。", "时间", "已", "过", "一年", "有余", ",", "当前", "市面上", "双", "摄像头", "手机", "大行其道", ",", "拍照", "玩法", "多种多样", "。", "最近", "索尼", "发布", "的", "Xperia", "XZ", "Premium", "更", "是", "支持", "高达", "960", "帧", "/", "秒", "的", "高速", "录像", ",", "这", "是因为", "它", "搭载", "了", "自家", "最新", "的", "IMX", "400", "传感器", ",", "有效像素", "1900", "万", "。", "之", "前", "传闻", "三星", "S8", "将会", "搭载", "索尼", "为", "其", "定制", "的", "I", "MX", "333", ",", "同样", "支持", "960", "高速", "录像", ",", "遗憾的是", "S8", "摄像头", "与", "S7", "Edge", "一模一样", ",", "三星", "继续", "打磨", "了", "发布", "一年多", "的", "IMX", "260", "。", "换句话说", "就是", "三星", "S8", "的", "相机", "成像", "并", "不会", "有", "太", "大", "提升", "。", "三星", "Galaxy", "S", "8", "的", "成本", "大幅提升", ",", "售价", "也", "不会", "便宜", ",", "结合", "当前", "手机市场", "大幅", "涨价", "的", "背景", ",", "三星", "S8", "涨价", "也是", "情", "理", "之", "中", "了", "。", "此", "前", "ev", "leaks", "爆料", "三星", "S8", "欧洲", "区", "起", "售价", "799", "欧元", ",", "S8", "+", "为", "899", "欧元", ",", "约", "合", "人名币", "5931", "/", "6631", "元", "。"], ["根据", "欧洲", "区", "售价", ",", "小", "编", "推测", "国行", "最低", "也", "要", "5688", "元", "起步", ",", "或者", "5988", "元", ",", "最高", "配", "版本", "可能", "要", "突破", "7000", "元", "大关", ",", "不知道", "这样", "的", "售价", "你", "能否", "接受", "。"], ["我们", "知道", "最近", "因为", "某", "件", "事", ",", "大家", "对", "某", "国", "商品", "有", "了", "抵触", "情绪", ",", "并", "不是", "因为", "售价", "过高", "而", "不", "选择", "购买", "。", "就算", "你", "没有", "这样", "的", "抵触", "情绪", ",", "你", "还要", "担心", "周围", "人", "的", "眼光", ",", "由此可见", "三星", "S8", "不", "光", "做出", "了", "多", "项", "妥协", ",", "就", "连", "运气", "都", "没有", "站", "在", "它", "身边", "。"], ["那么", ",", "你", "会", "做出", "怎样", "的", "选择", "呢", "?"], ["历史", "文章", "推荐"], ["华为", "P10", "开箱", "图", "赏", "丨", "三星", "S8", "发布会", "概览"], ["智能机器人", "试玩", "丨", "小米", "MIX", "白色", "评测"], ["Nokia", "6", "评测", "丨", "荣耀", "Magic", "评测"], ["Air", "Pods", "评测", "丨", "魅", "蓝", "X", "评测"], ["魅", "蓝", "Note", "5", "评测", "丨", "一", "加", "3T", "评测"], ["微信", "公众", "号", ":", "木蚂蚁", "潮流", "实验室", "(", "ID", ":", "mumayi", "999", ")", "返回", "搜狐", ",", "查看", "更多"], ["声明", ":", "本", "文", "由", "入驻", "搜狐", "号", "的", "作者", "撰写", ",", "除", "搜狐", "官方", "账号", "外", ",", "观点", "仅", "代表", "作者", "本人", ",", "不", "代表", "搜狐", "立场", "。"], ["本", "文", "相关", "推荐"], ["三星", "s8", "值得", "购买", "吗", "三星", "s8", "和", "s7", "edge", "三星", "s8", "指纹", "解锁", "三星", "s8", "续航", "评测", "三星", "s8", "怎么样", "三星", "s8", "发布会", "三星", "s8", "跑马灯", "三星", "s8", "屏", "辣", "眼睛", "三星", "s8", "港版", "刷", "国行", "华为", "p10", "和", "三星", "s8", "三星", "s8", "广告", "歌曲", "三星", "s8", "隐藏", "功能"], ["不能", "炸", "买", "什么"], ["今", "期", "再卖", "不", "出", ",", "很快", "就", "变", "诺基亚", "二代", "了", "。"], ["不用", "几个", ",", "只要", "一", "个", "就", "可以", "了", ",", "南朝鲜", "。"], ["看", "电池容量", "就", "不", "想", "买", "了", ",", "再加上", "萨德", ",", "呵呵"], ["在我心中", "只有", "一", "个", ",", ",", ",", ",", "没", "钱"], ["只有", "一", "个", "理由", ",", "韩国", "货"], ["已有", "23", "人", "参与", ",", "点击", "查看", "更多", "精彩评论"]], "paragraphs": ["三星已于3月29号在纽约正式发布三星Galaxy S8/S8+,虽然新手机的性能强悍,外观出众,但也做出了不少妥协,一些功能也不尽如人意。小编总结了几条可能会降低你购买欲望的槽点。", "1.后置指纹识别三星S8为了进一步提升屏占比,取消了手机正面的实体Home键,指纹识别模块也被移到了背部,令人抓狂的是,三星S8的指纹识别被设计在了摄像头右侧,在实际使用过程中可能会经常误触摄像头,造成摄像头区域的抹花,影响手机拍照。为此,请大家查看外媒带来的三星S8真机上手体验,在2分40秒开始,视频内演示了三星S8指纹识别操作过程。令人尴尬的是三星在S8里新增了一项功能,相机启动后会自动检测镜头干净度,如果发现有指纹之类的脏东西影响了成像效果,那么便会在屏幕上弹出提示,建议用户擦干净再拍摄。看来三星很清楚这样的后置指纹设计体验有多差劲。还有一个问题是手小的用户可能无法轻易触摸到Galaxy S8+的指纹识别模块,单手解锁会十分糟糕,为了不出什么意外还是将手机背面翻转过来双手握持解锁吧!2.电池容量缩水三星S8/S8+最惊艳的地方莫过于屏幕,尺寸分别为5.8、6.2英寸,分辨率2960*1440,屏幕虽好,但耗电量也有了相应增加。三星S7 Edge在5.5英寸屏幕的情况下使用了3600mAh电池,但是续航尿崩,一天需要两充甚至三充。三星Note7为了增强续航强行增加电池密度,最终导致自燃事故不断而提前陨落。为了避免新的安全事故出现,5.8英寸的S8仅使用了3000mAh的电池,6.2英寸的S8+仅使用了3500mAh的电池。续航?哈哈哈见鬼去吧!3.摄像头没变化此前三星S7 Edge被誉为拍照最出色的智能手机,其搭载拥有全像素双核对焦技术的1200万像素索尼IMX260传感器。时间已过一年有余,当前市面上双摄像头手机大行其道,拍照玩法多种多样。最近索尼发布的Xperia XZ Premium更是支持高达960帧/秒的高速录像,这是因为它搭载了自家最新的IMX400传感器,有效像素1900万。之前传闻三星S8将会搭载索尼为其定制的IMX333,同样支持960高速录像,遗憾的是S8摄像头与S7 Edge一模一样,三星继续打磨了发布一年多的IMX260。换句话说就是三星S8的相机成像并不会有太大提升。三星Galaxy S8的成本大幅提升,售价也不会便宜,结合当前手机市场大幅涨价的背景,三星S8涨价也是情理之中了。此前evleaks爆料三星S8欧洲区起售价799欧元,S8+为899欧元,约合人名币5931/6631元。", "根据欧洲区售价,小编推测国行最低也要5688元起步,或者5988元,最高配版本可能要突破7000元大关,不知道这样的售价你能否接受。", "我们知道最近因为某件事,大家对某国商品有了抵触情绪,并不是因为售价过高而不选择购买。就算你没有这样的抵触情绪,你还要担心周围人的眼光,由此可见三星S8不光做出了多项妥协,就连运气都没有站在它身边。", "那么,你会做出怎样的选择呢?", "历史文章推荐", "华为P10开箱图赏丨三星S8发布会概览", "智能机器人试玩丨小米MIX白色评测", "Nokia6评测丨荣耀Magic评测", "Air Pods评测丨魅蓝X评测", "魅蓝Note5评测丨一加3T评测", "微信公众号:木蚂蚁潮流实验室(ID:mumayi999)返回搜狐,查看更多", "声明:本文由入驻搜狐号的作者撰写,除搜狐官方账号外,观点仅代表作者本人,不代表搜狐立场。", "本文相关推荐", "三星s8值得购买吗  三星s8和s7edge  三星s8指纹解锁  三星s8续航评测  三星s8怎么样  三星s8发布会  三星s8跑马灯  三星s8屏辣眼睛  三星s8港版刷国行  华为p10和三星s8  三星s8广告歌曲  三星s8隐藏功能", "不能炸买什么", "今期再卖不出,很快就变诺基亚二代了。", "不用几个,只要一个就可以了,南朝鲜。", "看电池容量就不想买了,再加上萨德,呵呵", "在我心中只有一个,,,,没钱", "只有一个理由,韩国货", "已有23人参与,点击查看更多精彩评论"], "bs_rank_pos": 5}], "answer_spans": [[18, 18]], "yesno_answers": ["No"], "fake_answers": ["。"], "question": "三星s8值得买吗", "segmented_answers": [["不值得", "。"]], "answers": ["不值得。"], "yesno_type": "OPINION", "answer_docs": [3], "segmented_question": ["三星", "s8", "值得", "买", "吗"], "question_type": "YES_NO", "question_id": 91187, "fact_or_opinion": "OPINION", "match_scores": [0.6666666666666666]}
-{"documents": [{"is_selected": true, "title": "山海经异兽大全,70个山海经异兽排名(含名字和图片)_排行榜123网", "most_related_para": 4, "segmented_title": ["山海经", "异兽", "大全", ",", "70", "个", "山海经", "异兽", "排名", "(", "含", "名字", "和", "图片", ")", "_", "排行榜", "123", "网"], "segmented_paragraphs": [[">", "军事", ">", "历史", ">", "山海经", "异兽", "大全", ",", "70", "个", "山海经", "异兽", "排名", "(", "含", "名字", "和", "图片", ")"], ["山海经", "是", "集", "齐", "古人", "智慧", "与", "想象力", "的", "书", ",", "有着", "很", "深厚", "的", "时代", "寓意", "。", "山海经", "里", "的", "奇珍", "异兽", "很多", ",", "有", "许", "许多", "多", "你", "想象", "不到", "的", "故事", "。", "你", "想", "了解", "这些", "异兽", "吗", "?", "下面", "排行榜", "123", "网", "为你", "公布", "山海经", "异兽", "大全", ",", "有", "详细", "的", "异兽", "信息", "和", "图文", "。"], ["山海经", "相关知识", ":"], ["出自", "《", "山海经", "》", "《", "淮南子", "》", "等", "着", "作", "的", "上古", "十大", "神兽", ":", "白泽", "、", "夔", "、", "凤凰", "、", "麒麟", "、", "梼杌", "、", "獬豸", "、", "犼", "、", "重明鸟", "、", "毕方", "、", "饕餮", "、", "腓腓", "、", "诸犍", "、", "混沌", "、", "庆忌", "、", "青龙", "。"], ["山海经", "异兽", "排名", ":", "天狗", "、", "穷奇", "、", "九尾狐", "、", "蛊雕", "、", "诸怀", "、", "蠃鱼", "、", "朱庆", "、", "梼杌", "、", "狍鴞", "、", "毕方"], ["山海经", "五大", "神", "尸", ":", "刑天", "、", "窫窳", "、", "王亥", "、", "夏耕", "、", "诸", "比", "。"], ["山海经", "异兽", "蠃鱼", "还原", "图"], ["【", "原文", "】", "邽山", ",", "蒙", "水", "出", "焉", ",", "南", "流", "注", "于洋", "水", ",", "其中", "多", "黄", "贝", "①", ";", "蠃鱼", ",", "鱼", "身", "而", "鸟翼", ",", "音", "如", "鸳鸯", ",", "见", "则", "其", "邑", "大", "水", "。"], ["【", "注释", "】", "①", "黄", "贝", ":", "据", "古人", "说", "是", "一", "种", "甲虫", ",", "肉", "如", "蝌蚪", ",", "但", "有", "头", "也有", "尾巴", "。"], ["【", "译文", "】", "邽山", ",", "蒙", "水", "从", "这", "座", "山", "发源", ",", "向南", "流入", "洋", "水", ",", "水中", "有很多", "黄", "贝", ";", "还有", "一", "种", "蠃鱼", ",", "长", "着", "鱼", "的", "身子", "却", "有", "鸟", "的", "翅膀", ",", "发出", "的", "声音", "像", "鸳鸯鸟", "鸣叫", ",", "在", "哪个", "地方", "出现", "那里", "就会", "有", "水灾", "。"], ["山海经", "异兽", "穷奇", "还原", "图"], ["【", "原文", "】", "邽山", ",", "其", "上", "有", "兽焉", ",", "其", "状", "如", "牛", ",", "猬", "毛", ",", "名曰", "穷奇", ",", "音", "如", "嗥", "狗", ",", "是", "食人", "。"], ["【", "译文", "】", "邽山", ",", "山上", "有", "一", "种", "野兽", ",", "形状", "像", "一般", "的", "牛", ",", "但", "全身", "长", "着", "刺猬", "毛", ",", "名称", "是", "穷奇", ",", "发出", "的", "声音", "如同", "狗叫", ",", "吃", "人", "。"], ["山海经", "异兽", "天狗", "还原", "图"], ["【", "原文", "】", "阴山", ",", "有", "兽", "焉", "。", "其", "状", "如", "狸", "而", "白首", ",", "名曰", "天狗", ",", "其", "音", "如", "榴", "榴", ",", "可以", "御", "凶", "。"], ["【", "译文", "】", "阴山", ",", "山中", "有", "一", "种", "野兽", ",", "形状", "像", "野猫", "却", "是", "白", "脑袋", ",", "名称", "是", "天狗", ",", "它", "发出", "的", "叫声", "与", "“", "榴", "榴", "”", "的", "读音", "相似", ",", "人", "饲养", "它", "可以", "辟", "凶邪", "之", "气", "。"], ["山海经", "异兽", "狰", "还原", "图"], ["【", "原文", "】", "章莪之", "山", ",", "无", "草木", ",", "多", "瑶", "、", "碧", "。", "所", "为甚", "怪", "。", "有兽焉", ",", "其", "状", "如", "赤豹", ",", "五", "尾", "一", "角", ",", "其", "音", "如", "击", "石", ",", "其", "名", "曰", "狰", "。"], ["【", "译文", "】", "章莪山", ",", "山上", "没有", "花草树木", ",", "到处", "是", "瑶", "、", "碧", "一类", "的", "美玉", "。", "山里", "常常", "出现", "十分", "怪异", "的", "物", "象", "。", "山中", "有", "一", "种", "野兽", ",", "形状", "像", "赤豹", ",", "长", "着", "五", "条", "尾巴", "和", "一只", "角", ",", "发出", "的", "声音", "如同", "敲击", "石头", "的", "响声", ",", "名称", "是", "狰", "。"], ["山海经", "异兽", "肥", "遗", "还原", "图"], ["【", "原文", "】", "英山", ",", "有鸟焉", ",", "其", "状", "如", "鹑", "①", ",", "黄", "身", "而", "赤", "喙", ",", "其", "名", "曰", "肥", "遗", ",", "食", "之", "已", "疠", "②", ",", "可以", "杀虫", "。"], ["【", "注释", "】", "①", "鹑", ":", "即", "“", "鹌鹑", "”", "的", "简称", ",", "是", "一", "种", "鸟", ",", "体", "形", "像", "小鸡", ",", "头", "小", "尾", "短", ",", "羽毛", "赤", "褐色", ",", "有", "黄白色", "条纹", "。", "雄性", "的", "鹌鹑", "好斗", "②", "疠", ":", "癞病", ",", "即", "麻风", "。"], ["【", "译文", "】", "英山", ",", "山中", "有", "一", "种", "禽鸟", ",", "形状", "像", "一般", "的", "鹌鹑", "鸟", ",", "是", "黄", "身子", "而", "红", "嘴巴", ",", "名称", "是", "肥", "遗", ",", "人", "吃", "了", "它", "的", "肉", "就能", "治愈", "麻疯病", ",", "还能", "杀死", "体", "内", "寄生虫", "。"], ["山海经", "异兽", "凤凰", "还原", "图"], ["【", "原文", "】", "丹穴", "之", "山", ",", "有鸟焉", ",", "其", "状", "如", "鸡", ",", "五采而文", ",", "名曰", "凤皇", "①", ",", "首文曰德", ",", "翼", "文", "曰", "义", ",", "背", "文", "曰", "礼", ",", "膺", "②", "文", "曰", "仁", ",", "腹", "文", "曰", "信", "。", "是鸟也", ",", "饮食", "自然", ",", "自", "歌", "自", "舞", ",", "见", "则", "天下", "安宁", "。"], ["【", "注释", "】", "①", "风", "皇", ":", "同", "“", "凤凰", "”", ",", "是", "古代", "传说", "中", "的", "鸟", "王", "。", "雄", "的", "叫", "“", "凤", "”", ",", "雌", "的", "叫", "“", "凰", "”", "。", "据", "古人", "说", ",", "它", "的", "形状", "是", "鸡", "的", "头", ",", "蛇", "的", "脖颈", ",", "燕子", "的", "下", "颔", ",", "乌龟", "的", "背", ",", "鱼", "的", "尾巴", ",", "五彩", "颜色", ",", "高", "六尺", "左右", "。", "②", "膺", ":", "胸", "。"], ["【", "译文", "】", "丹穴山", ",", "山中", "有", "一", "种", "鸟", ",", "形状", "像", "普通", "的", "鸡", ",", "全身", "上下", "是", "五彩", "羽毛", ",", "名称", "是", "凤凰", ",", "头上", "的", "花纹", "是", "“", "德", "”", "字", "的", "形状", ",", "翅膀", "上", "的", "花纹", "是", "“", "羲", "”", "字", "的", "形状", ",", "背部", "的", "花纹", "是", "“", "礼", "”", "字", "的", "形状", ",", "胸部", "的", "花纹", "是", "“", "仁", "”", "字", "的", "形状", ",", "腹部", "的", "花纹", "是", "“", "信", "”", "字", "的", "形状", "。", "这种", "叫做", "凤凰", "的", "鸟", ",", "吃喝", "很自然", "从容", ",", "常常", "是", "自", "各", "儿", "边", "唱", "边", "舞", ",", "一", "出现", "天下", "就会", "太平", "。"], ["山海经", "异兽", "蛊雕", "还原", "图"], ["【", "原文", "】", "鹿", "吴", "之", "山", ",", "上", "无", "草木", ",", "多", "金石", "。", "泽", "更", "之", "水", "出", "焉", ",", "而", "南", "流", "注", "于", "滂", "水", "。", "水", "有兽焉", ",", "名曰", "蛊雕", ",", "其", "状", "如", "雕", "而", "有角", ",", "其", "音", "如", "婴儿", "之", "音", ",", "是", "食人", "。"], ["【", "译文", "】", "再", "往", "东", "五百里", ",", "是", "座", "鹿", "吴山", ",", "山上", "没有", "花草树木", ",", "但", "有", "丰富", "的", "金属", "矿物", "和", "玉石", "。", "泽", "更", "水", "从", "这", "座", "山", "发源", ",", "然后", "向南", "流入", "滂", "水", "。", "水中", "有", "一", "种", "野兽", ",", "名称", "是", "蛊雕", ",", "形状", "像", "普通", "的", "雕", "鹰", "却", "头上", "长角", ",", "发出", "的", "声音", "如同", "婴儿", "啼哭", ",", "是", "能", "吃", "人", "的", "。"], ["山海经", "异兽", "九尾狐", "还原", "图"], ["【", "原文", "】", "青丘", "之", "山", ",", "有兽焉", ",", "其", "状", "如", "狐", "而", "九尾", ",", "其", "音", "如", "婴儿", ",", "能", "食人", ";", "食", "者", "不", "蛊", "。"], ["【", "译文", "】", "青丘山", ",", "山中", "有", "一", "种", "野兽", ",", "形状", "像", "狐狸", "却", "长", "着", "九", "条", "尾巴", ",", "吼叫", "的", "声音", "与", "婴儿", "啼哭", "相似", ",", "能", "吞食人", ";", "吃", "了", "它", "的", "肉", "就能", "使", "人", "不中", "妖邪", "毒气", "。"], ["山海经", "异兽", "旋", "龟", "还原", "图"], ["【", "原文", "】", "杻", "阳", "之", "山", "。", "怪", "水", "出", "焉", ",", "而", "东流", "注", "于宪翼", "之", "水", "。", "其中", "多", "玄龟", ",", "其", "状", "如", "龟", "而", "鸟", "首", "虺", "尾", "①", ",", "其", "名", "曰", "旋龟", ",", "其", "音", "如", "判", "木", ",", "佩", "之", "不", "聋", ",", "可以", "为", "②", "底", "。"], ["【", "注释", "】", "①", "虺", ":", "毒蛇", "。", "②", "为", ":", "治理", "。", "这里", "是", "医治", "、", "治疗", "的", "意思", "。", "底", ":", "这里", "与", "“", "胝", "”", "的", "意思", "相同", ",", "就是", "手掌", "或", "脚底", "因", "长期", "摩擦", "而", "生", "的", "厚", "皮", ",", "俗称", "“", "老茧", "”", "。"], ["【", "译文", "】", "杻", "阳山", "。", "怪", "水", "从", "这", "座", "山", "发源", ",", "然后", "向东", "流入", "宪", "翼", "水", "。", "水中", "有", "众多", "暗红色", "的", "龟", ",", "形状", "像", "普通", "乌龟", "却", "长", "着", "鸟", "一样", "的", "头", "和", "蛇", "一样", "的", "尾巴", ",", "名称", "是", "旋龟", ",", "叫声", "像", "劈开", "木头", "时", "发出", "的", "响声", ",", "佩带", "上", "它", "就能", "使", "人", "的", "耳朵", "不", "聋", ",", "还", "可以", "治愈", "脚底", "老茧", "。"], ["山海经", "异兽", "青龙", "还原", "图"], ["青龙", ",", "亦", "作", "“", "苍龙", "”", ",", "古代", "神话", "中", "的", "东方", "之", "神", "。", "龙", "是", "中华民族", "的", "图腾", ",", "自", "黄帝", "授", "命", "于", "天", ",", "威泽", "四方", ",", "龙", "就", "成为", "中华民族", "乃至", "整个", "中国", "的", "象征", ",", "而", "比较", "明确", "的", "定", "形", "是", "在", "汉代", ",", "从", "大汉", "朝", "开始", ",", "龙", "就", "被", "确定", "为", "皇帝", "的", "象征", "与", "代表", "。", "在", "东方", "传说", "中", ",", "青龙", "身", "似", "长", "蛇", "、", "麒麟", "首", "、", "鲤鱼", "尾", "、", "面", "有", "长", "须", "、", "犄角", "似", "鹿", "、", "有", "五爪", "、", "相貌", "威武", ",", "而", "在", "西方", "神话", "里", ",", "龙", "更", "像", "是", "长", "翅膀", "的", "蜥蜴", "。"], ["=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "="], ["世界", "十大", "战神", "中国", "古代", "十大", "美男子", "上古", "四大", "凶兽", "西游记", "十大", "妖精", "武力", "排行", "红楼梦", "贾府", "十大", "最", "有", "财力", "的", "人", "中国", "历史", "上", "最强", "谋士", "排名", "成吉思汗", "十大未解之谜", "十大", "解放军", "惨败", "战役", "铁", "处女", "是什么", "中国历史", "十大", "古物", "未解之谜"]], "paragraphs": ["> 军事 > 历史 > 山海经异兽大全,70个山海经异兽排名(含名字和图片)", "山海经是集齐古人智慧与想象力的书,有着很深厚的时代寓意。山海经里的奇珍异兽很多,有许许多多你想象不到的故事。你想了解这些异兽吗?下面排行榜123网为你公布山海经异兽大全,有详细的异兽信息和图文。", "山海经相关知识:", "出自《山海经》《淮南子》等着作的上古十大神兽:白泽、夔、凤凰、麒麟、梼杌、獬豸、犼、重明鸟、毕方、饕餮、腓腓、诸犍、混沌、庆忌、青龙。", "山海经异兽排名:天狗、穷奇、九尾狐、蛊雕、诸怀、蠃鱼、朱庆、梼杌、狍鴞、毕方", "山海经五大神尸:刑天、窫窳、王亥、夏耕、诸比。", "山海经异兽蠃鱼还原图", "【原文】邽山,蒙水出焉,南流注于洋水,其中多黄贝①;蠃鱼,鱼身而鸟翼,音如鸳鸯,见则其邑大水。", "【注释】①黄贝:据古人说是一种甲虫,肉如蝌蚪,但有头也有尾巴。", "【译文】邽山,蒙水从这座山发源,向南流入洋水,水中有很多黄贝;还有一种蠃鱼,长着鱼的身子却有鸟的翅膀,发出的声音像鸳鸯鸟鸣叫,在哪个地方出现那里就会有水灾。", "山海经异兽穷奇还原图", "【原文】邽山,其上有兽焉,其状如牛,猬毛,名曰穷奇,音如嗥狗,是食人。", "【译文】邽山,山上有一种野兽,形状像一般的牛,但全身长着刺猬毛,名称是穷奇,发出的声音如同狗叫,吃人。", "山海经异兽天狗还原图", "【原文】阴山,有兽焉。其状如狸而白首,名曰天狗,其音如榴榴,可以御凶。", "【译文】阴山,山中有一种野兽,形状像野猫却是白脑袋,名称是天狗,它发出的叫声与“榴榴”的读音相似,人饲养它可以辟凶邪之气。", "山海经异兽狰还原图", "【原文】章莪之山,无草木,多瑶、碧。所为甚怪。有兽焉,其状如赤豹,五尾一角,其音如击石,其名曰狰。", "【译文】章莪山,山上没有花草树木,到处是瑶、碧一类的美玉。山里常常出现十分怪异的物象。山中有一种野兽,形状像赤豹,长着五条尾巴和一只角,发出的声音如同敲击石头的响声,名称是狰。", "山海经异兽肥遗还原图", "【原文】英山,有鸟焉,其状如鹑①,黄身而赤喙,其名曰肥遗,食之已疠②,可以杀虫。", "【注释】①鹑:即“鹌鹑”的简称,是一种鸟,体形像小鸡,头小尾短,羽毛赤褐色,有黄白色条纹。雄性的鹌鹑好斗②疠:癞病,即麻风。", "【译文】英山,山中有一种禽鸟,形状像一般的鹌鹑鸟,是黄身子而红嘴巴,名称是肥遗,人吃了它的肉就能治愈麻疯病,还能杀死体内寄生虫。", "山海经异兽凤凰还原图", "【原文】丹穴之山,有鸟焉,其状如鸡,五采而文,名曰凤皇①,首文曰德,翼文曰义,背文曰礼,膺②文曰仁,腹文曰信。是鸟也,饮食自然,自歌自舞,见则天下安宁。", "【注释】①风皇:同“凤凰”,是古代传说中的鸟王。雄的叫“凤”,雌的叫“凰”。据古人说,它的形状是鸡的头,蛇的脖颈,燕子的下颔,乌龟的背,鱼的尾巴,五彩颜色,高六尺左右。②膺:胸。", "【译文】丹穴山,山中有一种鸟,形状像普通的鸡,全身上下是五彩羽毛,名称是凤凰,头上的花纹是“德”字的形状,翅膀上的花纹是“羲”字的形状,背部的花纹是“礼”字的形状,胸部的花纹是“仁”字的形状,腹部的花纹是“信”字的形状。这种叫做凤凰的鸟,吃喝很自然从容,常常是自各儿边唱边舞,一出现天下就会太平。", "山海经异兽蛊雕还原图", "【原文】鹿吴之山,上无草木,多金石。泽更之水出焉,而南流注于滂水。水有兽焉,名曰蛊雕,其状如雕而有角,其音如婴儿之音,是食人。", "【译文】再往东五百里,是座鹿吴山,山上没有花草树木,但有丰富的金属矿物和玉石。泽更水从这座山发源,然后向南流入滂水。水中有一种野兽,名称是蛊雕,形状像普通的雕鹰却头上长角,发出的声音如同婴儿啼哭,是能吃人的。", "山海经异兽九尾狐还原图", "【原文】青丘之山,有兽焉,其状如狐而九尾,其音如婴儿,能食人;食者不蛊。", "【译文】青丘山,山中有一种野兽,形状像狐狸却长着九条尾巴,吼叫的声音与婴儿啼哭相似,能吞食人;吃了它的肉就能使人不中妖邪毒气。", "山海经异兽旋龟还原图", "【原文】杻阳之山。怪水出焉,而东流注于宪翼之水。其中多玄龟,其状如龟而鸟首虺尾①,其名曰旋龟,其音如判木,佩之不聋,可以为②底。", "【注释】①虺:毒蛇。②为:治理。这里是医治、治疗的意思。底:这里与“胝”的意思相同,就是手掌或脚底因长期摩擦而生的厚皮,俗称“老茧”。", "【译文】杻阳山。怪水从这座山发源,然后向东流入宪翼水。水中有众多暗红色的龟,形状像普通乌龟却长着鸟一样的头和蛇一样的尾巴,名称是旋龟,叫声像劈开木头时发出的响声,佩带上它就能使人的耳朵不聋,还可以治愈脚底老茧。", "山海经异兽青龙还原图", "青龙,亦作“苍龙”,古代神话中的东方之神。龙是中华民族的图腾,自黄帝授命于天,威泽四方,龙就成为中华民族乃至整个中国的象征,而比较明确的定形是在汉代,从大汉朝开始,龙就被确定为皇帝的象征与代表。在东方传说中,青龙身似长蛇、麒麟首、鲤鱼尾、面有长须、犄角似鹿、有五爪、相貌威武,而在西方神话里,龙更像是长翅膀的蜥蜴。", "==========================", "世界十大战神 中国古代十大美男子 上古四大凶兽 西游记十大妖精武力排行 红楼梦贾府十大最有财力的人 中国历史上最强谋士排名 成吉思汗十大未解之谜 十大解放军惨败战役 铁处女是什么 中国历史十大古物未解之谜"], "bs_rank_pos": 0}, {"is_selected": false, "title": "山海经异兽排名实力_祥安阁历史", "most_related_para": 16, "segmented_title": ["山海经", "异兽", "排名", "实力", "_", "祥安阁", "历史"], "segmented_paragraphs": [["您", "的", "位置", ":", "祥安阁", "风水", "网", ">", "中华", "民俗", ">", "历史", ">", "山海经", "异兽", "排名", "实力"], ["日期", ":", "2017", "-", "04", "-", "10", "www", ".", "azg168", ".", "cn", "祥安阁", "风水", "网", "编辑", ":", "azg16806"], ["山海经", "所", "记载", "的", "神兽", ",", "都是", "有着", "奇异", "的", "外形", "和", "神奇", "的", "力量", ",", "而", "这些", "神兽", "不", "单", "单", "能够", "给", "人们", "带来", "幸福", ",", "但是", "同样", "的", ",", "也", "能够", "招", "来", "灾害", ",", "而", "今天", "我们", "就", "来", "讲", "讲", ",", "有关", "山海经", "里面", "的", "神兽", "到底", "有着", "怎样", "的", "传说", ",", "而", "这种", "这些", "神兽", "也是", "有着", "大家", "所", "熟悉", "的", "“", "毕方", "”", "、", "“", "饕餮", "”", "和", "“", "重名", "鸟", "”", "等等", ",", "一起来", "看看", "山海经", "异兽", "排名", "实力", "到底", "如何", "吧", "。"], ["夔", "(", "kuí", ")"], ["夔", "是", "传说", "中", "的", "一", "条腿", "的", "怪物", "。", "《", "山海经", "·", "大荒东经", "》", "记载", ":", "夔牛", "是", "古", "时代", "神兽", ",", "古时", "生", "于", "东海", "流", "波", "山", ",", "形状", "似", "牛", ",", "全身", "都", "是", "灰色", "的", ",", "没有", "长角", ",", "只", "长", "了", "一只脚", ",", "每次", "出现", "都会", "有", "狂风暴雨", "。", "它", "身上", "还", "闪耀", "着", "光芒", ",", "似", "日光", "和", "月光", ",", "它", "的", "吼声", "和", "雷声", "一样", "震耳欲聋", "。", "后来", "黄帝", "得到", "这种", "兽", ",", "用", "它", "的", "皮", "制", "成", "鼓", "并", "用", "雷兽", "的", "骨", "做", "槌", ",", "敲击", "鼓", ",", "鼓声", "响彻", "五百里", "之外", ",", "威慑", "天下", "。"], ["《", "神魔志异", "·", "灵兽", "篇", "》", "记载", ":", "上古", "奇", "兽", ",", "状", "如", "青牛", ",", "三", "足", "无角", ",", "吼声", "如", "雷", "。", "久", "居", "深海", ",", "三千", "年", "乃", "一", "出世", ",", "出世", "则", "风雨", "起", ",", "雷电", "作", ",", "世", "谓", "之", "雷神", "坐骑", "。"], ["《", "黄帝内经", "》", "载", ":", "“", "黄帝", "伐", "蚩尤", ",", "玄女", "为", "帝制夔", "牛皮鼓", "八", "十", "面", ",", "一", "震", "五百里", ",", "连震三千", "八", "百", "里", "。", "”", "九天玄女", "令", "军", "士", "宰", "夔牛", "制作", "八", "十", "面", "战鼓", ",", "使", "黄帝", "在", "得到", "九天玄女", "辅助", "之后", ",", "带兵", "与", "蚩尤", "大战", "于", "中", "冀", "。", "当", "黄帝", "摆", "下", "“", "奇门遁甲", "”", "阵", "之后", ",", "即令", "军", "士", "以", "雷兽", "之", "骨", ",", "大", "击", "八", "十", "面", "夔", "牛皮", "巨", "鼓", ",", "一", "时", "鼓声", "大", "作", ",", "只见", "整个", "战场", "地动山摇", ",", "天旋地转", ",", "喊", "杀", "冲", "宵汉", ",", "蚩尤", "兵卒", "神魂颠倒", ",", "冲", "杀", "无门", ",", "败", "倒", "如山", "。", "“", "蚩尤", "铜", "头", "啖石", "”", ",", "即", "把", "石头", "当", "饭", "食", ",", "且", "能", "“", "飞", "空", "走", "险", "”", "。", "但", "在", "夔牛", "鼓", "震", "声", "中", ",", "“", "九", "击", "止", "之", ",", "尤", "不能", "走", ",", "遂", "杀", "之", "”", "。", "尔", "后", ",", "黄帝", "又", "诛", "榆", "罔", "于", "阪泉", "(", "今", "河北省", "涿鹿县", "东南", ")", ",", "经过", "这", "场", "大", "血战", ",", "天下", "始", "得", "大", "定", "。"], ["更多", "的", "古籍", "中", "则", "说", "夔", "是", "蛇", "状", "怪物", "。", "“", "夔", ",", "神", "魅", "也", ",", "如龙", "一", "足", "。", "”", "(", "《", "说文解字", "》", ")", "“", "夔", ",", "一", "足", ",", "踔", "而", "行", "。", "”", "(", "《", "六", "帖", "》", ")", "在", "商", "晚期", "和", "西周", "时期", "青铜器", "的", "装饰", "上", ",", "夔", "龙纹", "是", "主要", "纹饰", "之", "一", ",", "形象", "多", "为", "张口", "、", "卷", "尾", "的", "长条", "形", ",", "外形", "与", "青铜器", "饰面", "的", "结构", "线", "相", "适合", ",", "以", "直线", "为", "主", ",", "弧线", "为", "辅", ",", "具有", "古拙", "的", "美", "感", "。", "青铜器", "上", "的", "龙纹", "常", "被", "称为", "夔纹", "和", "夔", "龙纹", ",", "自", "宋代", "以来", "的", "著录", "中", ",", "在", "青铜器", "上", "凡是", "表现", "一", "足", "的", "、", "类似", "爬虫", "的", "物", "象", "都", "称", "之", "为", "夔", ",", "这", "是", "引用", "了", "古籍", "中", "“", "夔", "一", "足", "”", "的", "记载", "。", "其实", ",", "一", "足", "的", "动物", "是", "双", "足", "动物", "的", "侧面", "写", "形", ",", "故", "不", "采用", "夔纹", "一", "词", ",", "称为", "夔", "龙", "纹", "或", "龙纹", "。"], ["“", "白泽", "”"], ["“", "白泽", "”", "是", "传说", "中", "昆仑山", "上", "的", "神兽", ",", "浑身", "雪白", ",", "能", "说", "人", "话", ",", "通", "万物", "之", "情", ",", "很少", "出没", ",", "除非", "当时", "有", "圣人", "治理", "天下", ",", "才", "奉", "书", "而至", ",", "是", "可", "使", "人", "逢凶化吉", "的", "吉祥", "之", "兽", "。"], ["据", "《", "云笈七签", "·", "轩辕本纪", "》", "记载", ",", "白泽", "曾", "向", "皇帝", "讲解", "关于", "动物", "的", "种", "种", "知识", "。", "据说", "当时", "黄帝", "正在", "全国各地", "巡游", ",", "了解自己", "所辖", "国土", "的", "真实", "面貌", "。", "在", "东", "海边", ",", "他", "碰到", "了", "会说话", "的", "怪兽", "白泽", "。", "白泽", "博学多闻", ",", "上", "知", "天文", ",", "下", "知", "地理", ",", "通过", "去", ",", "晓", "未来", ",", "对", "各种", "动物", "了如指掌", ",", "知道", "天下", "所有", "鬼怪", "的", "名字", "、", "形貌", "和", "驱除", "的", "方术", "。", "凡是", "各种", "采", "天地", "灵气", "、", "集", "日月精华", "而", "产生", "的", "怪异", "物种", ",", "它", "都", "一一", "跟", "黄帝", "解释", "清楚", ",", "前后", "一共", "谈到", "1522", "个", "物种", "。", "黄帝", "命", "人", "将", "白泽", "所言", "一", "一", "画图", "记录", ",", "并", "制", "成", "《", "白泽", "精怪", "图", "》", "(", "又", "称", "《", "白泽图", "》", ")", "。", "书", "中", "记", "有", "各种", "神", "怪", "的", "名字", "、", "相貌", "和", "驱除", "的", "方法", ",", "并", "配", "有", "神", "怪", "的", "图画", ",", "人们", "一旦", "遇到", "怪物", ",", "就会", "按图索骥", "加", "以", "查找", "。"], ["浑身", "雪白", ",", "能", "说", "人", "话", ",", "通", "万物", "之", "情"], ["从", "很早", "开始", ",", "白泽", "就", "被", "当做", "驱鬼", "的", "神", "和", "祥瑞", "来", "供奉", "。", "尤其", "到", "了", "中古", "时期", ",", "对", "白泽", "的", "尊崇", "更", "是", "隆重", "。", "当时", "《", "白泽图", "》", "一", "书", "非常", "流行", ",", "到", "了", "几乎", "家", "手", "一", "册", "的", "程度", "。", "在", "禅宗", "语录", "中", ",", "也", "常见", "有", "“", "家", "有", "白泽图", ",", "妖怪", "自", "消除", "”", "“", "不", "悬肘", "后", "符", ",", "何", "贴", "白泽图", "”", "“", "家", "无", "白泽图", ",", "有", "如此", "妖怪", "”", "一类", "的", "语录", "。", "人们", "将", "画", "有", "白泽", "的", "图画", "挂在墙上", ",", "或是", "贴", "在", "大门", "上", "用来", "辟邪", "驱鬼", "。"], ["后世", "常", "将它", "的", "形貌", "使用", "在", "物品", "之", "上", ",", "当时", "还有", "做", "“", "白泽", "枕", "”", "的", "习俗", ",", "即", "做成", "白泽", "形象", "的", "枕头", "用于", "寝", "卧", ",", "其用意", "也是", "为了", "辟邪", "驱鬼", "。", "《", "唐书", "·", "五行志", "》", "记载", "中", "宗", "韦皇后", "的", "妹妹", "用", "虎豹", "枕", "以", "避邪", ",", "白泽", "枕", "以", "避", "魅", "。", "在", "军队", "的", "舆服", "装备", "中", ",", "“", "白泽", "旗", "”", "也是", "常见", "的", "旗号", "。", "《", "通典", "》", "记", "帝王", "之", "旗", "就", "绘", "有", "白泽", "的", "形貌", ",", "被", "称为", "白泽", "旗", "。", "人们", "甚至", "以", "“", "白泽", "”", "来", "为", "自己", "命名", ",", "出现", "了", "许多", "叫", "“", "白泽", "”", "的", "人", "。"], ["凤凰", "是", "中国", "神话", "传说", "中", "的", "神", "异", "动物", "和", "百", "鸟", "之", "王", ",", "和龙", "一样", "为", "汉族", "的", "民族", "图腾", ",", "羽毛", "一般", "被", "描述", "为", "赤", "红色", ",", "亦", "称为", "朱鸟", "、", "丹", "鸟", "、", "火鸟", "、", "鹍鸡", "等", "。", "在", "西方", "神话", "里", "又", "叫", "火鸟", "、", "不死鸟", ",", "形象", "一般", "为", "尾巴", "比较", "长", "的", "火烈鸟", ",", "并", "周", "身", "是", "火", ",", "估计", "是", "人们", "对", "火烈鸟", "加", "以", "神话", "加工", "、", "演化", "而来", "的", "。", "神话", "中", "说", ",", "凤凰", "每次", "死后", ",", "会", "周", "身", "燃起", "大火", ",", "然后", "其", "在", "烈火", "中", "获得", "重生", ",", "并", "获得", "较", "之", "以前", "更强大", "的", "生命力", ",", "称", "之", "为", "“", "凤凰涅", "槃", "”", "。", "如此", "周而复始", ",", "凤凰", "获得", "了", "永生", ",", "故", "有", "“", "不死鸟", "”", "的", "名称", "。"], ["凤凰", "是", "中国", "民间", "传说", "中", "的", "四灵", "(", "龙", "、", "凤凰", "、", "麒麟", "、", "龟", ")", "之", "一", "。", "凤凰", "和", "麒麟", "一样", ",", "是", "雌雄", "统称", ",", "雄", "为", "凤", ",", "雌", "为", "凰", ",", "其", "总", "称为", "凤凰", ",", "因此", "凤凰", "一", "词", "为", "合成词", "结构", "。", "凤凰", "齐飞", ",", "是", "吉祥", "和谐", "的", "象征", ",", "代表", "着", "幸福", "的", "灵", "物", "。", "据", "现存", "文献", "推断", ":", "凤鸣", "如", "箫", "笙", ",", "音", "如", "钟鼓", "。", "凤凰", "雄", "鸣", "曰", "即", "即", ",", "雌", "鸣", "曰", "足", "足", ",", "雌雄", "和", "鸣", "曰", "锵锵", "。"], ["凤凰", "的", "形象", "跟", "龙", "的", "形象", "一样", ",", "愈", "往后", "愈", "复杂", "。", "据", "《", "尔雅", "·", "释", "鸟", "》", "郭璞", "注", ",", "凤凰", "特征", "是", ":", "“", "鸡头", "、", "燕颔", "、", "蛇", "颈", "、", "龟背", "、", "鱼尾", "、", "五", "彩色", "、", "高", "六尺", "许", "。", "”", "“", "出于", "东方", "君子", "之", "国", ",", "翱翔", "四海", "之外", ",", "过", "昆仑", ",", "饮", "砥柱", ",", "濯", "羽", "弱水", ",", "莫", "宿", "风", "穴", ",", "见", "则", "天下", "安宁", "。", "”", "《", "山海经", "·", "图", "赞", "》", "说", "有", "五", "种", "像", "字", "纹", ":", "“", "首文曰德", ",", "翼", "文", "曰", "顺", ",", "背", "文", "曰", "义", ",", "腹", "文", "曰", "信", ",", "膺", "文", "曰", "仁", "。", "”", "自古以来", "凤凰", "就", "成", "了", "中华民族", "文化", "中", "的", "重要组成部分", "。"], ["凤凰", "的", "起源", "约", "在", "新石器时代", ",", "原始社会", "彩陶", "上", "的", "很多", "鸟", "纹", "是", "凤凰", "的", "雏形", "。", "距今", "约", "7400", "年", "的", "湖南", "洪江", "高庙", "文化遗址", "中", ",", "出土", "了", "一", "件", "白色", "陶罐", ",", "其", "颈部", "和", "肩部", "各", "戳", "印", "有", "东方", "神鸟", "(", "包括", "兽", "面", "、", "太阳", ")", "图案", ",", "一只", "朝向", "正面", ",", "一只", "侧面", "回首", "。", "据", "考古专家", "鉴定", ",", "这", "件", "陶器", "上", "的", "神鸟", "图案", "即", "凤凰", ",", "要", "比", "浙江", "余姚", "河姆渡", "文化遗址", "中", "发现", "的", "凤凰", "图案", "至少", "要", "早", "400", "年", ",", "是", "迄今为止", "我", "国", "发现", "的", "最早", "的", "凤凰", "图案", "。"], ["根据", "神话传说", ",", "凤", "是", "从", "东方", "殷", "族", "的", "鸟", "图腾", "演化", "而", "成", "。", "今日", "所见", "关于", "凤", "的", "最早", "记录", ",", "可能", "是", "在", "《", "尚书", "·", "益稷", "》", "篇", "中", "。", "书", "中", "叙述", "大禹治水", "后", ",", "举行", "庆祝", "盛典", "。", "由", "夔", "龙", "主持", "音乐", ",", "群鸟", "群", "兽", "在", "仪式", "上", "载歌载舞", "。", "最后", ",", "一", "凤凰", "也", "来", "了", "—", "—", "“", "萧", "韶", "九", "成", ",", "凤皇来仪", "。", "”"], ["凤凰", "是", "人们", "心", "目", "中", "的", "瑞", "鸟", ",", "天下太平", "的", "象征", "。", "古人", "认为", "时", "逢", "太平盛世", ",", "便", "有", "凤凰", "飞来", "。", "“", "凤", "”", "其", "甲骨文", "和", "“", "风", "”", "的", "甲骨", "文字", "相同", ",", "即", "代表", "具有", "风", "的", "无所不在", "及", "灵性", "力量", "的", "意思", ";", "“", "凰", "”", "即", "“", "皇", "”", "字", ",", "为", "至", "高", "至", "大", "之", "意", "。", "凤凰", "也是", "中国", "皇权", "的", "象征", ",", "常", "和龙", "一起", "使用", ",", "凤", "从", "属于", "龙", ",", "用于", "皇后", "嫔妃", ",", "龙凤呈祥", "是", "最具", "中国特色", "的", "图腾", "。", "民间美术", "中", "也有", "大量", "的", "类似", "造型", "。", "凤", "也", "代表", "阴", ",", "尽管", "凤凰", "也", "分", "雄雌", ",", "更", "一般", "的", "是", "将", "其", "看", "作", "阴性", "。", "凤凰", "被", "认为", "是", "百", "鸟", "中", "最", "尊贵", "者", ",", "为", "鸟", "中", "之", "王", "(", "尽管", "是", "虚构", "的", ")", ",", "有", "“", "百鸟朝凤", "”", "之", "说", "。"]], "paragraphs": ["您的位置:祥安阁风水网 > 中华民俗 > 历史 > 山海经异兽排名实力", "日期:2017-04-10 www.azg168.cn 祥安阁风水网 编辑:azg16806", "山海经所记载的神兽,都是有着奇异的外形和神奇的力量,而这些神兽不单单能够给人们带来幸福,但是同样的,也能够招来灾害,而今天我们就来讲讲,有关山海经里面的神兽到底有着怎样的传说,而这种这些神兽也是有着大家所熟悉的“毕方”、“饕餮”和“重名鸟”等等,一起来看看山海经异兽排名实力到底如何吧。", "夔(kuí)", "夔是传说中的一条腿的怪物。《山海经·大荒东经》记载:夔牛是古时代神兽,古时生于东海流波山,形状似牛,全身都是灰色的,没有长角,只长了一只脚,每次出现都会有狂风暴雨。它身上还闪耀着光芒,似日光和月光,它的吼声和雷声一样震耳欲聋。后来黄帝得到这种兽,用它的皮制成鼓并用雷兽的骨做槌,敲击鼓,鼓声响彻五百里之外,威慑天下。", "《神魔志异·灵兽篇》记载:上古奇兽,状如青牛,三足无角,吼声如雷。久居深海,三千年乃一出世,出世则风雨起,雷电作,世谓之雷神坐骑。", "《黄帝内经》载:“黄帝伐蚩尤,玄女为帝制夔牛皮鼓八十面,一震五百里,连震三千八百里。”九天玄女令军士宰夔牛制作八十面战鼓,使黄帝在得到九天玄女辅助之后,带兵与蚩尤大战于中冀。当黄帝摆下“奇门遁甲”阵之后,即令军士以雷兽之骨,大击八十面夔牛皮巨鼓,一时鼓声大作,只见整个战场地动山摇,天旋地转,喊杀冲宵汉,蚩尤兵卒神魂颠倒,冲杀无门,败倒如山。“蚩尤铜头啖石”,即把石头当饭食,且能“飞空走险”。但在夔牛鼓震声中,“九击止之,尤不能走,遂杀之”。尔后,黄帝又诛榆罔于阪泉(今河北省涿鹿县东南),经过这场大血战,天下始得大定。", "更多的古籍中则说夔是蛇状怪物。“夔,神魅也,如龙一足。”(《说文解字》)“夔,一足,踔而行。”(《六帖》)在商晚期和西周时期青铜器的装饰上,夔龙纹是主要纹饰之一,形象多为张口、卷尾的长条形,外形与青铜器饰面的结构线相适合,以直线为主,弧线为辅,具有古拙的美感。青铜器上的龙纹常被称为夔纹和夔龙纹,自宋代以来的著录中,在青铜器上凡是表现一足的、类似爬虫的物象都称之为夔,这是引用了古籍中“夔一足”的记载。其实,一足的动物是双足动物的侧面写形,故不采用夔纹一词,称为夔龙纹或龙纹。", "“白泽”", "“白泽”是传说中昆仑山上的神兽,浑身雪白,能说人话,通万物之情,很少出没,除非当时有圣人治理天下,才奉书而至,是可使人逢凶化吉的吉祥之兽。", "据《云笈七签·轩辕本纪》记载,白泽曾向皇帝讲解关于动物的种种知识。据说当时黄帝正在全国各地巡游,了解自己所辖国土的真实面貌。在东海边,他碰到了会说话的怪兽白泽。白泽博学多闻,上知天文,下知地理,通过去,晓未来,对各种动物了如指掌,知道天下所有鬼怪的名字、形貌和驱除的方术。凡是各种采天地灵气、集日月精华而产生的怪异物种,它都一一跟黄帝解释清楚,前后一共谈到1522个物种。黄帝命人将白泽所言一一画图记录,并制成《白泽精怪图》(又称《白泽图》)。书中记有各种神怪的名字、相貌和驱除的方法,并配有神怪的图画,人们一旦遇到怪物,就会按图索骥加以查找。", "浑身雪白,能说人话,通万物之情", "从很早开始,白泽就被当做驱鬼的神和祥瑞来供奉。尤其到了中古时期,对白泽的尊崇更是隆重。当时《白泽图》一书非常流行,到了几乎家手一册的程度。在禅宗语录中,也常见有“家有白泽图,妖怪自消除”“不悬肘后符,何贴白泽图”“家无白泽图,有如此妖怪”一类的语录。人们将画有白泽的图画挂在墙上,或是贴在大门上用来辟邪驱鬼。", "后世常将它的形貌使用在物品之上,当时还有做“白泽枕”的习俗,即做成白泽形象的枕头用于寝卧,其用意也是为了辟邪驱鬼。《唐书·五行志》记载中宗韦皇后的妹妹用虎豹枕以避邪,白泽枕以避魅。在军队的舆服装备中,“白泽旗”也是常见的旗号。《通典》记帝王之旗就绘有白泽的形貌,被称为白泽旗。人们甚至以“白泽”来为自己命名,出现了许多叫“白泽”的人。", "凤凰是中国神话传说中的神异动物和百鸟之王,和龙一样为汉族的民族图腾,羽毛一般被描述为赤红色,亦称为朱鸟、丹鸟、火鸟、鹍鸡等。在西方神话里又叫火鸟、不死鸟,形象一般为尾巴比较长的火烈鸟,并周身是火,估计是人们对火烈鸟加以神话加工、演化而来的。神话中说,凤凰每次死后,会周身燃起大火,然后其在烈火中获得重生,并获得较之以前更强大的生命力,称之为“凤凰涅槃”。如此周而复始,凤凰获得了永生,故有“不死鸟”的名称。", "凤凰是中国民间传说中的四灵(龙、凤凰、麒麟、龟)之一。凤凰和麒麟一样,是雌雄统称,雄为凤,雌为凰,其总称为凤凰,因此凤凰一词为合成词结构。凤凰齐飞,是吉祥和谐的象征,代表着幸福的灵物。据现存文献推断:凤鸣如箫笙,音如钟鼓。凤凰雄鸣曰即即,雌鸣曰足足,雌雄和鸣曰锵锵。", "凤凰的形象跟龙的形象一样,愈往后愈复杂。据《尔雅·释鸟》郭璞注,凤凰特征是:“鸡头、燕颔、蛇颈、龟背、鱼尾、五彩色、高六尺许。”“出于东方君子之国,翱翔四海之外,过昆仑,饮砥柱,濯羽弱水,莫宿风穴,见则天下安宁。”《山海经·图赞》说有五种像字纹:“首文曰德,翼文曰顺,背文曰义,腹文曰信,膺文曰仁。”自古以来凤凰就成了中华民族文化中的重要组成部分。", "凤凰的起源约在新石器时代,原始社会彩陶上的很多鸟纹是凤凰的雏形。距今约7400年的湖南洪江高庙文化遗址中,出土了一件白色陶罐,其颈部和肩部各戳印有东方神鸟(包括兽面、太阳)图案,一只朝向正面,一只侧面回首。据考古专家鉴定,这件陶器上的神鸟图案即凤凰,要比浙江余姚河姆渡文化遗址中发现的凤凰图案至少要早400年,是迄今为止我国发现的最早的凤凰图案。", "根据神话传说,凤是从东方殷族的鸟图腾演化而成。今日所见关于凤的最早记录,可能是在《尚书·益稷》篇中。书中叙述大禹治水后,举行庆祝盛典。由夔龙主持音乐,群鸟群兽在仪式上载歌载舞。最后,一凤凰也来了——“萧韶九成,凤皇来仪。”", "凤凰是人们心目中的瑞鸟,天下太平的象征。古人认为时逢太平盛世,便有凤凰飞来。“凤”其甲骨文和“风”的甲骨文字相同,即代表具有风的无所不在及灵性力量的意思;“凰”即“皇”字,为至高至大之意。凤凰也是中国皇权的象征,常和龙一起使用,凤从属于龙,用于皇后嫔妃,龙凤呈祥是最具中国特色的图腾。民间美术中也有大量的类似造型。凤也代表阴,尽管凤凰也分雄雌,更一般的是将其看作阴性。凤凰被认为是百鸟中最尊贵者,为鸟中之王(尽管是虚构的),有“百鸟朝凤”之说。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "上古四大凶兽实力排行图片,上古四大凶兽之首,山海经异兽排名_天涯", "most_related_para": 0, "segmented_title": ["上古", "四大", "凶兽", "实力", "排行", "图片", ",", "上古", "四大", "凶兽", "之", "首", ",", "山海经", "异兽", "排名", "_", "天涯"], "segmented_paragraphs": [["中国", "古代神话", "中", "有", "四", "凶", "(", "同时", "也", "指", "是", "指", "共工", ",", "驩兜", ",", "三苗", "与", "鲧", ")", ",", "也", "就是", "四大", "恶", "兽", ",", "分别", "是", ":", "饕餮", "(", "tāo", "tiè", ")", ",", "混沌", "(", "hun", "dun", ")", ",", "穷奇", "(", "qiong", "qi", ")", "和", "梼杌", "(", "táowù", ")", "。", "上古", "四大", "凶兽", "实力", "排行", "图片", ",", "上古", "四大", "凶兽", "之", "首", ",", "山海经", "异兽", "排名", ",", "上古", "十大", "神兽", "是", "指", "古代神话", "传说", "中", "的", "神兽", ",", "这", "十种", "神兽", "分别", "是", "太阳", "烛", "照", "、", "太阴", "幽", "荧", "、", "青龙", "、", "白虎", "、", "玄武", "、", "朱雀", "、", "黄龙", "、", "应龙", "、", "螣蛇", "、", "勾陈", "。"], ["所谓", "\"", "四", "凶", "\"", ",", "最早", "指", "的", "是", "上古", "年", "间", "四", "位", "残暴", "的", "部落", "首领", ",", "后来", "被", "杜撰", "为", "四种", "怪物", "。"]], "paragraphs": ["中国古代神话中有四凶(同时也指是指共工,驩兜,三苗与鲧),也就是四大恶兽,分别是:饕餮(tāo tiè),混沌(hun dun),穷奇(qiong qi)和梼杌( táowù)。上古四大凶兽实力排行图片,上古四大凶兽之首,山海经异兽排名,上古十大神兽是指古代神话传说中的神兽,这十种神兽分别是太阳烛照、太阴幽荧、青龙、白虎、玄武、朱雀、黄龙、应龙、螣蛇、勾陈。", "所谓\"四凶\",最早指的是上古年间四位残暴的部落首领,后来被杜撰为四种怪物。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "山海经十大异兽排名凶兽排名图片 麒麟饕餮山海经里最霸道的是谁_尚", "most_related_para": 2, "segmented_title": ["山海经", "十大", "异兽", "排名", "凶兽", "排名", "图片", "麒麟", "饕餮", "山海经", "里", "最", "霸道", "的", "是", "谁", "_", "尚"], "segmented_paragraphs": [["首页", ">", "娱乐", ">", "电视剧", ">", "山海经", "十大", "异兽", "排名", "谁", "最", "霸道", "?"], ["由", "张翰", "、", "古力", "娜扎", "主演", "的", "古装", "玄幻", "大", "剧", "《", "山海经", "之", "赤影", "传说", "》", "剧情", "开播", "收视率", "火爆", ",", "这部", "剧", "取材", "于", "小说", "《", "山海经", "》", ",", "相比", "于", "电视剧", "当", "中", "的", "朱雀", "青龙", "玄女", "大对决", ",", "《", "山海经", "》", "小说", "本身", "也", "非常", "有", "看点", ",", "《", "山海经", "》", "十大", "异兽", "排名", "、", "《", "山海经", "》", "凶兽", "排名", "图片", "你", "都", "知道", "吗", "?", "麒麟", "、", "饕餮", "、", "混沌", "等", "神兽", "在", "《", "山海经", "》", "里", "最", "霸道", "的", "是", "谁", "?", "你知道吗", "?"], ["《", "山海经", "之", "赤影", "传说", "》", "当", "中", "出现", "的", "朱雀", "、", "青龙", "引发", "了", "网友", "的", "好奇", ",", "其实", "除此之外", ",", "在", "《", "山海经", "》", "当", "中", "还有很多", "神奇", "的", "上古", "神兽", "。", "白泽", "、", "夔", "、", "凤凰", "、", "麒麟", "、", "梼杌", "、", "獬豸", "、", "犼", "、", "重明鸟", "、", "毕方", "、", "饕餮", "、", "腓腓", "、", "诸犍", "、", "混沌", "、", "庆忌", "等", "都是", "一些", "非常", "有意思", "的", "上古", "神兽", "。", "因为", "《", "山海经", "赤影", "传说", "》", "的", "开播", ",", "我们", "来", "揭秘", "一", "下", "《", "山海经", "》", "十大", "异兽", "排名", "、", "山海经", "凶兽", "排名", "图片", ",", "麒麟", "、", "饕餮", "、", "混沌", "等", "这些", "在", "《", "山海经", "》", "里", "最", "霸道", "的", "是", "谁", "呢", "?"], ["《", "山海经", "》", "十大", "异兽", "排名", "之", "麒麟", ":", "与", "凤", "、", "龟", "、", "龙", "共", "称为", "“", "四灵", "”"], ["麒麟", "在", "四", "灵兽", "中", "地位", "仅次于", "青龙", ",", "后", "由于", "封建", "皇帝", "对", "龙凤", "的", "褒扬", ",", "麒麟", "被", "排挤", "到", "民间", ",", "成为", "民间", "祥瑞", "的", "独特", "代表", "。", "麒麟", "主", "太平", ",", "带来", "丰年", "、", "福禄", "、", "长寿", "与", "美好", "。", "玄学", "称", "麒麟", "是", "岁", "星", "散开", "而", "生成", ",", "故", "主", "祥瑞", ",", "含仁怀义", "。"], ["从", "其", "外部", "形状", "上", "看", ",", "集", "龙头", "、", "鹿角", "、", "狮", "眼", "、", "虎", "背", "、", "熊", "腰", "、", "蛇", "鳞", "、", "马蹄", "、", "牛尾", "于一身", ",", "乃是", "吉祥", "之", "宝", "。", "据", "古籍", "的", "描述", ",", "它", "的", "身子", "像", "麕", ",", "也", "可以", "写成", "麇", ",", "古籍", "中指", "鹿", ";", "尾巴", "像", "牛", ";", "蹄子", "像", "马", ";", "圆", "的", "头顶", ",", "有", "一", "对角", "。", "它", "被古人视为", "神兽", "、", "仁兽", "。", "麒麟", "长寿", ",", "能", "活", "两", "千年", "。", "能", "吐火", ",", "声音", "如", "雷", "。", "“", "有毛", "之", "虫", "三", "百", "六", "十", ",", "而", "麒麟", "为", "之", "长", "。", "”", "(", "有毛", "之", "虫", "的", "意思", "是", "有毛", "的", "动物", ")"], ["麒麟", "是", "中国", "古人", "创造", "出", "的", "虚幻", "动物", ",", "这种", "造型", "是", "把", "那些", "备受", "人们", "珍爱的动物", "所", "具备", "的", "优点", "全部", "集中", "在", "麒麟", "这", "一", "幻想", "中", "的", "神兽", "的", "建构", "上", "。", "在", "中国", "众多", "的", "民间传说", "中", ",", "关于", "麒麟", "的", "故事", "虽然", "并", "不是", "很多", ",", "但", "其", "在", "民众", "生活", "中", "实实在在", "地", "无处", "不", "体现", "出", "它", "特", "有", "的", "珍贵", "和", "灵异", "。"], ["麒麟", ",", "亦", "作", "“", "骐麟", "”", ",", "雄性", "称", "麒", ",", "雌性", "称", "麟", ",", "简称", "“", "麟", "”", "。", "麒麟", "是", "中国", "古籍", "中", "记载", "的", "一", "种", "动物", ",", "与", "凤", "、", "龟", "、", "龙", "共", "称为", "“", "四灵", "”", ",", "是", "神", "的", "坐骑", "。", "古人", "把", "麒麟", "当作", "仁", "兽", "、", "瑞兽", ",", "现实", "中", "常", "认为", "长颈鹿", "是", "麒麟", "的", "原型", ",", "常", "用来", "比喻", "杰出", "的", "人", "。"], ["麒麟", "文化"], ["麒麟", "文化", "是", "中国", "的", "传统", "民俗文化", ",", "如", "麒麟送子", ",", "就是", "中国", "旧", "时", "生育", "民俗", "。", "传说", "中", ",", "麒麟", "为", "仁", "兽", ",", "是", "吉祥", "的", "象征", ",", "能", "为人", "带来", "子嗣", "。", "相", "传", "孔子", "将", "生", "之", "夕", ",", "有", "麒麟", "吐", "玉", "书", "于", "其", "家", ",", "上", "写", "“", "水精", "之", "子孙", ",", "衰", "周", "而", "素", "王", "”", ",", "意谓", "他", "有", "帝王", "之", "德", "而", "未", "居", "其", "位", "。", "此", "虽", "伪", "说", ",", "实", "为", "“", "麒麟送子", "”", "之", "本", ",", "见", "载", "于", "王充", "《", "论衡", "·", "定", "贤", "》", "及", "晋", "王", "嘉", "《", "拾遗记", "》", "。", "民间", "有", "“", "麒麟儿", "”", "、", "“", "麟儿", "”", "之", "美称", "。"], ["孔子", "释氏亲", "抱", "送", ",", "并", "是", "天上麒麟", "儿", "。", "”", "胡朴安", "《", "中华全国风俗志", "·", "湖南", "》", "引", "《", "长治", "新年", "纪", "俗", "诗", "》", ":", "“", "妇女", "围龙", "可", "受胎", ",", "痴心", "求子", "亦奇哉", "。", "真龙", "不及", "纸", "龙", "好", ",", "能", "作", "麟", "麟", "送子", "来", "。", "”", "(", "注", ":", "妇人", "多", "年", "不", "生育", "者", ",", "每", "于", "龙灯", "到家", "时", ",", "加", "送", "封", "仪", ",", "以", "龙", "身", "围绕", "妇人", "一次", ",", "又", "将", "龙", "身", "缩短", ",", "上", "骑", "一", "小孩", ",", "在", "堂", "前行", "绕", "一", "周", ",", "谓", "之", "麟", "麒", "送子", "。", "按", "麟", "麒", "属于", "龙族", ",", "此", "乃", "以", "龙灯", "代", "麒", "麒", "者", "。", ")", "山海经", "十大", "异兽", "排名", "、", "凶兽", "排名", "图片", "曝光", ",", "山海经", "里", "最", "霸道", "的", "是", "谁", "?", "应该", "非", "麒麟", "莫属", "了", "。"], ["南北朝", "时", ",", "对", "聪颖", "可爱", "的", "男孩", ",", "人们", "常", "呼", "为", "“", "吾", "家", "麒麟", "”", "。", "此后", "“", "麒麟送子", "图", "”", "制作", "为", "木板画", ",", "上", "刻", "对联", "“", "天上麒麟", "儿", ",", "地下", "状元郎", "”", ",", "以此", "为", "佳", "兆", "。", "民间", "普遍", "认为", ",", "求", "拜", "麒麟", "可以", "生育", "得", "子", "。", "唐", "杜甫", "《", "徐卿二子歌", "》", ":", "“", "君不见", "徐卿二子", "多", "绝", "奇", ",", "感应", "吉", "梦", "相", "追随", "。"], ["最", "八卦", "观", "娱"]], "paragraphs": ["首页 > 娱乐 > 电视剧 > 山海经十大异兽排名谁最霸道?", "由张翰、古力娜扎主演的古装玄幻大剧《山海经之赤影传说》剧情开播收视率火爆,这部剧取材于小说《山海经》,相比于电视剧当中的朱雀青龙玄女大对决,《山海经》小说本身也非常有看点,《山海经》十大异兽排名、《山海经》凶兽排名图片你都知道吗?麒麟、饕餮、混沌等神兽在《山海经》里最霸道的是谁?你知道吗?", "《山海经之赤影传说》当中出现的朱雀、青龙引发了网友的好奇,其实除此之外,在《山海经》当中还有很多神奇的上古神兽。白泽、夔、凤凰、麒麟、梼杌、獬豸、犼、重明鸟、毕方、饕餮、腓腓、诸犍、混沌、庆忌等都是一些非常有意思的上古神兽。因为《山海经赤影传说》的开播,我们来揭秘一下《山海经》十大异兽排名、山海经凶兽排名图片,麒麟、饕餮、混沌等这些在《山海经》里最霸道的是谁呢?", "《山海经》十大异兽排名之麒麟:与凤、龟、龙共称为“四灵”", "麒麟在四灵兽中地位仅次于青龙,后由于封建皇帝对龙凤的褒扬,麒麟被排挤到民间,成为民间祥瑞的独特代表。麒麟主太平,带来丰年、福禄、长寿与美好。玄学称麒麟是岁星散开而生成,故主祥瑞,含仁怀义。", "从其外部形状上看,集龙头、鹿角、狮眼、虎背、熊腰、蛇鳞、马蹄、牛尾于一身,乃是吉祥之宝。据古籍的描述,它的身子像麕,也可以写成麇,古籍中指鹿;尾巴像牛;蹄子像马;圆的头顶,有一对角。它被古人视为神兽、仁兽。麒麟长寿,能活两千年。能吐火,声音如雷。“有毛之虫三百六十,而麒麟为之长。”(有毛之虫的意思是有毛的动物)", "麒麟是中国古人创造出的虚幻动物,这种造型是把那些备受人们珍爱的动物所具备的优点全部集中在麒麟这一幻想中的神兽的建构上。在中国众多的民间传说中,关于麒麟的故事虽然并不是很多,但其在民众生活中实实在在地无处不体现出它特有的珍贵和灵异。", "麒麟,亦作“骐麟”,雄性称麒,雌性称麟,简称“麟”。麒麟是中国古籍中记载的一种动物,与凤、龟、龙共称为“四灵”,是神的坐骑。古人把麒麟当作仁兽、瑞兽,现实中常认为长颈鹿是麒麟的原型,常用来比喻杰出的人。", "麒麟文化", "麒麟文化是中国的传统民俗文化,如麒麟送子,就是中国旧时生育民俗。传说中,麒麟为仁兽,是吉祥的象征,能为人带来子嗣。相传孔子将生之夕,有麒麟吐玉书于其家,上写“水精之子孙,衰周而素王”,意谓他有帝王之德而未居其位。此虽伪说,实为“麒麟送子”之本,见载于王充《论衡·定贤》及晋王嘉《拾遗记》。民间有“麒麟儿”、“麟儿”之美称。", "孔子释氏亲抱送,并是天上麒麟儿。”胡朴安《中华全国风俗志·湖南》引《长治新年纪俗诗》:“妇女围龙可受胎,痴心求子亦奇哉。真龙不及纸龙好,能作麟麟送子来。”(注:妇人多年不生育者,每于龙灯到家时,加送封仪,以龙身围绕妇人一次,又将龙身缩短,上骑一小孩,在堂前行绕一周,谓之麟麒送子。按麟麒属于龙族,此乃以龙灯代麒麒者。)山海经十大异兽排名、凶兽排名图片曝光,山海经里最霸道的是谁?应该非麒麟莫属了。", "南北朝时,对聪颖可爱的男孩,人们常呼为“吾家麒麟”。此后“麒麟送子图”制作为木板画,上刻对联“天上麒麟儿,地下状元郎”,以此为佳兆。民间普遍认为,求拜麒麟可以生育得子。唐杜甫《徐卿二子歌》:“君不见徐卿二子多绝奇,感应吉梦相追随。", "最八卦 观娱"], "bs_rank_pos": 3}, {"is_selected": false, "title": "山海经异兽图大全,神异灵兽能力图文详解 —【94677奇闻网】", "most_related_para": 5, "segmented_title": ["山海经", "异兽", "图", "大全", ",", "神", "异", "灵兽", "能力", "图文", "详解", "—", "【", "94677", "奇闻", "网", "】"], "segmented_paragraphs": [["当前位置", ":", "94677", "奇闻", "网", ">", "奇闻", "怪事", ">", "手机", "访问", ":", "3g", ".", "94677", ".", "com"], ["来源", ":", "www", ".", "94677", ".", "com", "时间", ":", "2017", "-", "03", "-", "22", "奇闻", "指数", ":", "229754", "编辑", ":", "admin", "手机", "版"], ["《", "山海经", "》", "中", "总是", "有", "着", "各种", "奇幻", "的", "故事", "与", "怪兽", ",", "对于", "那些", "怪兽", "的", "秒", "描述", "充满", "了", "各种", "丰富", "的", "想象", "。", "所以", "很多人", "都", "想", "知道", "山海经", "异兽", "图", "中", "的", "怪兽", "究竟", "张", "成", "什么", "样子", ",", "古", "时候", "这些", "传奇", "色彩", "浓厚", "的", "神灵", "异兽", "总", "能", "激起", "人们", "的", "兴趣", "。"], ["中国", "境内", "有", "一座", "山", "名", "叫", "章莪山", ",", "相", "传", "这", "座", "山", "寸草不生", ",", "还有许多", "怪兽", "出没", "其中", "。", "其中", "一只", "就是", "狰", ",", "它", "的", "声音", "如", "击", "石", "般", "铿锵", "。", "在", "山海经", "异兽", "图", "中", "可", "看出", ",", "狰", "的", "脸部", "中央", "长", "出", "一只", "角", ",", "而且", "有", "五", "条", "尾巴", ",", "全身", "赤红", ",", "身形", "似豹", "。"], ["矔疏", "是", "中国古代神话", "传说", "中", "的", "神兽", ",", "山海经", "异兽", "图", "中", "一", "角马", ",", "辟", "火", "奇", "兽", "。", "最早", "见于", "《", "山海经", "·", "北山经", "》", ",", "又", "北", "三", "百里", ",", "曰", "带", "山", ",", "其", "上", "多", "玉", ",", "其", "下", "多", "青", "碧", "。", "有兽焉", ",", "其", "状", "如", "马", ",", "一", "角", "有", "错", ",", "其", "名", "曰", "?", "疏", ",", "可以", "辟", "火", "。"], ["翼望山", ",", "山中", "有", "一", "种", "野兽", ",", "通过", "山海经", "异兽", "图", "可", "看出", ",", "形状", "像", "一般", "的", "野猫", ",", "只", "长", "着", "一只眼睛", "却", "是", "三", "条", "尾巴", ",", "名称", "是", "讙", ",", "发出", "的", "声音", "好像", "能", "赛", "过", "一百", "种", "动物", "的", "鸣叫", ",", "饲养", "它", "可以", "辟", "凶邪", "之", "气", ",", "人", "吃", "了", "它", "的", "肉", "就能", "治", "好", "黄疸病", "。"], ["中山", "神", ",", "又", "做", "“", "钟山", "神", "”", ",", "自", "女儿", "山", "至", "贾超", "山", "共", "十六", "座", "山", ",", "方圆", "三千", "五百", "里", "。", "其", "山", "神", "都是", "马", "身", "龙首", "神", "。", "又", "名", "中山", "神", "。"], ["上", "一篇", "英", "儿童", "森林", "发现", "疑为", "大脚怪", "巨大", "脚掌"], ["下一篇", "湖南", "发现", "神似", "蹲", "式", "人体", "下半身", "“", "怪", "树", "”", "/", "图"]], "paragraphs": ["当前位置:94677奇闻网 > 奇闻怪事 > 手机访问:3g.94677.com", "来源:www.94677.com时间:2017-03-22奇闻指数:229754编辑:admin手机版", "《山海经》中总是有着各种奇幻的故事与怪兽,对于那些怪兽的秒描述充满了各种丰富的想象。所以很多人都想知道山海经异兽图中的怪兽究竟张成什么样子,古时候这些传奇色彩浓厚的神灵异兽总能激起人们的兴趣。", "中国境内有一座山名叫章莪山,相传这座山寸草不生,还有许多怪兽出没其中。其中一只就是狰,它的声音如击石般铿锵。在山海经异兽图中可看出,狰的脸部中央长出一只角,而且有五条尾巴,全身赤红,身形似豹。", "矔疏是中国古代神话传说中的神兽,山海经异兽图中一角马,辟火奇兽。最早见于《山海经·北山经》,又北三百里,曰带山,其上多玉,其下多青碧。有兽焉,其状如马,一角有错,其名曰?疏,可以辟火。", "翼望山,山中有一种野兽,通过山海经异兽图可看出,形状像一般的野猫,只长着一只眼睛却是三条尾巴,名称是讙,发出的声音好像能赛过一百种动物的鸣叫,饲养它可以辟凶邪之气,人吃了它的肉就能治好黄疸病。", "中山神,又做“钟山神”,自女儿山至贾超山共十六座山,方圆三千五百里。其山神都是马身龙首神。又名中山神。", "上一篇英儿童森林发现疑为大脚怪巨大脚掌", "下一篇湖南发现 神似蹲式人体下半身“怪树”/图"], "bs_rank_pos": 4}], "answer_spans": [[0, 22]], "answer_docs": [0], "fake_answers": ["山海经异兽排名:天狗、穷奇、九尾狐、蛊雕、诸怀、蠃鱼、朱庆、梼杌、狍鴞、毕方"], "question": "山海经异兽图实力排名", "segmented_answers": [["山海经", "异兽", "排名", ":", "天狗", "、", "穷奇", "、", "九尾狐", "、", "蛊雕", "、", "诸怀", "、", "蠃鱼", "、", "朱庆", "、", "梼杌", "、", "狍鴞", "、", "毕方", "。"]], "answers": ["山海经异兽排名:天狗、穷奇、九尾狐、蛊雕、诸怀、蠃鱼、朱庆、梼杌、狍鴞、毕方。"], "entity_answers": [["天狗", "穷奇", "九尾狐", "蛊雕", "诸怀", "蠃鱼", "朱庆", "梼杌", "狍鴞", "毕方"]], "segmented_question": ["山海经", "异兽", "图", "实力", "排名"], "question_type": "ENTITY", "question_id": 91188, "fact_or_opinion": "OPINION", "match_scores": [0.9361702127659574]}
-{"documents": [{"is_selected": true, "title": "唐嫣最终选择罗晋,“拒绝”李易峰,原来是这个原因,大家都错了", "most_related_para": 8, "segmented_title": ["唐嫣", "最终", "选择", "罗晋", ",", "“", "拒绝", "”", "李易峰", ",", "原来", "是", "这个", "原因", ",", "大家", "都", "错", "了"], "segmented_paragraphs": [["自从", "唐嫣", "和", "罗晋", "公布", "恋情", "之后", ",", "他们", "俩", "这", "几", "年", "的", "点点滴滴", "都", "被", "挖", "出来", ",", "成为", "各种", "热点", ",", "之", "前", "传闻", "唐嫣", "罗晋", "两人", "从", "《", "乱世佳人", "》", "就", "在一起", "了", ",", "不过", "没有", "得到", "承认", "。"], ["唐嫣", "罗晋", "走", "在一起", "非常", "的", "不容易", "。", "主要", "问题", "就是", "唐嫣", "家", "的", "家教", "极", "严", "。", "严", "到", "什么", "程度", "呢", ",", "唐嫣", "自", "曝", "自己", "晚上", "回到家", "就", "不会", "再", "出门", "了", "。"], ["所以说", "想", "和", "唐嫣", "谈恋爱", "不仅", "要", "会", "见缝插针", "找到", "合适", "的", "时机", ",", "更", "难", "的", "是", "如何", "搞定", "唐", "爸爸", ",", "得到", "唐", "爸爸", "的", "认可", "。", "那种", "一般", "的", "男孩子", "肯定", "是", "如", "不", "了", "糖糖", "父亲", "的", "法眼", "的", "。"], ["不过", "据说", "罗晋", "之所以", "能", "成功", "被", "糖", "爸", "看", "中", ",", "允许", "他", "和", "女儿", "谈恋爱", ",", "不仅", "是因为", "罗晋", "低调", "帅气", "不张扬", ",", "而且", "他", "还是", "北影", "本科毕业", "的", ",", "糖", "爸", "很", "注重", "一个人", "的", "学历", ",", "起码", "代表", "了", "一个人的素质", "水平", "与", "文化", "修养", "。"], ["于是", "又", "网友", "就", "说", "到", ":", "怪不得", "糖糖", "最终", "选择", "了", "罗晋", ",", "“", "拒绝", "”", "了", "李易峰", "。", "李易峰", "和", "唐嫣", "一直", "是", "大家", "看", "好", "的", "一", "对", ",", "两人", "也", "多次", "合作", ",", "无论", "戏", "里", "戏", "外", ",", "感情", "都", "很好", ",", "互动", "更", "是", "从", "戏", "里", "延伸", "都", "戏", "外", "。"], ["在", "他们", "拍摄", "《", "活色生香", "》", "的", "过程", "中", ",", "有", "媒体", "采访", "唐嫣", ":", "“", "与", "李易峰", "搭", "戏", "怎么样", "?", "”", "唐嫣", "表示", ":", "“", "首次", "和", "自己", "小", "的", "男演员", "拍戏", ",", "感觉", "压力大", ",", "但", "并", "不", "介意", "姐弟恋", "”", ",", "李易峰", "也", "回应", "称", ":", "“", "每次", "拍戏", "前", ",", "看到", "他", "和", "别", "的", "男", "的", "在一起", ",", "第二天", "拍戏", "心里", "就会", "难受", "。", "”", "让", "两人", "的", "关系", "更加", "难以", "猜测", "。"], ["2014", "年", "的", "时候", "李易峰", "甚至", "在", "微博", "上", "公开", "称", "唐嫣", "为", "“", "媳妇", "”", ",", "虽然", "后来", "被", "他", "秒", "删", "了", ",", "但", "还是", "让", "人", "浮想联翩", "。"], ["之后", "两人", "的", "各种", "照片", "总是", "有", "惊天", "巧合", ",", "网友", "猜测", "唐嫣", "心中", "是", "有", "李易峰", "的", "。"], ["而", "李易峰", "的", "绯闻", "太多", "。"], ["而", "这", "显然", "不符合", "糖", "爸爸", "的", "要求", "。", "看", "来", "有时候", "绯闻", "太多", "也", "不是", "好事", ",", "很", "可能", "就", "与", "自己", "心爱的人", "擦肩而过", "。"], ["你们", "绝对", "唐嫣", "到底", "更", "爱", "谁", "?"], ["本", "文", "仅", "代表", "作者", "观点", ",", "不", "代表", "百度", "立场", "。"], ["本", "文", "系", "作者", "授权", "百家", "号", "发表", ",", "未经许可", ",", "不得转载", "。"], ["作者", "近期", "文章"], ["李易峰", "终于", "公开", "恋爱", "标准", "了", ",", "不是", "唐嫣", "、", "林允儿", ",", "她", "笑", "了", ",", "原来", "是", "她", "!", "和", "李易峰", "合作", "的", "女星", ",", "个", "个", "有", "绯闻", ",", "为何", "她", "没有", "?", "原来", "李易峰", "早", "就", "看出", "她", "的", "是", "他", "?", "林心如", "刚", "当", "妈", ",", "却", "爆出", "霍建华", "和", "她", "的", "恋情", ",", "令人惊讶", "!", "!"], ["唐嫣", "喜欢", "罗晋", ",", "眼神", "就能", "看", "出来", ","], ["1111111111111111111111111111111111111111111111111111111111112"], ["支持", "罗晋", "唐嫣"], ["唐嫣", "根本", "不配", ",", "小", "编", "你", "别", "乱", "说", "!"], ["峰峰", "是", "俺", "家", "丽", "颖", "女神", "的", ",", "小", "编", ",", "你", "是不是", "羡慕", "嫉妒", "恨", "滴", "?", "脑子", "死机", "了", "?", "死", "也", "别", "在", "这", "是", "侮辱", "我们", "的", "女神", "和", "峰峰", "。"], ["李易峰", "也", "看", "不", "上", "她"], ["打开", "手机", "百度", ",", "查看全部", "评论"]], "paragraphs": ["自从唐嫣和罗晋公布恋情之后,他们俩这几年的点点滴滴都被挖出来,成为各种热点,之前传闻唐嫣罗晋两人从《乱世佳人》就在一起了,不过没有得到承认。", "唐嫣罗晋走在一起非常的不容易。主要问题就是唐嫣家的家教极严。严到什么程度呢,唐嫣自曝自己晚上回到家就不会再出门了。", "所以说想和唐嫣谈恋爱不仅要会见缝插针找到合适的时机,更难的是如何搞定唐爸爸,得到唐爸爸的认可。那种一般的男孩子肯定是如不了糖糖父亲的法眼的。", "不过据说罗晋之所以能成功被糖爸看中,允许他和女儿谈恋爱,不仅是因为罗晋低调帅气不张扬,而且他还是北影本科毕业的,糖爸很注重一个人的学历,起码代表了一个人的素质水平与文化修养。", "于是又网友就说到:怪不得糖糖最终选择了罗晋,“拒绝”了李易峰。李易峰和唐嫣一直是大家看好的一对,两人也多次合作,无论戏里戏外,感情都很好,互动更是从戏里延伸都戏外。", "在他们拍摄《活色生香》的过程中,有媒体采访唐嫣:“与李易峰搭戏怎么样?”唐嫣表示:“首次和自己小的男演员拍戏,感觉压力大,但并不介意姐弟恋”,李易峰也回应称:“每次拍戏前,看到他和别的男的在一起,第二天拍戏心里就会难受。”让两人的关系更加难以猜测。", "2014年的时候李易峰甚至在微博上公开称唐嫣为“媳妇”,虽然后来被他秒删了,但还是让人浮想联翩。", "之后两人的各种照片总是有惊天巧合,网友猜测唐嫣心中是有李易峰的。", "而李易峰的绯闻太多。", "而这显然不符合糖爸爸的要求。看来有时候绯闻太多也不是好事,很可能就与自己心爱的人擦肩而过。", "你们绝对唐嫣到底更爱谁?", "本文仅代表作者观点,不代表百度立场。", "本文系作者授权百家号发表,未经许可,不得转载。", "作者近期文章", "李易峰终于公开恋爱标准了,不是唐嫣、林允儿,她笑了,原来是她! 和李易峰合作的女星,个个有绯闻,为何她没有?原来李易峰早就看出她的是他? 林心如刚当妈, 却爆出霍建华和她的恋情,令人惊讶!!", "唐嫣喜欢罗晋,眼神就能看出来,", "1111111111111111111111111111111111111111111111111111111111112", "支持罗晋唐嫣", "唐嫣根本不配,小编你别乱说!", "峰峰是俺家丽颖女神的,小编,你是不是羡慕嫉妒恨滴?脑子死机了?死也别在这是侮辱我们的女神和峰峰。", "李易峰也看不上她", "打开手机百度,查看全部评论"], "bs_rank_pos": 0}, {"is_selected": false, "title": "李易峰霍建华最怕的女星竟然是唐嫣,终于知道她为何总穿平底鞋!", "most_related_para": 13, "segmented_title": ["李易峰", "霍建华", "最", "怕", "的", "女星", "竟然", "是", "唐嫣", ",", "终于知道", "她", "为何", "总", "穿", "平底鞋", "!"], "segmented_paragraphs": [["天气", "凉", "了", ",", "唐嫣", "都是", "大衣", "出行", ",", "很", "符合", "时节", "的", "穿着", "。"], ["灰色", "超长", "大衣"], ["今年", "的", "大衣", "越", "长", "越", "时髦", ",", "唐嫣", "轻松", "驾驭", "超长", "大衣", ",", "最", "厉害", "的", "是", "还是", "穿", "平底鞋", "配", "这样", "的", "超长", "款", "大衣", "!", "再一次", "实力", "验证", "172", "cm", "的", "身高", "绝", "无", "水分", "!", "!"], ["糖糖", "站", "在", "维秘", "超模", "刘雯", "的", "身边", "都", "没", "压力", "!"], ["唐嫣", "身材", "高挑", "是", "客", "官", "们", "都", "知道", "的", "事情", ",", "她", "在", "网上", "的", "官方", "身高", "是", "172", ",", "这个", "数据", "相信", "比", "选择", "绝大多数", "的", "小", "花旦", "都", "要", "高一", "截", "。"], ["而", "唐嫣", "虽然", "身材", "傲", "人", ",", "却", "从", "不", "给", "其他人", "难堪", ",", "因此", "与", "身高", "一般", "的", "明星", "一同", "出席", "活动", "时", "一般", "只", "会", "穿", "平底鞋", ",", "可见", "也是", "个", "高", "情商", "的", "姑娘", "。", "(", "好评", "!", ")", "而", "不", "穿高跟鞋", "的", "她", "却", "在", "气场", "上", "输", "给", "别人", ",", "反而", "给", "人", "一", "种", "平易近人", "的", "亲切", "感", "!"], ["她", "在", "《", "仙剑奇侠传", "三", "》", "中", "饰演", "的", "紫萱", ",", "《", "夏", "家", "三千", "金", "》", "中", "饰演", "的", "夏天", "美", ",", "《", "金玉良缘", "》", "中", "饰演", "的", "玉麒麟", ",", "还是", "去年", "热播", "大", "剧", "《", "锦绣", "未央", "》", "的", "未央", "呢", "?", "没错", ",", "唐嫣", "这些年", "越来越", "稳重", "成熟", "了", ",", "喜欢", "她", "的", "粉丝", "也", "很多", ",", "不过", "唐嫣", "最", "让", "人", "佩服", "的", "一点", "是", "她", "的", "身高", "。"], ["大家都知道", ",", "娱乐圈", "有", "不少", "明星", "就会", "谎报", "自己", "的", "身高", ",", "而", "唐嫣", "这", "172", "的", "身高", "就", "好像", "是", "娱乐圈", "的", "一", "把", "活", "尺子", "。"], ["众所周知", "唐嫣", "可是", "标准", "的", "模特", "身高", ",", "在", "娱乐圈", "就是", "活", "尺子", "一样", "的", "存在", ",", "各", "路", "男明星", "一", "和", "穿", "平底鞋", "的", "她", "同", "框", ",", "就会", "造成", "一万", "点", "伤害", "~"], ["当", "身高", "172", "cm", "的", "唐嫣", "穿上", "平底鞋", ",", "那", "就是", "或", "标尺", "。", "娱乐圈", "的", "男人", "们", ",", "你们", "敢不敢", "和", "唐嫣", "站", "一起", "?"], ["身高", "177", "cm", "的", "霍建华", "居然", "和", "唐嫣", "一样", "高", "!"], ["当", "唐嫣", "碰上", "钟汉良", ",", "钟汉良", "还是", "蛮", "高", "的", ",", "180", "cm", "肯定", "是", "有", "了", ",", "和", "唐嫣", "就", "差", "半", "个", "头"], ["当", "谢霆锋", "碰上", "唐嫣", ",", "不", "多", "说", "了", "!", "看图", "!", "一样", "高", "!"], ["当", "李易峰", "碰上", "唐嫣", ",", "1", "米", "81", "的", "李易峰", "和", "唐嫣", "的", "身高", "接近", "!"], ["当", "唐嫣", "碰到", "男友", "罗晋", "时", ",", "这", "身高", ",", "感觉", "挺", "般配", "啊", "!"], ["当", "唐嫣", "碰上", "前男友", "邱泽", ",", "官方", "给", "出", "的", "176", "cm", "还是", "挺", "正确", "的", "~"], ["当", "唐嫣", "穿上", "高跟鞋", "~"], ["写", "在", "雷雷", "脸上", "的", "尴尬", "!"], ["话说", ",", "李易峰", "、", "谢霆锋", "到底", "有", "多", "高", ",", "你", "是不是", "更", "期待", "?"]], "paragraphs": ["天气凉了,唐嫣都是大衣出行,很符合时节的穿着。", "灰色超长大衣", "今年的大衣越长越时髦,唐嫣轻松驾驭超长大衣,最厉害的是还是穿平底鞋配这样的超长款大衣!再一次实力验证172cm的身高绝无水分!!", "糖糖站在维秘超模刘雯的身边都没压力!", "唐嫣身材高挑是客官们都知道的事情,她在网上的官方身高是172,这个数据相信比选择绝大多数的小花旦都要高一截。", "而唐嫣虽然身材傲人,却从不给其他人难堪,因此与身高一般的明星一同出席活动时一般只会穿平底鞋,可见也是个高情商的姑娘。(好评!)而不穿高跟鞋的她却在气场上输给别人,反而给人一种平易近人的亲切感!", "她在《仙剑奇侠传三》中饰演的紫萱,《夏家三千金》中饰演的夏天美,《金玉良缘》中饰演的玉麒麟,还是去年热播大剧《锦绣未央》的未央呢?没错,唐嫣这些年越来越稳重成熟了,喜欢她的粉丝也很多,不过唐嫣最让人佩服的一点是她的身高。", "大家都知道,娱乐圈有不少明星就会谎报自己的身高,而唐嫣这172的身高就好像是娱乐圈的一把活尺子。", "众所周知唐嫣可是标准的模特身高,在娱乐圈就是活尺子一样的存在,各路男明星一和穿平底鞋的她同框,就会造成一万点伤害~", "当身高172cm的唐嫣穿上平底鞋,那就是或标尺。娱乐圈的男人们,你们敢不敢和唐嫣站一起?", "身高177cm的霍建华居然和唐嫣一样高!", "当唐嫣碰上钟汉良,钟汉良还是蛮高的,180cm肯定是有了,和唐嫣就差半个头", "当谢霆锋碰上唐嫣,不多说了!看图!一样高!", "当李易峰碰上唐嫣,1米81的李易峰和唐嫣的身高接近!", "当唐嫣碰到男友罗晋时,这身高,感觉挺般配啊!", "当唐嫣碰上前男友邱泽,官方给出的176cm还是挺正确的~", "当唐嫣穿上高跟鞋~", "写在雷雷脸上的尴尬!", "话说,李易峰、谢霆锋到底有多高,你是不是更期待?"], "bs_rank_pos": 1}, {"is_selected": false, "title": "李易峰真心配不上唐嫣!-搜狐", "most_related_para": 4, "segmented_title": ["李易峰", "真心", "配", "不", "上", "唐嫣", "!", "-", "搜狐"], "segmented_paragraphs": [["眼眸", "深邃", "、", "轮廓", "分明", "、", "身材", "颀长", ",", "活生生", "的", "一幅画", "。"], ["卓伟", "大嘴", ",", "点赞", "李易峰", "与", "唐嫣", "在一起", "帖子", ",", "引发", "外界", "遐想", "。", "遐想", "就", "遐想", "吧", ",", "万万", "没", "有", "想到", ",", "最终", "演", "变成", "双方", "粉丝", "撕逼", "大战", "。"], ["博", "主", "也是", "大嘴", ",", "虽然", "没有", "卓伟", "毒", ",", "但", "仔细", "分析", "也", "觉得", "李易峰", "配", "不", "上", "唐嫣", "。"], ["在", "八卦", "大嘴", "看", "来", ",", "李易峰", "配", "不", "上", "唐嫣", "理由", "有", "三", "。"], ["(", "一", ")", "唐嫣", "太", "老", "唐嫣", "出生于", "1983", "年", ",", "李易峰", "出生于", "1987", "年", ",", "如果", "在一起", ",", "就是", "姐弟恋", "。", "李易峰", "现在", "正", "当红", ",", "而且", "风采依旧", ",", "反", "观", "唐嫣", ",", "相比", "前", "几", "年", ",", "她", "明显", "老", "了", "很多", "。", "一", "个", "帅帅", "的", "小鲜肉", ",", "一", "个", "姐姐", "似", "御姐", ",", "唐嫣", "真心", "配", "不", "上", "大", "苏", "苏", "。", "(", "二", ")", "李易峰", "不成熟", "李易峰", "很", "小", ",", "唐嫣", "很大", ",", "一", "个", "想要", "家", ",", "一", "个", "却", "忙碌", "事业", "。", "从", "平常", "来看", ",", "李易峰", "玩", "心", "很大", ",", "没有", "成家立业", "意思", ",", "正", "因为", "这样", ",", "唐嫣", "怎么", "敢", "把", "自己", "托付", "给", "这样", "的", "男人", "。", "(", "三", ")", "离", "渣男", "只有", "一", "步", "唐嫣", "和", "邱泽", "拍拖", ",", "两个人", "分手后", ",", "外界", "一直", "报道", "男方", "如何", "如何", "渣", "。", "咱们", "不是", "当事人", ",", "不知道", "其中", "细节", ",", "但", "按照", "邱泽", "粉丝", "意思", ",", "正", "主", "完全", "被", "女方", "打压", "所致", "。", "如果", "李易峰", "与", "唐嫣", "在一起", ",", "没事", "倒", "好", ",", "有事", "李易峰", "真", "离", "渣男", "不远", "了", "。", "同样", "的", ",", "张翰", "与", "郑爽", "分手后", ",", "张翰", "也", "甩", "不", "掉渣", "男", "头衔", "。"], ["各位", "路人", ",", "你们", "觉得", "李易峰", "配", "得", "上", "唐嫣", "么", "。"]], "paragraphs": ["眼眸深邃、轮廓分明、身材颀长,活生生的一幅画。", "卓伟大嘴,点赞李易峰与唐嫣在一起帖子,引发外界遐想。遐想就遐想吧,万万没有想到,最终演变成双方粉丝撕逼大战。", "博主也是大嘴,虽然没有卓伟毒,但仔细分析也觉得李易峰配不上唐嫣。", "在八卦大嘴看来,李易峰配不上唐嫣理由有三。", "(一)唐嫣太老 唐嫣出生于1983年,李易峰出生于1987年,如果在一起,就是姐弟恋。李易峰现在正当红,而且风采依旧,反观唐嫣,相比前几年,她明显老了很多。一个帅帅的小鲜肉,一个姐姐似御姐,唐嫣真心配不上大苏苏。 (二)李易峰不成熟 李易峰很小,唐嫣很大,一个想要家,一个却忙碌事业。从平常来看,李易峰玩心很大,没有成家立业意思,正因为这样,唐嫣怎么敢把自己托付给这样的男人。 (三)离渣男只有一步 唐嫣和邱泽拍拖,两个人分手后,外界一直报道男方如何如何渣。咱们不是当事人,不知道其中细节,但按照邱泽粉丝意思,正主完全被女方打压所致。如果李易峰与唐嫣在一起,没事倒好,有事李易峰真离渣男不远了。同样的,张翰与郑爽分手后,张翰也甩不掉渣男头衔。", "各位路人,你们觉得李易峰配得上唐嫣么。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "为什么唐嫣选择了罗晋而不是李易峰,身世大揭秘_百度知道", "most_related_para": 0, "segmented_title": ["为什么", "唐嫣", "选择", "了", "罗晋", "而", "不是", "李易峰", ",", "身世", "大揭秘", "_", "百度", "知道"], "segmented_paragraphs": [["不知道", "呀", "李易峰", "那段", "明显", "就是", "没", "什么", "真", "的", "没", "什么", "他是谁"]], "paragraphs": ["不知道呀 李易峰那段明显就是没什么 真的没什么 他是谁"], "bs_rank_pos": 4}, {"is_selected": false, "title": "李易峰看透了唐嫣,单身至今,原来是一直放不下她?", "most_related_para": 8, "segmented_title": ["李易峰", "看透", "了", "唐嫣", ",", "单身", "至今", ",", "原来", "是", "一直", "放不下", "她", "?"], "segmented_paragraphs": [["在", "唐嫣", "罗晋", "未", "公开", "恋情", "之", "前", ",", "众多", "网友", "一直", "认为", "他们", "是", "最合适", "的", "一", "对", "。", "所有", "吃", "瓜", "群众", "万万没想到", "的", "是", ",", "罗晋", "捷足先登", ",", "与", "唐嫣", "提前", "双宿双飞", "了", "。"], ["借", "着", "糖糖", "生日", "之", "际", ",", "罗晋", "在", "12", "月", "6", "日", "12", "点", "6", "分", "(", "这个", "时间", "点", "用", "心", "了", ")", "发布", "微博", "为", "唐嫣", "庆", "生", ":", "\"", "我", "的", "肩膀", "永遠是你的", "依靠", "\"", ",", "罗晋", "还", "将", "两人", "小时候", "的", "照片", "P", "在", "了", "一", "块", "。", "从", "这", "点", "可以看出", ",", "罗晋", "是", "一", "个", "非常", "细心", "和", "有爱心", "的", "男人", ",", "应该", "是", "真的爱", "唐嫣", ",", "要", "不", "唐嫣", "也", "不会", "和", "她", "在一起", "。"], ["之后", "网络", "盛传", "唐嫣", "之所以", "到", "现在", "才", "公布", "恋情", ",", "可能", "是", "李易峰", "一直", "放不下", "她", "?"], ["而", "在", "罗晋", "表白", "后", ",", "唐嫣", "紧跟", "而", "上", ",", "转发", "“", "缘来", "是", "你", "”", "。"], ["吃", "瓜", "群众", "一篇", "哗然", ",", "同时", "引起", "众多", "猜测", ",", "“", "缘来", "是", "你", "”", "有", "一语双关", ",", "暗喻", "的", "意思", "。", "同时", "很多人", "意外", "的", "是", ",", "在", "唐嫣", "转发", "之后", ",", "好友", "何炅", "、", "杨幂", "等人", "纷纷", "来电", "祝贺", "。"], ["然后", "很多", "人和", "小", "编", "也", "发现", "了", "一", "个", "蹊跷", "的", "事情", ",", "那", "就是", "和", "唐嫣", "无论", "戏", "里", "戏", "外", "都是", "非常", "要", "好", "的", "李易峰", ",", "却", "没", "用", "踪", "影", "和", "声音", "。"], ["唐嫣", "李易峰", "一起", "出现", "在", "快乐大本营", ",", "同时", "也", "很", "默契", "地", "穿着", "同", "一", "色", "系", "的", "衣服", "。"], ["李易峰", "当年", "公开", "称", "唐嫣", "为", "“", "媳妇", "”", ",", "虽然", "秒", "删", ",", "却", "被", "粉丝", "截图", "留下", "证据", ",", "至此", "唐嫣", "李易峰", "的", "关系", "更加", "暧昧", "难清难楚", "。"], ["这些", "李易峰", "的", "绯闻", "女友", "一直", "不断", ",", "以", "李易峰", "的", "条件", ",", "不会", "至今", "单身", "。"], ["难道", "真如", "网友", "猜测", ":", "李易峰", "看透", "了", "唐嫣", ",", "单身", "至今", ",", "原来", "是", "一直", "放不下", "她", "?"], ["无论", "怎么样", ",", "今天", "唐嫣", "和", "罗晋", "大", "婚", "在即", ",", "这种", "谣言", "也", "该", "到此为止", "。", "祝福", "唐嫣", "罗晋", "幸福", "。", "同样", "祝福", "李易峰", "早日", "脱离", "单身", ",", "找到", "真爱", "。"], ["本", "文", "仅", "代表", "作者", "观点", ",", "不", "代表", "百度", "立场", "。"], ["本", "文", "系", "作者", "授权", "百家", "号", "发表", ",", "未经许可", ",", "不得转载", "。"], ["作者", "近期", "文章"], ["只", "看", "素描", "照", ",", "99", "%", "的", "人", "认", "出", "赵丽颖", "刘诗诗", ",", "最后一个", "至今", "无人", "认", "出", "李易峰", "最", "深情", "杨洋", "郑爽", "最", "痛", "赵丽颖", "最", "尴尬", "明星们", "拍吻戏", "后", "尴尬", "瞬间", "杨洋", "终于", "公开", "恋爱", "标准", "了", ",", "不是", "郑爽", "、", "更", "不是", "李沁", ",", "原来", "是", "她", "!"], ["李易峰", "从来", "没", "喜欢", "过", "唐嫣", "啊"], ["祝福", "唐嫣", "罗晋", "幸福", ",", "峰峰", "颖", "宝", "在一起"], ["祝福你", "和", "糖糖", "幸福", "快乐", "下去", "!"], ["李易峰", "和", "爽", "妹纸", "有没有", "可能", ",", "都是", "个性", "独特", ",", "喜欢", "自由", "不受约束", "的", "特性", "?"], ["虽然", "很", "祝福", "糖糖", "和", "她", "的", "罗", "先生", "但是", "真的", "好", "希望", "峰", "糖", "在一起", "不过", "似乎", "没", "可能", "了"], ["祝福", "糖糖", "和", "罗晋"], ["唐嫣", "已经", "和", "罗晋", "在一起", "了", ",", "干嘛", "总", "把", "峰峰", "拉出来", ","], ["打开", "手机", "百度", ",", "查看全部", "评论"]], "paragraphs": ["在唐嫣罗晋未公开恋情之前,众多网友一直认为他们是最合适的一对。所有吃瓜群众万万没想到的是,罗晋捷足先登,与唐嫣提前双宿双飞了。", "借着糖糖生日之际,罗晋在12月6日12点6分(这个时间点用心了)发布微博为唐嫣庆生:\"我的肩膀永遠是你的依靠\",罗晋还将两人小时候的照片P在了一块。从这点可以看出,罗晋是一个非常细心和有爱心的男人,应该是真的爱唐嫣,要不唐嫣也不会和她在一起。", "之后网络盛传唐嫣之所以到现在才公布恋情,可能是李易峰一直放不下她?", "而在罗晋表白后,唐嫣紧跟而上,转发“缘来是你”。", "吃瓜群众一篇哗然,同时引起众多猜测,“缘来是你”有一语双关,暗喻的意思。同时很多人意外的是,在唐嫣转发之后,好友何炅、杨幂等人纷纷来电祝贺。", "然后很多人和小编也发现了一个蹊跷的事情,那就是和唐嫣无论戏里戏外都是非常要好的李易峰,却没用踪影和声音。", "唐嫣李易峰一起出现在快乐大本营,同时也很默契地穿着同一色系的衣服。", "李易峰当年公开称唐嫣为“媳妇”,虽然秒删,却被粉丝截图留下证据,至此唐嫣李易峰的关系更加暧昧难清难楚。", "这些李易峰的绯闻女友一直不断,以李易峰的条件,不会至今单身。", "难道真如网友猜测:李易峰看透了唐嫣,单身至今,原来是一直放不下她?", "无论怎么样,今天唐嫣和罗晋大婚在即,这种谣言也该到此为止。祝福唐嫣罗晋幸福。同样祝福李易峰早日脱离单身,找到真爱。", "本文仅代表作者观点,不代表百度立场。", "本文系作者授权百家号发表,未经许可,不得转载。", "作者近期文章", "只看素描照,99%的人认出赵丽颖刘诗诗,最后一个至今无人认出  李易峰最深情杨洋郑爽最痛赵丽颖最尴尬 明星们拍吻戏后尴尬瞬间  杨洋终于公开恋爱标准了,不是郑爽、更不是李沁,原来是她!", "李易峰从来没喜欢过唐嫣啊", "祝福唐嫣罗晋幸福,峰峰颖宝在一起", "祝福你和糖糖幸福快乐下去!", "李易峰和爽妹纸有没有可能,都是个性独特,喜欢自由不受约束的特性?", "虽然很祝福糖糖和她的罗先生但是真的好希望峰糖在一起不过似乎没可能了", "祝福糖糖和罗晋", "唐嫣已经和罗晋在一起了,干嘛总把峰峰拉出来,😡😡", "打开手机百度,查看全部评论"], "bs_rank_pos": 5}], "answer_spans": [[1, 5]], "fake_answers": ["李易峰的绯闻太多。"], "question": "唐嫣为什么不选李易峰", "segmented_answers": [["李易峰", "的", "绯闻", "太多", "。"]], "answers": ["李易峰的绯闻太多。"], "answer_docs": [0], "segmented_question": ["唐嫣", "为什么", "不", "选", "李易峰"], "question_type": "DESCRIPTION", "question_id": 91189, "fact_or_opinion": "OPINION", "match_scores": [1.0]}
-{"documents": [{"is_selected": false, "title": "全国31省市2017年高考报名人数汇总_高考_新东方在线", "most_related_para": 7, "segmented_title": ["全国", "31", "省市", "2017", "年", "高考", "报名人数", "汇总", "_", "高考", "_", "新东方", "在线"], "segmented_paragraphs": [["2017", "年", "高考", "报名", "31", "省市", "已经", "陆续", "开始", ",", "各省市", "2017", "年", "高考", "报名人数", "正在", "陆续", "公布", ",", "为了", "让", "考生", "更", "清楚", "的", "了解", "2017", "高考", "报名人数", "情况", ",", "新东方", "在线", "高考", "网", "为", "大家", "整理", "了", "《", "全国", "31", "省市", "2017", "年", "高考", "报名人数", "汇总", "》", ",", "供", "大家", "参考", ",", "更多", "2017", "年", "高考", "报名", "信息", "请", "关注", "新东方", "在线", "高考", "网", "。", "我们", "还", "为", "大家", "整理", "了", "【", "高考", "资料", "下载", "大全", "】", "。"], ["2009", "-", "2016", "年", "高考", "报名人数", "情况"], ["高考", "志愿填报", "必备工具", ":"], ["2017", "年", "高考", "语文", "作文题目", "及", "解析", "汇总", "新东方", "2017", "高考", "试题", "及", "答案", "解析", "(", "视频", "版", ")", "新东方", "2017", "高考", "试题", "及", "答案", "解析", "(", "文字版", ")"], ["2012", "年", "-", "2017", "年", "高考满分作文", "汇总", "2009", "年", "-", "2017", "年", "高考", "试题", "及", "答案", "汇总", "2006", "-", "2017", "高考英语", "满分", "作文", "范文", "汇总"], ["教育部", ":", "2017", "年", "全国", "31", "个", "省", "高考", "举报电话", "全国", "31", "省市", "2017", "年", "高考", "报名人数", "汇总", "31", "省市", "2017", "年", "录取分数线", "公布", "时间"], ["2017", "年", "高考", "志愿填报", "批次", "设置", "汇总", "(", "31", "省市", ")", "2017", "年", "31", "省", "高考", "志愿", "填报", "时间", "汇总", "高考", "志愿填报", "必备", ":", "31", "省", "大学", "分数线", "一览表"], ["2017", "高考", "清远", "看", "考场", "时间", "2017", "清远市", "考点分布", "考场安排", "2017", "成都", "交警", "49", "个", "高考", "服务", "点", "江苏省", "教育考试院", "考前", "温馨提醒", "2017", "福建", "泉州", "南安市", "考点分布", "考场安排", "教育部", ":", "提醒", "广大", "考生", "做", "好", "考前", "准备", "2017", "年", "全国", "高考", "报名人数", "940", "万人", "2017", "年", "上海高考", "外语", "听说", "测试", "考场规则", "2017", "年", "上海高考", "外语", "听力", "考试", "注意事项", "2017", "年", "上海", "高考", "考场规则"], ["版权", "及", "免责声明"], ["1", ",", "\"", "新东方", "在线", "\"", "上", "的", "内容", ",", "包括", "文章", "、", "资料", "、", "资讯", "等", ",", "本", "网", "注明", "\"", "稿件来源", ":", "新东方", "在线", "\"", "的", ",", "其", "版权", "均为", "\"", "新东方", "在线", "\"", "或", "北京", "新东方", "迅", "程", "网络", "科技", "有限公司", "所有", ",", "任何", "公司", "、", "媒体", "、", "网站", "或", "个人", "未经", "授权", "不得转载", "、", "链接", "、", "转贴", "或", "以", "其他", "方式", "使用", "。", "已经", "得到", "\"", "新东方", "在线", "\"", "许可", "的", "媒体", "、", "网站", ",", "在", "使用时", "必须", "注明", "\"", "稿件来源", ":", "新东方", "\"", ",", "违者", "本网站", "将", "依法", "追究责任", "。", "2", ",", "\"", "新东方", "在线", "\"", "未", "注明", "\"", "稿件来源", ":", "新东方", "\"", "的", "文章", "、", "资料", "、", "资讯", "等", "均为", "转载", "稿", ",", "本网站", "转载", "出于", "传递", "更多", "信息", "之", "目的", ",", "并不意味着", "赞同", "其", "观点", "或", "证实", "其", "内容", "的", "真实性", "。", "如", "其他", "媒体", "、", "网站", "或", "个人", "从", "本网站", "下载", "使用", ",", "必须", "保留", "本网站", "注明", "的", "\"", "稿件来源", "\"", ",", "并", "自负", "版权", "等", "法律责任", "。", "如", "擅自篡改", "为", "\"", "稿件来源", ":", "新东方", "\"", ",", "本网站", "将", "依法", "追究", "其", "法律责任", "。", "3", ",", "如", "本", "网", "转载", "稿", "涉及", "版权", "等", "问题", ",", "请", "作者", "见稿", "后", "在", "两", "周", "内", "与", "新东方", "在线", "联系", "。"], ["全国", "31", "省市", "2017", "年", "高考", "报名人数", "汇总", "2017", "年", "高考", "志愿填报", "批次", "设置", "汇总", "(", "31", "省市", ")", "2017", "年", "31", "省", "高考", "录取", "政策", "汇总", "2017", "年", "高校", "专项", "计划", "招生简章", "汇总"], ["985", "工程", "大学", "名单", "及", "历年", "录取分数线", "211", "工程", "大学", "名单", "及", "历年", "录取分数线", "全国", "31", "省市", "211", "工程", "大学", "特色", "专业", "盘点", "新东方", "高考英语", "高频词汇", "词组", "精讲", "汇总"]], "paragraphs": ["2017年高考报名31省市已经陆续开始,各省市2017年高考报名人数正在陆续公布,为了让考生更清楚的了解2017高考报名人数情况,新东方在线高考网为大家整理了《全国31省市2017年高考报名人数汇总》,供大家参考,更多2017年高考报名信息请关注新东方在线高考网。我们还为大家整理了【高考资料下载大全】。", "2009-2016年高考报名人数情况", "高考志愿填报必备工具:", "2017年高考语文作文题目及解析汇总 新东方2017高考试题及答案解析(视频版) 新东方2017高考试题及答案解析(文字版)", "2012年-2017年高考满分作文汇总 2009年-2017年高考试题及答案汇总 2006-2017高考英语满分作文范文汇总", "教育部:2017年全国31个省高考举报电话 全国31省市2017年高考报名人数汇总 31省市2017年录取分数线公布时间", "2017年高考志愿填报批次设置汇总(31省市) 2017年31省高考志愿填报时间汇总 高考志愿填报必备:31省大学分数线一览表", "2017高考清远看考场时间 2017清远市考点分布考场安排 2017成都交警49个高考服务点 江苏省教育考试院考前温馨提醒 2017福建泉州南安市考点分布考场安排 教育部:提醒广大考生做好考前准备 2017年全国高考报名人数940万人 2017年上海高考外语听说测试考场规则 2017年上海高考外语听力考试注意事项 2017年上海高考考场规则", "版权及免责声明", "1,\"新东方在线\"上的内容,包括文章、资料、资讯等, 本网注明\"稿件来源:新东方在线\"的,其版权 均为\"新东方在线\"或北京新东方迅程网络科技有限公司所有 ,任何公司、媒体、网站或个人未经授权不得转载、链接、转贴或以其他方式使用。已经得到 \"新东方在线\"许可 的媒体、网站,在使用时必须注明\"稿件来源:新东方\",违者本网站将依法追究责任。  2, \"新东方在线\" 未注明\"稿件来源:新东方\"的 文章、资料、资讯等 均为转载稿,本网站转载出于传递更多信息之目的,并不意味着赞同其观点或证实其内容的真实性。如其他媒体、网站或个人从本网站下载使用,必须保留本网站注明的\"稿件来源\",并自负版权等法律责任。如擅自篡改为 \" 稿件来源:新东方 \" ,本网站将依法追究其法律责任。  3,如本网转载稿涉及版权等问题,请作者见稿后在两周内与新东方在线联系。", "全国31省市2017年高考报名人数汇总 2017年高考志愿填报批次设置汇总(31省市) 2017年31省高考录取政策汇总 2017年高校专项计划招生简章汇总", "985工程大学名单及历年录取分数线 211工程大学名单及历年录取分数线 全国31省市211工程大学特色专业盘点 新东方高考英语高频词汇词组精讲汇总"], "bs_rank_pos": 0}, {"is_selected": true, "title": "2017年全国各省市高考报名人数排行榜", "most_related_para": 0, "segmented_title": ["2017", "年", "全国", "各省市", "高考", "报名人数", "排行榜"], "segmented_paragraphs": [["高考", "大战", "一触即发", ",", "2017", "年", "全国", "统一", "高考", "将", "于", "6", "月", "7", "日", "至", "8", "日", "进行", ",", "部分", "省", "(", "区", "、", "市", ")", "由于", "考试科目", "设置", "不同", ",", "后续", "可能", "仍", "安排", "有", "考试科目", "。", "今年", "全国", "高考", "报考人数", "统计", "约", "为", "923", ".", "4", "万人", ",", "2016", "年", "报考人数", "为", "940", "万", ",", "同比", "减少", "了", "17", "万人", ",", "就", "已", "公布", "高考", "报名", "情况", "的", "省份", "来看", ",", "相", "较", "于", "去年", ",", "一些", "省份", "今年", "的", "高考", "报名人数", "出现", "不同程度", "下降", ".", "2017", "年", "河北", "报名", "考生", "最多", ",", "为", "82", ".", "6", "万", ",", "其次", "是", "广东地区", "73", "万", ",", "山东", "72", "万", "。", "预祝", "考生", "们", "都", "取得", "理想", "成绩", "!"], ["本", "文", "仅", "代表", "作者", "观点", ",", "不", "代表", "百度", "立场", "。"], ["本", "文", "系", "作者", "授权", "百家", "号", "发表", ",", "未经许可", ",", "不得转载", "。"]], "paragraphs": ["高考大战一触即发,2017年全国统一高考将于6月7日至8日进行,部分省(区、市)由于考试科目设置不同,后续可能仍安排有考试科目。今年全国高考报考人数统计约为923.4万人,2016年报考人数为940万,同比减少了17万人,就已公布高考报名情况的省份来看,相较于去年,一些省份今年的高考报名人数出现不同程度下降.2017年河北报名考生最多,为82.6万,其次是广东地区73万,山东72万。预祝考生们都取得理想成绩!", "本文仅代表作者观点,不代表百度立场。", "本文系作者授权百家号发表,未经许可,不得转载。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "2017全国高考报名人数 2017年高考人数预测 2017届全国高考生人数", "most_related_para": 0, "segmented_title": ["2017", "全国", "高考", "报名人数", "2017", "年", "高考", "人数", "预测", "2017", "届", "全国", "高考生", "人数"], "segmented_paragraphs": [["2017", "年", "高考", "报名", "31", "省市", "已经", "陆续", "开始", ",", "各省市", "2017", "年", "高考", "报名人数", "正在", "陆续", "公布", ",", "2017", "全国", "高考", "报名人数", "到底", "有", "多少", "呢", "?", "下面", "是", "有", "2017", "全国", "高考", "报名人数", ",", "欢迎", "参阅", "。"], ["2017", "全国", "高考", "报名人数", "暂", "未", "更新", ",", "届时", "小", "编", "将", "持续", "跟踪报道", ",", "欢迎", "收藏", "本", "页面", "。"], ["招飞", ":", "2016", "年", "10", "月", "至", "11", "月"], ["2017", "年", "高考", "考生", "们", "所", "关心", "的", "招飞", "包括", "空军", "招飞", "和", "民航", "招飞", ",", "招飞", "一般", "包括", "初选", "、", "复", "选", "和", "定", "选", "等", "阶段", "。", "招飞", "的", "时间", "将", "在", "2016", "年", "10", "月", "至", "11", "月", ",", "具体时间安排", "要", "关注", "最新消息", "。"], ["高考", "报名", ":", "2016", "年", "12", "月"], ["就", "考生", "们", "关心", "的", "高考", "时间", ",", "教育", "招生", "考试中心", "表示", ",", "2017", "年", "高考", "报名时间", "尚未确定", ",", "依据", "惯例", ",", "将", "于", "2016", "年", "12", "月", "初", "进行", "。", "招生", "考试中心", "强调", ",", "拟", "在", "参加高考", "或", "办理", "录取", "手续", "的", "考生", "均", "要", "参加", "高考", "报名", ",", "一般", "不", "安排", "补", "报名", ",", "考生", "一定要", "在", "规定", "的", "时间", "完成", "报名", "。"], ["艺术", "类", "专业", "统考", "和", "联考", ":", "2017", "年", "1", "月"], ["据介绍", ",", "艺术类", "专业", "统考", "和", "联考", "一般", "安排", "在", "1", "月", "进行", "。", "艺术", "类", "专业", "统考", "分为", "美术", "类", "专业", "统考", "、", "音乐", "类", "专业", "统考", "和", "编导", "类", "专业", "统考", ",", "联考", "专业", "依据", "当年", "各高校", "的", "招生", "情况", "略", "有变化", "。"], ["2016", "年", "的", "联考", "专业", "有", ":", "作曲", "与", "作曲", "技术", "理论", "、", "舞蹈表演", "、", "舞蹈表演", "(", "国标舞", ")", "、", "舞蹈学", "与", "舞蹈编导", "、", "表演", "(", "二人台", "表演", ")", "、", "表演", "(", "戏剧", "影视表演", ")", "、", "表演", "(", "服装设计", "与", "表演", ")", "、", "播音", "与", "主持", "艺术", "、", "播音", "与", "主持", "艺术", "(", "蒙语", "授课", ")", "。"], ["此外", ",", "艺术类", "专业", "校", "考", "一般", "安排", "在", "1", "至", "3", "月", "进行", ",", "具体时间", "要", "关注", "招生院校", "的", "招生", "信息", "。"], ["区", "内", "高职", "单独", "招生", "、", "高考体检", "等", ":", "2017", "年", "2", "至", "3", "月"], ["高校", "高职", "单独招生", "一般", "在", "每年", "的", "3", "月底前", "完成", ",", "并", "于", "4", "月", "20", "日前", "上", "报", "录取", "结果", "。", "考生", "要", "注意", ",", "已经", "被", "区", "内", "高校", "高职", "单招", "录取", "的", "考生", "不", "安排", "参加", "6", "月", "的", "普通高考", "。"], ["高", "水平", "艺术团", "和", "高", "水平", "运动队", "院校", "的", "测试", "一般", "安排", "在", "每年", "年", "初", "进行", ",", "具体事宜", "要", "关注", "各", "个", "招生院校", "的", "招生", "信息", "。", "考生", "要", "注意", ",", "要按照", "内", "统一", "要求", ",", "上交", "高", "水平", "运动员", "及", "各类", "高考加分", "相关", "证明材料", ",", "逾期", "未", "交", "的", ",", "无法", "在", "高考成绩", "中", "加分", "或", "无法", "通过", "高", "水平", "运动员", "资格审核", "。"], ["按照", "教育部", "的", "要求", ",", "各高校", "自主招生", "在", "高考", "后", "进行", ",", "但是", "报名", "仍", "在", "高考", "前", ",", "相对", "集中", "于", "2", "月", "至", "3", "月", "。", "自主招生", "对", "考生", "都", "有", "一些", "特殊", "的", "要求", ",", "考生", "要", "提前", "准备", "。", "高考体检", "一般", "安排", "在", "3", "月", "至", "4", "月", "进行", ",", "要求", "所有", "高考", "报名", "考生", "均", "须", "参加体检", "。", "考生", "要", "注意", ",", "部分", "高校", "及", "专业", "对", "体检结果", "有", "要求", ",", "体检", "前", "要", "注意", "调整", "好", "饮食", "和", "作息", "。", "猜", "你", "喜欢", ":"], ["【", "2017", "全国", "高考", "报名人数", "2017", "年", "高考", "人数", "预测", "2017", "届", "全国", "高考生", "人数", "】", "相关文章"], ["【", "学习", "资讯", "】", "图文", "精华"]], "paragraphs": ["2017年高考报名31省市已经陆续开始,各省市2017年高考报名人数正在陆续公布,2017全国高考报名人数到底有多少呢?下面是有2017全国高考报名人数,欢迎参阅。", "2017全国高考报名人数暂未更新,届时小编将持续跟踪报道,欢迎收藏本页面。", "招飞:2016年10月至11月", "2017年高考考生们所关心的招飞包括空军招飞和民航招飞,招飞一般包括初选、复选和定选等阶段。招飞的时间将在2016年10月至11月,具体时间安排要关注最新消息。", "高考报名:2016年12月", "就考生们关心的高考时间,教育招生考试中心表示,2017年高考报名时间尚未确定,依据惯例,将于2016年12月初进行。招生考试中心强调,拟在参加高考或办理录取手续的考生均要参加高考报名,一般不安排补报名,考生一定要在规定的时间完成报名。", "艺术类专业统考和联考:2017年1月", "据介绍,艺术类专业统考和联考一般安排在1月进行。艺术类专业统考分为美术类专业统考、音乐类专业统考和编导类专业统考,联考专业依据当年各高校的招生情况略有变化。", "2016年的联考专业有:作曲与作曲技术理论、舞蹈表演、舞蹈表演(国标舞)、舞蹈学与舞蹈编导、表演(二人台表演)、表演(戏剧影视表演)、表演(服装设计与表演)、播音与主持艺术、播音与主持艺术(蒙语授课)。", "此外,艺术类专业校考一般安排在1至3月进行,具体时间要关注招生院校的招生信息。", "区内高职单独招生、高考体检等:2017年2至3月", "高校高职单独招生一般在每年的3月底前完成,并于4月20日前上报录取结果。考生要注意,已经被区内高校高职单招录取的考生不安排参加6月的普通高考。", "高水平艺术团和高水平运动队院校的测试一般安排在每年年初进行,具体事宜要关注各个招生院校的招生信息。考生要注意,要按照内统一要求,上交高水平运动员及各类高考加分相关证明材料,逾期未交的,无法在高考成绩中加分或无法通过高水平运动员资格审核。", "按照教育部的要求,各高校自主招生在高考后进行,但是报名仍在高考前,相对集中于2月至3月。自主招生对考生都有一些特殊的要求,考生要提前准备。 高考体检一般安排在3月至4月进行,要求所有高考报名考生均须参加体检。考生要注意,部分高校及专业对体检结果有要求,体检前要注意调整好饮食和作息。 猜你喜欢:", "【2017全国高考报名人数 2017年高考人数预测 2017届全国高考生人数】相关文章", "【学习资讯】图文精华"], "bs_rank_pos": 2}, {"is_selected": false, "title": "2017年全国高考报名人数汇总_各省市高考报名人数有多少 ", "most_related_para": 1, "segmented_title": ["2017", "年", "全国", "高考", "报名人数", "汇总", "_", "各省市", "高考", "报名人数", "有", "多少"], "segmented_paragraphs": [["牛", "校", "网", "的", "小", "编", "给", "各位", "考生", "整理", "了", ":", "2017", "年", "全国", "高考", "报名人数", "汇总", "_", "各省市", "高考", "报名人数", "有", "多少", ",", "希望", "对", "大家", "有所帮助", "。", "更多", "的", "资讯", "请", "持续", "关注", "牛", "校", "网", "(", "http", ":", "/", "/", "www", ".", "niu", "xiao", ".", "net", "/", ")"], ["2017", "年", "全国", "31", "个", "省市", "自治区", "高考", "报名", "陆续", "开始", ",", "各地", "高考", "报名人数", "也", "将", "陆续", "公布", ",", "新", "高三", "的", "考生", "对", "本", "省市", "近", "几", "年", "报名人数", "需要", "了解", ",", "就能", "大致", "了解", "自己", "有", "多少", "的", "竞争对手", ",", "知己知彼", "才能", "在", "高考", "证", "更", "有", "胜算", "。"], ["从", "历年", "本省", "高考", "人数", "的", "变化", "情况", "能", "对", "高考", "形式", "和", "发展趋势", "进行", "预测", ",", "考生", "还能", "够", "在", "激烈", "的", "竞争", "中", "对", "自己", "有", "一", "个", "更加", "清晰", "的", "定位", ",", "在", "2017", "年", "高考", "中", "更", "有", "把握", "。"], ["小", "编", "推荐", ":", "高考", "成绩", "不理想", ",", "专科", "成绩", "也", "能", "上", "本科", "!"], ["2017", "年", "全国", "各省市", "高考", "报名人数", "汇总"], ["2017", "年", "高考", "报名", "常见问题"], ["未", "办好", "身份证", "的", "考生", ",", "如何", "参加", "普通", "高考", "报名", "?"], ["答", ":", "未", "办好", "或", "未能", "提供", "二代", "或", "三", "代", "身份证", "的", "考生", ",", "请", "于", "2015", "年", "12", "月", "7", "-", "10", "日", "携带", "户口薄", "到", "所在地", "市", "、", "县", "(", "区", ")", "招生", "办公室", "指定", "的", "报名点", "领取", "考生", "号", "和", "初始", "登陆", "密码", ",", "并", "严格", "按", "《", "关于", "做", "好", "广东省", "2016", "年", "普通高校", "招生", "统一", "考试", "报名", "和", "建档", "工作", "的", "通知", "》", "的", "要求", "进行", "网上", "预", "报名", "和", "办理", "报名", "确认", "手续", "。", "没有", "二代", "或", "三", "代", "身份证", "的", "考生", ",", "报名", "系统", "不能", "自动", "校验", "考生", "信息", ",", "因此", ",", "考生", "要", "特别", "注意", "核对", "输入", "的", "姓名", "、", "身份证号", "、", "指纹", "信息", "等", "信息", "是否", "准确", "。"], ["身份证号", "已经", "报名"], ["答", ":", "解决办法", ":", "在", "报名", "信息", "填写", "完成", "后", ",", "提交", "保存", "信息", "提示", "“", "该", "身份证号", "已经", "报名", ",", "不能", "重复", "报名", "”", "。", "如果", "确认", "是", "自己", "的", "身份证号", "被", "报", "过", "名", ",", "可以", "持", "有效", "证件", "到", "考生", "所在", "县级", "招生", "委员会办公室", "申请", "办理", "相关", "手续", "。"], ["牛牛", "提示", ":", "由于", "2017", "年", "高考", "报名", "正在进行时", ",", "报考人数", "正在", "统计", "中", ",", "所有", "牛", "校", "网", "所", "提供", "的", "所有", "异地", "高考", "政策", "信息", "仅供", "考生", "及", "家长", "参考", ",", "敬请", "考生", "及", "家长", "以", "权威部门", "公布", "的", "正式", "信息", "为准", "。"]], "paragraphs": ["牛校网的小编给各位考生整理了:2017年全国高考报名人数汇总_各省市高考报名人数有多少,希望对大家有所帮助。更多的资讯请持续关注牛校网(http://www.niuxiao.net/)", "2017年全国31个省市自治区高考报名陆续开始,各地高考报名人数也将陆续公布,新高三的考生对本省市近几年报名人数需要了解,就能大致了解自己有多少的竞争对手,知己知彼才能在高考证更有胜算。", "从历年本省高考人数的变化情况能对高考形式和发展趋势进行预测,考生还能够在激烈的竞争中对自己有一个更加清晰的定位,在2017年高考中更有把握。", "小编推荐:高考成绩不理想,专科成绩也能上本科!", "2017年全国各省市高考报名人数汇总", "2017年高考报名常见问题", "未办好身份证的考生,如何参加普通高考报名?", "答:未办好或未能提供二代或三代身份证的考生,请于2015年12月7-10日携带户口薄到所在地市、县(区)招生办公室指定的报名点领取考生号和 初始登陆密码,并严格按《关于做好广东省2016年普通高校招生统一考试报名和建档工作的通知》的要求进行网上预报名和办理报名确认手续。没有二代或三代 身份证的考生,报名系统不能自动校验考生信息,因此,考生要特别注意核对输入的姓名、身份证号、指纹信息等信息是否准确。", "身份证号已经报名", "答:解决办法:在报名信息填写完成后,提交保存信息提示“该身份证号已经报名,不能重复报名”。如果确认是自己的身份证号被报过名,可以持有效证件到考生所在县级招生委员会办公室申请办理相关手续。", "牛牛提示:由于2017年高考报名正在进行时,报考人数正在统计中,所有牛校网所提供的所有异地高考政策信息仅供考生及家长参考,敬请考生及家长以权威部门公布的正式信息为准。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "2017全国高考报名人数 2017年高考人数预测 2017届全国高考生人数", "most_related_para": 1, "segmented_title": ["2017", "全国", "高考", "报名人数", "2017", "年", "高考", "人数", "预测", "2017", "届", "全国", "高考生", "人数"], "segmented_paragraphs": [["学习", "啦", ">", "新闻资讯", ">", "学习", "资讯", ">", "《", "2017", "全国", "高考", "报名人数", "2017", "年", "高考", "人数", "预测", "2017", "届", "全国", "高考生", "人数", "》", "正文"], ["2017", "年", "高考", "报名", "31", "省市", "已经", "陆续", "开始", ",", "各省市", "2017", "年", "高考", "报名人数", "正在", "陆续", "公布", ",", "2017", "全国", "高考", "报名人数", "到底", "有", "多少", "呢", "?", "下面", "是", "有", "2017", "全国", "高考", "报名人数", ",", "欢迎", "参阅", "。"], ["940", "万人", "赴", "战", "高考", "浙", "沪", "迎来", "全国", "首批", "新", "高考", "考生"], ["2017", "高考", "今日", "拉开帷幕", ",", "940", "万", "考生", "今日", "开", "考", "。", "今年", "高考", ",", "四川", "省", "正式", "加入", "全国卷", "阵营", ",", "除了", "浙江", "、", "山东", "和", "海南", "三省", "有", "部分", "自主命题", "外", ",", "全国", "仅", "有", "北京", "、", "天津", "、", "上海", "以及", "江苏", "四", "个", "省市", "的", "高考", "为", "全部", "科目", "自主命题", "。"], ["恢复高考", "40", "年", "高校", "录取率", "从", "5%", "跃", "升", "至", "75", "%"], ["从", "1977", "年", "恢复高考", "至今", ",", "全国", "的", "高校", "录取率", "从", "最初", "的", "5%", "跃", "升", "至", "现在", "的", "75", "%", "左右", ",", "40", "年", "里", "翻", "了", "15", "倍", "。", "与", "上涨", "的", "高校", "录取率", "呈", "鲜明", "对比", "的", "是", "一些", "省市", "的", "高考", "人数", "持续下滑", ",", "据统计", ",", "2017", "年", "目前", "已", "公布", "高考", "人数", "的", "23", "个", "省", "区", "中", "有", "11", "个", "省", "区", "的", "报考人数", "有", "所", "下滑", ",", "而", "江苏省", "继", "去年", "下滑", "了", "3", "万", "多", "人", "之后", ",", "今年", "报考人数", "相", "较", "去年", "又", "下滑", "了", "3", "万", "多", "人", "。"], ["面对", "我", "国", "高考", "目前", "的", "形势", ",", "教育部", "今年", "下达", "通知", ",", "确保", "各地", "高考", "录取率", "不", "降低", ",", "确保", "省际", "高考", "录取率", "差距", "进一步", "缩小", ",", "确保", "重点", "高校", "招收", "农村", "和", "贫困地区", "的", "学生", "人数", "进一步增加", ",", "确保", "中央部委", "所属", "高校", "本科招生", "总规模", "和", "投放", "到", "各", "省份", "的", "招生计划", "总量", "不", "降低", ",", "确保", "实现", "国家", "年度", "高等教育", "事业", "发展", "宏观", "管理", "目标", "。"], ["除了", "高考", ",", "升学", "的", "方式", "也", "越", "加", "多元", ",", "高考", "已", "不是", "高中生", "唯一", "的", "出路", "。", "今年", ",", "南京", "外国语学校", "有", "270", "余", "名", "同学", "被", "美国", "、", "英国", "、", "加拿大", "、", "法国", "等", "国家", "的", "大学", "录取", ",", "选择", "在", "本科", "就", "出国留学", "的", "高中生", "已", "渐渐", "多", "了", "起来", "。", "随着", "民众", "生活", "水准", "的", "不断提高", ",", "会", "有", "越来越多", "的", "家庭", "会", "选择", "出国留学", "这样", "的", "道路", "。"], ["浙", "沪", "最", "先", "迎来", "全国", "首批", "新", "高考", "考生"], ["2017", "年", "被", "称为", "新", "高考", "元年", "。", "浙江", "、", "上海", "作为", "在", "2014", "年", "就", "开始", "进行", "试点", "的", "省", "区", ",", "2017", "年", "将", "迎来", "全国", "首批", "新", "高考", "考生", "。"], ["新", "高考", "改革", "打破", "了", "传统", "文理", "分", "科", "的", "局限", ",", "它", "让", "考生", "和", "家长", "更为", "重视", "自身", "的", "特长", "学科", "选择", "而", "不是", "原先", "的", "相同", "学科竞争", ",", "据统计", ",", "浙江", "今年", "参加高考", "的", "学生", "选", "“", "纯", "文", "”", "的", "约", "11", "%", ",", "选", "“", "纯", "理", "”", "的", "近", "20", "%", ",", "选", "“", "2", "文", "1", "理", "”", "或", "“", "2", "理", "1", "文", "”", "的", "近", "70", "%", "。"], ["除此之外", ",", "选拔", "标准", "的", "多元", "、", "招生", "通道", "的", "拓宽", "、", "每年", "两次", "的", "报考", "机会", "均为", "考生", "提供", "了", "更加", "多元", "和", "自主", "的", "选择", "机会", ",", "同时", "也", "在", "一定", "程度", "上", "加大", "了", "考生", "和", "家长", "的", "负担", ",", "迫使", "考生", "和", "家长", "在", "报考", "志愿", "时", "要", "备", "足", "功课", ",", "详细", "了解", "报考", "的", "院校", "及", "专业", "。"], ["关于", "新高考", ",", "您", "怎么看", "?", "诚邀", "您", "做", "一", "份", "新", "高考", "调查问卷", ",", "点击", "参与调查", "。"], ["众多", "省市", "批次", "有所调整"], ["近两年", ",", "有很多", "省份", "开始", "逐渐", "实施", "合并", "录取", "批次", "的", "改革", "。"], ["截止", "2016", "年", ",", "全国", "已有", "浙江", "、", "四川", "、", "湖北", "、", "广东", "等", "十", "多", "个", "省市", "将", "二", "三本", "批次", "进行", "合并", "录取", "。", "上海", "则", "是", "直接", "取消", "了", "所有", "本科", "录取", "批次", "划分", ",", "实行", "本科", "普通", "批次", "统一", "录取", "。"], ["从", "2017", "年", "开始", ",", "北京", "、", "河南", "、", "江苏", "、", "安徽", "将", "合并", "本科", "二批", "与", "本科", "三", "批", "录取", ";", "山东", "、", "海南", "将", "合并", "本科", "一批", "和", "本科", "二批", "录取", ",", "形成", "本科", "统一", "录取", "批次", ";", "浙江", "新", "的", "录取", "方案", "则", "取消录取", "批次", "划分", ",", "所有", "高校", "实行", "“", "同台", "”", "无差别", "竞争", ",", "考生", "分段", "进行", "录取", "。"], ["国防生", "退出", "历史", "舞台", "人工智能", "接棒", "飙", "戏"], ["同样", "是", "在", "2017", "年", ",", "国防部", "新闻", "局", "表示", ",", "从", "今年", "起", "不再", "从", "普通", "高中毕业生", "中", "定向", "招收", "国防生", ",", "也", "不再", "从", "在校大学生", "中", "考核", "选拔", "国防生", ",", "逐步", "调整", "为", "面向", "地方", "院校", "毕业生", "直接", "选拔", "招录", "。", "这", "也", "就", "意味着", ",", "存在", "于", "知名", "高校", "的", "国防生", "团体", "正式", "退出", "历史", "舞台", ",", "如果", "有", "意向", "报考", "国防生", "的", "考生", "要", "早", "作", "打算", ",", "合理", "应变", "。"], ["人工智能", "才", "在", "围棋", "领域", "大出风头", ",", "现在", "又", "开始", "进军", "高考", "试题", "了", "。", "据悉", ",", "成都", "某", "公司", "研发", "的", "一", "款", "人工智能", "系统", "AI", "-", "MATHS", "将", "作为", "“", "数学", "高考", "机器人", "”", ",", "挑战", "6", "月", "7", "日", "的", "2017", "年", "高考数学", "卷", "。", "而", "在", "此", "前", ",", "该", "机器人", "便", "凭", "靠", "100", "套", "试卷", "、", "1", ".", "2", "万", "道", "题", "的", "训练", "量", "取得", "了", "高考数学", "模拟", "卷", "93", "分", "的", "成绩", "。"], ["招飞", ":", "2016", "年", "10", "月", "至", "11", "月"], ["2017", "年", "高考", "考生", "们", "所", "关心", "的", "招飞", "包括", "空军", "招飞", "和", "民航", "招飞", ",", "招飞", "一般", "包括", "初选", "、", "复", "选", "和", "定", "选", "等", "阶段", "。", "招飞", "的", "时间", "将", "在", "2016", "年", "10", "月", "至", "11", "月", ",", "具体时间安排", "要", "关注", "最新消息", "。"], ["高考", "报名", ":", "2016", "年", "12", "月"], ["就", "考生", "们", "关心", "的", "高考", "时间", ",", "教育", "招生", "考试中心", "表示", ",", "2017", "年", "高考", "报名时间", "尚未确定", ",", "依据", "惯例", ",", "将", "于", "2016", "年", "12", "月", "初", "进行", "。", "招生", "考试中心", "强调", ",", "拟", "在", "参加高考", "或", "办理", "录取", "手续", "的", "考生", "均", "要", "参加", "高考", "报名", ",", "一般", "不", "安排", "补", "报名", ",", "考生", "一定要", "在", "规定", "的", "时间", "完成", "报名", "。"], ["艺术", "类", "专业", "统考", "和", "联考", ":", "2017", "年", "1", "月"], ["据介绍", ",", "艺术类", "专业", "统考", "和", "联考", "一般", "安排", "在", "1", "月", "进行", "。", "艺术", "类", "专业", "统考", "分为", "美术", "类", "专业", "统考", "、", "音乐", "类", "专业", "统考", "和", "编导", "类", "专业", "统考", ",", "联考", "专业", "依据", "当年", "各高校", "的", "招生", "情况", "略", "有变化", "。"], ["2016", "年", "的", "联考", "专业", "有", ":", "作曲", "与", "作曲", "技术", "理论", "、", "舞蹈表演", "、", "舞蹈表演", "(", "国标舞", ")", "、", "舞蹈学", "与", "舞蹈编导", "、", "表演", "(", "二人台", "表演", ")", "、", "表演", "(", "戏剧", "影视表演", ")", "、", "表演", "(", "服装设计", "与", "表演", ")", "、", "播音", "与", "主持", "艺术", "、", "播音", "与", "主持", "艺术", "(", "蒙语", "授课", ")", "。"], ["此外", ",", "艺术类", "专业", "校", "考", "一般", "安排", "在", "1", "至", "3", "月", "进行", ",", "具体时间", "要", "关注", "招生院校", "的", "招生", "信息", "。"], ["区", "内", "高职", "单独", "招生", "、", "高考体检", "等", ":", "2017", "年", "2", "至", "3", "月"], ["高校", "高职", "单独招生", "一般", "在", "每年", "的", "3", "月底前", "完成", ",", "并", "于", "4", "月", "20", "日前", "上", "报", "录取", "结果", "。", "考生", "要", "注意", ",", "已经", "被", "区", "内", "高校", "高职", "单招", "录取", "的", "考生", "不", "安排", "参加", "6", "月", "的", "普通高考", "。"], ["高", "水平", "艺术团", "和", "高", "水平", "运动队", "院校", "的", "测试", "一般", "安排", "在", "每年", "年", "初", "进行", ",", "具体事宜", "要", "关注", "各", "个", "招生院校", "的", "招生", "信息", "。", "考生", "要", "注意", ",", "要按照", "内", "统一", "要求", ",", "上交", "高", "水平", "运动员", "及", "各类", "高考加分", "相关", "证明材料", ",", "逾期", "未", "交", "的", ",", "无法", "在", "高考成绩", "中", "加分", "或", "无法", "通过", "高", "水平", "运动员", "资格审核", "。"], ["按照", "教育部", "的", "要求", ",", "各高校", "自主招生", "在", "高考", "后", "进行", ",", "但是", "报名", "仍", "在", "高考", "前", ",", "相对", "集中", "于", "2", "月", "至", "3", "月", "。", "自主招生", "对", "考生", "都", "有", "一些", "特殊", "的", "要求", ",", "考生", "要", "提前", "准备", "。", "高考体检", "一般", "安排", "在", "3", "月", "至", "4", "月", "进行", ",", "要求", "所有", "高考", "报名", "考生", "均", "须", "参加体检", "。", "考生", "要", "注意", ",", "部分", "高校", "及", "专业", "对", "体检结果", "有", "要求", ",", "体检", "前", "要", "注意", "调整", "好", "饮食", "和", "作息", "。"], [">", ">", ">", "点击", "下一页", "阅读", "更多", "关于", "2017", "年", "高考", "时间", "时间表"], ["上", "一篇", ":", "2017", "最新", "中国", "彩礼", "地图", "图片", "中国", "彩礼", "地图", "对比", "变化", "2017", "中国", "全国", "彩礼", "排行榜", "下一篇", ":", "2017", "中国", "各地", "结婚", "彩礼", "排行榜", "排名", "表", "2017", "最新", "中国", "彩礼", "地图", "图片"], ["【", "学习", "资讯", "】", "精华", "文章"], ["【", "学习", "资讯", "】", "相关文章"]], "paragraphs": ["学习啦>新闻资讯>学习资讯>《2017全国高考报名人数 2017年高考人数预测 2017届全国高考生人数》正文", "2017年高考报名31省市已经陆续开始,各省市2017年高考报名人数正在陆续公布,2017全国高考报名人数到底有多少呢?下面是有2017全国高考报名人数,欢迎参阅。", "940万人赴战高考 浙沪迎来全国首批新高考考生", "2017高考今日拉开帷幕,940万考生今日开考。今年高考,四川省正式加入全国卷阵营,除了浙江、山东和海南三省有部分自主命题外,全国仅有北京、天津、上海以及江苏四个省市的高考为全部科目自主命题。", "恢复高考40年 高校录取率从5%跃升至75%", "从1977年恢复高考至今,全国的高校录取率从最初的5%跃升至现在的75%左右,40年里翻了15倍。与上涨的高校录取率呈鲜明对比的是一些省市的高考人数持续下滑,据统计,2017年目前已公布高考人数的23个省区中有11个省区的报考人数有所下滑,而江苏省继去年下滑了3万多人之后,今年报考人数相较去年又下滑了3万多人。", "面对我国高考目前的形势,教育部今年下达通知,确保各地高考录取率不降低,确保省际高考录取率差距进一步缩小,确保重点高校招收农村和贫困地区的学生人数进一步增加,确保中央部委所属高校本科招生总规模和投放到各省份的招生计划总量不降低,确保实现国家年度高等教育事业发展宏观管理目标。", "除了高考,升学的方式也越加多元,高考已不是高中生唯一的出路。今年,南京外国语学校有270余名同学被美国、英国、加拿大、法国等国家的大学录取,选择在本科就出国留学的高中生已渐渐多了起来。随着民众生活水准的不断提高,会有越来越多的家庭会选择出国留学这样的道路。", "浙沪最先迎来全国首批新高考考生", "2017年被称为新高考元年。浙江、上海作为在2014年就开始进行试点的省区,2017年将迎来全国首批新高考考生。", "新高考改革打破了传统文理分科的局限,它让考生和家长更为重视自身的特长学科选择而不是原先的相同学科竞争,据统计,浙江今年参加高考的学生选“纯文”的约11%,选“纯理”的近20%,选“2文1理”或“2理1文”的近70%。", "除此之外,选拔标准的多元、招生通道的拓宽、每年两次的报考机会均为考生提供了更加多元和自主的选择机会,同时也在一定程度上加大了考生和家长的负担,迫使考生和家长在报考志愿时要备足功课,详细了解报考的院校及专业。", "关于新高考,您怎么看?诚邀您做一份新高考调查问卷,点击参与调查。", "众多省市批次有所调整", "近两年,有很多省份开始逐渐实施合并录取批次的改革。", "截止2016年,全国已有浙江、四川、湖北、广东等十多个省市将二三本批次进行合并录取。上海则是直接取消了所有本科录取批次划分,实行本科普通批次统一录取。", "从2017年开始,北京、河南、江苏、安徽将合并本科二批与本科三批录取;山东、海南将合并本科一批和本科二批录取,形成本科统一录取批次;浙江新的录取方案则取消录取批次划分,所有高校实行“同台”无差别竞争,考生分段进行录取。", "国防生退出历史舞台 人工智能接棒飙戏", "同样是在2017年,国防部新闻局表示,从今年起不再从普通高中毕业生中定向招收国防生,也不再从在校大学生中考核选拔国防生,逐步调整为面向地方院校毕业生直接选拔招录。这也就意味着,存在于知名高校的国防生团体正式退出历史舞台,如果有意向报考国防生的考生要早作打算,合理应变。", "人工智能才在围棋领域大出风头,现在又开始进军高考试题了。据悉,成都某公司研发的一款人工智能系统AI-MATHS将作为“数学高考机器人”,挑战6月7日的2017年高考数学卷。而在此前,该机器人便凭靠100套试卷、1.2万道题的训练量取得了高考数学模拟卷93分的成绩。", "招飞:2016年10月至11月", "2017年高考考生们所关心的招飞包括空军招飞和民航招飞,招飞一般包括初选、复选和定选等阶段。招飞的时间将在2016年10月至11月,具体时间安排要关注最新消息。", "高考报名:2016年12月", "就考生们关心的高考时间,教育招生考试中心表示,2017年高考报名时间尚未确定,依据惯例,将于2016年12月初进行。招生考试中心强调,拟在参加高考或办理录取手续的考生均要参加高考报名,一般不安排补报名,考生一定要在规定的时间完成报名。", "艺术类专业统考和联考:2017年1月", "据介绍,艺术类专业统考和联考一般安排在1月进行。艺术类专业统考分为美术类专业统考、音乐类专业统考和编导类专业统考,联考专业依据当年各高校的招生情况略有变化。", "2016年的联考专业有:作曲与作曲技术理论、舞蹈表演、舞蹈表演(国标舞)、舞蹈学与舞蹈编导、表演(二人台表演)、表演(戏剧影视表演)、表演(服装设计与表演)、播音与主持艺术、播音与主持艺术(蒙语授课)。", "此外,艺术类专业校考一般安排在1至3月进行,具体时间要关注招生院校的招生信息。", "区内高职单独招生、高考体检等:2017年2至3月", "高校高职单独招生一般在每年的3月底前完成,并于4月20日前上报录取结果。考生要注意,已经被区内高校高职单招录取的考生不安排参加6月的普通高考。", "高水平艺术团和高水平运动队院校的测试一般安排在每年年初进行,具体事宜要关注各个招生院校的招生信息。考生要注意,要按照内统一要求,上交高水平运动员及各类高考加分相关证明材料,逾期未交的,无法在高考成绩中加分或无法通过高水平运动员资格审核。", "按照教育部的要求,各高校自主招生在高考后进行,但是报名仍在高考前,相对集中于2月至3月。自主招生对考生都有一些特殊的要求,考生要提前准备。 高考体检一般安排在3月至4月进行,要求所有高考报名考生均须参加体检。考生要注意,部分高校及专业对体检结果有要求,体检前要注意调整好饮食和作息。", ">>>点击下一页阅读更多关于2017年高考时间时间表", "上一篇:2017最新中国彩礼地图图片 中国彩礼地图对比变化 2017中国全国彩礼排行榜  下一篇:2017中国各地结婚彩礼排行榜排名表 2017最新中国彩礼地图图片", "【学习资讯】精华文章", "【学习资讯】相关文章"], "bs_rank_pos": 5}], "answer_spans": [[38, 49]], "answer_docs": [1], "fake_answers": ["。今年全国高考报考人数统计约为923.4万人"], "question": "2017年高考报名人数", "segmented_answers": [["2017", "年", "全国", "高考", "报名人数", "共", "940", "万人", "。"], ["今年", "全国", "高考", "报考人数", "统计", "约", "为", "923", ".", "4", "万人", "。"]], "answers": ["2017年全国高考报名人数共940万人。", "今年全国高考报考人数统计约为923.4万人。"], "entity_answers": [["940万"], ["923.4万"]], "segmented_question": ["2017", "年", "高考", "报名人数"], "question_type": "ENTITY", "question_id": 91190, "fact_or_opinion": "FACT", "match_scores": [1.0]}
-{"documents": [{"is_selected": true, "title": "怎么把多个Word文档合并成一个_百度经验", "most_related_para": 4, "segmented_title": ["怎么", "把", "多", "个", "Word", "文档", "合并", "成", "一", "个", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["在", "编辑", "word", "文档", "的", "过程", "中", ",", "我们", "总是", "会", "遇到", "各种", "问题", ",", "也", "会", "总", "想", "找", "些", "快捷", "方法", "。", "比如", "在", "使用", "多", "个", "word", "文档", "时", ",", "如果", "想", "把", "其他", "word", "文档", "里", "的", "内容", "合并", "成", "一", "个", ",", "只是", "复制", "的", "话", ",", "太多", "了", "就", "很", "不好", "粘贴", "了", "。", "那么", ",", "有", "什么", "办法", "可以", "把", "多", "个", "word", "文档", "合并", "成", "一", "个", "呢", "?", "下面", "以", "word", "2007", "为", "例", "来", "教", "大家", "一", "个", "方法", "把", "多", "个", "word", "文档", "合并", "成", "一", "个", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "如", "上", "图", "所示", "的", "三", "个", "文档", ",", "比如", "我们", "打开", "第一个", "文档", ",", "需要", "把", "其他", "两", "个", "文档", "的", "内容", "合并", "到", "第一个", "文档", "里", "。", "那么", "在", "第一个", "文档", "里", ",", "光标", "放到", "你", "要", "合并", "文档", "到", "此处", "位置", ",", "你", "光标", "放到", "哪里", ",", "那么", "合并", "的", "文字", "就是", "在", "哪里", ":", "步骤", "阅读", "2", "然后", "看到", "上面", "菜单栏", "里", "有", "个", "“", "插入", "”", "选项", ":", "步骤", "阅读", "3", "在", "插入", "的", "文本", "模块", ",", "有", "个", "“", "对象", "”", "按钮", ":", "步骤", "阅读", "4", "点击", "一", "下", "对象", "按钮", ",", "会", "出来", "两", "个", "选项", ",", "我们", "选择", "“", "文件", "中", "的", "文字", "”", ":", "步骤", "阅读", "5", "然后", "就", "出来", "一", "个", "对话框", ",", "在", "里面", "选择", "你", "要", "插入", "的", "文件", ",", "可以", "多选", ",", "再点击", "插入", ":", "步骤", "阅读", "6", "最后", "出来", "效果", "如", "下", ",", "三", "个", "文档", "内容", "合并", "成", "一", "个", "文档", "里", "了", ":", "步骤", "阅读", "7", "通过", "这个方法", ",", "可以", "很", "快捷", "的", "把", "多", "个", "word", "文档", "内容", "合并", "成", "一", "个", ",", "对于", "有", "需要", "的", "人", "来", "说", "真真", "极", "好", "的", "。", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["如有问题", ",", "可", "在", "下面", "评论", "留言", "讨论", "。", "如", "对", "您", "有", "帮助", ",", "可", "点击", "右上角", "(", "或", "下面", ")", "的", "免费", "投票", "以", "表", "认可", ",", "或者", "收藏", "。", "或者", "您", "可以", "关注", "我", ",", "我", "将", "不", "定时", "更新", "自己", "的", "经验", ",", "也许", "里面", "就", "有", "你", "感兴趣", "的", "呢", "^", "_", "^"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "在编辑word文档的过程中,我们总是会遇到各种问题,也会总想找些快捷方法。比如在使用多个word文档时,如果想把其他word文档里的内容合并成一个,只是复制的话,太多了就很不好粘贴了。那么,有什么办法可以把多个word文档合并成一个呢?下面以word2007为例来教大家一个方法把多个word文档合并成一个。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 如上图所示的三个文档,比如我们打开第一个文档,需要把其他两个文档的内容合并到第一个文档里。那么在第一个文档里,光标放到你要合并文档到此处位置,你光标放到哪里,那么合并的文字就是在哪里: 步骤阅读 2 然后看到上面菜单栏里有个“插入”选项: 步骤阅读 3 在插入的文本模块,有个“对象”按钮: 步骤阅读 4 点击一下对象按钮,会出来两个选项,我们选择“文件中的文字”: 步骤阅读 5 然后就出来一个对话框,在里面选择你要插入的文件,可以多选,再点击插入: 步骤阅读 6 最后出来效果如下,三个文档内容合并成一个文档里了: 步骤阅读 7 通过这个方法,可以很快捷的把多个word文档内容合并成一个,对于有需要的人来说真真极好的。 END", "百度经验:jingyan.baidu.com", "如有问题,可在下面评论留言讨论。 如对您有帮助,可点击右上角(或下面)的免费投票以表认可,或者收藏。 或者您可以关注我,我将不定时更新自己的经验,也许里面就有你感兴趣的呢^_^", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "Word2010中怎样将多个文档合成一个文档_Word联盟", "most_related_para": 0, "segmented_title": ["Word", "2010", "中", "怎样", "将", "多", "个", "文档", "合成", "一", "个", "文档", "_", "Word", "联盟"], "segmented_paragraphs": [["经常", "和", "Word", "打交道", "的", "朋友", "肯定", "会", "有许多", "的", "文件", ",", "这些", "文件", "都", "非常重要", ",", "有时候", "可能", "需要", "将", "多", "个", "文件", "合并", "成", "一", "个", "文件", ",", "将", "2", "个", "或", "3", "个", "文件", "中", "的", "内容", "全部", "放到", "一起", "。", "当然", ",", "如果", "你", "手动", "去", "复制", "的", "话", ",", "文件", "一", "多", "就", "比较", "麻烦", "。", "其实", "我", "这里", "还有", "个", "更好", "的", "方法", ",", "可以", "帮", "你", "快速", "将", "多", "个", "文档", "合并", "在一起", ",", "方法", "简单", "而", "有效", "。", "下面", "就", "与", "Word", "联盟", "一起", "看看", "方法", "吧", "!", "①", "单击", "进入", "“", "插入", "”", "选项卡", ";", "②", "然后", "在", "“", "文本", "”", "选项", "组", "中", "点击", "“", "对象", "”", "旁边", "的", "小", "三角", ",", "在", "弹出", "的", "下拉菜单", "中", "选择", "“", "文件", "中", "的", "文字", "”", ";", "③", "接着", ",", "选择", "要", "合并", "到", "当前", "文档", "中", "的", "文件", "。", "您", "可以", "按住", "Ctrl", "键", "来", "选择", "不止", "一", "个", "文档", "。", "(", "注意", ":", "最", "上面", "的", "文档", "将", "最先", "被", "合并", ",", "所以", ",", "如果", "您", "想", "在", "文档", "间", "维持", "某种", "顺序", ",", "请", "先", "对", "各", "目标", "文档", "进行", "排列", "编号", "。", ")", "提示", ":", "此", "方法", "适应", "于", "Word", "2007", "和", "Word", "2010", ",", "还有", "一", "点", ",", "如果", "将", "多", "个", "文档", "合并", "成", "一", "个", "文件", "的", "时候", ",", "文档", "中", "的", "格式", "和", "样式", "可能", "会", "被", "清除", ",", "所以", "大家", "切记", "做", "好", "备份", "哟", "!"], ["上", "一篇", ":", "Word", "2010", "中", "如何", "调整", "行", "间距", "下一篇", ":", "电脑", "中", "的", "Word", "文档", "图标", "显示", "不", "正常", "解决方法"], ["Word", "打不开", "Word", "安全模式", "删除", "空白页", "Word", "上次", "启动", "时", "失败", "无法", "启动", "转换器", "Word", "遇到问题", "需要", "关闭", "发送", "错误报告", "菜单栏", "不见", "了", "工具栏", "不见", "了", "Word", "已", "停止", "工作", "自动生成", "目录", "文档", "加密", "回车", "符", "换行符", "水印", "分栏", "放大字体", "格式刷", "批注", "字数", "统计", "首字下沉", "文字", "环绕", "图片", "公式编辑器", "Word", "兼容", "包", "乱码", "修复", "工具", "Word", "快捷键", "邮件合并", "首行", "缩进", "直径", "符号", "下划线", "方框", "里", "打钩", "Word", "页码", "从", "第三页", "开始", "页码", "从", "任意", "页", "开始", "设置", "默认", "打印机", "打印机", "共享", "Word", "隐藏", "文字", "文本框", "Docx", "怎么", "打开", "Word", "2010", "官方下载", "Word", "2013", "官方下载"]], "paragraphs": ["经常和Word打交道的朋友肯定会有许多的文件,这些文件都非常重要,有时候可能需要将多个文件合并成一个文件,将2个或3个文件中的内容全部放到一起。当然,如果你手动去复制的话,文件一多就比较麻烦。其实我这里还有个更好的方法,可以帮你快速将多个文档合并在一起,方法简单而有效。下面就与Word联盟一起看看方法吧! ①单击进入“插入”选项卡; ②然后在“文本”选项组中点击“对象”旁边的小三角,在弹出的下拉菜单中选择“文件中的文字”; ③接着,选择要合并到当前文档中的文件。您可以按住 Ctrl 键来选择不止一个文档。(注意:最上面的文档将最先被合并,所以,如果您想在文档间维持某种顺序,请先对各目标文档进行排列编号。) 提示:此方法适应于Word2007和Word2010,还有一点,如果将多个文档合并成一个文件的时候,文档中的格式和样式可能会被清除,所以大家切记做好备份哟!", "上一篇:Word2010中如何调整行间距  下一篇:电脑中的Word文档图标显示不正常解决方法", "Word打不开 Word安全模式 删除空白页 Word上次启动时失败 无法启动转换器 Word遇到问题需要关闭 发送错误报告 菜单栏不见了 工具栏不见了 Word已停止工作 自动生成目录 文档加密 回车符 换行符 水印 分栏 放大字体 格式刷 批注 字数统计 首字下沉 文字环绕图片 公式编辑器 Word兼容包 乱码修复工具 Word快捷键 邮件合并 首行缩进 直径符号 下划线 方框里打钩 Word页码从第三页开始 页码从任意页开始 设置默认打印机 打印机共享 Word隐藏文字 文本框 Docx怎么打开 Word2010官方下载 Word2013官方下载"], "bs_rank_pos": 1}, {"is_selected": true, "title": "高效快速将多个WORD文档合并到一个WORD文档中", "most_related_para": 1, "segmented_title": ["高效", "快速", "将", "多", "个", "WORD", "文档", "合并", "到", "一", "个", "WORD", "文档", "中"], "segmented_paragraphs": [["如图", ",", "我们", "要", "将", "几个", "WORD", "文档", "合并", "到", "一", "个", "文档", ",", "首先", "新建", "一", "个", "空白", "文档", "。"], ["在", "“", "插入", "文件", "”", "对话框", "里", ",", "选择", "要", "插入", "的", "文件", ",", "可以", "用", "CTRL", "进行", "不", "连续", "选择", ",", "也", "可以", "通过", "SHIFT", "进行", "连续", "选择", "。"], ["看一下", "是不是", "眨眼", "的", "功夫", ",", "就", "搞好", "了", "。", "这样", "方法", "比", "起", "传统", "的", "复制", "粘贴", "效率更高", ",", "速度更快", "。"], ["经验", "内容", "仅供参考", ",", "并", "受", "版权保护", "。"], ["本", "条", "经验", "由", "auto", "hwd", "编写"], ["分享", "让", "生活", "更美好"]], "paragraphs": ["如图,我们要将几个WORD文档合并到一个文档,首先新建一个空白文档。", "在“插入文件”对话框里,选择要插入的文件,可以用CTRL进行不连续选择,也可以通过SHIFT进行连续选择。", "看一下是不是眨眼的功夫,就搞好了。这样方法比起传统的复制粘贴效率更高,速度更快。", "经验内容仅供参考,并受版权保护。", "本条经验由autohwd编写", "分享让生活更美好"], "bs_rank_pos": 2}, {"is_selected": false, "title": "在Word 中怎么样将多个文档合成一个文档_百度经验", "most_related_para": 1, "segmented_title": ["在", "Word", "中", "怎么", "样", "将", "多", "个", "文档", "合成", "一", "个", "文档", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["我们", "在", "工作", "于", "生活", "中", ",", "有时候", "会", "遇到", "这样", "的", "情况", ",", "需要", "将", "多", "个", "文件", "合并", "成", "一", "个", "文件", ",", "也", "就", "说", "将", "2", "个", "或", "3", "个", "、", "或者", "更多", "的", "文件", "中", "的", "内容", "全部", "放到", "一起", "。", "当然", ",", "如果", "你", "手动", "去", "复制", "的", "话", ",", "文件", "一", "多", "就", "比较", "麻烦", "。", "在这里", "笔者", "就", "简单", "的", "介绍一下", ",", "怎么", "在", "Word", "中将", "多", "个", "文档", "合并", "成", "一", "个", "文档"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "打开", "Word", "软件", ",", "在", "插入", "选项卡", "—", "—", "对象", "步骤", "阅读", "2", "点击", "对象", "旁边", "的", "倒", "三角", ",", "在", "弹出", "的", "下拉菜单", "中", "选择", "文件", "中", "的", "文字", "步骤", "阅读", "3", "接着", ",", "选择", "要", "合并", "的", "文件", ",", "用", "Ctrl", "选择", ",", "这里", "连", "选", "两", "个", "步骤", "阅读", "4", "插入", "后", ",", "就", "可以看到", "效果", "了", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "需要", "参考资料", "加", "微信", "http", "web", "520"]], "paragraphs": ["百度经验:jingyan.baidu.com", "我们在工作于生活中,有时候会遇到这样的情况,需要将多个文件合并成一个文件,也就说将2个或3个、或者更多的文件中的内容全部放到一起。当然,如果你手动去复制的话,文件一多就比较麻烦。在这里笔者就简单的介绍一下,怎么在Word 中将多个文档合并成一个文档", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 打开Word 软件,在 插入选项卡 ——对象 步骤阅读 2 点击对象旁边的倒三角,在弹出的下拉菜单中选择文件中的文字 步骤阅读 3 接着,选择要合并的文件,用Ctrl选择,这里连选两个 步骤阅读 4 插入后,就可以看到效果了  END", "百度经验:jingyan.baidu.com", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:需要参考资料加微信httpweb520"], "bs_rank_pos": 3}, {"is_selected": false, "title": "怎么把多个word合成一个_百度知道", "most_related_para": 3, "segmented_title": ["怎么", "把", "多", "个", "word", "合成", "一", "个", "_", "百度", "知道"], "segmented_paragraphs": [["在", "Word", "中", ",", "将", "多", "个", "文档", "合并", "成", "一", "个", "文档", "的", "方法", ":", "1", "、", "在", "Word", "中", "新建", "一", "个", "文档", ";", "2", "、", "单击", "插入", "-", "-", "-", "-", "对象", "-", "-", "-", "-", "文件", "中", "的", "文字", ";", "3", "、", "弹出", "插入", "文件", "对话框", ",", "按住", "Ctrl", "键", ",", "选中", "需要", "合并", "的", "多", "个", "文档", "即可", ",", "如图所示", "。"], ["如果", "数量", "少", "的", "话", ",", "建议", "你", "直接", "复制", "粘贴", ",", "下面", "告诉", "你", "为什么", "。", "。", "如果", "数量", "多", "的", "话", ",", "可以", "新建", "一", "个", "空白", "word", ",", "然后", "点", "”", "插入", "“", "-", "”", "文件", "“", ",", "然后", "选取", "所有", "你", "想", "合并", "的", ",", "点", "确定", ",", "就", "可以", "了", "。", "但是", "有", "个", "弊端", "就是", ",", "原来", "每个", "文件", "的", "格式", "只", "会", "保留", "部分", ",", "并", "不会", "完全", "保留", ",", "也就是", "你", "需要", "重新", "调整", "排版", "。", "这", "就是", "为什么", "建议", "你", "数量", "少", "的", "话", "手动", "粘贴", ",", "呵呵", ",", "纯", "手", "打", ",", "还有", "图", ",", "请", "采纳", "哦", "。"], ["如果", "想", "按", "顺序", "排列", "的", "话", ",", "最好", "你", "要", "合并", "的", "文档", "名字", "按", "顺序", "依次", "命名", ",", "我", "一般", "使用", "阿拉伯数字", ",", "几", "十", "个", "文档", "瞬间", "合并", ",", "可能", "前", "四", "个", "在", "最后", ",", "你", "一", "眼", "可", "看出", "就", "把", "他们", "调到", "最前面", "即可", "。"], ["在", "Word", "中", ",", "将", "多", "个", "文档", "合并", "成", "一", "个", "文档", "的", "方法", ":", "1", "、", "在", "Word", "中", "新建", "一", "个", "文档", ";", "2", "、", "单击", "插入", "-", "-", "-", "-", "对象", "-", "-", "-", "-", "文件", "中", "的", "文字", ";", "3", "、", "弹出", "插入", "文件", "对话框", ",", "按住", "Ctrl", "键", ",", "选中", "需要", "合并", "的", "多", "个", "文档", "即可", ",", "如图所示", "。"]], "paragraphs": ["在Word中,将多个文档合并成一个文档的方法:1、在Word中新建一个文档;2、单击插入----对象----文件中的文字;3、弹出插入文件对话框,按住Ctrl键,选中需要合并的多个文档即可,如图所示。", "如果数量少的话,建议你直接复制粘贴,下面告诉你为什么。。 如果数量多的话,可以新建一个空白word,然后点”插入“-”文件“,然后选取所有你想合并的,点确定,就可以了。但是有个弊端就是,原来每个文件的格式只会保留部分,并不会完全保留,也就是你需要重新调整排版。 这就是为什么建议你数量少的话手动粘贴,呵呵,纯手打,还有图,请采纳哦。", "如果想按顺序排列的话,最好你要合并的文档名字按顺序依次命名,我一般使用阿拉伯数字,几十个文档瞬间合并,可能前四个在最后,你一眼可看出就把他们调到最前面即可。", "在Word中,将多个文档合并成一个文档的方法: 1、在Word中新建一个文档; 2、单击插入----对象---- 文件中的文字; 3、弹出插入文件对话框,按住Ctrl键,选中需要合并的多个文档即可,如图所示。"], "bs_rank_pos": 4}], "answer_spans": [[14, 158]], "fake_answers": ["文档,需要把其他两个文档的内容合并到第一个文档里。那么在第一个文档里,光标放到你要合并文档到此处位置,你光标放到哪里,那么合并的文字就是在哪里:步骤阅读2然后看到上面菜单栏里有个“插入”选项:步骤阅读3在插入的文本模块,有个“对象”按钮:步骤阅读4点击一下对象按钮,会出来两个选项,我们选择“文件中的文字”:步骤阅读5然后就出来一个对话框,在里面选择你要插入的文件,可以多选,再点击插入:步骤阅读6最后出来效果如下,三个文档内容合并成一个文档里了"], "question": "怎么把几个word合成一个", "segmented_answers": [["方法", "/", "步骤", ":", "三", "个", "文档", "需要", "把", "其他", "两", "个", "文档", "的", "内容", "合并", "到", "第一个", "文档", "里", "。", "那么", "在", "第一个", "文档", "里", ",", "光标", "放到", "要", "合并", "文档", "到", "此处", "位置", ",", "光标", "放到", "哪里", ",", "那么", "合并", "的", "文字", "就是", "在", "哪里", ":", "然后", "看到", "上面", "菜单栏", "里", "有", "个", "“", "插入", "”", "选项", ":", "在", "插入", "的", "文本", "模块", ",", "有", "个", "“", "对象", "”", "按钮", ":", "点击", "一", "下", "对象", "按钮", ",", "会", "出来", "两", "个", "选项", ",", "选择", "“", "文件", "中", "的", "文字", "”", ":", "然后", "就", "出来", "一", "个", "对话框", ",", "在", "里面", "选择", "要", "插入", "的", "文件", ",", "可以", "多选", ",", "再点击", "插入", ":", "最后", "出来", "效果", "如", "下", ",", "三", "个", "文档", "内容", "合并", "成", "一", "个", "文档", "里", "了", "。"], ["要", "将", "几个", "WORD", "文档", "合并", "到", "一", "个", "文档", ",", "首先", "新建", "一", "个", "空白", "文档", "。", "打开", "空白", "文档", ",", "在", "“", "插入", "”", "菜单", "下", ",", "选择", "“", "文件", "”", "。", "在", "“", "插入", "文件", "”", "对话框", "里", ",", "选择", "要", "插入", "的", "文件", ",", "可以", "用", "CTRL", "进行", "不", "连续", "选择", ",", "也", "可以", "通过", "SHIFT", "进行", "连续", "选择", "。"]], "answers": ["方法/步骤:三个文档需要把其他两个文档的内容合并到第一个文档里。那么在第一个文档里,光标放到要合并文档到此处位置,光标放到哪里,那么合并的文字就是在哪里:然后看到上面菜单栏里有个“插入”选项:在插入的文本模块,有个“对象”按钮:点击一下对象按钮,会出来两个选项,选择“文件中的文字”:然后就出来一个对话框,在里面选择要插入的文件,可以多选,再点击插入:最后出来效果如下,三个文档内容合并成一个文档里了。", "要将几个WORD文档合并到一个文档,首先新建一个空白文档。打开空白文档,在“插入”菜单下,选择“文件”。在“插入文件”对话框里,选择要插入的文件,可以用CTRL进行不连续选择,也可以通过SHIFT进行连续选择。"], "answer_docs": [0], "segmented_question": ["怎么", "把", "几个", "word", "合成", "一", "个"], "question_type": "DESCRIPTION", "question_id": 91191, "fact_or_opinion": "FACT", "match_scores": [0.8014440433212997]}
-{"documents": [{"is_selected": true, "title": "弹弹堂手游宝珠在哪里 宝珠系统找不到在哪-琵琶网", "most_related_para": 2, "segmented_title": ["弹弹堂", "手游", "宝珠", "在哪里", "宝珠", "系统", "找不到", "在", "哪", "-", "琵琶", "网"], "segmented_paragraphs": [["弹弹堂", "手游", "宝珠", "在哪里", "呢", "?", "有", "不少", "小伙伴", "跟", "小", "编", "反应", ",", "宝珠", "系统", "找不到", "在", "哪", "进入", ",", "今天", "琵琶", "网", "小", "编", "给", "大家", "带来", "相关资讯", "介绍", ",", "小伙伴", "们", "赶紧", "随", "小", "编", "一起", "去", "看看", "吧", "(", ")"], ["弹弹堂", "手游", "宝珠", "在哪里", "?"], ["首先", ",", "小伙伴", "们", "要", "确定", "一", "点", ",", "那", "就是要", "20", "级", "之后", "才会", "开通", "宝珠", "系统", "哟", ",", "所以", "如果", "小伙伴", "们", "刚", "开始", "无法", "进入", "宝珠", "系统", "的", "话", ",", "那么", "很", "有", "可能", "是因为", "你", "目前", "还", "打", "不到", "宝珠", "系统", "的", "等级", "要求", "哟", "~", "然后", "等你", "达到", "要求", "后", ",", "在哪里", "找到", "宝珠", "系统", "呢", "?", "其实", "小伙伴", "们", "要", "进入", "很简单", "的", ",", "如下图", ":"], ["超", "全攻略", "请", "戳", ">", ">", ">", "弹弹堂", "手游", "专区"], ["1", ".", "商城", "抽取", ":", "宝珠", "的", "属性", "完全", "随机", ",", "玩家", "无法确定", "每次", "抽取", "的", "结果", ",", "而", "限时", "商城", "中", "的", "宝珠", "礼包", "同样", "如此", ",", "但是", "通过", "这个", "渠道", ",", "可以获得", "很多", "宝珠", "哦", "。", "2", ".", "活动", "获得", ":", "在", "平时", "的", "各类", "游戏", "活动", "中", ",", "我们", "可能会", "获得", "不少", "低", "等级", "宝珠", ",", "火气", "可以", "选择", "将", "这", "类", "宝珠", "分解", ",", "之后", "再", "用", "碎片", "合成", "高", "等级", "宝珠", ";", "3", ".", "冒险", "签到", "获得", ":", "无论", "是", "日常", "签到", "、", "冒险", "副本", "还是", "游戏", "中", "的", "各类", "活动", ",", "我们", "都会", "得到", "大量", "的", "宝珠", "碎片", "以上", "就是", "琵琶", "网", "小", "编", "今天", "给", "各位", "小伙伴", "带来", "的", "弹弹堂", "手游", "宝珠", "怎么", "获得", "宝珠", "获得", "升级", "攻略", "的", "全部", "内容", "啦", ",", "更多精彩", "资讯", ",", "尽", "在", "琵琶", "网", "。", "进入", "弹弹堂", "手游", "琵琶", "网", "专区", ",", "最新资讯", "小", "编", "会", "及时", "为您", "奉", "上", "哟", "(", ")"], ["热门", "网游", "热门", "单机"], ["最新活动", "更多", "+"], ["图文", "推荐"], ["表情"], ["06", "-", "14", "10", ":", "00", "iOS", "QQ", "11", "区", "-", "熔岩", "暴君", "06", "-", "05", "10", ":", "00", "安卓", "QQ", "44", "区", "晴空", "彼岸", "06", "-", "02", "10", ":", "00", "安卓", "微信", "22", "区", "全新", "纪元"], ["一", "周", "新", "游", "高考", "后", "玩", "嗨", "点", "!", "休闲", "向", "RPG", "新作", "推荐", "一", "周", "新", "游", "童年", "怀旧", "!", "大龄", "儿童", "过节", "必备", "手游"]], "paragraphs": ["弹弹堂手游宝珠在哪里呢?有不少小伙伴跟小编反应,宝珠系统找不到在哪进入,今天琵琶网小编给大家带来相关资讯介绍,小伙伴们赶紧随小编一起去看看吧(•̀ᴗ•́)و ̑̑", "弹弹堂手游宝珠在哪里?", "首先,小伙伴们要确定一点,那就是要20级之后才会开通宝珠系统哟,所以如果小伙伴们刚开始无法进入宝珠系统的话,那么很有可能是因为你目前还打不到宝珠系统的等级要求哟~ 然后等你达到要求后,在哪里找到宝珠系统呢?其实小伙伴们要进入很简单的,如下图:", "超全攻略请戳>>>弹弹堂手游专区", "1.商城抽取: 宝珠的属性完全随机,玩家无法确定每次抽取的结果,而限时商城中的宝珠礼包同样如此,但是通过这个渠道,可以获得很多宝珠哦。 2.活动获得: 在平时的各类游戏活动中,我们可能会获得不少低等级宝珠,火气可以选择将这类宝珠分解,之后再用碎片合成高等级宝珠; 3.冒险签到获得: 无论是日常签到、冒险副本还是游戏中的各类活动,我们都会得到大量的宝珠碎片 以上就是琵琶网小编今天给各位小伙伴带来的弹弹堂手游宝珠怎么获得 宝珠获得升级攻略的全部内容啦,更多精彩资讯,尽在琵琶网。进入弹弹堂手游琵琶网专区,最新资讯小编会及时为您奉上哟(๑•̀ㅂ•́)و✧", "热门网游 热门单机", "最新活动 更多+", "图文推荐", "表情", "06-14 10:00iOSQQ11区-熔岩暴君 06-05 10:00安卓QQ44区晴空彼岸 06-02 10:00安卓微信22区全新纪元", "一周新游 高考后玩嗨点!休闲向RPG新作推荐  一周新游 童年怀旧!大龄儿童过节必备手游"], "bs_rank_pos": 0}, {"is_selected": false, "title": "弹弹堂手游宝珠在哪里打开 宝珠怎么用_4399弹弹堂手游 ", "most_related_para": 5, "segmented_title": ["弹弹堂", "手游", "宝珠", "在哪里", "打开", "宝珠", "怎么", "用", "_", "4399", "弹弹堂", "手游"], "segmented_paragraphs": [["找", "好玩", "手机游戏", ",", "上", "4399", "游戏", "盒"], ["安装", "好", "游", "快", "爆", ",", "资讯", "随身", "看"], ["扫描", "右侧", "二维码", "下载", "好", "游", "快", "爆", ",", "您", "可以"], ["·", "掌握", "好玩", "新", "游", "资讯", "·", "查找", "热门", "手游", "攻略", "·", "强大", "工具", "助", "你", "成功"], ["在", "弹弹堂", "手游", "中", ",", "宝珠", "系统", "可以", "带来", "属性", "的", "加成", ",", "对", "战斗", "影响", "很大", ",", "那么", "宝珠", "在哪里", "打开", "?", "宝珠", "怎么", "用", "?", "宝珠", "打不开", "怎么办", "呢", "?"], ["首先", ",", "宝珠", "系统", "需要", "玩家", "达到", "20", "级", "才会", "开启", ",", "所以", "如果", "等级", "没", "到", ",", "是", "看不到", "的", "哦", ";"], ["另外", ",", "宝珠", "中", "的", "槽", "位", "也是", "根据", "等级", "来", "解锁", "的", ",", "或者", "可以", "花费", "钻石", "来", "提前", "开启", "。"], ["4399", "手游", "官方", "微信", "(", "微信", "号", ":", "sj", "4399", ")", "要", "你", "好玩", ",", "要你好看", "!", "独家", "礼包", ",", "新鲜", "爆料", "!"]], "paragraphs": ["找好玩手机游戏,上 4399游戏盒", "安装好游快爆,资讯随身看", "扫描右侧二维码下载好游快爆,您可以", "· 掌握好玩新游资讯· 查找热门手游攻略· 强大工具助你成功", "在弹弹堂手游中,宝珠系统可以带来属性的加成,对战斗影响很大,那么宝珠在哪里打开?宝珠怎么用?宝珠打不开怎么办呢?", "首先,宝珠系统需要玩家达到20级才会开启,所以如果等级没到,是看不到的哦;", "另外,宝珠中的槽位也是根据等级来解锁的,或者可以花费钻石来提前开启。", "4399手游官方微信(微信号:sj4399)要你好玩,要你好看!独家礼包,新鲜爆料!"], "bs_rank_pos": 1}, {"is_selected": false, "title": "腾讯弹弹堂宝珠在哪里看 弹弹堂宝珠属性介绍_5577我机网", "most_related_para": 7, "segmented_title": ["腾讯", "弹弹堂", "宝珠", "在哪里", "看", "弹弹堂", "宝珠", "属性", "介绍", "_", "5577", "我", "机", "网"], "segmented_paragraphs": [["你", "的", "位置", ":", "首页", "→", "安卓", "游戏", "→", "攻略秘籍", "→", "腾讯", "弹弹堂", "宝珠", "在哪里", "看", "弹弹堂", "宝珠", "属性", "介绍"], ["弹弹堂", "宝珠", "有", "什么", "用", "?", "如何", "获得", "弹弹堂", "五级", "宝珠", "?", "弹弹堂", "宝珠", "在哪里", "装备", "?", "弹弹堂", "宝珠", "要", "多少", "级", "可以", "开启", ",", "最新", "弹弹堂", "宝珠", "属性", "介绍", "分享", "给", "各位", "新", "老", "玩家", "朋友", "了", ",", "想", "了解", "更多", "腾讯", "弹弹堂", "手游", "宝珠", "系统", "攻略", "的", "可以", "参考", "一", "下", "!"], ["宝珠", "是", "战斗", "中", "的", "一", "种", "重要", "元素", ",", "可以", "极", "大", "的", "提升", "我们", "的", "战斗", "属性", "。", "手游", "中", "的", "宝珠", "主要", "分为", "3", "大", "类", ",", "即", "攻击", "宝珠", "、", "防御", "宝珠", "和", "特殊", "宝珠", ",", "不同", "类型", "的", "宝珠", "拥有", "不同", "属性", "的", "加成", "。", "攻击", "类", "宝珠", "可以", "增加", "攻击力", "、", "暴击", "伤害", "、", "暴击", "率", "或", "护甲", "穿透", ",", "防御", "类", "宝珠", "可以", "增加", "生命值", "、", "护甲", "、", "速度", "或", "怒气", "。", "特殊", "类", "宝珠", "虽然", "只", "拥有", "一", "种", "属性", "加成", "效果", ",", "但", "加成", "比例", "非常", "高", "。"], ["黄色", "攻击", "宝珠", ":", "优先考虑", "攻击", "百分比", "。", "手游", "中", "的", "大多数", "武器", "均", "以", "造成", "更高", "伤害", "为", "目的", ",", "攻击", "百分比", "宝珠", "相当", "百搭", "。", "其次", "可以", "选择", "暴击", "几率", "→", "击穿", "→", "暴击", "伤害", "→", "护甲", "穿透", "→", "效果", "命中", "(", "半数以上", "武器", "没有", "特殊效果", ",", "所以", "效果", "命中", "在", "这", "套", "方案", "中", "总体", "收益", "相对", "较", "低", ")", "。"], ["蓝色", "防御", "宝珠", ":", "优先", "选择", "生命", "百分比", "。", "为什么", "不", "选择", "防御", "百分比", "呢", "?", "简单", "说", "一", "下", ",", "手游", "中", "的", "武器", "基础生命", "相差不大", ",", "同", "等级", "武器", "相差", "比例", "通常", "保持", "在", "50", "%", "以内", ",", "而", "护甲", "的", "相差", "比例", "高达", "4", "-", "5", "倍", ",", "防御", "百分比", "带来", "的", "收益", "相当", "不稳定", "。", "相对来说", ",", "生命", "百分比", "的", "的", "适用", "面", "更广", "。", "选择", "优先级", ":", "生命", "百分比", "→", "抵挡", "伤害", "→", "韧性", "→", "防御", "百分比", "→", "抵挡", "率", "→", "效果", "抵抗", "。"], ["紫色", "特殊", "宝珠", ":", "优先", "选择", "敏捷", "百分比", ",", "特殊", "宝珠", "的", "类型", "非常", "多样", ",", "可以", "选择", "的", "空间", "很大", ",", "速度", "是", "每", "款", "武器", "都", "追求", "的", "属性", "之", "一", ",", "几乎", "适用于", "手游", "中", "的", "所有", "武器", "。", "当然", ",", "我们", "也", "可以", "根据", "自己", "偏好", "使用", "的", "武器", "类型", "来", "选择", "具体", "的", "特殊", "类", "宝珠", "。", "偏向", "进攻", "就", "选择", "攻击", "百分比", "或", "暴击", "率", "、", "偏向", "猥琐", "消耗", "则", "可以", "选择", "生命", "百分比", "和", "生命", "恢复", "。"], ["宝珠", "的", "获取", "方式", "多种多样", ",", "我们", "可以通过", "多种途径", "获取", "宝珠", "。"], ["1", ".", "直接", "在", "商城", "的", "“", "宝珠", "”", "界面", "下", "鉴定", "宝珠", ",", "宝珠", "鉴定", "可以", "分为", "“", "钻石", "鉴定", "”", "和", "“", "金币", "鉴定", "”", ",", "二者", "效果", "相同", "。", "如果", "想", "一次性", "获取", "大量", "宝珠", ",", "可以", "点击", "“", "鉴定", "五", "次", "”", ",", "这样", "还会", "有", "一定", "的", "优惠", "。", "每隔", "24", "小时", "系统", "会", "赠送", "给", "我们", "一次", "免费", "鉴定", "宝珠", "的", "机会", ",", "大家", "不要", "忘", "了", "及时", "领取", "福利", "。", "2", ".", "在", "日常", "的", "签到", "、", "七日", "登陆", "中", "同样", "可以", "获取", "宝珠", "。", "3", ".", "宝珠", "可以通过", "“", "宝珠", "碎片", "”", "合成", ",", "宝珠", "碎片", "可以通过", "分解", "不要", "的", "宝珠", "来", "获取", "。"], ["宝珠", "需要", "镶嵌", "在", "宝珠", "凹槽", "中", ",", "宝珠", "凹槽", "会", "随着", "我们", "等级", "的", "提升", "逐渐", "开启", "。", "如果", "你", "想要", "提前", "开启", "更多", "宝珠", "凹槽", ",", "更", "快", "的", "提升", "自己", ",", "则", "可以", "在", "宝珠", "界面", "中", "花费", "少量", "的", "钻石", "开启", "宝珠", "凹槽", "。", "黄色", "凹槽", "可以", "镶嵌", "攻击", "类", "宝珠", ",", "上限", "为", "10", "个", "。", "蓝色", "凹槽", "可以", "镶嵌", "防御", "类", "宝珠", ",", "上限", "也", "为", "10", "个", "。", "紫色", "凹槽", "可以", "镶嵌", "特殊", "类", "宝珠", ",", "上限", "为", "4", "个", "。"], ["(", "您", "的", "评论", "需要", "经过", "审核", "才能", "显示", ")", "字数", ":", "0", "/", "500"], ["推荐", "手机游戏专区"], ["欧洲杯", "彩票", "购买", "软件", "推荐", "安卓", "经典游戏", "推荐"]], "paragraphs": ["你的位置:首页 → 安卓游戏→ 攻略秘籍→ 腾讯弹弹堂宝珠在哪里看 弹弹堂宝珠属性介绍", "弹弹堂宝珠有什么用?如何获得弹弹堂五级宝珠?弹弹堂宝珠在哪里装备?弹弹堂宝珠要多少级可以开启,最新弹弹堂宝珠属性介绍分享给各位新老玩家朋友了,想了解更多腾讯弹弹堂手游宝珠系统攻略的可以参考一下!", "宝珠是战斗中的一种重要元素,可以极大的提升我们的战斗属性。手游中的宝珠主要分为3大类,即攻击宝珠、防御宝珠和特殊宝珠,不同类型的宝珠拥有不同属性的加成。攻击类宝珠可以增加攻击力、暴击伤害、暴击率或护甲穿透,防御类宝珠可以增加生命值、护甲、速度或怒气。特殊类宝珠虽然只拥有一种属性加成效果,但加成比例非常高。", "黄色攻击宝珠:优先考虑攻击百分比。手游中的大多数武器均以造成更高伤害为目的,攻击百分比宝珠相当百搭。其次可以选择暴击几率→击穿→暴击伤害→护甲穿透→效果命中(半数以上武器没有特殊效果,所以效果命中在这套方案中总体收益相对较低)。", "蓝色防御宝珠:优先选择生命百分比。为什么不选择防御百分比呢?简单说一下,手游中的武器基础生命相差不大,同等级武器相差比例通常保持在50%以内,而护甲的相差比例高达4-5倍,防御百分比带来的收益相当不稳定。相对来说,生命百分比的的适用面更广。选择优先级:生命百分比→抵挡伤害→韧性→防御百分比→抵挡率→效果抵抗。", "紫色特殊宝珠:优先选择敏捷百分比,特殊宝珠的类型非常多样,可以选择的空间很大,速度是每款武器都追求的属性之一,几乎适用于手游中的所有武器。当然,我们也可以根据自己偏好使用的武器类型来选择具体的特殊类宝珠。偏向进攻就选择攻击百分比或暴击率、偏向猥琐消耗则可以选择生命百分比和生命恢复。", "宝珠的获取方式多种多样,我们可以通过多种途径获取宝珠。", "1.直接在商城的“宝珠”界面下鉴定宝珠,宝珠鉴定可以分为“钻石鉴定”和“金币鉴定”,二者效果相同。如果想一次性获取大量宝珠,可以点击“鉴定五次”,这样还会有一定的优惠。每隔24小时系统会赠送给我们一次免费鉴定宝珠的机会,大家不要忘了及时领取福利。 2.在日常的签到、七日登陆中同样可以获取宝珠。 3.宝珠可以通过“宝珠碎片”合成,宝珠碎片可以通过分解不要的宝珠来获取。", "宝珠需要镶嵌在宝珠凹槽中,宝珠凹槽会随着我们等级的提升逐渐开启。如果你想要提前开启更多宝珠凹槽,更快的提升自己,则可以在宝珠界面中花费少量的钻石开启宝珠凹槽。黄色凹槽可以镶嵌攻击类宝珠,上限为10个。蓝色凹槽可以镶嵌防御类宝珠,上限也为10个。紫色凹槽可以镶嵌特殊类宝珠,上限为4个。", "(您的评论需要经过审核才能显示) 字数: 0/500", "推荐手机游戏专区", "欧洲杯彩票购买软件推荐 安卓经典游戏推荐"], "bs_rank_pos": 2}, {"is_selected": false, "title": "弹弹堂手游宝珠在哪里获取 宝珠获取方法解读_18183弹弹堂手游专区", "most_related_para": 3, "segmented_title": ["弹弹堂", "手游", "宝珠", "在", "哪里", "获取", "宝珠", "获取", "方法", "解读", "_", "18183", "弹弹堂", "手游", "专区"], "segmented_paragraphs": [["弹弹堂", "手游", "宝珠", "在", "哪里", "获取", "?", "宝珠", "是", "与", "你", "的", "战斗力", "相关", "的", ",", "可以通过", "两", "大", "途径", "得到", ",", "下面", "就", "跟", "小", "编", "一起来", "看看", "吧", "!"], ["【", "渠道", "优势", "】"], ["相比较", "手游", "中", "的", "其它", "宝珠", "获取", "方式", "来", "说", ",", "宝珠", "制作", "有", "以下", "几点", "优势", "。"], ["1", ".", "属性", "可控", ":", "商城", "鉴定", "中", "宝珠", "的", "属性", "完全", "随机", ",", "玩家", "无法确定", "每次", "抽取", "的", "结果", ",", "而", "限时", "商城", "中", "的", "宝珠", "礼包", "同样", "如此", ",", "到", "了", "游戏", "后期", "这", "两种", "方法", "已经", "不能", "满足", "我们", "精益求精", "的", "追求", "。", "但", "宝珠", "制作", "却", "非常", "稳定", ",", "玩家", "可以", "自由", "选择", "自己", "想要", "制作", "的", "宝珠", "类型", ";", "2", ".", "循环", "利用", ":", "在", "平时", "的", "各类", "游戏", "活动", "中", ",", "我们", "可能会", "获得", "不少", "低", "等级", "宝珠", ",", "这些", "宝珠", "在", "前期", "使用", "尚", "可", ",", "但", "到", "了", "游戏", "中", "、", "后期", "难免", "会", "连累", "总体", "属性", "。", "此时", "我们", "可以", "选择", "将", "这", "类", "宝珠", "分解", ",", "之后", "再", "用", "碎片", "合成", "高", "等级", "宝珠", ";", "3", ".", "性价比", "高", ":", "无论", "是", "日常", "签到", "、", "冒险", "副本", "还是", "游戏", "中", "的", "各类", "活动", ",", "我们", "都会", "得到", "大量", "的", "宝珠", "碎片", ",", "这", "也", "帮助", "我们", "省", "下", "了", "许多", "材料", "费用", "。"], ["【", "制作技巧", "】"], ["如何", "制作", "宝珠", "?", "收益", "如何", "?", "请", "看", "下", "文", "。"], ["1", ".", "点击", "游戏", "主界面", "右下角", "的", "【", "宝珠", "】", "按钮", ",", "进入", "宝珠", "界面", ",", "随后", "选择", "【", "宝珠", "制作", "】", "即可进入", "相关", "页面", "。", "在这里", ",", "找到", "并", "点击", "自己", "需要", "制作", "的", "各类", "宝珠", ",", "在", "详细", "界面", "中", "查看", "制作", "该", "宝珠", "所", "需要", "的", "宝珠", "碎片", "。", "选择", "制作", "数量", ",", "确保", "碎片", "足够", "后", "点击", "【", "制作", "】", "即可完成", "宝珠", "制作", ";", "2", ".", "目前", "宝珠", "的", "分解", "与", "制作", "收益", "比", "介于", "0", ".", "5", "-", "0", ".", "6", "之间", "。", "也就是说", ",", "每", "分解", "10", "个", "宝珠", ",", "利用", "得到", "的", "宝珠", "碎片", "便", "能", "制作", "同类型", "、", "同", "等级", "的", "5", "-", "6", "个", "宝珠", "。", "其中", ",", "特殊", "类", "宝珠", "分解", "得到", "和", "制作", "所需", "的", "碎片", "数量", "都", "比较", "高", ",", "而", "攻击", "和", "防御", "类", "宝珠", "的", "分解", "、", "制作", "收益", "比", "固定", "为", "0", ".", "6", "。"], ["【", "注意事项", "】"], ["虽然", "宝珠", "的", "制作过程", "如此", "简单", ",", "但", "我们", "仍然", "需要", "注意", ":", "《", "弹弹堂", "手游", "》", "部分", "3", "级", "以上", "(", "包含", "3", "级", ")", "宝珠", "拥有", "双重", "属性", "加成", "效果", ",", "这", "类", "宝珠", "无法", "通过", "宝珠", "碎片", "制作", "获得", ",", "但", "可以", "分解", "成", "宝珠", "碎片", ",", "分解", "收益", "和", "同", "等级", "、", "同类型", "单", "属性", "加成", "宝珠", "分解", "所", "获得", "的", "碎片", "数量", "相同", "。"], ["以上", "就是", "18183", "小", "编", "对", "本", "款", "游戏", "的", "解读", ",", "更多", "关于", "此", "款", "游戏", "的", "资讯", "动态", "请", "关注", "18183", "手游", "第", "一", "门户", ",", "18183", "小", "编", "将", "在", "您", "的", "游戏", "道路", "上", "为您", "保驾护航", "。"], ["转载", "请", "注明", "“", "18183", "”", "字样", "收藏", "文章"], ["游戏", "类型", ":", "休闲益智"], ["游戏", "语言", ":", "简体中文"], ["特征", ":", "Q版", ",", "竞技"], ["开发", ":", "腾讯"], ["在", "长椅", "上", "醒来后", ",", "他", "发现", "身边", "坐", "着", "的", "竟然", "是", ".", ".", ".", "在", "长椅", "上", "睡着", "了", ",", "醒来后", "他", "发现", "身边", "坐", "着", "的", "竟然", "是", "她", "。", "到底", "是", "怎么回事", "?", "泰勒", "·", "斯威夫特", "坐", "在", "旁边", "你", "居然", "还能", "睡着", "?", "你", "一定", "是", "个", "假人", "。", "关注", "右侧", "公众", "号", ",", "回复", "“", "PS", "达人", "”", "看", "全文"]], "paragraphs": ["弹弹堂手游宝珠在哪里获取?宝珠是与你的战斗力相关的,可以通过两大途径得到,下面就跟小编一起来看看吧!", "【渠道优势】", "相比较手游中的其它宝珠获取方式来说,宝珠制作有以下几点优势。", "1. 属性可控:商城鉴定中宝珠的属性完全随机,玩家无法确定每次抽取的结果,而限时商城中的宝珠礼包同样如此,到了游戏后期这两种方法已经不能满足我们精益求精的追求。但宝珠制作却非常稳定,玩家可以自由选择自己想要制作的宝珠类型; 2. 循环利用:在平时的各类游戏活动中,我们可能会获得不少低等级宝珠,这些宝珠在前期使用尚可,但到了游戏中、后期难免会连累总体属性。此时我们可以选择将这类宝珠分解,之后再用碎片合成高等级宝珠; 3. 性价比高:无论是日常签到、冒险副本还是游戏中的各类活动,我们都会得到大量的宝珠碎片,这也帮助我们省下了许多材料费用。", "【制作技巧】", "如何制作宝珠?收益如何?请看下文。", "1. 点击游戏主界面右下角的【宝珠】按钮,进入宝珠界面,随后选择【宝珠制作】即可进入相关页面。在这里,找到并点击自己需要制作的各类宝珠,在详细界面中查看制作该宝珠所需要的宝珠碎片。选择制作数量,确保碎片足够后点击【制作】即可完成宝珠制作; 2. 目前宝珠的分解与制作收益比介于0.5-0.6之间。也就是说,每分解10个宝珠,利用得到的宝珠碎片便能制作同类型、同等级的5-6个宝珠。其中,特殊类宝珠分解得到和制作所需的碎片数量都比较高,而攻击和防御类宝珠的分解、制作收益比固定为0.6。", "【注意事项】", "虽然宝珠的制作过程如此简单,但我们仍然需要注意:《弹弹堂手游》部分3级以上(包含3级)宝珠拥有双重属性加成效果,这类宝珠无法通过宝珠碎片制作获得,但可以分解成宝珠碎片,分解收益和同等级、同类型单属性加成宝珠分解所获得的碎片数量相同。", "以上就是18183小编对本款游戏的解读,更多关于此款游戏的资讯动态请关注18183手游第一门户,18183小编将在您的游戏道路上为您保驾护航。", "转载请注明“18183”字样 收藏文章", "游戏类型:休闲益智", "游戏语言:简体中文", "特征:Q版,竞技", "开发:腾讯", "在长椅上醒来后,他发现身边坐着的竟然是... 在长椅上睡着了,醒来后他发现身边坐着的竟然是她。到底是怎么回事?泰勒·斯威夫特坐在旁边你居然还能睡着?你一定是个假人。 关注右侧公众号,回复“PS达人”看全文"], "bs_rank_pos": 3}, {"is_selected": false, "title": "手游弹弹堂的宝珠系统在哪里,怎么找不到_百度知道", "most_related_para": 0, "segmented_title": ["手游", "弹弹堂", "的", "宝珠", "系统", "在哪里", ",", "怎么", "找不到", "_", "百度", "知道"], "segmented_paragraphs": [["要", "20", "级", "之后", "才会", "开通", "宝珠", "系统", "。"]], "paragraphs": ["要20级之后才会开通宝珠系统。"], "bs_rank_pos": 4}], "answer_spans": [[11, 47]], "answer_docs": [0], "fake_answers": ["20级之后才会开通宝珠系统哟,所以如果小伙伴们刚开始无法进入宝珠系统的话,那么很有可能是因为你目前还打不到宝珠系统的等级要求"], "question": "弹弹堂宝珠在哪里", "segmented_answers": [["在", "背包", "中", ",", "就", "可以看到", "左上角", "有", "一", "排", "标题栏", ",", "上面", "有", "个人资料", ",", "宝珠", "等", ",", "你", "点击", "宝珠", ",", "就", "可以", "进入", "宝珠", "页面", "了", "哦", "。", "在", "宝珠", "页面", "中", ",", "就", "可以", "去", "捣鼓", "你", "的", "专属", "宝珠", "啦", "。"], ["要", "20", "级", "之后", "才会", "开通", "宝珠", "系统", "哟", ",", "所以", "如果", "小伙伴", "们", "刚", "开始", "无法", "进入", "宝珠", "系统", "的", "话", ",", "那么", "很", "有", "可能", "是因为", "你", "目前", "还", "打", "不到", "宝珠", "系统", "的", "等级", "要求", "。"], ["宝珠", "的", "获得", "方式", ":", "1", ".", "商城", "抽取", ":", "宝珠", "的", "属性", "完全", "随机", ",", "玩家", "无法确定", "每次", "抽取", "的", "结果", ",", "而", "限时", "商城", "中", "的", "宝珠", "礼包", "同样", "如此", ",", "但是", "通过", "这个", "渠道", ",", "可以获得", "很多", "宝珠", "哦", "。", "2", ".", "活动", "获得", ":", "在", "平时", "的", "各类", "游戏", "活动", "中", ",", "可能会", "获得", "不少", "低", "等级", "宝珠", ",", "火气", "可以", "选择", "将", "这", "类", "宝珠", "分解", ",", "之后", "再", "用", "碎片", "合成", "高", "等级", "宝珠", ";", "3", ".", "冒险", "签到", "获得", ":", "无论", "是", "日常", "签到", "、", "冒险", "副本", "还是", "游戏", "中", "的", "各类", "活动", ",", "都会", "得到", "大量", "的", "宝珠", "碎片", "。"]], "answers": ["在背包中,就可以看到左上角有一排标题栏,上面有个人资料,宝珠等,你点击宝珠,就可以进入宝珠页面 了哦。在宝珠页面中,就可以去捣鼓你的专属宝珠啦。", "要20级之后才会开通宝珠系统哟,所以如果小伙伴们刚开始无法进入宝珠系统的话,那么很有可能是因为你目前还打不到宝珠系统的等级要求。", "宝珠的获得方式:1.商城抽取:宝珠的属性完全随机,玩家无法确定每次抽取的结果,而限时商城中的宝珠礼包同样如此,但是通过这个渠道,可以获得很多宝珠哦。2.活动获得:在平时的各类游戏活动中,可能会获得不少低等级宝珠,火气可以选择将这类宝珠分解,之后再用碎片合成高等级宝珠;3.冒险签到获得:无论是日常签到、冒险副本还是游戏中的各类活动,都会得到大量的宝珠碎片。"], "entity_answers": [["背包"], ["宝珠系统"], []], "segmented_question": ["弹弹堂", "宝珠", "在哪里"], "question_type": "ENTITY", "question_id": 91192, "fact_or_opinion": "FACT", "match_scores": [0.9210526315789475]}
-{"documents": [{"is_selected": true, "title": "王者荣耀赛季多长时间一结算?_百度知道", "most_related_para": 1, "segmented_title": ["王者", "荣耀", "赛季", "多长时间", "一", "结算", "?", "_", "百度", "知道"], "segmented_paragraphs": [["3", "个", "月", "结算", "一", "次", "王者", "荣耀", "s7", "赛季", "什么时候", "结束", "http", ":", "/", "/", "news", ".", "4399", ".", "com", "/", "wz", "lm", "/", "wenda", "/", "m", "/", "716109", ".", "html"], ["大概", "四个月", "。", "下次", "赛季", "更新", "大概", "在", "暑假", "刚", "开始", "期间"], ["一", "个", "赛季", "三个月"], ["一", "个", "赛季", "一般", "4", "个", "月", "。", "本赛季", "S7", "是", "从", "2017", "年", "3", "月", "到", "2017", "年", "7", "月", "。"], ["3", "-", "4", "个", "月", "哦"]], "paragraphs": ["3个月结算一次 王者荣耀s7赛季什么时候结束http://news.4399.com/wzlm/wenda/m/716109.html", "大概四个月。下次赛季更新大概在暑假刚开始期间", "一个赛季三个月", "一个赛季一般4个月。本赛季S7是从2017年3月到2017年7月。", "3-4个月哦"], "bs_rank_pos": 0}, {"is_selected": false, "title": "王者荣耀现在是什么赛季,什么时候结束_百度知道", "most_related_para": 0, "segmented_title": ["王者", "荣耀", "现在", "是什么", "赛季", ",", "什么", "时候", "结束", "_", "百度", "知道"], "segmented_paragraphs": [["王者", "荣耀", "一", "个", "赛季", "是", "3", "个", "月", "的", "时间", ",", "目前为止", "一直", "都", "是", "固定", "不变", "的", "。", "S7", "赛季", "是", "在", "2017", "年", "3", "月底", "—", "—", "4", "月", "初", "这段时间", "开启", "的", ",", "所以", "会", "在", "6", "月底", "7", "月", "初", "这段时间", "内", "结束", "。", "通常", "都是", "一", "个", "赛季", "结束", "以后", "就会", "马上", "开启", "下一个", "赛季", "了", ",", "小伙伴", "一定要", "抓紧", "时间", "了", "。"], ["现在", "是", "S7", ",", "大概", "在", "7", "月", "中旬", "就结束了", ",", "到", "S8", "了"]], "paragraphs": ["王者荣耀一个赛季是3个月的时间,目前为止一直都是固定不变的。 S7赛季是在2017年3月底——4月初这段时间开启的,所以会在6月底7月初这段时间内结束。 通常都是一个赛季结束以后就会马上开启下一个赛季了,小伙伴一定要抓紧时间了。", "现在是S7,大概在7月中旬就结束了,到S8了"], "bs_rank_pos": 1}, {"is_selected": false, "title": "王者荣耀第七个赛季什么时候结束_百度知道", "most_related_para": 2, "segmented_title": ["王者", "荣耀", "第", "七", "个", "赛季", "什么时候", "结束", "_", "百度", "知道"], "segmented_paragraphs": [["预计", "会", "在", "6", "月底", "7", "月", "初", "这段时间", "内", "结束", "。", "王者", "荣耀", "s7", "赛季", "什么时候", "结束", "S7", "赛季", "结束", "时间", "http", ":", "/", "/", "news", ".", "4399", ".", "com", "/", "wz", "lm", "/", "wenda", "/", "m", "/", "716109", ".", "html"], ["6", "月底", "至", "7", "月", "初", "的", "时候"], ["s7", "将会", "在", "6", "月底", "7", "月", "初", "这段时间", "内", "结束", "进行", "结算", "。", "从", "这", "几个", "赛季", "的", "情况", "来看", ",", "一", "个", "赛季", "结束", "以后", "就会", "马上", "开启", "下一个", "赛季", "了", ",", "小伙伴", "一定要", "抓紧", "时间", "了", "。", "王者", "荣耀", "是", "一款", "很", "有趣", "的", "策略类", "游戏", "。", "这", "款", "游戏", "不仅", "是", "画面", "制作", "非常", "华丽", "精致", ",", "游戏", "玩法", "更", "是", "精彩", "有趣", ",", "非常", "华丽", "的", "战斗", "场面", "设计", ",", "更", "有许多", "的", "战术", "融入", "其中", "!"]], "paragraphs": ["预计会在6月底7月初这段时间内结束。 王者荣耀s7赛季什么时候结束 S7赛季结束时间http://news.4399.com/wzlm/wenda/m/716109.html", "6月底至7月初的时候", "s7将会在6月底7月初这段时间内结束进行结算。从这几个赛季的情况来看,一个赛季结束以后就会马上开启下一个赛季了,小伙伴一定要抓紧时间了。王者荣耀是一款很有趣的策略类游戏。这款游戏不仅是画面制作非常华丽精致,游戏玩法更是精彩有趣,非常华丽的战斗场面设计,更有许多的战术融入其中!"], "bs_rank_pos": 2}], "answer_spans": [[0, 2]], "answer_docs": [0], "fake_answers": ["大概四个月。"], "question": "王者荣耀一个赛季多长时间", "segmented_answers": [["3", "个", "月", "结算", "一次", "。"], ["大概", "四个月", "。"]], "answers": ["3个月结算一次。", "大概四个月。"], "entity_answers": [["3个月"], ["四个月"]], "segmented_question": ["王者", "荣耀", "一", "个", "赛季", "多长时间"], "question_type": "ENTITY", "question_id": 91193, "fact_or_opinion": "FACT", "match_scores": [1.0]}
-{"documents": [{"is_selected": true, "title": "大话西游之大圣娶亲三天收入破亿 未来情怀将换回多少票房?-中商情报", "most_related_para": 0, "segmented_title": ["大话西游", "之", "大圣娶亲", "三天", "收入", "破", "亿", "未来", "情怀", "将", "换", "回", "多少", "票房", "?", "-", "中", "商", "情报"], "segmented_paragraphs": [["这个周末", ",", "在", "《", "速度与激情", "8", "》", "的", "带动", "下", "影", "市", "终于", "迎来", "了", "一波", "票房", "高潮", ",", "而", "《", "大话西游", "之", "大圣娶亲", "》", "纪念", "加长版", "也", "在", "“", "速", "8", "”", "上映", "前", "4", "小时", "提前", "首映", ",", "最终", "在", "首", "日", "收获", "了", "1596", "万", "元", ",", "成绩", "仅次于", "“", "速", "8", "”", ",", "名", "列", "当天", "第", "二", "。"], ["大话西游", "之", "大圣娶亲", "近期", "电影票房"], ["数据", "来源", ":", "猫眼"], ["看", "来", ",", "周星驰", "这部", "当年", "被", "西", "影", "厂", "艺术", "副厂长", "张子恩", "称为", "“", "文化", "垃圾", "”", "的", "影片", ",", "在", "他", "的", "不", "少", "铁杆", "粉丝", "看", "来", ",", "像", "放", "得", "越", "久", "味道", "越", "醇厚", "的", "美酒", ",", "百看不厌", "。", "但", "《", "大话西游", "之", "大圣娶亲", "》", "此次", "重", "映", ",", "是", "其", "第三次", "在", "内地", "上映", ",", "虽然", "加", "了", "11", "分钟", "内容", ",", "但", "要", "让", "观众", "当作", "新片", "一样", "去", "买单", ",", "依然", "给", "人", "一", "种", "炒", "剩饭", "消费", "情怀", "的", "感觉", "。", "希望", "在", "《", "美人鱼", "》", "《", "西游", "伏", "妖", "篇", "》", "里", "已", "显现", "出", "创新", "力", "下降", "的", "周星驰", ",", "能带", "给", "观众", "更好", "的", "新", "作品", "。"], ["《", "大话西游", "之", "大圣娶亲", "》", "是", "香港", "彩", "星", "电影公司", "和", "西安", "电影制片厂", "1994", "年", "联合", "摄制", "的", "一", "部", "无厘头", "搞笑", "爱情片", ",", "是", "《", "大话西游", "》", "系列", "的", "第二部", ",", "由", "刘镇伟", "导演", ",", "技安", "编剧", ",", "周星驰", "制作", ",", "周星驰", "、", "朱茵", "、", "莫文蔚", "、", "蔡少芬", "、", "陆树铭", "、", "吴孟达", "等人", "主演", "。", "1995", "年", "2", "月", "4", "日", "在", "香港", "上映", ",", "取得", "了", "2888", "万", "港币", "的", "票房", ",", "成绩不佳", "。"], ["1995", "年", "8", "月", ",", "《", "大话西游", "》", "在", "上海", "上映", ",", "又", "在", "东北三省", "上映", ",", "票房", "开始", "还不错", ",", "但", "未", "持续", "太", "久", "。", "在", "北京", ",", "《", "大话西游", "》", "更", "是", "被", "当作", "发行", "惨败", "的", "经典", "。", "偌大", "一", "个", "北京城", "《", "大话西游", "》", "两", "集", "才", "卖", "了", "40", "万", "元", ",", "有些", "场次", "观众", "不到", "10", "个人", "。", "有", "的", "电影院", "放映", "了", "两天", ",", "便", "决定", "撤", "下", "该片", "以", "避免", "更多", "损失", "。", "电影", "下", "映", "后", ",", "周星驰", "将", "影片", "的", "内地", "版权", "卖给", "了", "西", "影", ",", "并", "宣告", "彩", "星", "电影", "公司", "倒闭", "。"], ["当年", "《", "大话西游", "》", "不仅", "票房", "不好", ",", "口碑", "也", "不佳", "。", "普通", "观众", "不明白", "影片", "的", "情节", ",", "看", "得", "一头雾水", "。", "内地", "一些", "电影", "专业", "人士", "更", "是", "对", "该片", "感到", "不屑", "。", "据说", "当时", "刘镇伟", "拍", "《", "大话西游", "》", "是", "没有", "剧本", "的", ",", "很多地方", "的", "台词", "其实", "都是", "演员", "自己", "在", "现场", "的", "神", "发挥", ",", "内地", "合作", "方", "西", "影", "厂", "的", "人", "很", "不能", "理解", "。"], ["但", "想", "不到", "的", "是", ",", "1997", "年", "后", ",", "《", "大话西游", "》", "开始", "在", "内地", "高校", "和", "网络", "上", "流传", "并", "迅速", "走红", ",", "片", "中", "很多", "台词", "和", "桥段", "被", "奉", "为", "经典", ",", "“", "无厘头", "”", "这个词", "也是", "通过", "这部电影", "流传", "开来", ",", "连", "周星驰", "本人", "都", "不明白", "影片", "为啥", "突然", "起死回生", "、", "大火", "特", "火", "。"], ["《", "大话西游", "》", "从", "文化", "垃圾", "变身", "文化现象", "之后", ",", "2014", "年", "10", "月", "24", "日", ",", "《", "大话西游", "》", "在", "内地", "第二次", "上映", ",", "上下", "两", "部", "最终", "收入", "约", "2500", "万", "票房", ",", "票房", "同样", "一般", "。", "此次", "第三次", "在", "内地", "上映", ",", "西", "影", "厂", "找出", "了", "封存", "多", "年", "的", "《", "大话西游", "》", "拍摄", "胶片", ",", "找到", "从未", "曝光", "的", "近", "60", "分钟", "素材", ",", "从", "中", "剪", "出", "了", "11", "分钟", "23", "秒", "的", "新", "内容", "加", "到", "影片", "中", "。", "再加上", "大张旗鼓", "的", "宣传", "攻势", ",", "和", "今天", "提前", "4", "小时", "上映", "避开", "《", "速度与激情", "8", "》", "锋芒", "的", "聪明", "之", "举", ",", "首", "日", "便", "一举拿下", "1596", "万", "元", "票房", ",", "大幅度", "超过", "前", "两次", "上映", "票房", "毫无", "悬念", "。"], ["【", "版权", "提示", "】", "中", "商", "情报网", "倡导", "尊重", "与", "保护知识产权", "。", "如", "发现", "本站", "文章", "存在", "版权问题", ",", "烦请", "联系", "editor", "@", "askci", ".", "com", "、", "0755", "-", "82095014", ",", "我们", "将", "及时", "沟通", "与", "处理", "。"], ["【", "数据", "平台", "合作", "】", "我们", "的", "数据", "自", "媒体", "平台", "“", "千", "数", "头条", "”", "、", "数据", "交易所", "“", "千数堂", "”", "正式上线", "了", "!", "欢迎", "各位", "数据", "自", "媒体", "们", "合作", "入驻", "。", "免费", "入驻", "类型", ":", "各", "行业", "数据", "自", "媒体", "、", "数据", "企业", "。", "咨询", "QQ", ":", "3201971869"], ["中", "商", "情报网", "始终", "聚焦", "科技", "、", "互联网", "+", "、", "创业", "、", "财经", "、", "产经", "大", "数据", "等", ",", "目前", "在", "全国", "财经", "网站", "中", "排名", "居", "前", ",", "旗下", "中", "商", "产业", "研究院", "专注", "产业经济", "细分市场", "研究", ",", "中", "商", "可以", "为", "用", "您", "提供", "一手", "的", "市场", "数据", "和", "高", "价值", "的", "商业资讯", ",", "欢迎", "沟通", "交流", "合作", "!"], ["广告", "、", "内容", "合作", "请", "点", "这里", ":", "寻求", "报道"], ["排行榜", "推荐", "热门"]], "paragraphs": ["这个周末,在《速度与激情8》的带动下影市终于迎来了一波票房高潮,而《大话西游之大圣娶亲》纪念加长版也在“速8”上映前4小时提前首映,最终在首日收获了1596万元,成绩仅次于“速8”,名列当天第二。", "大话西游之大圣娶亲近期电影票房", "数据来源:猫眼", "看来,周星驰这部当年被西影厂艺术副厂长张子恩称为“文化垃圾”的影片,在他的不少铁杆粉丝看来,像放得越久味道越醇厚的美酒,百看不厌。但《大话西游之大圣娶亲》此次重映,是其第三次在内地上映,虽然加了11分钟内容,但要让观众当作新片一样去买单,依然给人一种炒剩饭消费情怀的感觉。希望在《美人鱼》《西游伏妖篇》里已显现出创新力下降的周星驰,能带给观众更好的新作品。", "《大话西游之大圣娶亲》是香港彩星电影公司和西安电影制片厂1994年联合摄制的一部无厘头搞笑爱情片,是《大话西游》系列的第二部,由刘镇伟导演,技安编剧,周星驰制作,周星驰、朱茵、莫文蔚、蔡少芬、陆树铭、吴孟达等人主演。1995年2月4日在香港上映,取得了2888万港币的票房,成绩不佳。", "1995年8月,《大话西游》在上海上映,又在东北三省上映,票房开始还不错,但未持续太久。在北京,《大话西游》更是被当作发行惨败的经典。偌大一个北京城《大话西游》两集才卖了40万元,有些场次观众不到10个人。有的电影院放映了两天,便决定撤下该片以避免更多损失。电影下映后,周星驰将影片的内地版权卖给了西影,并宣告彩星电影公司倒闭。", "当年《大话西游》不仅票房不好,口碑也不佳。普通观众不明白影片的情节,看得一头雾水。内地一些电影专业人士更是对该片感到不屑。据说当时刘镇伟拍《大话西游》是没有剧本的,很多地方的台词其实都是演员自己在现场的神发挥,内地合作方西影厂的人很不能理解。", "但想不到的是,1997年后,《大话西游》开始在内地高校和网络上流传并迅速走红,片中很多台词和桥段被奉为经典,“无厘头”这个词也是通过这部电影流传开来,连周星驰本人都不明白影片为啥突然起死回生、大火特火。", "《大话西游》从文化垃圾变身文化现象之后,2014年10月24日,《大话西游》在内地第二次上映,上下两部最终收入约2500万票房,票房同样一般。此次第三次在内地上映,西影厂找出了封存多年的《大话西游》拍摄胶片,找到从未曝光的近60分钟素材,从中剪出了11分钟23秒的新内容加到影片中。再加上大张旗鼓的宣传攻势,和今天提前4小时上映避开《速度与激情8》锋芒的聪明之举,首日便一举拿下1596万元票房,大幅度超过前两次上映票房毫无悬念。", "【版权提示】中商情报网倡导尊重与保护知识产权。如发现本站文章存在版权问题,烦请联系editor@askci.com、0755-82095014,我们将及时沟通与处理。", "【数据平台合作】我们的数据自媒体平台“千数头条”、数据交易所“千数堂”正式上线了!欢迎各位数据自媒体们合作入驻。免费入驻类型:各行业数据自媒体、数据企业。咨询QQ :3201971869", "中商情报网始终聚焦科技、互联网+、创业、财经、产经大数据等,目前在全国财经网站中排名居前,旗下中商产业研究院专注产业经济细分市场研究,中商可以为用您提供一手的市场数据和高价值的商业资讯,欢迎沟通交流合作!", "广告、内容合作请点这里: 寻求报道 ››", "排行榜 推荐 热门"], "bs_rank_pos": 0}, {"is_selected": false, "title": "大话西游之大圣娶亲票房 - 电影票房数据库", "most_related_para": 2, "segmented_title": ["大话西游", "之", "大圣娶亲", "票房", "-", "电影", "票房", "数据库"], "segmented_paragraphs": [["首页", "电影", "大话西游", "之", "大圣娶亲", "大话西游", "之", "大圣娶亲", "票房"], ["你", "需要", "注册", "并", "登录", "才", "可以", "浏览", "完整", "的", "统计", "数据", ":", "立即", "登录"], ["以上", "大话西游", "之", "大圣娶亲", "票房", ",", "仅供参考", ",", "若", "有", "不同", "数据", ",", "可", "至", "票房", "纠错", "提供"]], "paragraphs": ["首页 › 电影 › 大话西游之大圣娶亲 › 大话西游之大圣娶亲票房", "你需要注册并登录才可以浏览完整的统计数据:立即登录", "以上大话西游之大圣娶亲票房,仅供参考,若有不同数据,可至票房纠错提供"], "bs_rank_pos": 1}, {"is_selected": false, "title": "大话西游之大圣娶亲三天收入破亿 未来情怀将换回多少票房?", "most_related_para": 0, "segmented_title": ["大话西游", "之", "大圣娶亲", "三天", "收入", "破", "亿", "未来", "情怀", "将", "换", "回", "多少", "票房", "?"], "segmented_paragraphs": [["这个周末", ",", "在", "《", "速度与激情", "8", "》", "的", "带动", "下", "影", "市", "终于", "迎来", "了", "一波", "票房", "高潮", ",", "而", "《", "大话西游", "之", "大圣娶亲", "》", "纪念", "加长版", "也", "在", "“", "速", "8", "”", "上映", "前", "4", "小时", "提前", "首映", ",", "最终", "在", "首", "日", "收获", "了", "1596", "万", "元", ",", "成绩", "仅次于", "“", "速", "8", "”", ",", "名", "列", "当天", "第", "二", "。"], ["大话西游", "之", "大圣娶亲", "近期", "电影票房"], ["数据", "来源", ":", "猫眼"], ["看", "来", ",", "周星驰", "这部", "当年", "被", "西", "影", "厂", "艺术", "副厂长", "张子恩", "称为", "“", "文化", "垃圾", "”", "的", "影片", ",", "在", "他", "的", "不", "少", "铁杆", "粉丝", "看", "来", ",", "像", "放", "得", "越", "久", "味道", "越", "醇厚", "的", "美酒", ",", "百看不厌", "。", "但", "《", "大话西游", "之", "大圣娶亲", "》", "此次", "重", "映", ",", "是", "其", "第三次", "在", "内地", "上映", ",", "虽然", "加", "了", "11", "分钟", "内容", ",", "但", "要", "让", "观众", "当作", "新片", "一样", "去", "买单", ",", "依然", "给", "人", "一", "种", "炒", "剩饭", "消费", "情怀", "的", "感觉", "。", "希望", "在", "《", "美人鱼", "》", "《", "西游", "伏", "妖", "篇", "》", "里", "已", "显现", "出", "创新", "力", "下降", "的", "周星驰", ",", "能带", "给", "观众", "更好", "的", "新", "作品", "。"], ["《", "大话西游", "之", "大圣娶亲", "》", "是", "香港", "彩", "星", "电影公司", "和", "西安", "电影制片厂", "1994", "年", "联合", "摄制", "的", "一", "部", "无厘头", "搞笑", "爱情片", ",", "是", "《", "大话西游", "》", "系列", "的", "第二部", ",", "由", "刘镇伟", "导演", ",", "技安", "编剧", ",", "周星驰", "制作", ",", "周星驰", "、", "朱茵", "、", "莫文蔚", "、", "蔡少芬", "、", "陆树铭", "、", "吴孟达", "等人", "主演", "。", "1995", "年", "2", "月", "4", "日", "在", "香港", "上映", ",", "取得", "了", "2888", "万", "港币", "的", "票房", ",", "成绩不佳", "。"], ["1995", "年", "8", "月", ",", "《", "大话西游", "》", "在", "上海", "上映", ",", "又", "在", "东北三省", "上映", ",", "票房", "开始", "还不错", ",", "但", "未", "持续", "太", "久", "。", "在", "北京", ",", "《", "大话西游", "》", "更", "是", "被", "当作", "发行", "惨败", "的", "经典", "。", "偌大", "一", "个", "北京城", "《", "大话西游", "》", "两", "集", "才", "卖", "了", "40", "万", "元", ",", "有些", "场次", "观众", "不到", "10", "个人", "。", "有", "的", "电影院", "放映", "了", "两天", ",", "便", "决定", "撤", "下", "该片", "以", "避免", "更多", "损失", "。", "电影", "下", "映", "后", ",", "周星驰", "将", "影片", "的", "内地", "版权", "卖给", "了", "西", "影", ",", "并", "宣告", "彩", "星", "电影", "公司", "倒闭", "。"], ["当年", "《", "大话西游", "》", "不仅", "票房", "不好", ",", "口碑", "也", "不佳", "。", "普通", "观众", "不明白", "影片", "的", "情节", ",", "看", "得", "一头雾水", "。", "内地", "一些", "电影", "专业", "人士", "更", "是", "对", "该片", "感到", "不屑", "。", "据说", "当时", "刘镇伟", "拍", "《", "大话西游", "》", "是", "没有", "剧本", "的", ",", "很多地方", "的", "台词", "其实", "都是", "演员", "自己", "在", "现场", "的", "神", "发挥", ",", "内地", "合作", "方", "西", "影", "厂", "的", "人", "很", "不能", "理解", "。"], ["但", "想", "不到", "的", "是", ",", "1997", "年", "后", ",", "《", "大话西游", "》", "开始", "在", "内地", "高校", "和", "网络", "上", "流传", "并", "迅速", "走红", ",", "片", "中", "很多", "台词", "和", "桥段", "被", "奉", "为", "经典", ",", "“", "无厘头", "”", "这个词", "也是", "通过", "这部电影", "流传", "开来", ",", "连", "周星驰", "本人", "都", "不明白", "影片", "为啥", "突然", "起死回生", "、", "大火", "特", "火", "。"], ["《", "大话西游", "》", "从", "文化", "垃圾", "变身", "文化现象", "之后", ",", "2014", "年", "10", "月", "24", "日", ",", "《", "大话西游", "》", "在", "内地", "第二次", "上映", ",", "上下", "两", "部", "最终", "收入", "约", "2500", "万", "票房", ",", "票房", "同样", "一般", "。", "此次", "第三次", "在", "内地", "上映", ",", "西", "影", "厂", "找出", "了", "封存", "多", "年", "的", "《", "大话西游", "》", "拍摄", "胶片", ",", "找到", "从未", "曝光", "的", "近", "60", "分钟", "素材", ",", "从", "中", "剪", "出", "了", "11", "分钟", "23", "秒", "的", "新", "内容", "加", "到", "影片", "中", "。", "再加上", "大张旗鼓", "的", "宣传", "攻势", ",", "和", "今天", "提前", "4", "小时", "上映", "避开", "《", "速度与激情", "8", "》", "锋芒", "的", "聪明", "之", "举", ",", "首", "日", "便", "一举拿下", "1596", "万", "元", "票房", ",", "大幅度", "超过", "前", "两次", "上映", "票房", "毫无", "悬念", "。"], ["本", "文", "仅", "代表", "作者", "观点", ",", "不", "代表", "百度", "立场", "。"], ["本", "文", "系", "作者", "授权", "百家", "号", "发表", ",", "未经许可", ",", "不得转载", "。"], ["还没有人", "评论", ",", "点击", "抢沙发", "~"]], "paragraphs": ["这个周末,在《速度与激情8》的带动下影市终于迎来了一波票房高潮,而《大话西游之大圣娶亲》纪念加长版也在“速8”上映前4小时提前首映,最终在首日收获了1596万元,成绩仅次于“速8”,名列当天第二。", "大话西游之大圣娶亲近期电影票房", "数据来源:猫眼", "看来,周星驰这部当年被西影厂艺术副厂长张子恩称为“文化垃圾”的影片,在他的不少铁杆粉丝看来,像放得越久味道越醇厚的美酒,百看不厌。但《大话西游之大圣娶亲》此次重映,是其第三次在内地上映,虽然加了11分钟内容,但要让观众当作新片一样去买单,依然给人一种炒剩饭消费情怀的感觉。希望在《美人鱼》《西游伏妖篇》里已显现出创新力下降的周星驰,能带给观众更好的新作品。", "《大话西游之大圣娶亲》是香港彩星电影公司和西安电影制片厂1994年联合摄制的一部无厘头搞笑爱情片,是《大话西游》系列的第二部,由刘镇伟导演,技安编剧,周星驰制作,周星驰、朱茵、莫文蔚、蔡少芬、陆树铭、吴孟达等人主演。1995年2月4日在香港上映,取得了2888万港币的票房,成绩不佳。", "1995年8月,《大话西游》在上海上映,又在东北三省上映,票房开始还不错,但未持续太久。在北京,《大话西游》更是被当作发行惨败的经典。偌大一个北京城《大话西游》两集才卖了40万元,有些场次观众不到10个人。有的电影院放映了两天,便决定撤下该片以避免更多损失。电影下映后,周星驰将影片的内地版权卖给了西影,并宣告彩星电影公司倒闭。", "当年《大话西游》不仅票房不好,口碑也不佳。普通观众不明白影片的情节,看得一头雾水。内地一些电影专业人士更是对该片感到不屑。据说当时刘镇伟拍《大话西游》是没有剧本的,很多地方的台词其实都是演员自己在现场的神发挥,内地合作方西影厂的人很不能理解。", "但想不到的是,1997年后,《大话西游》开始在内地高校和网络上流传并迅速走红,片中很多台词和桥段被奉为经典,“无厘头”这个词也是通过这部电影流传开来,连周星驰本人都不明白影片为啥突然起死回生、大火特火。", "《大话西游》从文化垃圾变身文化现象之后,2014年10月24日,《大话西游》在内地第二次上映,上下两部最终收入约2500万票房,票房同样一般。此次第三次在内地上映,西影厂找出了封存多年的《大话西游》拍摄胶片,找到从未曝光的近60分钟素材,从中剪出了11分钟23秒的新内容加到影片中。再加上大张旗鼓的宣传攻势,和今天提前4小时上映避开《速度与激情8》锋芒的聪明之举,首日便一举拿下1596万元票房,大幅度超过前两次上映票房毫无悬念。", "本文仅代表作者观点,不代表百度立场。", "本文系作者授权百家号发表,未经许可,不得转载。", "还没有人评论,点击抢沙发~"], "bs_rank_pos": 2}, {"is_selected": false, "title": "疯了!这部95年票房仅20万人民币的烂片竟然重映了 - 《大话西游之", "most_related_para": 6, "segmented_title": ["疯了", "!", "这部", "95", "年", "票房", "仅", "20", "万", "人民币", "的", "烂片", "竟然", "重", "映", "了", "-", "《", "大话西游", "之"], "segmented_paragraphs": [["您", "当前", "的", "位置", ":", "Mtime", "时光", "网", ">", "大话西游", "之", "大圣娶亲", ">", "影评", ">", "疯了", "!", "这部", "95", "年", "票房", "仅", "20", "万", "人民币", "的", "烂片", "竟然", "重", "映", "了"], ["想", "看", "-", "评分", "9", ".", "0"], ["那一年", ",", "梅尔吉布森", "是", "奥斯卡", "最佳导演", "。", "奥斯卡影帝", "尼古拉斯", "凯奇", "还", "从", "不", "演", "烂片", "。", "双休日", "开始", "实行", "每周", "不再", "只", "休", "一", "天", "半", "。", "刚", "出道", "的", "汪峰", "还", "不敢", "妄言", "自己", "是", "摇滚", "歌坛", "半壁江山", "。", "张惠妹", "那时", "还", "叫", "sherry", ",", "谁", "都", "想", "不到", "下", "一年", "她", "的", "那", "张", "《", "姐妹", "》", "专辑", "会", "大卖", "108", "万", "…", "…", "最", "有趣", "的", "是", ",", "那一年", ",", "上映", "了", "一", "部", "叫做", "《", "大话西游", "之", "大圣娶亲", "》", "的", "烂片", "!"], ["而", "这部电影", "恰", "是", "周星驰", "作为", "投资", "人", "的", "第", "一", "部", "电影", "。", "没想到", "虽然", "算", "不", "上", "遭遇", "票房", "滑铁卢", ",", "但", "只是", "勉强", "收回", "成本", ",", "与", "周星驰", "出演", "的", "其他", "影片", "相比", "简直", "天壤之别", "。", "更", "可笑", "的", "是", ",", "第二年", "这部电影", "在", "国内", "上映", ",", "票房", "狂", "揽", "可怜", "的", "20", "万", "…", "…", "好多", "影院", "实在", "无法", "接受", "这种", "莫名其妙", "无厘头", "的", "东西", ",", "上映", "没", "两天", "就", "用", "《", "离开雷锋的日子", "》", "这种", "口碑", "大片", "给", "替换", "了", "。"], ["直到", "新世纪", ",", "随着", "思想解放", "和", "网络", "风靡", ",", "人们", "才", "发现", "它", "的", "价值", "!", "甚至", "后来", "的", "《", "悟空传", "》", "《", "沙僧日记", "》", "等", "网络文学", "作品", ",", "都", "深", "受", "其", "影响", "…", "…", "如今", "想", "来", ",", "刘镇伟", "的", "这部电影", "着", "实", "太", "过", "前卫", ",", "所以", "不", "为", "当时", "的", "人", "所", "理解", ",", "也", "不足为奇", "。", "时光", "如今", "转到", "了", "2017", "年", ",", "借", "着", "西游", "IP", "的", "火爆", ",", "大话西游", "重", "映", ",", "又", "见", "还没有", "白头发", "的", "周星驰", ",", "又", "看到", "朱茵", "那", "蜜汁", "性感", "的", "眨眼", ",", "还有", "不会", "发疯", "的", "蓝洁瑛", ",", "留", "着", "中分", "发型", "傻傻", "的", "莫文蔚", "。", "让", "时间", "仿佛", "穿梭", "回", "了", "那一年", ",", "那些年", "…"], ["欠", "周星驰", "的", "电影票", ",", "《", "美人鱼", "》", "的", "时候", "我们", "还", "完", "了", "。", "有人", "说", "是", "时候", "还", "朱茵", "一", "张", "电影票", "了", "。", "其实", "在", "豬", "姐", "看", "来", ",", "谁", "也", "不", "欠", "谁", "的", "电影票", ",", "可能", "在", "影院", "看到", "这部电影", ",", "看到", "里面", "演员", "当年", "的", "表演", ",", "似乎", "心绪", "总会", "不经意", "的", "飘散", "到", "从前", "的", "时光", "中", "…", "…", "必须承认", ",", "时间", "不能", "倒流", ",", "逝去的岁月", "永远", "无法回头", ",", "然而", "一", "部", "老", "电影", ",", "却", "能", "把", "我们", "拉", "回到过去", "的", "回忆", "当", "中", "。"], ["无论", "是", "披着", "魔幻", "玄幻", "搞笑", "无厘头", "或者", "怎样", "的", "色彩", ",", "“", "大话", "”", "都是", "一", "部", "爱情电影", "。", "至尊宝", "穿越", "500", "年", "为了", "救", "他", "心爱的", "白晶晶", ",", "结果", "却", "意外", "的", "爱上了", "紫霞", "。", "两", "个", "女孩", "都", "曾", "进", "到", "他", "的", "心里", ",", "然而", "两个女孩", "都", "伤心", "哭泣", "。", "紫霞", "进去", "的", "时候", "他", "的", "心里", "只有", "白晶晶", ",", "而", "白晶晶", "进去", "的", "时候", "紫霞", "已经", "在", "他", "心里", "留下", "了", "一滴眼泪", "…", "…", "眼泪", ",", "都是", "我", "体会", ",", "爱上你", "本", "是", "最", "快乐", "的", "事", ",", "却", "换", "来", "了", "最", "痛苦", "的", "悲", "。"], ["其实", "看", "这部电影", "时", "最大", "的", "感慨", ",", "何尝", "不是", "周星驰", "与", "朱茵", "的", "爱情", "呢", "?", "如今", "朱茵", "早已", "为人", "妇", ",", "然而", "周星驰", "却", "依旧", "孑然一身", "。", "我们", "都", "愿意", "相信", ",", "他", "把", "所有", "的", "爱", "都", "给", "了", "那时", "的", "朱茵", "。", "女神", ",", "无论", "长", "得", "多", "漂亮", ",", "迟早", "有一天", "会", "变成", "大妈", ",", "我们", "当年", "钟爱", "的", "容颜", ",", "经不起", "太多", "岁月", "的", "冲刷", ",", "一", "如", "那首歌", "所", "唱", "—", "—", "多少", "人", "曾", "爱慕", "你", "年轻", "时", "的", "容颜", ",", "可知", "谁", "愿", "承受", "岁月", "无情", "的", "变迁", "…", "…", "可", "相互", "扶持", "到", "老", ",", "哪怕", "爱情", "最后", "变成", "了", "亲情", ",", "难道", "不", "也是", "一", "件", "奇妙", "的", "事情", "?"], ["看电影", "时", ",", "心里", "不断", "的", "联想", ",", "从前", "的", "时候", ",", "爱情", "就能", "那么简单", "。", "两", "个", "陌生人", ",", "最终", "走", "到", "一起", ",", "从此", "后来", "不分离", ",", "人世间", "的", "感情", "就是", "如此", "奇妙", "。", "而", "如今", "的", "爱情", ",", "却", "是", "无数", "物质", "的", "堆砌", ",", "要", "房子", "车子", "还有", "钻戒", "…", "…", "生活", "优渥", "了", ",", "爱情", "却", "更加", "难找", "了", "。", "我们", "都", "曾", "爱过", "一些人", ",", "我们", "也", "都", "失去", "过", "一些人", ",", "爱", "对", "了", ",", "我们", "享受人生", ",", "爱错了", ",", "我们", "也", "可以", "享受", "爱情", "。", "就像", "周星驰", "对", "紫霞", "说", ":", "“", "你", "知道", "我", "一直在", "骗", "你", "”", "。", "紫霞", "回答", "他", ":", "“", "骗", "就", "骗", "吧", ",", "就像", "飞蛾", "一样", "”", "。", "也许", ",", "这", "才是", "爱的真谛", "!"], ["该片", "热门", "影评", ":", "十年前", "你", "绝对", "没有", "看懂", "的", "《", "大话西游", "》", "十年前", "你", "绝对", "没有", "看懂", "的", "《", "大话", "西", ".", ".", "SerIssho", "评分", "8", ".", "0", "香港", "电影", "百年", "100", "个", "难忘", "瞬间", "之", "三", ":", "爱情篇", "划", "根", "火柴", "就是爱", "评分", "10", ".", "0", "十年前", "你", "绝对", "没有", "看懂", "的", "《", "大话西游", "》", ",", "十年后", "你", "终于懂了", "…", "…", "这个", "世界上", "还有", "一", "个", "故事", ",", "叫做", "《", "大", ".", ".", "小龙", "男", "3901458", "评分", "8", ".", "0", "[", "转", "]", "工作", "两年后", "感悟", "的", "《", "大话西游", "》", "这么", "好", "的", "文章", ",", "还是", "转到", "mtime", "来", "吧", "。", "原", ".", ".", "蚂蚁蚂蚁", "评分", "8.4", "【", "top", "10", "】", "静悄悄", "的", "守候", "-", "-", "十大", "孤独", "求", "赏", "的", "影片", "来", "!", "先", "给", "大爷", "笑一个", "!", "不", "笑", "是", "吧", ",", "那", ".", ".", "阳光", "下", "的", "电影", "评分", "10", ".", "0", "更多", "314", "条", "评论"]], "paragraphs": ["您当前的位置:Mtime时光网>大话西游之大圣娶亲>影评>疯了!这部95年票房仅20万人民币的烂片竟然重映了", "想看- 评分9.0", "那一年,梅尔吉布森是奥斯卡最佳导演。奥斯卡影帝尼古拉斯凯奇还从不演烂片。双休日开始实行每周不再只休一天半。刚出道的汪峰还不敢妄言自己是摇滚歌坛半壁江山。张惠妹那时还叫sherry,谁都想不到下一年她的那张《姐妹》专辑会大卖108万……最有趣的是,那一年,上映了一部叫做《大话西游之大圣娶亲》的烂片!", "而这部电影恰是周星驰作为投资人的第一部电影。没想到虽然算不上遭遇票房滑铁卢,但只是勉强收回成本,与周星驰出演的其他影片相比简直天壤之别。更可笑的是,第二年这部电影在国内上映,票房狂揽可怜的20万……好多影院实在无法接受这种莫名其妙无厘头的东西,上映没两天就用《离开雷锋的日子》这种口碑大片给替换了。", "直到新世纪,随着思想解放和网络风靡,人们才发现它的价值!甚至后来的《悟空传》《沙僧日记》等网络文学作品,都深受其影响……如今想来,刘镇伟的这部电影着实太过前卫,所以不为当时的人所理解,也不足为奇。时光如今转到了2017年,借着西游IP的火爆,大话西游重映,又见还没有白头发的周星驰,又看到朱茵那蜜汁性感的眨眼,还有不会发疯的蓝洁瑛,留着中分发型傻傻的莫文蔚。让时间仿佛穿梭回了那一年,那些年…", "欠周星驰的电影票,《美人鱼》的时候我们还完了。有人说是时候还朱茵一张电影票了。其实在豬姐看来,谁也不欠谁的电影票,可能在影院看到这部电影,看到里面演员当年的表演,似乎心绪总会不经意的飘散到从前的时光中……必须承认,时间不能倒流,逝去的岁月永远无法回头,然而一部老电影,却能把我们拉回到过去的回忆当中。", "无论是披着魔幻玄幻搞笑无厘头或者怎样的色彩,“大话”都是一部爱情电影。至尊宝穿越500年为了救他心爱的白晶晶,结果却意外的爱上了紫霞。两个女孩都曾进到他的心里,然而两个女孩都伤心哭泣。紫霞进去的时候他的心里只有白晶晶,而白晶晶进去的时候紫霞已经在他心里留下了一滴眼泪……眼泪,都是我体会,爱上你本是最快乐的事,却换来了最痛苦的悲。", "其实看这部电影时最大的感慨,何尝不是周星驰与朱茵的爱情呢?如今朱茵早已为人妇,然而周星驰却依旧孑然一身。我们都愿意相信,他把所有的爱都给了那时的朱茵。女神,无论长得多漂亮,迟早有一天会变成大妈,我们当年钟爱的容颜,经不起太多岁月的冲刷,一如那首歌所唱——多少人曾爱慕你年轻时的容颜,可知谁愿承受岁月无情的变迁……可相互扶持到老,哪怕爱情最后变成了亲情,难道不也是一件奇妙的事情?", "看电影时,心里不断的联想,从前的时候,爱情就能那么简单。两个陌生人,最终走到一起,从此后来不分离,人世间的感情就是如此奇妙。而如今的爱情,却是无数物质的堆砌,要房子车子还有钻戒……生活优渥了,爱情却更加难找了。我们都曾爱过一些人,我们也都失去过一些人,爱对了,我们享受人生,爱错了,我们也可以享受爱情。就像周星驰对紫霞说:“你知道我一直在骗你”。紫霞回答他:“骗就骗吧,就像飞蛾一样”。也许,这才是爱的真谛!", "该片热门影评: 十年前你绝对没有看懂的《大话西游》   十年前你绝对没有看懂的《大话西.. SerIssho评分8.0  香港电影百年100个难忘瞬间之三:爱情篇 划根火柴就是爱评分10.0  十年前你绝对没有看懂的《大话西游》,十年后你终于懂了……   这个世界上还有一个故事,叫做《大.. 小龙男3901458评分8.0  [转]工作两年后感悟的《大话西游》 这么好的文章,还是转到mtime来吧。原.. 蚂蚁蚂蚁评分8.4  【top10】静悄悄的守候--十大孤独求赏的影片 来!先给大爷笑一个! 不笑是吧,那.. 阳光下的电影评分10.0  更多314 条评论"], "bs_rank_pos": 3}, {"is_selected": false, "title": "《大话西游之大圣娶亲》创华语2D复映票房最高纪录_新浪陕西时尚_", "most_related_para": 0, "segmented_title": ["《", "大话西游", "之", "大圣娶亲", "》", "创", "华语", "2D", "复", "映", "票房", "最高纪录", "_", "新浪", "陕西", "时尚", "_"], "segmented_paragraphs": [["经典", "复", "映", ",", "在", "很多人", "印象", "里", ",", "是", "非常", "具有", "冒险精神", "的", "。", "然而", "既然", "是", "经典", ",", "就", "经得起", "时间", "一次", "次", "的", "检验", "。", "《", "大话西游", "之", "大圣娶亲", "》", "(", "以下简称", "“", "大话西游", "”", ")", "纪念", "加长版", "即将", "于", "4", "月", "14", "日", "上映", "的", "消息", "传", "出", "后", ",", "在", "“", "大话", "”", "迷", "中", "产生", "了", "很大", "反响", ",", "他们", "也", "对", "影片", "充满", "了", "期待", "。", "为了", "满足", "影", "迷", "的", "期待", ",", "片", "方", "提前", "四", "小时", "全线上映", "影片", "。", "昨晚", "(", "13", "日", "晚", ")", ",", "观众", "走出", "影院", ",", "很多", "观众", "唏嘘不已", ",", "并", "直言", "自己", "哭", "了", ",", "这其中", "不", "乏", "“", "90", "后", "”", "观众", "。"], ["“", "8", "0", "后", "”", "观众", ":", "满满", "都是", "情怀"], ["比", "起", "第一次", "上映", "的", "影片", ",", "经典", "复", "映", "的", "是", "人们", "熟悉", "的", "故事", ",", "情节", "、", "台词", "都是", "熟悉", ",", "再度", "欣赏", ",", "想", "来", "更多", "是", "情怀", ",", "也", "更多", "了", "几", "分", "对", "青春", "的", "思念", "。", "据了解", ",", "“", "大话西游", "”", "之", "《", "月光宝盒", "》", "和", "《", "大圣娶亲", "》", "这", "两", "部", "影片", "按", "最初", "的", "设想", "是", "一", "部", "完整", "的", "影片", ",", "可是", "最后", "剧情", "的", "发展", "超出", "刘镇伟", "的", "估计", ",", "一", "部", "影片", "已", "装", "不", "下", "这些", "奇思妙想", "了", ",", "只有", "将", "计划", "改变", ",", "一分为二", ",", "所以", "两", "个", "影片", "在", "风格", "上", "是", "一致", "的", "。", "但是", "相比", "于", "《", "月光宝盒", "》", ",", "《", "大圣娶亲", "》", "将", "感情", "描写", "的", "更加", "细致", ",", "也", "更加", "惊天动地", ",", "尤其", "是", "里面", "的", "经典对白", ",", "到", "现在", "还", "影响", "着", "一大批", "痴男怨女", ",", "最后", "的", "结局", "也", "颇", "有", "深意", ",", "最后", "“", "一生所爱", "”", "的", "主题曲", "更", "是", "恰到好处", "。"], ["昨晚", "上映", "的", "正是", "观众", "更为", "熟悉", "的", "《", "大圣娶亲", "》", ",", "“", "不", "戴", "金箍", "无力", "救", "你", ",", "戴上", "金箍", "不能爱你", "”", "的", "悲剧", "结局", "是", "观众", "熟悉", "的", ",", "也是", "不可逆转", "的", "。", "然而", "却", "依然", "感动", "无数", "观众", ",", "特别", "是", "“", "70", "后", "”", "“", "8", "0", "后", "”", "影", "迷", ",", "有", "影", "迷", "走出", "影院", "说", ":", "“", "时", "隔", "多", "年", ",", "在", "影院", "看", "这样", "一", "个", "看似", "无厘头", "和", "搞笑", ",", "却", "很", "有", "深意", "的", "影片", ",", "我", "能", "说", "我", "的", "内心", "很", "沉重", "吗", "?", "”", "也有", "影", "迷", "告诉记者", ":", "“", "当年", "第一次", "看", "的", "时候", "有点", "懵圈", ",", "现在", "看", "觉得", "满眼", "都是", "泪", "。", "”", "一", "个", "动情", "的", "影", "迷", "说", ":", "“", "从", "青葱", "少年", "到", "孩儿他妈", ",", "我", "想", "我", "理解", "了", "至尊宝", "的", "无奈", "。", "”"], ["“", "90", "后", "”", "影", "迷", ":", "影片", "代表", "了", "周星驰", "早年", "的", "心境"], ["此次", "上映", "的", "《", "大话西游", "之", "大圣娶亲", "》", "加长", "纪念版", ",", "将", "是", "《", "大话西游", "》", "最后一", "次", "登陆", "全国", "院线", ",", "电影", "并", "不仅仅", "是", "对", "旧版本", "的", "重", "映", ",", "还", "加入", "了", "当年", "未", "使用", "的", "素材", "。", "借助", "西", "影", "整理", "的", "未", "公映", "素材", "以及", "先进", "的", "胶", "转", "数", "影像", "修复", "技术", ",", "影", "迷", "可以", "在", "全国", "院线", "观看", "2K", "高清", "、", "杜比", "全景", "声", "音效", "的", "《", "大圣娶亲", "》", "加长", "纪念版", "。", "以", "电影", "致敬", "电影", ",", "力", "求", "以", "更多", "线索", "帮助", "人", "读懂", "至尊宝", "的", "无奈", "与", "悲凉", ",", "也是", "西", "影", "对", "这部", "经典", "最大", "的", "尊重", "。"], ["影", "迷", "也", "在", "发现", "了", "此", "前", "没有", "关注", "过", "的", "新面孔", ",", "譬如", "使用", "漂亮", "尾巴", "当", "武器", "的", "孔雀", "妖精", "和", "跟", "八戒", "调情", "的", "红衣", "妖精", ",", "有", "影", "迷", "向", "记者", "“", "剧透", "”", ":", "作为", "来自", "孔雀", "国", "的", "一名", "王子", ",", "不仅", "拥有", "超", "厉害", "的", "孔雀翎", "攻击", "术", ",", "还", "拥有", "价值", "不菲", "的", "镶钻", "面具", "和", "蓝色", "滚边", "丝绸", "长袍", ",", "可谓", "是", "妖怪", "中", "的", "“", "高富帅", "”", "。", "因为", "“", "谁", "拔", "出", "紫", "青", "宝剑", "谁", "就是", "紫霞仙子", "意中人", "”", "的", "传闻", "早已", "传", "遍", "妖界", ",", "众", "妖", "皆知", ",", "所以", "贪恋", "仙子", "美貌", "的", "妖怪", "们", "对", "紫霞", "围追堵截", "争先恐后", "试图", "拔剑", ",", "孔雀王子", "也", "不远万里", "前", "来", "求婚", "碰运气", ",", "可惜", "最终", "免不了", "失望", "而", "归", "。", "看", "过", "电影", "之后", ",", "大话", "迷", "们", "终于明白", ":", "果然", "只有", "至尊宝", "才能", "拔", "出", "紫", "青", "宝剑", ",", "这段感情", "真", "的", "是", "命中注定", "!", "想到", "电影", "的", "悲剧", "结尾", ",", "影", "迷", "不", "禁", "为", "紫霞仙子", "的", "痴心不悔", "唏嘘不已", "。"], ["如果说", "“", "70", "后", "”", "“", "8", "0", "后", "”", "影", "迷", "看", "的", "是", "情怀", ",", "那么", "这部", "影片", "对", "很多", "“", "90", "后", "”", "“", "00", "后", "”", "影", "迷", "来", "说", ",", "可以说是", "一次", "全新", "的", "观影", "感受", "。", "一", "位", "大学生", "告诉记者", ":", "“", "其实", "周星驰", "的", "影片", "看", "了", "不少", ",", "但", "《", "大圣娶亲", "》", "是", "我", "第一次", "完整", "观看", ",", "我", "觉得", "很好看", "。", "和", "后来", "的", "《", "西游", "降魔", "篇", "》", "《", "西游", "伏", "妖", "篇", "》", "不太", "一样", ",", "这部", "影片", "可能", "代表", "了", "周星驰", "早期", "的", "心境", "吧", "!", "”"], ["西", "影", "负责人", "告诉记者", ":", "“", "作为", "一", "部", "承载", "国", "人", "回忆", "与", "青春", "的", "国产", "喜剧电影", "口碑", "之", "作", ",", "《", "大话西游", "》", "在", "影", "迷", "心中", "具有", "独一无二", "的", "专属", "位置", "。", "它", "开辟", "了", "一", "条", "电影", "新", "道路", ",", "无厘头", "与", "后现代主义", "的", "结合", ",", "创造", "出", "一", "种", "全新", "的", "喜剧", "模式", "。", "《", "大话西游", "》", "是", "电影", "行业", "的", "大", "IP", ",", "热度", "长", "年", "不衰", ",", "甚至", "有", "网友", "表达", "出", "‘", "大话", "不死", ",", "情怀", "不老", "’", "的", "心声", "。", "未来", ",", "我们", "对", "‘", "大话西游", "’", "这个", "经典", "IP", "还会", "进行", "创新", "和", "升级", ",", "会", "更加", "契合", "时代", "的", "发展", ",", "延续", "情怀", "记忆", "。", "”"], ["而", "记者", "从", "片", "房", "获悉", ",", "截止", "13", "日", "晚", "8", "时", "40", "分", ",", "《", "大话西游", "之", "大圣娶亲", "》", "加长", "纪念版", "综合", "票房", "已", "累计", "2600", "万", "元", ",", "创", "华语", "2D", "电影", "复", "映", "票房", "最高纪录", "。"]], "paragraphs": ["经典复映,在很多人印象里,是非常具有冒险精神的。然而既然是经典,就经得起时间一次次的检验。《大话西游之大圣娶亲》(以下简称“大话西游”)纪念加长版即将于4月14日上映的消息传出后,在“大话”迷中产生了很大反响,他们也对影片充满了期待。为了满足影迷的期待,片方提前四小时全线上映影片。昨晚(13日晚),观众走出影院,很多观众唏嘘不已,并直言自己哭了,这其中不乏“90后”观众。", "“80后”观众:满满都是情怀", "比起第一次上映的影片,经典复映的是人们熟悉的故事,情节、台词都是熟悉,再度欣赏,想来更多是情怀,也更多了几分对青春的思念。据了解,“大话西游”之《月光宝盒》和《大圣娶亲》这两部影片按最初的设想是一部完整的影片,可是最后剧情的发展超出刘镇伟的估计,一部影片已装不下这些奇思妙想了,只有将计划改变,一分为二,所以两个影片在风格上是一致的。但是相比于《月光宝盒》,《大圣娶亲》将感情描写的更加细致,也更加惊天动地,尤其是里面的经典对白,到现在还影响着一大批痴男怨女,最后的结局也颇有深意,最后“一生所爱”的主题曲更是恰到好处。", "昨晚上映的正是观众更为熟悉的《大圣娶亲》,“不戴金箍无力救你,戴上金箍不能爱你”的悲剧结局是观众熟悉的,也是不可逆转的。然而却依然感动无数观众,特别是“70后”“80后”影迷,有影迷走出影院说:“时隔多年,在影院看这样一个看似无厘头和搞笑,却很有深意的影片,我能说我的内心很沉重吗?”也有影迷告诉记者:“当年第一次看的时候有点懵圈,现在看觉得满眼都是泪。”一个动情的影迷说:“从青葱少年到孩儿他妈,我想我理解了至尊宝的无奈。”", "“90后”影迷:影片代表了周星驰早年的心境", "此次上映的《大话西游之大圣娶亲》加长纪念版,将是《大话西游》最后一次登陆全国院线,电影并不仅仅是对旧版本的重映,还加入了当年未使用的素材。借助西影整理的未公映素材以及先进的胶转数影像修复技术,影迷可以在全国院线观看2K高清、杜比全景声音效的《大圣娶亲》加长纪念版。以电影致敬电影,力求以更多线索帮助人读懂至尊宝的无奈与悲凉,也是西影对这部经典最大的尊重。", "影迷也在发现了此前没有关注过的新面孔,譬如使用漂亮尾巴当武器的孔雀妖精和跟八戒调情的红衣妖精,有影迷向记者“剧透”:作为来自孔雀国的一名王子,不仅拥有超厉害的孔雀翎攻击术,还拥有价值不菲的镶钻面具和蓝色滚边丝绸长袍,可谓是妖怪中的“高富帅”。因为“谁拔出紫青宝剑谁就是紫霞仙子意中人”的传闻早已传遍妖界,众妖皆知,所以贪恋仙子美貌的妖怪们对紫霞围追堵截争先恐后试图拔剑,孔雀王子也不远万里前来求婚碰运气,可惜最终免不了失望而归。看过电影之后,大话迷们终于明白:果然只有至尊宝才能拔出紫青宝剑,这段感情真的是命中注定!想到电影的悲剧结尾,影迷不禁为紫霞仙子的痴心不悔唏嘘不已。", "如果说“70后”“80后”影迷看的是情怀,那么这部影片对很多“90后”“00后”影迷来说,可以说是一次全新的观影感受。一位大学生告诉记者:“其实周星驰的影片看了不少,但《大圣娶亲》是我第一次完整观看,我觉得很好看。和后来的《西游降魔篇》《西游伏妖篇》不太一样,这部影片可能代表了周星驰早期的心境吧!”", "西影负责人告诉记者:“作为一部承载国人回忆与青春的国产喜剧电影口碑之作,《大话西游》在影迷心中具有独一无二的专属位置。它开辟了一条电影新道路,无厘头与后现代主义的结合,创造出一种全新的喜剧模式。《大话西游》是电影行业的大IP,热度长年不衰,甚至有网友表达出‘大话不死,情怀不老’的心声。未来,我们对‘大话西游’这个经典IP还会进行创新和升级,会更加契合时代的发展,延续情怀记忆。”", "而记者从片房获悉,截止13日晚8时40分 ,《大话西游之大圣娶亲》加长纪念版综合票房已累计2600万元,创华语2D电影复映票房最高纪录。"], "bs_rank_pos": 4}], "answer_spans": [[41, 46]], "fake_answers": ["在首日收获了1596"], "question": "大话西游之大圣娶亲 票房", "segmented_answers": [["在", "首", "日", "收获", "了", "1596", "万元", "。"]], "answers": ["在首日收获了1596万元。"], "answer_docs": [0], "segmented_question": ["大话西游", "之", "大圣娶亲", "票房"], "question_type": "DESCRIPTION", "question_id": 91194, "fact_or_opinion": "FACT", "match_scores": [0.8571428571428571]}
-{"documents": [{"is_selected": true, "title": "什么是宿主机_百度知道", "most_related_para": 0, "segmented_title": ["什么", "是", "宿", "主机", "_", "百度", "知道"], "segmented_paragraphs": [["宿", "主机", ":", "指", "要", "安装", "虚拟机", "软件", "的", "计算机", ",", "你", "花钱买", "的", "物理", "机"], ["被", "感染", "的", "主机"]], "paragraphs": ["宿主机:指要安装虚拟机软件的计算机,你花钱买的物理机", "被感染的主机"], "bs_rank_pos": 0}, {"is_selected": false, "title": "什么是宿主机,什么又是目标机,两者之间有什么区别?_百度知道", "most_related_para": 0, "segmented_title": ["什么", "是", "宿", "主机", ",", "什么", "又", "是", "目标机", ",", "两者之间", "有", "什么", "区别", "?", "_", "百度", "知道"], "segmented_paragraphs": [["宿", "主机", ":", "指", "要", "安装", "虚拟机", "软件", "的", "计算机", ",", "你", "花钱买", "的", "物理", "机", "目标机", ":", "除", "宿", "主机", "虚拟机", "外", "的", "网络", "上", "的", "第三方", "机器", "或", "你", "选择", "配置", "完成", "以后", "的", "还没有", "购买", "的", "机器"]], "paragraphs": ["宿主机:指要安装虚拟机软件的计算机,你花钱买的物理机 目标机:除宿主机虚拟机外的网络上的第三方机器或你选择配置完成以后的还没有购买的机器"], "bs_rank_pos": 1}, {"is_selected": false, "title": "双宿主主机_百度百科", "most_related_para": 8, "segmented_title": ["双", "宿", "主", "主机", "_", "百度百科"], "segmented_paragraphs": [["双", "宿", "主", "主机", "编辑", "锁定"], ["它", "是", "一", "个", "具有", "两", "个", "网络适配器", "的", "主机", "系统", ",", "并且", "主机", "系统", "中", "的", "寻", "径", "功能", "被", "禁止", ",", "而", "对", "外部", "网络", "的", "服务", "和", "访问", "则", "由", "网关", "上", "的", "代理服务器", "提供", "。", "它", "是", "一", "种", "结构", "非常", "简单", ",", "但", "安全性", "很高", "的", "防火墙", "系统", ",", "是", "对", "双", "宿", "主", "主机", "防火墙", "的", "一", "个", "改进", "。"], ["1", "简介", "2", "结构", "3", "工作原理"], ["双", "宿", "主", "主机", "(", "Dual", "-", "Homed", "Host", ")", "结构", "是", "围绕", "着", "至少", "具有", "两", "个", "网络接口", "的", "双", "宿", "主", "主机", "而", "构成", "的", "。", "双", "宿", "主", "主机", "内外", "的", "网络", "均", "可", "与", "双", "宿", "主", "主机", "实施", "通信", ",", "但", "内外", "网络", "之间", "不可", "直接", "通信", ",", "内", "外部", "网络", "之间", "的", "IP", "数据流", "被", "双", "宿", "主", "主机", "完全", "切断", "。", "双", "宿", "主", "主机", "可以", "通过", "代理", "或", "让", "用户", "直接", "注册", "到", "其", "上", "来", "提供", "很高", "程度", "的", "网络", "控制", "。"], ["双", "宿", "主机", "结构", "采用", "主机", "替代", "路由器", "执行", "安全", "控制", "功能", ",", "故", "类似于", "包过滤", "防火墙", "。", "双", "宿", "主机", "即", "一", "台", "配", "有", "多", "个", "网络接口", "的", "主机", ",", "它", "可以用来", "在", "内部", "网络", "和", "外部", "网络", "之间", "进行", "寻", "径", "。", "如果", "在", "一", "台", "双", "宿", "主机", "中", "寻", "径", "功能", "被", "禁止", "了", ",", "则", "这个", "主机", "可以", "隔离", "与", "它", "相连", "的", "内部", "网络", "和", "外部", "网络", "之间", "的", "通信", ",", "而", "与", "它", "相连", "的", "内部", "和", "外部", "网络", "都", "可以", "执行", "由", "它", "所", "提供", "的", "网络应用", ",", "如果", "这个", "应用", "允许", "的", "话", ",", "它们", "就", "可以", "共享", "数据", "。", "这样", "就", "保证", "内部", "网络", "和", "外部", "网络", "的", "某些", "节点", "之间", "可以通过", "双", "宿", "主机", "上", "的", "共享", "数据", "传递", "信息", ",", "但", "内部", "网络", "与", "外部", "网络", "之间", "却", "不能", "传递", "信息", ",", "从而", "达到", "保护", "内部", "网络", "的", "作用", "。", "它", "是", "外部", "网络", "用户", "进入", "内部", "网络", "的", "唯一", "通道", ",", "因此", "双", "宿", "主机", "的", "安全", "至关重要", ",", "它", "的", "用户口令", "控制", "安全", "是", "一", "个", "关键", "。"], ["双", "宿", "主", "主机", "(", "具有", "至少", "两", "个", "网络适配器", ")", "双", "宿", "主机", "防火墙", "双", "宿", "网关", "防火墙", "(", "Dual", "-", "homed", "Gateway", "Firewall", ")", "的", "结构", "。"], ["如图所示", ",", "双", "宿", "主", "主机", "是", "指", "具有", "两", "个", "网络接口", "的", "主机", "。", "双", "宿", "主", "主机", "的", "两", "个", "网络接口", "分别", "连接", "内网", "和", "外网", ",", "内网", "通常", "为", "局域网", ",", "外网", "通常", "为", "Internet", "。", "内外", "网络", "均", "可", "与", "双", "宿", "主", "主机", "通信", ",", "但", "内外", "网络", "之间", "不可", "直接", "通信", "。", "双", "宿", "主", "主机", "是", "内网", "和", "外网", "之间", "的", "屏障", ",", "如果", "入侵者", "得到", "了", "双", "宿", "主", "主机", "的", "访问", "权", ",", "内网", "就会", "被", "侵入", ",", "为了", "保障", "内网", "的", "安全", ",", "需要", "在", "双", "宿", "主", "主机", "上", "禁止", "路由", "功能", ",", "并且", "设置", "身份", "认证", "机制", "。"], ["双", "宿", "主机", "使用", "两种方式", "来", "提供", "服务", ",", "一", "种", "是", "用户", "直接", "登录", "到", "双", "宿", "主机", "上", "来", "提供", "服务", ",", "另", "一", "种", "是", "在", "双", "宿", "主机", "上", "运行", "代理服务器", "。"], ["第", "一", "种", "方式", "需要", "在", "双", "宿", "主机", "上", "开", "很多", "账号", ",", "这", "会", "带来", "一些", "危险", ":", "1", "、", "用户", "账号", "的", "存在", "给", "入侵者", "提供", "相对", "容易", "的", "入侵", "通道", ",", "每一个", "账号", "通常", "会", "有", "一", "个", "可", "重复使用", "的", "密码", ",", "这样", "很容易", "被", "入侵者", "破解", "。", "2", "、", "由于", "用户", "的", "行为", "是", "不可", "预知", "的", ",", "这", "会", "给", "入侵检测", "带来", "很大", "的", "麻烦", "。", "第", "二", "种", "方式", "的", "问题", "相对", "要", "少", "很多", ",", "并且", "有些", "服务", "(", "如", "HTTP", "、", "SMTP", ")", "本身", "的", "特点", "就是", "“", "存储转发", "”", "型", "的", ",", "很", "适合", "进行", "代理", "。", "在", "双", "宿", "主机", "上", "可以", "运行", "多", "种", "代理服务", "程序", ",", "当", "内网", "要", "访问", "外网", "时", ",", "必须", "先", "通过", "服务器", "认证", ",", "然后", "才", "可以", "通过", "代理服务", "程序", "访问", "外网", "。", "另外", "可以", "把", "包过滤", "路由器", "和", "双", "宿", "网关", "集成", "在一起", "。", "把", "包过滤", "路由器", "放在", "外部", "网络", "和", "一", "个", "屏蔽", "子", "网", "之间", "。", "屏蔽", "子", "网", "用来", "为", "外部", "网络", "用户", "提供", "一些", "特定", "的", "服务", ",", "比如", "WWW", ",", "Gopher", ",", "FTP", "等", "。", "这样一来", "可以", "利用", "包过滤", "路由器", "的", "过滤", "保护", "双", "宿", "网关", "免", "受", "外部", "的", "攻击", ",", "例如", "如果", "禁止", "外部", "访问", "远程登陆", "到", "双", "宿", "网关", ",", "就", "可以", "减少", "外部", "攻击", "的", "危险", "。", "这种", "防火墙", "拒绝", "所有", "的", "网络服务", ",", "包括", "DNS", "等", ",", "除非", "应用", "网关", "有", "代理", "模块", "的", "网络服务", "可以", "允许", "。", "不", "灵活性", "是", "这种", "防火墙", "技术", "的", "最大", "缺点", "。", "另外", "网关", "主机", "系统", "的", "安全", "是", "双", "宿", "网关", "安全", "的", "关键", "。"], ["致力于", "权威", "的", "科学", "传播"], ["以上", "专家", "来自", "中国", "通信", "学会", "科普", "中国", "百科科学", "词条", "评审专家", "委员会"], ["词条", "统计", "浏览次数", ":", "次", "编辑", "次数", ":", "5", "次", "历史", "版本", "最近更新", ":", "创建", "者", ":", "huang", "69"], ["企业", "信用", "信息"]], "paragraphs": ["双宿主主机编辑 锁定", "它是一个具有两个网络适配器的主机系统,并且主机系统中的寻径功能被禁止,而对外部网络的服务和访问则由网关上的代理服务器提供。它是一种结构非常简单,但安全性很高的防火墙系统,是对双宿主主机防火墙的一个改进。", "1 简介  2 结构  3 工作原理", "双宿主主机(Dual-Homed Host)结构是围绕着至少具有两个网络接口的双宿主主机而构成的。双宿主主机内外的网络均可与双宿主主机实施通信,但内外网络之间不可直接通信,内外部网络之间的IP数据流被双宿主主机完全切断。双宿主主机可以通过代理或让用户直接注册到其上来提供很高程度的网络控制。", "双宿主机结构采用主机替代路由器执行安全控制功能,故类似于包过滤防火墙。双宿主机即一台配有多个网络接口的主机,它可以用来在内部网络和外部网络之间进行寻径。如果在一台双宿主机中寻径功能被禁止了,则这个主机可以隔离与它相连的内部网络和外部网络之间的通信,而与它相连的内部和外部网络都可以执行由它所提供的网络应用,如果这个应用允许的话,它们就可以共享数据。这样就保证内部网络和外部网络的某些节点之间可以通过双宿主机上的共享数据传递信息,但内部网络与外部网络之间却不能传递信息,从而达到保护内部网络的作用。它是外部网络用户进入内部网络的唯一通道,因此双宿主机的安全至关重要,它的用户口令控制安全是一个关键。", "双宿主主机(具有至少两个网络适配器)双宿主机防火墙双宿网关防火墙(Dual-homed Gateway Firewall)的结构。", "如图所示,双宿主主机是指具有两个网络接口的主机。双宿主主机的两个网络接口分别连接内网和外网,内网通常为局域网,外网通常为Internet。内外网络均可与双宿主主机通信,但内外网络之间不可直接通信。双宿主主机是内网和外网之间的屏障,如果入侵者得到了双宿主主机的访问权,内网就会被侵入,为了保障内网的安全,需要在双宿主主机上禁止路由功能,并且设置身份认证机制。", "双宿主机使用两种方式来提供服务,一种是用户直接登录到双宿主机上来提供服务,另一种是在双宿主机上运行代理服务器。", "第一种方式需要在双宿主机上开很多账号,这会带来一些危险:1、用户账号的存在给入侵者提供相对容易的入侵通道,每一个账号通常会有一个可重复使用的密码,这样很容易被入侵者破解。2、由于用户的行为是不可预知的,这会给入侵检测带来很大的麻烦。第二种方式的问题相对要少很多,并且有些服务(如HTTP、SMTP)本身的特点就是“存储转发”型的,很适合进行代理。在双宿主机上可以运行多种代理服务程序,当内网要访问外网时,必须先通过服务器认证,然后才可以通过代理服务程序访问外网。另外可以把包过滤路由器和双宿网关集成在一起。把包过滤路由器放在外部网络和一个屏蔽子网之间。屏蔽子网用来为外部网络用户提供一些特定的服务, 比如WWW,Gopher, FTP等。这样一来可以利用包过滤路由器的过滤保护双宿网关免受外部的攻击,例如如果禁止外部访问远程登陆到双宿网关,就可以减少外部攻击的危险。这种防火墙拒绝所有的网络服务,包括DNS等,除非应用网关有代理模块的网络服务可以允许。不灵活性是这种防火墙技术的最大缺点。另外网关主机系统的安全是双宿网关安全的关键。", "致力于权威的科学传播", "以上专家来自 中国通信学会科普中国百科科学词条评审专家委员会", "词条统计 浏览次数:次 编辑次数:5次历史版本 最近更新: 创建者:huang69", "企业信用信息"], "bs_rank_pos": 2}, {"is_selected": true, "title": "什么是宿主机?宿主机目标机的介绍_百度文库", "most_related_para": 2, "segmented_title": ["什么", "是", "宿", "主机", "?", "宿", "主机", "目标机", "的", "介绍", "_", "百度", "文库"], "segmented_paragraphs": [["什么", "是", "宿", "主机", "?", "宿", "主机", "目标机", "的", "介绍", "_", "计算机硬件", "及", "网络", "_", "IT", "/", "计算机", "_", "专业", "资料", "。", "www", ".", "guojing", ".", "net", "什么", "是", "宿", "主机", "?", "宿", "主机", "目标机", "的", "介绍", "宿", "主机", "是", "什么", "?", "我们", "今天", "为", "大家", "介绍一下", "什么", "是", "宿", "主机", "?", "宿", "主机", "目标机", "的", "介绍", "。", "简单", "来", "说", ",", "专用", "宿", "主机", "(", "Cvm", "Dedicated", "Host"], ["www", ".", "guojing", ".", "net", "什么", "是", "宿", "主机", "?"], ["宿", "主机", "目标机", "的", "介绍", "宿", "主机", "是", "什么", "?", "我们", "今天", "为", "大家", "介绍一下", "什么", "是", "宿", "主机", "?", "宿", "主机", "目标机", "的", "介绍", "。", "简单", "来", "说", ",", "专用", "宿", "主机", "(", "Cvm", "Dedicated", "Host", ")", "可以", "让", "您", "以", "独享", "宿", "主机", "资源", "方式", "购买", "、", "创", "建", "云", "主机", ",", "以", "满足", "您", "的", "资源", "独享", "、", "安全", "、", "合规", "需求", ";", "购买", "专用", "宿", "主机", "后", ",", "您", "可", "在", "其", "上", "灵活", "创", "建", "、", "管理", "多", "种", "自定义", "规格", "的", "独享", "型", "云", "主机", "。"], ["专用", "宿", "主机", "有", "什么", "优势", "?"], ["一", "、", "独享", "资源", "-", "支持", "独享", "宿", "主机", "资源", ",", "供", "您", "自主", "规划", ",", "避免", "资源", "竞争", "二", "、", "创建", "灵活", "-", "支持", "指定", "创建", "、", "CVM", "规格", "自定义", "(", "1", ")", "支持", "指定", "单", "台", "、", "多", "台", "宿", "主机", "等", "方式", "创建", "CVM", ";", "(", "2", ")", "CVM", "规格", "无限制", ",", "依据", "宿", "主机", "资源", "自定义", "三", "、", "安全", "-", "隔离度", "高", "提供", "宿", "主机", "粒度", "资源", "隔离", ",", "网络", "、", "内存", "、", "磁盘", "均", "租户", "专用", "四", "、", "合规", "-", "满足", "金融", "行业", "强", "监管", "独享", "宿主", "资源", ",", "满足", "敏感", "业务", "数据", "保护", "、", "磁盘", "消磁", "五", "、", "管理", "监控", "-", "多维度", "提供", "云", "主机", "、", "宿", "主机", "多", "种", "维度", "管理", "、", "监控", "专用", "宿", "主机", "优势", "很多", "啊", ",", "让", "大家", "看看", "现在", "都", "要", "哪些", "客户", "使用", "呢", "?"], ["什么", "是", "宿", "主机", "?", "宿", "主机", "目标", "机", "企业", "主机", "有", "哪些", "?", "这么多", "企业", "都", "使用", "专用", "宿", "主机", ",", "肯定", "有", "选", "择", "的", "理由", ",", "还有什么", "强悍", "的", "功能", "吗", "?", "恩", ",", "必须", "有", "!"], ["www", ".", "guojing", ".", "net", "一", "、", "计算", "(", "1", ")", "多", "地域", "多", "可用", "区", "腾讯", "云", "数据中心", "分布", "在", "全球", "多", "个", "位置", ",", "覆盖", "国内", "华南", "、", "华东", "、", "华北", "三", "个", "地域", "。", "(", "2", ")", "丰富", "的", "机型", "配置", "CDH", "提出", "以下", "机型", ":", "(", "3", ")", "灵活", "创建", "支持", "指定", "单", "台", "、", "多", "台", "专用", "宿", "主机", "(", "CDH", ")", "等", "方式", "创建", "独享", "型", "云", "主机", "(", "CVM", ")", ",", "CVM", "规格", "无限制", ",", "依据", "宿", "主机", "资源", "自定义", ",", "供", "您", "自主", "、", "高效", "实现", "资源规划", "、", "分配", "。", "(", "4", ")", "灵活", "调整", "配置", "提供", "丰富", "的", "计算", "、", "网络", "和", "磁盘", "的", "选择", "和", "调整", "。", "支持", "在", "当前", "CDH", "上", "独享", "型", "CVM", "的", "CPU", "、", "内存", "的", "配置", "升级", "、", "降级", ",", "以及", "磁盘", "的", "配置", "升级", "。", "(", "5", ")", "灵活", "的", "计费", "模式", "什么", "是", "宿", "主机", "?", "宿", "主机", "目标", "机", "CDH", "提供", "包年", "包月", "计费", "模式", ",", "购买", "CDH", "后", ",", "您", "可以随时", "免费开通", "/", "销毁", "独享", "型", "CVM", ",", "与", "CVM", "相关", "的", "网络", "支持", "按", "流量", "计费", "的", "弹性", "计费", "模式", ",", "网络", "将", "按", "实", "际", "使用", "量", "付费", "。", "二", "、", "镜像", "(", "1", ")", "丰富", "的", "镜像", "来源", "腾讯", "云", "什么", "是", "宿", "主机", "?", "宿", "主机", "目标", "机", "提供", "以下", "三种", "镜像", ":", "公", "有", "镜像", ":", "由", "腾讯", "云", "官方", "提供", ",", "由", "基础", "操作系统", "和", "腾讯", "提供", "的", "初始化", "组件", "构成", ",", "所有", "用户", "均", "可使用", "。", "服务", "市场", "镜像", ":", "由", "第三方", "服务商", "提供", ",", "经过", "腾讯", "云", "审核", "后", "发布", "到", "服务", "市场", "的", "镜像", ",", "所有", "用户", "均", "可", "使用", "。", "自定义", "镜像", ":", "由", "用户", "通过", "镜像", "制作", "功能", "制作", "的", "镜像", ",", "用户", "制作", "的", "镜像", "只有", "该", "账户", "可以使用", "。", "(", "2", ")", "备份", "服务器", "运行环境", "自定义", "镜像", "可以用来", "备份", "服务器", "的", "系统盘", ",", "数据丢失", "时", ",", "快速", "恢复", "。", "(", "3", ")", "跨地域", "复制", "镜像", "为了", "方便", "能", "利用", "腾讯", "云", "宿", "主机", "是", "什么", "嵌入式", "宿", "主机", "的", "不同", "地理位置", "区域", "的", "优势", "。", "我们", "提供", "将", "自定义", "镜像", "复制", "到", "其他", "腾讯", "云", "地域", "的", "功能", "。", "(", "4", ")", "批量", "部署", "软件", "环境", "通过", "对", "已经", "部署", "好", "环境", "的", "云", "主机", "制作", "镜像", "批量", "创建", "云", "服务器", "以此", "达到", "快速", "批量", "部署", "软件", "环", "境", "。", "三", "、", "网络", "www", ".", "guojing", ".", "net", "(", "1", ")", "免费", "的", "公网", "IP", "和", "内网", "IP", "购买", "大于", "0", "的", "公网", "带宽", "即可", "分配", "给", "您", "免费", "的", "公网", "IP", "资源", "。", "www", ".", "guojing", ".", "net", "(", "4", ")", "漏洞扫描", "提供", "分布式", "扫描", "系统", ",", "当", "发现", "存在", "网站", "漏洞", "时", ",", "会", "通过", "站内信件", "或者", "手机短信", "及时", "通知", "到", "您", "。", "专业", "漏洞", "修复", "指引", ",", "三分钟", "轻松", "修复", "网站", "漏洞", "。", "(", "5", ")", "安全", "组", "安全", "组", "是", "一", "种", "有", "状态", "的", "包过滤", "功能", "的", "虚拟", "防火墙", ",", "它", "用于", "设置", "单", "台", "或", "多", "台", "云", "服务器", "的", "网络", "访", "问", "控制", ",", "是", "一", "种", "重要", "的", "网络安全", "隔离", "手段", "。", "(", "6", ")", "磁盘", "消磁", "支持", "磁盘", "消磁", ",", "以", "满足", "您", "敏感", "业务", "数据", "保护", "、", "磁盘", "消磁", "等", "合规", "需求", "。", "六", "、", "监控", "(", "1", ")", "免费提供", "云", "监控", ",", "并", "支持", "多", "种", "实时", "预警", "(", "2", ")", "多", "维度", "监控", "支持", "专用", "宿", "主机", "(", "CDH", ")", "、", "独享", "型", "云", "主机", "(", "CVM", ")", "多", "维度", "监控", "。", "(", "3", ")", "多", "指标", "监控", "提供", "了", "多", "指标", "监控", ",", "如", "CPU", "利用率", ",", "内存", "利用率", ",", "磁盘", "利用率", "等", "。", "(", "4", ")", "自定义", "告警", "阈值", "支持", "配置", "多", "种", "指标", "的", "告警", "触发", "阈值", ",", "每个", "策略", "可", "关联", "不同", "云", "产品", "。", "自定义", "告警", "接收", "人和", "发送", "渠道", "。"], ["(", "5", ")", "告警", "通道", "服务", "提供", "了", "自定义", "的", "告警", "通道", "服务", "。"], ["(", "6", ")", "健康度", "分析", "对", "云", "资源", "各项", "关键", "指标", "进行", "综合分析", ",", "根据", "指标", "重要", "程度", "给予", "不同", "评分", ",", "计算", "出", "整个", "系统", "健", "康", "分", "。"], ["什么", "是", "宿", "主机", "?", "宿", "主机", "目标机", "的", "了解", "到", "这里", ",", "是不是", "觉得", "很厉害", "哈", ",", "想要", "知道", "此", "产品", "是否", "适合", "您", "公司", "的", "需求", "吗", "?", "直接", "点击", "上方", "我们", "的", "联系方式", "咨询", "哦", "~"]], "paragraphs": ["什么是宿主机?宿主机目标机的介绍_计算机硬件及网络_IT/计算机_专业资料。www.guojing.net 什么是宿主机?宿主机目标机的介绍 宿主机是什么?我们今天为大家介绍一下什么是宿主机?宿主机目标机的介绍。 简单来说,专用宿主机 (Cvm Dedicated Host", "www.guojing.net 什么是宿主机?", "宿主机目标机的介绍 宿主机是什么?我们今天为大家介绍一下什么是宿主机?宿主机目标机的介绍。 简单来说,专用宿主机 (Cvm Dedicated Host )可以让您以独享宿主机资源方式购买、创 建云主机,以满足您的资源独享、安全、合规需求;购买专用宿主机后,您可在其上灵活创 建、管理多种自定义规格的独享型云主机。", "专用宿主机有什么优势?", "一、独享资源-支持 独享宿主机资源,供您自主规划,避免资源竞争 二、创建灵活-支持指定创建、CVM 规格自定义 (1)支持指定单台、多台宿主机等方式创建 CVM; (2)CVM 规格无限制,依据宿主机资源自定义 三、安全-隔离度高 提供宿主机粒度资源隔离,网络、内存、磁盘均租户专用 四、合规-满足金融行业强监管 独享宿主资源,满足敏感业务数据保护、磁盘消磁 五、管理监控-多维度 提供云主机、宿主机多种维度管理、监控 专用宿主机优势很多啊,让大家看看现在都要哪些客户使用呢?", "什么是宿主机?宿主机目标机 企业主机有哪些?这么多企业都使用专用宿主机,肯定有选 择的理由,还有什么强悍的功能吗? 恩,必须有!", "www.guojing.net 一、计算 (1)多地域多可用区腾讯云数据中心分布在全球多个位置,覆盖国内华南、华东、华北三个地域。(2)丰富的机型配置 CDH 提出以下机型: (3)灵活创建支持指定单台、多台专用宿主机(CDH)等方式创建独享型云主机(CVM),CVM 规格无限制, 依据宿主机资源自定义,供您自主、高效实现资源规划、分配。 (4)灵活调整配置提供丰富的计算、网络和磁盘的选择和调整。支持在当前 CDH 上独享型 CVM 的 CPU、内存 的配置升级、降级,以及磁盘的配置升级。 (5)灵活的计费模式 什么是宿主机?宿主机目标机 CDH 提供包年包月计费模式,购买 CDH 后,您可以随时免费开通/销毁独享型 CVM, 与 CVM 相关的网络支持按流量计费的弹性计费模式, 网络将按实 际使用量付费。 二、镜像 (1)丰富的镜像来源 腾讯云什么是宿主机?宿主机目标机提供以下三种镜像: 公有镜像:由腾讯云官方提供,由基础操作系统和腾讯提供的初始化组件构成,所有用户均 可使用。 服务市场镜像:由第三方服务商提供,经过腾讯云审核后发布到服务市场的镜像,所有用户 均可使用。 自定义镜像:由用户通过镜像制作功能制作的镜像,用户制作的镜像只有该账户可以使用。 (2)备份服务器运行环境 自定义镜像可以用来备份服务器的系统盘,数据丢失时,快速恢复。 (3)跨地域复制镜像 为了方便能利用腾讯云宿主机是什么 嵌入式宿主机的不同地理位置区域的优势。我们提供 将自定义镜像复制到其他腾讯云地域的功能。 (4)批量部署软件环境 通过对已经部署好环境的云主机制作镜像批量创建云服务器以此达到快速批量部署软件环 境。 三、网络 www.guojing.net (1)免费的公网 IP 和内网 IP 购买大于 0 的公网带宽即可分配给您免费的公网 IP 资源。 www.guojing.net (4)漏洞扫描 提供分布式扫描系统, 当发现存在网站漏洞时, 会通过站内信件或者手机短信及时通知到您。 专业漏洞修复指引,三分钟轻松修复网站漏洞。 (5)安全组 安全组是一种有状态的包过滤功能的虚拟防火墙, 它用于设置单台或多台云服务器的网络访 问控制, 是一种重要的网络安全隔离手段。 (6)磁盘消磁 支持磁盘消磁,以满足您敏感业务数据保护、磁盘消磁等合规需求。 六、监控 (1)免费提供云监控,并支持多种实时预警 (2)多维度监控 支持专用宿主机(CDH)、独享型云主机(CVM)多维度监控。 (3)多指标监控 提供了多指标监控,如 CPU 利用率,内存利用率,磁盘利用率等。 (4)自定义告警阈值 支持配置多种指标的告警触发阈值, 每个策略可关联不同云产品。 自定义告警接收人和发送 渠道。", "(5)告警通道服务提供了自定义的告警通道服务。", "(6)健康度分析对云资源各项关键指标进行综合分析, 根据指标重要程度给予不同评分, 计算出整个系统健 康分。", "什么是宿主机?宿主机目标机的了解到这里,是不是觉得很厉害哈,想要知道此产品是否 适合您公司的需求吗?直接点击上方我们的联系方式咨询哦~"], "bs_rank_pos": 3}, {"is_selected": false, "title": "宿主机 - 必应 词典", "most_related_para": 2, "segmented_title": ["宿", "主机", "-", "必应", "词典"], "segmented_paragraphs": [["宿", "主机", "(", "host", ")", ":", "CPU", "是", "x86", "体系结构", "的", ",", "系统", "是", "liunx", "。", "目标机", "(", "target", ")", ":", "CPU", "是", "arm", "体系结构", "的", ",", "系统", "是", "linux", "。"], ["Host", "Machine"], ["宿", "主机", "(", "Host", "Machine", ")", ":", "就是", "安装", "虚拟机", "软件", "的", "计算机", ",", "也", "就是", "我们", "所", "使用", "的", "物理", "计算机", "。", "虚拟机", "(", "Virtual", "Machine", ")", ":", "与", "宿", "主机", "相", "对应", "的", "一", ".", ".", "."], ["以", "命令", "行", "形式", "显示", "宿", "主机", "(", "Host", "OS", ")", "上", "正在", "运行", "的", "客户机", "(", "Guest", "OS", ")", "名称", ";", "通过", "命令", "行", "形式", "显示", "指定", "客户机", "(", "Guest", "OS", ")", "的", "工作", "状态", "(", "显示", "…"], ["Host", "nodes", "were", "organized", "in", "P2P", "structure", "and", "resource", "discovery", "was", "achieved", "by", "multicast", "."], ["采用", "P2P", "结构", "组织", "宿", "主机", "节点", ",", "利用", "组播", "实现", "资源", "发现", ";"]], "paragraphs": ["宿主机(host):CPU是x86体系结构的,系统是liunx。目标机(target):CPU是arm体系结构的,系统是linux。", "Host Machine", "宿主机(Host Machine): 就是安装虚拟机软件的计算机,也就是我们所使用的物理计算机。 虚拟机(Virtual Machine): 与宿主机相对应的一...", "以命令行形式显示宿主机(Host OS)上正在运行的客户机(Guest OS)名称; 通过命令行形式显示指定客户机(Guest OS)的工作状态(显示 …", "Host nodes were organized in P2P structure and resource discovery was achieved by multicast.", "采用P2P结构组织宿主机节点,利用组播实现资源发现;"], "bs_rank_pos": 4}], "answer_spans": [[0, 9]], "fake_answers": ["宿主机:指要安装虚拟机软件的计算机"], "question": "宿主机是什么意思", "segmented_answers": [["宿", "主机", ":", "指", "要", "安装", "虚拟机", "软件", "的", "计算机", "。"], ["专用", "宿", "主机", "(", "Cvm", "Dedicated", "Host", ")", "可以", "以", "独享", "宿", "主机", "资源", "方式", "购买", "、", "创建", "云", "主机", ",", "以", "满足", "资源", "独享", "、", "安全", "、", "合规", "需求", ";", "购买", "专用", "宿", "主机", "后", ",", "可", "在", "其", "上", "灵活", "创建", "、", "管理", "多", "种", "自定义", "规格", "的", "独享", "型", "云", "主机", "。"]], "answers": ["宿主机:指要安装虚拟机软件的计算机。", "专用宿主机 (Cvm Dedicated Host )可以以独享宿主机资源方式购买、创建云主机,以满足资源独享、安全、合规需求;购买专用宿主机后,可在其上灵活创建、管理多种自定义规格的独享型云主机。"], "answer_docs": [0], "segmented_question": ["宿", "主机", "是", "什么", "意思"], "question_type": "DESCRIPTION", "question_id": 91195, "fact_or_opinion": "FACT", "match_scores": [0.8571428571428572]}
-{"documents": [{"is_selected": false, "title": "linux系统怎么查看系统内存_百度知道", "most_related_para": 0, "segmented_title": ["linux", "系统", "怎么", "查看", "系统", "内存", "_", "百度", "知道"], "segmented_paragraphs": [["1", "查看", "CPU", "  ", "1", ".", "1", "查看", "CPU", "个", "数", "  ", "#", "cat", "/", "proc", "/", "cpu", "info", "|", "grep", "\"", "physical", "id", "\"", "|", "uniq", "|", "wc", "-", "l", "  ", "2", "  ", "*", "*", "uniq", "命令", ":", "删除", "重复", "行", ";", "wc", "–", "l", "命令", ":", "统计", "行", "数", "*", "*", "  ", "1", ".", "2", "查看", "CPU", "核", "数", "  ", "#", "cat", "/", "proc", "/", "cpu", "info", "|", "grep", "\"", "cpu", "cores", "\"", "|", "uniq", "  ", "cpu", "cores", ":", "4", "  ", "1", ".", "3", "查看", "CPU", "型号", "  ", "#", "cat", "/", "proc", "/", "cpu", "info", "|", "grep", "'", "model", "name", "'", "|", "uniq", "  ", "model", "name", ":", "Intel", "(", "R", ")", "Xeon", "(", "R", ")", "CPU", "E", "5630", "@", "2", ".", "53", "GHz", "  ", "总结", ":", "该", "服务器", "有", "2", "个", "4", "核", "CPU", ",", "型号", "Intel", "(", "R", ")", "Xeon", "(", "R", ")", "CPU", "E", "5630", "@", "2", ".", "53", "GHz", "  ", "2", "查看", "内存", "  ", "2", ".", "1", "查看", "内存", "总数", "  ", "#", "cat", "/", "proc", "/", "meminfo", "|", "grep", "Mem", "Total", "  ", "Mem", "Total", ":", "32941268", "kB", "/", "/", "内存", "32G", "  ", "2", ".", "2", "查看", "内存条", "数", "  ", "本节", "内容", "引", "自", "新浪", "博文", "《", "Linux", "查看", "内存条", "数", "》", "  ", "查看", "原文", ":", "  ", "#", "dmidecode", "|", "grep", "-", "A16", "\"", "Memory", "Device", "$", "\"", "  ", "Memory", "Device", "  ", "Arr"]], "paragraphs": ["1 查看CPU   1.1 查看CPU个数   # cat /proc/cpuinfo | grep \"physical id\" | uniq | wc -l   2   **uniq命令:删除重复行;wc –l命令:统计行数**   1.2 查看CPU核数   # cat /proc/cpuinfo | grep \"cpu cores\" | uniq   cpu cores : 4   1.3 查看CPU型号   # cat /proc/cpuinfo | grep 'model name' |uniq   model name : Intel(R) Xeon(R) CPU E5630 @ 2.53GHz   总结:该服务器有2个4核CPU,型号Intel(R) Xeon(R) CPU E5630 @ 2.53GHz   2 查看内存   2.1 查看内存总数   #cat /proc/meminfo | grep MemTotal   MemTotal: 32941268 kB //内存32G   2.2 查看内存条数   本节内容引自新浪博文《Linux查看内存条数》   查看原文:   # dmidecode |grep -A16 \"Memory Device$\"   Memory Device   Arr"], "bs_rank_pos": 0}, {"is_selected": true, "title": "linux下查看内存的命令_百度知道", "most_related_para": 1, "segmented_title": ["linux", "下", "查看", "内存", "的", "命令", "_", "百度", "知道"], "segmented_paragraphs": [["top", "命令", "能", "显示", "系统", "内存", "。", "目前", "常用", "的", "Linux", "下", "查看", "内容", "的", "专用", "工具", "是", "free", "命令", "。", "下面", "是", "对", "内存", "查看", "free", "命令", "输出", "内容", "的", "解释", ":", "total", ":", "总计", "物理内存", "的", "大小", "。", "used", ":", "已", "使用", "多大", "。", "free", ":", "可用", "有", "多少", "。", "Shared", ":", "多", "个", "进程", "共享", "的", "内存", "总额", "。", "Buffers", "/", "cached", ":", "磁盘", "缓存", "的", "大小", "。"], ["top", "命令", "能", "显示", "系统", "内存", "。", "目前", "常用", "的", "Linux", "下", "查看", "内容", "的", "专用", "工具", "是", "free", "命令", "。", "下面", "是", "对", "内存", "查看", "free", "命令", "输出", "内容", "的", "解释", ":", "total", ":", "总计", "物理内存", "的", "大小", "。", "used", ":", "已", "使用", "多大", "。", "free", ":", "可用", "有", "多少", "。", "Shared", ":", "多", "个", "进程", "共享", "的", "内存", "总额", "。", "Buffers", "/", "cached", ":", "磁盘", "缓存", "的", "大小", "。"], ["各位", "说", "的", "都", "对", ",", "补充", "一", "个", "查看", "更", "详细", "的", "内存", "信息", "的", "命令", "cat", "/", "proc", "/", "meminfo"], ["free", "-", "m", "支持", "2", "楼", "的", "回答", ",", "但是", "别", "忘记", "加上", "-", "m", "参数", ",", "以", "M", "为", "单位", "显示", ",", "不", "然", "显示", "出来", "的", "数字", "太", "大", ",", "会", "看", "晕", "的", "。", "/", "proc", "/", "meminfo", "太", "复杂", ",", "看着", "迷糊", "。", "不", "推荐", "看", "这个", ",", "另外", ",", "貌似", "只有", "Redhat", "系列", "(", "RHEL", "/", "Fedora", "/", "CentOS", "等", ")", "才", "有", "这个文件", "吧", ",", "手上", "没有", "其他", "Linux", ",", "不确定", ",", "但", "我", "印象", "中", "是", "这样", "的", "。", "有没有", "用", "Ubuntu", "或", "其他", "Linux", "的", "朋友", ",", "给", "证实", "一", "下", "。"], ["查看", "内存", ":", "less", "/", "proc", "/", "meminfo", "查看", "cpu", ":", "less", "/", "proc", "/", "cpu", "info"], ["cat", "/", "proc", "/", "meminfo"]], "paragraphs": ["top命令能显示系统内存。 目前常用的Linux下查看内容的专用工具是free命令。 下面是对内存查看free命令输出内容的解释: total:总计物理内存的大小。 used:已使用多大。 free:可用有多少。 Shared:多个进程共享的内存总额。 Buffers/cached:磁盘缓存的大小。", "top命令能显示系统内存。 目前常用的Linux下查看内容的专用工具是free命令。 下面是对内存查看free命令输出内容的解释: total:总计物理内存的大小。 used:已使用多大。 free:可用有多少。 Shared:多个进程共享的内存总额。 Buffers/cached:磁盘缓存的大小。", "各位说的都对, 补充一个查看更详细的内存信息的命令 cat /proc/meminfo", "free -m 支持2楼的回答,但是别忘记加上 -m 参数,以M为单位显示,不然显示出来的数字太大,会看晕的。 /proc/meminfo 太复杂,看着迷糊。不推荐看这个,另外,貌似只有Redhat系列(RHEL/Fedora/CentOS等)才有这个文件吧,手上没有其他Linux,不确定,但我印象中是这样的。有没有用Ubuntu或其他Linux的朋友,给证实一下。", "查看内存: less /proc/meminfo 查看cpu: less /proc/cpuinfo", "cat /proc/meminfo"], "bs_rank_pos": 1}, {"is_selected": false, "title": "在Linux系统下怎么查内存?_百度知道", "most_related_para": 0, "segmented_title": ["在", "Linux", "系统", "下", "怎么", "查", "内存", "?", "_", "百度", "知道"], "segmented_paragraphs": [["可以使用", "“", "free", "”", "命令", "查看", "当前", "内存", "的", "使用", "情况", ",", "其中", "各项", "的", "含义", "如", "下", ",", "total", ":", "总计", "物理内存", "的", "大小", ";", "used", ":", "已", "使用", "的", "内存", "大小", ";", "free", ":", "可用", "的", "内存", "大小", ";", "Shared", ":", "多", "个", "进程", "共享", "的", "内存", "总额", ";", "Buffers", "/", "cached", ":", "磁盘", "缓存", "的", "大小", "。", "第", "二", "行", "(", "mem", ")", "的", "used", "/", "free", "与", "第", "三", "行", "(", "-", "/", "+", "buffers", "/", "cache", ")", "used", "/", "free", "的", "区别", "在于", "是", "从", "不同", "的", "角度", "来看", "内存", "的", "占用", ",", "“", "Mem", "”", "是", "从", "操作系统", "的", "角度", "来看", ",", "对于", "OS", ",", "buffers", "/", "cached", "都是", "属于", "被", "使用", ",", "总共", "使用", "的", "内存", "包含", "内核", "(", "OS", ")", "使用", "+", "Application", "(", "X", ",", "oracle", ",", "etc", ")", "使用", "+", "buffers", "+", "cached", "。", "“", "-", "/", "+", "buffers", "/", "cache", "”", "所", "指", "的", "是", "从", "应用程序", "角度", "来看", ",", "对于", "应用程序", "来", "说", ",", "buffers", "/", "cached", "是", "可用", "的", "内存", ",", "因为", "buffer", "/", "cached", "是", "为了", "提高", "文件", "读取", "的", "性能", ",", "当", "应用程序", "需", "在", "用", "到", "内存", "的", "时候", ",", "buffer", "/", "cached", "会", "很快", "地", "被", "回收", "。"], ["free", "-", "m"], ["版本", "uname", "-", "ar", "内存", "cat", "/", "proc", "/", "meminfo", "cpu", "cat", "/", "proc", "/", "cpu", "info"]], "paragraphs": ["可以使用“free”命令查看当前内存的使用情况, 其中各项的含义如下,total:总计物理内存的大小;used:已使用的内存大小;free:可用的内存大小;Shared:多个进程共享的内存总额;Buffers/cached:磁盘缓存的大小。 第二行(mem)的used/free与第三行(-/+ buffers/cache)used/free的区别在于是从不同的角度来看内存的占用,“Mem”是从操作系统的角度来看,对于OS,buffers/cached都是属于被使用,总共使用的内存包含内核(OS)使用+Application(X,oracle,etc)使用+buffers+cached。“-/+ buffers/cache”所指的是从应用程序角度来看,对于应用程序来说,buffers/cached 是可用的内存,因为buffer/cached是为了提高文件读取的性能,当应用程序需在用到内存的时候,buffer/cached会很快地被回收。", "free -m", "版本 uname -ar 内存 cat /proc/meminfo cpu cat /proc/cpuinfo"], "bs_rank_pos": 2}], "answer_spans": [[0, 6]], "fake_answers": ["top命令能显示系统内存。"], "question": "linux 查看系统内存", "segmented_answers": [["top", "命令", "能", "显示", "系统", "内存", "。"]], "answers": ["top命令能显示系统内存。"], "answer_docs": [1], "segmented_question": ["linux", "查看", "系统", "内存"], "question_type": "DESCRIPTION", "question_id": 91196, "fact_or_opinion": "FACT", "match_scores": [1.0]}
-{"documents": [{"is_selected": true, "title": "Excel中一长串数字怎么只取前几位_百度知道", "most_related_para": 0, "segmented_title": ["Excel", "中", "一", "长", "串", "数字", "怎么", "只", "取", "前", "几", "位", "_", "百度", "知道"], "segmented_paragraphs": [["提取", "数字", "前面", "字符串", "可以使用", "excel", "中", "的", "left", "函数", ",", "它", "的", "语法", "是", "=", "left", "(", "text", ",", "[", "num", "-", "chars", "]", ")", ",", "第", "一", "参数", "是", "需要", "提取", "的", "文本", ",", "第", "二", "参数", "是", "提取", "字符串", "的", "个", "数", ",", "以下", "图", "输入", "函数", "为", "例", ":"], ["=", "left", "(", "a3", ",", "6", ")"]], "paragraphs": ["提取数字前面字符串可以使用excel中的left函数,它的语法是=left(text,[num-chars]),第一参数是需要提取的文本,第二参数是提取字符串的个数,以下图输入函数为例:", "=left(a3,6)"], "bs_rank_pos": 0}, {"is_selected": true, "title": "excel 取前几位文字_百度知道", "most_related_para": 1, "segmented_title": ["excel", "取", "前", "几", "位", "文字", "_", "百度", "知道"], "segmented_paragraphs": [["1", "L", "、", "2L", "的", "分别", "用", "mid", "函数", "和", "left", "函数", "都", "没有问题", "。", "问题", "是", ",", "如果", "用", "left", "函数", ",", "必须", "先", "确认", ",", "字符串", "中", "汉字", "必须", "排", "在", "左边", "第一个", ",", "接下来", "几个", "也", "必须", "是", "汉字", ";", "mid", "函数", "则", "是", "根据", "从", "左边", "第", "某", "个", "字符", "开始", ",", "一共", "取", "几个", "。", "因此", ",", "这个", "同样", "需要", "先", "确定", "汉字", "开始", "位置", "。", "如果", "无法确定", "汉字", "起始", "位置", ",", "但是", "有", "特别", "汉字", "的", "话", ",", "可以", "用", "search", "函数", "结合", "mid", "函数", "来", "处理", "。", "例如", "想", "找出", "以下", "字符串", "中", "城市", "名称", ":", "广东省", "广州市", "海珠区", "=", "MID", "(", "A1", ",", "SEARCH", "(", "\"", "市", "\"", ",", "A1", ",", "1", ")", "-", "2", ",", "3", ")", "这里", "假定", "以上", "字符", "放在", "A1", "单元格", "。", "没有", "一定", "规律", "的", "字符串", "是", "很难", "截取", "的", "…", "…", "因此", ",", "一定要", "给", "出", "一定", "规律", "的", "字符串", ",", "才", "好", "写", "公式", "求解", "。"], ["取", "A1", "单元格", "中", "的", "前", "6", "个", "(", "最", "左边", "6", "个", "连续", "字符", ")", ",", "在", "B1", "中", "输入", ":", "=", "LEFT", "(", "A1", ",", "6", ")"], ["你", "可以", "在", "B1", "输入", "“", "=", "mid", "(", "A1", ",", "1", ",", "5", ")", "”", "意思", "是", ",", "取", "A1", "单元格", "中", "的", "数值", ",", "从", "第", "1", "位", "开始", ",", "共", "取", "5", "位", ",", "依此类推"]], "paragraphs": ["1L、2L的分别用mid函数和left函数都没有问题。 问题是,如果用left函数,必须先确认,字符串中汉字必须排在左边第一个,接下来几个也必须是汉字; mid函数则是根据从左边第某个字符开始,一共取几个。因此,这个同样需要先确定汉字开始位置。如果无法确定汉字起始位置,但是有特别汉字的话,可以用search函数结合mid函数来处理。例如想找出以下字符串中城市名称: 广东省广州市海珠区 =MID(A1,SEARCH(\"市\",A1,1)-2,3) 这里假定以上字符放在A1单元格。 没有一定规律的字符串是很难截取的……因此,一定要给出一定规律的字符串,才好写公式求解。", "取A1单元格中的前6个(最左边6个连续字符), 在B1中输入: =LEFT(A1,6)", "你可以在B1输入“=mid(A1,1,5)” 意思是,取A1单元格中的数值,从第1位开始,共取5位,依此类推"], "bs_rank_pos": 1}, {"is_selected": false, "title": "电子表格中数值取前几位怎么做?_百度知道", "most_related_para": 0, "segmented_title": ["电子表格", "中", "数值", "取", "前", "几", "位", "怎么", "做", "?", "_", "百度", "知道"], "segmented_paragraphs": [["若", "“", "123456", "”", "在", "单元格", "A1", ",", "那么", "函数", "就是", ":", "=", "left", "(", "a1", ",", "2", ")", "=", "mid", "(", "a1", ",", "1", ",", "2", ")", "=", "replace", "(", "a1", ",", "3", ",", "len", "(", "a1", ")", "-", "2", ",", "\"", "\"", ")", "解释", "依次", "如", "下", ":", "从", "左边", "2", "个", "字符", "从", "第", "1", "个", "开始", "取", "2", "个", "字符", "替换", "(", "清空", ")", "掉", "第", "3", "个", "字符", "开始", "到", "结束", "的", "所有", "字符"], ["按", "ALT", "+", "Enter", "键", "就", "可以", "了", "呀", "。", "例", ":", "输入", "完", "12", "后", "按", "ALT", "+", "Enter", "再", "输入", "3456"]], "paragraphs": ["若“123456”在单元格A1,那么函数就是: =left(a1,2) =mid(a1,1,2) =replace(a1,3,len(a1)-2,\"\") 解释依次如下: 从左边2个字符 从第1个开始取2个字符 替换(清空)掉第3个字符开始到结束的所有字符", "按ALT+Enter键就可以了呀。例:输入完12后按 ALT+Enter再输入3456"], "bs_rank_pos": 2}, {"is_selected": false, "title": "excel中如何取前几位,中间几位,后几位_百度知道", "most_related_para": 0, "segmented_title": ["excel", "中", "如何", "取", "前", "几", "位", ",", "中间", "几", "位", ",", "后", "几", "位", "_", "百度", "知道"], "segmented_paragraphs": [["如", ":", "0123456789", ",", "我", "要", "取出", "左边", "4", "个", "数字", ",", "方法如下", ":", "首先", "点击", "B1", "单元格", "(", "这里", "假设", "把", "显示", "结果", "放在", "B1", "单元格", "中", ")", ",", "在", "函数", "栏", "中", "输入", "如", "下", "公式", "即可", ":", "=", "left", "(", "A1", ",", "4", ")", "二", "、", "right", "函数", "用法", ":", "right", "(", "取值", "的", "数值", ",", "取值", "位数", ")", "这里", "依然", "用", "上面", "的", "例子", ",", "假设", "要", "取出", "右边", "4", "个", "数字", ",", "方法如下", ":", "首先", "点击", "B1", "单元格", "(", "这里", "假设", "把", "显示", "结果", "放在", "B1", "单元格", "中", ")", ",", "在", "函数", "栏", "中", "输入", "如", "下", "公式", "即可", ":", "=", "right", "(", "A1", ",", "4", ")", "三", "、", "mid", "函数", "用法", ":", "mid", "(", "取值", "的", "数值", ",", "取", "开始", "位置", "序号", ",", "取值", "位数", ")", "这里", "依然", "用", "上面", "的", "例子", ",", "假设", "要", "取出", "“", "4567", "”", "4", "个", "数字", ",", "方法"]], "paragraphs": ["如:0123456789,我要取出左边4个数字,方法如下: 首先点击B1单元格(这里假设把显示结果放在B1单元格中),在函数栏中输入如下公式即可:=left(A1,4) 二、right函数用法:right(取值的数值,取值位数) 这里依然用上面的例子,假设要取出右边4个数字,方法如下: 首先点击B1单元格(这里假设把显示结果放在B1单元格中),在函数栏中输入如下公式即可:=right(A1,4) 三、mid函数用法:mid(取值的数值,取开始位置序号,取值位数) 这里依然用上面的例子,假设要取出“4567”4 个数字,方法"], "bs_rank_pos": 3}, {"is_selected": false, "title": "EXCEL表格中怎么取前一单元格中的前几个字符_百度知道", "most_related_para": 1, "segmented_title": ["EXCEL", "表格", "中", "怎么", "取", "前", "一", "单元格", "中", "的", "前", "几个", "字符", "_", "百度", "知道"], "segmented_paragraphs": [["有", "以下", "三种方法", ":", "(", "1", ")", "用", "函数", "可以", "办到", ",", "假设", "A1", "对应", "“", "张", "三", ":", "50", "分", "”", ",", "A2", "对应", "“", "李四", ":", "85", "分", "”", ",", "则", "在", "B1", "中", "输入", "=", "left", "(", "A1", ",", "find", "(", "\"", ":", "\"", ",", "A1", ",", "1", ")", "-", "1", ")", "就", "可以", "把", "“", "张", "三", "”", "提取", "出来", ",", "向", "B2", "填充", "公式", ",", "就", "可以", "把", "“", "李四", "”", "提取", "出来", "。", "再", "向", "B", "列", "其它", "格", "填充", "公式", "就", "把", "A", "列", "的", "都", "提取", "出来", "了", "。", "这个", "公式", "的", "含义", "是", ",", "先", "用", "find", "(", "\"", ":", "\"", ",", "A1", ",", "1", ")", "在", "A2", "中", "查找", ":", "所在", "的", "位置", ",", "然后", "用", "left", "(", ")", "从", "A1", "中", "提取", ":", "号", "之前", "的", "数据", "。", "另外", ",", "如果", "A", "列", "用", "的", ":", "是", "半角", "的", "话", "(", ":", "是", "半角", ",", ":", "是", "全角", ",", "不一样", "的", ")", ",", "就", "把", "公式", "中", "的", "\"", ":", "\"", "改", "成", "\"", ":", "\"", ",", "否则", "会", "出错", "。", "(", "2", ")", "分列", "法", ":", "如果", "不用", "函数", "的", "话", ",", "可以使用", "数据", "-", "分列", ",", "先", "选", "“", "分隔符", "”", ",", "再", "选", "“", "其它", "”", ",", "输入", ":", "号", ",", "下一步", "会", "把", "目标", "区域", "改", "成", "C1", ",", "按", "完成", "即", "把", "A", "列", "分成", "两列", ",", "C", "列", "是", "姓名", ",", "D", "列", "是", "分数", "。", "(", "3", ")", "查找", "-", "替换", "法", ":", "还", "可以", "通过", "查找", "替换", ",", "查找", "中", "输入", ":", "*", ",", "替换", "中", "什么", "也", "不", "输", ",", "按", "全部", "替换", "就", "把", ":", "号", "和", "它", "后面", "的", "分数", "去掉", "了", "。"], ["有", "以下", "三种方法", ":", "(", "1", ")", "用", "函数", "可以", "办到", ",", "假设", "A1", "对应", "“", "张", "三", ":", "50", "分", "”", ",", "A2", "对应", "“", "李四", ":", "85", "分", "”", ",", "则", "在", "B1", "中", "输入", "=", "left", "(", "A1", ",", "find", "(", "\"", ":", "\"", ",", "A1", ",", "1", ")", "-", "1", ")", "就", "可以", "把", "“", "张", "三", "”", "提取", "出来", ",", "向", "B2", "填充", "公式", ",", "就", "可以", "把", "“", "李四", "”", "提取", "出来", "。", "再", "向", "B", "列", "其它", "格", "填充", "公式", "就", "把", "A", "列", "的", "都", "提取", "出来", "了", "。", "这个", "公式", "的", "含义", "是", ",", "先", "用", "find", "(", "\"", ":", "\"", ",", "A1", ",", "1", ")", "在", "A2", "中", "查找", ":", "所在", "的", "位置", ",", "然后", "用", "left", "(", ")", "从", "A1", "中", "提取", ":", "号", "之前", "的", "数据", "。", "另外", ",", "如果", "A", "列", "用", "的", ":", "是", "半角", "的", "话", "(", ":", "是", "半角", ",", ":", "是", "全角", ",", "不一样", "的", ")", ",", "就", "把", "公式", "中", "的", "\"", ":", "\"", "改", "成", "\"", ":", "\"", ",", "否则", "会", "出错", "。", "(", "2", ")", "分列", "法", ":", "如果", "不用", "函数", "的", "话", ",", "可以使用", "数据", "-", "分列", ",", "先", "选", "“", "分隔符", "”", ",", "再", "选", "“", "其它", "”", ",", "输入", ":", "号", ",", "下一步", "会", "把", "目标", "区域", "改", "成", "C1", ",", "按", "完成", "即", "把", "A", "列", "分成", "两列", ",", "C", "列", "是", "姓名", ",", "D", "列", "是", "分数", "。", "(", "3", ")", "查找", "-", "替换", "法", ":", "还", "可以", "通过", "查找", "替换", ",", "查找", "中", "输入", ":", "*", ",", "替换", "中", "什么", "也", "不", "输", ",", "按", "全部", "替换", "就", "把", ":", "号", "和", "它", "后面", "的", "分数", "去掉", "了", "。"]], "paragraphs": ["有以下三种方法: (1)用函数可以办到,假设A1对应“张三:50分”,A2对应“李四:85分”,则在B1中输入=left(A1, find(\":\",A1, 1)-1)就可以把“张三”提取出来,向B2填充公式,就可以把“李四”提取出来。再向B列其它格填充公式就把A列的都提取出来了。 这个公式的含义是,先用find(\":\",A1, 1)在A2中查找:所在的位置,然后用left()从A1中提取:号之前的数据。 另外,如果A列用的:是半角的话(:是半角,:是全角,不一样的),就把公式中的\":\"改成\":\",否则会出错。 (2)分列法:如果不用函数的话,可以使用数据-分列,先选“分隔符”,再选“其它”,输入:号,下一步会把目标区域改成C1,按完成即把A列分成两列,C列是姓名,D列是分数。 (3)查找-替换法:还可以通过查找替换,查找中输入:*,替换中什么也不输,按全部替换就把:号和它后面的分数去掉了。", "有以下三种方法: (1)用函数可以办到,假设A1对应“张三:50分”,A2对应“李四:85分”,则在B1中输入=left(A1, find(\":\",A1, 1)-1)就可以把“张三”提取出来,向B2填充公式,就可以把“李四”提取出来。再向B列其它格填充公式就把A列的都提取出来了。 这个公式的含义是,先用find(\":\",A1, 1)在A2中查找:所在的位置,然后用left()从A1中提取:号之前的数据。 另外,如果A列用的:是半角的话(:是半角,:是全角,不一样的),就把公式中的\":\"改成\":\",否则会出错。 (2)分列法:如果不用函数的话,可以使用数据-分列,先选“分隔符”,再选“其它”,输入:号,下一步会把目标区域改成C1,按完成即把A列分成两列,C列是姓名,D列是分数。 (3)查找-替换法:还可以通过查找替换,查找中输入:*,替换中什么也不输,按全部替换就把:号和它后面的分数去掉了。"], "bs_rank_pos": 4}], "answer_spans": [[0, 44]], "fake_answers": ["提取数字前面字符串可以使用excel中的left函数,它的语法是=left(text,[num-chars]),第一参数是需要提取的文本,第二参数是提取字符串的个数"], "question": "excel取前几位", "segmented_answers": [["提取", "数字", "前面", "字符串", "可以使用", "excel", "中", "的", "left", "函数", ",", "它", "的", "语法", "是", "=", "left", "(", "text", ",", "[", "num", "-", "chars", "]", ")", ",", "第", "一", "参数", "是", "需要", "提取", "的", "文本", ",", "第", "二", "参数", "是", "提取", "字符串", "的", "个", "数", "。"], ["取", "A1", "单元格", "中", "的", "前", "6", "个", "(", "最", "左边", "6", "个", "连续", "字符", ")", ",", "在", "B1", "中", "输入", ":", "=", "LEFT", "(", "A1", ",", "6", ")", "。"]], "answers": ["提取数字前面字符串可以使用excel中的left函数,它的语法是=left(text,[num-chars]),第一参数是需要提取的文本,第二参数是提取字符串的个数。", "取A1单元格中的前6个(最左边6个连续字符),在B1中输入:=LEFT(A1,6)。"], "answer_docs": [0], "segmented_question": ["excel", "取", "前", "几", "位"], "question_type": "DESCRIPTION", "question_id": 91197, "fact_or_opinion": "FACT", "match_scores": [0.8571428571428571]}
-{"documents": [{"is_selected": true, "title": "巫师3狼人无限回血怎么杀 狼人打法攻略 18183TV游戏频道", "most_related_para": 4, "segmented_title": ["巫师", "3", "狼人", "无限", "回血", "怎么", "杀", "狼人", "打法", "攻略", "18183", "TV", "游戏频道"], "segmented_paragraphs": [["来源", ":", "www", ".", "18183", ".", "com", "作者", ":", "皮卡", "时间", ":", "2015", "-", "07", "-", "23"], ["小", "编", "在", "玩", "巫师", "3", "的", "时候", ",", "我靠", "我", "被", "他", "个", "傻大个", "狼人", "弄死", "好", "几", "回", ",", "硬是", "打", "不过", ",", "最后", "终于", "在", "想到", "一", "个", "办法", "才", "弄死", "的", ",", "来", "看看", "小", "编", "是", "怎么", "做到", "的", "吧", ",", "希望", "能", "帮助", "到", "大家", "。"], ["小", "编", "在", "玩", "巫师", "3", "的", "时候", ",", "我靠", "我", "被", "他", "个", "傻大个", "狼人", "弄死", "好", "几", "回", ",", "硬是", "打", "不过", ",", "最后", "终于", "在", "想到", "一", "个", "办法", "才", "弄死", "的", ",", "来", "看看", "小", "编", "是", "怎么", "做到", "的", "吧", ",", "希望", "能", "帮助", "到", "大家", "。"], ["狼人", "打法", "技巧", ":"], ["1", "、", "最高", "难度", "。", "引", "到", "洞口", "位置", ",", "他", "会", "朝", "你", "吼叫", ",", "不会", "来", "追", "你", ",", "放", "个", "迷惑", ",", "重击", "两", "到", "三", "下", ",", "第", "三", "下", "可能会", "被", "打", "到", ",", "再", "后退", ",", "被", "退", "太后", ",", "他", "可能会", "跑", "洞", "里", "去", ",", "他", "会", "再", "吼叫", ",", "以此类推", ",", "我", "最高", "难度", "就是", "这么", "打的", ",", "或者", "走位", "不", "太行", "就", "用", "昆恩", "。", "走位", "行", "就", "用", "亚", "登", "打", ";", "2", "、", "放", "闪电", "陷阱", ",", "然后", "用", "火印", "(", "4", "级", ")", "放", "一", "个", "上去", "直接", "就是", "正面", "莽", ",", "顺便", "点", "燕子", "补血", ",", "2", "个", "一起", "基本", "10", "秒", "能干", "他", "四分之一", "血", ",", "不过", "要", "先", "清", "掉", "小狼", ";", "3", "、", "用", "个", "猫眼", ",", "看", "得", "清", ",", "进入", "范围", "放", "阵法", "减缓", "速度", ",", "银剑", "+", "火印", "配合", "打", ",", "阵法", "消失", "后", "拉开距离", "用", "炸弹", ",", "离", "近", "继续", "套", "阵法", ",", "银剑", "+", "火印", ",", "拉", "距离", ",", "炸弹", ",", "前提", "是", "你", "学", "了", "肾上腺素", "可以", "发", "法", "印", "的", "技能", ";", "4", "、", "硬", "砍", "。", "火烧", "它", "会", "硬直", ",", "劈", "三", "四", "下", "后", "滚", ",", "不要", "攻击", "落", "空", ",", "给", "它", "回血", "的", "时间", ",", "不然的话", "你", "可以", "直接", "放弃", "读档", "重来", ",", "你", "给", "它", "伤害", ",", "不", "给", "它", "休息时间", ",", "它", "就", "不", "回血", "了", ",", "被动", "技能", "但", "有限制", ",", "主要", "不要", "跟", "它", "游", "斗", ",", "你", "耗", "不", "起", ",", "有用", "的", "药水", "全", "往", "自己", "扔", "就", "打", ",", "看", "准", "它", "的", "攻击", "(", "大概", "你", "劈", "它", "三", "四", "下", "它", "才", "回", "一", "下", ")", "滚开", "后", "继续", "劈", "。"], ["5", "、", "不需要", "什么", "躲避", ",", "跑到", "洞口", "小狼", "不会", "来", ",", "然后", "用", "火", "+", "平A", ",", "在", "它", "躲闪", "你", "之后", "注意", "它", "的", "攻击", "然后", "闪避", ",", "之后", "就是", "火", "+", "平A", ",", "如果", "它", "跟", "你", "硬拼", "不用管", "继续", "刚", "正面", ",", "打", "到", "将近", "1", "/", "3", "血", "会", "回血", ",", "但是", "狼人", "会", "在", "原地", "嚎叫", "4S", "左右", ",", "抓住机会", "一直", "干", "到", "出", "剧情", ",", "剧情", "结束", "后", ",", "磕", "药", "火", "+", "平A", "带走", ",", "需要", "点", "运气", ",", "我", "的", "难度", "是", "留", "点", "汗", ",", "4", "级", "。"], ["6", "、", "普通", "难度", "。", "这", "任务", "最", "烦人", "的", "就是", "有", "其他", "小狼", "。", "过", "法", "不", "算", "难", "。", "首先", "加点", "先", "优先", "把", "坤", "恩", "法", "印", "升", "到", "3", "级", ",", "就是", "那个", "防御", "法", "印", ",", "这个", "法", "印", "不", "论", "是", "单挑", "还是", "群殴", "都是", "必备", "!", "这样", "敌人", "的", "普", "攻", "能", "防", "两", "下", ",", "重", "攻", "能", "防", "一", "下", "。", "然后", "换", "上", "银剑", "跟", "丫", "对", "肛", "!", "我", "炸弹", ",", "剑", "油", ",", "药水", "都", "没用", ",", "干", "过去", "了", "。", "小", "要点", ",", "在", "洞", "里", "冥想", "到", "黄昏", ",", "然后", "看见", "狼人", "领", "着", "4", "头狼", "像", "你", "杀", "来", ",", "这", "时候", "赶紧", "往", "洞口", "跑", "!", "不", "然", "1V5", "你", "怎么", "都", "打", "不过", "。", "然后", "狼人", "就", "不会", "追", "你", "了", ",", "这", "时候", "在", "他", "背后", "用", "弩", "射", "他", ",", "边", "射", "边", "往前走", "引", "他", "过来", "。", "然后", "就是", "愉快", "的", "对", "刚", "咯", "!"], ["18183", "手游", "网", "发布", "此", "文", "仅", "为", "传递", "信息", ",", "不", "代表", "18183", "认同", "其", "观点", "或", "证实", "其", "描述", "。"], ["都", "说", "男生", "污", "?", "女生宿舍", "这", "聊天", "才叫", "大", "尺度", "!", "大学", "里", "开", "过", "无数", "个", "会", ",", "但", "最喜欢", "的", "还是", "宿", "!", "舍", "!", "卧", "!", "谈", "!", "会", "!", "你", "知道", "在", "女生宿舍", "深夜", "都", "聊", "些", "什么", "吗", "?", "关注", "右侧", "公众", "号", ",", "回复", "“", "女生宿舍", "”", "看", "全文"], ["新", "游", "期待", "榜", "热门", "手游", "榜"], ["门户", "综合", "新闻资讯", "产业", "频道", "手游", "大全", "活动", "频道", "娱乐八卦"], ["iOS", "相关新闻", "游戏", "评测", "游戏", "下载", "iPad", "频道", "iPhone", "频道"], ["Android", "相关新闻", "游戏", "评测", "单机", "下载", "网游", "下载", "Android", "频道"], ["新", "游", "中心", "手游", "礼包", "开", "服", "表", "测试", "表", "日韩", "新", "游", "新", "游", "资讯"], ["游戏频道", "单机游戏", "WP", "游戏", "TV", "游戏", "VR", "游戏", "棋牌游戏"], ["热门专区", "刀塔", "传奇", "梦幻西游", "奇迹", "暖暖", "乱斗", "西游", "更多", "专区"], ["手游", "论坛", "单机", "板块", "新", "游", "综合", "手游", "活动", "手游", "八卦", "进入论坛"]], "paragraphs": ["来源:www.18183.com作者:皮卡时间:2015-07-23", "小编在玩巫师3的时候,我靠我被他个傻大个狼人弄死好几回,硬是打不过,最后终于在想到一个办法才弄死的,来看看小编是怎么做到的吧,希望能帮助到大家。", "小编在玩巫师3的时候,我靠我被他个傻大个狼人弄死好几回,硬是打不过,最后终于在想到一个办法才弄死的,来看看小编是怎么做到的吧,希望能帮助到大家。", "狼人打法技巧:", "1、最高难度。引到洞口位置,他会朝你吼叫,不会来追你,放个迷惑,重击两到三下,第三下可能会被打到,再后退,被退太后,他可能会跑洞里去,他会再吼叫,以此类推,我最高难度就是这么打的,或者走位不太行就用昆恩。走位行就用亚登打;2、 放闪电陷阱,然后用火印(4级)放一个上去直接就是正面莽,顺便点燕子补血,2个一起基本10秒能干他四分之一血,不过要先清掉小狼;3、用个猫眼,看得清,进入范围放阵法减缓速度,银剑+火印配合打,阵法消失后拉开距离用炸弹,离近继续套阵法,银剑+火印,拉距离,炸弹,前提是你学了肾上腺素可以发法印的技能;4、硬砍。火烧它会硬直,劈三四下后滚,不要攻击落空,给它回血的时间,不然的话你可以直接放弃读档重来,你给它伤害,不给它休息时间,它就不回血了,被动技能但有限制,主要不要跟它游斗,你耗不起,有用的药水全往自己扔就打,看准它的攻击(大概你劈它三四下它才回一下)滚开后继续劈。", "5、不需要什么躲避,跑到洞口小狼不会来,然后用火+平A,在它躲闪你之后注意它的攻击然后闪避,之后就是火+平A,如果它跟你硬拼不用管继续刚正面,打到将近1/3血会回血,但是狼人会在原地嚎叫4S左右,抓住机会一直干到出剧情,剧情结束后,磕药火+平A带走,需要点运气,我的难度是留点汗,4级。", "6、普通难度。这任务最烦人的就是有其他小狼。过法不算难。首先加点先优先把坤恩法印升到3级,就是那个防御法印,这个法印不论是单挑还是群殴都是必备!这样敌人的普攻能防两下,重攻能防一下。然后换上银剑跟丫对肛!我炸弹,剑油,药水都没用,干过去了。小要点,在洞里冥想到黄昏,然后看见狼人领着4头狼像你杀来,这时候赶紧往洞口跑!不然1V5你怎么都打不过。然后狼人就不会追你了,这时候在他背后用弩射他,边射边往前走引他过来。然后就是愉快的对刚咯!", "18183手游网发布此文仅为传递信息,不代表18183认同其观点或证实其描述。", "都说男生污?女生宿舍这聊天才叫大尺度! 大学里开过无数个会,但最喜欢的还是宿!舍!卧!谈!会!你知道在女生宿舍深夜都聊些什么吗? 关注右侧公众号,回复“女生宿舍”看全文", "新游期待榜 热门手游榜", "门户综合 新闻资讯 产业频道 手游大全 活动频道 娱乐八卦", "iOS 相关新闻 游戏评测 游戏下载 iPad频道 iPhone频道", "Android 相关新闻 游戏评测 单机下载 网游下载 Android频道", "新游中心 手游礼包 开服表 测试表 日韩新游 新游资讯", "游戏频道 单机游戏 WP游戏 TV游戏 VR游戏 棋牌游戏", "热门专区 刀塔传奇 梦幻西游 奇迹暖暖 乱斗西游 更多专区", "手游论坛 单机板块 新游综合 手游活动 手游八卦 进入论坛"], "bs_rank_pos": 0}, {"is_selected": true, "title": "打狼人任务怎么过BOSS无限回血 - 《巫师3:狂猎》 - 3DMGAME论坛 - ", "most_related_para": 6, "segmented_title": ["打", "狼人", "任务", "怎么过", "BOSS", "无限", "回血", "-", "《", "巫师", "3", ":", "狂猎", "》", "-", "3DM", "GAME", "论坛", "-"], "segmented_paragraphs": [["贡献度", "248", "金元", "20783", "积分", "3070", "精华", "0", "注册时间", "2008", "-", "8", "-", "17"], ["要", "学会", "看看", "怪物志"], ["贡献度", "4", "金元", "8859", "积分", "902", "精华", "0", "注册时间", "2011", "-", "9", "-", "29"], ["上", "油", "~", "喝", "药", "~", "级别", "不", "比", "你", "高", "太多", "的", "话", "~", "几", "剑", "切", "死"], ["贡献度", "18", "金元", "3761", "积分", "448", "精华", "0", "注册时间", "2011", "-", "5", "-", "10"], ["喝", "加", "攻击", "的", "药", "用", "火烧", "一", "下", "猛", "砍"], ["用", "毒", "、", "火法", "烧", ",", "可以", "得", "话", "换", "个", "好", "一点", "的", "银剑", ",", "初始", "的", "那", "把", "确实", "难", "打", "。", "我", "点", "出", "了", "炼金术", "里", "那个", "使用", "对应", "的", "油", "时", "攻击", "有", "一定", "几率", "使", "目标", "中毒", "的", "。", "打", "到", "1", "/", "4", "的", "时候", "会", "出", "剧情", ",", "如果", "状况", "不好", "的", "话", "就让", "狼人", "杀人", ",", "然后", "他", "会", "自杀", "的", "。"], ["您", "需要", "登录", "后", "才", "可以", "回帖", "登录", "|", "注册"]], "paragraphs": ["贡献度 248 金元 20783 积分 3070 精华 0 注册时间 2008-8-17", "要学会看看怪物志", "贡献度 4 金元 8859 积分 902 精华 0 注册时间 2011-9-29", "上油~喝药~级别不比你高太多的话~几剑切死", "贡献度 18 金元 3761 积分 448 精华 0 注册时间 2011-5-10", "喝加攻击的药 用火烧一下猛砍", "用毒、火法烧,可以得话换个好一点的银剑,初始的那把确实难打。我点出了炼金术里那个使用对应的油时攻击有一定几率使目标中毒的。打到1/4的时候会出剧情,如果状况不好的话就让狼人杀人,然后他会自杀的。", "您需要登录后才可以回帖 登录 | 注册"], "bs_rank_pos": 1}, {"is_selected": false, "title": "巫师3狼人无限回血怎么杀 狼人打法介绍_当游网", "most_related_para": 5, "segmented_title": ["巫师", "3", "狼人", "无限", "回血", "怎么", "杀", "狼人", "打法", "介绍", "_", "当", "游", "网"], "segmented_paragraphs": [["当前位置", ":", "首页", "→", "游戏攻略", "→", "游戏攻略", "→", "巫师", "3", "狼人", "无限", "回血", "怎么", "杀", "狼人", "打法", "介绍"], ["时间", ":", "2016", "/", "12", "/", "30", "10", ":", "59", ":", "13", "来源", ":", "当", "游", "整理", "作者", ":", "当", "游"], ["巫师", "3", "狼人", "回血", "快", "怎么办", "?", "野性之心", "狼人", "是", "早起", "主线", "任务", "中", "一只", "野外", "BOSS", "。", "小", "编", "今天", "就", "为", "大家", "带来", "狼人", "打法", "介绍", "一起来", "看看", "吧", "。"], ["巫师", "3", "狼人", "回血", "快", "怎么办", "?", "野性之心", "狼人", "是", "早起", "主线", "任务", "中", "一只", "野外", "BOSS", ",", "其实", "不", "打", "也", "不会", "影响", "主线", "剧情", ",", "而且", "狼人", "还会", "光速", "回血", "。", "但是", "有些", "玩家", "还是", "喜欢", "挑战", "一", "下", ",", "小", "编", "今天", "就", "为", "大家", "带来", "狼人", "打法", "介绍", "一起来", "看看", "吧", "。"], ["【", "巫师", "3", "野性之心", "狼人", "打法", "】"], ["1", "、", "正常", "打法", "首先", "将", "洞", "里", "的", "狼", "引", "出来", "清", "光", ",", "去", "和", "狼人", "单挑", ",", "否则", "被", "围攻", "会", "非常", "危险", "。", "打", "狼人", "时", "建议", "采取", "打", "3", "下", "躲闪", "1", "下", "的", "节奏", ",", "不要", "贪刀", ",", "并且", "保持", "身上", "的", "昆恩", "法", "印", "不断", "。", "在", "狼人", "开始", "回血", "时", "立刻", "用", "伊格", "尼", "法", "印", "烧", "它", ",", "如果", "有", "点燃", "效果", "的", "武器", "或者", "是", "流血", "武器", "更好", "。", "如果", "狼人", "出现", "硬直", ",", "直接", "上去", "不断", "连", "砍", "。", "这个", "打法", "的", "好处", "就", "在", "可以", "磨练", "玩家", "的", "操作", ",", "让", "玩家", "更加", "熟悉", "战斗", "节奏", "。", "2", "、", "控", "怪", "打法", "这个", "打法", "被", "称", "之", "为", "“", "我", "的", "回合", "”", ",", "是", "一", "种", "容错", "率", "非常", "高", "的", "打法", "。", "打", "狼人", "之", "前", "一样", "要", "将", "洞", "里", "的", "狼", "引", "出来", "清", "光", ",", "否则", "会", "被", "小狼", "打断", "控制", ",", "无法", "完美", "控", "怪", "。", "前期", "一定", "要点", "出", "亚", "克", "席", "法", "印", "的", "玩偶", "大师", "天赋", ",", "用", "亚", "克", "席", "法", "印", "控制", "狼人", "(", "注意", ",", "需要", "长", "摁", "法", "印", "释放", "键", "才能", "激活", "玩偶", "大师", "天赋", ")", ",", "然后", "上去", "砍", "3", "、", "4", "刀", ",", "后", "跳", ",", "再", "控", "怪", "上去", "砍", ",", "一直", "循环", "。", "这个", "打法", "的", "好处", "就是", "十分", "安全", ",", "容错", "率", "很高", "。", "使用", "玩偶", "大师", "天赋", "加成", "的", "亚", "克", "席", "法", "印", ",", "精力", "槽", "消耗", "仅仅", "为", "一半", ",", "恢复", "也", "很快", ",", "所以", "单挑", "时", "控", "怪", "基本", "是", "无缝", "链接", "的", ",", "这样", "狼人", "就", "只有", "挨打", "的", "份", "了", ",", "就像", "打", "昆特", "牌", "一样", "。"], ["无论", "哪", "种", "打法", "都", "需要", "从", "洞", "里", "引出", "清", "光", ",", "简单", "难度", "下", "有", "了", "清", "光", "站", "着", "都", "能", "撸", "死", "。", "希望", "以上", "攻略", "能够", "帮助", "到", "大家", "。"], ["相关", "游戏"], ["网友评论"], ["热门评论", "最新评论"], ["查看", "所有", "评论", "(", "0", ")", "发布", "评论", "昵称", ":", "表情", ":", "字数", ":", "0", "/", "500", "(", "您", "的", "评论", "需要", "经过", "审核", "才能", "显示", ")"], ["游戏攻略", "推荐", "1", "铁拳", "7", "全", "人物", "连招", "教学", "视频", "大全", "所有", "人物", "2", "大宇", "董事长", "涂俊光", "称", "《", "仙剑", "7", "》", "投资", "超过", "3", "小学生", "占", "比", "不到", "3%", "?", "王者", "荣耀", "用户", "数据", "统", "4", "和风", "恐怖游戏", "《", "祝", "姬", "-", "祀", "-", "》", "将", "延期", "至", "201", "5", "铁拳", "7", "人物", "介绍", "大全", "铁拳", "7", "全部", "人物", "故事", "6", "《", "为", "美好", "的", "世界", "献上", "祝福", "》", "游戏", "首部", "完整", "7", "《", "去", "月球", "》", "宣布", "跳票", "游戏", "最晚", "将", "在", "年底", "8", "掠食", "怪物", "属性", "图鉴", "大全", "掠食", "有", "哪些", "敌人", "9", "逃生", "2", "攻略", "大全", "逃生", "2", "剧情", "解析", "结局", "解说", "10", "掠食", "攻略", "大全", "掠食", "PREY", "怎么", "玩", "教程", "图文"], ["美女图片", "极品", "校花", "文艺", "居", "清纯美女", "的", "一字", "性感车模", "的", "妖娆", "美女", "紧身", "包", "裙", "性"], ["游戏攻略", "排行榜", "1", "饥荒", "营地", "建造", "心得", "如何", "快速", "建造", "营地", "2", "天天", "酷跑", "积分", "抽奖", "技巧", "永久", "人物", "坐骑", "怎", "3", "王者", "荣耀", "师徒关系", "怎么", "解除", "师徒关系", "解", "4", "泰拉瑞亚", "装备", "合成", "表", "图鉴", "5", "DNF", "地下城与勇士", "闪退", "是什么", "原因", "怎么", "解", "6", "我的世界", "怎么", "去", "蘑菇", "岛", "7", "我的世界", "龙蛋", "怎么", "孵化", "、", "用处", "和", "正确", "拿", "法", "8", "荒岛", "求生", "游戏", "物品", "合成", "表", "大全", "9", "GTA5", "PC", "版", "怎么", "购买", "正版", "gta5", "多少", "钱", "10", "龙纹", "三国", "答题", "答案", "一览", "龙纹", "三国", "三国", "通"], ["单机游戏", "排行榜", "周", "月", "总", "1", "5", ".", "5", "死亡", "独轮车", "类型", ":", "动作冒险", "语言", ":", "中文", "大小", ":", "7", ".", "6", "MB", "下载", "2", "7", ".", "4", "战地", "2", "类型", ":", "射击", "游戏", "语言", ":", "中文", "大小", ":", "2.7", "GB", "下载", "3", "7", ".", "2", "我的世界", "类型", ":", "模拟经营", "语言", ":", "中文", "大小", ":", "34", ".", "3", "MB", "下载", "4", "7", ".", "8", "打造", "世界", "类型", ":", "角色扮演", "语言", ":", "中文", "大小", ":", "240", ".", "9", "MB", "下载", "5", "7", ".", "2", "CSOL", "单机版", "神器时代", "9", ".", "0", "类型", ":", "射击", "游戏", "语言", ":", "中文", "大小", ":", "414", ".", "2", "MB", "下载", "6", "8.3", "烛", "火", "地牢", "类型", ":", "动作冒险", "语言", ":", "中文", "大小", ":", "101", ".", "6", "MB", "下载", "7", "6", ".", "7", "泰拉瑞亚", "类型", ":", "休闲益智", "语言", ":", "中文", "大小", ":", "233", ".", "0", "MB", "下载", "8", "7.5", "中国", "卡车", "模拟", "类型", ":", "赛车游戏", "语言", ":", "中文", "大小", ":", "439", ".", "6", "MB", "下载", "9", "4.8", "艾希", "类型", ":", "动作冒险", "语言", ":", "中文", "大小", ":", "1.6", "GB", "下载", "10", "6", ".", "1", "我的世界", "1", ".", "9", "类型", ":", "模拟经营", "语言", ":", "中文", "大小", ":", "158", ".", "9", "MB", "下载", "1", "7.5", "中国", "卡车", "模拟", "类型", ":", "赛车游戏", "语言", ":", "中文", "大小", ":", "439", ".", "6", "MB", "下载", "2", "7", ".", "2", "我的世界", "类型", ":", "模拟经营", "语言", ":", "中文", "大小", ":", "34", ".", "3", "MB", "下载", "3", "7", ".", "4", "战地", "2", "类型", ":", "射击", "游戏", "语言", ":", "中文", "大小", ":", "2.7", "GB", "下载", "4", "6", ".", "7", "泰拉瑞亚", "类型", ":", "休闲益智", "语言", ":", "中文", "大小", ":", "233", ".", "0", "MB", "下载", "5", "7", ".", "6", "造梦", "西游", "3", "本地", "版", "类型", ":", "角色扮演", "语言", ":", "中文", "大小", ":", "2.0", "MB", "下载", "6", "7", ".", "8", "废品", "机械师", "类型", ":", "角色扮演", "语言", ":", "中文", "大小", ":", "297", ".", "8", "MB", "下载", "7", "7", ".", "2", "CSOL", "单机版", "神器时代", "9", ".", "0", "类型", ":", "射击", "游戏", "语言", ":", "中文", "大小", ":", "414", ".", "2", "MB", "下载", "8", "8.5", "去", "月球", "类型", ":", "角色扮演", "语言", ":", "中文", "大小", ":", "76", ".", "2", "MB", "下载", "9", "6", ".", "1"]], "paragraphs": ["当前位置:首页 → 游戏攻略→ 游戏攻略→ 巫师3狼人无限回血怎么杀 狼人打法介绍", "时间:2016/12/30 10:59:13来源:当游整理作者:当游", "巫师3狼人回血快怎么办?野性之心狼人是早起主线任务中一只野外BOSS。小编今天就为大家带来狼人打法介绍一起来看看吧。", "巫师3狼人回血快怎么办?野性之心狼人是早起主线任务中一只野外BOSS,其实不打也不会影响主线剧情,而且狼人还会光速回血。但是有些玩家还是喜欢挑战一下,小编今天就为大家带来狼人打法介绍一起来看看吧。", "【巫师3野性之心狼人打法】", "1、正常打法 首先将洞里的狼引出来清光,去和狼人单挑,否则被围攻会非常危险。 打狼人时建议采取打3下躲闪1下的节奏,不要贪刀,并且保持身上的昆恩法印不断。 在狼人开始回血时立刻用伊格尼法印烧它,如果有点燃效果的武器或者是流血武器更好。如果狼人出现硬直,直接上去不断连砍。 这个打法的好处就在可以磨练玩家的操作,让玩家更加熟悉战斗节奏。 2、控怪打法 这个打法被称之为“我的回合”,是一种容错率非常高的打法。 打狼人之前一样要将洞里的狼引出来清光,否则会被小狼打断控制,无法完美控怪。 前期一定要点出亚克席法印的玩偶大师天赋,用亚克席法印控制狼人(注意,需要长摁法印释放键才能激活玩偶大师天赋),然后上去砍3、4刀,后跳,再控怪上去砍,一直循环。 这个打法的好处就是十分安全,容错率很高。使用玩偶大师天赋加成的亚克席法印,精力槽消耗仅仅为一半,恢复也很快,所以单挑时控怪基本是无缝链接的,这样狼人就只有挨打的份了,就像打昆特牌一样。", "无论哪种打法都需要从洞里引出清光,简单难度下有了清光站着都能撸死。希望以上攻略能够帮助到大家。", "相关游戏", "网友评论", "热门评论 最新评论", "查看所有评论(0)发布评论 昵称:  表情:  字数: 0/500 (您的评论需要经过审核才能显示)", "游戏攻略推荐 1铁拳7全人物连招教学视频大全 所有人物 2大宇董事长涂俊光称《仙剑7》投资超过 3小学生占比不到3%?王者荣耀用户数据统 4和风恐怖游戏《祝姬-祀-》将延期至201 5铁拳7人物介绍大全 铁拳7全部人物故事 6《为美好的世界献上祝福》游戏首部完整 7《去月球》宣布跳票 游戏最晚将在年底 8掠食怪物属性图鉴大全 掠食有哪些敌人 9逃生2攻略大全 逃生2剧情解析结局解说 10掠食攻略大全 掠食PREY怎么玩教程图文", "美女图片  极品校花文艺居 清纯美女的一字 性感车模的妖娆 美女紧身包裙性", "游戏攻略排行榜 1饥荒营地建造心得 如何快速建造营地 2天天酷跑积分抽奖技巧 永久人物坐骑怎 3王者荣耀师徒关系怎么解除 师徒关系解 4泰拉瑞亚装备合成表图鉴 5DNF地下城与勇士闪退是什么原因 怎么解 6我的世界怎么去蘑菇岛 7我的世界龙蛋怎么孵化、用处和正确拿法 8荒岛求生游戏物品合成表大全 9GTA5 PC 版怎么购买 正版gta5多少钱 10龙纹三国答题答案一览 龙纹三国三国通", "单机游戏排行榜  周 月 总 1 5.5死亡独轮车 类型: 动作冒险 语言: 中文 大小: 7.6 MB 下载 2 7.4战地2 类型: 射击游戏 语言: 中文 大小: 2.7 GB 下载 3 7.2我的世界 类型: 模拟经营 语言: 中文 大小: 34.3 MB 下载 4 7.8打造世界 类型: 角色扮演 语言: 中文 大小: 240.9 MB 下载 5 7.2CSOL单机版神器时代9.0 类型: 射击游戏 语言: 中文 大小: 414.2 MB 下载 6 8.3烛火地牢 类型: 动作冒险 语言: 中文 大小: 101.6 MB 下载 7 6.7泰拉瑞亚 类型: 休闲益智 语言: 中文 大小: 233.0 MB 下载 8 7.5中国卡车模拟 类型: 赛车游戏 语言: 中文 大小: 439.6 MB 下载 9 4.8艾希 类型: 动作冒险 语言: 中文 大小: 1.6 GB 下载 10 6.1我的世界1.9 类型: 模拟经营 语言: 中文 大小: 158.9 MB 下载 1 7.5中国卡车模拟 类型: 赛车游戏 语言: 中文 大小: 439.6 MB 下载 2 7.2我的世界 类型: 模拟经营 语言: 中文 大小: 34.3 MB 下载 3 7.4战地2 类型: 射击游戏 语言: 中文 大小: 2.7 GB 下载 4 6.7泰拉瑞亚 类型: 休闲益智 语言: 中文 大小: 233.0 MB 下载 5 7.6造梦西游3本地版 类型: 角色扮演 语言: 中文 大小: 2.0 MB 下载 6 7.8废品机械师 类型: 角色扮演 语言: 中文 大小: 297.8 MB 下载 7 7.2CSOL单机版神器时代9.0 类型: 射击游戏 语言: 中文 大小: 414.2 MB 下载 8 8.5去月球 类型: 角色扮演 语言: 中文 大小: 76.2 MB 下载 9 6.1"], "bs_rank_pos": 2}, {"is_selected": false, "title": "野性之心那个狼人怎么打?尼玛一直回血啊!【巫师3吧】_百度贴吧", "most_related_para": 4, "segmented_title": ["野性之心", "那个", "狼人", "怎么", "打", "?", "尼玛", "一直", "回血", "啊", "!", "【", "巫师", "3", "吧", "】", "_", "百度贴吧"], "segmented_paragraphs": [["我", "肉", "都", "吃", "光", "了", "他", "还是", "满", "血", ",", "我", "都", "7", "级", "了", "啊", ",", "怎么", "还", "打", "不过", "这", "6", "级", "的", "怪", "!"], ["伊格", "尼", ",", "狼人", "吸血", "鬼火", "抗", "全", "是", "负", "的"], ["看", "他", "攻击", "按", "ait", "躲闪", ",", "再", "砍", "他", "3", "刀", ",", "在", "躲", ",", "一直", "打", "就", "死", "了"], ["强行", "撸", "死", "的", ",", "说实话", "我", "在", "洞", "里", "还", "吓", "了", "一", "跳", ",", "一", "激灵", "顺", "手", "砍死", "了"], ["不", "贪", "刀", "黏着", "砍", "有", "油", "抹", "油", "有", "药", "嗑药", "活", "用", "伊", "格", "尼", "我", "是", "6", "级", "砍死", "它", "的"], ["有", "毒蛇", "银剑", "应该", "能", "过", "在", "新手", "村", "码头", "往", "北", "一点", "的", "水下", "有", "图纸"], ["其实", "可以", "嘴炮", "让", "他", "选择", "自杀"], ["50", "以下", "血", "会", "触发", "狼人", "被动", "回血", ",", "给", "他", "挂", "流血", "或者", "放火", "烧"], ["套", "一", "个", "亚克西", ",", "跑", "上去", "第", "一", "下", "重击", ",", "接", "三", "下", "轻击", ",", "后", "翻", ",", "这个时候", "活力", "差不多", "回", "满", "了", ",", "再", "套", "亚克西", ",", "循环往复", ",", "几", "套", "下去", "就", "差不多", "了"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "paragraphs": ["我肉都吃光了他还是满血,我都7级了啊,怎么还打不过这6级的怪!", "伊格尼,狼人吸血鬼火抗全是负的", "看他攻击按ait躲闪,再砍他3刀,在躲,一直打就死了", "强行撸死的,说实话我在洞里还吓了一跳,一激灵顺手砍死了", "不贪刀 黏着砍 有油抹油 有药嗑药 活用伊格尼 我是6级砍死它的", "有毒蛇银剑应该能过 在新手村码头往北一点的水下有图纸", "其实可以嘴炮让他选择自杀", "50以下血会触发狼人被动回血,给他挂流血或者放火烧", "套一个亚克西,跑上去第一下重击,接三下轻击,后翻,这个时候活力差不多回满了,再套亚克西,循环往复,几套下去就差不多了", "下载贴吧APP看高清直播、视频!", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "bs_rank_pos": 3}, {"is_selected": false, "title": "林中夫人有个会回血的狼人打不过啊 - 《巫师3:狂猎》 - 3DMGAME论坛", "most_related_para": 9, "segmented_title": ["林中", "夫人", "有", "个", "会", "回血", "的", "狼人", "打", "不过", "啊", "-", "《", "巫师", "3", ":", "狂猎", "》", "-", "3DM", "GAME", "论坛"], "segmented_paragraphs": [["已经", "死", "了", "几", "遍", "了", "。", "。"], ["贡献度", "121", "金元", "13046", "积分", "1789", "精华", "0", "注册时间", "2011", "-", "6", "-", "25"], ["易", "格", "妮", ",", "法", "印", ","], ["空心术", ",", "要", "不", "然", "死", "得", "惨", "。", "他", "血", "不", "多", "的", "时候", "会", "一直", "躲", "。"], ["贡献度", "114", "金元", "5513", "积分", "1007", "精华", "0", "注册时间", "2012", "-", "3", "-", "8"], ["贡献度", "0", "金元", "640", "积分", "64", "精华", "0", "注册时间", "2014", "-", "2", "-", "18"], ["从", "另一边", "绕过去"], ["贡献度", "5", "金元", "1636", "积分", "184", "精华", "0", "注册时间", "2009", "-", "3", "-", "9"], ["用", "技能", "晕", "它", ",", "晕", "了", "后", "上去", "砍", "3", "刀", "就", "跑", ",", "技能", "好", "了", "又", "去", ".", "只要", "是", "生物", "系", "的", "有", "皮毛", "的", "都", "怕", "火", ",", "但是", "火", "技能", "没", "学", "满", "引燃", "几率", "低", "."], ["简单", ",", "两", "瓶", "猫头鹰", "和", "雷霆", ",", "然后", "亚", "克", "席", "晕", "住", "之后", "闪避", "(", "不是", "翻滚", ")", "到", "正", "后方", "二", "到", "三", "连", "重击", ",", "使用", "猫头鹰", "后", "可以", "重击", "完", "正好", "回", "满", "耐力", "继续", "使用", "亚", "克", "席", ",", "这样", "他", "回血", "就", "回不赢", "你", "了", ",", "这个方法", "安全", "有效", "易", "操作", ",", "直接", "无脑", "连", "到", "死", "。", "另外", "值得", "一", "提", "的", "是", "狼人", "中毒", "后", "就", "不会", "回血", "(", "中毒", "太", "拼", "天赋", "技能", "和", "人品", ")", ",", "而且", "弱", "火", ",", "燃烧", "效果", "有奇效", ",", "不过", "高难度", "不", "推荐", ",", "容易", "出现", "你", "点", "不", "燃", "它", "反而", "被", "它", "抓", "(", "血的教训", ")", "。"], ["贡献度", "11", "金元", "6951", "积分", "739", "精华", "0", "注册时间", "2013", "-", "6", "-", "7"], ["打", "了", "好", "几", "次", "打", "不过", "我", "就", "直接", "从", "旁边", "绕过去", "了"], ["等级", "高点", "再", "去", ",", "等级", "差距", "大", "了", "什么", "燃烧", "下毒", "没", "个", "卵", "用", ",", "狼人", "很快", "就", "恢复正常", "状态", "然后", "噌噌噌", "回血", "。"], ["贡献度", "6", "金元", "7449", "积分", "769", "精华", "0", "注册时间", "2014", "-", "7", "-", "11"], ["有些", "怪", ",", "法", "印", "还是", "必要", "的"], ["贡献度", "602", "金元", "210622", "积分", "23470", "精华", "0", "注册时间", "2009", "-", "2", "-", "18"], ["用", "毒", "剑", "吧", "只要", "等级", "相差", "不", "大都", "吃", "中毒"], ["对", "浪人", "丢了", "2", "发", "舞动", "之", "星", "它", "基本", "就", "残", "了", ",", "然后", "开", "个", "雷霆", "上去", "刚", "正面", "就", "把", "它", "砍死", "了"]], "paragraphs": ["已经死了几遍了。。", "贡献度 121 金元 13046 积分 1789 精华 0 注册时间 2011-6-25", "易格妮,法印,", "空心术,要不然死得惨。 他血不多的时候会一直躲。", "贡献度 114 金元 5513 积分 1007 精华 0 注册时间 2012-3-8", "贡献度 0 金元 640 积分 64 精华 0 注册时间 2014-2-18", "从另一边绕过去", "贡献度 5 金元 1636 积分 184 精华 0 注册时间 2009-3-9", "用技能晕它,晕了后上去砍3刀就跑,技能好了又去.只要是生物系的有皮毛的都怕火,但是火技能没学满引燃几率低.", "简单,两瓶猫头鹰和雷霆,然后亚克席晕住之后闪避(不是翻滚)到正后方二到三连重击,使用猫头鹰后可以重击完正好回满耐力继续使用亚克席,这样他回血就回不赢你了,这个方法安全有效易操作,直接无脑连到死。另外值得一提的是狼人中毒后就不会回血(中毒太拼天赋技能和人品),而且弱火,燃烧效果有奇效,不过高难度不推荐,容易出现你点不燃它反而被它抓(血的教训)。", "贡献度 11 金元 6951 积分 739 精华 0 注册时间 2013-6-7", "打了好几次打不过 我就直接从旁边绕过去了", "等级高点再去,等级差距大了什么燃烧下毒没个卵用,狼人很快就恢复正常状态然后噌噌噌回血。", "贡献度 6 金元 7449 积分 769 精华 0 注册时间 2014-7-11", "有些怪,法印还是必要的", "贡献度 602 金元 210622 积分 23470 精华 0 注册时间 2009-2-18", "用毒剑吧 只要等级相差不大都吃中毒", "对浪人丢了2发舞动之星它基本就残了,然后开个雷霆上去刚正面就把它砍死了"], "bs_rank_pos": 4}], "answer_spans": [[0, 70]], "fake_answers": ["用毒、火法烧,可以得话换个好一点的银剑,初始的那把确实难打。我点出了炼金术里那个使用对应的油时攻击有一定几率使目标中毒的。打到1/4的时候会出剧情,如果状况不好的话就让狼人杀人,然后他会自杀的。"], "question": "巫师3狼人无限回血怎么杀", "segmented_answers": [["1", "、", "最高", "难度", "。", "引", "到", "洞口", "位置", ",", "他", "会", "朝", "你", "吼叫", ",", "不会", "来", "追", "你", ",", "放", "个", "迷惑", ",", "重击", "两", "到", "三", "下", ",", "第", "三", "下", "可能会", "被", "打", "到", ",", "再", "后退", ",", "被", "退", "太后", ",", "他", "可能会", "跑", "洞", "里", "去", ",", "他", "会", "再", "吼叫", ",", "以此类推", ",", "我", "最高", "难度", "就是", "这么", "打的", ",", "或者", "走位", "不", "太行", "就", "用", "昆恩", "。", "走位", "行", "就", "用", "亚", "登", "打", ";", "2", "、", "放", "闪电", "陷阱", ",", "然后", "用", "火印", "(", "4", "级", ")", "放", "一", "个", "上去", "直接", "就是", "正面", "莽", ",", "顺便", "点", "燕子", "补血", ",", "2", "个", "一起", "基本", "10", "秒", "能干", "他", "四分之一", "血", ",", "不过", "要", "先", "清", "掉", "小狼", ";", "3", "、", "用", "个", "猫眼", ",", "看", "得", "清", ",", "进入", "范围", "放", "阵法", "减缓", "速度", ",", "银剑", "+", "火印", "配合", "打", ",", "阵法", "消失", "后", "拉开距离", "用", "炸弹", ",", "离", "近", "继续", "套", "阵法", ",", "银剑", "+", "火印", ",", "拉", "距离", ",", "炸弹", ",", "前提", "是", "你", "学", "了", "肾上腺素", "可以", "发", "法", "印", "的", "技能", ";", "4", "、", "硬", "砍", "。", "火烧", "它", "会", "硬直", ",", "劈", "三", "四", "下", "后", "滚", ",", "不要", "攻击", "落", "空", ",", "给", "它", "回血", "的", "时间", ",", "不然的话", "你", "可以", "直接", "放弃", "读档", "重来", ",", "你", "给", "它", "伤害", ",", "不", "给", "它", "休息时间", ",", "它", "就", "不", "回血", "了", ",", "被动", "技能", "但", "有限制", ",", "主要", "不要", "跟", "它", "游", "斗", ",", "你", "耗", "不", "起", ",", "有用", "的", "药水", "全", "往", "自己", "扔", "就", "打", ",", "看", "准", "它", "的", "攻击", "(", "大概", "你", "劈", "它", "三", "四", "下", "它", "才", "回", "一", "下", ")", "滚开", "后", "继续", "劈", "。"], ["用", "毒", "、", "火法", "烧", ",", "可以", "得", "话", "换", "个", "好", "一点", "的", "银剑", ",", "初始", "的", "那", "把", "确实", "难", "打", "。", "我", "点", "出", "了", "炼金术", "里", "那个", "使用", "对应", "的", "油", "时", "攻击", "有", "一定", "几率", "使", "目标", "中毒", "的", "。", "打", "到", "1", "/", "4", "的", "时候", "会", "出", "剧情", ",", "如果", "状况", "不好", "的", "话", "就让", "狼人", "杀人", ",", "然后", "他", "会", "自杀", "的", "。"], ["首先", "将", "洞", "里", "的", "狼", "引", "出来", "清", "光", ",", "去", "和", "狼人", "单挑", ",", "否则", "被", "围攻", "会", "非常", "危险", "。", "打", "狼人", "时", "建议", "采取", "打", "3", "下", "躲闪", "1", "下", "的", "节奏", ",", "不要", "贪刀", ",", "并且", "保持", "身上", "的", "昆恩", "法", "印", "不断", "。", "在", "狼人", "开始", "回血", "时", "立刻", "用", "伊格", "尼", "法", "印", "烧", "它", ",", "如果", "有", "点燃", "效果", "的", "武器", "或者", "是", "流血", "武器", "更好", "。", "如果", "狼人", "出现", "硬直", ",", "直接", "上去", "不断", "连", "砍", "。", "这个", "打法", "被", "称", "之", "为", "“", "我", "的", "回合", "”", ",", "是", "一", "种", "容错", "率", "非常", "高", "的", "打法", "。", "打", "狼人", "之", "前", "一样", "要", "将", "洞", "里", "的", "狼", "引", "出来", "清", "光", ",", "否则", "会", "被", "小狼", "打断", "控制", ",", "无法", "完美", "控", "怪", "。", "前期", "一定", "要点", "出", "亚", "克", "席", "法", "印", "的", "玩偶", "大师", "天赋", ",", "用", "亚", "克", "席", "法", "印", "控制", "狼人", "(", "注意", ",", "需要", "长", "摁", "法", "印", "释放", "键", "才能", "激活", "玩偶", "大师", "天赋", ")", ",", "然后", "上去", "砍", "3", "、", "4", "刀", ",", "后", "跳", ",", "再", "控", "怪", "上去", "砍", ",", "一直", "循环", "。", "这个", "打法", "的", "好处", "就是", "十分", "安全", ",", "容错", "率", "很高", "。", "使用", "玩偶", "大师", "天赋", "加成", "的", "亚", "克", "席", "法", "印", ",", "精力", "槽", "消耗", "仅仅", "为", "一半", ",", "恢复", "也", "很快", ",", "所以", "单挑", "时", "控", "怪", "基本", "是", "无缝", "链接", "的", ",", "这样", "狼人", "就", "只有", "挨打", "的", "份", "了", ",", "就像", "打", "昆特", "牌", "一样", "。"]], "answers": ["1、最高难度。引到洞口位置,他会朝你吼叫,不会来追你,放个迷惑,重击两到三下,第三下可能会被打到,再后退,被退太后,他可能会跑洞里去,他会再吼叫,以此类推,我最高难度就是这么打的,或者走位不太行就用昆恩。走位行就用亚登打;2、 放闪电陷阱,然后用火印(4级)放一个上去直接就是正面莽,顺便点燕子补血,2个一起基本10秒能干他四分之一血,不过要先清掉小狼;3、用个猫眼,看得清,进入范围放阵法减缓速度,银剑+火印配合打,阵法消失后拉开距离用炸弹,离近继续套阵法,银剑+火印,拉距离,炸弹,前提是你学了肾上腺素可以发法印的技能;4、硬砍。火烧它会硬直,劈三四下后滚,不要攻击落空,给它回血的时间,不然的话你可以直接放弃读档重来,你给它伤害,不给它休息时间,它就不回血了,被动技能但有限制,主要不要跟它游斗,你耗不起,有用的药水全往自己扔就打,看准它的攻击(大概你劈它三四下它才回一下)滚开后继续劈。", "用毒、火法烧,可以得话换个好一点的银剑,初始的那把确实难打。我点出了炼金术里那个使用对应的油时攻击有一定几率使目标中毒的。打到1/4的时候会出剧情,如果状况不好的话就让狼人杀人,然后他会自杀的。", "首先将洞里的狼引出来清光,去和狼人单挑,否则被围攻会非常危险。打狼人时建议采取打3下躲闪1下的节奏,不要贪刀,并且保持身上的昆恩法印不断。在狼人开始回血时立刻用伊格尼法印烧它,如果有点燃效果的武器或者是流血武器更好。如果狼人出现硬直,直接上去不断连砍。这个打法被称之为“我的回合”,是一种容错率非常高的打法。打狼人之前一样要将洞里的狼引出来清光,否则会被小狼打断控制,无法完美控怪。前期一定要点出亚克席法印的玩偶大师天赋,用亚克席法印控制狼人(注意,需要长摁法印释放键才能激活玩偶大师天赋),然后上去砍3、4刀,后跳,再控怪上去砍,一直循环。这个打法的好处就是十分安全,容错率很高。使用玩偶大师天赋加成的亚克席法印,精力槽消耗仅仅为一半,恢复也很快,所以单挑时控怪基本是无缝链接的,这样狼人就只有挨打的份了,就像打昆特牌一样。"], "answer_docs": [1], "segmented_question": ["巫师", "3", "狼人", "无限", "回血", "怎么", "杀"], "question_type": "DESCRIPTION", "question_id": 91198, "fact_or_opinion": "OPINION", "match_scores": [0.9436619718309859]}
-{"documents": [{"is_selected": false, "title": "2017年湖南省公务员考试成绩查询入口(已开通)_中公网校", "most_related_para": 1, "segmented_title": ["2017", "年", "湖南省", "公务员", "考试", "成绩查询", "入口", "(", "已", "开通", ")", "_", "中公", "网校"], "segmented_paragraphs": [["2017", "山东", "公务员", "面试", "1", "对", "6", "小班", "私", "教", "定制", "辅导", "【", "私", "教", "速", "升", "】", "尊享", "定制", "OAO", "协议", "|", "私", "教", "精英", "集训", "OAO", "协议", "|", "高分突破", "视频", "班", "【", "面试", "基础", "】", "面试", "系统", "理论", "|", "面试", "真题", "特训", "|", "结构化面试", "题海", "实训", "|", "热点", "速", "学", "班", "【", "互动", "演练", "】", "\"", "1", "对", "6", "\"", "实战演练", "(", "1", "次", ")", "|", "2", "次", "\"", "1", "对", "6", "\"", "实战演练", "|", "6", "次", "\"", "1", "对", "6", "\"", "实战演练"], ["湖南省", "2017", "年", "考试", "录用", "公务员", "公告", "于", "3", "月", "10", "日", "正式发布", ",", "全省", "共", "计划", "招考公务员", "9671", "名", ",", "其中", "省直", "党政", "群", "机关", "(", "含", "省", "垂直管理", "单位", ")", "806", "名", "、", "市", "县", "乡", "党政", "群", "机关", "6900", "名", "、", "法院", "系统", "779", "名", "、", "检察院", "系统", "50", "3", "名", "、", "公安机关", "58", "3", "名", "、", "从", "“", "大学生", "村官", "”", "等", "服务", "基层", "“", "四", "项目", "”", "人员", "中", "选拔", "选调生", "100", "名", "(", "从", "普通高校", "应届毕业生", "中", "选拔", "选调生", "工作", "另行", "部署", ")", "。", "笔试成绩", "公布", "时间", ":", "5", "月", "下旬", "。"], ["2017", "湖南", "公务员", "笔试", "成绩查询", "入口", "即将开通", ",", "加", "湖南", "公务员", "面试", "群", "(", "632955234", ")", "或", "关注", "微信", "hnzg", "jy", "回复", "“", "面试", "真题", "”", "下载", "历年真题", "。"], ["点击进入", ">", ">", ">", "2017", "年", "湖南", "烟草", "局", "系统", "考试", "笔试", "成绩查询", "入口"], ["(", "责任编辑", ":", "李明", ")"], ["考试", "资讯", "考试题库", "考试", "技巧"]], "paragraphs": ["2017山东公务员面试1对6小班私教 定制辅导 【私教速升】尊享定制OAO协议 | 私教精英集训OAO协议 | 高分突破视频班 【面试基础】面试系统理论 | 面试真题特训 | 结构化面试题海实训 | 热点速学班 【互动演练】\"1对6\"实战演练(1次) | 2次\"1对6\"实战演练 | 6次\"1对6\"实战演练", "湖南省2017年考试录用公务员公告于3月10日正式发布,全省共计划招考公务员9671名,其中省直党政群机关(含省垂直管理单位)806名、市县乡党政群机关6900名、法院系统779名、检察院系统503名、公安机关583名、从“大学生村官”等服务基层“四项目”人员中选拔选调生100名(从普通高校应届毕业生中选拔选调生工作另行部署)。笔试成绩公布时间:5月下旬。", "2017湖南公务员笔试成绩查询入口即将开通,加湖南公务员面试群(632955234)或关注微信 hnzgjy 回复“面试真题”下载历年真题。", "点击进入>>>2017年湖南烟草局系统考试笔试成绩查询入口", "(责任编辑:李明)", "考试资讯 考试题库 考试技巧"], "bs_rank_pos": 0}, {"is_selected": false, "title": "湖南公务员考试成绩查询_2017湖南公务员成绩查询入口_湖南省考成绩", "most_related_para": 3, "segmented_title": ["湖南", "公务员", "考试", "成绩查询", "_", "2017", "湖南", "公务员", "成绩查询", "入口", "_", "湖南省", "考", "成绩"], "segmented_paragraphs": [["1", "2", "3", "4", "共", "4", "页", ",", "到", "第", "页", "确定"], ["2017", "湖南", "公务员考试", "行测", "真", "[", "详情", "]", "主讲", ":"], ["行测", "常识", "判断", "-", "人文", "常识", "行测", "常识", "判断", "-", "科技", "常识", "行测", "常识", "判断", "-", "经济", "常识", "行测", "常识", "判断", "-", "时政", "常识"], ["2017", "湖南", "公务员考试", "申论", "试题", "答题", "要点", "2017", "年", "湖南省", "公务员", "行测", "考题", "答案", "解析", "2017", "年", "湖南省", "公务员", "行测", "考题", "2017", "年", "湖南省", "公务员", "申论", "考题", "2015", "湖南省", "考", "面试", "考题", "(", "更新至", "6", "月", "15", "日", ")", "2014", "年", "5", "月", "19", "日", "湖南", "省", "考", "面试", "考题", "及", "答案", "2015", "湖南", "公务员考试", "行测", "考题", "答案", "解析", "2015", "湖南", "公务员考试", "行测", "考题", "答案", "2015", "湖南", "公务员考试", "行测", "考题", "2015", "湖南省", "公务员考试", "申论", "考题", "(", "来源于"], ["2017", "湖南", "公务员考试", "申论", "解读", ":", "在", "快与慢", "之", "2017", "湖南", "公务员考试", "行测", "解读", ":", "考", "查", "重点", "突", "2017", "年", "湖南省", "公务员考试", "今日", "笔试", "13", "万", "余", "2017", "湖南", "公务员考试", "行测", "冲刺", ":", "实例", "浅析", "片", "2017", "湖南", "公务员考试", "行测", "冲刺", ":", "如何", "全方位", "2017", "湖南省", "考", "申论", "冲刺", "热点", ":", "让", "房屋", "发挥", "其", "2017", "湖南", "公务员考试", "申论", "冲刺", ":", "文章", "写作", "高", "2017", "湖南", "公务员考试", "行测", "冲刺", "备考", ":", "比例", "法", "2017", "湖南省", "考", "申论", "冲刺", "范文", ":", "涵养", "公共", "意识", "巧", "用", "整除", "思想", ",", "助", "你", "2017", "湖南省", "考", "飞升", "“", "上"]], "paragraphs": ["1 2 3 4 共4页,到第 页确定", "2017湖南公务员考试行测真 [详情] 主讲:", "行测常识判断-人文常识 行测常识判断-科技常识 行测常识判断-经济常识 行测常识判断-时政常识", "2017湖南公务员考试申论试题答题要点  2017年湖南省公务员行测考题答案解析  2017年湖南省公务员行测考题  2017年湖南省公务员申论考题  2015湖南省考面试考题 (更新至6月15日)  2014年5月19日湖南省考面试考题 及答案  2015湖南公务员考试行测考题 答案解析  2015湖南公务员考试行测考题 答案  2015湖南公务员考试行测考题  2015湖南省公务员考试申论考题 (来源于", "2017湖南公务员考试申论解读:在快与慢之  2017湖南公务员考试行测解读:考查重点突  2017年湖南省公务员考试今日笔试 13万余  2017湖南公务员考试行测冲刺:实例浅析片  2017湖南公务员考试行测冲刺:如何全方位  2017湖南省考申论冲刺热点:让房屋发挥其  2017湖南公务员考试申论冲刺:文章写作高  2017湖南公务员考试行测冲刺备考:比例法  2017湖南省考申论冲刺范文:涵养公共意识  巧用整除思想,助你2017湖南省考飞升“上"], "bs_rank_pos": 1}, {"is_selected": false, "title": "2017年湖南省公务员考试成绩查询时间_中公网校", "most_related_para": 14, "segmented_title": ["2017", "年", "湖南省", "公务员", "考试", "成绩查询", "时间", "_", "中公", "网校"], "segmented_paragraphs": [["2017", "年", "湖南", "公务员考试", "提升", "攻略", "系统", "备考", "【", "协议", "系列", "】", "国", "/", "省", "考", "全程", "OAO", "协议", "A", "班", "|", "笔", "面试", "全程", "协议", "班", "|", "笔试", "OAO", "协议", "班", "【", "基础", "辅导", "】", "行测", "+", "申论", "全", "科", "专项", "班", "|", "系统", "精讲班", "|", "高频考点", "|", "常识", "频", "判断", "专项", "【", "技巧", "提升", "】", "专项", "题库", "班", "|", "行测", "+", "申论", "题", "海", "点睛", "|", "技巧", "班", "全", "科", "|", "申论", "题库", "专项"], ["2017", "年", "湖南省", "公务员考试", "公告", "于", "3", "月", "10", "日", "发布", ",", "本次", "招录", "9671", "名", ",", "成绩查询", "时间安排", "如下所示", "。"], ["2017", "年", "湖南省", "公务员考试", "具体时间安排", ":"], ["公告", "发布", ":", "2017", "年", "3", "月", "10", "日"], ["提交", "报名", "信息时间", ":", "2017", "年", "3", "月", "22", "日", "9", ":", "00", "至", "3", "月", "28", "日", "17", ":", "000"], ["报名", "确认", "的", "时间", ":", "2017", "年", "4", "月", "1", "日", "9", ":", "00", "至", "4", "月", "5", "日", "17", ":", "00"], ["办理", "减免", "考务", "费用", "手续", "时间", ":", "2017", "年", "4", "月", "5", "日", "9", ":", "00", "-", "17", ":", "00"], ["准考证", "打印", "时间", ":", "2017", "年", "4", "月", "17", "日", "9", ":", "00", "至", "4", "月", "21", "日", "17", ":", "000"], ["行政", "职业", "能力测验", ":", "2017", "年", "4", "月", "22", "日", "9", ":", "00", "-", "11", ":", "00"], ["申论", ":", "2017", "年", "4", "月", "22", "日", "14", ":", "00", "-", "16", ":", "30"], ["法律专业", "知识", "、", "外语", "专业", "知识", ":"], ["2017", "年", "4", "月", "23", "日", "9", ":", "00", "-", "10", ":", "30"], ["招", "警", "专业科目", ":", "2017", "年", "4", "月", "23", "日", "9", ":", "00", "-", "11", ":", "00"], ["公安机关", "特殊", "职位", "专业技能", "测试", ":", "2017", "年", "4", "月", "23", "日", "8", ":", "30"], ["成绩查询", ":", "5", "月", "下旬"], ["面试时间", ":", "另行", "公告"], ["(", "责任编辑", ":", "李明", ")"], ["考试", "资讯", "考试题库", "考试", "技巧"]], "paragraphs": ["2017年湖南公务员考试提升攻略 系统备考 【协议系列】国/省考全程OAO协议A班 | 笔面试全程协议班 | 笔试OAO协议班 【基础辅导】行测+申论全科专项班 | 系统精讲班 | 高频考点 | 常识频判断专项 【技巧提升】专项题库班 | 行测+申论题海点睛 | 技巧班全科 | 申论题库专项", "2017年湖南省公务员考试公告于3月10日发布,本次招录9671名,成绩查询时间安排如下所示。", "2017年湖南省公务员考试具体时间安排:", "公告发布:2017年3月10日", "提交报名信息时间:2017年3月22日9:00至3月28日17:000", "报名确认的时间:2017年4月1日9:00至4月5日17:00", "办理减免考务费用手续时间:2017年4月5日9:00-17:00", "准考证打印时间:2017年4月17日9:00至4月21日17:000", "行政职业能力测验:2017年4月22日9:00-11:00", "申论: 2017年4月22日14:00-16:30", "法律专业知识、外语专业知识:", "2017年4月23日 9:00 -10:30", "招警专业科目: 2017年4月23日 9:00 -11:00", "公安机关特殊职位专业技能测试:2017年4月23日 8:30", "成绩查询:5月下旬", "面试时间:另行公告", "(责任编辑:李明)", "考试资讯 考试题库 考试技巧"], "bs_rank_pos": 3}, {"is_selected": false, "title": "2017湖南省公务员考试成绩查询:预计5月18日公布", "most_related_para": 6, "segmented_title": ["2017", "湖南省", "公务员", "考试", "成绩查询", ":", "预计", "5", "月", "18", "日", "公布"], "segmented_paragraphs": [["2017", "湖南", "公务员考试", "笔试", "成绩查询", "入口", "由", "湖南", "公务员", "考试", "网", "提供", "。", "2017", "年", "湖南", "公务员考试", "笔试", "成绩查询", "入口", "已经开通", "。", "华图", "教育", "更多", "为您", "提供", "2017", "湖南", "公务员", "考试", "成绩查询", "时间", ",", "湖南", "公务员考试", "分数线", "。"], ["2017", "湖南", "公务员", "考试", "成绩查询", "入口", "-", "湖南", "人事", "考试", "网"], ["2017", "湖南", "公务员", "考试", "成绩查询", "入口", "-", "湖南", "人事", "考试", "网", "(", "5", "月", "下旬", "开通", ")"], ["http", ":", "/", "/", "hn", ".", "huatu", ".", "com", "/", "zt", "/", "sk", "cjcx", "/", "【", "手机", "端", "请", "复制", "打开", "】"], ["笔试成绩", "公布", "后", ",", "紧接着", "就是", "面试", "了", ",", "面试", "备考", "周期", "只有", "十", "来", "天", ",", "所以", "同学们", "应该", "提前", "备考", ",", "从容", "应", "考", "。"], ["如何", "在", "省", "公务员", "面试", "中", "发挥", "一", "个", "好", "的", "成绩", ",", "在", "省", "公务员", "考试", "中", "一举成功", ",", "还是", "要", "从", "时间", "上", "抓", "起", ",", "早点", "备考", ",", "才能", "做到", "胸有成竹", ",", "下面", "是", "湖南", "华图", "为", "大家", "整理", "了", "2017", "年", "湖南省", "公务员", "结构化面试", "需要", "注意", "什么", "。"], ["一", "、", "报到", "抽签", "时", "考生", "除非", "已经", "熟悉", "面试", "考场", "所在地", "的", "位置", ",", "并且", "清楚", "了解", "考场", "周围", "的", "交通状况", ",", "否则", "一定要", "在", "考试", "前", "查看", "考场", ",", "并", "查", "清楚", "交通", "情况", "。", "结构化面试", "签到", "是", "严格按照", "规定", "时间", "执行", "的", ",", "曾经", "就", "报道", "过", "有", "的", "考生", "因为", "迟到", "一分钟", "进", "不", "了", "考场", ",", "给", "门", "外", "的", "工作", "人员", "下跪", ",", "但", "最后", "还是", "没", "能", "进入", "考场", "的", "事件", "。", "这", "就", "体现", "出", "了", "公务员", "结构化面试", "面试", "纪律", "的", "严肃", "性", ",", "不", "因", "个人", "意志", "而", "改变", "。", "还要", "提醒", "考生", "的", "一点", "是", ",", "抽签", "前", "上交", "通讯工具", "不要", "心存侥幸", ",", "如果没有", "上交", "一旦", "被发现", "会", "被", "取消", "面试", "资格", ",", "甚至", "会", "按照", "考试", "纪律", "处罚", "几", "年", "内", "不得", "参加", "考试", "。", "二", "、", "候", "考", "时", "一般", "情况", "下", "考生", "分为", "上午", "和", "下午", "两", "批", "入场", "考试", ",", "面试", "考场", "会", "为", "考生", "准备", "饮用水", "。", "甚至", "一些地区", "为", "避免", "考生", "等候", "时间", "过", "长", "体力消耗", "大", ",", "还", "准备", "了", "点心", "、", "零食", "等", "供", "考生", "补充", "体力", "。", "但", "考生", "最好", "还是", "自带", "一些", "适合", "在", "公共", "场合", "充饥", "的", "干粮", "(", "千万", "不可", "带", "瓜子", "之类", "的", "零食", ")", ",", "以", "备", "不时之需", "。", "此时", "如果", "工作", "人员", "允许", ",", "可以", "翻看", "一些", "熟悉", "的", "题目", "、", "资料", ",", "使", "大脑", "保持", "适度", "的", "兴奋", "状态", ",", "也", "可以", "与", "其他", "候", "考", "的", "考生", "聊聊天", "放松", ",", "但", "注意", "千万不要", "去", "打听", "其他人", "的", "复习", "准备", "情况", ",", "也", "别", "主动", "向", "他人", "透露", "自身", "的", "准备", "情况", "。", "否则", ",", "一", "来", "可能", "使", "自己", "在", "对比", "他人", "显得", "准备", "不足", "的", "情况", "下", ",", "徒", "增", "紧张", "和", "消极", "的", "情绪", ",", "二", "来", "可能", "让", "别人", "知道", "了", "你", "的", "复习", "准备", "程度", ",", "聪明", "的", "考", "友", "可能", "因为", "你", "的", "“", "泄密", "”", "而", "调整", "自己", "的", "战略", "以", "应对", "变化", "。", "三", "、", "室外", "等候", "时", "如果", "考生", "被", "引", "考", "员", "带", "到", "小", "候", "考", "室", ",", "或者", "是", "考场", "附近", "的", "走廊", "、", "楼梯间", "等", "地方", "候", "考", "时", ",", "可以", "向", "引", "考", "员", "询问", "考场", "内", "的", "设备", "情况", ",", "比如", "是否", "有", "纸", "和", "笔", ",", "是否", "有", "麦克风", ",", "麦克风", "是否", "需要", "自己动手", "打开", "等", ",", "这些", "小", "细节", "如果", "引", "考", "员", "没有", "得到", "指示", "不允许", "透露", "给", "你", ",", "一般", "是", "会", "告诉", "你", "他", "所", "知道", "的", "情况", "的", "。", "这些", "小", "细节", "看似简单", ",", "但是", "却", "能", "帮助", "你", "进入", "考场", "后", "稳定", "心态", ",", "充分利用", "资源", "为", "自己", "助", "考", "。", "比如", ",", "有", "的", "考生", "在", "考", "场外", "候", "考", "时", "不", "询问", "清楚", "这些", "情况", ",", "进入", "考场", "之后", ",", "不知道", "麦克风", "需要", "自己动手", "打开", ",", "答题", "答", "了", "几", "句", ",", "就", "使劲", "吹", "、", "拍", "麦克风", ",", "甚至", "还", "询问", "主考官", "或者", "考场", "工作", "人员", "麦克风", "是不是", "已经", "打开", "。", "这", "不仅", "扰乱", "了", "自己", "的", "答题", "思路", ",", "也", "使", "庄严", "神圣", "的", "考场", "变得", "滑稽", ",", "甚至", "会", "影响", "到", "一部分", "考官", "对", "你", "的", "第一印象", ",", "实", "属", "不该", "。", "即使", "不", "出现", "以上", "状况", ",", "进场", "之后", "如果", "其他", "考生", "能", "正常", "使用", "麦克风", ",", "而", "你", "没", "使用", ",", "声音", "效果", "可能", "不理想", ",", "可能", "也", "会", "影响", "你", "与", "考官", "的", "交流", "效果", "。", "假如", "能", "在", "考", "场外", "通过", "正当", "的", "询问", "得到", "答案", ",", "那么", "进场", "之后", "就", "可", "避免", "出现", "不利", "的", "状况", "。", "四", "、", "候", "分", "室", "候", "时", "退场", "时", "不能带走", "草稿纸", "、", "笔", "以及", "面试题", "本", "等", "物品", ",", "退场", "后", "跟随", "引", "考", "员", "直接", "到", "候", "分", "室", "等候", "成绩", "。", "一般来讲", ",", "考官", "会", "在", "前", "三", "名", "考生", "答题", "时", "进行", "预", "评分", ",", "待", "三", "名", "考生", "答题", "完毕", "之后", ",", "考官", "可以", "自行", "调整", "自己", "对", "前", "三", "位", "考生", "的", "评分", ",", "正式", "填写", "分数", ",", "此后", "的", "考生", "不再", "进行", "预", "评分", "。", "因此", "前", "三", "位", "考生", "可能", "等待", "时间", "较", "长", "。", "接下来", "工作人员", "会", "发给", "一", "张", "面试通知单", ",", "请", "考生", "签名", "确认", "自己", "的", "面试", "成绩", ",", "拿到", "通知单", "即", "被", "要求", "离开", "考场", "了", "。", "一般来讲", ",", "当天", "或者", "隔天", "就能", "公布", "全部", "参考", "人员", "的", "面试", "成绩", ",", "心急", "想", "提前", "知道", "考试成绩", "的", "考生", ",", "则", "可以", "在", "考场", "外面", "等候", ",", "了解", "其他", "考", "友", "的", "面试", "情况", "。", "要", "郑重", "提醒", "大家", "的", "是", ",", "面试", "时", "需要", "注意", "的", "一些", "小", "细节", "不是", "上", "考场", "之后", "自然而然", "就能", "做到", "的", ",", "需要", "在", "平时", "练习", "的", "时候", "尽可能", "地", "全真模拟", "这些", "场景", ",", "同时", "练习", "下", "一", "节", "我们", "即将", "谈到", "的", "面试", "礼仪", "与", "修养", ",", "让", "这些", "场景", "内", "的", "注意事项", "内化成", "我们", "的", "习惯", ",", "和", "吃饭睡觉", "一样", "的", "稀松平常", "。", "一些", "考生", "认为", "这样", "的", "训练", "不重要", ",", "等", "自己去", "了", "考场", "自然", "就能", "做到", "了", ",", "这个想法", "是", "不可取", "的", "。", "如果", "在", "平时", "没有", "压力", "的", "情况", "下", "你", "会", "常常", "忘", "东", "忘", "西", ",", "面试", "注意事项", "和", "礼仪", "都", "马马虎虎", "就", "过去", "了", ",", "那么", "在", "考场", "上", "紧张", "压力", "的", "状态", "下", "犯错", "的", "可能性", "会", "更大", "。", "如果", "真", "能", "在", "面试", "前", "做", "足", "模拟训练", ",", "到", "考场", "的", "紧张", "程度", "就会", "大大降低", ",", "更", "有利于", "考生", "正常", "甚至", "是", "超常", "发挥", "。"], ["知己知彼", ",", "百战不殆", ",", "早点", "熟识", "2017", "年", "省", "公务员", "结构化面试", "需要", "注意", "什么", ",", "早点", "开始", "进行", "相关", "备考", ",", "然后", "在", "2017", "省", "公务员", "结构化面试", "中", "取得好成绩", "!"], ["本", "文", "仅", "代表", "作者", "观点", ",", "不", "代表", "百度", "立场", "。"], ["本", "文", "系", "作者", "授权", "百家", "号", "发表", ",", "未经许可", ",", "不得转载", "。"], ["还没有人", "评论", ",", "点击", "抢沙发", "~"]], "paragraphs": ["2017湖南公务员考试笔试成绩查询入口由湖南公务员考试网提供。2017年湖南公务员考试笔试成绩查询入口已经开通。华图教育更多为您提供2017湖南公务员考试成绩查询时间,湖南公务员考试分数线。", "2017湖南公务员考试成绩查询入口-湖南人事考试网", "2017湖南公务员考试成绩查询入口-湖南人事考试网(5月下旬开通)", "http://hn.huatu.com/zt/skcjcx/【手机端请复制打开】", "笔试成绩公布后,紧接着就是面试了,面试备考周期只有十来天,所以同学们应该提前备考,从容应考。", "如何在省公务员面试中发挥一个好的成绩,在省公务员考试中一举成功,还是要从时间上抓起,早点备考,才能做到胸有成竹,下面是湖南华图为大家整理了2017年湖南省公务员结构化面试需要注意什么。", "一、报到抽签时 考生除非已经熟悉面试考场所在地的位置,并且清楚了解考场周围的交通状况,否则一定要在考试前查看考场,并查清楚交通情况。结构化面试签到是严格按照规定时间执行的,曾经就报道过有的考生因为迟到一分钟进不了考场,给门外的工作人员下跪,但最后还是没能进入考场的事件。这就体现出了公务员结构化面试面试纪律的严肃性,不因个人意志而改变。还要提醒考生的一点是,抽签前上交通讯工具不要心存侥幸,如果没有上交一旦被发现会被取消面试资格,甚至会按照考试纪律处罚几年内不得参加考试。 二、候考时 一般情况下考生分为上午和下午两批入场考试,面试考场会为考生准备饮用水。甚至一些地区为避免考生等候时间过长体力消耗大,还准备了点心、零食等供考生补充体力。但考生最好还是自带一些适合在公共场合充饥的干粮(千万不可带瓜子之类的零食),以备不时之需。此时如果工作人员允许,可以翻看一些熟悉的题目、资料,使大脑保持适度的兴奋状态,也可以与其他候考的考生聊聊天放松,但注意千万不要去打听其他人的复习准备情况,也别主动向他人透露自身的准备情况。否则,一来可能使自己在对比他人显得准备不足的情况下,徒增紧张和消极的情绪,二来可能让别人知道了你的复习准备程度,聪明的考友可能因为你的“泄密”而调整自己的战略以应对变化。 三、室外等候时 如果考生被引考员带到小候考室,或者是考场附近的走廊、楼梯间等地方候考时,可以向引考员询问考场内的设备情况,比如是否有纸和笔,是否有麦克风,麦克风是否需要自己动手打开等,这些小细节如果引考员没有得到指示不允许透露给你,一般是会告诉你他所知道的情况的。这些小细节看似简单,但是却能帮助你进入考场后稳定心态,充分利用资源为自己助考。比如,有的考生在考场外候考时不询问清楚这些情况,进入考场之后,不知道麦克风需要自己动手打开,答题答了几句,就使劲吹、拍麦克风,甚至还询问主考官或者考场工作人员麦克风是不是已经打开。这不仅扰乱了自己的答题思路,也使庄严神圣的考场变得滑稽,甚至会影响到一部分考官对你的第一印象,实属不该。即使不出现以上状况,进场之后如果其他考生能正常使用麦克风,而你没使用,声音效果可能不理想,可能也会影响你与考官的交流效果。假如能在考场外通过正当的询问得到答案,那么进场之后就可避免出现不利的状况。 四、候分室候时 退场时不能带走草稿纸、笔以及面试题本等物品,退场后跟随引考员直接到候分室等候成绩。一般来讲,考官会在前三名考生答题时进行预评分,待三名考生答题完毕之后,考官可以自行调整自己对前三位考生的评分,正式填写分数,此后的考生不再进行预评分。因此前三位考生可能等待时间较长。接下来工作人员会发给一张面试通知单,请考生签名确认自己的面试成绩,拿到通知单即被要求离开考场了。一般来讲,当天或者隔天就能公布全部参考人员的面试成绩,心急想提前知道考试成绩的考生,则可以在考场外面等候,了解其他考友的面试情况。 要郑重提醒大家的是,面试时需要注意的一些小细节不是上考场之后自然而然就能做到的,需要在平时练习的时候尽可能地全真模拟这些场景,同时练习下一节我们即将谈到的面试礼仪与修养,让这些场景内的注意事项内化成我们的习惯,和吃饭睡觉一样的稀松平常。一些考生认为这样的训练不重要,等自己去了考场自然就能做到了,这个想法是不可取的。如果在平时没有压力的情况下你会常常忘东忘西,面试注意事项和礼仪都马马虎虎就过去了,那么在考场上紧张压力的状态下犯错的可能性会更大。如果真能在面试前做足模拟训练,到考场的紧张程度就会大大降低,更有利于考生正常甚至是超常发挥。", "知己知彼,百战不殆,早点熟识2017年省公务员结构化面试需要注意什么,早点开始进行相关备考,然后在2017省公务员结构化面试中取得好成绩!", "本文仅代表作者观点,不代表百度立场。", "本文系作者授权百家号发表,未经许可,不得转载。", "还没有人评论,点击抢沙发~"], "bs_rank_pos": 4}, {"is_selected": true, "title": "2017年湖南省公务员考试成绩公布时间及网址_公务员_新东方在线", "most_related_para": 3, "segmented_title": ["2017", "年", "湖南省", "公务员", "考试", "成绩", "公布", "时间", "及", "网址", "_", "公务员", "_", "新东方", "在线"], "segmented_paragraphs": [["2017", "年", "湖南省", "公务员", "考试", "成绩", "公布", "时间", "预计", "在", "5", "月", "下旬", ",", "各位", "考生", "可", "登陆", "公务员", "考试", "录用", "官方网站", "查询", "湖南", "省", "考", "笔试成绩", "。"], ["2017", "年", "湖南省", "公务员", "考试", "成绩", "公布", "时间", "及", "网址"], ["笔试成绩", "公布"], ["笔试", "结束", "后", ",", "5", "月", "下旬", "在", "公务员考试", "录用", "官方网站", "公布", "报考", "人员", "笔试成绩", "。"], ["报考", "人员", "应当", "参加", "全部", "规定", "科目", "的", "考试", ",", "成绩", "方", "为", "有效", "。"], ["湖南省", "公务员", "考试", "报名", "服务平台", "可", "通过", "下列", "网址", "进入", ":"], ["资格审查", "和", "体能", "测评"], ["(", "一", ")", "资格", "审查", "1", ".", "资格", "审查", "由", "招录", "机关", "负责", ",", "资格", "审查", "时间", "另行", "公告", "。", "2", ".", "资格", "审查", "对象", "。", "按照", "招考职位", "计划", "1", "∶", "2", "的", "比例", ",", "在", "报考", "该", "职位", "人员", "中", "按", "笔试成绩", "从", "高分", "到", "低", "分", "确定", "资格", "审查", "对象", "。", "网上报名", "前", "已", "通过", "资格", "审查", "的", "人员", ",", "不再", "复审", ",", "按照", "招考职位", "计划", "1", "∶", "2", "的", "比例", ",", "直接进入", "面试", "。", "3", ".", "资格", "审查", "内容", "。", "报考", "人员", "需", "提供", "本人身份证", "、", "准考证", "、", "毕业证", "或", "全日制", "高校", "应届", "毕业生", "就业推荐表", "、", "户口本", "、", "职位要求", "的", "资格", "证书", "等", ",", "有", "工作单位", "的", "报考", "人员", "还", "需", "提供", "所在", "单位", "同意", "报考", "的", "证明", "。", "“", "四", "项目", "”", "人员", "应", "提供", "由", "相关", "主管", "部门", "颁发", "的", "证书", "、", "考核", "鉴定", "意见", "。", "参加", "“", "大学生", "村官", "”", "项目", "的", ",", "要", "提供", "县级以上", "组织", "部门", "出具", "的", "证明", ";", "参加", "“", "三支一扶", "”", "项目", "的", ",", "要", "提供", "省", "“", "三支一扶", "”", "工作", "协调", "管理办公室", "出具", "的", "高校毕业生", "“", "三支一扶", "”", "服务", "证书", "原件", "和", "复印件", ";", "参加", "“", "农村义务教育", "阶段", "学校", "教师", "特", "设", "岗", "位", "计划", "”", "项目", "的", ",", "要", "提供", "省教育厅", "统一", "制作", "的", "“", "特岗", "教师", "”", "服务", "证书", "原件", "和", "复印件", ";", "参加", "“", "大学生", "志愿", "服务", "西部计划", "”", "项目", "的", ",", "要", "提供", "由", "共青团中央", "统一", "制作", "的", "服务证", "、", "省级", "或", "县级", "(", "我", "省", "仅", "醴陵", "、", "炎陵", "、", "花垣", "、", "保靖", "成立", "了", "项目", "办", ")", "大学生", "志愿", "服务", "西部计划", "项目", "办公室", "及", "服务", "单位", "共同", "盖章", "的", "鉴定表", "原件", "和", "复印件", "。", "未", "按", "规定", "要求", "进行", "资格", "审查", "的", "报考", "人员", ",", "视为放弃", "资格", "审查", "。", "提交材料", "主要", "信息", "不", "实", ",", "或", "不符合", "招考", "职位", "条件", "的", ",", "资格", "审查", "不合格", "。", "4", ".", "资格", "审查", "对象", "递补", "。", "因", "报考", "人员", "放弃", "资格审查", "和", "资格", "审查", "不合格", "而", "造成", "招考职位", "拟", "面试", "人数", "达", "不到", "招录", "计划", "1", "∶", "2", "比例", "的", ",", "在", "报考", "该", "职位", "人员", "中", "按", "笔试成绩", "从", "高分", "到", "低", "分", "依次", "递补", "。", "报考", "省", "外事", "侨务办", "、", "省", "友", "协", "办", "的", "人员", ",", "全部", "参加", "以", "口译", "为", "主", "的", "专业", "面试", ",", "不再", "参加", "集中", "面试", "。", "(", "二", ")", "体能", "测评", "1", ".", "人民警察", "、", "乡镇", "人", "武", "专干", "职位", "资格", "审查", "合格", "对象", "在", "面试", "前", "需", "进行", "体能", "测评", "。", "2", ".", "体能", "测评", "由", "招录", "机关", "负责", ",", "省", "、", "市", "州", "公务员", "主管", "部门", "会同", "同级", "纪检监察", "部门", "指导", "监督", "。", "3", ".", "体能", "测评", "项目", "和", "标准", "。", "人民警察", "按照", "《", "关于", "印发", "公安", "机关", "录用", "人民警察", "体能", "测评", "项目", "和", "标准", "(", "暂行", ")", "的", "通知", "》", "(", "人", "社", "部", "发", "〔", "2011", "〕", "48", "号", ")", "执行", "。", "监狱", "、", "戒毒", "单位", "医学类", "人民警察", "按", "《", "湖南省", "监狱", "、", "戒毒", "单位", "医学类", "人民警察", "职位", "体能", "测评", "项目", "和", "标准", "》", "执行", "。", "人", "武", "专干", "按照", "《", "人", "武", "专干", "职位", "体能", "测评", "项目", "和", "标准", "》", "执行", "。", "4", ".", "体能", "测评", "只能", "进行", "一次", "。", "不", "按", "规定", "要求", "进行", "体能", "测评", "的", ",", "视为放弃", "体能", "测评", "。", "5", ".", "体能", "测评", "对象", "递补", "。", "因", "报考", "人员", "放弃", "体能", "测评", "和", "体能", "测评", "不合格", "而", "造成", "招考职位", "拟", "面试", "人数", "达", "不到", "招录", "计划", "1", "∶", "2", "比例", "的", ",", "在", "报考", "该", "职位", "资格", "审查", "合格", "的", "人员", "中", "按", "笔试成绩", "从", "高分", "到", "低", "分", "依次", "递补", "。", "递补", "次数", "不", "超过", "2", "次", "。", "面试", "1", ".", "面试时间", "及", "相关", "规定", "另行", "公告", "。", "2", ".", "面试", "地点", "分别", "设", "在", "省直", "和", "市", "州", "。", "3", ".", "面试", "由", "省", "公务员", "主管", "部门", "组织", ",", "省直", "、", "市", "州", "分级", "实施", "。", "4", ".", "面试", "对象", "为", "资格", "审查", "和", "体能", "测评", "合格", "人员", "。", "招考职位", "面试", "对象", "等于", "或", "少于", "招录", "计划", "数", "的", ",", "相应", "核减", "招录", "计划", "。", "招考职位", "只", "招", "1", "人", "的", ",", "不再", "核减", "招录", "计划", "数", "。", "招考", "职位", "实际", "参加面试", "人数", "没有", "形成", "有效", "竞争", "的", ",", "报考", "人员", "面试", "成绩", "必须", "不", "低于", "当场", "(", "同", "一", "场次", "、", "同", "一", "个", "面试", "考官", "组", "、", "同", "一", "套", "面试题", "本", ")", "形成", "有效", "竞争", "职位", "入围", "体检", "人员", "的", "最低", "面试", "分数", "。", "(", "本", "文", "节选", "自", "“", "2017", "年", "湖南省", "公务员考试", "公告", "”", ",", "具体内容", "以", "最新公告", "为准", ")", "四川", "自贡", "2017", "年", "选调生", "资格", "复审", "|", "面试", "公告", "四川", "内江", "2017", "选调生", "招录", "资格", "复审", "|", "面试", "四川", "泸州", "2017", "选调生", "招录", "资格", "复审", "|", "面试", "重庆", "北碚区", "2017", "年", "选聘", "优秀教师", "简章", "四川", "绵阳", "师范", "学院", "2017", "年", "招聘", "120", "名", "公告", "2017", "上半年", "重庆", "垫江县", "教育", "事业单位", "招聘"], ["版权", "及", "免责声明"], ["1", ",", "\"", "新东方", "在线", "\"", "上", "的", "内容", ",", "包括", "文章", "、", "资料", "、", "资讯", "等", ",", "本", "网", "注明", "\"", "稿件来源", ":", "新东方", "在线", "\"", "的", ",", "其", "版权", "均为", "\"", "新东方", "在线", "\"", "或", "北京", "新东方", "迅", "程", "网络", "科技", "有限公司", "所有", ",", "任何", "公司", "、", "媒体", "、", "网站", "或", "个人", "未经", "授权", "不得转载", "、", "链接", "、", "转贴", "或", "以", "其他", "方式", "使用", "。", "已经", "得到", "\"", "新东方", "在线", "\"", "许可", "的", "媒体", "、", "网站", ",", "在", "使用时", "必须", "注明", "\"", "稿件来源", ":", "新东方", "\"", ",", "违者", "本网站", "将", "依法", "追究责任", "。", "2", ",", "\"", "新东方", "在线", "\"", "未", "注明", "\"", "稿件来源", ":", "新东方", "\"", "的", "文章", "、", "资料", "、", "资讯", "等", "均为", "转载", "稿", ",", "本网站", "转载", "出于", "传递", "更多", "信息", "之", "目的", ",", "并不意味着", "赞同", "其", "观点", "或", "证实", "其", "内容", "的", "真实性", "。", "如", "其他", "媒体", "、", "网站", "或", "个人", "从", "本网站", "下载", "使用", ",", "必须", "保留", "本网站", "注明", "的", "\"", "稿件来源", "\"", ",", "并", "自负", "版权", "等", "法律责任", "。", "如", "擅自篡改", "为", "\"", "稿件来源", ":", "新东方", "\"", ",", "本网站", "将", "依法", "追究", "其", "法律责任", "。", "3", ",", "如", "本", "网", "转载", "稿", "涉及", "版权", "等", "问题", ",", "请", "作者", "见稿", "后", "在", "两", "周", "内", "与", "新东方", "在线", "联系", "。"], ["2017", "山西", "公务员考试", "笔试", "合格", "分数线", "公布", "2017", "甘肃", "公务员", "笔试", "成绩查询", "入口", "开通", "2017", "上半年", "重庆", "荣昌", "区", "事业单位", "招聘", "公告", "重庆市", "璧山", "区", "2017", "教育事业单位", "招聘简章"], ["2017", "公务员考试", "行测", "备考", "定义", "判断", "技巧", "突破", "2017", "省", "考", "行测", "考试", "资料", "分析题", "常用", "统计", "术语", "省", "考", "行测", "考试", "数量", "关系", "复习", "数", "学", "运", "算", "练习题", "2016", "年", "国家公务员考试", "最后", "7", "天", "冲刺", "特训", "2016", "年", "国家公务员考试", "行测", "答题技巧", "2016", "年", "国家公务员考试", "行测", "大纲", "解析"], ["w", "42", "分", "20", "秒", "1", "2016", "年", "国家公务员考试", "行测", "大纲", "解析", "2", "2016", "年", "国家公务员考试", "申论", "大纲", "解析", "3", "2016", "年", "国考", "申论", "概述", "4", "2016", "年", "国考", "申论", "阅读", "重要性", "5", "2016", "年", "国考", "申论", "评分", "规则"]], "paragraphs": ["2017年湖南省公务员考试成绩公布时间预计在5月下旬,各位考生可登陆公务员考试录用官方网站查询湖南省考笔试成绩。", "2017年湖南省公务员考试成绩公布时间及网址", "笔试成绩公布", "笔试结束后,5月下旬在公务员考试录用官方网站公布报考人员笔试成绩。", "报考人员应当参加全部规定科目的考试,成绩方为有效。", "湖南省公务员考试报名服务平台可通过下列网址进入:", "资格审查和体能测评", "(一)资格审查 1.资格审查由招录机关负责,资格审查时间另行公告。 2.资格审查对象。按照招考职位计划1∶2的比例,在报考该职位人员中按笔试成绩从高分到低分确定资格审查对象。网上报名前已通过资格审查的人员,不再复审,按照招考职位计划1∶2的比例,直接进入面试。 3.资格审查内容。报考人员需提供本人身份证、准考证、毕业证或全日制高校应届毕业生就业推荐表、户口本、职位要求的资格证书等,有工作单位的报考人员还需提供所在单位同意报考的证明。 “四项目”人员应提供由相关主管部门颁发的证书、考核鉴定意见。参加“大学生村官”项目的,要提供县级以上组织部门出具的证明;参加“三支一扶”项目的,要提供省“三支一扶”工作协调管理办公室出具的高校毕业生“三支一扶”服务证书原件和复印件;参加“农村义务教育阶段学校教师特设岗位计划”项目的,要提供省教育厅统一制作的“特岗教师”服务证书原件和复印件;参加“大学生志愿服务西部计划”项目的,要提供由共青团中央统一制作的服务证、省级或县级(我省仅醴陵、炎陵、花垣、保靖成立了项目办)大学生志愿服务西部计划项目办公室及服务单位共同盖章的鉴定表原件和复印件。 未按规定要求进行资格审查的报考人员,视为放弃资格审查。提交材料主要信息不实,或不符合招考职位条件的,资格审查不合格。 4.资格审查对象递补。因报考人员放弃资格审查和资格审查不合格而造成招考职位拟面试人数达不到招录计划1∶2比例的,在报考该职位人员中按笔试成绩从高分到低分依次递补。 报考省外事侨务办、省友协办的人员,全部参加以口译为主的专业面试,不再参加集中面试。 (二)体能测评 1.人民警察、乡镇人武专干职位资格审查合格对象在面试前需进行体能测评。 2.体能测评由招录机关负责,省、市州公务员主管部门会同同级纪检监察部门指导监督。 3.体能测评项目和标准。人民警察按照《关于印发公安机关录用人民警察体能测评项目和标准(暂行)的通知》(人社部发〔2011〕48号)执行。监狱、戒毒单位医学类人民警察按《湖南省监狱、戒毒单位医学类人民警察职位体能测评项目和标准》执行。人武专干按照《人武专干职位体能测评项目和标准》执行。 4.体能测评只能进行一次。不按规定要求进行体能测评的,视为放弃体能测评。 5.体能测评对象递补。因报考人员放弃体能测评和体能测评不合格而造成招考职位拟面试人数达不到招录计划1∶2比例的,在报考该职位资格审查合格的人员中按笔试成绩从高分到低分依次递补。递补次数不超过2次。 面试 1.面试时间及相关规定另行公告。 2.面试地点分别设在省直和市州。 3.面试由省公务员主管部门组织,省直、市州分级实施。 4.面试对象为资格审查和体能测评合格人员。 招考职位面试对象等于或少于招录计划数的,相应核减招录计划。招考职位只招1人的,不再核减招录计划数。 招考职位实际参加面试人数没有形成有效竞争的,报考人员面试成绩必须不低于当场(同一场次、同一个面试考官组、同一套面试题本)形成有效竞争职位入围体检人员的最低面试分数。 (本文节选自“2017年湖南省公务员考试公告”,具体内容以最新公告为准) 四川自贡2017年选调生资格复审|面试公告 四川内江2017选调生招录资格复审|面试 四川泸州2017选调生招录资格复审|面试 重庆北碚区2017年选聘优秀教师简章 四川绵阳师范学院2017年招聘120名公告 2017上半年重庆垫江县教育事业单位招聘", "版权及免责声明", "1,\"新东方在线\"上的内容,包括文章、资料、资讯等, 本网注明\"稿件来源:新东方在线\"的,其版权 均为\"新东方在线\"或北京新东方迅程网络科技有限公司所有 ,任何公司、媒体、网站或个人未经授权不得转载、链接、转贴或以其他方式使用。已经得到 \"新东方在线\"许可 的媒体、网站,在使用时必须注明\"稿件来源:新东方\",违者本网站将依法追究责任。  2, \"新东方在线\" 未注明\"稿件来源:新东方\"的 文章、资料、资讯等 均为转载稿,本网站转载出于传递更多信息之目的,并不意味着赞同其观点或证实其内容的真实性。如其他媒体、网站或个人从本网站下载使用,必须保留本网站注明的\"稿件来源\",并自负版权等法律责任。如擅自篡改为 \" 稿件来源:新东方 \" ,本网站将依法追究其法律责任。  3,如本网转载稿涉及版权等问题,请作者见稿后在两周内与新东方在线联系。", "2017山西公务员考试笔试合格分数线公布 2017甘肃公务员笔试成绩查询入口开通 2017上半年重庆荣昌区事业单位招聘公告 重庆市璧山区2017教育事业单位招聘简章", "2017公务员考试行测备考定义判断技巧突破 2017省考行测考试资料分析题常用统计术语 省考行测考试数量关系复习数 学运 算练习题 2016年国家公务员考试最后7天冲刺特训 2016年国家公务员考试行测答题技巧 2016年国家公务员考试行测大纲解析", "w 42分20秒  1 2016年国家公务员考试行测大纲解析  2 2016年国家公务员考试申论大纲解析  3 2016年国考申论概述  4 2016年国考申论阅读重要性  5 2016年国考申论评分规则"], "bs_rank_pos": 5}], "answer_spans": [[4, 15]], "answer_docs": [4], "fake_answers": ["5月下旬在公务员考试录用官方网站公布报考人员笔试成绩。"], "question": "2017年湖南省公务员考试成绩", "segmented_answers": [["5", "月", "下旬", "在", "公务员考试", "录用", "官方网站", "公布", "报考", "人员", "笔试成绩", "。"]], "answers": ["5月下旬在公务员考试录用官方网站公布报考人员笔试成绩。"], "entity_answers": [[]], "segmented_question": ["2017", "年", "湖南省", "公务员", "考试", "成绩"], "question_type": "ENTITY", "question_id": 91199, "fact_or_opinion": "FACT", "match_scores": [1.0]}
-{"documents": [{"is_selected": true, "title": "奇迹MU恶魔血色城堡等级进入表_百度文库", "most_related_para": 1, "segmented_title": ["奇迹MU", "恶魔", "血色", "城堡", "等级", "进入", "表", "_", "百度", "文库"], "segmented_paragraphs": [["奇迹MU", "恶魔", "血色", "城堡", "等级", "进入", "表", "_", "信息", "与", "通信", "_", "工程", "科技", "_", "专业", "资料", "。", "奇迹", "MU", "恶魔", "血色", "城堡", "等级", "进入", "表", "恶魔广场", "入场", "等级", "一般", "角色", "入场", "等级", "(", "圣导师", ",", "魔剑士", "入场", "等级", ")", "1", "广", "场", "15", "~", "130", "(", "10", "~", "110", ")", "2", "广场", "131", "~", "180", "(", "111", "~", "160", ")", "3", "广", "场", "181"], ["奇迹MU", "恶魔", "血色", "城堡", "等级", "进入", "表", "恶魔广场", "入场", "等级", "一般", "角色", "入场", "等级", "(", "圣导师", ",", "魔剑士", "入场", "等级", ")", "1", "广", "场", "15", "~", "130", "(", "10", "~", "110", ")", "2", "广场", "131", "~", "180", "(", "111", "~", "160", ")", "3", "广", "场", "181", "~", "230", "(", "161", "~", "210", ")", "4", "广场", "231", "~", "280", "(", "211", "~", "260", ")", "5", "广", "场", "281", "~", "330", "(", "261", "~", "310", ")", "6", "广场", "331", "以上", "(", "311", "以上", ")", "血色", "城堡", "入场", "等级", "一般", "角色", "入场", "等级", "(", "圣导师", ",", "魔剑士", "入场", "等级", ")", "血", "1", "15", "~", "80", "(", "15", "~", "60", ")", "血", "2", "81", "~", "130", "(", "61", "~", "110", ")", "血", "3", "131", "~", "180", "(", "111", "~", "160", ")", "血", "4", "181", "~", "230", "(", "161", "~", "210", ")", "血", "5", "231", "~", "280", "(", "211", "~", "260", ")", "血", "6", "281", "~", "330", "(", "261", "~", "310", ")", "血", "7", "331", "以上", "(", "311", "以上", ")", "玩游戏", ",", "就", "上", "ABAB", "游戏网", ",", "原文", "地址", "http", ":", "/", "/", "ol", ".", "abab", ".", "com", "/", "gonglue", "/", "3360583", ".", "html"]], "paragraphs": ["奇迹MU恶魔血色城堡等级进入表_信息与通信_工程科技_专业资料。奇迹 MU 恶魔血色城堡等级进入表 恶魔广场入场等级 一般角色入场等级(圣导师, 魔剑士入场等级) 1广 场 15~130(10~110) 2 广场 131~180(111~160) 3广 场 181", "奇迹MU 恶魔血色城堡等级进入表 恶魔广场入场等级 一般角色入场等级(圣导师, 魔剑士入场等级) 1广 场 15~130(10~110) 2 广场 131~180(111~160) 3广 场 181~230(161~210) 4 广场 231~280(211~260) 5广 场 281~330(261~310) 6 广场 331 以上(311 以上)血色城堡入场等级 一般角色入场等级(圣导师, 魔剑士入场等级) 血 1 15~80(15~60) 血 2 81~130(61~110) 血 3 131~180(111~160) 血 4 181~230(161~210) 血 5 231~280(211~260) 血 6 281~330(261~310) 血 7 331 以上(311 以上) 玩游戏,就上 ABAB 游戏网,原文地址 http://ol.abab.com/gonglue/3360583.html"], "bs_rank_pos": 0}, {"is_selected": false, "title": "奇迹里血色城堡限制分多少等级?_百度知道", "most_related_para": 0, "segmented_title": ["奇迹", "里", "血色", "城堡", "限制", "分", "多少", "等级", "?", "_", "百度", "知道"], "segmented_paragraphs": [["我", "以", "游戏", "里", "的", "数据", ",", "以及", "亲身经历", "告诉你", "。", "对于", "战士", ",", "法师", ",", "和", "MM", ":", "血", "1", ":", "15", "~", "80", "血", "2", ":", "81", "~", "130", "血", "3", ":", "131", "~", "180", "血", "4", ":", "181", "~", "230", "血", "5", ":", "231", "~", "280", "血", "6", ":", "281", "~", "330", "血", "7", ":", "331", "~", "400", "而", "对于", "魔剑士", "和", "圣导师", ":", "血", "1", ":", "15", "~", "60", "血", "2", ":", "61", "~", "110", "血", "3", ":", "111", "~", "160", "血", "4", ":", "161", "~", "210", "血", "5", ":", "211", "~", "260", "血", "6", ":", "261", "~", "310", "血", "7", ":", "311", "~", "400", "其实", "不", "需要", "死记硬背", ",", "你", "在", "游戏", "里面", ",", "按", "4", "下", "F1", ",", "里面", "有", "说明", "的", "。", "你可以", "在", "游戏", "里", "面试", "一", "下", "。"]], "paragraphs": ["我以游戏里的数据,以及亲身经历告诉你。 对于战士,法师,和MM: 血1:15~80 血2:81~130 血3:131~180 血4:181~230 血5:231~280 血6:281~330 血7:331~400 而对于魔剑士和圣导师: 血1:15~60 血2:61~110 血3:111~160 血4:161~210 血5:211~260 血6:261~310 血7:311~400 其实不需要死记硬背,你在游戏里面,按4下F1,里面有说明的。你可以在游戏里面试一下。"], "bs_rank_pos": 1}, {"is_selected": true, "title": "MU奇迹里的血色城堡和恶魔广场各是几级进哪层_百度知道", "most_related_para": 0, "segmented_title": ["MU奇迹", "里", "的", "血色", "城堡", "和", "恶魔广场", "各", "是", "几", "级", "进", "哪", "层", "_", "百度", "知道"], "segmented_paragraphs": [["恶魔广场", "入场", "等级", "一般", "角色", "入场", "等级", "(", "圣导师", ",", "魔剑士", "入场", "等级", ")", "1", "广场", "15", "~", "130", "(", "10", "~", "110", ")", "2", "广场", "131", "~", "180", "(", "111", "~", "160", ")", "3", "广场", "180", "~", "230", "(", "161", "~", "210", ")", "4", "广场", "231", "~", "280", "(", "211", "~", "260", ")", "5", "广场", "281", "~", "330", "(", "261", "~", "310", ")", "6", "广场", "331", "以上", "(", "311", "以上", ")", "血色", "城堡", "入场", "等级", "一般", "角色", "入场", "等级", "(", "圣导师", ",", "魔剑士", "入场", "等级", ")", "血", "1", "15", "~", "80", "(", "15", "~", "60", ")", "血", "2", "81", "~", "130", "(", "61", "~", "110", ")", "血", "3", "131", "~", "180", "(", "111", "~", "160", ")", "血", "4", "181", "~", "230", "(", "161", "~", "210", ")", "血", "5", "231", "~", "280", "(", "211", "~", "260", ")", "血", "7", "331", "以上", "(", "311", "以上", ")"]], "paragraphs": ["恶魔广场入场等级 一般角色入场等级(圣导师, 魔剑士入场等级) 1广场 15~130(10~110) 2广场 131~180(111~160) 3广场 180~230(161~210) 4广场 231~280(211~260) 5广场 281~330(261~310) 6广场 331以上(311以上) 血色城堡入场等级 一般角色入场等级(圣导师, 魔剑士入场等级) 血1 15~80(15~60) 血2 81~130(61~110) 血3 131~180(111~160) 血4 181~230(161~210) 血5 231~280(211~260) 血7 331以上(311以上)"], "bs_rank_pos": 2}, {"is_selected": true, "title": "奇迹 血堡进入等级_百度知道", "most_related_para": 37, "segmented_title": ["奇迹", "血", "堡", "进入", "等级", "_", "百度", "知道"], "segmented_paragraphs": [["哪位", "大", "大发", "一", "下", "哪个", "等级", "可以", "进入", "血", "几", "啊", "?"], ["血色", "城堡", "等级", "普通", "角色", "等级", "魔剑", "圣导", "等级"], ["1", "15", "~", "80", "15", "~", "60", "2", "81", "~", "130", "61", "~", "110", "3", "131", "~", "180", "111", "~", "160", "4", "181", "~", "230", "161", "~", "210"], ["5", "231", "~", "280", "211", "~", "260"], ["6", "281", "~", "330", "261", "~", "310"], ["7", "331", "以上", "310", "以上"], ["能", "看", "明白", "吗", "?", "我", "觉得", "奇迹", "的", "装备", "最", "漂亮", "~", "~", "!", "!", "!"], ["奇迹", "血色", "城堡", "详解", ":", "新增", "第", "七", "血色", "城堡", ":"], ["-", "入场", "等级", ":", "331", "~", "400", "(", "一般", "角色", "等级", ")", ",", "311", "~", "400", "(", "魔剑士", "角色", "等级", ")"], ["-", "第", "七", "血色", "城堡", "怪物", "详情", "如", "下", ":", "怪物", "名称", "等级", "生命", "最小", "攻击力", "最大", "攻击力", "防御力", "攻击", "成功率", "防御", "成功率"], ["假面武士", "7", "85", "23000", "340", "390", "340", "520", "190"], ["假面", "弓手", "7", "87", "26000", "390", "430", "380", "590", "200"], ["骷", "灵", "战士", "7", "90", "32000", "430", "480", "400", "660", "230"], ["骷", "灵兽", "7", "93", "37000", "470", "520", "440", "730", "250"], ["骷", "灵", "骑士", "7", "98", "45000", "510", "560", "490", "800", "270"], ["骷", "灵", "巫师", "7", "102", "55000", "560", "600", "550", "870", "310"], ["-", "第", "七", "血色", "城堡", "所需", "的", "血", "灵", "之", "书", "、", "血", "灵", "之", "骷", "掉", "出", "怪物", "等级", ":", "84", "(", "黑炎魔", ")", "以上"], ["-", "第", "七", "血色", "城堡", "披风", "合成", ":", "血", "灵", "之", "书", "(", "+", "7", ")", "+", "血", "灵", "之", "骷", "(", "+", "7", ")", "+", "玛雅", "之", "石", "+", "85", "万", "金"], ["-", "活动", "点数", ":", "A", "(", "1030", ")", "B", "(", "800", ")", "C", "(", "600", ")", "D", "(", "300", ")", "E", "(", "-", "300", ")"], ["A", "=", "完成", "者", "得到", "的", "活动", "点数", "B", "=", "完成", "者", "组队", "成员", "得到", "的", "活动", "点数", "C", "=", "不是", "组队", "成员", ",", "但", "生存", "下来", "的", "玩家", "得到", "的", "活动", "点数", "D", "=", "不是", "组队", "成员", ",", "又", "没有", "生存", "下来", "的", "玩家", "得到", "的", "活动", "点数"], ["E", "=", "失败", "时", "活动", "点数", "减少"], ["1", ".", "任务", "物品", "获得", "方法", "1", ")", "通过", "打", "怪", "可以获得", "[", "血", "灵", "之", "书", "]", ",", "[", "血", "灵", "之", "骷", "]", "2", ")", "[", "血", "灵", "之", "书", "]", "和", "[", "血", "灵", "之", "骷", "]", "为", "材料", ",", "在", "仙踪林", "的", "\"", "玛雅", "哥布林", "\"", "处", "通过", "合成", "可以获得", "[", "透明", "披风", "]", "2", ".", "血色", "城堡", "参加人数限制", "1", ")", "各", "血色", "城堡", "(", "共", "7", "个", ")", "按照", "先后", "顺序", "每次", "最多", "可以", "进入", "15", "名", "角色", "带", "着", "与", "角色", "等级", "相符", "合", "的", "[", "透明", "披风", "]", "去", "找", "\"", "冰风谷", "\"", "的", "NPC", "[", "大天使", "的", "使者", "]", "坐标", ":", "冰风谷", "[", "209", ",", "30", "]", "或", "冰风谷", "[", "219", ",", "9", "]", "2", ")", "角色", "之间", "的", "队伍", "维持", "原先", "状态", "3", ".", "血色", "城堡", "开始时间", "每天", "24", "次", ",", "每小时", "30", "分钟", "开门", "4", ".", "血色", "城堡", "规则", "1", ")", "入场", "时", "装备", "栏", "中", "的", "相应", "透明", "披风", "消失", "2", ")", "入场", "后", "可以使用", "移动", "命令", "3", ")", "入场", "时间", "结束", "后", "无法", "进入", "血色", "城堡", "4", ")", "在", "血色", "城堡", "死亡", "时", "角色", "回到", "冰风谷", "5", ")", "在", "血色", "城堡", "使用", "回城", "卷轴", "时", "角色", "回到", "冰风谷"], ["6", ")", "在", "血色", "城堡", "角色", "死亡", "时", "不会", "损失", "经验值"], ["7", ")", "在", "血色", "城堡", "角色", "死亡", "时", "不会", "损失", "金"], ["8", ")", "在", "血色", "城堡", "角色", "死亡", "时", "不会", "掉", "出", "装备", "栏", "或", "身上", "的", "任何", "装备"], ["9", ")", "在", "血色", "城堡", "内", "不能", "PK"], ["10", ")", "进入", "血色", "城堡", "后", ",", "任务", "开始", "前", "角色", "不能", "离开", "安全", "区"], ["11", ")", "血色", "城堡", "任务", "结束", "(", "15", "分钟", ")", "后", "角色", "被", "送", "回", "冰风谷"], ["12", ")", "血色", "城堡", "限定", "时间", "(", "15", "分钟", ")", "内", "完成", "任务", "时", ",", "所有", "怪物", "消失", "、", "1", "分钟", "后", "角色", "被", "送", "回", "冰风谷"], ["13", ")", "血色", "城堡", "安全", "区", "内", "角色", "可以", "使用", "如", "下", "技能", ":", "战神", "之", "力", ",", "守护", "之", "光", ",", "治疗", ",", "生命之光", ",", "守护", "之", "魂"], ["14", ")", "在", "血色", "城堡", "内", "血色", "城堡", "开始", "前", "1", "分钟", "开始", "不能", "进行", "交易"], ["15", ")", "血色", "城堡", "内", "不能", "丢弃", "大天使", "之", "武器", "(", "含", "3", "种", ")"], ["16", ")", "在", "血色", "城堡", "内", "装备", "的", "'", "小恶魔", "'", "或", "'", "守护天使", "'", "生命值", "为", "0", "时", ",", "自动", "替换", "装备", "栏", "中", "的", "'", "小恶魔", "'", "或", "'", "守护天使", "'"], ["17", ")", "血色", "城堡", "开始", "后", ",", "需要", "打死", "一定", "数量", "怪物", "才", "可以", "攻打", "城门", "(", "画面", "提示", "剩余", "怪物", "数量", ")"], ["18", ")", "攻破", "血色", "城门", "后", ",", "需要", "打死", "一定", "数量", "的", "骷", "灵", "巫师", "才能", "开始", "打开", "水晶", "灵柩", "(", "画面", "提示", "剩余", "怪物", "数量", ")", ",", "需要", "打死", "的", "骷", "灵", "巫师", "数量", "(", "最多", "10", "只", ")", "=", "血色", "城堡", "内", "的", "角色", "数量", "(", "攻破", "城门", "时", ")", "*", "2"], ["4", ".", "血色", "城堡", "等级", "限制"], ["血色", "城堡", "等级", "普通", "角色", "等级", "魔剑士", "等级"], ["1", "15", "~", "80", "15", "~", "60", "2", "81", "~", "130", "61", "~", "110", "3", "131", "~", "180", "111", "~", "160", "4", "181", "~", "230", "161", "~", "210"], ["5", "231", "~", "280", "211", "~", "260"], ["6", "281", "~", "330", "261", "~", "310"], ["7", "331", "以上", "310", "以上"], ["4", ".", "任务", "物品", "掉", "出", "怪物", "等级", "(", "血", "灵", "之", "书", ",", "血", "灵", "之", "骷", ")"], ["任务", "物品", "等级", "血", "灵", "之", "书", ",", "血", "灵", "之", "骷"], ["+", "1", "等级", "2", "(", "蜘蛛", ")", "以上", "+", "2", "等级", "32", "(", "幽灵", ")", "以上", "+", "3", "等级", "45", "(", "死亡", "美人鱼", ")", "以上", "+", "4", "等级", "57", "(", "牛魔王", ")", "以上"], ["+", "5", "等级", "68", "(", "银", "弓", "海怪", ")", "以上"], ["+", "6", "等级", "76", "(", "巨齿兽", ")", "以上"], ["+", "7", "等级", "84", "(", "黑炎魔", ")", "以上"], ["5", ".", "透明", "披风", "的", "合成"], ["※", "合成材料", "之间", "等级", "不符合", "时", "不能", "合成", ",", "合成", "失败", "时", "所有", "材料", "消失"], ["透明", "披风", "成功", "概率", "合成材料"], ["+", "1", "80", "%", "[", "血", "灵", "之", "书", "+", "1", "]", "+", "[", "血", "灵", "之", "骷", "+", "1", "]", "+", "8", ",", "000", "金"]], "paragraphs": ["哪位大大发一下哪个等级可以进入血几啊?", "血色城堡等级 普通角色等级 魔剑圣导等级", "1 15~80 15~60 2 81~130 61~110 3 131~180 111~160 4 181~230 161~210", "5 231~280 211~260", "6 281~330 261~310", "7 331以上 310以上", "能看明白吗? 我觉得奇迹的装备最漂亮~~!!!", "奇迹血色城堡详解: 新增第七血色城堡:", "- 入场等级:331 ~ 400(一般角色等级), 311 ~ 400(魔剑士角色等级)", "-第七血色城堡怪物详情如下: 怪物名称 等级 生命 最小攻击力 最大攻击力 防御力 攻击成功率 防御成功率", "假面武士7 85 23000 340 390 340 520 190", "假面弓手7 87 26000 390 430 380 590 200", "骷灵战士7 90 32000 430 480 400 660 230", "骷灵兽7 93 37000 470 520 440 730 250", "骷灵骑士7 98 45000 510 560 490 800 270", "骷灵巫师7 102 55000 560 600 550 870 310", "- 第七血色城堡所需的血灵之书、血灵之骷掉出怪物等级:84(黑炎魔) 以上", "- 第七血色城堡披风合成:血灵之书(+7) + 血灵之骷(+7) + 玛雅之石 + 85万金", "- 活动点数:A(1030) B(800) C(600) D(300) E(-300)", "A = 完成者得到的活动点数 B = 完成者组队成员得到的活动点数 C = 不是组队成员,但生存下来的玩家得到的活动点数 D = 不是组队成员,又没有生存下来的玩家得到的活动点数", "E = 失败时活动点数减少", "1. 任务物品 获得方法 1) 通过打怪可以获得 [血灵之书], [血灵之骷] 2) [血灵之书]和[血灵之骷]为材料,在仙踪林的\"玛雅哥布林\"处通过合成可以获得 [透明披风] 2. 血色城堡 参加人数限制 1) 各血色城堡(共 7个) 按照先后顺序每次最多可以进入15名角色 带着与角色等级相符合的[透明披风]去找\"冰风谷\"的NPC [大天使的使者] 坐标: 冰风谷[209, 30] 或 冰风谷[219, 9] 2) 角色之间的队伍维持原先状态 3. 血色城堡 开始时间 每天24次,每小时30分钟开门 4. 血色城堡 规则 1) 入场时装备栏中的相应透明披风消失 2) 入场后可以使用移动命令 3) 入场时间结束后无法进入血色城堡 4) 在血色城堡死亡时角色回到冰风谷 5) 在血色城堡使用回城卷轴时角色回到冰风谷", "6) 在血色城堡角色死亡时不会损失经验值", "7) 在血色城堡角色死亡时不会损失金", "8) 在血色城堡角色死亡时不会掉出装备栏或身上的任何装备", "9) 在血色城堡内不能PK", "10) 进入血色城堡后,任务开始前角色不能离开安全区", "11) 血色城堡任务结束(15分钟)后角色被送回冰风谷", "12) 血色城堡限定时间(15分钟)内完成任务时,所有怪物消失、1分钟后角色被送回冰风谷", "13) 血色城堡安全区内角色可以使用如下技能:战神之力,守护之光,治疗,生命之光,守护之魂", "14) 在血色城堡内血色城堡开始前1分钟开始不能进行交易", "15) 血色城堡内不能丢弃大天使之武器(含3种)", "16) 在血色城堡内装备的'小恶魔'或'守护天使'生命值为0时,自动替换装备栏中的'小恶魔'或'守护天使'", "17) 血色城堡开始后,需要打死一定数量怪物才可以攻打城门(画面提示剩余怪物数量)", "18) 攻破血色城门后,需要打死一定数量的骷灵巫师才能开始打开水晶灵柩(画面提示剩余怪物数量),需要打死的骷灵巫师数量(最多10只)=血色城堡内的角色数量(攻破城门时)*2", "4. 血色城堡 等级限制", "血色城堡等级 普通角色等级 魔剑士等级", "1 15 ~ 80 15 ~ 60 2 81 ~ 130 61 ~ 110 3 131 ~ 180 111 ~ 160 4 181 ~ 230 161 ~ 210", "5 231 ~ 280 211 ~ 260", "6 281 ~ 330 261 ~310", "7 331 以上 310 以上", "4. 任务物品掉出怪物等级 (血灵之书, 血灵之骷)", "任务物品等级 血灵之书, 血灵之骷", "+1 等级2 (蜘蛛) 以上 +2 等级32 (幽灵) 以上 +3 等级45 (死亡美人鱼) 以上 +4 等级57 (牛魔王) 以上", "+5 等级68 (银弓海怪) 以上", "+6 等级76 (巨齿兽) 以上", "+7 等级84 (黑炎魔) 以上", "5. 透明披风的合成", "※ 合成材料之间等级不符合时不能合成,合成失败时所有材料消失", "透明披风 成功概率 合成材料", "+1 80% [血灵之书+1] + [血灵之骷+1] + 8,000金"], "bs_rank_pos": 3}, {"is_selected": false, "title": "MU奇迹里的血色城堡和恶魔广场各是几级进哪层_百度知道", "most_related_para": 1, "segmented_title": ["MU奇迹", "里", "的", "血色", "城堡", "和", "恶魔广场", "各", "是", "几", "级", "进", "哪", "层", "_", "百度", "知道"], "segmented_paragraphs": [["血色", "城堡", ":", "15", "-", "80", "进", "181", "-", "130", "进", "2131", "-", "180", "进", "3181", "-", "230", "进", "4231", "-", "280", "进", "5281", "-", "330", "进", "6331", "-", "400", "进", "7", "恶魔广场", ":", "15", "-", "130", "进", "1131", "-", "180", "进", "2181", "-", "230", "进", "3231", "-", "280", "进", "4281", "-", "330", "进", "5331", "-", "400", "进", "6", "如果", "是", "魔剑", "或者", "是", "圣", "就", "不一样", "`", "`", "等级", "会", "低点"], ["血色", "城堡", ":", "15", "-", "80", "进", "1", "81", "-", "130", "进", "2", "131", "-", "180", "进", "3", "181", "-", "230", "进", "4", "231", "-", "280", "进", "5", "281", "-", "330", "进", "6", "331", "-", "400", "进", "7", "恶魔广场", ":", "15", "-", "130", "进", "1", "131", "-", "180", "进", "2", "181", "-", "230", "进", "3", "231", "-", "280", "进", "4", "281", "-", "330", "进", "5", "331", "-", "400", "进", "6", "如果", "是", "魔剑", "或者", "是", "圣", "就", "不一样", "`", "`", "等级", "会", "低点"]], "paragraphs": ["血色城堡:15-80进181-130进2131-180进3181-230进4231-280进5281-330进6331-400进7恶魔广场:15-130进1131-180进2181-230进3231-280进4281-330进5331-400进6如果是魔剑或者是圣就不一样``等级会低点", "血色城堡: 15-80进1 81-130进2 131-180进3 181-230进4 231-280进5 281-330进6 331-400进7 恶魔广场: 15-130进1 131-180进2 181-230进3 231-280进4 281-330进5 331-400进6 如果是魔剑或者是圣就不一样``等级会低点"], "bs_rank_pos": 4}], "answer_spans": [[3, 71]], "answer_docs": [2], "fake_answers": ["一般角色入场等级(圣导师,魔剑士入场等级)1广场15~130(10~110)2广场131~180(111~160)3广场180~230(161~210)4广场231~280(211~260)5广场281~330(261~310)6广场331以上(311以上)"], "question": "奇迹血色城堡等级", "segmented_answers": [["恶魔广场", "入场", "等级", ":", "一般", "角色", "入场", "等级", "(", "圣导师", ",", "魔剑士", "入场", "等级", ")", "、", "1", ".", "广场", "15", "~", "130", "(", "10", "~", "110", ")", "、", "2", ".", "广场", "131", "~", "180", "(", "111", "~", "160", ")", "、", "3", ".", "广场", "181", "~", "230", "(", "161", "~", "210", ")", "、", "4", ".", "广场", "231", "~", "280", "(", "211", "~", "260", ")", "、", "5", ".", "广场", "281", "~", "330", "(", "261", "~", "310", ")", "、", "6", ".", "广场", "331", "以上", "(", "311", "以上", ")", "血色", "城堡", "入场", "等级", "一般", "角色", "入场", "等级", "(", "圣导师", ",", "魔剑士", "入场", "等级", ")", "血", "1", "15", "~", "80", "(", "15", "~", "60", ")", "、", "血", "281", "~", "130", "(", "61", "~", "110", ")", "血", "3131", "~", "180", "(", "111", "~", "160", ")", "血", "4181", "~", "230", "(", "161", "~", "210", ")", "血", "5231", "~", "280", "(", "211", "~", "260", ")", "血", "6281", "~", "330", "(", "261", "~", "310", ")", "血", "7331", "以上", "(", "311", "以上", ")", "。"], ["一般", "角色", "入场", "等级", "(", "圣导师", ",", "魔剑士", "入场", "等级", ")", "、", "1", "广场", "15", "~", "130", "(", "10", "~", "110", ")", "、", "2", "广场", "131", "~", "180", "(", "111", "~", "160", ")", "、", "3", "广场", "180", "~", "230", "(", "161", "~", "210", ")", "、", "4", "广场", "231", "~", "280", "(", "211", "~", "260", ")", "、", "5", "广场", "281", "~", "330", "(", "261", "~", "310", ")", "、", "6", "广场", "331", "以上", "(", "311", "以上", ")", "。"], ["血色", "城堡", ":", "15", "-", "80", "进", "1", "、", "81", "-", "130", "进", "2", "、", "131", "-", "180", "进", "3", "、", "181", "-", "230", "进", "4", "、", "231", "-", "280", "进", "5", "、", "281", "-", "330", "进", "6", "、", "331", "-", "400", "进", "7", "。"]], "answers": ["恶魔广场入场等级:一般角色入场等级(圣导师, 魔剑士入场等级)、1.广场 15~130(10~110)、2.广场 131~180(111~160)、3.广场181~230(161~210)、4.广场231~280(211~260)、5.广场281~330(261~310)、6.广场331以上(311以上)血色城堡入场等级一般角色入场等级(圣导师, 魔剑士入场等级)血1 15~80(15~60)、血281~130(61~110)血3131~180(111~160)血4181~230(161~210)血5231~280(211~260)  血6281~330(261~310) 血7331以上(311以上)。", "一般角色入场等级(圣导师, 魔剑士入场等级)、1广场 15~130(10~110)、2广场 131~180(111~160)、3广场 180~230(161~210)、4广场 231~280(211~260)、5广场 281~330(261~310)、6广场 331以上(311以上)。", "血色城堡:15-80进1、81-130进2、131-180进3、181-230进4、231-280进5、281-330进6、331-400进7。"], "entity_answers": [["15~60", "61~110", "111~160", "161~210", "211~260", "261~310", "311以上"], ["圣导师", "魔剑士"], ["15-80", "81-130", "131-180", "181-230", "231-280", "281-330", "331-400"]], "segmented_question": ["奇迹", "血色", "城堡", "等级"], "question_type": "ENTITY", "question_id": 91200, "fact_or_opinion": "FACT", "match_scores": [0.9517241379310345]}
-{"documents": [{"is_selected": false, "title": "CAD如何旋转图像,CAD旋转的快捷键 - 中望CAD常见问题_中望技术社区 ", "most_related_para": 2, "segmented_title": ["CAD", "如何", "旋转", "图像", ",", "CAD", "旋转", "的", "快捷键", "-", "中", "望", "CAD", "常见问题", "_", "中", "望", "技术", "社区"], "segmented_paragraphs": [["热门推荐", "中", "望", "CAD", "2012", "破解版", "下", ".", ".", ".", "CAD", "字体", "库", "放在", "哪里", "?", ".", ".", ".", "CAD", "2010", "64", "位", "下载", "(", ".", ".", ".", "CAD", "标注", "字体大小", "了", ",", ".", ".", ".", "如何", "显示", "CAD", "的", "工具栏", ".", ".", ".", "AUTOCAD", "2012", "破解版", "下", ".", ".", ".", "中", "望", "CAD", "2010", "破解版", "下", ".", ".", ".", "一些", "LISP", "程序", "怎样", "加", ".", ".", ".", "WIN7", "64", "位", "CAD", "2008", "下载", "CAD", "怎么", "缩放", ",", "快捷键", ".", ".", "."], ["1", ".", "命令", "格式", "命令行", ":", "Rotate", "(", "V", ")", "菜单", ":", "[", "修改", "]", "→", "[", "旋转", "(", "R", ")", "]", "工具栏", ":", "[", "修改", "]", "→", "[", "旋转", "]", "通过", "指定", "的", "点", "来", "旋转", "选取", "的", "对象", "。", "2", ".", "操作步骤", "用", "Rotate", "命令", "将", "图", "4", "-", "11", "(", "a", ")", "中", "正方形", "内", "的", "两", "个", "螺栓", "复制", "旋转", "90", "度", ",", "使得", "正方形", "每个", "角", "都", "有", "一", "个", "螺栓", ",", "如图", "4", "-", "11", "(", "c", ")", "所示", "。", "操作", "如", "下", ":", "以上", "各项", "提示", "的", "含义", "和", "功能说明", "如", "下", ":", "旋转", "角度", ":", "指定", "对象", "绕", "指定", "的", "点", "旋转", "的", "角度", "。", "旋转", "轴", "通过", "指定", "的", "基点", ",", "并且", "平行", "于", "当前", "用户", "坐标系", "的", "Z", "轴", "。", "复制", "(", "C", ")", ":", "在", "旋转", "对象", "的", "同时", "创建", "对象", "的", "旋转", "副本", "。", "参照", "(", "R", ")", ":", "将", "对象", "从", "指定", "的", "角度", "旋转", "到", "新", "的", "绝对", "角度", "。", "3", ".", "注意", "@", "对象", "相对", "于", "基点", "的", "旋转", "角度", "有", "正负", "之", "分", ",", "正", "角度", "表示", "沿", "逆"], ["旋转", "角度", ":", "指定", "对象", "绕", "指定", "的", "点", "旋转", "的", "角度", "。", "旋转", "轴", "通过", "指定", "的", "基点", ",", "并且", "平行", "于", "当前", "用户", "坐标系", "的", "Z", "轴", "。", "复制", "(", "C", ")", ":", "在", "旋转", "对象", "的", "同时", "创建", "对象", "的", "旋转", "副本", "。", "参照", "(", "R", ")", ":", "将", "对象", "从", "指定", "的", "角度", "旋转", "到", "新", "的", "绝对", "角度", "。", "3", ".", "注意", "@", "对象", "相对", "于", "基点", "的", "旋转", "角度", "有", "正负", "之", "分", ",", "正", "角度", "表示", "沿", "逆时针", "旋转", ",", "负", "角度", "表示", "沿", "顺时针", "旋转", "。"], ["Email", ":", "market", "@", "zwcad", ".", "com"], ["4008", "-", "800", "-", "819"], ["4008", "-", "800", "-", "819"], ["产品", "视频教程"], ["中", "望", "业务", "中", "望", "CAD", "中", "望", "3D", "中", "望", "教育", "微小网", "3D", "One", "中小学", "社区"], ["产品", "支持", "经验", "技巧", "CAD", "常见问题", "使用教程", "安装", "与", "激活", "CAD", "快捷键"], ["新闻", "国内新闻", "国际新闻", "媒体", "新闻"], ["人才", "招聘", "社会", "招聘", "校园招聘", "人", "在", "中", "望", "成长", "在", "中", "望"], ["中", "望", "CAD", "系列"], ["4008", "-", "800", "-", "819"], ["中", "望", "3D", "三维", "软件", "咨询"], ["4008", "-", "336", "-", "663"]], "paragraphs": ["热门推荐 中望CAD2012破解版下... CAD字体库放在哪里?... CAD2010 64位下载(... CAD标注字体大小了,... 如何显示CAD的工具栏... AUTOCAD2012破解版下... 中望CAD2010破解版下... 一些LISP程序怎样加... WIN7 64位 CAD2008下载 CAD怎么缩放,快捷键...", "1.命令格式 命令行:Rotate(V) 菜单:[修改]→[旋转(R)] 工具栏:[修改]→[旋转]通过指定的点来旋转选取的对象。2.操作步骤 用Rotate命令将图4-11(a)中正方形内的两个螺栓复制旋转90度,使得正方形每个角都有一个螺栓,如图4-11(c) 所示。操作如下:以上各项提示的含义和功能说明如下:旋转角度:指定对象绕指定的点旋转的角度。旋转轴通过指定的基点,并且平行于当前用户坐标系的 Z 轴。 复制(C):在旋转对象的同时创建对象的旋转副本。 参照(R):将对象从指定的角度旋转到新的绝对角度。 3.注意@ 对象相对于基点的旋转角度有正负之分,正角度表示沿逆", "旋转角度:指定对象绕指定的点旋转的角度。旋转轴通过指定的基点,并且平行于当前用户坐标系的 Z 轴。 复制(C):在旋转对象的同时创建对象的旋转副本。 参照(R):将对象从指定的角度旋转到新的绝对角度。 3.注意@ 对象相对于基点的旋转角度有正负之分,正角度表示沿逆时针旋转,负角度表示沿顺时针旋转。", "Email:market@zwcad.com", "4008-800-819", "4008-800-819", "产品视频教程", "中望业务 中望CAD 中望3D 中望教育 微小网 3DOne中小学社区", "产品支持 经验技巧 CAD常见问题 使用教程 安装与激活 CAD快捷键", "新闻 国内新闻 国际新闻 媒体新闻", "人才招聘 社会招聘 校园招聘 人在中望 成长在中望", "中望CAD系列", "4008-800-819", "中望3D三维软件咨询", "4008-336-663"], "bs_rank_pos": 0}, {"is_selected": true, "title": "CAD中旋转的快捷键是什么?_百度知道", "most_related_para": 0, "segmented_title": ["CAD", "中", "旋转", "的", "快捷键", "是", "什么", "?", "_", "百度", "知道"], "segmented_paragraphs": [["1", ".", "命令行", "输入", "\"", "R", "”", ",", "空格", ";", "2", ".", "选择", "要", "旋转", "的", "图形", ",", "空格", ";", "3", ".", "输入", "要", "旋转", "的", "角度", ",", "逆时针", "方向", "旋转", "输入", "正", "值", ",", "顺时针", "为", "负值", "。"], ["默认", "是", "ro", ",", "可以通过", "编辑", "acad", ".", "pgp", "自己", "设定", "。"], ["RO", "选中", "旋转", "中心", "点", "再", "输入", "旋转", "角度"], ["RO", "谢谢", "!"]], "paragraphs": ["1. 命令行输入\"R”,空格; 2. 选择要旋转的图形,空格; 3. 输入要旋转的角度,逆时针方向旋转输入正值,顺时针为负值。", "默认是ro,可以通过编辑acad.pgp自己设定。", "RO 选中旋转中心点 再输入旋转角度", "RO 谢谢!"], "bs_rank_pos": 1}, {"is_selected": false, "title": "CAD水平翻转快捷键是什么啊_百度知道", "most_related_para": 0, "segmented_title": ["CAD", "水平", "翻转", "快捷键", "是", "什么", "啊", "_", "百度", "知道"], "segmented_paragraphs": [["水平", "翻转", "快捷键", "为", "【", "Alt", "】", "+", "【", "Shift", "】", "+", "【", "Ctrl", "】", "+", "【", "B", "】", "其他", "相关", "的", "快捷键", "如", "下", ":", " ", "垂直", "(", "Vertical", ")", "翻转", "【", "Alt", "】", "+", "【", "Shift", "】", "+", "【", "Ctrl", "】", "+", "【", "V", "】", "  ", "冻结", "(", "Freeze", ")", "所选", "材质", "点", "【", "Ctrl", "】", "+", "【", "F", "】", "  ", "隐藏", "(", "Hide", ")", "所选", "材质", "点", "【", "Ctrl", "】", "+", "【", "H", "】", "  ", "全部", "解冻", "(", "unFreeze", ")", "【", "Alt", "】", "+", "【", "F", "】", "  ", "全部", "取消", "隐藏", "(", "unHide", ")", "【", "Alt", "】", "+", "【", "H", "】", "  ", "从", "堆栈", "中", "获取", "面", "选集", "【", "Alt", "】", "+", "【", "Shift", "】", "+", "【", "Ctrl", "】", "+", "【", "F", "】", "  ", "从", "面", "获取", "选集", "【", "Alt", "】", "+", "【", "Shift", "】", "+", "【", "Ctrl", "】", "+", "【", "V", "】", "  ", "锁定", "所选", "顶点", "【", "空格", "】", "  ", "水平", "镜象", "【", "Alt", "】", "+", "【", "Shift", "】", "+", "【", "Ctrl", "】", "+", "【", "N", "】", "  ", "垂直", "镜象", "【", "Alt", "】", "+", "【", "Shift", "】", "+", "【", "Ctrl", "】", "+", "【", "M", "】", "  ", "水平", "移动", "【", "Alt", "】", "+", "【", "Shift", "】", "+", "【", "Ctrl", "】", "+", "【", "J", "】", "  ", "垂直", "移动", "【", "Alt", "】", "+", "【", "Shift", "】", "+", "【", "Ctrl", "】", "+", "【", "K", "】", "  ", "平移", "视图", "【", "Ctrl", "】", "+", "【", "P", "】", "  ", "象素", "捕捉", "【", "S", "】", "  ", "平面", "贴图", "面", "/", "重", "设", "UVW", "【", "Alt", "】", "+", "【", "Shift", "】", "+", "【", "Ctrl", "】", "+", "【", "R", "】"], ["0", "~", "360", "转", "用", "RO", "快捷键", ",", "要是", "镜像", "翻转", "MI", "快捷键", "。"], ["“", "MI", "”", "镜像", "一", "下", "就", "OK", "的", "拉"], ["必须", "要", "快捷键", "有", "旋转", "和", "镜像", "命令", "ro", "-", "旋转", "MI", "-", "-", "镜像"]], "paragraphs": ["水平翻转快捷键为【Alt】+【Shift】+【Ctrl】+【B】 其他相关的快捷键如下:   垂直(Vertical)翻转 【Alt】+【Shift】+【Ctrl】+【V】   冻结(Freeze)所选材质点 【Ctrl】+【F】   隐藏(Hide)所选材质点 【Ctrl】+【H】   全部解冻(unFreeze) 【Alt】+【F】   全部取消隐藏(unHide) 【Alt】+【H】   从堆栈中获取面选集 【Alt】+【Shift】+【Ctrl】+【F】   从面获取选集 【Alt】+【Shift】+【Ctrl】+【V】   锁定所选顶点 【空格】   水平镜象 【Alt】+【Shift】+【Ctrl】+【N】   垂直镜象 【Alt】+【Shift】+【Ctrl】+【M】   水平移动 【Alt】+【Shift】+【Ctrl】+【J】   垂直移动 【Alt】+【Shift】+【Ctrl】+【K】   平移视图 【Ctrl】+【P】   象素捕捉 【S】   平面贴图面/重设UVW 【Alt】+【Shift】+【Ctrl】+【R】", "0~360转用RO快捷键,要是镜像翻转MI快捷键。", "“MI” 镜像一下就OK的拉", "必须要快捷键 有旋转和镜像命令 ro-旋转 MI--镜像"], "bs_rank_pos": 2}, {"is_selected": false, "title": "CAD中的旋转快捷键是什么?_百度知道", "most_related_para": 0, "segmented_title": ["CAD", "中", "的", "旋转", "快捷键", "是", "什么", "?", "_", "百度", "知道"], "segmented_paragraphs": [["RO"]], "paragraphs": ["RO"], "bs_rank_pos": 3}], "answer_spans": [[2, 38]], "fake_answers": ["命令行输入\"R”,空格;2.选择要旋转的图形,空格;3.输入要旋转的角度,逆时针方向旋转输入正值,顺时针为负值。"], "question": "cad旋转快捷键", "segmented_answers": [["命令行", "输入", "“", "R", "”", ",", "空格", ";", "选择", "要", "旋转", "的", "图形", ",", "空格", ";", "输入", "要", "旋转", "的", "图形", ",", "逆时针", "方向", "旋转", "输入", "正", "值", ",", "顺时针", "为", "负值", "。"]], "answers": ["命令行输入“R”,空格;选择要旋转的图形,空格;输入要旋转的图形,逆时针方向旋转输入正值,顺时针为负值。"], "answer_docs": [1], "segmented_question": ["cad", "旋转", "快捷键"], "question_type": "DESCRIPTION", "question_id": 91201, "fact_or_opinion": "FACT", "match_scores": [0.7142857142857142]}
-{"documents": [{"is_selected": true, "title": "本次来电是高频呼叫电话,请谨慎接听,这是什么意思?_百度知道", "most_related_para": 2, "segmented_title": ["本次", "来电", "是", "高频", "呼叫", "电话", ",", "请", "谨慎", "接听", ",", "这", "是", "什么", "意思", "?", "_", "百度", "知道"], "segmented_paragraphs": [["记者", "从", "广东移动", "公司", "处", "得知", ",", "通过", "创新", "应用", "大", "数据", ",", "移动", "公司", "将", "面向", "所有", "移动", "手机", "用户", "推出", "提醒", "服务", ",", "当", "接", "到", "疑似", "骚扰", "诈骗", "电话", ",", "不管", "是否", "智能机", ",", "都会", "弹出", "免费", "提醒", "信息", "“", "您", "的", "本次", "来电", "号码", "为", "高频", "呼叫", "电话", ",", "请", "谨慎", "接听", "”", ",", "让", "用户", "第一时间", "对", "来电", "保持", "警惕", "。"], ["这里", "的", "高频", ",", "不是", "指", "信号", "的", "频率", ",", "而是", "指", "呼叫", "你", "的", "这个", "号码", "打", "出", "次数", "很", "频繁", "。", "这些话", "提示", "你", "对", "这种", "来电", "需要", "提高", "警惕", ",", "防止", "受骗", "或者", "吸费", "。"], ["就是", "这个", "号码", "被", "运营商", "监测", "到", ",", "他", "频繁", "往", "外", "打电话", "。", "比如", "电话", "推销", ",", "电话", "诈骗", "等", "。", "目的", "是", "提醒", "用户", ",", "在", "接听", "此类", "电话", "时", "要", "谨慎", ",", "防止", "被骗", "。"], ["是", "关机", "了", ",", "当", "对方", "开机后", "会", "收到", "运营商", "在", "第一时间", "发送", "的", "短信", ",", "提示", "号码", "在", "几点", "几", "分", "来电"]], "paragraphs": ["记者从广东移动公司处得知,通过创新应用大数据,移动公司将面向所有移动手机用户推出提醒服务,当接到疑似骚扰诈骗电话,不管是否智能机,都会弹出免费提醒信息“您的本次来电号码为高频呼叫电话,请谨慎接听”,让用户第一时间对来电保持警惕。", "这里的高频,不是指信号的频率,而是指呼叫你的这个号码打出次数很频繁。 这些话提示你对这种来电需要提高警惕,防止受骗或者吸费。", "就是这个号码被运营商监测到,他频繁往外打电话。比如电话推销,电话诈骗等。目的是提醒用户,在接听此类电话时要谨慎,防止被骗。", "是关机了,当对方开机后会收到运营商在第一时间发送的短信,提示号码在几点几分来电"], "bs_rank_pos": 0}, {"is_selected": false, "title": "手机出现“高频呼叫电话请谨慎接听”,是什么意思_百度知道", "most_related_para": 0, "segmented_title": ["手机", "出现", "“", "高频", "呼叫", "电话", "请", "谨慎", "接听", "”", ",", "是", "什么", "意思", "_", "百度", "知道"], "segmented_paragraphs": [["“", "高频", "”", "指", "呼叫", "次数", "很", "频繁", "。", "这些话", "提示", "你", "对", "这种", "来电", "需要", "提高", "警惕", ",", "防止", "受骗", "或者", "吸费", "。"], ["把", "手机卡", "弄", "下来", "重", "插", "一", "下", ",", "应该", "是", "没", "插", "好", ".", ".", "."]], "paragraphs": ["“高频”指呼叫次数很频繁。这些话提示你对这种来电需要提高警惕,防止受骗或者吸费。", "把手机卡弄下来重插一下,应该是没插好..."], "bs_rank_pos": 1}, {"is_selected": false, "title": "本次来电是高频来电,请慎重接听是什么意思_百度知道", "most_related_para": 1, "segmented_title": ["本次", "来电", "是", "高频", "来电", ",", "请", "慎重", "接听", "是", "什么", "意思", "_", "百度", "知道"], "segmented_paragraphs": [["就是", "经常", "给", "你", "打电话", "的", "来电", ",", "有", "可能", "是", "非常", "非常", "熟悉", "的", "人", ",", "当然", "也有", "可能", "是", "骚扰电话", "。"], ["所谓", "高频", "来电", ",", "是", "指", "这个", "电话号码", "在", "不断", "的", "往", "外", "打电话", ",", "如果", "是", "正常", "的", "电话", "客服", ",", "比如", "银行", ",", "证券", ",", "保险", "之类", "企业", "的", "客服电话", ",", "应该", "是", "打", "出", "打入", "的", "频率", "差不多", "(", "出", "为", "推销", ",", "入", "为", "咨询", "投诉", ")", "。", "如果", "一", "个", "电话号码", "频繁", "呼出", "但", "很少", "甚至", "没有", "呼入", "记录", ",", "基本", "可以", "判断", "该", "号码", "为", "诈骗", "电话", ",", "但", "由于", "没有", "确凿", "的", "证据", ",", "电信局", "无权", "对其", "停机", ",", "所以", "采用", "这种", "方式", "提醒", "被", "叫", "方", "注意", "。"], ["99", "%", "诈骗", "电话"]], "paragraphs": ["就是经常给你打电话的来电,有可能是非常非常熟悉的人,当然也有可能是骚扰电话。", "所谓高频来电,是指这个电话号码在不断的往外打电话,如果是正常的电话客服,比如银行,证券,保险之类企业的客服电话,应该是打出打入的频率差不多(出为推销,入为咨询投诉)。如果一个电话号码频繁呼出但很少甚至没有呼入记录,基本可以判断该号码为诈骗电话,但由于没有确凿的证据,电信局无权对其停机,所以采用这种方式提醒被叫方注意。", "99%诈骗电话"], "bs_rank_pos": 2}, {"is_selected": false, "title": "本次电话为高频呼叫电话请谨慎接听.是什么情况?_百度知道", "most_related_para": 0, "segmented_title": ["本次", "电话", "为", "高频", "呼叫", "电话", "请", "谨慎", "接听", ".", "是什么", "情况", "?", "_", "百度", "知道"], "segmented_paragraphs": [["这里", "的", "高频", ",", "不是", "指", "信号", "的", "频率", "。", "“", "高频", "”", "指", "呼叫", "次数", "很", "频繁", "。", "这些话", "提示", "你", "对", "这种", "来电", "需要", "提高", "警惕", ",", "防止", "受骗", "或者", "吸费", "。"]], "paragraphs": ["这里的高频,不是指信号的频率。 “高频”指呼叫次数很频繁。 这些话提示你对这种来电需要提高警惕, 防止受骗或者吸费。"], "bs_rank_pos": 3}], "answer_spans": [[0, 37]], "fake_answers": ["就是这个号码被运营商监测到,他频繁往外打电话。比如电话推销,电话诈骗等。目的是提醒用户,在接听此类电话时要谨慎,防止被骗。"], "question": "高频呼叫电话 请谨慎接听", "segmented_answers": [["就是", "这个", "号码", "被", "运营商", "监测", "到", ",", "他", "频繁", "往", "外", "打电话", "。", "比如", "电话", "推销", ",", "电话", "诈骗", "等", "。", "目的", "是", "提醒", "用户", ",", "在", "接听", "此类", "电话", "时", "要", "谨慎", ",", "防止", "被骗", "。"]], "answers": ["就是这个号码被运营商监测到,他频繁往外打电话。比如电话推销,电话诈骗等。目的是提醒用户,在接听此类电话时要谨慎,防止被骗。"], "answer_docs": [0], "segmented_question": ["高频", "呼叫", "电话", "请", "谨慎", "接听"], "question_type": "DESCRIPTION", "question_id": 91202, "fact_or_opinion": "FACT", "match_scores": [0.8947368421052632]}
-{"documents": [{"is_selected": true, "title": "煤气灶哪个牌子和性价比质量最好_百度知道", "most_related_para": 0, "segmented_title": ["煤气灶", "哪个", "牌子", "和", "性价比", "质量", "最好", "_", "百度", "知道"], "segmented_paragraphs": [["煤气灶", "是", "通过", "向", "设", "在", "灶", "体", "及", "上", "盖", "之间", "的", "间隙", "供应", "自然", "空气", "的", "方法", ",", "来", "补充", "燃烧", "时", "的", "空气", "的", "不足", ",", "进而", "促进", "燃烧", ",", "减少", "一氧化碳", "及", "氮氧化物", "生成", ",", "特别", "是", "通过", "向", "设", "在", "灶", "体", "及", "上", "盖", "之间", "的", "间隙", "供应", "自然", "空气", "的", "方法", ",", "来", "补充", "燃烧", "时", "的", "空气", "的", "不足", ",", "进而", "促进", "燃烧", ",", "减少", "一氧化碳", "及", "氮氧化物", "生成", "的", "煤气灶", "。", "比较好", "的", "品牌", "活动", "参考", ":", "www", ".", "derw", ".", "cbbs", "baidu", ".", "com", "/", "ranqi", "?", "er", ".", "mp3", "1", "、", "华帝", "2", "、", "帅康", "n", "3", "、", "方太", "4", "、", "美", "的", "a", "5", "、", "樱花", "6", "、", "老板", "M", "7", "、", "西门子", "8", "、", "万和", "9", "、", "海尔", "10", "德意", "不错", "."], ["煤气灶", "哪个", "牌子", "和", "性价比", "质量", "最好", "按照", "质量", "和", "档次", "依次", "是", "方太", ",", "老板", ",", "帅康", ",", "德意", ",", "樱花", ",", "万和", "(", "这个", "性价比", "最高", ")", "。", "我", "本人", "做", "过", "灶具", "技术", "认证", "工程师", ",", "对", "各", "品牌", "的", "灶具", "都是", "很", "熟悉", "的", ",", "有", "具体细节", "问题", "可以随时", "追问", "有时", "甚至", "憎恨", "春天", ",", "为何", "春天", "万物复苏", "少", "了", "孩子", "对于", "外界", "事物", "的", "那", "份", "敏感", "、", "喜爱", "对于", "所有", "的", "一切", "只是", "漠然"], ["燃气灶", "的", "点火", "方式", "主要", "分为", "压电陶瓷", "式", "点火", "和", "电", "脉冲", "式", "点火", "两种", "。"], ["煤气灶", "是", "通过", "向", "设", "在", "灶", "体", "及", "上", "盖", "之间", "的", "间隙", "供应", "自然", "空气", "的", "方法"], ["美大", "集成", "环保", "灶", "不错", "值得信赖"], ["煤气灶", "用", "方太", "的", "好", ",", "我", "家", "就是", "在", "用", "啊", "!", "相信我", ",", "不会", "错"], ["强烈推荐", "樱雪", "1401", "B", "相当", "好", "用", "。", "专利", "喷火", "灶", "!"], ["华帝", "的", "性价比", "最高"], ["如", "下", "垃圾", "牌子", "可", "不要", "选", "哦"], ["这个牌子", "不要", "买", "垃圾"]], "paragraphs": ["煤气灶是通过向设在灶体及上盖之间的间隙 供应自然空气的方法,来补充燃烧时的空气的不足, 进而促进燃烧,减少一氧化碳及氮氧化物生成, 特别是通过向设在灶体及上盖之间的间隙供应 自然空气的方法,来补充燃烧时的空气的不足, 进而促进燃烧,减少一氧化碳及氮氧化物生成的煤气灶。 比较好的品牌活动参考:www.derw.cbbsbaidu.com/ranqi?er.mp3 1、华帝 2、帅康n 3、方太 4、美的a 5、樱花 6、老板M 7、西门子 8、万和 9、海尔 10德意不错.", "煤气灶哪个牌子和性价比质量最好 按照质量和档次依次是方太,老板,帅康 ,德意,樱花,万和(这个性价比最高)。我本人做过灶具技术认证工程师,对各品牌的灶具都是很熟悉的,有具体细节问题可以随时追问 有时甚至憎恨春天,为何春天万物复苏少了孩子对于外界事物的那份敏感、喜爱对于所有的一切只是漠然", "燃气灶的点火方式主要分为压电陶瓷式点火和电脉冲式点火两种。", "煤气灶是通过向设在灶体及上盖之间的间隙供应自然空气的方法", "美大集成环保灶不错 值得信赖", "煤气灶用方太的好,我家就是在用啊!相信我,不会错", "强烈推荐樱雪1401B相当好用。专利喷火灶!", "华帝的性价比最高", "如下垃圾牌子可不要选哦", "这个牌子不要买 垃圾"], "bs_rank_pos": 0}], "answer_spans": [[100, 132]], "answer_docs": [0], "fake_answers": ["1、华帝2、帅康n3、方太4、美的a5、樱花6、老板M7、西门子8、万和9、海尔10德意"], "question": "煤气灶什么牌子好", "segmented_answers": [["1", "、", "华帝", ";", "2", "、", "帅康", ";", "3", "、", "方太", ";", "4", "、", "美", "的", ";", "5", "、", "樱花", ";", "6", "、", "老板", ";", "7", "、", "西门子", ";", "8", "、", "万和", ";", "9", "、", "海尔", ";", "10", "、", "德意", "。"]], "answers": ["1、华帝;2、帅康;3、方太;4、美的;5、樱花;6、老板;7、西门子;8、万和;9、海尔;10、德意。"], "entity_answers": [["华帝", "帅康", "方太", "美的", "樱花", "老板", "西门子", "万和", "海尔", "德意"]], "segmented_question": ["煤气灶", "什么", "牌子", "好"], "question_type": "ENTITY", "question_id": 91203, "fact_or_opinion": "OPINION", "match_scores": [0.8108108108108109]}
-{"documents": [{"is_selected": true, "title": "国金宝投资理财网怎么样,安全吗? - 知乎", "most_related_para": 10, "segmented_title": ["国", "金宝", "投资理财", "网", "怎么样", ",", "安全", "吗", "?", "-", "知乎"], "segmented_paragraphs": [["周末", "朋友", "推荐", "了", "个", "叫", "国", "金宝", "的", "投资理财", "网站", ",", "据说", "收益", "不错", ",", "而且", "注册", "还", "可以", "返现", "送话费", ",", "百度", "也", "看到", "有", "搜狐", "等", "新闻", "网站", "的", "相关", "新闻", ",", "但", "还是", "不是", "很", "放心", ",", "有", "了解", "过", "或者", "投", "过", "的", "吗", "?"], ["中国经济", "不", "算", "好", ",", "而", "国", "金宝", "宣传", "16", "%", "的", "收益", ",", "我", "觉得", "是", "有问题", "的", "。", "这么", "高", "的", "收益率", "不", "可能", "通过", "购买", "低风险", "金融", "产品", "来", "达到", "。", "虽然", "他", "说", "P2P", "什么", "的", ",", "有", "国企", "做", "担保", "。", "给", "你好", "了", "一", "套", "很", "高深", "的", "东西", ",", "但是", "我", "作为", "一", "个", "金融", "研究生", ",", "第一反应", "就是", "不相信", "。", "这个", "世界上", "不存在", "无风险", "高收益", "的", "事情", "。", "要求", "国企", "提供担保", "不用", "花钱", "吗", "!", "如果", "国企", "不", "想", "亏", "钱", ",", "他", "就", "必须", "收取高额", "保证费", "。", "综合", "来", "说", "投资", "亏损", "还是", "要求", "投资", "人", "来", "承担", "。"], ["看", "了", "下", "他们", "网站", ",", "主要", "是", "商业承兑汇票", "为", "主", ",", "安全保障", "方面", ":", "大额", "存单", "质押", ",", "国企", "担保", "协议", ",", "太平洋保险", "提供", "保障", ",", "百度", "也有", "不少", "相关", "的", "品牌", "新闻", ",", "收益率", "对比", "同行", "类似", "产品", "也", "不", "算", "高", ",", "周期", "可以", "灵活", "选择", ",", "感觉", "还是", "靠得住", "的", ";", "对于", "资金", "不", "多", ",", "又", "想", "短期内", "获得", "一定", "收益", "的", "可以", "考虑", "一", "下", ",", "收益率", "比", "起", "余额宝", "还是", "蛮", "有", "优势", "的", ",", "但", "风险", "没", "投", "过", "也", "不", "好", "评价", ",", "有", "国企", "和", "银行", "以及", "太平洋", "担保", ",", "应该", "也", "不会", "差", "到", "哪里", "吧", "。"], ["取", "现", "不是", "很", "万", "便", ",", "不是", "实时", "到账", ",", "要", "等", "二", "个", "工作日"], ["1", "、", "资产", "端", ":", "从", "资产", "端", "来看", ",", "国", "金宝", "目前", "主要", "是", "企业", "贷", ",", "信息披露", "一般", "吧", "2", "、", "风险", "保障", ":", "不是", "很", "明确", "3", "、", "资金", "存", "管", ":", "无", "4", "、", "风投", "融资", ":", "国", "资", "系", ",", "国", "资", "成分", "大概", "接近", "50", "%"], ["5", "、", "是否", "有", "负面", ":", "有", ",", "被曝光", "之", "前", "涉嫌", "自", "担保", ",", "但", "目前", "已经", "下架", "相关", "信息", "了"], ["6", "、", "收益率", ":", "6", "个", "月", "11", "%", ",", "12", "个", "月", "13", "%"], ["7", "、", "P2P", "跟", "投", "专家建议", "(", "微信", "ID", ":", "P2P", "gentou", ")", ":", "不是", "很", "建议", "投资", "。", "之", "前", "被曝光", "过", "涉嫌", "自", "担保", ",", "两", "个", "国", "资", "里面", "有", "一", "个", "中国", "少数民族", "经济", "文化", "开发", "总", "公司", ",", "之", "前", "也", "被曝光", "过", "负面"], ["作者", ":", "P2P", "跟", "投", "链接", ":", "https", ":", "/", "/", "zhuanlan", ".", "zhihu", ".", "com", "/", "p", "/", "26672209", "来源", ":", "知乎", "著作权", "归", "作者", "所有", "。"], ["年", "化", "超", "8%", "的", "P2P", "风险", "都", "比较", "大"], ["国企", "入股", ",", "也", "不能", "保证", "爆", "雷", "的", "时候", "国企", "来", "给", "平台", "用户", "兜底", "。"], ["平台", "正在", "搞", "活动", ",", "我", "投", "了", "10", "万", ",", "立刻", "就", "返现", "了", "800", "元", "~", "~", "~", "~", "收益", "还是", "蛮", "可", "观", "的", ",", "应该", "不是", "忽悠", "人", "的", ",", "钱", "我", "已经", "拿到", "了", ",", "觉得", "还是", "可以", "试", "试", "的", "!"], ["下载", "知乎", "客户端", "与", "世界", "分享", "知识", "、", "经验", "和", "见解"]], "paragraphs": ["周末朋友推荐了个叫国金宝的投资理财网站,据说收益不错,而且注册还可以返现送话费,百度也看到有搜狐等新闻网站的相关新闻,但还是不是很放心,有了解过或者投过的吗?", "中国经济不算好,而国金宝宣传16%的收益,我觉得是有问题的。这么高的收益率不可能通过购买低风险金融产品来达到。虽然他说P2P什么的,有国企做担保。给你好了一套很高深的东西,但是我作为一个金融研究生,第一反应就是不相信。这个世界上不存在无风险高收益的事情。要求国企提供担保不用花钱吗!如果国企不想亏钱,他就必须收取高额保证费。综合来说投资亏损还是要求投资人来承担。", "看了下他们网站,主要是商业承兑汇票为主,安全保障方面: 大额存单质押,国企担保协议, 太平洋保险提供保障,百度也有不少相关的品牌新闻,收益率对比同行类似产品也不算高,周期可以灵活选择,感觉还是靠得住的;对于资金不多,又想短期内获得一定收益的可以考虑一下,收益率比起余额宝还是蛮有优势的,但风险没投过也不好评价,有国企和银行以及太平洋担保,应该也不会差到哪里吧。", "取现不是很万便,不是实时到账,要等二个工作日", "1、资产端:从资产端来看,国金宝目前主要是企业贷,信息披露一般吧 2、风险保障:不是很明确 3、资金存管:无 4、风投融资:国资系,国资成分大概接近50%", "5、是否有负面:有,被曝光之前涉嫌自担保,但目前已经下架相关信息了", "6、收益率:6个月11%,12个月13%", "7、P2P跟投专家建议(微信ID:P2Pgentou):不是很建议投资。之前被曝光过涉嫌自担保,两个国资里面有一个中国少数民族经济文化开发总公司,之前也被曝光过负面", "作者:P2P跟投链接:https://zhuanlan.zhihu.com/p/26672209 来源:知乎著作权归作者所有。", "年化超8%的P2P风险都比较大", "国企入股,也不能保证爆雷的时候国企来给平台用户兜底。", "平台正在搞活动,我投了10万,立刻就返现了800元~~~~收益还是蛮可观的,应该不是忽悠人的,钱我已经拿到了,觉得还是可以试试的!", "下载知乎客户端 与世界分享知识、经验和见解"], "bs_rank_pos": 0}, {"is_selected": false, "title": "国金宝理财靠谱吗_百度知道", "most_related_para": 0, "segmented_title": ["国", "金宝", "理财", "靠谱", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["人生", "就", "有", "许多", "这样", "的", "奇迹", ",", "看似", "比", "登天", "还", "难", "的", "事", ",", "有时", "轻而易举", "就", "可以", "做到", ",", "其中", "的", "差别", "就", "在于", "非凡", "的", "信念", "。", "网络", "黄金", "EGD", "作为", "第三代", "加密", "数字", "资产", ",", "定位", "全球通用", "商业", "升值", "积分", ",", "具有", "其他", "虚拟货币", "不可", "比拟", "、", "无法", "撼动", "的", "地位", "!"]], "paragraphs": ["人生就有许多这样的奇迹,看似比登天还难的事,有时轻而易举就可以做到,其中的差别就在于非凡的信念。 网络黄金EGD作为第三代加密数字资产,定位全球通用商业升值积分,具有其他虚拟货币不可比拟、无法撼动的地位!"], "bs_rank_pos": 1}, {"is_selected": false, "title": "国金宝理财可靠吗_百度知道", "most_related_para": 0, "segmented_title": ["国", "金宝", "理财", "可靠", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["P2P", "理财", "的", "选择", ":", "1", "、", "产品", "的", "风险控制", "看", "所", "选择", "P2P", "理财产品", "的", "产品", "的", "平台", "是否", "规范", ",", "是否", "有", "一", "套", "完善", "的", "风险", "管控", "技术", ",", "是否", "有", "抵押", ",", "是否", "有", "一", "套", "严格", "的", "信", "审", "流程", ",", "是否", "有", "一", "个", "成熟", "的", "风险控制", "团队", ",", "是否", "有", "还款", "风险", "金", ",", "是否", "每", "一", "笔", "的", "债权", "都是", "非常", "透明化", ",", "是否", "每个月", "都会", "在", "固定", "的", "时间", "给", "客户", "邮寄", "账单", "和", "债权", "列表", "等等", ",", "以上", "是", "非常重要", "的", "一些", "问题", ",", "所以", "客户", "在", "进行", "选择", "的", "时候", "一定要", "了解", "清楚", "。", "2", "、", "所选", "产品", "平台", "实力", "一般", "平台", "越", "大", ",", "其", "风险", "管控", "越", "严格", ",", "因为", "平台", "大", ",", "所以", "每", "一", "笔", "债权", "都是", "经过", "严格", "审核", ",", "才会", "转让", "给", "出借人", "。", "另外", ",", "公司", "的", "实力", "和", "规模", "也是", "衡量", "一", "个", "公司", "规范", "与否", "一", "个", "非常重要", "的", "指标", "。", "还有", "公司", "的", "注册资金", ",", "在", "全国", "的", "营业部", "的", "规模", "也", "都是", "一", "个", "非常重要", "的", "指标", "。"]], "paragraphs": ["P2P理财的选择: 1、产品的风险控制 看所选择P2P理财产品的产品的平台是否规范,是否有一套完善的风险管控技术,是否有抵押,是否有一套严格的信审流程,是否有一个成熟的风险控制团队,是否有还款风险金,是否每一笔的债权都是非常透明化,是否每个月都会在固定的时间给客户邮寄账单和债权列表等等,以上是非常重要的一些问题,所以客户在进行选择的时候一定要了解清楚。 2、所选产品平台实力 一般平台越大,其风险管控越严格,因为平台大,所以每一笔债权都是经过严格审核,才会转让给出借人。另外,公司的实力和规模也是衡量一个公司规范与否一个非常重要的指标。还有公司的注册资金,在全国的营业部的规模也都是一个非常重要的指标。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "国金宝是骗局吗,可以相信吗?_百度知道", "most_related_para": 0, "segmented_title": ["国", "金宝", "是", "骗局", "吗", ",", "可以", "相信", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["这个", "要", "看", "它", "的", "模式", "是", "怎么样", "的", ",", "现在", "网上", "平台", "层出不穷", ",", "一定要", "谨慎", ",", "具体情况", "具体", "分析", ",", "看", "昵称", ",", "祝", "好运", "。"]], "paragraphs": ["这个要看它的模式是怎么样的,现在网上平台层出不穷,一定要谨慎, 具体情况具体分析,看昵称,祝好运。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "国金宝怎么样?国金宝安全吗? - 希财新金融", "most_related_para": 7, "segmented_title": ["国", "金宝", "怎么样", "?", "国", "金宝", "安全", "吗", "?", "-", "希", "财", "新", "金融"], "segmented_paragraphs": [["国", "金宝", ",", "国", "字头", "的", "国", "资", "P2P", "平台", ",", "再", "看", "注册", "地", ",", "上海", "陆家嘴", "环球金融中心", ",", "注册资金", "1", ".", "3", "亿", ",", "给", "人", "很", "高", "大", "上", "的", "感觉", ",", "那么", "国", "金宝", "怎么样", "?", "国", "金宝", "安全", "吗", "?", "我们", "一起来", "了解一下", "。"], ["1", "、", "背景", "国", "金宝", "(", "www", ".", "guojinbao", ".", "com", ")", "是", "由", "上海", "银河", "惠理", "金融", "信息", "服务", "公司", "设立", ",", "由", "两", "大", "国有企业", "中国", "少数民族", "经济", "文化", "开发", "总", "公司", "和", "北京", "中冶", "国", "瑞", "资产", "管理", "有限公司", "控股", "的", "互联网", "金融", "平台", ",", "注册资金", "1", ".", "3", "亿", "元", ",", "实缴", "资本", "6000", "万", "。", "国", "金宝", "的", "股东", "之", "一", "是", "中国", "少数民族", "经济", "文化", "开发", "总", "公司", ",", "是", "毋庸置疑", "的", "。", "2", "、", "产品", "平台", "的", "主要", "业务", "有余", "宝宝", "、", "租赁", "宝", "、", "余", "流", "宝", "、", "余", "薪", "宝", "四", "个", "项目", ",", "借款期限", "1", "-", "12", "月", ",", "历史", "预期", "年", "化", "收益", "在", "7", ".", "2", "-", "11", "%", "。", "余", "宝宝", "匹配", "银行", "组合", "产品", ",", "余", "流", "宝", "和", "余", "薪", "宝", "对应", "的", "是", "商", "票", "和", "银票", ",", "金额", "都", "挺", "大", "的", ",", "理财", "期限", "是", "7", "天", "—", "12", "个", "月", "。", "一般", "预期", "年", "化", "收益", "都是", "7", "%", "左右", ",", "要想得到", "11", "%", "的", "预期", "年", "化", "收益", "就", "得", "最少", "投资", "5000", "元", "以上", ",", "12", "个", "月", "。", "可能", "平台", "也", "知道", "自己", "预期", "年化收益", "低", ",", "就", "不断", "推出", "活动", "来", "吸引", "人", "。", "债权转让", "要", "60", "天", "以上", "才能", "挂牌", ",", "提现", "要", "T", "+", "3", "。", "3", "、", "安全", "国", "金宝", "100", "%", "本息", "担保", ",", "投资", "用户", "投资", "的", "借款", "项目", "逾期", "24", "小时", "内", ",", "国", "金宝", "将", "根据", "“", "风险", "备用金", "账户", "计划", "规则", "”", ",", "立即", "启动", "“", "风险", "备用金", "账户", "”", ",", "向", "投资", "人", "支付", "此", "笔", "借款", "未", "支付", "部分", "的", "本金", "和", "本息", "。", "由", "中信银行", "每月", "提供", "该", "“", "风险", "备用金", "账户", "”", "的", "存款证明", ",", "国", "金宝", "将", "每月", "定期", "在", "官网", "上", "公布", "该", "证明", ",", "供", "用户", "监督", "(", "点击查看", "存款证明", ")", "。", "另", "外国", "金宝", "还", "与", "太平洋保险", "合作", ",", "由", "专业", "保险机构", "为", "平台", "提供", "安全保障", "。", "总的来看", ",", "平台", "项目", "信息", "都", "有", "相应", "的", "担保机构", "进行", "保障", "要", "么", "是", "国企", "担保", "么", "要", "么", "是", "政府", "回购", ",", "要", "么", "是", "抵押物", "处置", ",", "看上去", "项目", "的", "安全性", "不错", ",", "但是", "国", "金宝", "对于", "担保机构", "的", "信息披露", "没有", "说明", ",", "我不知道", "到底", "是", "怎么", "担保", "的", "项目", ",", "还有", "其他", "的", "项目", "信息披露", "不", "完善", ",", "个人", "觉得", "国", "金宝", "投资", "还是", "有", "一定", "风险", "的", "。", "另外", "网站", "体验", "不是", "很好", ",", "用户体验", "效", "还", "需", "加强", "。"], ["希", "财", "网", "网贷", "(", "www", ".", "csai", ".", "cn", "/", "p2p", ")", "是", "一", "个", "专业", "的", "p2p", "网贷", "信息", "服务", "门户", ",", "网站", "提供", "最新", "、", "最全", "的", "p2p", "网贷", "资讯", ",", "汇聚", "了", "国内", "权威", "的", "p2p", "网贷", "产品", "。", "更多", "p2p", "网贷", "信息", "欢迎", "关注", "希", "财", "网", "网贷", "。"], ["【", "原创", "声明", "】", "凡", "注明", "“", "来源", ":", "希", "财", "新", "金融", "”", "的", "文章", ",", "系", "本站原创", ",", "任何", "单位", "或", "个人", "未经", "本站", "书面", "授权", "不得转载", "、", "链接", "、", "转贴", "或", "以", "其他", "方式", "复制", "发表", "。", "否则", ",", "本站", "将", "依法", "追究", "其", "法律责任", "。"], ["当天", "能", "撸", "钱", "的", "手机", "贷款", "小额", "贷款", "10", "分钟", "下款", "快速", "借", "到", "10", "万", "揭秘", "房价", "不会", "暴跌", "的", "原因", "如何", "提升", "借款", "成功率", "马上", "到账", "的", "贷款", "口子"], ["暂时", "还", "没有", "评论", "哦", ",", "来", "说", "两句", "吧", "!"], ["怎样", "正确", "投资", "能", "让", "你", "的", "10", "万", "迅速", "变", "100", "万", "?", "易通贷", ":", "5", "年", "运营", "放心", "老", "平台", "进入", "P2P", "超市"], ["风险提示", ":", "广告", "信息", "均", "来自", "平台", "方", ",", "不", "代表", "平台", "安全性", ",", "不", "构成", "投资", "建议", "!", "红包", "、", "体验", "金", "、", "理财", "金", "、", "大礼包", "、", "加息", "券", "、", "满", "减", "券", "、", "优惠券", "等", "都", "不", "直接", "等同", "于", "现金", "。", "参考", "收益", "说明", "不是", "收益", "承诺", ",", "不", "代表", "最终", "真实", "收益", "。", "理财", "有", "风险", ",", "投资", "需谨慎", "!"]], "paragraphs": ["国金宝,国字头的国资P2P平台,再看注册地,上海陆家嘴环球金融中心,注册资金1.3亿,给人很高大上的感觉,那么国金宝怎么样?国金宝安全吗?我们一起来了解一下。", "1、背景 国金宝(www.guojinbao.com)是由上海银河惠理金融信息服务公司设立,由两大国有企业中国少数民族经济文化开发总公司和北京中冶国瑞资产管理有限公司控股的互联网金融平台, 注册资金1.3亿元,实缴资本6000万。国金宝的股东之一是中国少数民族经济文化开发总公司,是毋庸置疑的。 2、产品 平台的主要业务有余宝宝、租赁宝、余流宝、余薪宝四个项目,借款期限1-12月,历史预期年化收益在7.2-11%。 余宝宝匹配银行组合产品,余流宝和余薪宝对应的是商票和银票,金额都挺大的,理财期限是7天—12个月。一般预期年化收益都是7%左右,要想得到11%的预期年化收益就得最少投资5000元以上,12个月。可能平台也知道自己预期年化收益低,就不断推出活动来吸引人。 债权转让要60天以上才能挂牌,提现要T+3。 3、安全 国金宝100%本息担保,投资用户投资的借款项目逾期24小时内,国金宝将根据“风险备用金账户计划规则”,立即启动“风险备用金账户”,向投资人支付此笔借款未支付部分的本金和本息。由中信银行每月提供该“风险备用金账户”的存款证明,国金宝将每月定期在官网上公布该证明,供用户监督(点击查看存款证明)。 另外国金宝还与太平洋保险合作,由专业保险机构为平台提供安全保障。 总的来看,平台项目信息都有相应的担保机构进行保障要么是国企担保么要么是政府回购,要么是抵押物处置,看上去项目的安全性不错,但是国金宝对于担保机构的信息披露没有说明,我不知道到底是怎么担保的项目,还有其他的项目信息披露不完善,个人觉得国金宝投资还是有一定风险的。另外网站体验不是很好,用户体验效还需加强。", "希财网网贷(www.csai.cn/p2p)是一个专业的p2p网贷信息 服务门户,网站提供最新、最全的p2p网贷资讯,汇聚了国内权威的p2p网贷产品。更多p2p网贷信息欢迎关注希财网网贷。", "【原创声明】凡注明“来源:希财新金融”的文章,系本站原创,任何单位或个人未经本站书面授权不得转载、链接、转贴或以其他方式复制发表。否则,本站将依法追究其法律责任。", "当天能撸钱的手机贷款 小额贷款10分钟下款 快速借到10万 揭秘房价不会暴跌的原因 如何提升借款成功率 马上到账的贷款口子", "暂时还没有评论哦,来说两句吧!", "怎样正确投资能让你的10万迅速变100万? 易通贷:5年运营放心老平台 进入P2P超市", "风险提示:广告信息均来自平台方,不代表平台安全性,不构成投资建议!红包、体验金、理财金、大礼包、加息券、满减券、优惠券等都不直接等同于现金。参考收益说明不是收益承诺,不代表最终真实收益。理财有风险,投资需谨慎!"], "bs_rank_pos": 4}], "answer_spans": [[16, 16]], "yesno_answers": ["No"], "fake_answers": ["。"], "question": "国金宝可靠吗", "segmented_answers": [["不可靠", "。"]], "answers": ["不可靠。"], "yesno_type": "OPINION", "answer_docs": [0], "segmented_question": ["国", "金宝", "可靠", "吗"], "question_type": "YES_NO", "question_id": 91204, "fact_or_opinion": "OPINION", "match_scores": [0.6666666666666666]}
-{"documents": [{"is_selected": true, "title": "李易欢历史上有吗,李易欢小时候是谁演的_百度知道", "most_related_para": 0, "segmented_title": ["李易", "欢", "历史", "上", "有", "吗", ",", "李易", "欢", "小时候", "是", "谁", "演", "的", "_", "百度", "知道"], "segmented_paragraphs": [["很多朋友", "对于", "李易", "欢", "历史", "上", "有", "吗", "不是", "很", "清楚", ",", "今天", "小", "编", "就", "带", "大家", "了解一下", "李易", "欢", "小时候", "是", "谁", "演", "的", "吧", "。", "电视剧", "《", "龙珠", "传奇", "》", "正在热播", ",", "很多", "观众", "已经", "被", "剧", "中", "的", "女", "主", "李易", "欢", "给", "征服", ",", "无论", "是", "小时候", "的", "搞", "坏", "滑头", ",", "还是", "长大后", "的", "变通", "幽默", "都是", "观众", "的", "最爱", "。", "那", "李易", "欢", "是", "历史", "上", "的", "谁", "呢", "?", "是", "谁", "的", "孩子", "?", "在", "剧", "中", "眨眼", "十", "年", "的", "光阴", "中", ",", "李易", "欢", "小时候", "是", "谁", "演", "的", "?", "据悉", ",", "李易", "欢", "的", "设定", "是", "明朝", "最后一个", "公主", "。", "不过", "具体", "是", "哪一个", "还", "真", "的", "不好", "说", "。", "因为", "活", "到", "最后", "的", "公主", "是", "坤兴", "公主", "(", "在", "清", "为", "“", "长平公主", "”", ")", ",", "崇祯", "的", "长", "女", ",", "母王顺妃", ",", "由", "周", "皇后", "抚养", "长大", ",", "名字", "叫做", "朱媺娖", "(", "朱淑娖", ")", "。", "同", "母", "姐姐", "坤", "仪", "公主", ",", "同", "母", "兄弟", "有", "悼", "皇帝", "朱慈烺", "、", "怀", "隐王", "朱", "慈", "烜", "、", "定", "哀", "王", "朱", "慈", "炯", "。", "历史", "记载", ",", "李自成", "攻入", "北京", "后", ",", "崇祯", "帝", "心灰意冷", ",", "对", "长平公主", "叹", "道", "“", "汝", "何故", "生", "我", "家", "!", "”", "挥剑", "斫", "公主", ",", "断", "左臂", "。", "至", "顺治", "年", "间", ",", "由", "顺治", "下", "旨", "赐婚", "之前", "选定", "的", "驸马"]], "paragraphs": ["很多朋友对于李易欢历史上有吗不是很清楚,今天小编就带大家了解一下李易欢小时候是谁演的吧。 电视剧《龙珠传奇》正在热播,很多观众已经被剧中的女主李易欢给征服,无论是小时候的搞坏滑头,还是长大后的变通幽默都是观众的最爱。那李易欢是历史上的谁呢?是谁的孩子?在剧中眨眼十年的光阴中,李易欢小时候是谁演的? 据悉,李易欢的设定是明朝最后一个公主。不过具体是哪一个还真的不好说。因为活到最后的公主是坤兴公主(在清为“长平公主”),崇祯的长女,母王顺妃,由周皇后抚养长大,名字叫做朱媺娖(朱淑娖)。同母姐姐坤仪公主,同母兄弟有悼皇帝朱慈烺、怀隐王朱慈烜、定哀王朱慈炯。 历史记载,李自成攻入北京后,崇祯帝心灰意冷,对长平公主叹道“汝何故生我家!”挥剑斫公主,断左臂。至顺治年间,由顺治下旨赐婚之前选定的驸马"], "bs_rank_pos": 1}, {"is_selected": false, "title": "龙珠传奇李易欢的原型是谁 历史上真的有这个人吗-秀目网", "most_related_para": 1, "segmented_title": ["龙珠", "传奇", "李易", "欢", "的", "原型", "是", "谁", "历史", "上", "真", "的", "有", "这个人", "吗", "-", "秀", "目", "网"], "segmented_paragraphs": [["首页", ">", "娱乐", ">", "电视剧", ">", "龙珠", "传奇", "李易", "欢", "竟是", "史", "上", "最后", "一", "位", "公主"], ["《", "龙珠", "传奇", "》", "中", "饰演", "的", "李易", "欢", "又", "名", "朱易", "欢", ",", "很多人", "都", "说", "《", "龙珠", "传奇", "》", "的", "剧情", "和", "《", "怀玉公主", "》", "的", "剧情", "很", "像", ",", "那么", "李易", "欢", "的", "原型", "会不会", "也是", "怀玉公主", "呢", "?"]], "paragraphs": ["首页>娱乐 > 电视剧 > 龙珠传奇李易欢竟是史上最后一位公主", "《龙珠传奇》中饰演的李易欢又名朱易欢,很多人都说《龙珠传奇》的剧情和《怀玉公主》的剧情很像,那么李易欢的原型会不会也是怀玉公主呢?"], "bs_rank_pos": 3}, {"is_selected": true, "title": "《龙珠传奇》李易欢历史原型是谁?李易欢最后复仇成功了吗?_影视资讯", "most_related_para": 1, "segmented_title": ["《", "龙珠", "传奇", "》", "李易", "欢", "历史", "原型", "是", "谁", "?", "李易", "欢", "最后", "复仇", "成功", "了", "吗", "?", "_", "影视资讯"], "segmented_paragraphs": [["《", "龙珠", "传奇", "》", "剧照"], ["《", "龙珠", "传奇", "》", "的", "热播", "让", "人们", "对于", "李易", "欢", "和", "康熙", "这", "两人", "的", "感情", "纠葛", "十分", "的", "期待", ",", "剧", "中", "的", "李易", "欢", "虽", "为", "明朝", "的", "遗珠", ",", "但是", "却", "爱上了", "与", "自己", "有着", "家仇", "国", "恨", "的", "康熙", "小皇帝", "。", "不少", "人", "疑问", "李易", "欢", "有", "历史", "原型", "吗", "?", "李易", "欢", "历史", "原型", "是", "谁", "呢", "?", "她", "与", "康熙", "的", "爱情故事", "是", "真的", "吗", "?", "李易", "欢", "是", "康熙", "的", "妃子", "吗", "?", "历史", "上", "康熙", "妃子", "有", "明朝", "的", "吗", "?", "李易欢", "结局", "是什么", "?", "最后", "和", "谁", "在一起", "了", "呢", "?", "下面", "爱", "福清", "网", "小", "编", "就", "来", "告诉", "大家", "吧", "!", "李易", "欢", "原型", "是", "哪个", "公主", "李易", "欢", "(", "朱易", "欢", ")", "是", "前", "朝", "公主", ",", "在", "康熙", "微服私访", "时", "不打不相识", "。", "但是", ",", "当", "李易", "欢", "与", "康熙", "的", "感情", "愈演愈烈", "时", ",", "同伴", "朱", "慈", "煊", "的", "提醒", "让", "她", "意识到", "了", "自己", "的", "身份", "和", "使命", ",", "也", "令", "她", "陷入", "家", "国", "情仇", "的", "纠结", "中", "。", "不", "少", "观众", "表示", ",", "这部", "《", "龙珠", "传奇", "之", "无间道", "》", "简直", "就是", "另类", "版", "《", "鹿鼎记", "》", ",", "因为", "剧", "中", "的", "朝代", "背景", "和", "《", "鹿鼎记", "》", "十分", "相似", "。", "而", "《", "龙珠", "传奇", "》", "中", "的", "李易", "欢", "和", "《", "鹿鼎记", "》", "中", "的", "九难", "尼姑", "的", "原型", "很", "可能", "是", "前", "明", "的", "长平公主", "。"], ["持", "ak47", "战", "劫匪", "福清", "小伙", "南非", "开", "安保", "公司", "建", "500", "人", "队伍", "央视", "国际频道", "曾", "关注", "陈晓华", "安保", "队员", "多", "为", "当地", "退伍军人", "、", "预备役", "警察", ",", "中间", "的", "华人", "小伙", "就是", "陈晓华", "南非", "的", "华人", "中", ",", "福清", "人", "占", "了", "一大", "部分", "。", "华人", "在", "南非", "经商", "、", "生活", "…", "[", "详细", "]"]], "paragraphs": ["《龙珠传奇》剧照", "《龙珠传奇》的热播让人们对于李易欢和康熙这两人的感情纠葛十分的期待,剧中的李易欢虽为明朝的遗珠,但是却爱上了与自己有着家仇国恨的康熙小皇帝。不少人疑问李易欢有历史原型吗?李易欢历史原型是谁呢?她与康熙的爱情故事是真的吗?李易欢是康熙的妃子吗?历史上康熙妃子有明朝的吗?李易欢结局是什么?最后和谁在一起了呢?下面爱福清网小编就来告诉大家吧! 李易欢原型是哪个公主 李易欢(朱易欢)是前朝公主,在康熙微服私访时不打不相识。但是,当李易欢与康熙的感情愈演愈烈时,同伴朱慈煊的提醒让她意识到了自己的身份和使命,也令她陷入家国情仇的纠结中。 不少观众表示,这部《龙珠传奇之无间道》简直就是另类版《鹿鼎记》,因为剧中的朝代背景和《鹿鼎记》十分相似。而《龙珠传奇》中的李易欢和《鹿鼎记》中的九难尼姑的原型很可能是前明的长平公主。", "持ak47战劫匪 福清小伙南非开安保公司建500人队伍  央视国际频道曾关注陈晓华 安保队员多为当地退伍军人、预备役警察,中间的华人小伙就是陈晓华 南非的华人中,福清人占了一大部分。华人在南非经商、生活…[详细]"], "bs_rank_pos": 4}, {"is_selected": false, "title": "龙珠传奇李易欢历史上的原型是谁 结局复仇成功了吗和谁在一起--湖北", "most_related_para": 2, "segmented_title": ["龙珠", "传奇", "李易", "欢", "历史", "上", "的", "原型", "是", "谁", "结局", "复仇", "成功", "了", "吗", "和", "谁", "在一起", "-", "-", "湖北"], "segmented_paragraphs": [["原", "标题", ":", "龙珠", "传奇", "李易", "欢", "历史", "上", "的", "原型", "是", "谁", "结局", "复仇", "成功", "了", "吗", "和", "谁", "在一起"], ["据悉", ",", "结局", "中", "李易", "欢", "没有", "复仇", "成功", ",", "而是", "选择离开", "了", "皇宫", ",", "因为", "康熙", "以", "仁德", "治国", "的", "理念", "打动", "了", "她", ",", "她", "最终", "决定", "放弃", "仇恨", "并", "说服", "师", "兄妹", ",", "不要", "再", "为", "私仇", "而", "引发", "战乱", "危害", "百姓", "。", "康熙", "承诺", ",", "会", "做", "一", "代", "明君", ",", "而", "事实证明", ",", "康熙", "做到", "了", ",", "开创", "了", "康乾盛世", "的", "局面", ",", "不过", "这", "对", "昔日", "的", "恋人", "也", "只能", "相忘", "于", "世", ",", "相", "记", "于", "心", "。"], ["那么", "李易", "欢", "历史", "上", "原型", "是", "谁", "呢", "?", "据悉", ",", "李易", "欢", "的", "设定", "是", "明朝", "最后一个", "公主", "。", "不过", "具体", "是", "哪一个", "还", "真", "的", "不好", "说", "。", "因为", "活", "到", "最后", "的", "公主", "是", "坤兴", "公主", "(", "在", "清", "为", "“", "长平公主", "”", ")", ",", "崇祯", "的", "长", "女", ",", "母王顺妃", ",", "由", "周", "皇后", "抚养", "长大", ",", "名字", "叫做", "朱媺娖", "(", "朱淑娖", ")", "。", "同", "母", "姐姐", "坤", "仪", "公主", ",", "同", "母", "兄弟", "有", "悼", "皇帝", "朱慈烺", "、", "怀", "隐王", "朱", "慈", "烜", "、", "定", "哀", "王", "朱", "慈", "炯", "。"], ["历史", "记载", ",", "李自成", "攻入", "北京", "后", ",", "崇祯", "帝", "心灰意冷", ",", "对", "长平公主", "叹", "道", "“", "汝", "何故", "生", "我", "家", "!", "”", "挥剑", "斫", "公主", ",", "断", "左臂", "。", "至", "顺治", "年", "间", ",", "由", "顺治", "下", "旨", "赐婚", "之前", "选定", "的", "驸马", "周显", "(", "周世显", ")", ",", "公主", "上", "书", "请", "辞", "要求", "出家", "不", "果", ",", "下嫁", "一年", "后", "郁郁", "而", "终", "。", "明", "亡", "之后", "还有", "福王", "、", "唐王", "、", "鲁王", "、", "桂王", "等", ",", "具体", "事迹", "都", "没有", "流传下来", ",", "如果", "有的话", "这些", "才是", "末代", "公主", "。"], ["(", "责编", ":", "关", "喜", "艳", "、", "周恬", ")"], ["近来", ",", "还有", "许多事情", "记", "挂", "在", "总理", "心", "间", ",", "在", "他", "的", "敦促", "下", "也", "正", "逐步", "得到", "解决", "。", "但", "仍", "应", "反思", ":", "本", "应", "给", "群众", "方便", "的", "事情", ",", "为何", "非", "得", "总理", "说", "了", "才能", "解决", "呢", "?"]], "paragraphs": ["原标题:龙珠传奇李易欢历史上的原型是谁 结局复仇成功了吗和谁在一起", "据悉,结局中李易欢没有复仇成功,而是选择离开了皇宫,因为康熙以仁德治国的理念打动了她,她最终决定放弃仇恨并说服师兄妹,不要再为私仇而引发战乱危害百姓。康熙承诺,会做一代明君,而事实证明,康熙做到了,开创了康乾盛世的局面,不过这对昔日的恋人也只能相忘于世,相记于心。", "那么李易欢历史上原型是谁呢?据悉,李易欢的设定是明朝最后一个公主。不过具体是哪一个还真的不好说。因为活到最后的公主是坤兴公主(在清为“长平公主”),崇祯的长女,母王顺妃,由周皇后抚养长大,名字叫做朱媺娖(朱淑娖)。同母姐姐坤仪公主,同母兄弟有悼皇帝朱慈烺、怀隐王朱慈烜、定哀王朱慈炯。", "历史记载,李自成攻入北京后,崇祯帝心灰意冷,对长平公主叹道“汝何故生我家!”挥剑斫公主,断左臂。至顺治年间,由顺治下旨赐婚之前选定的驸马周显(周世显),公主上书请辞要求出家不果,下嫁一年后郁郁而终。明亡之后还有福王、唐王、鲁王、桂王等,具体事迹都没有流传下来,如果有的话这些才是末代公主。", "(责编:关喜艳、周恬)", "近来,还有许多事情记挂在总理心间,在他的敦促下也正逐步得到解决。但仍应反思:本应给群众方便的事情,为何非得总理说了才能解决呢?"], "bs_rank_pos": 5}, {"is_selected": false, "title": "龙珠传奇李易欢历史上的原型是谁 结局复仇成功了吗和谁在一起", "most_related_para": 0, "segmented_title": ["龙珠", "传奇", "李易", "欢", "历史", "上", "的", "原型", "是", "谁", "结局", "复仇", "成功", "了", "吗", "和", "谁", "在一起"], "segmented_paragraphs": [["导读", ":", "电视剧", "《", "龙珠", "传奇", "之", "无间道", "》", "正在热播", ",", "杨紫", "饰演", "的", "李易", "欢", "是", "明朝", "最后一个", "公主", ",", "为了", "复仇", "接近", "康熙", ",", "那么", "李易", "欢", "历史", "上", "的", "原型", "是", "谁", ",", "结局", "复仇", "成功", "了", "吗", "和", "谁", "在一起", "。"], ["由", "杨紫", "和", "秦俊杰", "这", "对", "现实", "中", "的", "真", "恋人", "联袂", "出演", "的", "《", "龙珠", "传奇", "之", "无间道", "》", ",", "不", "少", "网友", "都", "好奇", "《", "龙珠", "传奇", "之", "无间道", "》", "什么时候", "播出", "?", "李易欢", "结局", "是什么", "?", "从", "历史", "来看", "她", "显然", "没有", "复仇", "成功", ",", "那么", "她", "最后", "怎么样", "了", "?", "她", "是", "历史", "上", "的", "哪一个", "公主", "?", "是", "明", "历", "永", "帝", "的", "最后一个", "女儿", "吗", "?"], ["详情", "【", "视频", "】", "点击", "右下角", "【", "查看原文", "】"], ["热点", "导读", ":", "日前", ",", "刘晓庆", "与", "助理", "友人", "来沪", "工作", ",", "当", "现场", "记者", "提问", "她", "是", "如何", "做到", "60", "岁", "了", "还", "明眸皓齿", "、", "肌肤", "白嫩", ",", "吹", "弹", "可", "破", ",", "没有", "一", "丝", "皱纹", "时", "。", "刘晓庆", "面带微笑", "的", "回答", "了", "记者", "的", "提问", ",", "并", "自", "曝", "“", "不老", "”", "保养", "私", "方", "系", "卵巢保养", "所致", "!", "”", "[", "详情", "]"], ["关注", "微信", "STAR", "星", "贝", "阅读"], ["精彩", "资讯", "Ent", "徐静蕾", "曝", "看", "A片", "的", "女人", "男人", "无法", "把持", "Luxury", "传", "宋智孝", "男友", "警告", "gary", "与", "白昌洙", "分手牵手", "陈柏霖", "Beauty", "情侣", "鸳鸯浴", "容易", "洗", "出", "不孕", "症", "Fashion", "“", "王诗龄", "公主", "范", "萌", "照", "HOLD", "眼球"], ["网友评论"], ["龙珠", "传奇", "李易", "欢", "历史", "上", "的", "原型", "是", "谁", "结局", "复仇", "导读", ":", "电视剧", "《", "龙珠", "传奇", "之", "无间道", "》", "正在热播", ",", "杨紫", "饰演", ".", ".", "."]], "paragraphs": ["导读:电视剧《龙珠传奇之无间道》正在热播,杨紫饰演的李易欢是明朝最后一个公主,为了复仇接近康熙,那么李易欢历史上的原型是谁,结局复仇成功了吗和谁在一起。", "由杨紫和秦俊杰这对现实中的真恋人联袂出演的《龙珠传奇之无间道》,不少网友都好奇《龙珠传奇之无间道》什么时候播出?李易欢结局是什么?从历史来看她显然没有复仇成功,那么她最后怎么样了?她是历史上的哪一个公主?是明历永帝的最后一个女儿吗?", "详情【视频】点击右下角【查看原文】", "热点导读:日前,刘晓庆与助理友人来沪工作,当现场记者提问她是如何做到60岁了还明眸皓齿、肌肤白嫩,吹弹可破,没有一丝皱纹时。刘晓庆面带微笑的回答了记者的提问,并自曝“不老”保养私方系卵巢保养所致!”[详情]", "关注微信STAR星贝阅读", "精彩资讯  Ent 徐静蕾曝看A片的女人 男人无法把持  Luxury 传宋智孝男友警告gary 与白昌洙分手牵手陈柏霖  Beauty 情侣鸳鸯浴容易洗出不孕症  Fashion “王诗龄公主范萌照HOLD眼球", "网友评论", "龙珠传奇李易欢历史上的原型是谁 结局复仇 导读:电视剧《龙珠传奇之无间道》正在热播,杨紫饰演..."], "bs_rank_pos": 6}], "answer_spans": [[102, 158]], "answer_docs": [0], "fake_answers": ["李易欢的设定是明朝最后一个公主。不过具体是哪一个还真的不好说。因为活到最后的公主是坤兴公主(在清为“长平公主”),崇祯的长女,母王顺妃,由周皇后抚养长大,名字叫做朱媺娖(朱淑娖)。"], "question": "李易欢历史上是谁", "segmented_answers": [["李易", "欢", "的", "设定", "是", "明朝", "最后一个", "公主", "。", "不过", "具体", "是", "哪一个", "还", "真", "的", "不好", "说", "。", "因为", "活", "到", "最后", "的", "公主", "是", "坤兴", "公主", "(", "在", "清", "为", "“", "长平公主", "”", ")", ",", "崇祯", "的", "长", "女", ",", "母王顺妃", ",", "由", "周", "皇后", "抚养", "长大", ",", "名字", "叫做", "朱媺娖", "(", "朱淑娖", ")", "。"], ["《", "龙珠", "传奇", "》", "中", "的", "李易", "欢", "的", "原型", "很", "可能", "是", "前", "明", "的", "长平公主", "。"]], "answers": ["李易欢的设定是明朝最后一个公主。不过具体是哪一个还真的不好说。因为活到最后的公主是坤兴公主(在清为“长平公主”),崇祯的长女,母王顺妃,由周皇后抚养长大,名字叫做朱媺娖(朱淑娖)。", "《龙珠传奇》中的李易欢的原型很可能是前明的长平公主。"], "entity_answers": [[], ["长平公主"]], "segmented_question": ["李易", "欢", "历史", "上", "是", "谁"], "question_type": "ENTITY", "question_id": 91205, "fact_or_opinion": "OPINION", "match_scores": [0.9298245614035088]}
-{"documents": [{"is_selected": true, "title": "单片机89c51与89c52的区别_百度知道", "most_related_para": 0, "segmented_title": ["单片机", "89", "c", "51", "与", "89", "c", "52", "的", "区别", "_", "百度", "知道"], "segmented_paragraphs": [["第", "一", ",", "ROM", "89", "c", "51", "是", "4K", ",", "但", "89", "c", "52", "是", "8K", "。", "第", "二", ",", "RAM", "89", "c", "51", "是", "128", "字节", ",", "但", "89", "c", "52256", "字节", "就", "编程", "来", "说", "区别", "不大", ",", "主要", "是", "硬件", "资源", "的", "区别", "。", "区别", "如", "下", ":", "1", "、", "RAM", "空间", "增大", ":", "AT", "89", "C", "51", "有", "128", "字节", "的", "内部", "RAM", ",", "AT", "89", "C", "52", "的", "内部", "RAM", "扩展", "为", "256", "字节", ";", "2", "、", "内部", "FLASH", "变", "大", ":", "AT", "89", "C", "51", "有", "4K", "字节", "的", "内部", "FLASH", "PERAM", ",", "而", "。", "AT", "89", "C", "52", "的", "内部", "FLASH", "PERAM", "增加", "1", "倍", ",", "达到", "8", "K", "。", "3", "、", "中断", "源", "增加", ":", "AT", "89", "C", "52", "除了", "具备", "AT", "89", "C", "51", "的", "定时器", "/", "计数器", "T0", "和", "定时器", "/", "计数器", "T1", ",", "还", "额外", "增加", "了", "一", "个", "定时器", "/", "计数器", "T2", "。"], ["程序", "存储器", "(", "ROM", ")", "51", "为", "4K", "52", "为", "8K", "51", "定时器", "为", "T0", "和", "T1", ",", "52", "则", "多", "一", "个", "定时器", "T2"], ["程序", "存储器", "51", "为", "4K", "52", "为", "8K", "51", "定时器", "为", "T0", "和", "T1", ",", "52", "则", "多", "一", "个", "定时器", "T2"], ["51", "内存", "为", "4k", "52", "内存", "为", "8k", "其他", "都是", "一样", "的"], ["52", "是", "8K", "的", ",", "51", "是", "4K", "的", "内存"]], "paragraphs": ["第一,ROM89c51是4K,但89c52是8K。第二,RAM89c51是128字节,但89c52256字节就编程来说区别不大,主要是硬件资源的区别。区别如下:1、RAM空间增大:AT89C51有128字节的内部RAM,AT89C52的内部RAM扩展为256字节;2、内部FLASH变大:AT89C51有4K字节的内部FLASHPERAM,而。AT89C52的内部FLASHPERAM增加1倍,达到8K。3、中断源增加:AT89C52除了具备AT89C51的定时器/计数器T0和定时器/计数器T1,还额外增加了一个定时器/计数器T2。", "程序存储器 (ROM)51为 4K 52为8K 51定时器为T0和T1,52则多一个定时器T2", "程序存储器 51为 4K 52为8K 51定时器为T0和T1,52则多一个定时器T2", "51内存为4k 52内存为8k 其他都是一样的", "52是8K的,51是4K的内存"], "bs_rank_pos": 0}, {"is_selected": false, "title": "89c51和89c52区别_百度知道", "most_related_para": 0, "segmented_title": ["89", "c", "51", "和", "89", "c", "52", "区别", "_", "百度", "知道"], "segmented_paragraphs": [["第", "一", ",", "ROM", "89", "c", "51", "是", "4K", ",", "但", "89", "c", "52", "是", "8K", "。", "第", "二", ",", "RAM", "89", "c", "51", "是", "128", "字节", ",", "但", "89", "c", "52256", "字节", "就", "编程", "来", "说", "区别", "不大", ",", "主要", "是", "硬件", "资源", "的", "区别", "。", "区别", "如", "下", ":", "1", "、", "RAM", "空间", "增大", ":", "AT", "89", "C", "51", "有", "128", "字节", "的", "内部", "RAM", ",", "AT", "89", "C", "52", "的", "内部", "RAM", "扩展", "为", "256", "字节", ";", "2", "、", "内部", "FLASH", "变", "大", ":", "AT", "89", "C", "51", "有", "4K", "字节", "的", "内部", "FLASH", "PERAM", ",", "而", "。", "AT", "89", "C", "52", "的", "内部", "FLASH", "PERAM", "增加", "1", "倍", ",", "达到", "8", "K", "。", "3", "、", "中断", "源", "增加", ":", "AT", "89", "C", "52", "除了", "具备", "AT", "89", "C", "51", "的", "定时器", "/", "计数器", "T", "0", "和", "定时器", "/", "计数器", "T1", ",", "还", "额外", "增加", "了", "一", "个", "定时器", "/", "计数器", "T2", "。"], ["基本功能", "是", "类似", "的", ",", "只是", "内部", "存储器", "52", "要", "大", "一些", ",", "然后", "就是", "定时", "有", "3", "个", ",", "具体", "还要", "看", "各", "芯片", "datasheet", "。"]], "paragraphs": ["第一,ROM 89c51是4K,但89c52是8K。 第二,RAM89c51是128字节,但89c52256字节 就编程来说区别不大,主要是硬件资源的区别。 区别如下: 1、RAM 空间增大:AT89C51 有128 字节的内部 RAM,AT89C52 的内部 RAM 扩展为 256 字节; 2、内部FLASH变大:AT89C51 有 4K 字节的内部 FLASH PERAM,而。AT89C52 的内部FLASH PERAM 增加1倍,达到8K。 3、中断源增加:AT89C52 除了具备 AT89C51 的定时器/计数器 T0 和定时器/计数器 T1,还额外增加了一个定时器/计数器 T2。", "基本功能是类似的,只是内部存储器52要大一些,然后就是定时有3个,具体还要看各芯片datasheet。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "", "most_related_para": 0, "segmented_title": [], "segmented_paragraphs": [["AT", "89", "C", "51", "和", "AT", "89", "C", "52", "的", "区别", "1", "、", "RAM", "空间", "增大", ":", "AT", "89", "C", "51", "有", "128", "字节", "的", "内部", "RAM", ",", "称", "之", "为", "DATA", "存储", "区", "。", "AT", "89", "C", "52", "的", "内部", "RAM", "扩展", "为", "256", "字节", ",", "其中", "高", "128", "字节", ",", "位于", "从", "80", "H", "开始", "的", "地址", "空间", "中", ",", "称", "之", "为", "IDATA", "存储", "区", ",", "但", "IDATA", "区", "的", "访问", "只能", "是", "间接", "寻址", "方式", "。", "2", "、", "内部", "FLASH", "变", "大", ":", "AT", "89", "C", "51", "有", "4K", "字节", "的", "内部", "FLASH", "PERAM", ",", "而", "。", "AT", "89", "C", "52", "的", "内", "部", "FLASH", "PERAM", "增加", "1", "倍", ",", "达到", "8", "K", "。", "3", "、", "中断", "源", "增加", ":", "在", "AT", "89", "C", "52", "中", "P", "1", ".", "0", "和", "P", "1", ".", "1", "还", "可", "分别", "作为", "定时器", "/", "计数器", "2", "的", "外部", "计数", "输入", "(", "P", "1", ".", "0", "/", "T2", ")", "和", "(", "P", "1", ".", "1", "/", "T2EX", ")", ",", "也就是说", ",", "P", "1", ".", "0", "同时", "可", "作为", "定时器", "/", "计数器", "T", "2", "的", "外部", "计数", "输入", ",", "和", "输出", "占空比", "50", "%", "的", "时钟", "脉冲", "端口", ",", "P", "1", ".", "1", "同时", "可", "作为", "定时器", "/", "计数器", "T", "2", "捕获", "/", "重新", "装载", "触发", "和", "方向", "控制", "端口", "。", "故", ",", "AT", "89", "C", "52", "除了", "具备", "AT", "89", "C", "51", "的", "定时器", "/", "计数器", "T", "0", "和", "定时", "器", "/", "计数器", "T1", ",", "还", "额外", "增加", "了", "一", "个", "定时器", "/", "计数器", "T2", "。", "而", "定时器", "/", "计数器", "T", "2", "的", "控制", "和", "状态", "位", "单独", "位于", "T2CON", "、", "T2", "MOD", ",", "定时器", "/", "计数器", "T", "2", "在", "16", "位", "捕获", "方式", "或", "自动", "重新", "装载", "方式", "下", "的", "捕获", "/", "重载", "寄存器", "组", "是", "(", "TCAO", "2", "H", "、", "RCAP2L", ")", "。"]], "paragraphs": ["AT89C51 和 AT89C52 的区别 1、RAM 空间增大:AT89C51 有 128 字节的内部 RAM,称之为 DATA 存储区。AT89C52 的内部 RAM 扩展为 256 字节,其中高 128 字节,位于从 80H 开始的地址空间中,称之 为 IDATA 存储区,但 IDATA 区的访问只能是间接寻址方式。 2、内部 FLASH 变大:AT89C51 有 4K 字节的内部 FLASH PERAM,而。AT89C52 的内 部 FLASH PERAM 增加 1 倍,达到 8K。 3、 中断源增加: 在 AT89C52 中 P1.0 和 P1.1 还可分别作为定时器/计数器 2 的外部计数输入 (P1.0/T2)和(P1.1/T2EX),也就是说,P1.0 同时可作为定时器/计数器 T2 的外部计数 输入,和输出占空比 50% 的时钟脉冲端口,P1.1 同时可作为定时器/计数器 T2 捕获/重新 装载触发和方向控制端口。故,AT89C52 除了具备 AT89C51 的定时器/计数器 T0 和定时 器/计数器 T1,还额外增加了一个定时器/计数器 T2。而定时器/计数器 T2 的控制和状态 位单独位于 T2CON、T2MOD,定时器/计数器 T2 在 16 位捕获方式或自动重新装载方式 下的捕获/重载寄存器组是(TCAO2H、RCAP2L)。"], "bs_rank_pos": 4}, {"is_selected": false, "title": "", "most_related_para": 1, "segmented_title": [], "segmented_paragraphs": [["先", "说", "相同", "的", ":", "都是", "51", "系列", "单片机", ",", "都", "支持", "ISP", "在线", "编程", "功能", ".", "可以", "不用", "昂", "贵", "的", "编程器", ",", "只", "用", "自己", "做", "一", "个", "编程", "即可", "(", "注", ":", "at", "的", "at", "89", "cxx", "系列", "不能", "在线", "编程", ",", "at", "89", "sxx", "系列", "可以", ")", ".", "也", "都", "有", "20", "引脚", "和", "40", "引脚", "两种", "单片机", ".", "不同", "的", "是", ",", "STC", "的", "在线", "编程", "方式", "是", "通过", "串口", ",", "需要", "一", "个", "MAX", "232", "芯片", "做", "串口通信", "电路", ",", "AT", "的", "是", "并口", "编程", "方式", ",", "需要", "一", "个", "74", "HC", "244", "来", "做", "并口", "通信", "电路", "(", "可以", "不要", "这个", "芯片", ",", "但", "对", "你", "的", "电脑", "有", "危险", ")", ".", "相对来说", "STC", "的", "在线", "编程", "方式", "简单", "点", "!", "就", "比较", "来", "说", ",", "STC", "稍稍", "便宜", "于", "AT", "的", ",", "但", "不是", "中国", "大部分", "大城市", "都会", "有", "卖", "的", ",", "我", "在", "天津", "就", "买", "不到", "STC", "的", ",", "需要", "打电话", "到", "宏晶", "北京分公司", "或", "上", "淘宝", "买", ",", "要", "邮费", ".", "AT", "很多", "城市", "甚至", "小", "县城", "都", "有", "卖", "的", ".", "在", "单片机", "里", "ISP", "是", "In", "System", "Programming", "(", "在", "系统", "编程", ")", "也", "就是说", "单片机", "可以直接", "安装", "在", "目标", "系统", "上", ",", "编程", "的", "时候", "不需要", "拔出来", ",", "也", "不需要", "专门", "的", "编", "程", "器", ",", "就", "可以", "直接", "在", "目标", "系统", "上", "编程", ",", "而", "以前", "的", "89", "C", "51", "编程", "的", "时候", "必须", "拔", "下来", "并", "用", "专门", "的", "编程器", "烧写", "程序", ",", "很", "不", "方便", ",", "现在", "绝大多数", "单片机", "都", "有", "ISP", "或者", "JTAG", "功能", "了", "初学", "单片机", ",", "ISP", "是", "什么", "意思", "?", "悬赏", "分", ":", "0", "-", "解决", "时间", ":", "2009", "-", "6", "-", "11", "12", ":", "17", "提问", "者", ":", "gang", "zgy", "-", "一", "级", "最佳", "答案", "一", "楼", "的", "B", "S", "一", "下", ",", "复制", "粘贴", "起码", "得", "找", "对", "地方", "啊", "~", "~", "~", "ISP", "其实", "就是", "在线", "编程", ",", "以往", "单片机", "下", "载", "程序", "都", "需要", "烧写", "器", "之类", "的", "东东"], ["一", "级", "最佳", "答案", "一", "楼", "的", "B", "S", "一", "下", ",", "复制", "粘贴", "起码", "得", "找", "对", "地方", "啊", "~", "~", "~", "ISP", "其实", "就是", "在线", "编程", ",", "以往", "单片机", "下", "载", "程序", "都", "需要", "烧写", "器", "之类", "的", "东东", ",", "并且", "需要", "把", "单片机", "从", "电路板", "上", "拔", "下来", "烧写", ",", "烧", "好再", "插", "上", ",", "很麻烦", ".", "ISP", "功能", "可以通过", "非常", "简单", "廉价", "的", "下载", "线", "直接", "在", "电路板", "上", "给", "单片机", "下载", "程序", "或者", "擦除", "程序", ",", "可以", "在线", "调试", ",", "免去", "插", "来", "插", "去", "的", "麻烦", ".", "现在", "出", "的", "主流", "单片机", "都", "支持", "ISP", "功能", ".", "初学", "建议", "AVR", "或者", "51", "的", "S", "系列", ",", "这些", "都", "有", "ISP", "功能", "的", ",", "下载器", "通用", ",", "可以", "自制", ",", "成本", "不", "到", "5", "块", "钱", ",", "这", "点", "上", "比", "烧写", "器", "便宜", "的", "多", ",", "普普通通", "一", "个", "烧写", "器", "就要", "200", "多", ".", ".", ".", "一般", "的", "51", "单片机", "开发板", "能", "用", "AT", "89", "S", "51", "吗", "?", "上面", "只", "说", "用", "STC", "的", "单片机", "!", "悬赏", "分", ":", "0", "-", "解决", "时间", ":", "2009", "-", "11", "-", "4", "22", ":", "30", "提问", "者", ":", "627385312", "-", "二级", "最佳", "答案", "AT", "89", "S", "51", "和", "STC", "89", "C", "51", "均", "可", "采用", "ISP", "下载", ",", "区别", "是", ":", "AT", "89", "S", "51", "-", "是", "模拟", "ISP", ",", "不是", "真正", "的", ",", "最佳", "是", "采用", "SPI", "(", "串行", "外围设备", "接口", ",", "SPI", "是", "Motorola", "公司", "推出", "的", "一", "种", "同步", "串行通讯", "方式", ")", ",", "接", "到", "51", "需用", "到", "MISO", "/", "MOSI", "/", "SCK", "/", "RST", "管", "脚", ".", "举", "个", "例子", ":", "市场", "上", "有些", "用", "单片机", "做", "的", "USB", "下载器", "就是", "这个", "原理", "方式", ".", "AT", "89", "S", "51", "-", "经过", "试验", "也", "可以", "用", "串口", "232", "下载", ",", "但", "不", "推", "荐", ",", "还是", "必须", "接", "到", "MISO", "/", "MOSI", "/", "SCK", "/", "RST", "(", "P", "1", ".", "5", "/", "1.6", "/", "1", ".", "7", "/", "RST", ")", ",", "而", "并", "不", "是", "接", "到", "串口", "(", "P", "3", ".", "0", "/", "P", "3", ".", "1", ")", "下载", ".", "你", "看到", "的", "AT", "89", "S", "51", "用", "串口", "下载", "的", "只是", "通过", "一", "个", "芯片", "转换", "成", "并行", "或", "SPI", ",", "而", "不是", "串口", "(", "指", "没有", "用", "到", "P", "3.0", "/", "3.1", "这个", "串口", ")", "STC", "89", "C", "51", "是", "ISP", ",", "用", "的", "是", "真正", "的", ".", "串口", ",", "其", "缺点", "是", "需要", "冷启动", ",", "虽然", "在", "程序", "中", "加入", "命令", "可以", "实现", "不需要", "按", "开关", "即可", "下载", ","]], "paragraphs": ["先说相同的:都是51系列单片机,都支持 ISP 在线编程功能.可以不用昂贵的编程器,只 用自己做一个编程即可(注:at 的 at89cxx 系列不能在线编程,at89sxx 系列可以) .也 都有20引脚和40引脚两种单片机. 不同的是,STC 的在线编程方式是通过串口,需要一个 MAX232芯片做串口通信电路,AT 的是并口编程方式,需要一个74HC244来做并口通信电路(可以不要这个芯片,但对你的 电脑有危险) .相对来说 STC 的在线编程方式简单点! 就比较来说,STC 稍稍便宜于 AT 的,但不是中国大部分大城市都会有卖的,我在天津就买 不到 STC 的,需要打电话到宏晶北京分公司或上淘宝买,要邮费.AT 很多城市甚至小县城 都有卖的. 在单片机里 ISP 是 In System Programming(在系统编程) 也就是说单片机可以直接安装在目标系统上, 编程的时候不需要拔出来, 也不需要专门的编 程器,就可以直接在目标系统上编程,而以前的89C51编程的时候必须拔下来并用专门的 编程器烧写程序,很不方便,现在绝大多数单片机都有 ISP 或者 JTAG 功能了 初学单片机,ISP 是什么意思? 悬赏分:0- 解决时间:2009-6-11 12:17 提问者: gangzgy - 一级 最佳答案 一楼的 BS 一下,复制粘贴起码得找对地方啊~~~ ISP 其实就是在线编程,以往单片机下 载程序都需要烧写器之类的东东", "一级 最佳答案 一楼的 BS 一下,复制粘贴起码得找对地方啊~~~ ISP 其实就是在线编程,以往单片机下 载程序都需要烧写器之类的东东,并且需要把单片机从电路板上拔下来烧写,烧好再插上, 很麻烦. ISP 功能可以通过非常简单廉价的下载线直接在电路板上给单片机下载程序或者 擦除程序,可以在线调试,免去插来插去的麻烦. 现在出的主流单片机都支持 ISP 功能. 初学建议 AVR 或者51的 S 系列,这些都有 ISP 功能的,下载器通用,可以自制,成本不 到5块钱,这点上比烧写器便宜的多,普普通通一个烧写器就要200多.. . 一般的51单片机开发板能用 AT89S51吗?上面只说用 STC 的单片机! 悬赏分:0- 解决时间:2009-11-4 22:30 提问者: 627385312 - 二级 最佳答案 AT89S51和 STC89C51均可采用 ISP 下载,区别是: AT89S51- 是模拟 ISP,不是真正 的,最佳是采用 SPI(串行外围设备接口,SPI 是 Motorola 公司推出的一种同步串行通讯 方式) ,接到51需用到 MISO/MOSI/SCK/RST 管脚.举个例子:市场上有些用单片机做 的 USB 下载器就是这个原理方式. AT89S51- 经过试验也可以用串口232下载,但不推 荐,还是必须接到 MISO/MOSI/SCK/RST(P1.5/1.6/1.7/RST) ,而并不是接到串口 (P3.0/P3.1)下载.你看到的 AT89S51用串口下载的只是通过一个芯片转换成并行或 SPI,而不是串口(指没有用到 P3.0/3.1这个串口) STC89C51 是 ISP,用的是真正的 . 串口,其缺点是需要冷启动,虽然在程序中加入命令可以实现不需要按开关即可下载,"], "bs_rank_pos": 7}], "answer_spans": [[0, 154]], "fake_answers": ["第一,ROM89c51是4K,但89c52是8K。第二,RAM89c51是128字节,但89c52256字节就编程来说区别不大,主要是硬件资源的区别。区别如下:1、RAM空间增大:AT89C51有128字节的内部RAM,AT89C52的内部RAM扩展为256字节;2、内部FLASH变大:AT89C51有4K字节的内部FLASHPERAM,而。AT89C52的内部FLASHPERAM增加1倍,达到8K。3、中断源增加:AT89C52除了具备AT89C51的定时器/计数器T0和定时器/计数器T1,还额外增加了一个定时器/计数器T2。"], "question": "89c51和89c52的区别", "segmented_answers": [["第", "一", ",", "ROM", "89", "c", "51", "是", "4K", ",", "但", "89", "c", "52", "是", "8K", "。", "第", "二", ",", "RAM", "89", "c", "51", "是", "128", "字节", ",", "但", "89", "c", "52256", "字节", "。", "1", "、", "RAM", "空间", "增大", ":", "AT", "89", "C", "51", "有", "128", "字节", "的", "内部", "RAM", ",", "AT", "89", "C", "52", "的", "内部", "RAM", "扩展", "为", "256", "字节", ";", "2", "、", "内部", "FLASH", "变", "大", ":", "AT", "89", "C", "51", "有", "4K", "字节", "的", "内部", "FLASH", "PERAM", ",", "而", "。", "AT", "89", "C", "52", "的", "内部", "FLASH", "PERAM", "增加", "1", "倍", ",", "达到", "8", "K", "。", "3", "、", "中断", "源", "增加", ":", "AT", "89", "C", "52", "除了", "具备", "AT", "89", "C", "51", "的", "定时器", "/", "计数器", "T0", "和", "定时器", "/", "计数器", "T1", ",", "还", "额外", "增加", "了", "一", "个", "定时器", "/", "计数器", "T2", "。"]], "answers": ["第一,ROM89c51是4K,但89c52是8K。第二,RAM89c51是128字节,但89c52256字节。1、RAM空间增大:AT89C51有128字节的内部RAM,AT89C52的内部RAM扩展为256字节;2、内部FLASH变大:AT89C51有4K字节的内部FLASHPERAM,而。AT89C52的内部FLASHPERAM增加1倍,达到8K。3、中断源增加:AT89C52除了具备AT89C51的定时器/计数器T0和定时器/计数器T1,还额外增加了一个定时器/计数器T2。"], "answer_docs": [0], "segmented_question": ["89", "c", "51", "和", "89", "c", "52", "的", "区别"], "question_type": "DESCRIPTION", "question_id": 91206, "fact_or_opinion": "FACT", "match_scores": [0.8600682593856654]}
-{"documents": [{"is_selected": true, "title": "2016年AP考试时间安排-新东方网", "most_related_para": 7, "segmented_title": ["2016", "年", "AP", "考试", "时间安排", "-", "新东方", "网"], "segmented_paragraphs": [["新东方", "网", "留学频道"], ["关于", "AP", "考试", "的", "全面", "介绍", ",", "考生", "们", "必看", "哦", "!", "新东方", "网", "为", "大家", "带来", "2016", "年", "AP", "考试", "安排", ",", "希望", "对", "大家", "AP", "备考", "有所帮助", "。", "更多精彩", "尽", "请", "关注", "新东方", "网", "!"], ["AP", "考试", "成绩"], ["AP", "考试", "成绩", "为", "5", "分", "制", ",", "满分", "5", "分", "的", "意义", "是", "极为", "优秀", ",", "4", "分为", "优秀", ",", "3", "分", "相当于", "合格", ",", "即可", "为", "大多数", "学校", "所", "接受", "。"], ["AP", "考试", "报名"], ["报名", "网站", ":", "http", ":", "/", "/", "www", ".", "college", "board", ".", "com", "AP", "考试", "由", "美国大学", "理事会", "(", "College", "Board", ")", "统一", "主持", "和", "指导", ",", "受", "美国", "教育法", "保护", "。"], ["AP", "时间安排"], ["每年", "3", "月", "前", "报名", "、", "5", "月", "考试", "、", "7", "月底", "之前", "考生", "就", "可以", "收到", "成绩单", "。", "AP", "考试", "每年", "一次", ",", "为", "期", "两", "周", ",", "被", "安排", "在", "5", "月", "进行", "。", "每", "门", "课", "的", "考试时间", "约", "2", "-", "3", "个", "小时", "。"], ["AP", "考试费用", ":", "AP", "考试", "每", "门", "课程", "考试费用", ":", "89", "美元", "。"], ["考前", "准备", ":", "AP", "课程", "知识面", "较", "宽", ",", "知识点", "密集", ",", "需要", "学生", "经过", "系统", "连贯", "的", "学习", ",", "并", "经", "有", "AP", "教学", "经验", "的", "老师", "授课", "辅导", "后", ",", "才能", "够", "达到", "AP", "考试", "要求", "。", "所以", ",", "想要", "考取", "好", "的", "成绩", ",", "参加", "AP", "考前", "辅导班", ",", "有", "针对性", "地", "根据", "AP", "老师", "的", "指导", "进行", "考前", "准备", "是", "一", "个", "很好", "的", "方法", "。"], ["AP", "考试", "作用"], ["AP", "考试", "作为", "全球", "40", "多", "个", "国家", "、", "近", "3600", "所", "大学", "承认", "的", "入学", "参考", "标准", ",", "通过", "AP", "考试", "的", "考生", "不仅", "能", "在", "申请", "哈佛", "、", "耶鲁", "、", "牛津", "、", "剑桥", "等", "世界顶尖", "名校", "时", "更", "易", "拿到", "“", "通行证", "”", ",", "还能", "在", "竞争", "英国", "、", "加拿大", "等", "国", "高校", "的", "奖学金", "时", "占有", "一定", "优势", "。"], ["2016", "年", "AP", "考试", "时间安排"], ["新", "AP", "考试", "是", "重", "课程", "、", "轻", "测试", "。", "国内", "留学生", "要", "提前", "做好准备", ",", "适应", "新", "的", "AP", "课程", ",", "关于", "2016", "年", "AP", "考试", "时间安排", "还", "未", "公布", ",", "参考", "2015", "年", "考试安排", ",", "一起来", "看看", ":"], ["精彩内容", "推荐", ":"], ["(", "编辑", ":", "马菲", ")"], ["Copyright", "2011", "-", "2015", "New", "oriental", "Corporation", ",", "All", "Rights", "Reserved", "2011", "-", "2015", "新东方", "版权所有"]], "paragraphs": ["新东方网留学频道", "关于AP考试的全面介绍,考生们必看哦!新东方网为大家带来2016年AP考试安排,希望对大家AP备考有所帮助。更多精彩尽请关注新东方网!", "AP考试成绩", "AP考试成绩为5分制,满分5分的意义是极为优秀,4分为优秀,3分相当于合格,即可为大多数学校所接受。", "AP考试报名", "报名网站:http://www.collegeboard.com AP考试由美国大学理事会(College Board)统一主持和指导,受美国教育法保护。", "AP时间安排", "每年3月前报名、5月考试、7月底之前考生就可以收到成绩单。AP考试每年一次,为期两周,被安排在5月进行。每门课的考试时间约2-3个小时。", "AP考试费用:AP考试每门课程考试费用:89美元。", "考前准备:AP课程知识面较宽,知识点密集,需要学生经过系统连贯的学习,并经有AP教学经验的老师授课辅导后,才能够达到AP考试要求。所以,想要考取好的成绩,参加AP考前辅导班,有针对性地根据AP老师的指导进行考前准备是一个很好的方法。", "AP考试作用", "AP考试作为全球40多个国家、近3600所大学承认的入学参考标准,通过AP考试的考生不仅能在申请哈佛、耶鲁、牛津、剑桥等世界顶尖名校时更易拿到“通行证”,还能在竞争英国、加拿大等国高校的奖学金时占有一定优势。", "2016年AP考试时间安排", "新AP考试是重课程、轻测试。国内留学生要提前做好准备,适应新的AP课程,关于2016年AP考试时间安排还未公布,参考2015年考试安排,一起来看看:", "精彩内容推荐:", "(编辑:马菲)", "Copyright 2011-2015 Neworiental Corporation, All Rights Reserved © 2011-2015 新东方 版权所有"], "bs_rank_pos": 1}, {"is_selected": false, "title": "2017年AP考试时间表", "most_related_para": 3, "segmented_title": ["2017", "年", "AP", "考试", "时间表"], "segmented_paragraphs": [["您", "所在", "的", "位置", ":", "主页", "高考", "辅导班", "2017", "年", "AP", "考试", "时间表"], ["室内", "艺术", "—", "5", "月", "5", "日", "20", ":", "00", "之前", "交", "作品集", "。"], ["AP", "学习", "的", "规划", "建议", ":"], ["(", "1", ")", "初三", "和", "高一", "学生", "应该", "侧重", "基础", ",", "在", "明年", "五月份", "参加", "比较", "容易", "的", "AP", "科目", ",", "如", "微积分", "、", "物理", "1", "、", "经济学", "等", "。", "(", "2", ")", "高二", "学生", "应该", "更多选择", "和", "高二年级", "高中学校", "教学科目", "接近", "的", "科目", ",", "比如", "微积分", "、", "物理", "1", "+", "2", ",", "化学", "等", "。", "如果", "还要", "准备", "考", "1", "-", "2", "文科", ",", "如", "历史", "、", "英语", "语言", "写作", "等", ",", "应该", "从现在开始", "准备", "至少", "一年", "时间", "。", "(", "3", ")", "高三学生", ",", "目前", "主要", "是", "准备", "申请", ",", "如果", "还没有", "有效", "的", "托福", "成绩", ",", "或者", "有效", "的", "托福", "和", "SAT", "成绩", ",", "应该", "先", "准备", "这", "两", "项", "。", "从", "申请", "结束", "后", "或者", "寒假", "开始", "准备", "理科", "的", "大部分", "课程", "都", "来得及", "时间", ",", "但是", "文科", "也", "要", "从", "长", "规划", "一", "下", "。"], ["了解", "广州地区", "开设", "AP", "课程", "的", "国际学校", ",", "联系电话", ":", "020", "-", "87240014", ",", "王", "老师", ":", "1287863071"], ["姓名", ":"], ["手机", ":"]], "paragraphs": ["您所在的位置:主页 高考辅导班 2017年AP考试时间表", "室内艺术—5月5日20:00之前交作品集。", "AP学习的规划建议:", "(1)初三和高一学生应该侧重基础,在明年五月份参加比较容易的AP科目,如微积分、物理1、经济学等。 (2)高二学生应该更多选择和高二年级高中学校教学科目接近的科目,比如微积分、物理1+2,化学等。如果还要准备考1-2文科,如历史、英语语言写作等,应该从现在开始准备至少一年时间。 (3)高三学生,目前主要是准备申请,如果还没有有效的托福成绩,或者有效的托福和SAT成绩,应该先准备这两项。从申请结束后或者寒假开始准备理科的大部分课程都来得及时间,但是文科也要从长规划一下。", "了解广州地区开设AP课程的国际学校,联系电话:020-87240014,王老师:1287863071", "姓名:", "手机:"], "bs_rank_pos": 2}, {"is_selected": false, "title": "2017年AP考试各科时间安排及报考须知来了!", "most_related_para": 6, "segmented_title": ["2017", "年", "AP", "考试", "各科", "时间安排", "及", "报考须知", "来", "了", "!"], "segmented_paragraphs": [["2017", "年", "AP", "考试", "各科", "时间安排", "及", "报考须知", "来", "了", "!"], ["当前", "所在", "位置", ":", "广州", "新东方", "学校", ">", ">", ">", "出国留学", ">", ">", ">", "留学资讯"], ["AP", ",", "全称", "Advanced", "Placement", ",", "中文", "名称", "为", "美国大学", "预", "修", "课程", ",", "适用于", "全球计划", "前往", "美国", "读", "本科", "的", "高中生", "。", "由", "美国大学", "理事会", "(", "The", "College", "Board", ")", "主持", ",", "AP", "成绩", "不", "但", "可以", "抵扣", "成功", "申请美国大学", "入学", "后", "相应", "课程", "的", "学", "分", ",", "而且", "AP", "成绩", "也", "成为", "美国", "各", "大学", "录取", "学生", "的", "重要", "依据", "。"], ["目前", ",", "已有", "40", "多", "个", "国家", "的", "近", "3600", "所", "大学", "承认", "AP", "学", "分为", "其", "入学", "参考", "标准", ",", "其中包括", "哈佛", "、", "耶鲁", "、", "牛津", "、", "剑桥", "等", "世界", "名牌", "大学", "。"], ["2017", "年", "AP", "考试", "已", "于", "12", "月", "12", "日", "0", "时", "起", "针对", "AP", "学校", "在校学生", "开放注册", "报名", "(", "中国", "大陆地区", ")", ";", "社会", "考生", "报名", "会", "在", "AP", "学校", "在校学生", "报名", "基本", "完成", "后", ",", "于", "2017", "年", "1", "月", "2", "日", "开放注册", "报名", "。"], ["社会", "考生", "定义", ":", "如果", "以下", "任何问题", "您", "的", "回答", "是", "YES", ",", "您", "就", "属于", "非", "AP", "学校", "考生", ",", "即", "社会", "考生", ":"], ["1", ".", "我", "是", "一名", "高中", "在校生", ",", "我", "的", "学校", "不提供", "AP", "课程", "。", "2", ".", "我", "的", "学校", "为", "AP", "学校", ",", "但是", "我不在", "AP", "课程班", ",", "没有", "上", "学校", "的", "AP", "课程", "。", "3", ".", "我", "已经", "高中毕业", ",", "还", "未", "申请", "或", "进入", "大学", "学习", ",", "如", ":", "休息", "一年", "。", "4", ".", "我", "目前", "在", "中国", "大陆", "的", "大学", "就读", ",", "但", "计划", "去中国", "大陆", "以", "外", "的", "大学", "留学", "。", "5", ".", "我", "是", "在家", "自学", "或者", "没有", "上学", "。"], ["2017", "年", "AP", "考试", "时间表"], ["2017", "年", "AP", "考试", "报考须知"], ["一", "、", "考试时间", "2017", "年", "AP", "考试时间", ":", "5", "月", "1", "日", "—", "5", "月", "12", "日", "2017", "年", "AP", "考试", "延迟", "考试时间", ":", "5", "月", "17", "日", "和", "5", "月", "18", "日", "二", "、", "报名时间", "三", "、", "开", "考", "科目", "2017", "年", "开", "考", "科目", "及", "各", "科目", "的", "考试时间", "详见", "2017", "年", "AP", "考试", "时间表", "。", "四", "、", "考试费用", "AP", "考试", "每", "科", "费用", "为", "1350", "元", "人民币", "(", "涨价", "了", ")", "。", "五", "、", "报名", "要求", "在", "中国", "大陆地区", "(", "不含", "香港", "、", "澳门", "及", "台湾", ")", ",", "只", "允许", "参加", "了", "AP", "课程", "全程", "学习", "的", "学生", "报名", "参加", "AP", "考试", "。"], ["参加", "AP", "考试", "的", "考生", ",", "年龄", "在", "考试", "当年", "5", "月", "31", "日", "不满", "21岁", "的", "方", "可", "报名", "。"], ["报名时", ",", "考生", "须", "确认", "所", "提交", "全部", "信息", "的", "真实性", "和", "准确性", ",", "如", "与", "实际", "证件", "上", "的", "信息", "不符", ",", "将", "导致", "考生", "无法", "参加", "AP", "考试", "。"], ["六", "、", "身份证件", "要求"], ["考试", "当日", ",", "考生", "如", "未", "携带", "报名时", "使用", "的", "证件", "或", "携带", "证件", "与", "报名时", "提交", "的", "不符", ",", "将", "被", "拒绝", "进入", "考场", ",", "考试费", "不予退还", "。"], ["中国大陆", "AP", "考试", "对", "身份证件", "的", "规定", "如", "下", ":", "中国大陆", "考生", "参加", "AP", "考试", ",", "必须", "携带", "唯一", "有效", "的", "身份证件", "即", "“", "中华人民共和国", "居民身份证", "”", "原件", "。", "根据", "《", "中华人民共和国", "身份证法", "》", ",", "任何", "居民", "无论", "是", "何", "年龄", ",", "均", "可", "向", "户籍", "所在", "派出所", "申领", "身份证", "。", "特别提醒", "未", "申领", "身份证", "的", "青少年", "考生", "提前", "办理", ",", "以", "免", "影响", "考试", "。", "注意", ":", "证件", "上", "的", "姓名", "和", "生日", "等", "个人", "信息", "必须", "与", "报名", "信息", "完全", "一致", "。", "确保", "证件", "在", "有效期", "内", "。"], ["七", "、", "网上报名", "指南"], ["详见", "http", ":", "/", "/", "www", ".", "apchina", ".", "net", ".", "cn", "/", "Home", "/", "RegisterFlow"], ["八", "、", "网上支付", "考试费"], ["自", "2016", "年", "起", ",", "AP", "考试", "实行", "网上", "缴纳", "考试", "费", "。", "目前", "提供", "的", "支付方式", "共有", "两种", ":", "首信易", "支付", "(", "支持", "具有", "网上", "支付", "功能", "的", "银行卡", "支付", ")", "或者", "支付宝", "。", "如果", "使用", "支付宝", "支付", ",", "记得", "记录", "下", "支付宝", "提供", "的", "交易", "号码", "(", "支付", "号", ")", ",", "以便", "日后", "核对", "和", "查询", "付款", "。"], ["了解更多", "出国留学资讯", ">", ">", ">", "留学资讯"], ["世界", "大学", "排名", "汇总"]], "paragraphs": ["2017年AP考试各科时间安排及报考须知来了!", "当前所在位置:广州新东方学校>>>出国留学>>>留学资讯", "AP,全称Advanced Placement,中文名称为美国大学预修课程,适用于全球计划前往美国读本科的高中生。由美国大学理事会(The College Board)主持,AP成绩不但可以抵扣成功申请美国大学入学后相应课程的学分,而且AP成绩也成为美国各大学录取学生的重要依据。", "目前,已有40多个国家的近3600所大学承认AP学分为其入学参考标准,其中包括哈佛、耶鲁、牛津、剑桥等世界名牌大学。", "2017年AP考试已于12月12日0时起针对AP学校在校学生开放注册报名(中国大陆地区);社会考生报名会在AP学校在校学生报名基本完成后,于2017年1月2日开放注册报名。", "社会考生定义:如果以下任何问题您的回答是YES,您就属于非AP学校考生,即社会考生:", "1.我是一名高中在校生,我的学校不提供AP课程。 2.我的学校为AP学校,但是我不在AP课程班,没有上学校的AP课程。 3.我已经高中毕业,还未申请或进入大学学习,如:休息一年。 4.我目前在中国大陆的大学就读,但计划去中国大陆以外的大学留学。 5.我是在家自学或者没有上学。", "2017年AP考试时间表", "2017年AP考试报考须知", "一、考试时间  2017年AP考试时间:5月1日—5月12日  2017年AP考试延迟考试时间:5月17日和5月18日 二、报名时间 三、开考科目  2017年开考科目及各科目的考试时间详见2017年AP考试时间表。四、考试费用  AP考试每科费用为1350元人民币(涨价了)。五、报名要求  在中国大陆地区(不含香港、澳门及台湾),只允许参加了AP课程全程学习的学生报名参加AP考试。", "参加AP考试的考生,年龄在考试当年5月31日不满21岁的方可报名。", "报名时,考生须确认所提交全部信息的真实性和准确性,如与实际证件上的信息不符,将导致考生无法参加AP考试。", "六、身份证件要求", "考试当日,考生如未携带报名时使用的证件或携带证件与报名时提交的不符,将被拒绝进入考场,考试费不予退还。", "中国大陆AP考试对身份证件的规定如下:中国大陆考生参加AP考试,必须携带唯一有效的身份证件即“中华人民共和国居民身份证”原件。根据《中华人民共和国身份证法》,任何居民无论是何年龄,均可向户籍所在派出所申领身份证。特别提醒未申领身份证的青少年考生提前办理,以免影响考试。注意:证件上的姓名和生日等个人信息必须与报名信息完全一致。确保证件在有效期内。", "七、网上报名指南", "详见http://www.apchina.net.cn/Home/RegisterFlow", "八、网上支付考试费", "自2016年起,AP考试实行网上缴纳考试费。目前提供的支付方式共有两种:首信易支付(支持具有网上支付功能的银行卡支付)或者支付宝。如果使用支付宝支付,记得记录下支付宝提供的交易号码(支付号),以便日后核对和查询付款。", "了解更多出国留学资讯>>>留学资讯", "世界大学排名汇总"], "bs_rank_pos": 4}, {"is_selected": false, "title": "2017年AP考试各科时间安排及报考须知 _搜狐教育_搜狐网", "most_related_para": 3, "segmented_title": ["2017", "年", "AP", "考试", "各科", "时间安排", "及", "报考须知", "_", "搜狐", "教育", "_", "搜狐网"], "segmented_paragraphs": [["文章", "阅读"], ["2017", "年", "AP", "考试", "将", "于", "12", "月", "12", "日", "0", "时", "起", "针对", "AP", "学校", "在校学生", "开放注册", "报名", "(", "中国", "大陆地区", ")", ";", "社会", "考生", "报名", "会", "在", "AP", "学校", "在校学生", "报名", "基本", "完成", "后", ",", "于", "2017", "年", "1", "月", "2", "日", "开放注册", "报名", "。"], ["社会", "考生", "定义", ":", "如果", "以下", "任何问题", "您", "的", "回答", "是", "YES", ",", "您", "就", "属于", "非", "AP", "学校", "考生", ",", "即", "社会", "考生"], ["1", ".", "我", "是", "一名", "高中", "在校生", ",", "我", "的", "学校", "不提供", "AP", "课程", "。", "2", ".", "我", "的", "学校", "为", "AP", "学校", ",", "但是", "我不在", "AP", "课程班", ",", "没有", "上", "学校", "的", "AP", "课程", "。", "3", ".", "我", "已经", "高中毕业", ",", "还", "未", "申请", "或", "进入", "大学", "学习", ",", "如", ":", "休息", "一年", "4", ".", "我", "目前", "在", "中国", "大陆", "的", "大学", "就读", ",", "但", "计划", "去中国", "大陆", "以", "外", "的", "大学", "留学"], ["5", ".", "我", "是", "在家", "自学", "或者", "没有", "上学", "。"], ["2017", "年", "AP", "考试", "时间表"], ["2017", "年", "AP", "考试", "报考须知"], ["一", "、", "考试时间", "2017", "年", "AP", "考试时间", ":", "5", "月", "1", "日", "—", "5", "月", "12", "日", "2017", "年", "AP", "考试", "延迟", "考试时间", ":", "5", "月", "17", "日", "和", "5", "月", "18", "日", "二", "、", "报名时间", "报名", "及", "网上", "缴费", "时间", "AP", "学校", "考生", "2016", "年", "12", "月", "12", "日", "—", "—", "2016", "年", "12", "月", "31", "日", "社会", "考生", "2017", "年", "1", "月", "2", "日", "—", "—", "2016", "年", "1", "月", "17", "日", "三", "、", "开", "考", "科目", "2017", "年", "开", "考", "科目", "及", "各", "科目", "的", "考试时间", "详见", "2017", "年", "AP", "考试", "时间表", "。", "四", "、", "考试费用", "AP", "考试", "每", "科", "费用", "为", "1350", "元", "人民币", "(", "涨价", "了", ")", "。", "五", "、", "报名", "要求", "在", "中国", "大陆地区", "(", "不含", "香港", "、", "澳门", "及", "台湾", ")", ",", "只", "允许", "参加", "了", "AP", "课程", "全程", "学习", "的", "学生", "报名", "参加", "AP", "考试", "。", "参加", "AP", "考试", "的", "考生", ",", "年龄", "在", "考试", "当年", "5", "月", "31", "日", "不满", "21岁", "的", "方", "可", "报名", "。", "报名时", ",", "考生", "须", "确认", "所", "提交", "全部", "信息", "的", "真实性", "和", "准确性", ",", "如", "与", "实际", "证件", "上", "的", "信息", "不符", ",", "将", "导致", "考生", "无法", "参加", "AP", "考试", "。"], ["六", "、", "身份证件", "要求"], ["考试", "当日", ",", "考生", "如", "未", "携带", "报名时", "使用", "的", "证件", "或", "携带", "证件", "与", "报名时", "提交", "的", "不符", ",", "将", "被", "拒绝", "进入", "考场", ",", "考试费", "不予退还", "。", "中国大陆", "AP", "考试", "对", "身份证件", "的", "规定", "如", "下", ":", "中国大陆", "考生", "参加", "AP", "考试", ",", "必须", "携带", "唯一", "有效", "的", "身份证件", "即", "“", "中华人民共和国", "居民身份证", "”", "原件", "。", "根据", "《", "中华人民共和国", "身份证法", "》", ",", "任何", "居民", "无论", "是", "何", "年龄", ",", "均", "可", "向", "户籍", "所在", "派出所", "申领", "身份证", "。", "特别提醒", "未", "申领", "身份证", "的", "青少年", "考生", "提前", "办理", ",", "以", "免", "影响", "考试", "。", "注意", ":", "证件", "上", "的", "姓名", "和", "生日", "等", "个人", "信息", "必须", "与", "报名", "信息", "完全", "一致", "。", "确保", "证件", "在", "有效期", "内", "。"], ["七", "、", "网上报名", "指南", "详见", "http", ":", "/", "/", "www", ".", "apchina", ".", "net", ".", "cn", "/", "Home", "/", "RegisterFlow"], ["八", "、", "网上支付", "考试费", ":", "自", "2016", "年", "起", ",", "AP", "考试", "实行", "网上", "缴纳", "考试", "费", "。", "目前", "提供", "的", "支付方式", "共有", "两种", ":", "首信易", "支付", "(", "支持", "具有", "网上", "支付", "功能", "的", "银行卡", "支付", ")", "或者", "支付宝", "。", "如果", "使用", "支付宝", "支付", ",", "记得", "记录", "下", "支付宝", "提供", "的", "交易", "号码", "(", "支付", "号", ")", ",", "以便", "日后", "核对", "和", "查询", "付款", "。", "返回", "搜狐", ",", "查看", "更多"], ["声明", ":", "本", "文", "由", "入驻", "搜狐", "号", "的", "作者", "撰写", ",", "除", "搜狐", "官方", "账号", "外", ",", "观点", "仅", "代表", "作者", "本人", ",", "不", "代表", "搜狐", "立场", "。"], ["留学", "必备", "书籍", "免费", "领取", "啦", "免费", "领取", "猴哥", "词汇", "白金", "教材", ",", "翻倍", "提升", "效率", ",", "翻倍", "提升", "效果", "。"], ["美国", "SAT", "封闭", "保", "分", "班", "美国", "当地", "现", "学", "现", "考", ",", "1", "个", "月", "冲刺", "SAT", "1500", "分", ",", "参加", "北美", "8", "月", "SAT", "考试", "!"]], "paragraphs": ["文章 阅读", "2017年AP考试将于12月12日0时起针对AP学校在校学生开放注册报名(中国大陆地区);社会考生报名会在AP学校在校学生报名基本完成后,于2017年1月2日开放注册报名。", "社会考生定义:如果以下任何问题您的回答是YES,您就属于非AP学校考生,即社会考生", "1.我是一名高中在校生,我的学校不提供AP课程。 2.我的学校为AP学校,但是我不在AP课程班,没有上学校的AP课程。 3.我已经高中毕业,还未申请或进入大学学习,如:休息一年 4.我目前在中国大陆的大学就读,但计划去中国大陆以外的大学留学", "5.我是在家自学或者没有上学。", "2017年AP考试时间表", "2017年AP®考试报考须知", "一、考试时间 2017年AP考试时间:5月1日—5月12日 2017年AP考试延迟考试时间:5月17日和5月18日 二、报名时间 报名及网上缴费时间 AP 学校考生 2016年12月12日——2016年12月31日 社会考生 2017年1月2日——2016年1月17日 三、开考科目 2017年开考科目及各科目的考试时间详见2017年AP考试时间表。 四、考试费用 AP考试每科费用为1350元人民币(涨价了)。 五、报名要求 在中国大陆地区(不含香港、澳门及台湾),只允许参加了AP课程全程学习的学生报名参加AP考试。 参加AP考试的考生,年龄在考试当年5月31日不满21岁的方可报名。 报名时,考生须确认所提交全部信息的真实性和准确性,如与实际证件上的信息不符,将导致考生无法参加AP考试。", "六、身份证件要求", "考试当日,考生如未携带报名时使用的证件或携带证件与报名时提交的不符,将被拒绝进入考场,考试费不予退还。 中国大陆AP考试对身份证件的规定如下:中国大陆考生参加AP考试,必须携带唯一有效的身份证件即“中华人民共和国居民身份证”原件。根据《中华人民共和国身份证法》,任何居民无论是何年龄,均可向户籍所在派出所申领身份证。特别提醒未申领身份证的青少年考生提前办理,以免影响考试。注意:证件上的姓名和生日等个人信息必须与报名信息完全一致。确保证件在有效期内。", "七、网上报名指南详见 http://www.apchina.net.cn/Home/RegisterFlow", "八、网上支付考试费:自2016年起,AP考试实行网上缴纳考试费。目前提供的支付方式共有两种:首信易支付(支持具有网上支付功能的银行卡支付)或者支付宝。如果使用支付宝支付,记得记录下支付宝提供的交易号码(支付号),以便日后核对和查询付款。返回搜狐,查看更多", "声明:本文由入驻搜狐号的作者撰写,除搜狐官方账号外,观点仅代表作者本人,不代表搜狐立场。", "留学必备书籍免费领取啦 免费领取猴哥词汇白金教材, 翻倍提升效率,翻倍提升效果。", "美国SAT封闭保分班 美国当地现学现考,1个月冲刺SAT1500分,参加北美8月SAT考试!"], "bs_rank_pos": 5}, {"is_selected": false, "title": "2016年AP考试时间表 - 小马过河", "most_related_para": 5, "segmented_title": ["2016", "年", "AP", "考试", "时间表", "-", "小马过河"], "segmented_paragraphs": [["您", "的", "位置", ":", "小马过河", ">", "SAT", "频道", "页", ">", "AP", ">", "2016", "年", "AP", "考试", "时间表"], ["咨询热线", ":", "400", "-", "0123", "-", "267"], ["摘要", ":", "大家", "现在", "都", "在", "备考", "明年", "的", "AP", "考试", "了", ",", "下面", "介绍", "给", "大家", "的", "是", "2016", "年", "AP", "考试", "时间表", ",", "快", "来", "看看", "2016", "年", "AP", "各", "个", "科目", "的", "考试时间", "吧", "。"], ["扫描", "下方", "二维码", "下载", "2016", "年", "AP", "各科", "考试", "机经", "及", "真题", "预测"], ["每年", "的", "AP", "考试", "一般", "于", "5", "月", "举行", ",", "下面", "整理", "了", "2016", "年", "AP", "考试", "时间表", ",", "介绍", "了", "AP", "各科", "考试", "的", "详细", "时间", ",", "以便", "大家", "提前", "做好准备", "。"], ["上", "表", "列出", "了", "三", "十", "多", "门", "AP", "课程", ",", "据", "CB", "统计", ",", "2015", "年", ",", "在", "所有", "的", "AP", "考生", "中", ",", "其中", "79", "%", "只", "考", "了", "1", "-", "2", "门", ",", "其余", "21", "%", "则", "至少", "考", "了", "3", "门", "。"], ["全球", "报考", "最多", "的", "10", "门", "AP", "课程"], ["根据", "CB", "数据", ",", "2014", "年", "和", "2015", "年度", "全球", "报考", "AP", "考试", "的", "人数", "分布", ",", "得出", "最", "受欢迎", "的", "10", "门", "AP", "课程", "。"], ["从", "表", "中", "数据", "可以", "得出", ",", "全球", "高中生", "报考", "最多", "的", "AP", "科目", "是", "英语", "语言", "与", "写作", ",", "其次", "是", "美国", "历史", "。", "这", "两门", "AP", "考试", "并", "不是", "中国", "学生", "的", "热门", "之", "选中", ",", "中国", "学生", "比较", "偏好", "下面", "这", "几", "门", ":", "微积分", "、", "物理", "、", "统计学", "、", "宏观经济学", "、", "微观", "观", "经济学", "。"], ["以上", "整理", "的", "就是", "2016", "年", "AP", "考试", "时间表", ",", "希望", "对", "考生", "们", "有", "帮助", "。", "建议", "大家", "加入", "小马", "AP", "考试", "微信", "群", ",", "及时", "了解", "最新", "考试", "动态", ",", "进", "群", "就", "免费送", "历年", "AP", "真题", "及", "答案", "、", "最新", "机经", "、", "备考", "资料大全", "!", "关于", "本", "文", "有", "任何", "疑问", ",", "请", "和", "小马", "在线", "专家", "联系", "。"], ["上", "一篇", ":", "AP", "宏观经济学", "真题", "实例", "解析", "下一篇", ":", "AP", "生物学", "知识点"]], "paragraphs": ["您的位置:小马过河 > SAT频道页 > AP > 2016年AP考试时间表", "咨询热线:400-0123-267", "摘要:大家现在都在备考明年的AP考试了,下面介绍给大家的是2016年AP考试时间表,快来看看2016年AP各个科目的考试时间吧。", "扫描下方二维码下载2016年AP各科考试机经及真题预测", "每年的AP考试一般于5月举行,下面整理了2016年AP考试时间表,介绍了AP各科考试的详细时间,以便大家提前做好准备。", "上表列出了三十多门AP课程,据CB统计,2015年,在所有的AP考生中,其中79%只考了1-2门,其余21%则至少考了3门。", "全球报考最多的10门AP课程", "根据CB数据,2014年和2015年度全球报考AP考试的人数分布,得出最受欢迎的10门AP课程。", "从表中数据可以得出,全球高中生报考最多的AP科目是英语语言与写作,其次是美国历史。这两门AP考试并不是中国学生的热门之选中,中国学生比较偏好下面这几门:微积分、物理、统计学、宏观经济学、微观观经济学。", "以上整理的就是2016年AP考试时间表,希望对考生们有帮助。建议大家加入小马AP考试微信群,及时了解最新考试动态,进群就免费送历年AP真题及答案、最新机经、备考资料大全!关于本文有任何疑问,请和小马在线专家联系。", "上一篇:AP宏观经济学真题实例解析 下一篇:AP生物学知识点"], "bs_rank_pos": 6}], "answer_spans": [[42, 47]], "answer_docs": [0], "fake_answers": ["2-3个小时。"], "question": "ap考试时间", "segmented_answers": [["2", "-", "3", "个", "小时", "。"]], "answers": ["2-3个小时。"], "entity_answers": [["2-3个小时"]], "segmented_question": ["ap", "考试", "时间"], "question_type": "ENTITY", "question_id": 91207, "fact_or_opinion": "FACT", "match_scores": [1.0]}
-{"documents": [{"is_selected": true, "title": "绣眉有哪几种方法?绣眉的基本方法_绣眉_妆美扮靓_爱靓网", "most_related_para": 7, "segmented_title": ["绣眉", "有", "哪", "几", "种", "方法", "?", "绣眉", "的", "基本", "方法", "_", "绣眉", "_", "妆", "美", "扮靓", "_", "爱靓网"], "segmented_paragraphs": [["导读", ":", "绣眉", "有", "哪", "几", "种", "方法", "?", "小", "编", "带来", "绣眉", "的", "基本", "方法", ",", "喜欢", "绣眉", "的", "MM", "看看", "吧", "。"], ["绣眉", "可以", "让", "MM", "的", "五官", "看起来", "更加", "的", "清秀", "有", "立体感", ",", "绣眉", "有", "哪", "几", "种", "方法", "?", "绣眉", "的", "基本", "方法", "分享", "给", "大家", "。"], ["绣眉", "有", "哪", "几", "种", "方法", "?"], ["绣眉", "的", "五", "种", "基本", "方法", ":"], ["1", "、", "雕润眉", "2", "、", "平面", "绣眉", "3", "、", "点状", "绣眉", "4", "、", "立体", "绣眉"], ["5", "、", "仿真", "立体", "绣眉"], ["绣眉", "的", "基本", "方法", ":"], ["1", "、", "雕润眉", "雕润眉", "是", "完美", "医学", "纹绣", "为载体", ",", "根据", "人", "的", "眉毛", "生长", "而", "雕刻", "出来", "的", "眉形", ",", "根据", "肤色", "来", "选料", ",", "这样", "的", "眉形", "看起来", "很", "靓丽", "好看", ",", "与", "传统", "的", "绣眉", "方法", "相比", ",", "雕润眉", "是", "如", "丝", "发", "般", "的", "精细", "雕刻", "眉毛", ",", "具有", "三维", "立体感", ",", "而且", "纹眉", "后", "不痛", "不", "肿", ",", "不", "脱色", ",", "不", "变色", ",", "不", "晕色", ",", "一般", "半个小时", "就能", "完成", "的", "绣眉", "。", "》", "》", "》", "99", ".", "99", "%", "人", "都", "关注", "的", "绣眉", "结痂", "问题", "2", "、", "平面", "绣眉", "平面", "绣眉", "是", "传统", "的", "绣眉", "方式", ",", "是", "通过", "过", "将", "复合", "自身", "形象", "的", "图案", "纹", "绘", "在", "眉毛", "上", ",", "经过", "改良", "而", "形成", "的", "平面", "绣眉", ",", "是", "标准", "眉", "型", "图案", ",", "颜色", "深浅", "平均", ",", "跟", "一般", "的", "眉形", "没", "太", "大", "区别", "。", "3", "、", "点状", "绣眉", "点状", "绣眉", "是", "独具", "设计", "性", "的", "绣眉", ",", "是", "一", "种", "改良", "的", "损伤", "最小", "的", "平面", "绣眉", ",", "需要", "用", "针", "点", "上", "药水", "刺", "其", "眉毛", "的", "毛囊", "口", "着色", ",", "稍微", "比较", "痛", ",", "看上去", "的", "眉毛", "比较", "粗", ",", "适合", "眉形", "好", ",", "眉毛", "少", "的", "女生", "。", "4", "、", "立体", "绣眉", "立体", "绣眉", "是", "利用", "排针", ",", "一", "排", "12", "只", ",", "运用", "不同", "的", "针法", "衔接", "在", "眉毛", "上", ",", "绣", "出", "二", "种", "深浅不一", "的", "咖啡色", ",", "这样", "的", "眉形", "看起来", "很自然", "立体", ",", "具有", "长短不齐", "、", "粗细", "不", "一", "的", "毛发", "线条", "特点", ",", ",", "让", "MM", "看起来", "更", "秀气", "漂亮", "。", "5", "、", "仿真", "立体", "绣眉", "仿真", "立体", "绣眉", "是", "比较", "流行", "的", "绣眉", "方式", "哦", ",", "是", "利用", "排针", ",", "一", "排", "12", "只", ",", "运用", "不同", "的", "针法", "进行", "绣眉", ",", "以", "咖啡色", "为", "基础", ",", "这样", "的", "眉形", "看起来", "很", "自然", "动态", "美", "。"], ["绣眉", "的", "五", "种", "基本", "方法", ",", "选择", "适合", "自己", "的", "绣眉", "方法", ",", "打造", "出", "秀气", "漂亮", "的", "眉形", "哦", "。"], ["(", "想知道", "自己", "适合", "什么", "发型", "吗", "?", "微信", "添加", "公众", "号", "爱", "靓", "网", ",", "发型师", "为您", "解答", "!", ")"]], "paragraphs": ["导读:绣眉有哪几种方法?小编带来绣眉的基本方法,喜欢绣眉的MM看看吧。", "绣眉可以让MM的五官看起来更加的清秀有立体感,绣眉有哪几种方法?绣眉的基本方法分享给大家。", "绣眉有哪几种方法?", "绣眉的五种基本方法:", "1、雕润眉 2、平面绣眉 3、点状绣眉 4、立体绣眉", "5、仿真立体绣眉", "绣眉的基本方法:", "1、雕润眉 雕润眉是完美医学纹绣为载体,根据人的眉毛生长而雕刻出来的眉形,根据肤色来选料,这样的眉形看起来很靓丽好看,与传统的绣眉方法相比,雕润眉是如丝发般的精细雕刻眉毛,具有三维立体感,而且纹眉后不痛不肿,不脱色,不变色,不晕色,一般半个小时就能完成的绣眉。》》》99.99%人都关注的绣眉结痂问题 2、平面绣眉 平面绣眉是传统的绣眉方式,是通过过将复合自身形象的图案纹绘在眉毛上,经过改良而形成的平面绣眉,是标准眉型图案,颜色深浅平均,跟一般的眉形没太大区别。 3、点状绣眉 点状绣眉是独具设计性的绣眉,是一种改良的损伤最小的平面绣眉,需要用针点上药水刺其眉毛的毛囊口着色,稍微比较痛,看上去的眉毛比较粗,适合眉形好,眉毛少的女生。 4、立体绣眉 立体绣眉是利用排针,一排12只,运用不同的针法衔接在眉毛上,绣出二种深浅不一的咖啡色,这样的眉形看起来很自然立体,具有长短不齐、粗细不一的毛发线条特点,,让MM看起来更秀气漂亮。 5、仿真立体绣眉 仿真立体绣眉是比较流行的绣眉方式哦,是利用排针,一排12只,运用不同的针法进行绣眉,以咖啡色为基础,这样的眉形看起来很自然动态美。", "绣眉的五种基本方法,选择适合自己的绣眉方法,打造出秀气漂亮的眉形哦。", "(想知道自己适合什么发型吗?微信添加公众号爱靓网,发型师为您解答!)"], "bs_rank_pos": 0}, {"is_selected": false, "title": "绣眉有哪几种常见方法?绣眉一般要多少钱【图】_彩妆资讯百科_美容_", "most_related_para": 3, "segmented_title": ["绣眉", "有", "哪", "几", "种", "常见", "方法", "?", "绣眉", "一般", "要", "多少", "钱", "【", "图", "】", "_", "彩妆", "资讯", "百科", "_", "美容", "_"], "segmented_paragraphs": [["2016", "-", "09", "-", "30", "10", ":", "04"], ["对于", "美", "的", "追求", "是", "很多人", "的", "天", "性", ",", "对于", "爱美", "的", "女生", "来", "说", "好看", "的", "眉", "型", "不", "但", "能", "提升", "气质", ",", "还能", "修饰", "脸型", ",", "绣眉", "也", "早已", "成为", "女生", "完善", "美化", "眉形", "的", "一", "种", "方式", "。", "绣眉", "有", "哪", "几", "种", "常见", "方法", "?", "一般", "绣眉", "得", "花", "多少", "钱", "?", "一起", "和", "小", "编", "了解", "一", "种", "吧", "。"], ["绣眉", "有", "哪", "几", "种", "常见", "方法", "?", "一起来", "了解", "下", ":"], ["A", "、", "平面", "绣眉", ":", "这", "是", "一款", "传统", "的", "绣眉", "方式", ",", "是", "以", "标准", "的", "眉", "型", "为", "图案", ",", "通过", "绣眉", "技术", "纹", "绘", "在", "眉毛", "上", ",", "色泽", "均匀", "上色", ",", "给", "人", "的", "感觉", "就", "好像", "刚刚", "画", "完", "眉毛", "一样", "。", "B", "、", "点状", "绣眉", ":", "点状", "绣眉", "相对来说", ",", "会", "更", "有", "设计", "性", "。", "通过", "药水", "的", "渗透", ",", "将", "有色", "的", "染料", "对", "这", "眉毛", "的", "毛囊", "口", "进行", "点", "刺", "上色", ",", "还能", "按照", "眉毛", "的", "整体", "轮廓", "勾勒", "出", "眉", "型", ",", "不过", "眉毛", "过", "粗", "的", "美眉", "们", "则", "不", "适合", "点状", "绣眉", "喔", "!", "C", "、", "仿真", "立体", "绣眉", ":", "这种", "绣眉", "方式", "是", "利用", "排针", "和", "不同", "的", "针法", "衔接", "在", "眉毛", "上", ",", "出来", "的", "眉形", "效果", "是", "一", "把", "一", "把", "的", "形状", ",", "而且", "常用", "的", "色料", "是", "深浅不一", "的", "咖啡色", "来", "呈现", ",", "在", "着色", "上", "后", "的", "眉形", "效果", "就会", "像", "自己", "长", "出来", "的", "眉毛", "一样", "自然", "好看", "。", "D", "、", "立体", "绣眉", ":", "立体", "绣眉", "也是", "利用", "排针", "来", "进行", "纹绣", ",", "采取", "了", "由", "浅", "至", "深", "的", "形式", "绣", "出", "眉形", ",", "而", "整体", "的", "效果", "会", "呈现", "出", "雾", "状", ",", "非常", "地", "有", "立体感", "。"], ["绣眉", "一般", "要", "多少", "钱", "?"], ["一般来说", ",", "绣眉", "的", "价钱", "在", "800", "到", "5000", "元", "之间", ",", "每家", "的", "医", "美", "诊所", "价格", "都是", "不同", ",", "会", "因", "规模", "以及", "技术", "相互关联", "。", "绣眉", "使用", "的", "材料", "也是", "决定", "价格", "的", "高低", ",", "一般", "分为", "有机", "色料", "及", "无机", "色料", ",", "以及", "绣眉", "的", "方式", "也是", "能", "决定", "价格", "的", "关键", "喔", "!", "由于", "绣", "上", "的", "眉", "型", "都是", "因人而异", "的", ",", "也", "会导致", "绣眉", "价格", "的", "差异", "。"], ["想", "必", "经过", "了", "小", "编", "的", "介绍", ",", "大家", "都", "对", "绣眉", "有", "哪", "几", "种", "常见", "方法", "?", "以及", "其", "价格", "有", "了", "一定", "的", "了解", "!", "如果", "你", "也", "想", "眉形", "好看", "也", "不", "妨", "尝试", "一", "下", "绣眉", ",", "选择", "好", "的", "技术", "以及", "医", "美", "医院", "才能", "保证", "绣眉", "的", "完美", "效果", "喔", "!", "(", "图片", "来源", ":", "视觉中国", ")"], ["(", "责任编辑", ":", "陆薇", ")"], ["全世界", "都", "在", "安利", "的", "“", "举重", "妖精", "”", "李", "圣经", ",", "凭什么", "成为", "男神", "收割机", "?", "同", "是", "新疆", "美女", "为啥", "迪", "丽", "热", "巴", "观众", "缘", "最好", "?", "从", "晴儿", "到", "楚乔", "赵丽颖", "是", "怎么", "越来越", "美", "的", "?", "滨崎步", "发福", "or", "水肿", "?", "3", "分钟", "快速", "消", "水肿", "学", "刘诗诗", "掀起", "刘海", "气场", "2", "米", "8", "一点", "也", "不难"], ["梦幻", "的", "粉嫩", "无瑕", "肌", "怎能", "不", "被", "吸引", "?", "怀疑", "自己", "画", "了", "个", "假", "妆", "?", "那", "是", "用", "错", "了", "气垫", "水", "润", "透亮", "让", "肌肤", "呼吸", "一整天", "伊夫", "黎", "雪", "植物", "焕", "颜", "抚纹", "系列", "倒春寒", "给", "肌肤", "加", "个", "完整", "的", "保湿", "屏障"], ["周末", "好心情", "慵懒", "露天", "趴", "音乐节", "妆容"], ["六月", "护肤", "爱", "用品", "春季", "护肤", "五", "款", "高", "颜值", "萌", "物", "开启", "焕肤", "撩", "春", "模式", "实用", "百搭", "口罩", "妆容"], ["包贝尔", "新", "剧", "曝光", "表情", "冷", "姜至鹏", "出轨", "被曝", "私密", "图", "咘", "咘", "公园", "跳", "钢管舞", "萌", "翻", "白百何", "学", "龅牙兔", "神", "表情", "黄晓明", "胖", "了", "一", "圈", "曝", "真相", "周冬雨", "再", "出", "表情包", "搞笑"]], "paragraphs": ["2016-09-30 10:04", "对于美的追求是很多人的天性,对于爱美的女生来说好看的眉型不但能提升气质,还能修饰脸型,绣眉也早已成为女生完善美化眉形的一种方式。绣眉有哪几种常见方法?一般绣眉得花多少钱?一起和小编了解一种吧。", "绣眉有哪几种常见方法?一起来了解下:", "A、平面绣眉:这是一款传统的绣眉方式,是以标准的眉型为图案,通过绣眉技术纹绘在眉毛上,色泽均匀上色,给人的感觉就好像刚刚画完眉毛一样。 B、点状绣眉:点状绣眉相对来说,会更有设计性。通过药水的渗透,将有色的染料对这眉毛的毛囊口进行点刺上色,还能按照眉毛的整体轮廓勾勒出眉型,不过眉毛过粗的美眉们则不适合点状绣眉喔! C、仿真立体绣眉:这种绣眉方式是利用排针和不同的针法衔接在眉毛上,出来的眉形效果是一把一把的形状,而且常用的色料是深浅不一的咖啡色来呈现,在着色上后的眉形效果就会像自己长出来的眉毛一样自然好看。 D、立体绣眉:立体绣眉也是利用排针来进行纹绣,采取了由浅至深的形式绣出眉形,而整体的效果会呈现出雾状,非常地有立体感。", "绣眉一般要多少钱?", "一般来说,绣眉的价钱在800到5000元之间,每家的医美诊所价格都是不同,会因规模以及技术相互关联。绣眉使用的材料也是决定价格的高低,一般分为有机色料及无机色料,以及绣眉的方式也是能决定价格的关键喔!由于绣上的眉型都是因人而异的,也会导致绣眉价格的差异。", "想必经过了小编的介绍,大家都对绣眉有哪几种常见方法?以及其价格有了一定的了解!如果你也想眉形好看也不妨尝试一下绣眉,选择好的技术以及医美医院才能保证绣眉的完美效果喔!(图片来源:视觉中国)", "(责任编辑:陆薇)", "全世界都在安利的“举重妖精”李圣经,凭什么成为男神收割机? 同是新疆美女 为啥迪丽热巴观众缘最好? 从晴儿到楚乔 赵丽颖是怎么越来越美的? 滨崎步发福or水肿?3分钟快速消水肿  学刘诗诗掀起刘海 气场2米8一点也不难", "梦幻的粉嫩无瑕肌 怎能不被吸引? 怀疑自己画了个假妆?那是用错了气垫  水润透亮 让肌肤呼吸一整天  伊夫黎雪植物焕颜抚纹系列  倒春寒 给肌肤加个完整的保湿屏障", "周末好心情 慵懒  露天趴音乐节妆容", "六月护肤爱用品 春季护肤五款高颜值萌物 开启焕肤撩春模式 实用百搭口罩妆容", "包贝尔新剧曝光表情冷 姜至鹏出轨被曝私密图 咘咘公园跳钢管舞萌翻 白百何学龅牙兔神表情 黄晓明胖了一圈曝真相 周冬雨再出表情包搞笑"], "bs_rank_pos": 1}, {"is_selected": false, "title": "绣眉有哪几种_百度知道", "most_related_para": 0, "segmented_title": ["绣眉", "有", "哪", "几", "种", "_", "百度", "知道"], "segmented_paragraphs": [["平面", "绣眉", "平面", "绣眉", "是", "最", "为", "传统", "的", "绣眉", "方法", "。", "这种", "方法", "起源于", "古代", ",", "古", "时候", "人们", "将", "符合", "自身", "形象", "的", "图案", "描绘", "在", "眉毛", "和", "额头", "之间", ",", "最为", "有名", "的", "就是", "杨贵妃", "在", "眉毛", "和", "额头", "之间", "绘", "上", "了", "花朵", "。", "平面", "绣眉", "就是", "采用", "的", "这种", "方法", "。", "经过", "现代人", "的", "改良", "之后", ",", "平面", "绣眉", "出来", "的", "效果", "就像", "是", "刚刚", "画", "好", "的", "眉毛", ",", "还是", "比较", "逼真", "的", "。", "点状", "绣眉", "相对", "于", "平面", "绣眉", "来", "说", ",", "点状", "绣眉", "是", "比较", "疼", "的", ",", "不过", "这种", "方式", "更", "具有", "独特", "的", "设计", "性", "。", "点状", "绣眉", "适合", "眉毛", "细", "而且", "淡", "的", "人", "选择", ",", "它", "是", "采用", "针", "沾", "上", "药水", "有", "粗", "有", "细", "的", "对", "毛囊", "进行", "着色", "。", "采用", "这种", "方法", "能够", "绣", "出", "更加", "自然", "逼真", "的", "眉毛", "。", "仿真", "立体", "绣眉", "这种", "绣眉", "方法", "有点", "类似于", "点状", "绣眉", ",", "不过", "这种", "方法", "使用", "的", "是", "排针", "。", "目前", "比较", "常见", "的", "是", "使用", "一", "排", "十二", "根", "针", "。", "由于", "针", "的", "排布", "原因", ",", "使用", "这种", "方法", "绣", "出来", "的", "眉毛", "是", "一", "把", "一", "把", "的", "。", "而且", "美容院", "会", "采用", "深浅", "不同", "的", "颜色", "来", "表现", "眉毛", "的", "特点", ",", "因此", ",", "绣"], ["有", "平面", "绣眉", ",", "点状", "绣眉", ",", "仿真", "立体", "绣眉", ",", "立体", "绣眉"]], "paragraphs": ["平面绣眉 平面绣眉是最为传统的绣眉方法。这种方法起源于古代,古时候人们将符合自身形象的图案描绘在眉毛和额头之间,最为有名的就是杨贵妃在眉毛和额头之间绘上了花朵。平面绣眉就是采用的这种方法。经过现代人的改良之后,平面绣眉出来的效果就像是刚刚画好的眉毛,还是比较逼真的。 点状绣眉 相对于平面绣眉来说,点状绣眉是比较疼的,不过这种方式更具有独特的设计性。点状绣眉适合眉毛细而且淡的人选择,它是采用针沾上药水有粗有细的对毛囊进行着色。采用这种方法能够绣出更加自然逼真的眉毛。 仿真立体绣眉 这种绣眉方法有点类似于点状绣眉,不过这种方法使用的是排针。目前比较常见的是使用一排十二根针。由于针的排布原因,使用这种方法绣出来的眉毛是一把一把的。而且美容院会采用深浅不同的颜色来表现眉毛的特点,因此,绣", "有平面绣眉,点状绣眉,仿真立体绣眉,立体绣眉"], "bs_rank_pos": 2}, {"is_selected": false, "title": "绣眉有几种,哪种比较好看?_百度知道", "most_related_para": 0, "segmented_title": ["绣眉", "有", "几", "种", ",", "哪", "种", "比较", "好看", "?", "_", "百度", "知道"], "segmented_paragraphs": [["有", "平面", "绣眉", ",", "点状", "绣眉", ",", "仿真", "立体", "绣眉", ",", "立体", "绣眉"]], "paragraphs": ["有平面绣眉,点状绣眉,仿真立体绣眉,立体绣眉"], "bs_rank_pos": 3}, {"is_selected": false, "title": "绣眉分哪几种_百度知道", "most_related_para": 1, "segmented_title": ["绣眉", "分", "哪", "几", "种", "_", "百度", "知道"], "segmented_paragraphs": [["有", "线条", "眉", ",", "就是", "跟", "真", "的", "眉毛", "很", "像", ",", "一根", "一根", "的", ";", "还有", "那种", "雾", "状", "眉", ",", "像", "化妆", "了", "一样", ";", "还有", "一", "种", "就是", "线条", "加", "雾", "的", "感觉", "。"], ["1", "、", "平面", "绣眉", ":", "传统", "的", "绣眉", "方式", "。", "在", "古代", ",", "绣眉", "技术", "是", "通过", "将", "复合", "自身", "形象", "的", "图案", "纹", "绘", "在", "眉", "额", "之间", "。", "后", "经过", "现代", "美容师", "的", "改良", "而", "形成", "如今", "的", "平面", "绣眉", "。", "以", "标准", "的", "眉", "型", "为", "图案", ",", "色泽", "均匀", ",", "宛如", "刚刚", "画", "完", "眉", "。", "2", "、", "点状", "绣眉", ":", "此", "种", "方法", "相对", "于", "平面", "绣眉", "更加", "具有", "设计", "性", ",", "但是", "人体", "疼痛", "感", "要", "稍微", "强烈", "一", "点", "。", "在", "针", "点", "上", "通过", "药水", "的", "浸透", ",", "再", "对", "眉毛", "的", "毛囊", "口", "进行", "点", "刺", "并", "着色", "。", "可以", "按照", "眉毛", "的", "粗细", "变化", ",", "从而", "勾勒", "出", "漂亮", "的", "眉", "型", "。", "但是", "对于", "眉毛", "相对", "比较", "粗", "、", "浓", "者", "来", "说", ",", "是", "不适合", "进行", "点状", "绣眉", "的", "。", "3", "、", "仿真", "立体", "绣眉", ":", "这种", "绣眉", "的", "方法", "利用", "排针", ",", "一", "排", "12", "只", ",", "运用", "不同", "的", "针法", "衔接", "在", "眉毛", "上", ",", "所", "绣", "出来", "的", "眉", "型", "现", "出", "一", "把", "一", "把", "的", ",", "而且", "须", "用", "二", "种", "深浅不一", "的", "咖啡色", "来", "表现", "色差", ",", "就像", "自己", "长", "的", "眉毛", "一样", "立体", "自然", "。", "4", "、", "立体", "绣眉", ":", "这种", "绣眉", "的", "方法", "利用", "排针", "单", "一", "颜色", "由", "浅", "至", "深", ",", "绣", "出", "雾", "状", ",", "表现出", "立体"]], "paragraphs": ["有线条眉,就是跟真的眉毛很像,一根一根的;还有那种雾状眉,像化妆了一样;还有一种就是线条加雾的感觉。", "1、平面绣眉:传统的绣眉方式。在古代,绣眉技术是通过将复合自身形象的图案纹绘在眉额之间。后经过现代美容师的改良而形成如今的平面绣眉。以标准的眉型为图案,色泽均匀,宛如刚刚画完眉。 2、点状绣眉:此种方法相对于平面绣眉更加具有设计性,但是人体疼痛感要稍微强烈一点。在针点上通过药水的浸透,再对眉毛的毛囊口进行点刺并着色。可以按照眉毛的粗细变化,从而勾勒出漂亮的眉型。但是对于眉毛相对比较粗、浓者来说,是不适合进行点状绣眉的。 3、仿真立体绣眉:这种绣眉的方法利用排针,一排12只,运用不同的针法衔接在眉毛上,所绣出来的眉型现出一把一把的,而且须用二种深浅不一的咖啡色来表现色差,就像自己长的眉毛一样立体自然。 4、立体绣眉:这种绣眉的方法利用排针单一颜色由浅至深,绣出雾状,表现出立体"], "bs_rank_pos": 4}], "answer_spans": [[261, 274]], "answer_docs": [0], "fake_answers": ["。5、仿真立体绣眉仿真立体绣眉是比较流行的绣眉"], "question": "绣眉有哪几种", "segmented_answers": [["绣眉", "的", "五", "种", "基本", "方法", ":", "1", "、", "雕润眉", ";", "2", "、", "平面", "绣眉", ";", "3", "、", "点状", "绣眉", ";", "4", "、", "立体", "绣眉", ";", "5", "、", "仿真", "立体", "绣眉", "。"]], "answers": ["绣眉的五种基本方法:1、雕润眉;2、平面绣眉;3、点状绣眉;4、立体绣眉;5、仿真立体绣眉。"], "entity_answers": [["雕润眉", "平面绣眉", "点状绣眉", "立体绣眉", "仿真立体绣眉"]], "segmented_question": ["绣眉", "有", "哪", "几", "种"], "question_type": "ENTITY", "question_id": 0, "fact_or_opinion": "FACT", "match_scores": [0.43478260869565216]}
-{"documents": [{"is_selected": true, "title": "大学生实习的目的_百度知道", "most_related_para": 1, "segmented_title": ["大学生", "实习", "的", "目的", "_", "百度", "知道"], "segmented_paragraphs": [["1", ".", "为了", "将", "自己", "所学", "知识", "运用", "在", "实践", "中", ",", "在", "实践", "中", "巩固", "自己", "的", "知识", ",", "调节", "理论与实践", "之间", "的", "关系", ",", "培养", "实际", "工作", "能力", "和", "分析", "能力", ",", "以", "达到", "学以致用", "的", "目的", "。", "2", ".", "获得", "更多", "与", "自己", "专业", "相关", "的", "知识", ",", "扩宽", "知识面", ",", "增加", "社会", "阅历", "。", "3", ".", "接触", "更多", "的", "人", ",", "在", "实践", "中", "锻炼", "胆量", ",", "提升", "自己", "的", "沟通能力", "和", "其他", "社交能力", "。", "4", ".", "培养", "更好", "的", "职业道德", ",", "树立", "好", "正确", "的", "职业道德", "观", "。"], ["1", ".", "为了", "将", "自己", "所学", "知识", "运用", "在", "实践", "中", ",", "在", "实践", "中", "巩固", "自己", "的", "知识", ",", "调节", "理论与实践", "之间", "的", "关系", ",", "培养", "实际", "工作", "能力", "和", "分析", "能力", ",", "以", "达到", "学以致用", "的", "目的", "。", "2", ".", "获得", "更多", "与", "自己", "专业", "相关", "的", "知识", ",", "扩宽", "知识面", ",", "增加", "社会", "阅历", "。", "3", ".", "接触", "更多", "的", "人", ",", "在", "实践", "中", "锻炼", "胆量", ",", "提升", "自己", "的", "沟通能力", "和", "其他", "社交能力", "。", "4", ".", "培养", "更好", "的", "职业道德", ",", "树立", "好", "正确", "的", "职业道德", "观", "。"], ["1", ".", "获得", "专业", "知识", "相关", "的", "知识", ",", "扩宽", "自己", "的", "知识面", ",", "学习", "如何", "成为", "一", "个", "综合性", "人才", "。", "2", ".", "学会", "将", "理论", "运用", "在", "生产", "实践", ",", "让", "自己", "的", "知识", "更加", "牢固", ",", "调和", "理论", "与", "实际", "的", "关系", "。", "3", ".", "培养", "良好", "的", "职业道德", "观", ",", "恪", "敬", "职", "守", ",", "用于", "创新", "。"], ["增加", "自己", "的", "工作经验", ",", "提升", "自己", "实际", "的", "工作", "能力", ",", "为", "今后", "真正", "走上", "工作岗位", "打", "好", "基础"]], "paragraphs": ["1.为了将自己所学知识运用在实践中,在实践中巩固自己的知识,调节理论与实践之间的关系,培养实际工作能力和分析能力,以达到学以致用的目的。 2.获得更多与自己专业相关的知识,扩宽知识面,增加社会阅历。 3.接触更多的人,在实践中锻炼胆量,提升自己的沟通能力和其他社交能力。 4.培养更好的职业道德,树立好正确的职业道德观。", "1.为了将自己所学知识运用在实践中,在实践中巩固自己的知识,调节理论与实践之间的关系,培养实际工作能力和分析能力,以达到学以致用的目的。 2.获得更多与自己专业相关的知识,扩宽知识面,增加社会阅历。 3.接触更多的人,在实践中锻炼胆量,提升自己的沟通能力和其他社交能力。 4.培养更好的职业道德,树立好正确的职业道德观。", "1.获得专业知识相关的知识,扩宽自己的知识面,学习如何成为一个综合性人才。 2.学会将理论运用在生产实践,让自己的知识更加牢固,调和理论与实际的关系。 3.培养良好的职业道德观,恪敬职守,用于创新。", "增加自己的工作经验,提升自己实际的工作能力,为今后真正走上工作岗位打好基础"], "bs_rank_pos": 0}, {"is_selected": false, "title": "毕业实习的目的是什么_百度知道", "most_related_para": 1, "segmented_title": ["毕业", "实习", "的", "目的", "是", "什么", "_", "百度", "知道"], "segmented_paragraphs": [["1", ".", "为了", "将", "自己", "所学", "知识", "运用", "在", "实践", "中", ",", "在", "实践", "中", "巩固", "自己", "的", "知识", ",", "调节", "理论与实践", "之间", "的", "关系", ",", "培养", "实际", "工作", "能力", "和", "分析", "能力", ",", "以", "达到", "学以致用", "的", "目的", "。", "2", ".", "获得", "更多", "与", "自己", "专业", "相关", "的", "知识", ",", "扩宽", "知识面", ",", "增加", "社会", "阅历", "。", "3", ".", "接触", "更多", "的", "人", ",", "在", "实践", "中", "锻炼", "胆量", ",", "提升", "自己", "的", "沟通能力", "和", "其他", "社交能力", "。", "4", ".", "培养", "更好", "的", "职业道德", ",", "树立", "好", "正确", "的", "职业道德", "观", "。"], ["1", ".", "为了", "将", "自己", "所学", "知识", "运用", "在", "实践", "中", ",", "在", "实践", "中", "巩固", "自己", "的", "知识", ",", "调节", "理论与实践", "之间", "的", "关系", ",", "培养", "实际", "工作", "能力", "和", "分析", "能力", ",", "以", "达到", "学以致用", "的", "目的", "。", "2", ".", "获得", "更多", "与", "自己", "专业", "相关", "的", "知识", ",", "扩宽", "知识面", ",", "增加", "社会", "阅历", "。", "3", ".", "接触", "更多", "的", "人", ",", "在", "实践", "中", "锻炼", "胆量", ",", "提升", "自己", "的", "沟通能力", "和", "其他", "社交能力", "。", "4", ".", "培养", "更好", "的", "职业道德", ",", "树立", "好", "正确", "的", "职业道德", "观", "。"]], "paragraphs": ["1.为了将自己所学知识运用在实践中,在实践中巩固自己的知识,调节理论与实践之间的关系,培养实际工作能力和分析能力,以达到学以致用的目的。 2.获得更多与自己专业相关的知识,扩宽知识面,增加社会阅历。 3.接触更多的人,在实践中锻炼胆量,提升自己的沟通能力和其他社交能力。 4.培养更好的职业道德,树立好正确的职业道德观。", "1.为了将自己所学知识运用在实践中,在实践中巩固自己的知识,调节理论与实践之间的关系,培养实际工作能力和分析能力,以达到学以致用的目的。 2.获得更多与自己专业相关的知识,扩宽知识面,增加社会阅历。 3.接触更多的人,在实践中锻炼胆量,提升自己的沟通能力和其他社交能力。 4.培养更好的职业道德,树立好正确的职业道德观。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "大学生毕业实习目的及内容", "most_related_para": 2, "segmented_title": ["大学生", "毕业", "实习", "目的", "及", "内容"], "segmented_paragraphs": [["实习", "是", "一", "种", "社会", "事件", ",", "是", "理论联系实际", ",", "应用", "和", "巩固", "所学", "知识", "的", "一项", "重要", "环节", ",", "是", "培养", "我们", "能力", "和", "技能", "的", "的", "一", "个", "重要", "手段", "。", "下面", "提供", "大学生", "毕业", "实习", "目的", "及", "内容", ",", "欢迎", "阅览", "!"], ["一", "、", "实习", "目的", "1", "、", "通过", "毕业", "实习", ",", "将", "理论", "高度", "上升", "到", "实践", "高度", ",", "更好", "的", "实现", "将", "大学期间", "所学", "的", "理论", "和", "实践", "的", "结合", ",", "更进一步", "加深", "对", "理论", "知识", "的", "理解", ",", "了解", "和", "掌握", "实际", "生产", "中", "的", "生产流程", "、", "工艺", "原理", "和", "技术", "要求", ",", "为", "今后", "学习", "和", "实际", "工作", "打", "下", "良好", "基础", "。", "2", "、", "培养", "自己", "善于", "观察", "、", "勤于", "思考", "的", "良好", "的", "学习", "习惯", "以及", "严谨", "的", "科学", "态度", "和", "实际", "动手能力", ",", "使", "理论与实践", "得到", "很好", "的", "结合", "。", "3", "、", "通过", "本次", "实习", "使", "我", "能够", "亲身", "感受到", "由", "一", "个", "学生", "转变", "到", "一", "个", "职业", "人", "的", "过程", ",", "进一步了解", "社会", ",", "增强", "对", "社会主义", "现代化建设", "的", "责任感", "、", "使命感", ",", "为", "离开", "学校", "、", "走向", "社会", "、", "适应", "社会", "、", "融入", "社会", "作", "好", "充分准备", "。", "4", "、", "本次", "实习", "对", "我", "完成", "毕业设计", "和", "实习报告", "起", "到", "很重要", "的", "作用", "。", "二", "、", "实习", "内容", "1", "、", "工厂", "简介", "赛闻", "工业", "有限公司", "成立", "于", "1997", "年", ",", "为", "香港", "与", "日本", "的", "合资公司", ",", "注册资本", "1", "亿", "港币", "。", "拥有", "一批", "专业", "技术", "人员", "和", "管理", "人员", "。", "做为", "整体", "运输", "包装", "方案", "提供商", ",", "赛闻", "公司", "主要", "生产", "加工", "纸", "、", "木", "、", "塑料", "以及", "多", "种", "材料", "复合", "的", "工业", "包装制品", "。", "经过多年", "的", "发展", ",", "赛闻", "工业", "有限公司", "现", "已", "在", "天津", "经济技术开发区", "、", "武清区", "和", "苏州", "分别", "建立", "工厂", ",", "并", "在", "北京", "、", "上海", "、", "南京", "、", "杭州", "、", "常州", "和", "南通", "设立", "了", "物流中心", "。", "随着", "国际业务", "的", "拓展", ",", "赛闻", "又", "在", "香港", "、", "加拿大", "注册", "公司", "、", "并", "在", "德国", "设立办事处", "。", "目前", "赛闻", "已", "拥有", "空客", "、", "丰田", "、", "摩托罗拉", "等", "近", "二", "百家", "稳定", "客户", "。", "TEDA", "工厂", "总面积", "40000", "平方米", ",", "建筑面积", "14000", "平方米", ",", "员工", "总数", "为", "300", "人", "。", "武清", "工厂", "(", "在", "建", ")", "总面积", "40000", "平方米", ",", "建筑面积", "12000", "平方米", "。", "苏州", "工厂", "总面积", "11000", "平方米", ",", "建筑面积", "8300", "平方米", ",", "员工", "总数", "为", "100", "人", "。", "华北地区", "主要客户", "有", ":", "Motorola", ",", "Toyota", ",", "Siemens", ",", "Simclar", ",", "Sew", ",", "Trw", ",", "Danfoss", ",", "Lohmann", ",", "Danaher", ",", "Woodward", ",", "Foxconn", ",", "Laird", ",", "Canon", ",", "Sanyo", ",", "Stanley", "&", "Denso", ".", "华东地区", "主要客户", "有", ":", "Flextronics", ",", "Motorola", ",", "Sanmina", ",", "FCI", ",", "SEW", ",", "Danfoss", ",", "Benchmark", "NEC", "&", "Alcatel", "-", "Lucent", "."], ["1", "、", "工厂", "简介", "赛闻", "工业", "有限公司", "成立", "于", "1997", "年", ",", "为", "香港", "与", "日本", "的", "合资公司", ",", "注册资本", "1", "亿", "港币", "。", "拥有", "一批", "专业", "技术", "人员", "和", "管理", "人员", "。", "做为", "整体", "运输", "包装", "方案", "提供商", ",", "赛闻", "公司", "主要", "生产", "加工", "纸", "、", "木", "、", "塑料", "以及", "多", "种", "材料", "复合", "的", "工业", "包装制品", "。", "经过多年", "的", "发展", ",", "赛闻", "工业", "有限公司", "现", "已", "在", "天津", "经济技术开发区", "、", "武清区", "和", "苏州", "分别", "建立", "工厂", ",", "并", "在", "北京", "、", "上海", "、", "南京", "、", "杭州", "、", "常州", "和", "南通", "设立", "了", "物流中心", "。", "随着", "国际业务", "的", "拓展", ",", "赛闻", "又", "在", "香港", "、", "加拿大", "注册", "公司", "、", "并", "在", "德国", "设立办事处", "。", "目前", "赛闻", "已", "拥有", "空客", "、", "丰田", "、", "摩托罗拉", "等", "近", "二", "百家", "稳定", "客户", "。", "TEDA", "工厂", "总面积", "40000", "平方米", ",", "建筑面积", "14000", "平方米", ",", "员工", "总数", "为", "300", "人", "。", "武清", "工厂", "(", "在", "建", ")", "总面积", "40000", "平方米", ",", "建筑面积", "12000", "平方米", "。", "苏州", "工厂", "总面积", "11000", "平方米", ",", "建筑面积", "8300", "平方米", ",", "员工", "总数", "为", "100", "人", "。", "华北地区", "主要客户", "有", ":", "Motorola", ",", "Toyota", ",", "Siemens", ",", "Simclar", ",", "Sew", ",", "Trw", ",", "Danfoss", ",", "Lohmann", ",", "Danaher", ",", "Woodward", ",", "Foxconn", ",", "Laird", ",", "Canon", ",", "Sanyo", ",", "Stanley", "&", "Denso", ".", "华东地区", "主要客户", "有", ":", "Flextronics", ",", "Motorola", ",", "Sanmina", ",", "FCI", ",", "SEW", ",", "Danfoss", ",", "Benchmark", "NEC", "&", "Alcatel", "-", "Lucent", ".", "企业文化", ":", "(", "1", ")", "愿景", ":", "2020", "年", "成为", "中国", "整体", "运输", "包装", "解决方案", "的", "领先者", "。", "(", "2", ")", "使命", ":", "追求", "理性", "成长", ",", "百年", "经营", ",", "在", "员工", "、", "客户", "、", "社会责任", "间", "求", "取", "平衡", "及", "满足", "。", "(", "3", ")", "核心价值观", ":", "互信", ":", "坚持", "互信", "原则", ",", "与", "员工", "、", "客户", "之间", "建立", "长久", "信任", "的", "关系", "。", "快速反应", ":", "迅速", "理解", "并", "满足", "市场", "、", "客户", "及", "员工", "的", "需求", "。", "专业", ":", "专注", "于", "整体", "运输", "包装", "解决方案", "和", "产品", ",", "并", "不断创新", "保持", "行业", "优势", "。", "永续", "承诺", ":", "公司", "及", "员工", "个", "人均", "应", "坚守", "百年", "经营", "之", "承诺", "。", "专业", "研发", ",", "优质", "设计", ":", "通过", "各种", "展会", "及", "国际交流", ",", "掌握", "整体", "包装", "的", "前沿技术", "和", "先进", "材料", ",", "不断优化", "产品", ";", "我们", "通过", "考察", "分析", "客户", "产品", "的", "外观", "、", "品质", "、", "保护", "等级", ",", "操作", "贮存", "情况", ",", "运输", "及", "环境因素", "等", "方面", ",", "向", "客户", "提供", "全面", "的", "运输", "包装", "解决方案", ",", "力争", "为", "客户", "提供", "优质", "合理", "的", "设计", ",", "并", "持续改进", "。", "严格", "品", "控", ",", "先进", "管理", ":", "赛闻", "将", "产品", "的", "质量", "视为", "企业", "的", "生命力", ",", "严格控制", "生产", "过程", "中", "的", "各个环节", ";", "我们", "是", "中国", "包装", "行业", "精益", "管理", "及", "JIT", "、", "VMI", "的", "先行者", ",", "拥有", "多", "年", "全国", "跨地区", "运营", "经验", ",", "在", "发展中", "不断", "提升", "能力", "、", "改善", "流程", ",", "与", "客户", "共同成长", "。", "快速反应", ",", "灵活", "服务", ":", "赛闻", "具有", "7", "×", "24", "小时", "的", "快速响应", "速度", ",", "充分", "满足", "客户", "精益", "生产", "模式", "的", "要求", ",", "提供", "JIT服务", ",", "公司", "的", "车辆", "都", "安装", "了", "GPRS", "系统", ",", "对", "运输", "环节", "实现", "实时", "电子", "监控", "。", "我们", "还", "可以", "根据", "客户", "的", "需要", ",", "选派", "经验", "丰富", "的", "技术", "工程师", ",", "上门", "为", "客户", "提供", "标准", "的", "现场", "包装", "服务", "。", "整体", "方案", ",", "绿色包装", ":", "赛闻", "优化整合", "了", "木质", "、", "纸质", "、", "塑料", "、", "金属", "、", "发泡", "、", "防锈", "等", "各种", "材料", "和", "技术", "手段", ",", "避免", "包装", "不足", "和", "包装", "过度", ";", "秉承", "绿色环保", "理念", ",", "在", "包", "材", "、", "设计", "和", "生产", "中", "贯彻", "减量", "、", "循环", "、", "可", "回收", "的", "方针", ",", "尽可能", "使用", "环保", "材料", ",", "设计", "折叠式", "包装", "减少", "空载", ",", "提高", "材料", "的", "利用率", ",", "减少", "资源", "浪费", "。", "技术", "优势", ":", "拥有", "多", "名", "包装", "专家", "和", "大量", "技术", "研发人员", ",", "现", "有", "较为", "完善", "的", "管理", "机制", ",", "有", "很", "完整", "的", "包装", "理论基础", "。", "设备", "优势", ":", "拥有", "环", "压", "测试仪", "、", "耐破", "试验仪", "戳穿", "试验", "、", "仪", "压力", "试验机", "、", "RoHS", ":", "能量", "色散", "X", "荧光光谱仪", "、", "烘干", "箱", "、", "水分测定仪", "、", "计量器具", "等", ",", "从小", "批量", "到", "大批量", "均", "能", "自如", "生产", ",", "无", "最小", "订单", "限制", "。", "2", "、", "具体", "实习", "情况", "经", "多次", "与", "公司", "协商", ",", "我终于", "得到", "该", "公司", "允许", ",", "有幸", "参观", "了", "公司", "并", "在", "该", "公司", "进行", "了", "为", "期", "四周", "的", "实习", "。", "进入", "该", "公司", ",", "首先", "了解到", "公司机构", "包括", "业务部", "、", "生产部", "、", "财务部", "、", "采购部", "、", "管理", "部", "、", "技术部", "六大", "部门", "。", "据", "业务部", "介绍", ",", "现", "业务", "工作", "主要", "分为", "两", "部分", ",", "一部分", "是", "跟踪", "现", "有", "客户", "的", "货", "单", "情况", ",", "特别", "大", "客户", "每天", "的", "下单", "、", "出货", "、", "质量", "情况", "。", "另", "一部分", "是", "开发", "新客户", ",", "根据", "现", "有", "的", "资料", "向", "相关", "企业", "介绍", "公司产品", ",", "推销产品", "。", "我", "觉得", "该", "公司", "的", "业务", "部分", "工", "很", "合理", ",", "因为", "有", "稳定", "的", "客户", "的", "时候", ",", "发展", "新", "客户", "也是", "必要", "的", "。", "但是", "新", "客户", "的", "开发", "需要", "制造", "相关", "的", "模具", ",", "制造", "模具", "费用", "大", ",", "然而", "该", "客户", "有很多", "不稳定", "的", "因素", ",", "未能", "确保", "长期", "合作", ",", "与其", "把", "资源", "投入", "不确定", "的", "业务", "上", ",", "不如", "把", "更多", "的", "资源", "改造", "设备", "或者", "是", "与", "原来", "的", "客户", "打", "好", "关系", "谋求", "更", "长远", "的", "合作", "。", "所以", "企业", "的", "工作", "方针政策", "是", "由", "每个", "企业", "的", "实际情况", "需要", "决定", "的", ",", "并非", "麻木", "照搬", "。", "生产", "是", "该", "公司", "的", "基础", "部门", ",", "据", "生产部", "员工", "介绍", ",", "生产", "种类", "比较", "多", ",", "比较", "杂", "。", "只要", "是", "设计", "定型", "的", "产品", ",", "生产部", "就要", "负责", "把", "能", "生产", "的", "部分", "生产", "出来", ",", "然后", "把", "成品", "放入", "仓库", ",", "等待", "业务部", "人员", "安排", "出货", "。", "技术", "部门", "的", "主要", "工作", "是", "设计", "整体", "包装", ",", "是", "公司", "的", "主要", "核心", "部分", "。", "根据", "客户", "的", "资料", "、", "要求", "设计", "产品", "包装", "。", "在", "设计", "的", "过程", "中", ",", "为了", "使", "设计", "的", "更为", "符合", "客户", "要求", ",", "技术", "部门", "经常", "需要", "和", "客户", "进行", "面对面", "的", "沟通", ",", "或", "去", "客户", "的", "公司", "看", "实际", "产品", ",", "进行", "现场", "尺寸", "测量", "。", "同时", ",", "技术部", "的", "工作", "也", "包括", "机械", "的", "检修", "、", "维护", "、", "调整", "。", "技术", "人员", "的", "专业", "知识", "水平", "相对", "要求", "是", "比较", "高", "的", ",", "肩负", "的", "责任", "也是", "比较", "大", "的", ",", "我", "建议", "该", "公司", "能", "经常", "组织", "员工", "参与", "各种", "培训课程", ",", "提高", "生产能力", "。", "对", "工厂", "情况", "有所", "了解", "后", ",", "我", "在", "生产部", "和", "技术部", "分别", "进行", "了", "一段时间", "的", "实际操作", "。", "在", "生产部", ",", "我", "按照", "师傅", "的", "指导", ",", "开关", "机器", ",", "在", "必要", "的", "时候", "急", "停", "机器", ",", "在", "需要", "的", "时候", "按动", "相关", "按钮", "。", "我", "不得不承认", "我", "实践", "动手能力", "差", ",", "经常", "出错", ",", "有时", "还会", "耽误", "其他", "工序", "的", "进行", ",", "虽然如此", ",", "师傅", "还是", "很", "耐心", "的", "为", "我", "指出", "错误", "原因", ",", "分析", "改正", "方法", ",", "并", "为", "我", "多次", "示范", "操作", "。", "果然", ",", "使用", "师傅", "传授", "的", "妙招", ",", "我", "操作", "进步", "的", "很快", ",", "一步步", "追上", "了", "其他人", "的", "操作", ",", "没有", "再", "耽误", "生产", "的", "正常运行", "。", "在", "技术部", ",", "我", "扎实", "的", "理论", "知识", "和", "熟练", "使用", "的", "CAD", "派", "上", "了", "用", "场", ",", "我", "根据", "师傅", "给", "的", "图纸", "和", "客户", "要求", ",", "将", "资料", "在", "CAD", "图", "中", "显示", "出来", ",", "将", "我", "做", "的", "图", "打印出来", "后", "交给", "生产部", ",", "他们", "便", "可以", "照常", "生产", "了", "。", "技术部", "的", "同事", "们", "都", "对", "我", "很", "友好", ",", "经常", "给", "我", "更有效", "工作", "的", "建议", ",", "使", "我", "受益匪浅", "。", "通过", "对", "水利工程", "的", "现场", "参观", "和", "技术", "人员", "的", "讲解", ",", "了解", "我", "国", "及", "山东省", "治水", "的", "历史", ";", "了解", "水利", "在", "国民经济", "中", "的", "重要性", ";", "了解", "传统", "水利", "与", "现代水利", "、", "可持续发展", "水利", "的", "含义", ";", "了解", "已", "建", "和", "在", "建", "的", "著名", "的", "水利工程", ";", "了解", "水利工程", "的", "运用", "情况", "和", "除", "险", "加固", "情况", ";", "熟悉", "土石坝", "、", "水闸", "、", "渡槽", "、", "渠道", "、", "倒虹吸", "、", "堤防", "等", "水工建筑物", "工程", "的", "作用", "、", "布置", "、", "组成", "及", "对", "当地", "经济发展", "的", "影响", ";", "了解", "工程", "施工", "及", "组织管理", "情况", "和", "招", "、", "投标", "的", "情况", "。", "使", "同学们", "增加", "水利工程", "的", "感性认识", ",", "巩固", "学生", "的", "专业", "思想", ",", "让", "学生", "领会", "专业", "的", "培养目标", ",", "为", "下一步", "学习", "专业", "知识", "打", "下", "良好", "的", "基础", "。", "通过", "实习", ",", "还", "培养", "学生", "热爱祖国", "水利", "事业", "、", "乐于", "从事", "水利工程", "建设", "的", "决心", "和", "信心", "。", "(", "1", ")", "听", "有关", "水利", "形势", "的", "报告", "。", "(", "2", ")", "观看", "录像", ",", "了解", "我", "国", "及", "山东", "治水", "的", "历史", "及", "水利", "发展", "的", "情况", ",", "以及", "我", "国", "著名", "的", "水利工程", "情况", "。"], ["(", "1", ")", "听", "有关", "水利", "形势", "的", "报告", "。", "(", "2", ")", "观看", "录像", ",", "了解", "我", "国", "及", "山东", "治水", "的", "历史", "及", "水利", "发展", "的", "情况", ",", "以及", "我", "国", "著名", "的", "水利工程", "情况", "。", "(", "3", ")", "参观", "世纪", "工程", ":", "工程", "有", ":"], ["①", "日照", "水库", ":", "枢纽工程", "的", "建设", "背景", "、", "工程", "的", "作用", "、", "水工建筑物", "的", "组成", "情况", ",", "工程", "存在", "的", "问题", "及", "除", "险", "加固", "情况", "和", "工程", "的", "综合", "运用", "管理", "情况", ",", "了解", "该", "工程", "对", "日照", "当地", "经济", "的", "影响", ",", "了解", "工程", "对", "周围", "环境", "的", "影响", ",", "了解", "工程", "对", "技术", "人员", "的", "业务", "要求", "和", "综合能力", "要求", "。"]], "paragraphs": ["实习是一种社会事件,是理论联系实际,应用和巩固所学知识的一项重要环节,是培养我们能力和技能的的一个重要手段。下面提供大学生毕业实习目的及内容,欢迎阅览!", "一、实习目的1、通过毕业实习,将理论高度上升到实践高度,更好的实现将大学期间所学的理论和实践的结合,更进一步加深对理论知识的理解,了解和掌握实际生产中的生产流程、工艺原理和技术要求,为今后学习和实际工作打下良好基础。2、培养自己善于观察、勤于思考的良好的学习习惯以及严谨的科学态度和实际动手能力,使理论与实践得到很好的结合。3、通过本次实习使我能够亲身感受到由一个学生转变到一个职业人的过程,进一步了解社会,增强对社会主义现代化建设的责任感、使命感,为离开学校、走向社会、适应社会、融入社会作好充分准备。4、本次实习对我完成毕业设计和实习报告起到很重要的作用。二、实习内容1、工厂简介赛闻工业有限公司成立于1997年,为香港与日本的合资公司,注册资本1亿港币。拥有一批专业技术人员和管理人员。做为整体运输包装方案提供商,赛闻公司主要生产加工纸、木、塑料以及多种材料复合的工业包装制品。经过多年的发展,赛闻工业有限公司现已在天津经济技术开发区、武清区和苏州分别建立工厂,并在北京、上海、南京、杭州、常州和南通设立了物流中心。随着国际业务的拓展,赛闻又在香港、加拿大注册公司、并在德国设立办事处。目前赛闻已拥有空客、丰田、摩托罗拉等近二百家稳定客户。 TEDA工厂总面积40000平方米,建筑面积14000平方米,员工总数为300人。 武清工厂(在建)总面积 40000平方米,建筑面积12000平方米。 苏州工厂总面积11000平方米,建筑面积 8300平方米,员工总数为100人。 华北地区主要客户有:Motorola, Toyota, Siemens, Simclar, Sew, Trw, Danfoss, Lohmann, Danaher, Woodward, Foxconn, Laird, Canon, Sanyo, Stanley & Denso. 华东地区主要客户有:Flextronics, Motorola, Sanmina, FCI, SEW, Danfoss, Benchmark NEC & Alcatel-Lucent.", "1、工厂简介赛闻工业有限公司成立于1997年,为香港与日本的合资公司,注册资本1亿港币。拥有一批专业技术人员和管理人员。做为整体运输包装方案提供商,赛闻公司主要生产加工纸、木、塑料以及多种材料复合的工业包装制品。经过多年的发展,赛闻工业有限公司现已在天津经济技术开发区、武清区和苏州分别建立工厂,并在北京、上海、南京、杭州、常州和南通设立了物流中心。随着国际业务的拓展,赛闻又在香港、加拿大注册公司、并在德国设立办事处。目前赛闻已拥有空客、丰田、摩托罗拉等近二百家稳定客户。 TEDA工厂总面积40000平方米,建筑面积14000平方米,员工总数为300人。 武清工厂(在建)总面积 40000平方米,建筑面积12000平方米。 苏州工厂总面积11000平方米,建筑面积 8300平方米,员工总数为100人。 华北地区主要客户有:Motorola, Toyota, Siemens, Simclar, Sew, Trw, Danfoss, Lohmann, Danaher, Woodward, Foxconn, Laird, Canon, Sanyo, Stanley & Denso. 华东地区主要客户有:Flextronics, Motorola, Sanmina, FCI, SEW, Danfoss, Benchmark NEC & Alcatel-Lucent.企业文化:(1)愿景:2020年成为中国整体运输包装解决方案的领先者。(2)使命:追求理性成长,百年经营,在员工、客户、社会责任间求取平衡及满足。(3)核心价值观: 互信:坚持互信原则,与员工、客户之间建立长久信任的关系。 快速反应:迅速理解并满足市场、客户及员工的需求。 专业:专注于整体运输包装解决方案和产品,并不断创新保持行业优势。永续承诺:公司及员工个人均应坚守百年经营之承诺。专业研发,优质设计:通过各种展会及国际交流,掌握整体包装的前沿技术和先进材料,不断优化产品;我们通过考察分析客户产品的外观、品质、保护等级,操作贮存情况,运输及环境因素等方面,向客户提供全面的运输包装解决方案,力争为客户提供优质合理的设计,并持续改进。严格品控,先进管理:赛闻将产品的质量视为企业的生命力,严格控制生产过程中的各个环节;我们是中国包装行业精益管理及JIT、VMI的先行者,拥有多年全国跨地区运营经验,在发展中不断提升能力、改善流程,与客户共同成长。快速反应,灵活服务:赛闻具有7×24小时的快速响应速度,充分满足客户精益生产模式的要求,提供JIT服务,公司的车辆都安装了GPRS系统,对运输环节实现实时电子监控。我们还可以根据客户的需要,选派经验丰富的技术工程师,上门为客户提供标准的现场包装服务。整体方案,绿色包装:赛闻优化整合了木质、纸质、塑料、金属、发泡、防锈等各种材料和技术手段,避免包装不足和包装过度;秉承绿色环保理念,在包材、设计和生产中贯彻减量、循环、可回收的方针,尽可能使用环保材料,设计折叠式包装减少空载,提高材料的利用率,减少资源浪费。技术优势:拥有多名包装专家和大量技术研发人员,现有较为完善的管理机制,有很完整的包装理论基础。设备优势:拥有环压测试仪、耐破试验仪戳穿试验、仪压力试验机、RoHS:能量色散X荧光光谱仪 、烘干箱、水分测定仪、计量器具等,从小批量到大批量均能自如生产,无最小订单限制。2、具体实习情况经多次与公司协商,我终于得到该公司允许,有幸参观了公司并在该公司进行了为期四周的实习。进入该公司,首先了解到公司机构包括业务部、生产部、财务部、采购部、管理部、技术部六大部门。据业务部介绍,现业务工作主要分为两部分,一部分是跟踪现有客户的货单情况,特别大客户每天的下单、出货、质量情况。另一部分是开发新客户,根据现有的资料向相关企业介绍公司产品,推销产品。我觉得该公司的业务部分工很合理,因为有稳定的客户的时候,发展新客户也是必要的。但是新客户的开发需要制造相关的模具,制造模具费用大,然而该客户有很多不稳定的因素,未能确保长期合作,与其把资源投入不确定的业务上,不如把更多的资源改造设备或者是与原来的客户打好关系谋求更长远的合作。所以企业的工作方针政策是由每个企业的实际情况需要决定的,并非麻木照搬。生产是该公司的基础部门,据生产部员工介绍,生产种类比较多,比较杂。只要是设计定型的产品,生产部就要负责把能生产的部分生产出来,然后把成品放入仓库,等待业务部人员安排出货。技术部门的主要工作是设计整体包装,是公司的主要核心部分。根据客户的资料、要求设计产品包装。在设计的过程中,为了使设计的更为符合客户要求,技术部门经常需要和客户进行面对面的沟通,或去客户的公司看实际产品,进行现场尺寸测量。同时,技术部的工作也包括机械的检修、维护、调整。技术人员的专业知识水平相对要求是比较高的,肩负的责任也是比较大的,我建议该公司能经常组织员工参与各种培训课程,提高生产能力。对工厂情况有所了解后,我在生产部和技术部分别进行了一段时间的实际操作。在生产部,我按照师傅的指导,开关机器,在必要的时候急停机器,在需要的时候按动相关按钮。我不得不承认我实践动手能力差,经常出错,有时还会耽误其他工序的进行,虽然如此,师傅还是很耐心的为我指出错误原因,分析改正方法,并为我多次示范操作。果然,使用师傅传授的妙招,我操作进步的很快,一步步追上了其他人的操作,没有再耽误生产的正常运行。在技术部,我扎实的理论知识和熟练使用的CAD派上了用场,我根据师傅给的图纸和客户要求,将资料在CAD图中显示出来,将我做的图打印出来后交给生产部,他们便可以照常生产了。技术部的同事们都对我很友好,经常给我更有效工作的建议,使我受益匪浅。通过对水利工程的现场参观和技术人员的讲解,了解我国及山东省治水的历史;了解水利在国民经济中的重要性;了解传统水利与现代水利、可持续发展水利的含义;了解已建和在建的著名的水利工程;了解水利工程的运用情况和除险加固情况;熟悉土石坝、水闸、渡槽、渠道、倒虹吸、堤防等水工建筑物工程的作用、布置、组成及对当地经济发展的影响;了解工程施工及组织管理情况和招、投标的情况。使同学们增加水利工程的感性认识,巩固学生的专业思想,让学生领会专业的培养目标,为下一步学习专业知识打下良好的基础。通过实习,还培养学生热爱祖国水利事业、乐于从事水利工程建设的决心和信心。(1) 听有关水利形势的报告。(2) 观看录像,了解我国及山东治水的历史及水利发展的情况,以及我国著名的水利工程情况。", "(1) 听有关水利形势的报告。(2) 观看录像,了解我国及山东治水的历史及水利发展的情况,以及我国著名的水利工程情况。(3) 参观世纪工程:工程有:", "①日照水库:枢纽工程的建设背景、工程的作用、水工建筑物的组成情况,工程存在的问题及除险加固情况和工程的综合运用管理情况,了解该工程对日照当地经济的影响,了解工程对周围环境的影响,了解工程对技术人员的业务要求和综合能力要求。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "实习目的_毕业生实习目的意义", "most_related_para": 0, "segmented_title": ["实习", "目的", "_", "毕业生", "实习", "目的", "意义"], "segmented_paragraphs": [["酒店", "的", "实习", "目的", "与", "任务", "政府", "的", "实习", "目的", "与", "意义", "公安", "的", "实习", "的", "目的", "与", "任务", "支教", "的", "实习", "目的", "与", "意义", "关于", "乡镇", "的", "实习", "目的", "与", "任务", "工厂", "的", "实习", "目的", "财务", "的", "实习", "目的", "护士", "的", "实习", "目的", "证券", "的", "实习", "目的", "助理", "的", "实习", "目的"], ["地质学", "专业", "实习", "目的", "中学语文", "教育", "实习", "计划", "毕业", "实习", "目的", "是", "什么", "?", "大学生", "毕业", "实训", "目的", "工程地质", "实习", "目的", "与", "实习", "要求", "生产", "实习", "目的", "测量学", "实习", "目的", "和", "实习", "要求", "会计", "实习报告", "目的", "实习", "目的", "特点", "和", "意义", "财务会计", "实习", "目的"]], "paragraphs": ["酒店的实习目的与任务 政府的实习目的与意义 公安的实习的目的与任务 支教的实习目的与意义 关于乡镇的实习目的与任务 工厂的实习目的 财务的实习目的 护士的实习目的 证券的实习目的 助理的实习目的", "地质学专业实习目的 中学语文教育实习计划 毕业实习目的是什么? 大学生毕业实训目的 工程地质实习目的与实习要求 生产实习目的 测量学实习目的和实习要求 会计实习报告目的 实习目的特点和意义 财务会计实习目的"], "bs_rank_pos": 3}, {"is_selected": false, "title": "生产实习目的及意义", "most_related_para": 2, "segmented_title": ["生产", "实习", "目的", "及", "意义"], "segmented_paragraphs": [["生产", "实习", "目的", "及", "意义"], ["生产", "实习", "是", "本", "专业", "学生", "的", "一", "门", "主要", "实践性", "课程", "。", "是", "学生", "将", "理论", "知识", "同", "生产", "实践", "相结合", "的", "有效", "途径", ",", "是", "增强", "学生", "的", "劳动", "观点", "、", "工程", "观点", "和", "建设", "有", "中国特色", "社会主义", "事业", "的", "责任心", "和", "使命感", "的", "过程", "。"], ["通过", "生产", "实习", ",", "使", "学生", "学习", "和", "了解", "机器", "从", "原材料", "到", "成品", "批量生产", "的", "全", "过程", "以及", "生产", "组织", "管理", "等", "知识", ",", "培养", "学生", "树立", "理论联系实际", "的", "工作作风", ",", "以及", "生产", "现场", "中将", "科学", "的", "理论", "知识", "加", "以", "验证", "、", "深化", "、", "巩固", "和", "充实", "。", "并", "培养", "学生", "进行", "调查", "、", "研究", "、", "分析", "和", "解决", "实际问题", "的", "能力", ",", "为", "后", "继", "专业课", "的", "学习", "、", "课程设计", "和", "毕业设计", "打下", "坚实", "的", "基础", "。", "通过", "生产", "实习", ",", "拓宽", "学生", "的", "知识面", ",", "增加", "感性认识", ",", "把", "所学", "知识", "条理化", "系统化", ",", "学", "到", "从", "书本", "学", "不到", "的", "专业", "知识", ",", "并", "获得", "本", "专业", "国内", "、", "外", "科技", "发展", "现状", "的", "最新", "信息", ",", "激发学生", "向", "实践", "学习", "和", "探索", "的", "积极性", ",", "为", "今后", "的", "学习", "和", "将", "从事", "的", "技术", "工作", "打下", "坚实", "的", "基础", "。"], ["生产", "实习", "是", "与", "课堂教学", "完全", "不同", "的", "教学方法", ",", "在", "教学计划", "中", ",", "生产", "实习", "是", "课堂教学", "的", "补充", ",", "生产", "实习", "区别", "于", "课堂教学", "。", "课堂", "教学", "中", ",", "教师", "讲授", ",", "学生", "领会", ",", "而", "生产", "实习", "则", "是", "在", "教师", "指导", "下", "由", "学生", "自己", "向", "生产", "向", "实际", "学习", "。", "通过", "现场", "的", "讲授", "、", "参观", "、", "座谈", "、", "讨论", "、", "分析", "、", "作业", "、", "考核", "等", "多种形式", ",", "一方面", "来", "巩固", "在", "书本", "上学", "到", "的", "理论", "知识", ",", "另一方面", ",", "可获得", "在", "书本", "上", "不易", "了解", "和", "不", "易学", "到", "的", "生产", "现场", "的", "实际", "知识", ",", "使", "学生", "在", "实践", "中", "得到", "提高", "和", "锻炼", "。"], ["生产", "实习", "意义"], ["生产", "实习", "是", "学校", "教学", "的", "重要", "补充", "部分", ",", "是", "区别", "于", "普通", "学校教育", "的", "一", "个", "显著", "特征", ",", "是", "教育教学", "体系", "中", "的", "一", "个", "不可", "缺少", "的", "重要组成部分", "和", "不可替代", "的", "重要", "环节", "。", "它", "是", "与", "今后", "的", "职业", "生活", "最", "直接", "联系", "的", ",", "学生", "在", "生产", "实习", "过程", "中将", "完成", "学习", "到", "就业", "的", "过渡", ",", "因此", "生产", "实习", "是", "培养", "技能", "型", "人才", ",", "实现", "培养目标", "的", "主要", "途径", "。", "它", "不仅", "是", "校内", "教学", "的", "延续", ",", "而且", "是", "校内", "教学", "的", "总结", "。", "可以说", ",", "没有", "生产", "实习", ",", "就", "没有", "完整", "的", "教育", "。", "学校", "要", "提高", "教育", "教学质量", ",", "在", "注重", "理论", "知识", "学习", "的", "前提", "下", ",", "首先", "要", "提高", "生产", "实习", "管理", "的", "质量", "。", "生产", "实习", "教育教学", "的", "成功与否", ",", "关系", "到", "学校", "的", "兴衰", "及", "学生", "的", "就业", "前途", ",", "也", "间", "接地", "影响", "到", "现代化建设", "。"], ["·", "大学生", "毕业", "实习", "目的", "及", "内容", "·", "大学生", "实习", "目的", "与", "意义", "·", "实习", "的", "目的", "和", "意义", "·", "认知", "实习", "目的", "与", "意义", "·", "生产", "实习", "目的", "及", "意义", "·", "实习", "目的", "与", "意义", "·", "会计", "实习报告", "实习", "目的", "·", "大学生", "社会实践", "目的", "和", "意义", "·", "毕业", "实习", "目的", "与", "要求", "·", "大学生", "金工实习", "目的"]], "paragraphs": ["生产实习目的及意义", "生产实习是本专业学生的一门主要实践性课程。是学生将理论知识同生产实践相结合的有效途径,是增强学生的劳动观点、工程观点和建设有中国特色社会主义事业的责任心和使命感的过程。", "通过生产实习,使学生学习和了解机器从原材料到成品批量生产的全过程以及生产组织管理等知识,培养学生树立理论联系实际的工作作风,以及生产现场中将科学的理论知识加以验证、深化、巩固和充实。并培养学生进行调查、研究、分析和解决实际问题的能力,为后继专业课的学习、课程设计和毕业设计打下坚实的基础。通过生产实习,拓宽学生的知识面,增加感性认识,把所学知识条理化系统化,学到从书本学不到的专业知识,并获得本专业国内、外科技发展现状的最新信息,激发学生向实践学习和探索的积极性,为今后的学习和将从事的技术工作打下坚实的基础。", "生产实习是与课堂教学完全不同的教学方法,在教学计划中,生产实习是课堂教学的补充,生产实习区别于课堂教学。课堂教学中,教师讲授,学生领会,而生产实习则是在教师指导下由学生自己向生产向实际学习。通过现场的讲授、参观、座谈、讨论、分析、作业、考核等多种形式,一方面来巩固在书本上学到的理论知识,另一方面,可获得在书本上不易了解和不易学到的生产现场的实际知识,使学生在实践中得到提高和锻炼。", "生产实习意义", "生产实习是学校教学的重要补充部分,是区别于普通学校教育的一个显著特征,是教育教学体系中的一个不可缺少的重要组成部分和不可替代的重要环节。它是与今后的职业生活最直接联系的,学生在生产实习过程中将完成学习到就业的过渡,因此生产实习是培养技能型人才,实现培养目标的主要途径。它不仅是校内教学的延续,而且是校内教学的总结。可以说,没有生产实习,就没有完整的教育。学校要提高教育教学质量,在注重理论知识学习的前提下,首先要提高生产实习管理的质量。生产实习教育教学的成功与否,关系到学校的兴衰及学生的就业前途,也间接地影响到现代化建设。", "·大学生毕业实习目的及内容 ·大学生实习目的与意义 ·实习的目的和意义 ·认知实习目的与意义 ·生产实习目的及意义 ·实习目的与意义 ·会计实习报告实习目的 ·大学生社会实践目的和意义 ·毕业实习目的与要求 ·大学生金工实习目的"], "bs_rank_pos": 4}], "answer_spans": [[0, 92]], "fake_answers": ["1.为了将自己所学知识运用在实践中,在实践中巩固自己的知识,调节理论与实践之间的关系,培养实际工作能力和分析能力,以达到学以致用的目的。2.获得更多与自己专业相关的知识,扩宽知识面,增加社会阅历。3.接触更多的人,在实践中锻炼胆量,提升自己的沟通能力和其他社交能力。4.培养更好的职业道德,树立好正确的职业道德观。"], "question": "实习的目的", "segmented_answers": [["1", ".", "为了", "将", "自己", "所学", "知识", "运用", "在", "实践", "中", ",", "在", "实践", "中", "巩固", "自己", "的", "知识", ",", "调节", "理论与实践", "之间", "的", "关系", ",", "培养", "实际", "工作", "能力", "和", "分析", "能力", ",", "以", "达到", "学以致用", "的", "目的", "。", "2", ".", "获得", "更多", "与", "自己", "专业", "相关", "的", "知识", ",", "扩宽", "知识面", ",", "增加", "社会", "阅历", "。", "3", ".", "接触", "更多", "的", "人", ",", "在", "实践", "中", "锻炼", "胆量", ",", "提升", "自己", "的", "沟通能力", "和", "其他", "社交能力", "。", "4", ".", "培养", "更好", "的", "职业道德", ",", "树立", "好", "正确", "的", "职业道德", "观", "。"]], "answers": ["1.为了将自己所学知识运用在实践中,在实践中巩固自己的知识,调节理论与实践之间的关系,培养实际工作能力和分析能力,以达到学以致用的目的。2.获得更多与自己专业相关的知识,扩宽知识面,增加社会阅历。3.接触更多的人,在实践中锻炼胆量,提升自己的沟通能力和其他社交能力。4.培养更好的职业道德,树立好正确的职业道德观。"], "answer_docs": [0], "segmented_question": ["实习", "的", "目的"], "question_type": "DESCRIPTION", "question_id": 1, "fact_or_opinion": "OPINION", "match_scores": [0.8602150537634409]}
-{"documents": [{"is_selected": false, "title": "人人车检测靠谱吗?价格怎么算的? - 求助咨询 人人车社区-专业二手车", "most_related_para": 7, "segmented_title": ["人人", "车", "检测", "靠谱", "吗", "?", "价格", "怎么", "算", "的", "?", "-", "求助", "咨询", "人人", "车", "社区", "-", "专业", "二手车"], "segmented_paragraphs": [["您", "需要", "登录", "才", "可以", "下载", "或", "查看", ",", "没有", "帐号", "?", "立即注册"], ["签到", "天数", ":", "81", "天"], ["连续", "签到", ":", "1", "天"], ["[", "LV", ".", "6", "]", "社区", "初级", "粉丝"], ["人人", "车", "有深度", "上架", "检测", ",", "事故", "车", "基本上", "不会", "发现", "不", "了"], ["对于", "一些", "车", ",", "看", "了", "才", "两", "三", "年", ",", "车况", "也", "非常不错", ",", "我", "是", "很难", "想", "明白", "车主", "就", "直接", "亏", "了", "30", "%", "以上", "卖掉", "吧", ",", "很", "可能", "是", "车子", "本身", "存在", "一些", "问题", ",", ".", ".", ".", ".", "我", "老是", "有", "这种想法", "。", "详情", "回复", "发表", "于", "2015", "-", "8", "-", "29", "20", ":", "40"], ["你", "应该", "想", "是", "车主", "有", "事儿", "换", "车", "或是", "卖车", ",", "这样", "你", "才", "有", "漏", "可", "捡", "~", "详情", "回复", "发表", "于", "2015", "-", "8", "-", "30", "18", ":", "10"], ["新车", "落地", "打", "8", "折", "!", "青年", ",", "你", "还", "需要", "对", "二手车", "再", "补", "补课", "了", "。", "你", "现在", "的", "想法", "和", "我", "初", "入", "人人", "车", "一样", ",", "抱着", "100", "%", "的", "高度怀疑", "态度", "找", "车", "看", "车", ",", "但", "时间长", "了", "你", "会", "发现", ",", "其他", "的", "B2C", "、", "C2C", "更", "不", "靠谱", "。", "至于", "检测", ",", "我", "觉得", "还行", "吧", ",", "毕竟", "都是", "人工", "检测", ",", "详情", "回复", "发表", "于", "2015", "-", "8", "-", "29", "21", ":", "57"], ["签到", "天数", ":", "188", "天"], ["连续", "签到", ":", "1", "天"], ["[", "LV", ".", "7", "]", "社区", "中级", "粉丝"], ["2", "年", "折", "30", "%", "很正常", "啊"], ["我", "是", "人人", "车", "深圳", "区", "的", ",", "有", "事故", "的", "车", "我们", "不收", ",", "自然", "也", "不会", "放在", "网上", ",", "评估师", "基本", "是", "看", "4", "台", "收", "2", "台", ",", "收", "车", "率", "大概", "在", "50", "%", "左右", ",", "有问题", "会", "跟", "车主", "说明", "不收", "的", "。", "指导价", "有", "公式", "的", ",", "我", "看", "评估师", "考试", "写", "了", "一串", "公式", ",", "根据", "市场", "定", "。"], ["买二手车", "只要", "大", "问题", "没有", ",", "就", "差不多", "了", "!", "小", "问题", "肯定", "是", "有", "的", "~", "至于", "残值", ",", "这个", "得", "看", "你", "买", "什么", "车", ",", "保有量", "和", "你", "自己", "开车", "习惯了", "!"], ["签到", "天数", ":", "56", "天"], ["连续", "签到", ":", "1", "天"], ["[", "LV", ".", "5", "]", "爱", "签到", ",", "爱", "生活"], ["签到", "天数", ":", "17", "天"], ["连续", "签到", ":", "1", "天"], ["[", "LV", ".", "4", "]", "我", "签到", "我", "自豪", "!"], ["签到", "天数", ":", "258", "天"], ["连续", "签到", ":", "1", "天"], ["[", "LV", ".", "8", "]", "社区", "高级", "粉丝"], ["签到", "天数", ":", "17", "天"], ["连续", "签到", ":", "1", "天"], ["[", "LV", ".", "4", "]", "我", "签到", "我", "自豪", "!"], ["签到", "天数", ":", "258", "天"], ["连续", "签到", ":", "1", "天"], ["[", "LV", ".", "8", "]", "社区", "高级", "粉丝"], ["您", "需要", "登录", "后", "才", "可以", "回帖", "登录", "|", "立即注册"]], "paragraphs": ["您需要 登录 才可以下载或查看,没有帐号?立即注册", "签到天数: 81 天", "连续签到: 1 天", "[LV.6]社区初级粉丝", "人人车有深度上架检测,事故车基本上不会发现不了", "对于一些车,看了才两三年,车况也非常不错,我是很难想明白车主就直接亏了30%以上卖掉吧,很可能是车子本身存在一些问题,....我老是有这种想法。 详情 回复 发表于 2015-8-29 20:40", "你应该想是车主有事儿换车或是卖车,这样你才有漏可捡~ 详情 回复 发表于 2015-8-30 18:10", "新车落地打8折!青年,你还需要对二手车再补补课了。你现在的想法和我初入人人车一样,抱着100%的高度怀疑态度找车看车,但时间长了你会发现,其他的B2C、C2C更不靠谱。至于检测,我觉得还行吧,毕竟都是人工检测, 详情 回复 发表于 2015-8-29 21:57", "签到天数: 188 天", "连续签到: 1 天", "[LV.7]社区中级粉丝", "2年折30%很正常啊", "我是人人车深圳区的,有事故的车我们不收,自然也不会放在网上,评估师基本是看4台收2台,收车率大概在50%左右,有问题会跟车主说明不收的。指导价有公式的,我看评估师考试写了一串公式,根据市场定。", "买二手车只要大问题没有,就差不多了!小问题肯定是有的~至于残值,这个得看你买什么车,保有量和你自己开车习惯了!", "签到天数: 56 天", "连续签到: 1 天", "[LV.5]爱签到,爱生活", "签到天数: 17 天", "连续签到: 1 天", "[LV.4]我签到我自豪!", "签到天数: 258 天", "连续签到: 1 天", "[LV.8]社区高级粉丝", "签到天数: 17 天", "连续签到: 1 天", "[LV.4]我签到我自豪!", "签到天数: 258 天", "连续签到: 1 天", "[LV.8]社区高级粉丝", "您需要登录后才可以回帖 登录 | 立即注册"], "bs_rank_pos": 0}, {"is_selected": true, "title": "人人车网买车靠谱吗?_百度知道", "most_related_para": 5, "segmented_title": ["人人", "车", "网", "买车", "靠谱", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["其实", "汽车", "电商", "只是", "新型", "的", "购车", "模式", ",", "就像", "一开始", "很多人", "都", "不相信", "网上", "网购", "东西", ",", "但是", "看看", "现在", "淘宝", "京东", "这些", ",", "所以", "大家", "也是", "可以", "不用担心", "汽车", "电商", "的", ",", "像", "我自己", "之前", "用", "小马", "购车", "平台", ",", "就算", "是", "通过", "这个平台", "去", "买", ",", "但是", "实际", "交易", "购车", "程序", "还是", "在", "4s店", "完成", ",", "车", "也是", "4s店", "提供", ",", "所以", "大家", "真", "的", "可以", "不用担心", "。"], ["说实话", ",", "平台", "应该", "是", "为", "平民百姓", "服务", "的", ",", "但是", "人人", "车", "却", "抬高", "了", "二手车", "的", "价格", ",", "收取", "的", "也是", "买家", "的", "手续费", "。", "我", "问", "他们", ",", "为什么", "卖家", "的", "报价", "都", "那么", "统一", ",", "那么", "准确", ",", "他们", "说", "会", "给", "一", "个", "指导价", "。", "真", "的", "抬高", "了", ",", "都是", "按", "原先", "买车", "的", "价格", "来", "定价", "的", "。"], ["我", "在", "2016", "年", "1", "月", "通过", "人人", "车", ",", "买", "了", "一", "部", "11", "年", "的", "福克斯", ",", "当时", "销售人员", "很", "热情", ",", "检测", "过户", ",", "检测", "什么", "问题", "没有", ",", "现在", "开", "了", "2", "个", "月", ",", "发动机", "出现", "问题", "了", ",", "人人", "车", "当时", "的", "服务", "和", "承诺", "也", "发生", "了", "180", "度", "转变", ",", "image", ".", "jpeg"], ["人人", "车", "真是", "太", "次", "了", ",", "车", "卖", "的", "嘎嘎", "贵", "。", "正常", "车", "贩子", "都", "挣", "不", "了", "那么", "些", "钱", ",", "他", "往", "死", "要", "。", "中国", "二手车市场", "真是", "缺乏", "完善", ",", "不如", "加点", "钱", "买", "个", "新车", "了", ",", "太", "次"], ["不", "靠谱", "极", "不", "靠谱", "!", "变相", "大", "黄牛", "!"], ["人人", "车", "很", "不", "靠谱", "~", "不要", "相信", "广告", "!", "打算", "买", "一辆", "二手车", "。", "结果", "看", "上", "的", "一", "打电话", "全", "卖", "了", "。", "而且", "一直", "挂", "着", "~", "看", "他们", "的", "网站", "纯属", "浪费时间", "。"], ["对于", "人人", "车", "这个", "平台", ",", "我", "只能", "说", "就是", "个", "坑", ",", "而且", "是", "害人不浅", "的", "坑", "。", "我", "就", "说下", "我的经历", "吧", ",", "可能", "对", "你", "有", "帮助", "。", "我", "和", "卖家", "谈", "的", "车", "款", "是", "4.5w", ",", "但是", "给", "人人", "车", "服务费", "3", "千", ",", "我", "是", "一", "个", "学生", ",", "所以", "都是", "贷款买车", ",", "又", "收", "了", "2.5", "千", "的", "所谓", "金融", "服务费", ",", "而且", "如果", "贷款", "就", "必须", "买", "一", "个", "1.5", "千", "的", "gps", ",", "保险", "也", "必须", "在", "人人", "车", "买", ",", "我", "买", "了", "总共", "4.6", "千", "多", ",", "加上", "办", "暂住证", "和", "过户", "要", "了", "1", ".", "1", "千", "。", "开始", "销售", "和", "我", "说", "贷款利率", "只有", "4", "或", "5", "个", "点", ",", "最后", "告诉", "我", "7", "个", "点", "。", "反正", "都是", "一", "环", "一", "换", "的", "带", "着", "你", "钻", ",", "他", "不会", "直接", "把", "费用", "告诉", "你", ",", "都是", "等", "着", "签", "完", "合同", "了", "再", "说", ",", "那时候", "也", "已经", "来不及了", "。", "我", "给", "人人", "车", "的", "费用", "总共", "算", "了", "一", "下", "是", "快", "7", "千", ",", "还", "不", "算", "上", "他们", "得到", "的", "各种", "回扣", ",", "最", "重要", "的", "是", "他们", "不是", "一", "个", "负责人", "的", "平台", ",", "而且", "所说", "的", "3", "千", "服务费", ",", "如果", "真", "的", "车", "出了问题", ",", "他们", "也是", "不", "负责", "的", ",", "这样", "的", "没有", "责任感", "还", "乱收费", "的", "平台", "不知道", "怎么", "还", "存在", "这么", "久", ",", "某", "明星", "还", "为", "其", "大肆"]], "paragraphs": ["其实汽车电商只是新型的购车模式,就像一开始很多人都不相信网上网购东西,但是看看现在淘宝京东这些,所以大家也是可以不用担心汽车电商的,像我自己之前用小马购车平台,就算是通过这个平台去买,但是实际交易购车程序还是在4s店完成,车也是4s店提供,所以大家真的可以不用担心。", "说实话,平台应该是为平民百姓服务的,但是人人车却抬高了二手车的价格,收取的也是买家的手续费。我问他们,为什么卖家的报价都那么统一,那么准确,他们说会给一个指导价。真的抬高了,都是按原先买车的价格来定价的。", "我在2016年1月通过人人车,买了一部11年的福克斯,当时销售人员很热情,检测过户,检测什么问题没有,现在开了2个月,发动机出现问题了,人人车当时的服务和承诺也发生了180度转变, image.jpeg", "人人车真是太次了,车卖的嘎嘎贵。正常车贩子都挣不了那么些钱,他往死要。中国二手车市场真是缺乏完善,不如加点钱买个新车了,太次", "不靠谱极不靠谱!变相大黄牛!", "人人车很不靠谱~不要相信广告!打算买一辆二手车。结果看上的一打电话全卖了。而且一直挂着~看他们的网站纯属浪费时间。", "对于人人车这个平台,我只能说就是个坑,而且是害人不浅的坑。我就说下我的经历吧,可能对你有帮助。我和卖家谈的车款是4.5w,但是给人人车服务费3千,我是一个学生,所以都是贷款买车,又收了2.5千的所谓金融服务费,而且如果贷款就必须买一个1.5千的gps,保险也必须在人人车买,我买了总共4.6千多,加上办暂住证和过户要了1.1千。开始销售和我说贷款利率只有4或5个点,最后告诉我7个点。反正都是一环一换的带着你钻,他不会直接把费用告诉你,都是等着签完合同了再说,那时候也已经来不及了。我给人人车的费用总共算了一下是快7千,还不算上他们得到的各种回扣,最重要的是他们不是一个负责人的平台,而且所说的3千服务费,如果真的车出了问题,他们也是不负责的,这样的没有责任感还乱收费的平台不知道怎么还存在这么久,某明星还为其大肆"], "bs_rank_pos": 1}, {"is_selected": false, "title": "人人车到底靠谱吗_百度知道", "most_related_para": 0, "segmented_title": ["人人", "车", "到底", "靠谱", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["说", "二手车", "水深", "是因为", "本地", "有很多", "车", "贩", "低价", "收", "了", "事故", "车", "翻修", "一遍", "就", "往", "出卖", ",", "或者", "欺负", "有", "的", "人", "不懂", "车", ",", "价格", "卖", "得", "高", "。", "但是", "这", "两", "个", "问题", "人人", "车", "普遍", "不存在", ",", "因为", "人人", "车", "有", "专门", "的", "评估师", ",", "拒绝", "事故", "车", ",", "至于", "价格", "是", "买家", "和", "卖家", "协商", "的", ",", "人人", "车", "不", "参", "合", ",", "所以", "这两点", "都", "跟", "人人", "车", "都", "没", "什么", "关系", "。", "除此之外", "人人", "车", "售后", "也", "不错", ",", "14", "天", "两万", "公里", "质保", "。"], ["可以", "去", "人人", "车", "论坛", "看看", "别人", "的", "买车", "分享", ",", "别", "老", "看", "网上", "的", "报道", ",", "现在", "网上", "的", "东西", "动不动", "就", "反转", "剧情", ",", "太", "乱", "。"]], "paragraphs": ["说二手车水深是因为本地有很多车贩低价收了事故车翻修一遍就往出卖,或者欺负有的人不懂车,价格卖得高。但是这两个问题人人车普遍不存在,因为人人车有专门的评估师,拒绝事故车,至于价格是买家和卖家协商的,人人车不参合,所以这两点都跟人人车都没什么关系。除此之外人人车售后也不错,14天两万公里质保。", "可以去人人车论坛看看别人的买车分享,别老看网上的报道,现在网上的东西动不动就反转剧情,太乱。"], "bs_rank_pos": 2}], "answer_spans": [[0, 4]], "yesno_answers": ["No"], "fake_answers": ["人人车很不靠谱"], "question": "人人车靠谱吗", "segmented_answers": [["人人", "车", "很", "不", "靠谱", "。"]], "answers": ["人人车很不靠谱。"], "yesno_type": "OPINION", "answer_docs": [1], "segmented_question": ["人人", "车", "靠谱", "吗"], "question_type": "YES_NO", "question_id": 2, "fact_or_opinion": "OPINION", "match_scores": [0.9090909090909091]}
-{"documents": [{"is_selected": true, "title": "萨满神器第三插槽解锁任务详细流程是什么_特玩网魔兽世界专区", "most_related_para": 3, "segmented_title": ["萨满", "神器", "第", "三", "插槽", "解锁", "任务", "详细", "流程", "是什么", "_", "特", "玩", "网", "魔兽世界", "专区"], "segmented_paragraphs": [["导读", ":", "很多", "魔兽世界", "的", "玩家", "不清楚", "萨满", "神器", "第", "三", "插槽", "解锁", "任务", "详细", "流程", "是什么", ",", "小", "编", "这里", "给", "大家", "带来", "萨满", "神器", "第", "三", "插槽", "解锁", "任务", "详细", "流程", ",", "希望", "能", "帮", "大家", "开启", "萨满", "神器", "的", "第", "三", "插槽", "。"], ["萨满", "神器", "三", "槽", "任务", "线"], ["职业", "大厅", "主要", "分", "职业", "大厅", "战役", "任务", "线", ",", "职业", "大厅", "升级", ",", "随从", "这", "三方面", "。"], ["职业", "大厅", "战役", "需要", "按", "顺序", "联合", "水", "-", "风", "-", "地", "-", "火", "四大", "元素", "领主", ",", "联合", "一", "位", "领主", "就", "可以", "解锁", "两位", "随从", "。", "印象", "里", "风", "地火", "都", "需要", "完成", "长时间", "的", "随从", "任务", "(", "如果", "有", "错", "请", "指正", ")", ",", "尤其", "是", "调查", "火焰", "之", "地", "需要", "完成", "5", "个", "12", "小时", "的", "随从", "任务", ",", "一旦", "任务", "板", "出现", "前面", "带", "黄色", "感叹号", "的", "随从", "任务", ",", "在", "保证", "成功率", "的", "前提", "下", "优先", "派", "随从", "去", "跑", "。"], ["另外", "大", "漩涡", "平台", "上", "元素师", "佳", "奈", "的", "任务", "基本", "是", "让", "你", "去", "打", "5", "人本", ",", "虽然", "不是", "非常", "肯定", ",", "但是", "去", "艾萨拉", "之", "眼", "是", "职业", "大厅", "任务", "主线", "必需", "步骤", ",", "接", "到", "任务", "请", "尽快", "完成", "。", "满级", "后", "让", "你", "完成", "50", "个", "世界", "任务", "也是", "联合", "火焰领主", "的", "要求", "之", "一", ",", "请", "不要忽视", "。"], ["完成", "联合", "四大", "元素", "领主", ",", "开启", "三", "槽", ",", "获得", "斯", "卡迪乌斯", "男爵", "和", "雷加尔", "·", "大地", "之", "怒", "后", "就算", "暂时", "告一段落", "。"], ["更多", "WOW", "资讯", ",", "请", "继续", "关注", "特", "玩", "魔兽世界", "专区"], ["PVE", "PVP", "副本", "攻略", "视频", "集锦"], ["自杀", "暗牧攻略", "浩劫", "恶魔猎手", "冰霜", "死亡骑士", "狂徒", "盗贼", "攻略"]], "paragraphs": ["导读:很多魔兽世界的玩家不清楚萨满神器第三插槽解锁任务详细流程是什么,小编这里给大家带来萨满神器第三插槽解锁任务详细流程,希望能帮大家开启萨满神器的第三插槽。", "萨满神器三槽任务线", "职业大厅主要分职业大厅战役任务线,职业大厅升级,随从这三方面。", "职业大厅战役需要按顺序联合水-风-地-火四大元素领主,联合一位领主就可以解锁两位随从。印象里风地火都需要完成长时间的随从任务(如果有错请指正),尤其是调查火焰之地需要完成5个12小时的随从任务,一旦任务板出现前面带黄色感叹号的随从任务,在保证成功率的前提下优先派随从去跑。", "另外大漩涡平台上元素师佳奈的任务基本是让你去打5人本,虽然不是非常肯定,但是去艾萨拉之眼是职业大厅任务主线必需步骤,接到任务请尽快完成。满级后让你完成50个世界任务也是联合火焰领主的要求之一,请不要忽视。", "完成联合四大元素领主,开启三槽,获得斯卡迪乌斯男爵和雷加尔·大地之怒后就算暂时告一段落。", "更多WOW资讯,请继续关注特玩魔兽世界专区", "PVE PVP 副本攻略 视频集锦", "自杀暗牧攻略  浩劫恶魔猎手  冰霜死亡骑士  狂徒盗贼攻略"], "bs_rank_pos": 0}, {"is_selected": false, "title": "萨满开三槽任务~好急呐!求助各位大神! NGA玩家社区 [f370]", "most_related_para": 5, "segmented_title": ["萨满", "开", "三", "槽", "任务", "~", "好", "急", "呐", "!", "求助", "各位", "大神", "!", "NGA", "玩家社区", "[", "f", "370", "]"], "segmented_paragraphs": [["求助", "各位", "大神", "!"], ["我", "的", "小", "奶萨", "在", "做完", "场景", "任务", ":", "见证", "伊利丹", "怒风", "在", "黑暗", "神殿", "的", "坠落", "(", "貌似", "也", "叫", "两面三刀", ")", "以后", ",", "再", "也", "没有", "后续", "任务", "了", "!"], ["现在", "大", "漩涡", "就是", "我", "的", "伤心", "之", "地"], ["求助", "各位", "大", "大", "们", ",", "知道", "我该怎么", "做", "吗", "?"], ["如果", "不能", "开", "三", "槽", ",", "那", "我", "跟", "咸鱼", "有", "什么", "区别", "呢"], ["+", "R", "by", "[", "tipcy", "]", "(", "2016", "-", "10", "-", "14", "00", ":", "56", ")", "你", "应该", "是", "少", "做", "了", "任务", ",", "去", "深", "岩", "之", "洲", "石", "母", "哪里", "看看", "吧"]], "paragraphs": ["求助各位大神!", "我的小奶萨在做完场景任务:见证伊利丹怒风在黑暗神殿的坠落(貌似也叫两面三刀)以后,再也没有后续任务了!", "现在大漩涡就是我的伤心之地", "求助各位大大们,知道我该怎么做吗?", "如果不能开三槽,那我跟咸鱼有什么区别呢", "+R by [tipcy] (2016-10-14 00:56) 你应该是少做了任务,去深岩之洲石母哪里看看吧"], "bs_rank_pos": 1}, {"is_selected": false, "title": "魔兽世界萨满的开三槽任务详细流程是什么?我现在职业_游戏问答_", "most_related_para": 1, "segmented_title": ["魔兽世界", "萨满", "的", "开", "三", "槽", "任务", "详细", "流程", "是什么", "?", "我", "现在", "职业", "_", "游戏", "问答", "_"], "segmented_paragraphs": [["萨满", "的", "三", "槽", "任务", "线", "不只是", "随从", "任务", ",", "具体", "的", "详细", "流程", "可以", "来", "特", "玩", "网", "魔兽世界", "专区", "看看", "http", ":", "/", "/", "wow", ".", "te", "5", ".", "com", "/", "2016", "/", "147361", ".", "html"], ["萨满", "的", "三", "槽", "任务", "线", "不只是", "随从", "任务", ",", "具体", "的", "详细", "流程", "可以", "来", "特", "玩", "网", "魔兽世界", "专区", "看看", "http", ":", "/", "/", "wow", ".", "te", "5", ".", "com", "/", "2016", "/", "147361", ".", "html"], ["蛋蛋", "娃娃", "人家", "才", "不是", "呆萌", "呢", "—", "—", "蛋蛋", "娃娃"], ["小包", "籽", "啪嗒", "萌妹", "纸", "-", "-", "我", "才", "没有", "傲娇", "呢"], ["暖暖", "今天", "的", "主角", "是", "—", "—", "暖暖", "整个", "人", "都", "超级", "软", "萌", "哒"], ["玩游戏", "赢", "千元", "大奖", "ios", "正版", "今日", "上线", "!", "唯美", "魔幻", "冒险", "大", "作", "超大", "世界", "自由", "狩猎"], ["您", "需要", "登录", "后", "才", "可以", "回帖", "登录", "|", "立即", "入住"]], "paragraphs": ["萨满的三槽任务线不只是随从任务,具体的详细流程可以来特玩网魔兽世界专区看看http://wow.te5.com/2016/147361.html", "萨满的三槽任务线不只是随从任务,具体的详细流程可以来特玩网魔兽世界专区看看http://wow.te5.com/2016/147361.html", "蛋蛋娃娃 人家才不是呆萌呢——蛋蛋娃娃", "小包籽 啪嗒萌妹纸--我才没有傲娇呢", "暖暖 今天的主角是——暖暖 整个人都超级软萌哒", "玩游戏赢千元大奖 ios正版今日上线!唯美魔幻冒险大作超大世界自由狩猎", "您需要登录后才可以回帖 登录 | 立即入住"], "bs_rank_pos": 2}, {"is_selected": false, "title": "萨满第三槽任务全程要多久~~ NGA玩家社区 [f7]", "most_related_para": 0, "segmented_title": ["萨满", "第", "三", "槽", "任务", "全程", "要", "多久", "~", "~", "NGA", "玩家社区", "[", "f", "7", "]"], "segmented_paragraphs": [["我", "是", "5", "号", "出", "的", "三", "槽", "所以", "推测", "全", "职业", "应该", "可能会", "5", "天"]], "paragraphs": ["我是5号出的三槽所以推测全职业应该可能会5天"], "bs_rank_pos": 3}, {"is_selected": false, "title": "新手萨满求问萨满的三槽任务流程是什么 NGA玩家社区 [f370]", "most_related_para": 0, "segmented_title": ["新手", "萨满", "求", "问", "萨满", "的", "三", "槽", "任务", "流程", "是什么", "NGA", "玩家社区", "[", "f", "370", "]"], "segmented_paragraphs": [["+", "R", "by", "[", "12", "组", "乱", "了", "节奏", "]", "(", "2016", "-", "10", "-", "21", "14", ":", "17", ")", "战役", "旁边", "那个人", "得", "任务", "一直", "跟着做", "就", "行", "了", "发现", "萨满", "的", "战役", "比", "别人", "好", "打", "多", "了", "!"], ["京", "网", "文", "[", "2015", "]", "0021", "-", "021", "京", "ICP", "备", "09019508", "号", "京", "ICP", "证", "090345", "号", "京", "公网", "安", "备", "110105001242"]], "paragraphs": ["+R by [12组乱了节奏] (2016-10-21 14:17) 战役旁边那个人得任务一直跟着做就行了 发现萨满的战役比别人好打多了!", "京网文[2015]0021-021 京ICP备09019508号 京ICP证090345号 京公网安备110105001242"], "bs_rank_pos": 4}], "answer_spans": [[0, 86]], "fake_answers": ["职业大厅战役需要按顺序联合水-风-地-火四大元素领主,联合一位领主就可以解锁两位随从。印象里风地火都需要完成长时间的随从任务(如果有错请指正),尤其是调查火焰之地需要完成5个12小时的随从任务,一旦任务板出现前面带黄色感叹号的随从任务,在保证成功率的前提下优先派随从去跑。"], "question": "萨满开三槽任务流程", "segmented_answers": [["职业", "大厅", "主要", "分", "职业", "大厅", "战役", "任务", "线", ",", "职业", "大厅", "升级", ",", "随从", "这", "三方面", "。", "职业", "大厅", "战役", "需要", "按", "顺序", "联合", "水", "-", "风", "-", "地", "-", "火", "四大", "元素", "领主", ",", "联合", "一", "位", "领主", "就", "可以", "解锁", "两位", "随从", "。", "印象", "里", "风", "地火", "都", "需要", "完成", "长时间", "的", "随从", "任务", "(", "如果", "有", "错", "请", "指正", ")", ",", "尤其", "是", "调查", "火焰", "之", "地", "需要", "完成", "5", "个", "12", "小时", "的", "随从", "任务", ",", "一旦", "任务", "板", "出现", "前面", "带", "黄色", "感叹号", "的", "随从", "任务", ",", "在", "保证", "成功率", "的", "前提", "下", "优先", "派", "随从", "去", "跑", "。", "另外", "大", "漩涡", "平台", "上", "元素师", "佳", "奈", "的", "任务", "基本", "是", "去", "打", "5", "人本", ",", "虽然", "不是", "非常", "肯定", ",", "但是", "去", "艾萨拉", "之", "眼", "是", "职业", "大厅", "任务", "主线", "必需", "步骤", ",", "接", "到", "任务", "请", "尽快", "完成", "。", "满级", "后", "完成", "50", "个", "世界", "任务", "也是", "联合", "火焰领主", "的", "要求", "之", "一", ",", "请", "不要忽视", "。", "完成", "联合", "四大", "元素", "领主", ",", "开启", "三", "槽", ",", "获得", "斯", "卡迪乌斯", "男爵", "和", "雷加尔", "·", "大地", "之", "怒", "后", "就算", "暂时", "告一段落", "。"]], "answers": ["职业大厅主要分职业大厅战役任务线,职业大厅升级,随从这三方面。职业大厅战役需要按顺序联合水-风-地-火四大元素领主,联合一位领主就可以解锁两位随从。印象里风地火都需要完成长时间的随从任务(如果有错请指正),尤其是调查火焰之地需要完成5个12小时的随从任务,一旦任务板出现前面带黄色感叹号的随从任务,在保证成功率的前提下优先派随从去跑。另外大漩涡平台上元素师佳奈的任务基本是去打5人本,虽然不是非常肯定,但是去艾萨拉之眼是职业大厅任务主线必需步骤,接到任务请尽快完成。满级后完成50个世界任务也是联合火焰领主的要求之一,请不要忽视。完成联合四大元素领主,开启三槽,获得斯卡迪乌斯男爵和雷加尔·大地之怒后就算暂时告一段落。"], "answer_docs": [0], "segmented_question": ["萨满", "开", "三", "槽", "任务", "流程"], "question_type": "DESCRIPTION", "question_id": 3, "fact_or_opinion": "FACT", "match_scores": [0.5848375451263538]}
-{"documents": [{"is_selected": false, "title": "箱包十大品牌_拉杆箱十大品牌_旅行箱品牌→十大品牌网", "most_related_para": 8, "segmented_title": ["箱包", "十大", "品牌", "_", "拉杆箱", "十大", "品牌", "_", "旅行箱", "品牌", "→", "十大", "品牌", "网"], "segmented_paragraphs": [["Samsonite", "新秀丽", "(", "新秀丽", "(", "中国", ")", "有限公司", ")", "(", "400", "-", "8870", "-", "566", ",", "始于", "1910", "年", "美国", ",", "国际", "著名", "箱包", "品牌", ",", "旅行用品", "领域", "历史", "悠久", "的", "品牌", ",", "黑标", "Vintage", "系列", "是", "该", "品牌", "的", "极品", ",", "新秀丽", "(", "中国", ")", "有限公司", ")", "【", "品牌", "招商", "】", "[", "产品", "16", "]", "[", "网点", "6", "]", "[", "新闻", "15", "]", "[", "网店", "10", "]"], ["外交官", "Diplomat", "(", "天", "盈", "贸易", "(", "上海", ")", "有限公司", ")", "(", "400", "-", "820", "-", "6065", ",", "1971", "年", "台湾", ",", "享誉", "全球", "的", "国际化", "箱包", "品牌", ",", "专业生产", "拉杆箱", "/", "旅行箱", "等", "各类", "高级", "旅行用品", "的", "企业", ",", "天", "盈", "贸易", "(", "上海", ")", "有限公司", ")", "【", "品牌", "招商", "】", "[", "产品", "22", "]", "[", "网点", "13", "]", "[", "新闻", "4", "]", "[", "网店", "10", "]"], ["American", "Tourister", "(", "新秀丽", "(", "中国", ")", "有限公司", ")", "(", "4008", "-", "870", "-", "566", ",", "始于", "1933", "年", "美国", ",", "新秀丽", "旗下", "国际", "著名", "箱包", "品牌", ",", "较", "早", "被", "主要", "航空公司", "选用", "的", "箱包", "品牌", ",", "新秀丽", "国际贸易", "(", "宁波", ")", "有限公司", ")", "【", "品牌", "招商", "】", "[", "产品", "21", "]", "[", "网点", "11", "]", "[", "新闻", "3", "]", "[", "网店", "6", "]"], ["RIMOWA", "日默瓦", "(", "秉臣", "科技", "(", "北京", ")", "有限公司", ")", "(", "010", "-", "82250905", ",", "始于", "1898", "年", ",", "世界", "著名", "箱包", "品牌", ",", "以", "坚固", "/", "耐用", "/", "轻巧", "著称", "的", "旅行箱", "品牌", ",", "轻巧", "旅行箱", "的", "先驱", ",", "秉臣", "联合", "贸易", "(", "北京", ")", "有限公司", ")", "【", "品牌", "招商", "】", "[", "产品", "7", "]", "[", "网点", "33", "]", "[", "新闻", "9", "]", "[", "网店", "3", "]"], ["皇冠", "Crown", "(", "上海", "罗杰", "旅游用品", "有限公司", ")", "(", "021", "-", "36528001", ",", "始于", "1952", "年", "台湾", ",", "享誉", "全球", "的", "经典", "品牌", ",", "箱包", "领域", "极", "具", "规模", "的", "的", "制造", "专家", ",", "致力于", "传输", "皇冠", "概念", ",", "强调", "国际", "流行色", ",", "上海", "罗杰", "旅游用品", "有限公司", ")", "【", "品牌", "招商", "】", "[", "产品", "8", "]", "[", "网点", "27", "]", "[", "新闻", "8", "]", "[", "网店", "3", "]"], ["达派", "dapai", "(", "达派", "(", "中国", ")", "箱包", "有限公司", ")", "(", "0595", "-", "27302222", ",", "福建省", "著名商标", ",", "福建省", "名牌", "产品", ",", "集", "箱包", "产品设计", "/", "研发", "/", "生产", "及", "销售", "为", "一体", "的", "企业", ",", "达派", "(", "中国", ")", "箱包", "有限公司", ")", "【", "品牌", "招商", "】", "[", "产品", "22", "]", "[", "网点", "5", "]", "[", "新闻", "8", "]", "[", "网店", "3", "]"], ["爱华仕", "OIWAS", "(", "惠州市", "爱华仕", "运动用品", "有限公司", ")", "(", "400", "-", "887", "-", "3868", ",", "创立", "于", "1995", "年", ",", "广东省", "著名商标", ",", "旅行箱包", "热销", "品牌", ",", "以", "其", "新颖", "的", "款式", "和", "优质", "的", "品质", "闻名", "于", "业", "内", ",", "爱华仕", "运动用品", "有限公司", ")", "【", "品牌", "招商", "】", "[", "产品", "21", "]", "[", "网点", "8", "]", "[", "新闻", "15", "]", "[", "网店", "18", "]"], ["DELSEY", "大使", "(", "大使", "(", "东莞", ")", "箱包", "有限公司", ")", "(", "400", "-", "888", "-", "1946", ",", "始于", "1946", "年", ",", "源于", "法国", "的", "顶级", "箱包", "品牌", ",", "欧洲", "著名", "旅行箱包", "品牌", ",", "全球首创", "可", "移动", "行李箱", "品牌", ",", "大使", "(", "东莞", ")", "箱包", "有限公司", ")", "[", "产品", "11", "]", "[", "网点", "8", "]", "[", "网店", "7", "]"], ["雅士", "EMINENT", "(", "安迈特", "提箱", "(", "东莞", ")", "有限公司", ")", "(", "06", "-", "2303952", "台湾", ",", "于", "1979", "年", "台湾", ",", "国际知名", "箱包", "品牌", ",", "以", "制造", "专业", "旅行箱", "起家", ",", "世界", "旅行箱", "大型", "生产商", ",", "安迈特", "提箱", "(", "东莞", ")", "有限公司", ")", "[", "产品", "7", "]", "[", "网点", "3", "]", "[", "新闻", "2", "]", "[", "网店", "5", "]"], ["ACE", "爱思", "(", "爱思", "集团", "(", "中国", ")", "有限公司", ")", "(", "800", "-", "820", "-", "3008", ",", "始于", "1940", "年", "日本", ",", "其", "首创", "轮式", "硬", "箱", "设计", "享誉", "国际", ",", "专业从事", "各类", "箱包", "产品", "的", "设计", "/", "研发", "/", "生产", "/", "销售", "的", "大型", "企业", ",", "爱思", "集团", "(", "中国", ")", "有限公司", ")", "【", "品牌", "招商", "】", "[", "产品", "10", "]", "[", "网点", "6", "]", "[", "新闻", "2", "]", "[", "网店", "2", "]"], ["以上", "数据", "名单", "由", "几", "十", "项", "数据统计", "计算", "系统", "自动生成", ",", "排序", "不分", "先后", ",", "仅", "提供", "给", "您", "作", "参考", "。", "更多", "箱包", "-", "拉杆箱", "行业", "品牌", "等级", ">", ">"], ["Samsonite", "新秀丽", "(", "400", "-", "8870", "-", "566", ",", "始于", "1910", "年", "美国", ",", "国际", "著名", "箱包", "品牌", ",", "旅行用品", "领域", "历史", "悠久", "的", "品牌", ",", "黑标", "Vintage", "系列", "是", "该", "品牌", "的", "极品", ",", "新秀丽", "(", "中国", ")", "有限公司", ")", "外交官", "Diplomat", "(", "400", "-", "820", "-", "6065", ",", "1971", "年", "台湾", ",", "享誉", "全球", "的", "国际化", "箱包", "品牌", ",", "专业生产", "拉杆箱", "/", "旅行箱", "等", "各类", "高级", "旅行用品", "的", "企业", ",", "天", "盈", "贸易", "(", "上海", ")", "有限公司", ")", "American", "Tourister", "(", "4008", "-", "870", "-", "566", ",", "始于", "1933", "年", "美国", ",", "新秀丽", "旗下", "国际", "著名", "箱包", "品牌", ",", "较", "早", "被", "主要", "航空公司", "选用", "的", "箱包", "品牌", ",", "新秀丽", "国际贸易", "(", "宁波", ")", "有限公司", ")", "皇冠", "Crown", "(", "021", "-", "36528001", ",", "始于", "1952", "年", "台湾", ",", "享誉", "全球", "的", "经典", "品牌", ",", "箱包", "领域", "极", "具", "规模", "的", "的", "制造", "专家", ",", "致力于", "传输", "皇冠", "概念", ",", "强调", "国际", "流行色", ",", "上海", "罗杰", "旅游用品", "有限公司", ")", "RIMOWA", "日默瓦", "(", "010", "-", "82250905", ",", "始于", "1898", "年", ",", "世界", "著名", "箱包", "品牌", ",", "以", "坚固", "/", "耐用", "/", "轻巧", "著称", "的", "旅行箱", "品牌", ",", "轻巧", "旅行箱", "的", "先驱", ",", "秉臣", "联合", "贸易", "(", "北京", ")", "有限公司", ")", "DELSEY", "大使", "(", "400", "-", "888", "-", "1946", ",", "始于", "1946", "年", ",", "源于", "法国", "的", "顶级", "箱包", "品牌", ",", "欧洲", "著名", "旅行箱包", "品牌", ",", "全球首创", "可", "移动", "行李箱", "品牌", ",", "大使", "(", "东莞", ")", "箱包", "有限公司", ")", "爱华仕", "OIWAS", "(", "400", "-", "887", "-", "3868", ",", "创立", "于", "1995", "年", ",", "广东省", "著名商标", ",", "旅行箱包", "热销", "品牌", ",", "以", "其", "新颖", "的", "款式", "和", "优质", "的", "品质", "闻名", "于", "业", "内", ",", "爱华仕", "运动用品", "有限公司", ")", "雅士", "EMINENT", "(", "06", "-", "2303952", "台湾", ",", "于", "1979", "年", "台湾", ",", "国际知名", "箱包", "品牌", ",", "以", "制造", "专业", "旅行箱", "起家", ",", "世界", "旅行箱", "大型", "生产商", ",", "安迈特", "提箱", "(", "东莞", ")", "有限公司", ")"], ["达派", "dapai", "(", "0595", "-", "27302222", ",", "福建省", "著名商标", ",", "福建省", "名牌", "产品", ",", "集", "箱包", "产品设计", "/", "研发", "/", "生产", "及", "销售", "为", "一体", "的", "企业", ",", "达派", "(", "中国", ")", "箱包", "有限公司", ")", "Samsonite", "新秀丽", "(", "400", "-", "8870", "-", "566", ",", "始于", "1910", "年", "美国", ",", "国际", "著名", "箱包", "品牌", ",", "旅行用品", "领域", "历史", "悠久", "的", "品牌", ",", "黑标", "Vintage", "系列", "是", "该", "品牌", "的", "极品", ",", "新秀丽", "(", "中国", ")", "有限公司", ")", "American", "Tourister", "(", "4008", "-", "870", "-", "566", ",", "始于", "1933", "年", "美国", ",", "新秀丽", "旗下", "国际", "著名", "箱包", "品牌", ",", "较", "早", "被", "主要", "航空公司", "选用", "的", "箱包", "品牌", ",", "新秀丽", "国际贸易", "(", "宁波", ")", "有限公司", ")", "Adidas", "阿迪达斯", "(", "400", "-", "880", "-", "1515", ",", "于", "1949", "年", "德国", ",", "全球", "顶级", "运动用品", "制造商", ",", "以", "三", "道", "平行", "间", "条", "为", "品牌", "标志", ",", "三叶草", "系列", "是", "其", "经典", "产品", ",", "阿迪达斯", "体育", "(", "中国", ")", "有限公司", ")", "Nike", "耐克", "(", "400", "-", "880", "-", "6453", ",", "始于", "1972", "年", "美国", ",", "全球", "著名", "的", "体育", "运动", "品牌", ",", "全球首创", "气垫", "技术", ",", "以", "小", "钩子", "的", "品牌形象", "著称", ",", "耐克", "商业", "(", "中国", ")", "有限公司", ")", "DELSEY", "大使", "(", "400", "-", "888", "-", "1946", ",", "始于", "1946", "年", ",", "源于", "法国", "的", "顶级", "箱包", "品牌", ",", "欧洲", "著名", "旅行箱包", "品牌", ",", "全球首创", "可", "移动", "行李箱", "品牌", ",", "大使", "(", "东莞", ")", "箱包", "有限公司", ")", "威豹", "Winpard", "(", "800", "-", "830", "-", "1739", ",", "成立", "于", "1988", "年", ",", "广东省", "著名商标", ",", "高品质", "箱包", "提供商", ",", "专业从事", "箱包", "研发", "/", "设计", "/", "生产", "/", "营销", "的", "企业", ",", "广东", "威豹", "实业", "有限公司", ")", "爱华仕", "OIWAS", "(", "400", "-", "887", "-", "3868", ",", "创立", "于", "1995", "年", ",", "广东省", "著名商标", ",", "旅行箱包", "热销", "品牌", ",", "以", "其", "新颖", "的", "款式", "和", "优质", "的", "品质", "闻名", "于", "业", "内", ",", "爱华仕", "运动用品", "有限公司", ")"]], "paragraphs": ["Samsonite新秀丽 (新秀丽(中国)有限公司)  (400-8870-566,始于1910年美国,国际著名箱包品牌,旅行用品领域历史悠久的品牌,黑标Vintage系列是该品牌的极品,新秀丽(中国)有限公司) 【品牌招商】 [产品16] [网点6] [新闻15] [网店10]", "外交官Diplomat (天盈贸易(上海)有限公司)  (400-820-6065,1971年台湾,享誉全球的国际化箱包品牌,专业生产拉杆箱/旅行箱等各类高级旅行用品的企业,天盈贸易(上海)有限公司) 【品牌招商】 [产品22] [网点13] [新闻4] [网店10]", "AmericanTourister (新秀丽(中国)有限公司)  (4008-870-566,始于1933年美国,新秀丽旗下国际著名箱包品牌,较早被主要航空公司选用的箱包品牌,新秀丽国际贸易(宁波)有限公司) 【品牌招商】 [产品21] [网点11] [新闻3] [网店6]", "RIMOWA日默瓦 (秉臣科技(北京)有限公司)  (010-82250905,始于1898年,世界著名箱包品牌,以坚固/耐用/轻巧著称的旅行箱品牌,轻巧旅行箱的先驱,秉臣联合贸易(北京)有限公司) 【品牌招商】 [产品7] [网点33] [新闻9] [网店3]", "皇冠Crown (上海罗杰旅游用品有限公司)  (021-36528001,始于1952年台湾,享誉全球的经典品牌,箱包领域极具规模的的制造专家,致力于传输皇冠概念,强调国际流行色,上海罗杰旅游用品有限公司) 【品牌招商】 [产品8] [网点27] [新闻8] [网店3]", "达派dapai (达派(中国)箱包有限公司)  (0595-27302222,福建省著名商标,福建省名牌产品,集箱包产品设计/研发/生产及销售为一体的企业,达派(中国)箱包有限公司) 【品牌招商】 [产品22] [网点5] [新闻8] [网店3]", "爱华仕OIWAS (惠州市爱华仕运动用品有限公司)  (400-887-3868,创立于1995年,广东省著名商标,旅行箱包热销品牌,以其新颖的款式和优质的品质闻名于业内,爱华仕运动用品有限公司) 【品牌招商】 [产品21] [网点8] [新闻15] [网店18]", "DELSEY大使 (大使(东莞)箱包有限公司)  (400-888-1946,始于1946年,源于法国的顶级箱包品牌,欧洲著名旅行箱包品牌,全球首创可移动行李箱品牌,大使(东莞)箱包有限公司) [产品11] [网点8] [网店7]", "雅士EMINENT (安迈特提箱(东莞)有限公司)  (06-2303952台湾,于1979年台湾,国际知名箱包品牌,以制造专业旅行箱起家,世界旅行箱大型生产商,安迈特提箱(东莞)有限公司) [产品7] [网点3] [新闻2] [网店5]", "ACE爱思 (爱思集团(中国)有限公司)  (800-820-3008,始于1940年日本,其首创轮式硬箱设计享誉国际,专业从事各类箱包产品的设计/研发/生产/销售的大型企业,爱思集团(中国)有限公司) 【品牌招商】 [产品10] [网点6] [新闻2] [网店2]", "以上数据名单由几十项数据统计计算系统自动生成,排序不分先后,仅提供给您作参考。 更多箱包-拉杆箱行业品牌等级>>", "Samsonite新秀丽 (400-8870-566,始于1910年美国,国际著名箱包品牌,旅行用品领域历史悠久的品牌,黑标Vintage系列是该品牌的极品,新秀丽(中国)有限公司)  外交官Diplomat (400-820-6065,1971年台湾,享誉全球的国际化箱包品牌,专业生产拉杆箱/旅行箱等各类高级旅行用品的企业,天盈贸易(上海)有限公司)  AmericanTourister (4008-870-566,始于1933年美国,新秀丽旗下国际著名箱包品牌,较早被主要航空公司选用的箱包品牌,新秀丽国际贸易(宁波)有限公司)  皇冠Crown (021-36528001,始于1952年台湾,享誉全球的经典品牌,箱包领域极具规模的的制造专家,致力于传输皇冠概念,强调国际流行色,上海罗杰旅游用品有限公司)  RIMOWA日默瓦 (010-82250905,始于1898年,世界著名箱包品牌,以坚固/耐用/轻巧著称的旅行箱品牌,轻巧旅行箱的先驱,秉臣联合贸易(北京)有限公司)  DELSEY大使 (400-888-1946,始于1946年,源于法国的顶级箱包品牌,欧洲著名旅行箱包品牌,全球首创可移动行李箱品牌,大使(东莞)箱包有限公司)  爱华仕OIWAS (400-887-3868,创立于1995年,广东省著名商标,旅行箱包热销品牌,以其新颖的款式和优质的品质闻名于业内,爱华仕运动用品有限公司)  雅士EMINENT (06-2303952台湾,于1979年台湾,国际知名箱包品牌,以制造专业旅行箱起家,世界旅行箱大型生产商,安迈特提箱(东莞)有限公司)", "达派dapai (0595-27302222,福建省著名商标,福建省名牌产品,集箱包产品设计/研发/生产及销售为一体的企业,达派(中国)箱包有限公司)  Samsonite新秀丽 (400-8870-566,始于1910年美国,国际著名箱包品牌,旅行用品领域历史悠久的品牌,黑标Vintage系列是该品牌的极品,新秀丽(中国)有限公司)  AmericanTourister (4008-870-566,始于1933年美国,新秀丽旗下国际著名箱包品牌,较早被主要航空公司选用的箱包品牌,新秀丽国际贸易(宁波)有限公司)  Adidas阿迪达斯 (400-880-1515,于1949年德国,全球顶级运动用品制造商,以三道平行间条为品牌标志,三叶草系列是其经典产品,阿迪达斯体育(中国)有限公司)  Nike耐克 (400-880-6453,始于1972年美国,全球著名的体育运动品牌,全球首创气垫技术,以小钩子的品牌形象著称,耐克商业(中国)有限公司)  DELSEY大使 (400-888-1946,始于1946年,源于法国的顶级箱包品牌,欧洲著名旅行箱包品牌,全球首创可移动行李箱品牌,大使(东莞)箱包有限公司)  威豹Winpard (800-830-1739,成立于1988年,广东省著名商标,高品质箱包提供商,专业从事箱包研发/设计/生产/营销的企业,广东威豹实业有限公司)  爱华仕OIWAS (400-887-3868,创立于1995年,广东省著名商标,旅行箱包热销品牌,以其新颖的款式和优质的品质闻名于业内,爱华仕运动用品有限公司)"], "bs_rank_pos": 0}, {"is_selected": false, "title": "十大拉杆箱品牌", "most_related_para": 0, "segmented_title": ["十大", "拉杆箱", "品牌"], "segmented_paragraphs": [["您", "现在", "的", "位置", ">", "拉杆箱", ">", "十大", "拉杆箱", "品牌"]], "paragraphs": ["您现在的位置 > 拉杆箱 > 十大拉杆箱品牌"], "bs_rank_pos": 2}, {"is_selected": true, "title": "拉杆箱十大品牌排名解析_百度文库", "most_related_para": 2, "segmented_title": ["拉杆箱", "十大", "品牌", "排名", "解析", "_", "百度", "文库"], "segmented_paragraphs": [["阅读", ":", "4787", "次", "大小", ":", "16KB", "(", "共", "3", "页", ")"], ["拉杆箱", "十大", "品牌", "排名", "解析"], ["第一位", ".", "Lovateam", "(", "樂福", "添", ")", "樂福", "添", "箱包", "設計師", "全", "來自", "國內", ";", "美國", ";", "法國", ";", "意大利", ";", "德國", ";", "韓國", "等", "多", "個", "國家", "和", "地區", ";", "他們", "以", "高端", ";", "時尚", ";", "健康", "爲", "設計理念", ";", "以", "最前沿", "思想", "創作", "美", "感", ";", "用", "形", "色", ";", "釋", "時尚", ";", "借", "技術", "制造", "品質", ";", "高雅", "不", "失", "時尚", ";", "簡約", "不減", "材料", ";", "所有", "産品", "都", "符合", "人體", "形態學", "和", "工業設計", "學", ";", "一一", ";", "外觀", "線條流暢", ";", "結構", "布局", "考究", ";", "選材", "安全可靠", ";", "産品", "深受", "商務", "人士", "和", "年輕一族", "的", "喜愛", "和", "信賴", ";", "其中", ";", "樂福", "添", ";", "絢", "彩", ";", "系列", ";", "更", "堪稱", "是", "國內", "唯一", "刮", "不", "傷", ";", "摔", "不破", ";", "踩", "不碎", ";", "五", "萬", "公", "裏", "磨", "不", "爛", ";", "萬向輪", "靜音王", ";", "PP", "環保", "材料", "拉杆箱", ";", "第", "二", "位", ":", "RIMOWA", "(", "日默瓦", ")", "1898", "年", "創立", "的", "Rimowa", ",", "百年來", "堅守", "德國", "傳統", "工藝設計", ",", "獨特", "的", "鋁鎂合金", "及", "防彈", "塑膠", "材質", ",", "輔以", "精確", "的", "手工製作", "品質", ",", "讓", "Rimowa", "成為", "「", "德國", "製造", "」", "的", "完美", "精工", "典範", ",", "亦", "是", "全球", "知名", "的", "高", "階", "精品", "旅行箱", "頂級", "品牌", "。", "Rimowa", "已", "在", "數不清", "的", "好萊塢", "電影", "中", "出現", ",", "多", "被", "用來", "裝載", "精密儀器", "與", "貴重物品", ",", "其", "堅固", "而", "輕便", "的", "口碑", ",", "簡約", "耐看", "的", "百褶", "溝槽", "設計", ",", "深受", "各界", "時尚", "名流", "與", "明星", "藝人", "的", "青睞", "。", "藝人", "羅志祥", "與", "大S", "都是", "Rimowa", "愛", "用", "者", ",", "其他", "如", "王菲", "、", "S", ".", "H", ".", "E", "、", "隋棠", "、", "孫芸芸", "等", "也", "都", "人", "手", "至少", "一", "咖", "呢", "!", "Rimowa", "已", "進入", "無數", "個", "國家", ",", "且", "在", "部分", "國家", ",", "例如", "日本", ",", "Rimowa", "已", "是", "豪華", "精品", "的", "市場", "領導", "品牌", "。", "現在", "香港", "的", "朋友", "想", "在", "出行", "時", "用", "上", "它", ",", "可以", "不用", "花", "好", "幾", "千", "塊", "去", "購買", ",", "只要", "付出", "幾", "百", "元", "租金", "就", "可", "使用", "最多", "15", "天", ",", "詳情", "可", "向", "RIMOW", "@", "RENTAL", "查詢", "。", "希望", "成為", "全", "世界", "人們", "最", "想", "「", "掌握", "」", "的", "旅行", "同伴", "。", "第三位", ":", "Louis", "Vuitton", "(", "路易", "威登", ")", "來自", "法國", "的", "Louis", "Vuitton", ",", "是", "身分", "地位", "的", "象", "徵", "與", "時尚精品", "的", "指標", ",", "其", "出品", "的", "古董", "旅行箱", "一直", "是", "收藏家", "的", "最愛", "。", "1854", "年", "以", "旅行箱", "起家", "的", "Louis", "Vuitton", "(", "路易", "威登", ")", ",", "推崇", "旅行", "風尚", "的", "概念", ",", "至今", "擁有", "近", "160", "年", "的", "悠久歷史", ",", "足以", "作為", "經典", "代表", "的", "箱包", "品牌", "。", "據說", ",", "從", "沉沒", "的", "鐵達尼號", "裡", "打撈", "上", "來", "的", "LV", "旅行", "皮箱", ",", "不僅", "滴水", "未", "進", ",", "裡", "頭", "物品", "也", "保存完好", ",", "是", "Louis", "Vuitton", "傳奇", "性", "的", "故事", "之", "一", "。", "2010", "年", "11", "月", ",", "Louis", "Vuitton", "更", "出版", "了", "《", "100", "Legendary", "Trunks", "》", ",", "載", "述", "LV", "經典", "特色", "旅行箱", "的", "歷史", "軌跡", ",", "可謂", "集", "Louis", "Vuitton", "大成", "的", "回憶錄", "。", "第四位", ":", "Samsonite", "(", "新秀麗", ")", "1910", "年", "發源", "於", "美國", ",", "如今", "Samsonite", "已", "是", "聞名", "國際", "的", "專業", "級", "旅行用品", "品牌", ",", "被", "譽為", "行李箱", "的", "第", "一", "選擇", "。", "當年", "它", "出品", "的", "是", "木質", "衣", "箱", ",", "在", "那個", "以", "車", "馬", "為", "主要", "工具", "的", "年代", ",", "新秀麗", "是", "理想", "的", "行李箱", ",", "現在", "則", "是", "世界上", "最", "專業", "的", "行李箱", "品牌", "之", "一", "。", "今日", ",", "Samsonite", "的", "新", "口號", "─", "─", "“", "Life", "’", "s", "a", "Journey", "”", "(", "盡", "享", "人生", "旅程", ")", ",", "象", "徵", "Samsonite", "能夠", "融入", "旅行", "人士", "的", "不同", "生活", "範疇", "。", "邁入", "嶄新", "紀元", "的", "Samsonite", ",", "運用", "百年", "經驗", ",", "將", "不同", "的", "創新", "材質", "及", "科技", "融入", "設計", "裏", ",", "繼續", "秉承", "品牌", "實用性", "及", "靈活性", "的", "優點", ",", "並", "以", "時尚", "及", "摩登", "的", "外型", "取代", "一", "向", "給", "人", "「", "穩重", "及", "保守", "」", "的", "旅行箱", "觀", "感", ",", "贏得", "了", "世界", "各地", "消費者", "的", "喜愛", "和", "認同", "。", "第", "五", ".", "American", "Tourister", "美國", "旅行者"], ["贡献", "者", ":", "我", "爱", "包包", "0"], ["喜欢", "此", "文档", "的", "还", "喜欢"], ["百度", ">", "文库", ">", "阅读", "页"], ["05", "-", "27", "21", ":", "29"]], "paragraphs": ["阅读: 4787次 大小: 16KB(共3页)", "拉杆箱十大品牌排名解析", "第一位. Lovateam(樂福添)樂福添箱包設計師全來自國內;美國;法國;意大利;德國;韓國等多個國家和地區;他們以高端;時尚;健康爲設計理念;以最前沿思想創作美感;用形色;釋時尚;借技術制造品質;高雅不失時尚;簡約不減材料;所有産品都符合人體形態學和工業設計學;一一;外觀線條流暢;結構布局考究;選材安全可靠;産品深受商務人士和年輕一族的喜愛和信賴;其中;樂福添;絢彩;系列;更堪稱是國內唯一刮不傷;摔不破;踩不碎;五萬公裏磨不爛;萬向輪靜音王;PP環保材料拉杆箱;第二位:RIMOWA(日默瓦)1898年創立的Rimowa,百年來堅守德國傳統工藝設計,獨特的鋁鎂合金及防彈塑膠材質,輔以精確的手工製作品質,讓Rimowa成為「德國製造」的完美精工典範,亦是全球知名的高階精品旅行箱頂級品牌。Rimowa已在數不清的好萊塢電影中出現,多被用來裝載精密儀器與貴重物品,其堅固而輕便的口碑,簡約耐看的百褶溝槽設計,深受各界時尚名流與明星藝人的青睞。藝人羅志祥與大S都是Rimowa愛用者,其他如王菲、S.H.E、隋棠、孫芸芸等也都人手至少一咖呢!Rimowa已進入無數個國家,且在部分國家,例如日本,Rimowa已是豪華精品的市場領導品牌。現在香港的朋友想在出行時用上它,可以不用花好幾千塊去購買,只要付出幾百元租金就可使用最多15天,詳情可向RIMOW@RENTAL查詢。希望成為全世界人們最想「掌握」的旅行同伴。第三位:Louis Vuitton(路易威登)來自法國的Louis Vuitton,是身分地位的象徵與時尚精品的指標,其出品的古董旅行箱一直是收藏家的最愛。1854年以旅行箱起家的Louis Vuitton(路易威登),推崇旅行風尚的概念,至今擁有近160年的悠久歷史,足以作為經典代表的箱包品牌。據說,從沉沒的鐵達尼號裡打撈上來的LV旅行皮箱,不僅滴水未進,裡頭物品也保存完好,是Louis Vuitton傳奇性的故事之一。2010年11月,Louis Vuitton更出版了《100 Legendary Trunks》,載述LV經典特色旅行箱的歷史軌跡,可謂集Louis Vuitton大成的回憶錄。第四位:Samsonite(新秀麗)1910年發源於美國,如今Samsonite已是聞名國際的專業級旅行用品品牌,被譽為行李箱的第一選擇。當年它出品的是木質衣箱,在那個以車馬為主要工具的年代,新秀麗是理想的行李箱,現在則是世界上最專業的行李箱品牌之一。今日,Samsonite的新口號──“Life’s a Journey”(盡享人生旅程),象徵Samsonite能夠融入旅行人士的不同生活範疇。邁入嶄新紀元的Samsonite,運用百年經驗,將不同的創新材質及科技融入設計裏,繼續秉承品牌實用性及靈活性的優點,並以時尚及摩登的外型取代一向給人「穩重及保守」的旅行箱觀感,贏得了世界各地消費者的喜愛和認同。第五. American Tourister美國旅行者", "贡献者:我爱包包0", "喜欢此文档的还喜欢", "百度 > 文库 > 阅读页", "05-27 21:29"], "bs_rank_pos": 3}, {"is_selected": true, "title": "十大拉杆箱品牌排行榜_排行榜123网", "most_related_para": 4, "segmented_title": ["十大", "拉杆箱", "品牌", "排行榜", "_", "排行榜", "123", "网"], "segmented_paragraphs": [[">", "生活", ">", "日用品", ">", "十大", "拉杆箱", "品牌", "排行榜"], ["拉杆箱", "什么", "牌子", "的", "好", "?", "拉杆箱", "品牌", "有", "哪些", "?", "拉杆箱", "排名", "有", "哪些", "好", "的", "牌子", "?", "下面", "让", "我", "为", "大家", "介绍", "十大", "拉杆箱", "品牌", "排行榜", "吧", "。"], ["十大", "拉杆箱", "品牌", "排行榜"], ["皇冠", "箱包", "属于", "中山", "皇冠", "皮件", "有限公司", ",", "其实", "亚洲", "最大", "的", "箱包", "生产基地", ",", "1952", "年", "诞生", "在", "台湾", ",", "80", "年代", "CROWN", "成为", "享誉", "全球", "的", "经典", "品牌", ",", "箱包", "产品", "畅销", "海内外", "40", "多", "个", "国家", ",", "每", "一项", "产品", "皆", "由", "日本", "、", "美国", "及", "欧洲", "各", "知名", "设计师", "设计", ",", "无论", "哪方面", "均", "甚", "称", "世界", "一", "流", "。"], ["乐福", "添", "箱包", "有限公司", "是", "一", "家", "位于", "广东", "佛山", "的", "拥有", "12", "年", "外销", "经验", "的", "优秀", "。", "公司", "产品系列", "齐全", ",", "10", "年", "外销", "北美", "经验", "让", "我们", "对", "质量", "有着", "严格", "的", "控制", "体系", "与", "流程", ",", "同时", "我", "司", "始终坚持", "客户", "第", "一", ",", "品质", "先行", "的", "原则", "。", "公司", "专业生产", "高端", "拉杆箱", "、", "环保", "PP", "旅行箱", "、", "万向轮", "旅行箱", ",", "真皮", "时尚", "包袋", "等", "。"], ["雅士", "品牌", "由", "万国", "通路", "股份有限公司", "创立", "于", "1979", "年", ",", "现", "已", "发展", "成为", "业界", "最大", "的", ",", "世界级", "的", "ABS", "、", "PP", "及", "聚酯", "类", "软袋", "类", "设计", "、", "制造", "及", "销售", "公司", ",", "雅士", "是", "台湾", "箱包", "第一品牌", ",", "名", "列", "全球", "三大", "箱包", "生产", "企业", "之", "一", ",", "是", "德", "、", "日", "等", "国", "的", "第一品牌", ",", "拥有", "提箱", "王国", "的", "地位", "。"], ["威豹", "品牌", "拉杆箱", "系列", "均", "是", "采用", "进口", "高级", "布料", "及", "高品质", "五金", "精致", "而", "成", ",", "于", "2001", "年", "导入", "ISO", "9001", "国际", "质量管理体系", ",", "现在", "“", "威豹", "牌", "”", "系列", "产品", "远", "销", "欧洲", "、", "美国", "、", "中东", "、", "东南亚", "、", "日本", "等", "国家", "和", "地区", ",", "“", "威豹", "”", "已", "成为", "中国", "市场", "著名品牌", "。"], ["森象", "拉杆箱", "是", "广州", "森茂", "皮具", "有限公司", "旗下", "的", "品牌", ",", "拉杆箱", "十大", "品牌", ",", "箱包", "十大", "品牌", ",", "中国", "箱包", "行业", "的", "标杆", "企业", "之", "一", ",", "国内", "箱包", "行业", "的", "领先", "品牌", ",", "集", "箱包", "产品设计", "、", "研发", "、", "生产", "及", "销售", "为", "一体", "的", "综合性", "企业", "。", "国内", "最早", "从事", "拉杆箱", "制作", "的", "品牌", "之", "一", "。"], ["外交官", "品牌", "自", "1971", "年", "创立", "于", "台湾", ",", "是", "专业生产", "ABS", "、", "EVA", "等", "材质", "的", "包括", "拉杆箱", "、", "旅行箱", "、", "化妆箱", "等", "品种", "在", "内", "的", "各类", "高级", "旅行用品", ",", "其", "产品", "行销", "遍及", "全球", "等", "三", "十", "多", "个", "国家", "和", "地区", ",", "是", "世界", "三大", "品牌", "之", "一", ",", "其中", "内销", "占", "30", "%", "外销", "占", "70", "%", "。"], ["广东", "啄木鸟", "皮具", "有限公司", "自", "2001", "年", "开始", "全权负责", "啄木鸟", "皮具", "在", "中国", "市场", "的", "运营", ",", "目前", "遍布", "全国各地", "的", "连锁", "加盟店", "已", "达", "数", "百家", ",", "在", "国内", "的", "影响力", "处于", "同", "行业", "领先地位", "。"], ["达派", "目前", "是", "国内", "最", "先进", "的", "箱包", "电脑", "检测中心", ",", "先后", "通过", "ISO", "9001", "、", "ISO", "14001", "、", "SA", "8000", "、", "OHSAS", "18001", "等", "国际认证", ",", "荣获", "“", "中国", "驰名商标", "”", "、", "“", "中国", "知名", "箱包", "十佳", "品牌", "”", "、", "“", "亚洲", "500", "最具", "价值", "品牌", "”", "、", "“", "2006", "中国", "箱包", "十二", "强", "”", "、", "“", "福建", "名牌", "产品", "”", "、", "“", "2009", "中国", "箱包", "优秀", "品牌", "”", "、", "“", "2008", "-", "2009", "年度", "福建省", "国际知名", "品牌", "”", "等", "称号", "。"], ["广东", "苹果", "实业", "有限公司", "是", "一", "家", "集", "开发", "、", "生产", "、", "销售", "于", "一体", "的", "中型", "民营企业", ",", "创立", "于", "1992", "年", ",", "曾", "荣获", "四川省", "市场", "质量", "信得过", "品牌", "和", "畅销", "产品", "、", "上海", "第", "十三", "届", "“", "服装博览会", "包装", "大", "类", "金奖", "”", "和", "“", "浙江", "重点", "市场", "销量", "主导", "品牌", "”", "称号", ";", "被", "认定为", "中国", "企业", "最佳", "形象", "AAA", "级", "和", "“", "苹果", "”", "及其", "图案", "为", "著名商标", "。", "【", "金猴", "】", "威海", "市", "金猴", "集团", "皮具", "有限公司", "始建于", "1975", "年", ",", "主要从事", "“", "金猴", "”", "牌", "系列", "皮具", "产品", "的", "生产", "与", "销售", ",", "综合实力", "列", "2006", "中国", "箱包", "十二", "强", "第四位", ",", "系", "中国", "皮革", "工业", "协会", "副理事长", "单位", ",", "“", "金猴", "”", "牌", "皮具", "多次", "荣获", "国产", "畅销", "产品", "“", "金桥奖", "”", ",", "还", "获得", "“", "国家", "免检产品", "”", "、", "“", "中国名牌", "产品", "”", "等", "。"], ["威海", "市", "金猴", "集团", "皮具", "有限公司", "始建于", "1975", "年", ",", "主要从事", "“", "金猴", "”", "牌", "系列", "皮具", "产品", "的", "生产", "与", "销售", ",", "综合实力", "列", "2006", "中国", "箱包", "十二", "强", "第四位", ",", "系", "中国", "皮革", "工业", "协会", "副理事长", "单位", ",", "“", "金猴", "”", "牌", "皮具", "多次", "荣获", "国产", "畅销", "产品", "“", "金桥奖", "”", ",", "还", "获得", "“", "国家", "免检产品", "”", "、", "“", "中国名牌", "产品", "”", "等", "。"], ["韩国", "BB霜", "排行榜", "抗皱", "面霜", "排行榜", "电热", "宝", "品牌", "排行榜", "梳子", "十大", "品牌", "排行榜", "牙膏", "品牌", "排行榜", "进口", "有机", "奶粉", "排行榜", "净水器", "十大", "品牌", "排名", "羊", "奶粉", "排行榜", "十", "强", "避孕套", "十大", "名牌", "排名", "女士", "沐浴露", "十大", "品牌"]], "paragraphs": ["> 生活 > 日用品 > 十大拉杆箱品牌排行榜", "拉杆箱什么牌子的好?拉杆箱品牌有哪些?拉杆箱排名有哪些好的牌子?下面让我为大家介绍十大拉杆箱品牌排行榜吧。", "十大拉杆箱品牌排行榜", "皇冠箱包属于中山皇冠皮件有限公司,其实亚洲最大的箱包生产基地,1952年诞生在台湾,80年代CROWN 成为享誉全球的经典品牌,箱包产品畅销海内外40多个国家,每一项产品皆由日本、美国及欧洲各知名设计师设计,无论哪方面均甚称世界一流。", "乐福添箱包有限公司是一家位于广东佛山的拥有12年外销经验的优秀。公司产品系列齐全,10年外销北美经验让我们对质量有着严格的控制体系与流程,同时我司始终坚持客户第一,品质先行的原则。公司专业生产高端拉杆箱、环保PP旅行箱、万向轮旅行箱,真皮时尚包袋等。", "雅士品牌由万国通路股份有限公司创立于1979年,现已发展成为业界最大的,世界级的ABS、PP及聚酯类软袋类设计、制造及销售公司,雅士是台湾箱包第一品牌,名列全球三大箱包生产企业之一,是德、日等国的第一品牌,拥有提箱王国的地位。", "威豹品牌拉杆箱系列均是采用进口高级布料及高品质五金精致而成,于2001年导入ISO9001国际质量管理体系,现在“威豹牌”系列产品远销欧洲、美国、中东、东南亚、日本等国家和地区,“威豹”已成为中国市场著名品牌。", "森象拉杆箱是广州森茂皮具有限公司旗下的品牌,拉杆箱十大品牌,箱包十大品牌,中国箱包行业的标杆企业之一,国内箱包行业的领先品牌,集箱包产品设计、研发、生产及销售为一体的综合性企业。国内最早从事拉杆箱制作的品牌之一。", "外交官品牌自1971年创立于台湾,是专业生产ABS、EVA等材质的包括拉杆箱、旅行箱、化妆箱等品种在内的各类高级旅行用品,其产品行销遍及全球等三十多个国家和地区,是世界三大品牌之一,其中内销占30%外销占70%。", "广东啄木鸟皮具有限公司自2001年开始全权负责啄木鸟皮具在中国市场的运营,目前遍布全国各地的连锁加盟店已达数百家,在国内的影响力处于同行业领先地位。", "达派目前是国内最先进的箱包电脑检测中心,先后通过ISO9001、ISO14001、SA8000、OHSAS18001等国际认证,荣获“中国驰名商标”、“中国知名箱包十佳品牌”、“亚洲500最具价值品牌”、“2006中国箱包十二强”、“福建名牌产品”、“2009中国箱包优秀品牌”、“2008-2009年度福建省国际知名品牌”等称号。", "广东苹果实业有限公司是一家集开发、生产、销售于一体的中型民营企业,创立于1992年,曾荣获四川省市场质量信得过品牌和畅销产品、上海第十三届“服装博览会包装大类金奖”和“浙江重点市场销量主导品牌”称号;被认定为中国企业最佳形象AAA级和“苹果”及其图案为著名商标。【金猴】威海市金猴集团皮具有限公司始建于1975年,主要从事“金猴”牌系列皮具产品的生产与销售,综合实力列2006中国箱包十二强第四位,系中国皮革工业协会副理事长单位,“金猴”牌皮具多次荣获国产畅销产品“金桥奖”,还获得“国家免检产品”、“中国名牌产品”等。", "威海市金猴集团皮具有限公司始建于1975年,主要从事“金猴”牌系列皮具产品的生产与销售,综合实力列2006中国箱包十二强第四位,系中国皮革工业协会副理事长单位,“金猴”牌皮具多次荣获国产畅销产品“金桥奖”,还获得“国家免检产品”、“中国名牌产品”等。", "韩国BB霜排行榜 抗皱面霜排行榜 电热宝品牌排行榜 梳子十大品牌排行榜 牙膏品牌排行榜 进口有机奶粉排行榜 净水器十大品牌排名 羊奶粉排行榜十强 避孕套十大名牌排名 女士沐浴露十大品牌"], "bs_rank_pos": 4}, {"is_selected": false, "title": "全球10 大顶级行李箱品牌排行榜", "most_related_para": 23, "segmented_title": ["全球", "10", "大", "顶级", "行李箱", "品牌", "排行榜"], "segmented_paragraphs": [["全球", "10", "大", "顶级", "行李箱", "品牌", "排行榜"], ["买手", "客", "Buyerkey", "11", "-", "09"], ["买手", "客", "buyerkey", "(", "微信", "号", ":", "buyerkey", ")"], ["更多内容", "请", "关注", "后", "查看", "历史", "消息"], ["\"", "你", "周游世界", ",", "家人", "也", "不在身边", ",", "你", "唯一", "能", "依靠", "的", "就是", "你", "自己", ",", "还有", "你", "的", "行李", "。", "\"", "上", "世纪", "90", "年代", "经典", "好莱坞电影", "《", "魔岛仙踪", "》", "里", ",", "经验", "丰富", "的", "行李箱", "售货员", "对", "男主角", "Joe", "Banks", "如是说", "。"], ["我们", "经常", "说", ",", "来", "一", "场", "说走就走", "的", "旅行", ",", "离开", "城市", ",", "离开", "朋友", ",", "但是", "我们", "离不开", "的", "是", "旅行箱", "。", "经常", "出国", "尤其", "是", "法国", "、", "意大利", "等", "欧美国家", ",", "你", "就会", "看到", "那些", "老外", "拎着", "各种各样", "的", "经典", "款式", "的", "旅行箱", ",", "而", "在", "国内", "机场", ",", "大", "多", "是", "款式", "颜色", "材质", "相似", "的", "商务", "旅行箱", "。", "对", "旅行箱", "来", "说", ",", "一定", "的", "\"", "颜值", "\"", "是", "必须", "的", ",", "除了", "\"", "颜值", "\"", "还要", "有", "内涵", "。"], ["懂", "生活", ",", "爱", "旅行", "—", "—", "世界顶级", "的", "旅行箱", "排行榜", "今天开讲", "!"], ["(", "《", "买手", "客", "》", "开通", "了", "评论功能", ",", "你", "更", "喜欢", "哪", "一", "个", "呢", ",", "可以", "拉", "到", "下面", "留言", "给", "小", "编", "哦", "。", ")"], ["品牌", ":", "RIMOWA", "日默瓦"], ["始", "创", "于", ":", "1898", "年"], ["RIMOWA", "已经", "100", "多", "年", "的", "历史", "了", ",", "就", "连", "保时捷", "和", "德", "航", "也", "邀请", "RIMOWA", "为", "它们", "进行", "专属", "设计", ",", "铝镁合金", "材质", "已经成为", "RIMOWA", "的", "代名词", ",", "To", "pas", "系列", "是", "它", "家", "的", "经典", "必败", "当家", "款", ",", "而", "Topas", "Titanium", "系列", "属于", "高调", "高富帅", "版", "。", "它", "的", "价钱", "在", "旅行箱", "里", "算得上", "是", "\"", "奢侈品", "\"", "了", "—", "入门", "级", "的", "也", "要", "4000", "元", "人民币", ",", "最贵", "的", "系列", "能", "卖", "到", "1", ".", "3", "万元", "。"], ["RIMOWA", "的", "成功", "并非", "偶然", ",", "它", "前后", "植入", "过", "200", "多", "部", "影视作品", ",", "从", "好莱坞大片", "到", "热播", "美剧", ",", "《", "碟中谍", "》", "《", "史密斯夫妇", "》", "、", "《", "007", "》", "等", "好莱坞大片", "都", "有", "过", "Rimowa", "的", "身影", "。"], ["它", "更", "是", "明星", "的", "标配", ",", "汤姆", "·", "克鲁斯", "、", "莱昂纳多", "、", "王菲", "、", "范冰冰", "、", "梁朝伟", "、", "黄晓明", ",", "每人", "至少", "不", "下", "三", "个", "RIMOWA", "。", "就", "最近", "的", "说", ",", "《", "花儿与少年", "》", "、", "《", "花样", "姐姐", "》", "、", "《", "爸爸", "去哪儿", "》", "三", "部", "真人秀", ",", "RIMOWA", "扎堆", "。"], ["\"", "他们", "有", ",", "我", "也", "要", "有", "\"", ",", "自此", "Rimowa", "一", "火", "冲", "天", ",", "2013", "年", ",", "Rimowa", "的", "全球", "销售额增长", "了", "40", "%", ",", "其中", "10", "%", "是", "来自中国", "的", "贡献", "。", "Rimowa", "的", "成功", "在于", "它", "把", "旅行箱", "变成", "了", "像", "女士", "手包", "那样", "的", "时尚", "配饰", "。"], ["品牌", ":", "Adeele", "FENDI", "阿黛勒", "·", "芬迪"], ["产地", ":", "意大利"], ["始", "创", "于", ":", "1920", "年"], ["首先", ",", "Adeele", "FENDI", "和", "FENDI", "是", "同", "一", "个", "品牌", ",", "之所以", "叫", "它", "Adeele", "FENDI", "是因为", "创始", "之", "初", "是", "由", "年轻", "的", "AdeleCasa", "grande", "开始", "经营", ",", "后", "随着", "Adele", "于", "1925", "年", "下嫁", "Edoard", "oF", "ENDI", "而", "易名", "为", "芬迪", "(", "FENDI", ")", "。"], ["国内", "人们", "还", "比较", "热衷于", "它", "的", "手袋", ",", "对于", "它", "的", "行李箱", "还是", "知", "之", "甚少", "。", "阿黛勒", "芬迪", "的", "设计", "灵感", "源", "自", "于", "集装箱", "的", "纹路", ",", "条纹", "与", "沟壑", "的", "设计", ",", "能够", "让", "箱体", "呈现", "凹凸", "极", "具", "几何", "美", "感", ",", "将近", "213", "个", "零件", "。", "不仅", "成为", "了", "现代", "\"", "空中飞人", "\"", "标准配置", ",", "更", "\"", "秒杀", "\"", "一", "众明星", "潮人", ",", "成", "了", "他们", "出行", "街拍", "的", "必备", "法宝", "。"], ["\"", "让", "我", "看", "你", "的", "旅行箱", ",", "我", "就", "可以", "知道", "你", "是", "什么", "样", "的", "人", "。", "\"", "—", "—", "Adeele", "FENDI", "创始人", "阿黛勒", "·", "芬迪", "。"], ["品牌", ":", "Louis", "Vuitton", "路易", "威登"], ["始", "创", "于", ":", "1854", "年"], ["LV", "的", "旅行箱包", "已经", "成为", "一", "种", "文化", "符号", ",", "一句", "\"", "旅行箱", "是", "您", "身份", "的", "象征", "\"", "成为", "了", "LV", "最", "经典", "的", "广告语", "。"], ["1854", "年", ",", "LV", "第", "一", "家", "箱包", "店", "正式开业", ",", "店铺", "的", "橱窗", "展示", "了", "路易", "的", "第", "一", "件", "作品", "—", "—", "白杨", "木", "圆顶", "旅行箱", "(", "上", "图", ")", "。", "随便", "一只", "二", "三", "万", "的", "旅行箱", ",", "人们", "为什么", "就是", "心甘情愿", "地", "买单", "?"], ["LV", "所", "用", "的", "主流", "材质", "是", "有", "印花", "的", "粗", "帆布", "(", "Canvas", ")", ",", "外", "有", "化工材料", "涂层", "及", "防水", "压", "纹", ",", "这", "都是", "LV", "的", "专利", "。", "使用", "此", "材质", "的", "箱包", "都", "有", "相当", "的", "防刮", "、", "耐磨", "及", "防水", "功能", ",", "并", "易于", "保养", "打理", "。", "和", "别", "的", "大牌", "不同", ",", "LV", "就是", "做", "旅行箱", "起家", "的", ",", "在", "设计", "上", "是", "过人之处", "的", ",", "比", "那些", "别", "家", "出", "的", "什么", "羊皮", "、", "牛皮", "的", "箱子", "要", "结实", "多", "了", "。", "而且", ",", "LV", "箱子", "不怕", "旧", ",", "越", "用", "越", "耐看", ",", "越", "旧", "越", "经典", ",", "直到最后", "变成", "了", "真正", "专", "属于", "你", "自己", "烙印", "的", "箱子", "。", "所以", ",", "贵", "一点", "咬咬牙", "一", "跺脚", "买", "一", "个", "也是", "值得", "的", "。", "时至今日", ",", "LV", "旅行箱", "依然", "恪守", "过去", "的", "传统", ",", "80", "%", "的", "工序", "靠", "手工制作", "。"], ["之后", ",", "姜文", "四", "年", "磨", "一剑", "的", "《", "一步之遥", "》", "也", "让", "人们", "再一次", "将", "焦点", "集中", "在", "LV", "旅行箱", "上", ",", "15", "只", "从", "巴黎", "LV", "博物馆", "空运", "过来", "的", "古董", "行李箱", ",", "让", "爵士", "时代", "的", "老上海", "更加", "纸醉金迷", "。", "不", "提", "《", "一步之遥", "》", ",", "也", "不", "提", "《", "色戒", "》", "、", "《", "欲望都市", "》", "中", "LV", "旅行箱", "那", "华丽", "丽", "的", "身影", ",", "明星", "的", "现实", "生活", "中", "也", "少不了", "LV", "旅行箱", ",", "这", "时候", "不", "提", "范冰冰", "都", "不好意思", "了", "↓", "↓", "↓"], ["品牌", ":", "Goyard"], ["始", "创", "于", ":", "1853", "年"], ["世界上", "最", "昂", "贵", "的", "帆布", "旅行箱", "是", "谁", "?", "—", "—", "Goyard", "。", "比", "LV", "更", "矜贵", "而且", "更", "低调", "的", "牌子", ",", "它", "的", "历史", "比", "LV", "还要", "早上", "一年", ",", "价格", "是", "它", "LV", "还", "贵", ",", "堪称", "世界上", "最", "昂", "贵", "的", "帆布", "旅行箱", "。", "顾客", "包括", "了", "英国王室", "、", "美国总统", "和", "俄国", "贵族", ",", "时尚", "老佛爷", "Karl", "所有", "的", "旅行", "行", "头", "都", "由", "这个品牌", "\"", "包", "办", "\"", "。"], ["Goyard", "喜欢", "以", "木材", "和", "皮革", "为", "原料", ",", "坚持", "手工制作", ",", "1892", "年", "推出", "了", "由", "亚麻", "线", "、", "棉线", "和", "麻线", "混纺", "而", "成", "、", "经久耐用", "的", "防水", "帆布", "作为", "箱包", "的", "外层", "面料", "。", "相", "较", "于", "皮革", "的", "轻便", "与", "耐用", ",", "面料", "一经推出", "便", "惊艳", "世", "人", ",", "成为", "了", "隽永", "的", "经典之作", "。", "同", "一", "时期", ",", "Goyard", "现", "广为人知", "的", "四色", "手绘", "Y", "字", "Logo", "诞生", "。"], ["Goyard", "的", "传统", "制作方法", ",", "以及", "设计", "风格", "已", "传承", "超过", "160", "年", "不变", ",", "这", "是", "小", "编", "喜欢", "Goyard", "的", "原因", ",", "新", "推出", "了", "Bourget", "拉杆箱", "(", "上", "图", ")", ",", "从", "细节", "到", "整体", "上", "都", "传承", "了", "其", "自", "19", "世纪", "的", "风格", ",", "采用", "Goyard", "经典", "手绘", "印花", "帆布", "。"], ["这", "是", "玛丽莲", "-", "梦露", "用", "过", "的", "Goyard", "↓", "↓", "↓"], ["这", "是", "Coco", "Chanel", "用", "过", "的", "Goyard", "↓", "↓", "↓"], ["品牌", ":", "Samsonite", "新秀丽"], ["始", "创", "于", ":", "1910", "年"], ["又", "一", "个", "百年", "历史", "的", "牌子", ",", "也是", "国", "人", "最", "熟知", "的", "行李箱", "品牌", ",", "没有", "之", "一", ",", "很多", "商场", "、", "机场", "都", "能看到", "它", "的", "专柜", ",", "赢得", "不", "少", "国", "人", "的", "信任", ",", "不过", ",", "客观", "一", "点", "说", ",", "主要", "是", "广告宣传", "做", "的", "也", "比较", "足", ",", "都", "教授", "金秀贤", ",", "大", "长腿", "李敏镐", ",", "小可爱", "宋仲基", "等", "一", "大", "票", "明星", "都", "代言", "过", "Samsonite", "。", "其次", "是", "性价比", "很高", ",", "比较", "容易", "接受", "。"], ["2011", "年", "Samsonite", "Cosmo", "lite", "的", "汽车", "试", "撞", "广告"], ["作为", "专门", "生产", "旅行箱包", "的", "品牌", "可以", "做", "为你", "人生", "\"", "第", "一只", "旅行箱", "\"", "的", "最佳", "选择", "。", "耐用", "轻便", ",", "不断更新", "的", "款式", "更", "是", "其它", "品牌", "所", "不能", "及", "的", ",", "高低", "不同", "的", "价格", "定位", "满足", "各", "阶层", "需要", ",", "入门", "款", "只", "需", "1000", "多元", "。", "不过", "市场", "上", "这个品牌", "假货", "比较", "多", ",", "商场", "价格", "水分", "又", "很大", ",", "国外", "代购", "相对", "实在", "一", "点", "。"], ["时尚", "达", "人们", "一定", "记得", "Samsonite", "与", "鬼才", "设计师", "Alexander", "McQueen", "麦昆", "的", "那", "次", "伟大", "合作", "(", "上", "图", ")", ",", "使", "传统", "的", "箱包", "设计", "上升", "到", "了", "创意", "无极限", "的", "高度", "。", "以", "大热", "的", "鳄鱼", "纹", "现身", ",", "就", "连", "金属", "拉链", "的", "拉链", "头", "烙印", "的", "都是", "Alexander", "Mcqueen", "自己", "的", "指印", ",", "获得", "欧洲", "多", "项", "国际性", "设计", "大奖", "。"], ["品牌", ":", "Delsey", "法国", "大使"], ["始", "创", "于", ":", "1946", "年"], ["说", "起", "Delsey", "法国", "大使", "可能", "很多人", "不", "认识", ",", "在", "欧美", "很", "有名", ",", "它", "创造", "了", "多", "个", "第", "一", "。", "1970", "年", ",", "Delsey", "创建", "了", "世界上", "第一个", "硬壳", "旅行箱", ",", "1972", "年", ",", "发明", "了", "世界上", "第一个", "带", "轮子", "的", "行李箱", "。", "Delsey", "的", "Helium", "系列", "重点", "是", "轻便", ",", "广告", "中", "一个女人", "单", "手", "轻松", "让", "旅行箱", "与", "地面", "平行", "的", "画面", "让", "人", "印象", "深刻", "。", "Delsey", "还", "拿到", "了", "很多", "的", "行李箱", "界", "的", "大奖", "。", "1975", "年", ",", "1987", "年", ",", "分别", "获得", "了", "奥斯卡", "出口", "奖", "。"], ["Delsey", "在", "全球", "每年", "卖出", "约", "400", "万", "个", "行李箱", ",", "在", "欧洲", "中东", "和", "东南亚", "地区", "都是", "销售", "第一名", "。"]], "paragraphs": ["全球10 大顶级行李箱品牌排行榜", "买手客Buyerkey11-09", "买手客 buyerkey(微信号:buyerkey)", "更多内容请关注后查看历史消息", "\" 你周游世界,家人也不在身边,你唯一能依靠的就是你自己,还有你的行李。\" 上世纪 90 年代经典好莱坞电影《魔岛仙踪》里,经验丰富的行李箱售货员对男主角 Joe Banks 如是说。", "我们经常说,来一场说走就走的旅行,离开城市,离开朋友,但是我们离不开的是旅行箱。经常出国尤其是法国、意大利等欧美国家,你就会看到那些老外拎着各种各样的经典款式的旅行箱,而在国内机场,大多是款式颜色材质相似的商务旅行箱。对旅行箱来说,一定的 \" 颜值 \" 是必须的,除了 \" 颜值 \" 还要有内涵。", "懂生活,爱旅行——世界顶级的旅行箱排行榜今天开讲!", "(《买手客》开通了评论功能,你更喜欢哪一个呢,可以拉到下面留言给小编哦。)", "品牌:RIMOWA 日默瓦", "始创于:1898 年", "RIMOWA 已经 100 多年的历史了,就连保时捷和德航也邀请 RIMOWA 为它们进行专属设计,铝镁合金材质已经成为 RIMOWA 的代名词,Topas 系列是它家的经典必败当家款,而 Topas Titanium 系列属于高调高富帅版。它的价钱在旅行箱里算得上是 \" 奢侈品 \" 了—入门级的也要 4000 元人民币,最贵的系列能卖到 1.3 万元。", "RIMOWA 的成功并非偶然,它前后植入过 200 多部影视作品,从好莱坞大片到热播美剧,《碟中谍》《史密斯夫妇》、《007》等好莱坞大片都有过 Rimowa 的身影。", "它更是明星的标配,汤姆 · 克鲁斯、莱昂纳多、王菲、范冰冰、梁朝伟、黄晓明,每人至少不下三个 RIMOWA。就最近的说,《花儿与少年》、《花样姐姐》、《爸爸去哪儿》三部真人秀,RIMOWA 扎堆。", "\" 他们有,我也要有 \",自此 Rimowa 一火冲天,2013 年,Rimowa 的全球销售额增长了 40%,其中 10%是来自中国的贡献。Rimowa 的成功在于它把旅行箱变成了像女士手包那样的时尚配饰。", "品牌:Adeele FENDI 阿黛勒 · 芬迪", "产地:意大利", "始创于:1920 年", "首先,Adeele FENDI 和 FENDI 是同一个品牌,之所以叫它 Adeele FENDI 是因为创始之初是由年轻的 AdeleCasagrande 开始经营,后随着 Adele 于 1925 年下嫁 EdoardoFENDI 而易名为芬迪 ( FENDI ) 。", "国内人们还比较热衷于它的手袋,对于它的行李箱还是知之甚少。阿黛勒芬迪的设计灵感源自于集装箱的纹路,条纹与沟壑的设计,能够让箱体呈现凹凸极具几何美感,将近 213 个零件。不仅成为了现代 \" 空中飞人 \" 标准配置,更 \" 秒杀 \" 一众明星潮人,成了他们出行街拍的必备法宝。", "\" 让我看你的旅行箱,我就可以知道你是什么样的人。\" —— Adeele FENDI 创始人阿黛勒 · 芬迪。", "品牌:LouisVuitton 路易威登", "始创于:1854 年", "LV 的旅行箱包已经成为一种文化符号,一句 \" 旅行箱是您身份的象征 \" 成为了 LV 最经典的广告语。", "1854 年,LV 第一家箱包店正式开业,店铺的橱窗展示了路易的第一件作品——白杨木圆顶旅行箱(上图)。随便一只二三万的旅行箱,人们为什么就是心甘情愿地买单?", "LV 所用的主流材质是有印花的粗帆布(Canvas),外有化工材料涂层及防水压纹,这都是 LV 的专利。使用此材质的箱包都有相当的防刮、耐磨及防水功能,并易于保养打理。和别的大牌不同,LV 就是做旅行箱起家的,在设计上是过人之处的,比那些别家出的什么羊皮、牛皮的箱子要结实多了。而且,LV 箱子不怕旧,越用越耐看,越旧越经典,直到最后变成了真正专属于你自己烙印的箱子。所以,贵一点咬咬牙一跺脚买一个也是值得的。时至今日,LV 旅行箱依然恪守过去的传统,80% 的工序靠手工制作。", "之后,姜文四年磨一剑的《一步之遥》也让人们再一次将焦点集中在 LV 旅行箱上,15 只从巴黎 LV 博物馆空运过来的古董行李箱,让爵士时代的老上海更加纸醉金迷。不提《一步之遥》,也不提《色戒》、《欲望都市》中 LV 旅行箱那华丽丽的身影,明星的现实生活中也少不了 LV 旅行箱,这时候不提范冰冰都不好意思了 ↓↓↓", "品牌:Goyard", "始创于:1853 年", "世界上最昂贵的帆布旅行箱是谁?—— Goyard。比 LV 更矜贵而且更低调的牌子,它的历史比 LV 还要早上一年,价格是它 LV 还贵,堪称世界上最昂贵的帆布旅行箱。顾客包括了英国王室、美国总统和俄国贵族,时尚老佛爷 Karl 所有的旅行行头都由这个品牌 \" 包办 \"。", "Goyard 喜欢以木材和皮革为原料,坚持手工制作,1892 年推出了由亚麻线、棉线和麻线混纺而成、经久耐用的防水帆布作为箱包的外层面料。相较于皮革的轻便与耐用,面料一经推出便惊艳世人,成为了隽永的经典之作。同一时期,Goyard 现广为人知的四色手绘 Y 字 Logo 诞生。", "Goyard 的传统制作方法,以及设计风格已传承超过 160 年不变,这是小编喜欢 Goyard 的原因,新推出了 Bourget 拉杆箱(上图),从细节到整体上都传承了其自 19 世纪的风格,采用 Goyard 经典手绘印花帆布。", "这是玛丽莲 - 梦露用过的 Goyard↓↓↓", "这是Coco Chanel 用过的 Goyard↓↓↓", "品牌:Samsonite 新秀丽", "始创于:1910 年", "又一个百年历史的牌子,也是国人最熟知的行李箱品牌,没有之一,很多商场、机场都能看到它的专柜,赢得不少国人的信任,不过,客观一点说,主要是广告宣传做的也比较足,都教授金秀贤,大长腿李敏镐,小可爱宋仲基等一大票明星都代言过 Samsonite。其次是性价比很高,比较容易接受。", "2011 年 Samsonite Cosmolite 的汽车试撞广告", "作为专门生产旅行箱包的品牌可以做为你人生 \" 第一只旅行箱 \" 的最佳选择。耐用轻便,不断更新的款式更是其它品牌所不能及的,高低不同的价格定位满足各阶层需要,入门款只需 1000 多元。不过市场上这个品牌假货比较多,商场价格水分又很大,国外代购相对实在一点。", "时尚达人们一定记得 Samsonite 与鬼才设计师 Alexander McQueen 麦昆的那次伟大合作(上图),使传统的箱包设计上升到了创意无极限的高度。以大热的鳄鱼纹现身,就连金属拉链的拉链头烙印的都是 Alexander Mcqueen 自己的指印,获得欧洲多项国际性设计大奖。", "品牌:Delsey 法国大使", "始创于:1946 年", "说起Delsey 法国大使可能很多人不认识,在欧美很有名,它创造了多个第一。1970 年,Delsey 创建了世界上第一个硬壳旅行箱,1972 年,发明了世界上第一个带轮子的行李箱。Delsey 的 Helium 系列重点是轻便,广告中一个女人单手轻松让旅行箱与地面平行的画面让人印象深刻。Delsey 还拿到了很多的行李箱界的大奖。1975 年,1987 年,分别获得了奥斯卡出口奖。", "Delsey 在全球每年卖出约 400 万个行李箱,在欧洲中东和东南亚地区都是销售第一名。"], "bs_rank_pos": 5}], "answer_spans": [[357, 367]], "answer_docs": [2], "fake_answers": ["。第三位:LouisVuitton(路易威登)來自法國"], "question": "拉杆箱十大排名", "segmented_answers": [["第一位", ":", "Lovateam", "(", "樂福", "添", ")", ";", "第", "二", "位", ":", "RIMOWA", "(", "日默瓦", ")", ";", "第三位", ":", "Louis", "Vuitton", "(", "路易", "威登", ")", ";", "第四位", ":", "Samsonite", "(", "新秀麗", ")", "第", "五", ":", "American", "Tourister", "美國", "旅行者", ";", "第", "六", ":", "Delsey", "(", "法國", "大使", ")", ";", "第", "七", ":", "Antler", "(", "安特", "麗", ")", ";", "第", "八", ":", "Hermes", "(", "愛馬仕", ")", ";", "第", "九", ":", "HIDEO", "WAKAMATSU", "(", "若松秀夫", ")", ";", "第", "十", ":", "ACE", "(", "愛思", ")", "。"], ["1", ":", "皇冠", ";", "2", ":", "乐福", "添", ";", "3", ":", "雅士", ";", "4", ":", "威豹", ";", "5", ":", "森象", ";", "6", ":", "外交官", ";", "7", ":", "啄木鸟", ";", "8", ":", "达派", ";", "9", ":", "苹果", ";", "10", ":", "金猴", "。"]], "answers": ["第一位:Lovateam(樂福添);第二位:RIMOWA(日默瓦);第三位:Louis Vuitton(路易威登);第四位:Samsonite(新秀麗)第五:American Tourister美國旅行者;第六:Delsey(法國大使);第七:Antler(安特麗);第八:Hermes(愛馬仕);第九:HIDEO WAKAMATSU(若松秀夫);第十:ACE(愛思)。", "1:皇冠;2:乐福添;3:雅士;4:威豹;5:森象;6:外交官;7:啄木鸟;8:达派;9:苹果;10:金猴。"], "entity_answers": [["Lovateam", "樂福添", "RIMOWA", "日默瓦", "Louis Vuitton", "路易威登", "Samsonite", "新秀麗", "American Tourister", "美國旅行者", "Delsey", "法國大使", "Antler", "安特麗", "Hermes", "愛馬仕", "HIDEO WAKAMATSU", "若松秀夫", "ACE", "愛思"], ["皇冠", "乐福添", "雅士", "威豹", "森象", "外交官", "啄木鸟", "达派", "苹果", "金猴"]], "segmented_question": ["拉杆箱", "十大", "排名"], "question_type": "ENTITY", "question_id": 4, "fact_or_opinion": "OPINION", "match_scores": [0.19148936170212766]}
-{"documents": [{"is_selected": false, "title": "端午节小常识_图文_百度文库", "most_related_para": 2, "segmented_title": ["端午节", "小常识", "_", "图文", "_", "百度", "文库"], "segmented_paragraphs": [["端午节", "小常识", "_", "文化", "/", "宗教", "_", "人文社科", "_", "专业", "资料", "。", "端午节", "小常识", "河南", "工学院", "管理", "系", "2017", "年", "5", "月", "25", "日", "一", "、", "名称", "?"], ["?", "《", "太平御览", "》", "卷", "三", "十", "一", "引", "晋代", "周处", "《", "风土记", "》", ":", "“", "仲夏", "端午"], ["端午节", "小常识", "河南", "工学院", "管理", "系", "2017", "年", "5", "月", "25", "日", "一", "、", "名称", "?", "?", "《", "太平御览", "》", "卷", "三", "十", "一", "引", "晋代", "周处", "《", "风土记", "》", ":", "“", "仲夏", "端午", "。", "端", ",", "初", "也", "。", "俗", "重", "五", "日", "与", "夏至", "同", "。", "先", "节", "一", "日", "又", "以", "菰", "叶", "裹", "黏", "米", ",", "以", "粟", "枣", "灰汁", "煮", ",", "令", "熟", ",", "节日", "啖", "。", "”", "?", "南朝宗懔", "《", "荆楚岁时记", "》", "说", ":", "“", "夏至", "节日", "食", "粽", "。", "”", "?", "又", "称为", "天中节", "。", "午月", "午", "日", "午时", ",", "日", "在", "中天", ",", "阳气", "达到", "极点", "。", "二", "、", "起源", "?", "1", ".", "祭", "屈原", "?", "《", "太平御览", "》", "卷", "三", "十", "一", "引", "东汉", "末", "应劭", "《", "风俗通", "》", "日", ":", "“", "五月", "五", "日", "以", "五彩", "丝", "系", "臂", "者", ",", "辟", "兵", "及", "鬼", ",", "令人", "不", "病", "温", ",", "亦", "因", "屈原", "。", "”", "二", "、", "起源", "?", "2", ".", "祭", "伍子胥", "、", "勾践", "?", "隋朝", "杜公瞻", "在", "为", "宗", "懊", "《", "荆楚岁", "时", "记", "》", "所作", "的", "注", "文", "中", "提到", "竞渡", "起源", "于", "伍子胥", "、", "越王勾践", "等人", "的", "说法", "。", "?", "?", "?", "?", "3", ".", "“", "公共卫生", "说", "”", "由", "江绍原", "先生", "在", "1926", "年", "提", "出来", "的", "。"], ["4", ".", "“", "祭", "龙", "说", "”", "由", "闻一多", "先生", "在", "1947", "年", "的", "“", "端午", "考", "”", "一", "文", "中", "提出", "。"], ["三", "、", "习俗", "?", "1", ".", "广泛", "采用", "葛蒲", "、", "艾篙", "。", "?", "宗懔", "《", "荆楚岁", "时", "记", "》", ":", "“", "五月", "五", "日", ",", "四", "民", "并", "蹋", "百草", ",", "又", "有", "斗百草", "之", "戏", "。", "采", "艾", "以为", "人", ",", "悬", "门户", "上", ",", "以", "攘", "毒气", "。", "”", "?", "吴自牧", "《", "梦粱录", "》", "记", "南宋", "杭州", "“", "以", "艾", "与", "百草", "缚", "成", "天师", ",", "悬", "于", "门", "额", "上", ",", "或", "悬", "虎头", "白泽", "。", "”", "?", "2", ".", "缠", "挂", "各种", "端午", "索", "。", "?", "或", "系", "于", "小儿", "手臂", ",", "或", "挂", "在", "床", "帐", "、", "摇篮", "等", "处", ",", "或", "敬", "献", "尊", "长", ",", "以", "辟", "灾", "除", "病", "、", "保佑", "安康", "、", "益寿延年", "。", "?", "3", ".", "用", "符", "图", "驱邪", "。", "?", "《", "后汉书", "·", "礼仪志", "》", "云", ":", "“", "五月", "五", "日", ",", "朱", "索", "一", "色", "印", "为", "门户之饰", ",", "以", "止", "恶", "气", "。", "”", "?", "4", ".", "饮用", "药酒", "(", "蒲", "酒", "和", "雄黄酒", ")", "。", "?", "清代", "潘荣陛", "《", "帝京岁时纪", "胜", "·", "端阳", "》", ":", "“", "午", "前", "细", "切", "蒲", "根", ",", "伴", "以", "雄黄", ",", "曝", "而", "浸", "酒", "。", "饮", "余", "则", "涂抹", "儿童", "面颊", "耳", "鼻", ",", "并", "挥洒", "床", "帐", "间", ",", "以", "避", "毒虫", "。", "”"], ["?", "5", ".", "吃粽子", "?", "周处", "《", "风土记", "》", ":", "煮", "肥", "龟", ",", "令", "极", "熟", ",", "去", "骨", "加盐", "豉", "秋", "蓼", ",", "名曰", "俎", "龟", "黏米", ",", "一名", "粽", ",", "一名", "角黍", "。", "盖", "取", "阴阳", "包裹", "未", "(", "分", ")", "之", "象", "也", "。", "龟", "表", "肉", "里", ",", "阳", "内", "阴", "外", "之", "形", ",", "所以", "赞", "时", "也", "。"], ["?", "6", ".", "赛龙舟", "?"], ["四", "、", "端午节", "的", "意义", "?"], ["一", "个", "全民参与", "的", "卫生", "和", "体育", "的", "节日", "。"], ["?", "一", "个", "表现", "传统", "伦理", "、", "增", "进", "社会", "团结", "的", "节日", "。", "?", "一", "个", "纪念", "伟大", "的", "爱国诗", "人", "屈原", "的", "节日", "?"], ["谢谢", "!"]], "paragraphs": ["端午节小常识_文化/宗教_人文社科_专业资料。端午节小常识河南工学院管理系 2017年5月25日 一、名称 ?", "? 《太平御览》卷三十一引晋代 周处《风土记》:“仲夏端午", "端午节小常识河南工学院管理系 2017年5月25日 一、名称 ?? 《太平御览》卷三十一引晋代 周处《风土记》:“仲夏端午。 端,初也。俗重五日与夏至同。 先节一日又以菰叶裹黏米,以 粟枣灰汁煮,令熟,节日啖。” ? 南朝宗懔《荆楚岁时记》 说:“夏至节日食粽。” ?又称为天中节。午月午 日午时,日在中天,阳气 达到极点。 二、起源 ?1.祭屈原 ?《太平御览》卷三十一引东汉 末应劭《风俗通》日:“五月五 日以五彩丝系臂者,辟兵及鬼, 令人不病温,亦因屈原。” 二、起源 ?2.祭伍子胥、勾践 ?隋朝杜公瞻在为宗懊《荆楚岁时 记》所作的注文中提到竞渡起源 于伍子胥、越王勾践等人的说法。 ? ? ? ? 3.“公共卫生说” 由江绍原先生在1926年提出来的。", "4.“祭龙说” 由闻一多先生在1947年的“端午 考”一文中提出。", "三、习俗 ? 1.广泛采用葛蒲、艾篙。 ? 宗懔《荆楚岁时 记》:“五月五日,四民 并蹋百草,又有斗百草 之戏。采艾以为人,悬 门户上,以攘毒气。” ? 吴自牧《梦粱录》记南宋杭州 “以艾与百草缚成天师,悬于 门额上,或悬虎头白泽。” ? 2.缠挂各种端午索。 ? 或系于小儿手臂,或挂在床帐、 摇篮等处,或敬献尊长,以辟 灾除病、保佑安康、益寿延年。 ? 3.用符图驱邪。 ? 《后汉书·礼仪志》 云:“五月五日,朱索一色 印为门户之饰,以止恶气。” ? 4.饮用药酒(蒲酒和雄黄酒)。 ? 清代潘荣陛《帝京岁时纪 胜·端阳》:“午前细切蒲 根,伴以雄黄,曝而浸酒。 饮余则涂抹儿童面颊耳鼻, 并挥洒床帐间,以避毒虫。”", "? 5.吃粽子 ? 周处《风土记》:煮肥龟,令极熟,去 骨加盐豉秋蓼,名曰俎龟黏米,一名 粽,一名角黍。盖取阴阳包裹未(分) 之象也。龟表肉里,阳内阴外之形, 所以赞时也。", "? 6. 赛龙舟 ?", "四、端午节的意义 ?", "一个全民参与的卫生和 体育的节日。", "? 一个表现传统伦理、增 进社会团结的节日。 ? 一个纪念伟大的爱国诗 人屈原的节日 ?", "谢谢!"], "bs_rank_pos": 0}, {"is_selected": true, "title": "端午节小知识_百度文库", "most_related_para": 1, "segmented_title": ["端午节", "小知识", "_", "百度", "文库"], "segmented_paragraphs": [["端午节", "小知识", "_", "中医", "中药", "_", "医药卫生", "_", "专业", "资料", "。", "知识问答", "1", "、", "农历", "五月", "初五", "为", "端午节", ",", "又", "称", "什么", "节", "?", "端阳节", "、", "午", "日", "节", "、", "五月节", "、", "艾节", "、", "端", "节", "、", "重", "五", "、", "日", "五", "、", "夏", "节", "。", "女儿节", "、", "诗", "节", "、", "龙", "日", "2", "、", "粽子", "又", "叫", "什么", "?", "又", "叫", "\"", "角黍", "\"", "(", "shu", ")", "、", "\"", "筒", "粽", "\"", "3", "、", "端午节", "除了", "吃"], ["知识问答", "1", "、", "农历", "五月", "初五", "为", "端午节", ",", "又", "称", "什么", "节", "?", "端阳节", "、", "午", "日", "节", "、", "五月节", "、", "艾节", "、", "端", "节", "、", "重", "五", "、", "日", "五", "、", "夏", "节", "。", "女儿节", "、", "诗", "节", "、", "龙", "日", "2", "、", "粽子", "又", "叫", "什么", "?", "又", "叫", "\"", "角黍", "\"", "(", "shu", ")", "、", "\"", "筒", "粽", "\"", "3", "、", "端午节", "除了", "吃粽子", ",", "还有什么", "习俗", "?", "端午节", "有", "两千", "多", "年", "的", "旧习俗", ",", "家家户户", "都", "悬", "钟馗", "(", "kui", ")", "像", ",", "挂", "艾叶", "菖蒲", ",", "赛龙舟", ",", "吃", "粽子", ",", "饮", "雄黄酒", ",", "游百病", ",", "佩", "香囊", ",", "备", "牲", "醴", "(", "sheng", "li", ")", "。", "比武", ",", "击球", ",", "荡秋千", ",", "给", "小孩", "涂", "雄黄", ",", "吃", "五毒饼", "、", "咸蛋", "等", ",", "女儿", "回娘家", ",", "挂", "钟馗", "像", ",", "迎", "鬼船", "、", "躲", "午", ",", "帖", "午", "叶", "符", "。", "4", "、", "屈原", "是", "哪儿", "的", "人", "?", "湖北", "秭归", "战国", "末期", "楚国", "丹阳", "人", "。", "5", "、", "屈原", "跳", "的", "江", "是", "那", "条", "江", "?", "汨罗江", "6", "、", "屈原", "的", "代表作", "有", "哪些", "?", "《", "离骚", "》", ",", "《", "天问", "》", ",", "《", "九歌", "〉", ",", "《", "九章", "〉", ",", "《", "哀郢", "》", "、", "《", "招魂", "》", "、", "《", "远", "游", "》", "、", "《", "卜居", "》", "、", "《", "渔父", "》", "、", "《", "大", "召", "》", "等", "。", "7", "、", "粽子", "为什么", "是", "三角", "型", "?", "自由", "发挥"]], "paragraphs": ["端午节小知识_中医中药_医药卫生_专业资料。知识问答 1、农历五月初五为端午节,又称什么节? 端阳节、午日节、五月节、艾节、端节、重五、日五、夏节。女儿节、诗节、龙日 2、粽子又叫什么? 又叫\"角黍\"(shu)、\"筒粽\" 3、端午节除了吃", "知识问答 1、农历五月初五为端午节,又称什么节? 端阳节、午日节、五月节、艾节、端节、重五、日五、夏节。女儿节、诗节、龙日 2、粽子又叫什么? 又叫\"角黍\"(shu)、\"筒粽\" 3、端午节除了吃粽子,还有什么习俗? 端午节有两千多年的旧习俗,家家户户都悬钟馗(kui)像,挂艾叶菖蒲,赛龙舟,吃 粽子,饮雄黄酒,游百病,佩香囊,备牲醴(sheng li)。 比武,击球,荡秋千, 给小孩涂雄黄,吃五毒饼、咸蛋等,女儿回娘家,挂钟馗像,迎鬼船、躲午,帖午叶符。 4、屈原是哪儿的人? 湖北秭归 战国末期 楚国丹阳人。 5、屈原跳的江是那条江? 汨罗江 6、屈原的代表作有哪些? 《离骚》,《天问》,《九歌〉,《九章〉,《哀郢》 、 《招魂》 、 《远游》 、 《卜居》 、 《渔父》 、 《大召》等。 7、粽子为什么是三角型?自由发挥"], "bs_rank_pos": 1}, {"is_selected": true, "title": "端午节知识_百度文库", "most_related_para": 1, "segmented_title": ["端午节", "知识", "_", "百度", "文库"], "segmented_paragraphs": [["端午节", "知识", "_", "社会学", "_", "人文社科", "_", "专业", "资料", "。", "端午节", "的", "文化", "端午节", "的", "名称", "叫法达", "二", "十", "多", "个", ",", "如", "有", "端", "五", "节", "、", "端阳节", "、", "重", "五", "节", "、", "重", "午", "节", "、", "天中节", "、", "夏", "节", "、", "五月节", "、", "菖", "节", "、", "蒲", "节", "、", "龙舟节", "、", "浴", "兰", "节", "、", "屈原", "日", "、", "午", "日", "节", "、", "女儿节", "、", "地", "腊", "节", "、", "诗人", "节", "、", "龙", "日", "、", "午", "日", "、", "灯", "节", "、", "五", "蛋", "节", "等等"], ["端午节", "的", "文化", "端午节", "的", "名称", "叫法达", "二", "十", "多", "个", ",", "如", "有", "端", "五", "节", "、", "端阳节", "、", "重", "五", "节", "、", "重", "午", "节", "、", "天中节", "、", "夏", "节", "、", "五月节", "、", "菖", "节", "、", "蒲", "节", "、", "龙舟节", "、", "浴", "兰", "节", "、", "屈原", "日", "、", "午", "日", "节", "、", "女儿节", "、", "地", "腊", "节", "、", "诗人", "节", "、", "龙", "日", "、", "午", "日", "、", "灯", "节", "、", "五", "蛋", "节", "等等", "。", "节日", "起源", "端午节", "起源", "说法", "众多", ",", "其中", "以", "纪念", "屈原", "说", "影响", "最为", "广泛", "。", "屈原", "据", "《", "史记", "》", "“", "屈原贾生列传", "”", "记载", ",", "屈原", ",", "是", "春秋时期", "楚怀王", "的", "大臣", "。", "屈原", "眼", "看", "自己", "的", "祖国", "被", "侵略", ",", "心如刀割", ",", "但是", "始终", "不", "忍", "舍弃", "自己", "的", "祖国", ",", "于", "五月", "五", "日", ",", "在", "写下", "了", "绝笔", "作", "《", "怀沙", "》", "之后", ",", "抱", "石", "投", "汨罗江", "身", "死", ",", "以", "自己", "的", "生命", "谱写", "了", "一", "曲", "壮丽", "的", "爱国主义", "乐章", "。", "传说", "屈原", "死后", ",", "楚国", "百姓", "哀痛", "异常", ",", "纷纷", "涌", "到", "汨罗", "江边", "去", "凭吊", "屈原", "。", "渔夫", "们", "划", "起", "船只", ",", "在", "江上", "来", "回", "打捞", "他", "的", "真身", "。", "有", "位", "渔夫", "拿出", "为", "屈原", "准备", "的", "饭团", "、", "鸡蛋", "等", "食物", ",", "“", "扑通", "、", "扑通", "”", "地", "丢", "进", "江", "里", ",", "说", "是", "让", "鱼", "龙虾", "蟹", "吃饱了", ",", "就", "不会", "去", "咬", "屈", "大夫", "的", "身体", "了", "。", "人们", "见", "后", "纷纷", "仿效", "。", "一", "位", "老", "医师", "则", "拿来", "一", "坛", "雄黄酒", "倒", "进", "江", "里", ",", "说", "是", "要", "药", "晕", "蛟龙", "水", "兽", ",", "以", "免", "伤害", "屈", "大夫", "。", "后来", "为", "怕", "饭团", "为", "蛟龙", "所", "食", ",", "人们", "想", "出", "用", "楝", "树叶", "包饭", ",", "外", "缠", "彩", "丝", ",", "发展", "成", "棕", "子", "。", "以后", ",", "在", "每年", "的", "五月", "初五", ",", "就", "有", "了", "龙舟竞渡", "、", "吃粽子", "、", "喝", "雄黄酒", "的", "风俗", ";", "以此", "来", "纪念", "爱国", "诗人", "屈原", "。", "还有", "纪念", "伍子胥", "说", "、", "纪念", "孝女", "曹娥", "说", "、", "源于", "古", "越", "民族", "图腾", "祭", "说", "、", "龙", "的", "节日", "说", "、", "恶", "日", "禁忌", "说", "、", "夏", "至", "说", "、", "源于", "蓄兰", "沐浴", "说", "、", "纪念", "介子推", "说", "、", "源于", "勾践", "操练", "水军", "说", "端午", "的", "谚语", "清明", "插", "柳", ",", "端午", "插", "艾", "。", "未", "吃", "端午", "粽", ",", "寒衣", "不可送", ";", "吃", "了", "端午", "粽", ",", "还要", "冻", "三", "冻", "。", "端午节", "期间", "云南", "的", "习俗", "在", "滇西南", ",", "在", "端午节", "的", "时候", ",", "人们", "会", "在", "端午节", "的", "前几天", ",", "将", "蚕豆", "浸泡", "至", "发芽", ",", "待", "端午节", "这天", "经", "过", "煮熟", "来", "吃", ",", "或是", "在", "用", "油炸", "后", "食用", ",", "既", "酥", "又", "脆", ",", "很", "是", "可口", ",", "意识", "豆子", "发芽", ",", "在南方", "刚好", "种", "完", "水稻", ",", "也", "就", "寓意", "着", "庄稼", "将", "获得", "好", "的", "收", "成", ";", "在", "这一天", "人们", "家里", "必定", "会", "做", "的", "一道菜", "便是", "豆芽", "炒豆腐", ",", "吃", "这", "一", "道", "菜", "寓意", "着", "全家", "“", "亲", "吉", "平安", "”", "(", "云南方言", ")", ",", "也", "就是", "家里", "人", "在", "这", "只有", ",", "身体健康", ",", "平安", "幸福", ";", "当然", ",", "传统", "纪念", "屈原", "的", "寓意", "也是", "一样", "的", ",", "都会", "吃", "各式各样", "的", "粽子", ",", "表达", "我们", "对", "故人", "的", "思念", ";", "除了", "吃", "以", "外", ",", "在", "这一天", ",", "人们", "会", "在", "门上", "挂", "菖蒲", "、", "艾草", "“", "避邪", "”", ",", "用", "时", "也是", "起", "到", "驱蚊", "蝇", "等", "害虫", "的", "功效", "。"]], "paragraphs": ["端午节知识_社会学_人文社科_专业资料。端午节的文化端午节的名称叫法达二十多个,如有端五节、端阳节、重五节、重午节、天中节、夏节、五月节、 菖节、蒲节、龙舟节、浴兰节、屈原日、午日节、女儿节、地腊节、诗人节、龙日、午日、灯节、 五蛋节等等", "端午节的文化端午节的名称叫法达二十多个,如有端五节、端阳节、重五节、重午节、天中节、夏节、五月节、 菖节、蒲节、龙舟节、浴兰节、屈原日、午日节、女儿节、地腊节、诗人节、龙日、午日、灯节、 五蛋节等等。 节日起源 端午节起源说法众多,其中以纪念屈原说影响最为广泛。 屈原 据《史记》“屈原贾生列传”记载,屈原,是春秋时期楚怀王的大臣。屈原眼看自己的祖国被 侵略,心如刀割,但是始终不忍舍弃自己的祖国,于五月五日,在写下了绝笔作《怀沙》之后,抱 石投汨罗江身死,以自己的生命谱写了一曲壮丽的爱国主义乐章。 传说屈原死后,楚国百姓哀痛异常,纷纷涌到汨罗江边去凭吊屈原。渔夫们划起船只,在江上 来回打捞他的真身。有位渔夫拿出为屈原准备的饭团、鸡蛋等食物,“扑通、扑通”地丢进江里, 说是让鱼龙虾蟹吃饱了,就不会去咬屈大夫的身体了。人们见后纷纷仿效。一位老医师则拿来一坛 雄黄酒倒进江里,说是要药晕蛟龙水兽,以免伤害屈大夫。后来为怕饭团为蛟龙所食,人们想出用 楝树叶包饭,外缠彩丝,发展成棕子。 以后,在每年的五月初五,就有了龙舟竞渡、吃粽子、喝雄黄酒的风俗;以此来纪念爱国诗人 屈原。 还有纪念伍子胥说、纪念孝女曹娥说、源于古越民族图腾祭说、龙的节日说、恶日禁忌说、夏 至说、源于蓄兰沐浴说、纪念介子推说、源于勾践操练水军说 端午的谚语 清明插柳,端午插艾。 未吃端午粽,寒衣不可送;吃了端午粽,还要冻三冻。 端午节期间云南的习俗 在滇西南,在端午节的时候,人们会在端午节的前几天,将蚕豆浸泡至发芽,待端午节这天经 过煮熟来吃,或是在用油炸后食用,既酥又脆,很是可口,意识豆子发芽,在南方刚好种完水稻, 也就寓意着庄稼将获得好的收成; 在这一天人们家里必定会做的一道菜便是豆芽炒豆腐, 吃这一道 菜寓意着全家“亲吉平安”(云南方言) ,也就是家里人在这只有,身体健康,平安幸福;当然, 传统纪念屈原的寓意也是一样的,都会吃各式各样的粽子,表达我们对故人的思念;除了吃以外, 在这一天,人们会在门上挂菖蒲、艾草“避邪”,用时也是起到驱蚊蝇等害虫的功效。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "端午节知识问答_百度文库", "most_related_para": 1, "segmented_title": ["端午节", "知识问答", "_", "百度", "文库"], "segmented_paragraphs": [["端午节", "知识问答", "_", "法律资料", "_", "人文社科", "_", "专业", "资料", "。", "1", "、", "屈原", "是", "我", "国", "春秋时期", "哪", "国", "人", "?", "A", "秦国", "B", "魏国", "C", "楚国", "D", "赵国", "正确答案", "C", "2", "、", "端午节", "有", "为", "小孩", "佩香囊", "的", "习惯", ",", "大人", "在", "香囊", "内", "放", "朱砂", "、", "雄黄", "、", "香药", "等", "代表", "的", "意义", "是", "什么", "?", "A", "吉祥", "B", "、", "一", "种", "装饰", "C"], ["A", "吉祥", "B", "、", "一", "种", "装饰", "C1", "、", "屈原", "是", "我", "国", "春秋时期", "哪", "国", "人", "?", "A", "秦国", "B", "魏国", "C", "楚国", "D", "赵国", "正确答案", "C", "2", "、", "端午节", "有", "为", "小孩", "佩香囊", "的", "习惯", ",", "大人", "在", "香囊", "内", "放", "朱砂", "、", "雄黄", "、", "香药", "等", "代表", "的", "意义", "是", "什么", "?", "A", "吉祥", "B", "、", "一", "种", "装饰", "C", "治病", "防身", "D", "驱邪", "避", "瘟", "正确答案", "D", "3", "、", "南方", "的", "粽子", "一般", "是", "什么", "口味", "?", "A", "甜味", "B", "咸味", "C", "都", "不是", "正确答案", "B", "4", "、", "古人", "端午节", "涂", "饮", "雄黄酒", "的", "意义", "是", "?", "A", "解毒", "B", "纪念", "白蛇", "C", "驱邪", "避", "瘟", "D", "吉祥", "幸福", "正确答案", "C", "5", "、", "最早", "的", "粽子", "并", "不是", "端午节", "的", "特产", ",", "那", "粽子", "是", "什么", "时期", "被", "正式", "定为", "端午节", "食品", "的", "?", "A", "南北朝", "时期", "B", "春秋时期", "C", "晋代", "D", "周", "商", "时期", "正确答案", "A", "6", "、", "赛龙舟", "是", "端午节", "的", "主要", "习俗", "之", "一", ",", "相", "传", "起源于", "古代", "楚国", "人", "因", "舍不得", "贤臣", "屈原", "投", "江", "死去", ",", "许多人", "划船", "追赶", "拯救", "。", "其实", ",", "“", "龙舟竞渡", "”", "早", "在", "(", ")", "时期", "就", "有", "了", "A", "南北朝", "时期", "B", "、", "商周", "时期", "C", "、", "战国时期", "D", "、", "春秋时期", "正确答案", "D", "7", "、", "下列", "哪", "项", "不是", "端午节", "的", "习俗", "?", "A", "吃粽子", "B", "赛龙舟", "C", "登高", "采", "菊", "D", "饮", "雄黄酒", "正确答案", "C", "8", "、", "粽子", "最早", "叫", "什么", "A", "米", "角", "B", "米", "包", "C", "角", "黍", "D", "米", "黍", "正确答案", "C", "9", "、", "端午节", "是", "哪一", "天", "A", "农历", "六月", "初五", "B", "阳历", "六月", "初五", "C", "阳历", "五月", "初五", "D", "农历", "五月", "初五", "正确答案", "D", "10", "、", "端午节", "在", "我", "国", "有", "不同", "的", "称呼", ",", "以下", "哪个", "不是", "端午节", "的", "称呼", "?", "A", "五月", "节", "B", "菖蒲", "节", "C", "六月", "节", "D", "沐兰", "节", "正确答案", "C", "11", "、", "农历", "五月", "初五", "是", "端午节", ",", "请问", "这个", "“", "端", "”", "字", "在这里", "是什么", "意思", "?", "A", "端正", "B", "开端", "C", "末端", "D", "端", "着", "、", "托", "着", "正确答案", "B", "12", "、", "宋代", "描述", "端午节", "有", "“", "角黍", "包", "金", ",", "菖蒲", "泛", "玉", "”", "的", "诗句", ",", "请问", "“", "角黍", "”", "指", "的", "是", "什么", "?", "A", "玉米", "B", "豆角", "C", "粽子", "D", "树叶", "正确答案", "C", "13", "、", "端午节", "要", "防", "的", "五毒", "除", "蝎子", "、", "蛇", "、", "蜈蚣", "、", "壁虎", "以", "外", ",", "还有什么", "?", "A", "蜥蜴", "B", "青蛙", "C", "蟾蜍", "D", "毛毛虫", "正确答案", "C", "14", "、", "请问", "端午节", "系", "的", "五彩线", ",", "除了", "青", "、", "红", "、", "黑", "、", "白", "之外", ",", "还有", "哪个", "颜色", "?", "A", "紫色", "B", "蓝色", "C", "粉色", "D", "黄色", "正确答案", "D", "15", "传统", "的", "端午节", "五彩线", ",", "青", "、", "红", "、", "黑", "、", "黄", "、", "白", "五色", ",", "是", "依据", "历史", "上", "什么", "学", "说", "?", "A", "黄帝内经", "学", "B", "阴阳五行", "学", "C", "天地", "日月", "学", "D", "人体", "经络", "学", "正确答案", "B", "16", "、", "屈原", "投", "江", "是", "哪", "条", "江", "金沙江", "B", "、", "长江", "C", "、", "珠江", "D", "、", "汨罗江", "正确答案", "D", "17", "、", "在", "我", "国", "一些地区", ",", "端午节", "要", "在", "门上", "插", "什么", "东西", "来", "祛", "毒", "?", "A", "薰衣草", "B", "菖蒲", "C", "苇叶", "D", "荷叶", "正确答案", "B", "18", "、", "俗", "有", "“", "南", "龙舟", ",", "北", "踏青", "”", "之", "说", ",", "因为", "北方", "少", "江河", ",", "所以", "端午节", "人们", "大都", "选择", "踏青", "。", "踏青", "古时", "又", "叫", "什么", "?", "A", "、", "郊游", "B", "、", "遍", "游", "C", "、", "踏春", "正确答案", "C", "19", "、", "北方人", "一般", "用", "什么", "材料", "包粽子", "?", "A", "、", "新鲜", "竹叶", "B", "、", "苇叶", "C", "乾", "竹叶", "正确答案", "B", "20", "、", "踏青", "的", "习俗", "不仅", "是", "端午", "的", "习俗", ",", "也是", "什么", "节日", "的", "习俗", ".", "A", "、", "中秋", "B", "、", "清明", "C", "、", "春节", "D", "、", "重阳", "正确答案", "B", "21", "、", "粽子", "多", "是", "做成", "角", "形", "的", ",", "这是为什么", "?", "A", "、", "象征", "牛", "祭祖", "B", "、", "象征", "剑", "勇猛", "C", "象征", "果实", "丰收", "D", "、", "象征", "塔", "健康", "正确答案", "A", "22", "、", "端午节", "是", "为了", "纪念", "屈原", "这一说法", "影响", "甚", "广", ",", "屈原", "于", "五月", "初五", "写", "了", "绝笔", "作", ",", "投入", "汨罗江", "。"]], "paragraphs": ["端午节知识问答_法律资料_人文社科_专业资料。1、屈原是我国春秋时期哪国人? A 秦国 B 魏国 C 楚国 D 赵国 正确答案 C 2、 端午节有为小孩佩香囊的习惯,大人在香囊内放朱砂、雄黄、香药等代表的意义是什么? A 吉祥 B、一种装饰 C", "A 吉祥 B、一种装饰 C1、屈原是我国春秋时期哪国人? A 秦国 B 魏国 C 楚国 D 赵国 正确答案 C 2、 端午节有为小孩佩香囊的习惯,大人在香囊内放朱砂、雄黄、香药等代表的意义是什么? A 吉祥 B、一种装饰 C 治病防身 D 驱邪避瘟 正确答案 D 3、 南方的粽子一般是什么口味? A 甜味 B 咸味 C 都不是 正确答案 B 4、 古人端午节涂饮雄黄酒的意义是? A 解毒 B 纪念白蛇 C 驱邪避瘟 D 吉祥幸福 正确答案 C 5、 最早的粽子并不是端午节的特产,那粽子是什么时期被正式定为端午节食品的? A 南北朝时期 B 春秋时期 C 晋代 D 周商时期 正确答案 A 6、赛龙舟是端午节的主要习俗之一,相传起源于古代楚国人因舍不得贤臣屈原投江死去,许多人划船追赶 拯救。其实,“龙舟竞渡”早在()时期就有了 A 南北朝时期 B、商周时期 C、战国时期 D、春秋时期 正确答案 D 7、下列哪项不是端午节的习俗? A 吃粽子 B 赛龙舟 C 登高采菊 D 饮雄黄酒 正确答案 C 8、粽子最早叫什么 A 米角 B 米包 C 角黍 D 米黍 正确答案 C 9、端午节是哪一天 A 农历六月初五 B 阳历六月初五 C 阳历五月初五 D 农历五月初五 正确答案 D 10、端午节在我国有不同的称呼,以下哪个不是端午节的称呼? A 五月节 B 菖蒲节 C 六月节 D 沐兰节 正确答案 C 11、农历五月初五是端午节,请问这个“端”字在这里是什么意思? A 端正 B 开端 C 末端 D 端着、托着 正确答案 B 12、宋代描述端午节有“角黍包金,菖蒲泛玉”的诗句,请问“角黍”指的是什么? A 玉米 B 豆角 C 粽子 D 树叶 正确答案 C 13、端午节要防的五毒除蝎子、蛇、蜈蚣、壁虎以外,还有什么? A 蜥蜴 B 青蛙 C 蟾蜍 D 毛毛虫 正确答案 C 14、请问端午节系的五彩线,除了青、红、黑、白之外,还有哪个颜色? A 紫色 B 蓝色 C 粉色 D 黄色 正确答案 D 15 传统的端午节五彩线,青、红、黑、黄、白五色,是依据历史上什么学说? A 黄帝内经学 B 阴阳五行学 C 天地日月学 D 人体经络学 正确答案 B 16、屈原投江是哪条江 金沙江 B、长江 C、珠江 D、汨罗江 正确答案 D 17、在我国一些地区,端午节要在门上插什么东西来祛毒? A 薰衣草 B 菖蒲 C 苇叶 D 荷叶 正确答案 B 18、俗有“南龙舟,北踏青”之说,因为北方少江河,所以端午节人们大都选择踏青。踏青古时又叫什么? A、郊游 B、遍游 C、踏春 正确答案 C 19、北方人一般用什么材料包粽子? A、新鲜竹叶 B、苇叶 C 乾竹叶 正确答案 B 20、踏青的习俗不仅是端午的习俗,也是什么节日的习俗. A、中秋 B、清明 C、春节 D、重阳 正确答案 B 21、粽子多是做成角形的,这是为什么? A、象征牛 祭祖 B、象征剑 勇猛 C 象征果实 丰收 D、象征塔 健康 正确答案 A 22、端午节是为了纪念屈原这一说法影响甚广,屈原于五月初五写了绝笔作,投入汨罗江。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "关于端午节的知识_百度知道", "most_related_para": 1, "segmented_title": ["关于", "端午节", "的", "知识", "_", "百度", "知道"], "segmented_paragraphs": [["放假"], ["端午节", ",", "为", "每年", "农历", "五月", "初五", "。", "据", "《", "荆楚岁时记", "》", "记载", ",", "因", "仲夏", "登高", ",", "顺", "阳", "在", "上", ",", "五月", "是", "仲夏", ",", "它", "的", "第一个", "午", "日", "正是", "登高", "顺", "阳", "好", "天气", "之", "日", ",", "故", "五月", "初五", "亦", "称为", "“", "端阳节", "”", "。", "此外", "端午节", "还", "称", "“", "午", "日", "节", "、", "五月节", "、", "龙舟节", "、", "浴", "兰", "节", "”", "等", "。", "端午节", "是", "流行", "于", "中国", "以及", "汉字", "文化", "圈", "诸", "国", "的", "传统文化", "节日", "。", "端午节", "起源于", "中国", ",", "最初", "为", "古代", "百越", "地区", "(", "长江中下游", "及", "以", "南", "一", "带", ")", "崇拜", "龙图腾", "的", "部族", "举行", "图腾", "祭祀", "的", "节日", ",", "百越", "之", "地", "春秋", "之前", "有", "在", "农历", "五月", "初五", "以", "龙舟竞渡", "形式", "举行", "部落", "图腾", "祭祀", "的", "习俗", "。", "后", "因", "战国时期", "的", "楚国", "(", "今", "湖北", ")", "诗人", "屈原", "在", "该", "日", "抱", "石", "跳", "汨罗江", "自尽", ",", "统治者", "为", "树立", "忠君爱国", "标签", "将", "端午", "作为", "纪念", "屈原", "的", "节日", ";", "部分", "地区", "也有", "纪念", "伍子胥", "、", "曹娥", "等", "说法", "。", "自古以来", "端午节", "便", "有", "划龙舟", "及", "食", "粽", "等", "节日", "活动", "。", "端午节", "与", "春节", "、", "清明节", "、", "中秋节", "并", "称", "为", "中国", "汉族", "的", "四大", "传统", "节日", "。", "自", "2008", "年", "起", ",", "端"]], "paragraphs": ["放假", "端午节,为每年农历五月初五。据《荆楚岁时记》记载,因仲夏登高,顺阳在上,五月是仲夏,它的第一个午日正是登高顺阳好天气之日,故五月初五亦称为“端阳节”。此外端午节还称“午日节、五月节、龙舟节、浴兰节”等。端午节是流行于中国以及汉字文化圈诸国的传统文化节日。 端午节起源于中国,最初为古代百越地区(长江中下游及以南一带)崇拜龙图腾的部族举行图腾祭祀的节日,百越之地春秋之前有在农历五月初五以龙舟竞渡形式举行部落图腾祭祀的习俗。后因战国时期的楚国(今湖北)诗人屈原在该日抱石跳汨罗江自尽,统治者为树立忠君爱国标签将端午作为纪念屈原的节日;部分地区也有纪念伍子胥、曹娥等说法。 自古以来端午节便有划龙舟及食粽等节日活动。端午节与春节、清明节、中秋节并称为中国汉族的四大传统节日。自2008年起,端"], "bs_rank_pos": 4}], "answer_spans": [[92, 328]], "fake_answers": ["。屈原据《史记》“屈原贾生列传”记载,屈原,是春秋时期楚怀王的大臣。屈原眼看自己的祖国被侵略,心如刀割,但是始终不忍舍弃自己的祖国,于五月五日,在写下了绝笔作《怀沙》之后,抱石投汨罗江身死,以自己的生命谱写了一曲壮丽的爱国主义乐章。传说屈原死后,楚国百姓哀痛异常,纷纷涌到汨罗江边去凭吊屈原。渔夫们划起船只,在江上来回打捞他的真身。有位渔夫拿出为屈原准备的饭团、鸡蛋等食物,“扑通、扑通”地丢进江里,说是让鱼龙虾蟹吃饱了,就不会去咬屈大夫的身体了。人们见后纷纷仿效。一位老医师则拿来一坛雄黄酒倒进江里,说是要药晕蛟龙水兽,以免伤害屈大夫。后来为怕饭团为蛟龙所食,人们想出用楝树叶包饭,外缠彩丝,发展成棕子。以后,在每年的五月初五,就有了龙舟竞渡、吃粽子、喝雄黄酒的风俗;以此来纪念爱国诗人"], "question": "端午节的相关知识", "segmented_answers": [["1", "、", "农历", "五月", "初五", "为", "端午节", ",", "又", "称", "端阳节", "、", "午", "日", "节", "、", "五月节", "、", "艾节", "、", "端", "节", "、", "重", "五", "、", "日", "五", "、", "夏", "节", "、", "女儿节", "、", "诗", "节", "、", "龙", "日", ";", "2", "、", "粽子", "又", "叫", "\"", "角黍", "\"", "、", "\"", "筒", "粽", "\"", ";", "3", "、", "端午节", "有", "两千", "多", "年", "的", "旧习俗", ",", "家家户户", "都", "悬", "钟馗", "像", ",", "挂", "艾叶", "菖蒲", ",", "赛龙舟", ",", "吃粽子", ",", "饮", "雄黄酒", ",", "游百病", ",", "佩", "香囊", ",", "备", "牲", "醴", ",", "比武", ",", "击球", ",", "荡秋千", ",", "给", "小孩", "涂", "雄黄", ",", "吃", "五毒饼", "、", "咸蛋", "等", ",", "女儿", "回娘家", ",", "挂", "钟馗", "像", ",", "迎", "鬼船", "、", "躲", "午", ",", "帖", "午", "叶", "符", "。"], ["据", "《", "史记", "》", "“", "屈原贾生列传", "”", "记载", ",", "屈原", ",", "是", "春秋时期", "楚怀王", "的", "大臣", "。", "屈原", "眼", "看", "自己", "的", "祖国", "被", "侵略", ",", "心如刀割", ",", "但是", "始终", "不", "忍", "舍弃", "自己", "的", "祖国", ",", "于", "五月", "五", "日", ",", "在", "写下", "了", "绝笔", "作", "《", "怀沙", "》", "之后", ",", "抱", "石", "投", "汨罗江", "身", "死", ",", "以", "自己", "的", "生命", "谱写", "了", "一", "曲", "壮丽", "的", "爱国主义", "乐章", "。", "传说", "屈原", "死后", ",", "楚国", "百姓", "哀痛", "异常", ",", "纷纷", "涌", "到", "汨罗", "江边", "去", "凭吊", "屈原", "。", "渔夫", "们", "划", "起", "船只", ",", "在", "江", "上", "来", "回", "打捞", "他", "的", "真身", "。", "有", "位", "渔夫", "拿出", "为", "屈原", "准备", "的", "饭团", "、", "鸡蛋", "等", "食物", ",", "“", "扑通", "、", "扑通", "”", "地", "丢", "进", "江", "里", ",", "说", "是", "让", "鱼", "龙虾", "蟹", "吃饱了", ",", "就", "不会", "去", "咬", "屈", "大夫", "的", "身体", "了", "。", "人们", "见", "后", "纷纷", "仿效", "。", "一", "位", "老", "医师", "则", "拿来", "一坛雄", "黄酒", "倒", "进", "江", "里", ",", "说", "是", "要", "药", "晕", "蛟龙", "水", "兽", ",", "以", "免", "伤害", "屈", "大夫", "。", "后来", "为", "怕", "饭团", "为", "蛟龙", "所", "食", ",", "人们", "想", "出", "用", "楝", "树叶", "包饭", ",", "外", "缠", "彩", "丝", ",", "发展", "成", "棕", "子", "。", "以后", ",", "在", "每年", "的", "五月", "初五", ",", "就", "有", "了", "龙舟竞渡", "、", "吃粽子", "、", "喝", "雄黄酒", "的", "风俗", ";", "以此", "来", "纪念", "爱国", "诗人", "屈原", "。"]], "answers": ["1、农历五月初五为端午节,又称端阳节、午日节、五月节、艾节、端节、重五、日五、夏节、女儿节、诗节、龙日;2、粽子又叫\"角黍\"、\"筒粽\";3、端午节有两千多年的旧习俗,家家户户都悬钟馗像,挂艾叶菖蒲,赛龙舟,吃粽子,饮雄黄酒,游百病,佩香囊,备牲醴,比武,击球,荡秋千,给小孩涂雄黄,吃五毒饼、咸蛋等,女儿回娘家,挂钟馗像,迎鬼船、躲午,帖午叶符。", "据《史记》“屈原贾生列传”记载,屈原,是春秋时期楚怀王的大臣。屈原眼看自己的祖国被侵略,心如刀割,但是始终不忍舍弃自己的祖国,于五月五日,在写下了绝笔作《怀沙》之后,抱石投汨罗江身死,以自己的生命谱写了一曲壮丽的爱国主义乐章。传说屈原死后,楚国百姓哀痛异常,纷纷涌到汨罗江边去凭吊屈原。渔夫们划起船只,在江上来回打捞他的真身。有位渔夫拿出为屈原准备的饭团、鸡蛋等食物,“扑通、扑通”地丢进江里,说是让鱼龙虾蟹吃饱了,就不会去咬屈大夫的身体了。人们见后纷纷仿效。一位老医师则拿来一坛雄黄酒倒进江里,说是要药晕蛟龙水兽,以免伤害屈大夫。后来为怕饭团为蛟龙所食,人们想出用楝树叶包饭,外缠彩丝,发展成棕子。 以后,在每年的五月初五,就有了龙舟竞渡、吃粽子、喝雄黄酒的风俗;以此来纪念爱国诗人屈原。"], "answer_docs": [2], "segmented_question": ["端午节", "的", "相关", "知识"], "question_type": "DESCRIPTION", "question_id": 5, "fact_or_opinion": "OPINION", "match_scores": [0.890295358649789]}
-{"documents": [{"is_selected": false, "title": "郑州人流医院_郑州无痛人流医院_郑州人流较好的医院_郑州哪家医院做", "most_related_para": -1, "segmented_title": ["郑州", "人流", "医院", "_", "郑州", "无痛人流", "医院", "_", "郑州", "人流", "较好", "的", "医院", "_", "郑州", "哪家", "医院", "做"], "segmented_paragraphs": [["郑州", "妇科", "医院", "专家", "介绍", ",", "每位", "意外", "怀孕", "的", "女性", "都", "希望", "选择", "较好", "的", "医院", "做人流", ",", "因为", ".", ".", ".", "[", "详细", "]"], ["无痛人流", "费用", "大概", "是", "多少", "?", "知名", "妇科专家", "表示", ",", "无痛人流", "手术", "费用", "不能", "一概而论", ".", ".", ".", "[", "详细", "]"], ["郑州", "人流", "费用", "是", "多少", "呢", "郑州", "无痛人流", "多少", "钱", "郑州", "人流", "手术", "多少", "钱"], ["在", "人们", "决定", "做人流", "的", "时候", ",", "就", "很想知道", "做", "人流", "需要", "注意", "哪些", "事项", ",", "以", "免", "出现", "对", "身", ".", ".", ".", "[", "详细", "]"], ["人流", "后", "多久", "可以", "洗头", "?", "河南省", "医药", "附属医院", "妇科专家", "表示", ":", "一般", "两", "周", "可以", "洗头", "的", ",", ".", ".", ".", "[", "详细", "]"], ["怀孕", "初期", "有", "哪些", "症状", "?", "如何", "才能", "确诊", "怀孕", "?", "怀孕", "112", "周", "之间", "称为", "早期", "怀孕", "。", "每个", ".", ".", ".", "[", "详细", "]"]], "paragraphs": ["郑州妇科医院专家介绍,每位意外怀孕的女性都希望选择较好的医院做人流,因为...[详细]", "无痛人流费用大概是多少?知名妇科专家表示,无痛人流 手术费用不能一概而论...[详细]", "郑州人流费用是多少呢 郑州无痛人流多少钱 郑州人流手术多少钱", "在人们决定做人流的时候,就很想知道做 人流需要注意哪些事项,以免出现对身...[详细]", "人流后多久可以洗头?河南省医药附属医院妇科专家表示:一般两周可以洗头的,...[详细]", "怀孕初期有哪些症状?如何才能确诊怀孕?怀孕112周之间称为早期怀孕。每个...[详细]"], "bs_rank_pos": 2}, {"is_selected": false, "title": "郑州做人流哪里好_郑州人流医院_郑州无痛人流医院-河南省医药院附属", "most_related_para": -1, "segmented_title": ["郑州", "做人流", "哪里", "好", "_", "郑州", "人流", "医院", "_", "郑州", "无痛人流", "医院", "-", "河南省", "医药", "院", "附属"], "segmented_paragraphs": [["计划生育", "无痛人流", "|", "人流", "技术", "早孕", "检查", "|", "人流", "费用"], ["宫颈", "疾病", "宫颈糜烂", "|", "宫颈炎", "宫颈糜烂", "症状"], ["妇科", "中心", "阴道炎", "|", "白带", "异常", "|", "外阴炎", "附件炎", "|", "妇科检查", "|", "尿道炎"], ["妇科", "整形", "处女膜修补", "术", "阴道紧缩术"], ["不孕不育", "女性不孕", "不孕", "检查"], ["郑州", "人流", "医院", ",", "郑州", "无痛人流", ",", "郑州", "无痛人流", "医院", ",", "郑州", "做人流", "哪里", "好", ",", "郑州", "妇科", "医院", ",", "★", "河南省", "医药", "院", "附属医院", "★", "人流", "专家", "专业", "实施", "各项", "计划生育", "手术", ",", "开展", "无痛人流", "解决", "女性", "意外", "怀孕", ",", "同时", "提供", "避孕", "咨询", ",", "早孕", "测试", ",", "人流", "前", "检查", "等", "各项", "计划生育", "服务", "."], ["计划生育", "咨询", "妇科炎症", "咨询", "宫颈", "疾病", "咨询", "生殖", "整形", "咨询", "妇科", "体检", "咨询", "其他", "疾病", "咨询"], ["少女", "的", "无痛人流", "日记", "很", "不愿意", "回", "想起", "这些", ",", "但是", "在", "心底", ".", ".", ".", ".", "[", "详情", "]"], ["不孕症", "病", "出", "有", "因", "未", "除", "“", "因", "”", "难", "见", "其", "“", "果", "”", "患者", "问", ":", "对于", ".", ".", ".", ".", "[", "详情", "]"]], "paragraphs": ["计划生育 无痛人流 | 人流技术 早孕检查 | 人流费用", "宫颈疾病 宫颈糜烂 | 宫颈炎 宫颈糜烂症状", "妇科中心 阴道炎 | 白带异常 | 外阴炎 附件炎 | 妇科检查 | 尿道炎", "妇科整形 处女膜修补术 阴道紧缩术", "不孕不育 女性不孕 不孕检查", "郑州人流医院,郑州无痛人流,郑州无痛人流医院,郑州做人流哪里好,郑州妇科医院,★河南省医药院附属医院★人流专家专业实施各项计划生育手术,开展无痛人流解决女性意外怀孕,同时提供避孕咨询,早孕测试,人流前检查等各项计划生育服务.", "计划生育咨询 妇科炎症咨询 宫颈疾病咨询 生殖整形咨询 妇科体检咨询 其他疾病咨询", "少女的无痛人流日记 很不愿意回想起这些,但是在心底....[详情]", "不孕症病出有因 未除“因”难见其“果” 患者问:对于....[详情]"], "bs_rank_pos": 3}, {"is_selected": false, "title": "郑州人流医院哪家好【挂号】无痛人流多少钱_河南省做人流医院排行榜", "most_related_para": -1, "segmented_title": ["郑州", "人流", "医院", "哪家", "好", "【", "挂号", "】", "无痛人流", "多少", "钱", "_", "河南省", "做人流", "医院", "排行榜"], "segmented_paragraphs": [["河南省", "医药", "科学", "研究院", "附属医院"], ["河南省", "医药", "科学", "研究院", "直属", "的", "集", "医疗", "、", "预防", "、", "康复", "、", "保健", "为", "一体", "的", "新型", "现代化", "、", "级", ".", ".", ".", "[", "详细", "]"], ["无痛人流", "什么时候", "做", "把握", "人流", "时间", "是", "对", "孕妇", "健康", "的", "负责", "贫血", "女性", "可以", "做人流", "吗", "第二次", "堕胎", "哪", "种", "方法", "好", "解读", "人流", "与", "无痛人流", "的", "区别", "有", "哪"], ["爱情", "路上", "遇到", "“", "意外事故", "”", "怎么办", "无痛", "人流", "后", "你", "必知", "五", "件", "事", "一定要", "了", "女性", "人", "流产", "后", "吃什么", "调节", "身体", "无痛人流", "我们", "应该", "了解", "他", "有", "哪些", "优", "人流", "术", "后", "腰酸", "怎么办", "?"]], "paragraphs": ["河南省医药科学研究院附属医院", "河南省医药科学研究院直属的集医疗、预防、康复、保健为一体的新型现代化、级...[详细]", "无痛人流什么时候做 把握人流时间是对孕妇健康的负责 贫血女性可以做人流吗 第二次堕胎哪种方法好 解读人流与无痛人流的区别有哪", "爱情路上遇到“意外事故”怎么办 无痛人流后你必知五件事一定要了 女性人流产后吃什么调节身体 无痛人流我们应该了解他有哪些优 人流术后腰酸怎么办?"], "bs_rank_pos": 5}, {"is_selected": false, "title": "郑州人流医院_郑州无痛人流医院_郑州做人流哪里好_河南省医药院附属", "most_related_para": -1, "segmented_title": ["郑州", "人流", "医院", "_", "郑州", "无痛人流", "医院", "_", "郑州", "做人流", "哪里", "好", "_", "河南省", "医药", "院", "附属"], "segmented_paragraphs": [["郑州", "做", "处女膜", "修复", "术", "要", "花", "多少", "钱", "?", "处女膜", "完整", "与否", ",", "初夜有没有", "见红", "就是", "男性", "判断", "女性", "贞节", "与否", "的", "标准", "。", "那么", "做", "个", "处女膜", "修复", "多少", "钱", "呢", "?", "相信", "很多", "女性", "朋友们", "对此", "是", "比较", "疑惑", "的", "同时", "也是", "迫切", "想要", "知道", "的", ",", "下面", "就", "此事", ".", ".", "[", "详细", "]"], ["·", "郑州", "做", "处女膜", "修复", "术", "要", "花", "多少", "钱", "·", "郑州", "做", "的", "人流", "费用", "是", "多少", "·", "人流", "术", "前", "的", "检查", "的", "项目", "有", "哪些", "·", "郑州", "人流", "多少", "钱", "啊", "·", "郑州", "人流", "要", "多少", "钱", "·", "郑州", "做", "无痛人流", "多少", "钱", "·", "做人流", "要", "做", "哪些", "准备", "·", "郑州", "女性", "早孕", "检查", "的", "项目", "有", "哪些"], ["郑州", "人流", "医院", "-", "★", "河南省", "医药", "院", "附属医院", "★", "计划生育", "科", "专家", "专业", "实施", "各项", "计划生育", "手术", ",", "开展", "无痛人流", "解决", "女性", "意外", "怀孕", ",", "同时", "提供", "避孕", "咨询", ",", "早孕", "测试", ",", "人流", "前", "检查", "等", "各项", "计划生育", "服务", ".", ".", ".", "."], ["李泳", "主治医师", "简介", ":", "医生", "坐诊", "时间", ":", "早", "8", ":", "00", "-", "-", "晚", "19", ":", "00", "点击", "预约", "李泳", "主任", "执业", "经历", ":", "李泳", ",", "河南省", ".", ".", "[", "详细", "]"], ["董长江", "教授", "简介", ":", "董长江", "教授", "坐诊", "时间", ":", "每", "周一", "至", "周五", "点击", "预约", "董长江", "教授", "简介", ":", "河南省", "医药", ".", ".", "[", "详细", "]"], ["马", "迎春", "副主任医师", "简介", ":", "马", "迎春", "副主任医师", "医生", "坐诊", "时间", ":", "早", "8", ":", "00", "-", "-", "晚", "19", ":", "00", "医生", "简介", ":", "马", "迎春", "毕业", ".", ".", "[", "详细", "]"]], "paragraphs": ["郑州做处女膜修复术要花多少钱 ?处女膜完整与否,初夜有没有见红就是男性判断女性贞节与否的标准。那么做个处女膜修复多少钱呢?相信很多女性朋友们对此是比较疑惑的同时也是迫切想要知道的,下面就此事.. [详细]", "·郑州做处女膜修复术要花多少钱 ·郑州做的人流费用是多少 ·人流术前的检查的项目有哪些 ·郑州人流多少钱啊 ·郑州人流要多少钱 ·郑州做无痛人流多少钱 ·做人流要做哪些准备 ·郑州女性早孕检查的项目有哪些", "郑州人流医院-★河南省医药院附属医院★计划生育科专家专业实施各项计划生育手术,开展无痛人流解决女性意外怀孕,同时提供避孕咨询,早孕测试,人流前检查等各项计划生育服务....", "李泳主治医师  简介:医生坐诊时间:早8:00--晚19:00 点击预约李泳主任 执业经历: 李泳,河南省..[详细]", "董长江教授  简介:董长江教授坐诊时间:每周一至周五 点击预约董长江教授 简介: 河南省医药..[详细]", "马迎春副主任医师  简介:马迎春副主任医师 医生坐诊时间:早8:00--晚19:00 医生简介: 马迎春毕业..[详细]"], "bs_rank_pos": 8}], "answer_spans": [], "answer_docs": [], "fake_answers": [], "question": "郑州最好的人流医院", "segmented_answers": [], "answers": [], "entity_answers": [], "segmented_question": ["郑州", "最好", "的", "人流", "医院"], "question_type": "ENTITY", "question_id": 6, "fact_or_opinion": "OPINION", "match_scores": []}
-{"documents": [{"is_selected": true, "title": "北京英语培训机构,最好的英语培训机构排名", "most_related_para": 1, "segmented_title": ["北京", "英语", "培训机构", ",", "最好", "的", "英语", "培训机构", "排名"], "segmented_paragraphs": [["英语培训", ">", "热门推荐", ">", "北京", "英语", "培训机构"], ["EF", "英孚", "成人教育", "成立", "于", "1965", "年", ",", "总部", "位于", "瑞士", "Lucerne", ",", "拥有", "创新", "的", "英语", "学习", "系统", "、", "定制", "的", "英语", "教学", "材料", "、", "优秀", "的", "外籍", "培训师", "、", "交通便利", "的", "现代化", "英语", "学习", "环境", "以及", "出游", "国外", "学习", "英语", "的", "机会", "。"], ["美联", "英语", ",", "创立", "于", "2006", "年", ",", "目前", "已", "在", "全国", "开设", "直营", "培训中心", "90", "多", "家", ",", "覆盖", "14", "个", "省份", "、", "25", "个", "城市", "。", "注重培养", "学员", "的", "语言", "实际", "应用", "能力", ",", "从", "课程", "开发", "、", "教学", "服务", "、", "环境", "优化", "、", "互动", "学习", "等", "方面", "为", "学员", "打造", "全方位", "英语", "学习", "环境", "。"], ["华尔街英语", "专注", "于", "英语教学", "领域", ",", "提供", "卓有成效", "、", "富于", "竞争力", "的", "解决方案", ",", "帮助", "非", "英语", "母语", "国家", "的", "人们", "打破", "语言", "沟通", "障碍", ",", "实现", "最", "美好", "的", "职业生涯", "和", "最", "绚丽", "的", "人生", "体验", "。"], ["北京", "英语", "培训机构", "概述", ":", "北京", "英语", "培训机构", "之", "多", ",", "哪家", "英语培训", "机构", "好", "?", "没有", "最好", "的", "英语", "培训机构", ",", "只有", "最", "适合", "自己", "的", ",", "我们", "所", "提供", "的", "英语", "培训机构", "全部", "是", "最", "专业", "、", "最", "正规", "的", "英语", "培训机构", "排名", ",", "在", "此", "定", "能找到", "最", "适合", "自己", "的", "英语培训机构", "."], ["24", "小时", "服务", "热线", "400", "688", "6148", "邮箱", ":", "services", "@", "shengyi", "di", ".", "com"], ["经营许可证号", ":", "京", "ICP", "备", "11027307", "号", "-", "10", "Copyright", "2014", "-", "2015", "shengyi", "di", ".", "com", "北京", "世纪", "融", "商", "信息技术", "有限公司", "All", "Rights", "Reserved"], ["24", "小时", "咨询电话", ":", "400", "-", "688", "-", "6148"], ["环球雅思", "核心课程"], ["环球雅思", "校区", "分布"], ["五道口", "校区", ":", "海淀区", "成府路", "新中关", "VIP", "学习", "中心", ":", "海淀区", "中关村", "大街", "崇文门", "VIP", "学习", "中心", ":", "崇文门", "新世界", "朝阳", "VIP", "校区", ":", "朝阳区", "国贸", "海淀", "VIP", "校区", ":", "海淀区", "魏", "公", "街", "回龙观", "校区", ":", "昌平区", "回龙观"], ["24", "小时", "咨询电话", ":", "400", "-", "688", "-", "6148"], ["朗阁", "培训", "核心课程"], ["自由", "安排", "、", "周末", "、", "晚班", "、", "全日制"], ["自由", "安排", "、", "周末", "、", "晚班", "、", "全日制"], ["自由", "安排", "、", "周末", "、", "晚班", "、", "全日制"], ["自由", "安排", "、", "周末", "、", "晚班", "、", "全日制"], ["自由", "安排", "、", "周末", "、", "晚班", "、", "全日制"], ["自由", "安排", "、", "周末", "、", "晚班", "、", "全日制"], ["24", "小时", "咨询电话", ":", "400", "-", "688", "-", "6148"], ["自由", "安排", "、", "周末", "、", "晚班", "、", "全日制"], ["24", "小时", "咨询电话", ":", "400", "-", "688", "-", "6148"]], "paragraphs": ["英语培训 > 热门推荐 > 北京英语培训机构", "EF英孚成人教育成立于1965年,总部位于瑞士Lucerne,拥有创新的英语学习系统、定制的英语教学材料、优秀的外籍培训师、交通便利的现代化英语学习环境以及出游国外学习英语的机会。", "美联英语,创立于2006年,目前已在全国开设直营培训中心90多家,覆盖14个省份、25个城市。注重培养学员的语言实际应用能力,从课程开发、教学服务、环境优化、互动学习等方面为学员打造全方位英语学习环境。", "华尔街英语专注于英语教学领域,提供卓有成效、富于竞争力的解决方案,帮助非英语母语国家的人们打破语言沟通障碍,实现最美好的职业生涯和最绚丽的人生体验。", "北京英语培训机构  概述: 北京英语培训机构之多,哪家英语培训机构好?没有最好的英语培训机构,只有最适合自己的,我们所提供的英语培训机构全部是最专业、最正规的英语培训机构排名,在此定能找到最适合自己的英语培训机构.", "24小时服务热线 400 688 6148 邮箱:services@shengyidi.com", "经营许可证号:京ICP备11027307号-10 Copyright©2014-2015 shengyidi.com 北京世纪融商信息技术有限公司 All Rights Reserved", "24小时咨询电话:400-688-6148", "环球雅思核心课程", "环球雅思校区分布", "五道口校区: 海淀区成府路 新中关VIP学习中心: 海淀区中关村大街 崇文门VIP学习中心: 崇文门新世界 朝阳VIP校区: 朝阳区国贸 海淀VIP校区: 海淀区魏公街 回龙观校区: 昌平区回龙观", "24小时咨询电话:400-688-6148", "朗阁培训核心课程", "自由安排、周末、晚班、全日制", "自由安排、周末、晚班、全日制", "自由安排、周末、晚班、全日制", "自由安排、周末、晚班、全日制", "自由安排、周末、晚班、全日制", "自由安排、周末、晚班、全日制", "24小时咨询电话:400-688-6148", "自由安排、周末、晚班、全日制", "24小时咨询电话:400-688-6148"], "bs_rank_pos": 0}, {"is_selected": false, "title": "【北京英语培训机构排行榜,北京英语培训机构排名】", "most_related_para": 0, "segmented_title": ["【", "北京", "英语", "培训机构", "排行榜", ",", "北京", "英语", "培训机构", "排名", "】"], "segmented_paragraphs": [["英语培训", ">", "成人", ">", "热门", "机构", ">", "北京", "英语", "培训机构", "排行榜", ",", "北京", "英语", "培训机构", "排名"], ["咨询电话", ":", "400", "-", "688", "-", "6148", "热门", "课程", "推荐"], ["咨询电话", ":", "400", "-", "688", "-", "6148", "热门", "机构", "推荐"]], "paragraphs": ["英语培训 > 成人> 热门机构 >  北京英语培训机构排行榜,北京英语培训机构排名", "咨询电话:400-688-6148热门课程推荐", "咨询电话:400-688-6148热门机构推荐"], "bs_rank_pos": 1}, {"is_selected": false, "title": "北京英语培训机构排行榜,北京英语培训机构排名 - 精英家教网", "most_related_para": 3, "segmented_title": ["北京", "英语", "培训机构", "排行榜", ",", "北京", "英语", "培训机构", "排名", "-", "精英", "家教", "网"], "segmented_paragraphs": [["北京", "英语", "培训机构", "排行榜"], ["成人", "英语", "职场", "商务", "托福", "&", "雅思", "少儿", "英语"], ["成人", "英语", "机构", "推荐"], ["EF", "英孚", "成人教育", "是", "全球", "知名", "私人", "英语", "教育", "机构", "。"], ["美联", "英语", "(", "Meten", ")", "是", "一", "家", "体验", "式", "英语", "教学", "培训机构", "。"], ["华尔街英语", "(", "中国", ")", "是", "培", "生", "教育", "集团", "旗下", "的", "分支机构", "。"], ["国际性", "高端", "教育", "品牌", ",", "提供", "国际", "水准", "的", "高端", "英语培训", "。"]], "paragraphs": ["北京英语培训机构排行榜", "成人英语 职场商务 托福&雅思 少儿英语", "成人英语机构推荐", "EF英孚成人教育是全球知名私人英语教育机构。", "美联英语(Meten)是一家体验式英语教学培训机构。", "华尔街英语(中国)是培生教育集团旗下的分支机构。", "国际性高端教育品牌,提供国际水准的高端英语培训。"], "bs_rank_pos": 2}, {"is_selected": true, "title": "最新英语培训机构排名,2015英语培训机构排名-听力课堂", "most_related_para": 7, "segmented_title": ["最新", "英语", "培训机构", "排名", ",", "2015", "英语", "培训机构", "排名", "-", "听力", "课堂"], "segmented_paragraphs": [["英语培训", ">", "热门推荐", ">", "北京", "英语", "培训机构", "排名"], ["适合", "专", "为零", "起点", "的", "初学者", "或", "几乎没有", "口语", "能力", "的", "学员", "。", "了解详情"], ["适合", "想", "提升", "职场", "中", "英语", "实际", "应用", "能", "力", "的", "学员", "。", "了解详情"], ["适合", "3", "-", "16", "岁", "年龄", "段", "想", "提升", "英语", "能力", "的", "少儿", "学员", "。", "了解详情"], ["适合", "想", "全面提升", "听", ",", "说", ",", "读", ",", "写", ",", "综合能力", "以及", "想要", "留学", "的", "学员", "。", "了解详情"], ["适合", "想", "提升", "口语", "能力", "的", "学员", ",", "告别", "哑巴", "英语", "。", "了解详情"], ["适合", "学习", "时间", "不", "固", "定", ",", "想", "和", "外教", "1", "对", "1", "交流", "的", "学员", "。", "了解详情"], ["EF", "英孚", "成人教育", "成立", "于", "1965", "年", ",", "总部", "位于", "瑞士", "Lucerne", ",", "拥有", "创新", "的", "英语", "学习", "系统", "、", "定制", "的", "英语", "教学", "材料", "、", "优秀", "的", "外籍", "培训师", "、", "交通便利", "的", "现代化", "英语", "学习", "环境", "以及", "出游", "国外", "学习", "英语", "的", "机会", "。"], ["美联", "英语", ",", "创立", "于", "2006", "年", ",", "目前", "已", "在", "全国", "开设", "直营", "培训中心", "90", "多", "家", ",", "覆盖", "14", "个", "省份", "、", "25", "个", "城市", "。", "注重培养", "学员", "的", "语言", "实际", "应用", "能力", ",", "从", "课程", "开发", "、", "教学", "服务", "、", "环境", "优化", "、", "互动", "学习", "等", "方面", "为", "学员", "打造", "全方位", "英语", "学习", "环境", "。"], ["华尔街英语", "专注", "于", "英语教学", "领域", ",", "提供", "卓有成效", "、", "富于", "竞争力", "的", "解决方案", ",", "帮助", "非", "英语", "母语", "国家", "的", "人们", "打破", "语言", "沟通", "障碍", ",", "实现", "最", "美好", "的", "职业生涯", "和", "最", "绚丽", "的", "人生", "体验", "。"], ["最新", "英语", "培训机构", "排名", ",", "2015", "英语", "培训机构", "排名", "-", "听力", "课堂", "摘要", ":", "英语", "网", "最新", "推出", "培训", "频道", ",", "汇总", "北京", "英语", "培训机构", "排名", ",", "提供", "知名", "的", "北京", "英语", "培训机构", "排名", "查询", ",", "提供", "北京", "最", "优秀", "的", "英语", "培训学校", ",", "帮助", "大家", "能够", "准确", ",", "快速", "的", "找到", "最", "适合", "自己", "的", "培训机构", "。"], ["外教", "一对一", "电话", "英语", "、", "行业", "专业", "老师", "作业", "一", "对", "一批", "改", "、", "资深", "专业", "中", "教", "一对一", "助教", "、", "行业", "精英", "一对一", "专业", "英语", "等", "多", "项", "增值服务", "乘着", "暑期", "的", "热浪", "全新上市", "。", "此次", "服务", "的", "全面升级", ",", "也", "标志", "着", "培训", "频道", "英语", "的", "教学", "体系", "更加完善", ",", "学员", "将", "享受", "更多", "优质服务", "。", "“", "为", "答谢", "广", "大学员", "对", "培训", "频道", "英语", "的", "厚爱", ",", "凡是", "报名", "一定", "级别", "的", "学员", "均", "可", "根据", "自身", "需求", ",", "提前", "免费", "享受", "一项", "乃至", "多", "项", "新", "的", "服务", ",", "包括", "5", "个", "月", "外教", "一对一", "电话", "英语", ",", "专业", "老师", "30", "次", "写作", "批改", ",", "5", "个", "月", "一", "对", "一中", "教", "老师", "助教", "服务", "。", "”", "6", "月", "20", "日", ",", "培训", "频道", "英语", "教学", "负责人", "Jason", "在", "教学", "服务体系", "升级", "大会", "上", "明确表示", "。", "更多", "详情", "请", "登录", "培训", "频道", "英语", "官网", ":", "坚持", "1", "小时", "课时", "为", "基准", "辅以", "多", "项", "服务", "保", "教学质量", "培训", "频道", "英语", "全新", "教学", "服务体系", "升级", "之后", ",", "包括", "4", "人", "班", "、", "8", "人", "班", "在", "内", "的", "小班", "课程", "以及", "精英", "行业", "欧美", "外教", "一对一", "VIP", "课程", "依旧", "以", "一小时", "课时", "为主体", "课程", ",", "辅以", "新增", "的", "外教", "一对一", "电话", "英语", "课后", "复习", "巩固", "口语", "互动", ",", "专业", "老师", "一", "对", "一批改", "作业", "帮助", "学员", "精准", "写作", "表达", ",", "以及", "一对一", "专业", "助教", "全线跟踪", ",", "保证", "英语口语", "的", "学习", "更加", "高效", "、", "轻松", "。", "“", "在", "中国", ",", "从", "幼儿园", "开始", "到", "小学", "、", "中学", ",", "乃至", "大学", ",", "课堂", "均", "从", "45", "-", "60", "分钟", "课时", "为主体", "。", "这", "也", "造就", "了", "国", "人", "的", "学习", "新事物", "的", "习惯", "需要", "一定", "时间", "。", "而", "语言", "环境", "对", "语言学习", "的", "影响", "也", "颇", "为", "深远", ",", "要", "学员", "立马", "从", "汉语", "环境", "转入", "英语", "环境", "需要", "一定", "时间", "适应", ",", "因此", ",", "培训", "频道", "英语", "将", "坚持", "以", "60", "分钟", "的", "课堂", "为主体", ",", "而", "电话", "英语", "将", "为", "辅助", "为", "学员", "们", "提供", "课后", "口语", "互动", "平台", "。"], ["Copyright", "2015", "-", "2016", "听力", "课堂", "www", ".", "ting", "class", ".", "net", "网站", "备案", "号", ":", "冀", "ICP", "备", "09023732", "号", "-", "2"], ["24", "小时", "咨询电话", ":", "400", "-", "688", "-", "6148"], ["环球雅思", "核心课程"], ["环球雅思", "校区", "分布"], ["封闭", "学院", ":", "上海市青浦区", "高泾路", "588", "号", "(", "上海", "房地产", "学校", ")", "松江", "校区", ":", "上海市", "松江区", "文汇路", "928", "弄", "210", "室", "中山公园", "校区", ":", "长宁路", "1027", "号", "兆丰", "广场", "8", "层", "东昌路", "校区", ":", "上海市浦东新区", "浦东南路", "855", "号", "世界", "广场", "5", "M", "层", "五角场", "校区", ":", "上海市", "杨浦区", "国宾", "路", "18", "号", "万达广场", "A", "座", "20", "层", "徐家汇", "校区", ":", "上海", "是", "徐汇区", "漕溪北路", "375", "号", "中金", "国际", "广场", "C", "座", "9", "层", "/", "23", "层"], ["24", "小时", "咨询电话", ":", "400", "-", "688", "-", "6148"], ["朗阁", "教育", "核心课程"], ["朗阁", "教育", "校区", "分布"], ["徐汇", "中心", ":", "上海市", "华山路", "2018", "号", "汇", "银", "广场", "北", "楼", "16", "层", "(", "距", "港", "汇", "广场", "100", "米", ")", "中山公园", "中心", ":", "上海市", "长宁路", "1027", "号", "多媒体广场", "28", "楼", "淮海", "中心", ":", "上海市", "淮海中路", "755", "号", "新", "华联", "大厦", "新", "楼", "7", "楼", "浦东", "中心", ":", "上海", "市", "浦东区", "浦东南路", "855", "号", "世界", "广场", "5", "M", "(", "东昌路", "地铁站", "3", "号", "出口", ")", "人民广场", "中心", ":", "上海市", "六合路", "98", "号", "港陆", "黄浦", "中心", "10", "层", "(", "市百一店", "后", ")", "广州", "校区", ":", "广州市", "天河区", "天河路", "490", "号", "壬丰", "大厦", "西塔", "711", "(", "地铁", "3", "号线", "石牌", "桥", "站", "B", "出口", ",", "BRT", "岗顶", "站", ")"], ["24", "小时", "咨询电话", ":", "400", "-", "688", "-", "6148"], ["韦博", "国际", "英语", "核心课程"], ["韦博", "国际", "英语", "校区", "分布"], ["宜昌", "校区", ":", "宜昌市", "西陵区", "西陵二路", "51", "号", "金缔", "购物", "公园", "18", "号", "徐东", "校区", ":", "武汉市", "洪山区", "徐东", "大街", "18", "号", "销品茂", "5", "楼", "西", "厅", "(", "金逸", "影城", "对面", ")", "光谷", "校区", ":", "武汉市", "洪山区", "世界", "城", "光谷步行街", "5", "楼", "B1", "区", "汉口", "校区", ":", "武汉市", "江汉区", "解放大道", "万松园路", "特", "1", "号", "创世纪广场", "(", "工贸", "家电", ")", "四", "楼", "中南", "校区", ":", "武汉市", "武昌区", "中南", "1", "路", "3", "号", "天", "紫", "广场", "A", "座", "2", "楼", "思明", "校区", ":", "厦门", "市", "思明区", "思明南路", "香港时代广场", "(", "思明", "电影院", "对面", ")"], ["24", "小时", "咨询电话", ":", "400", "-", "688", "-", "6148"], ["流利", "英语", "核心课程"], ["流利英语", "校区", "分布"], ["世纪坛", "学习", "中心", ":", "北京市", "海淀区", "羊坊店", "路", "18", "号", "光耀", "东方", "广场", "N", "座", "701", "-", "703", "海淀区", "学习", "中心", ":", "北京市", "海淀区", "知春路", "盈都", "大厦", "A", "座", "3", "层", "(", "地铁", "十", "号线", "知春路", "站", "旁", ")", "朝阳区", "学习", "中心", ":", "北京市", "朝阳区", "CBD", "国贸", "建外", "SOHO", "B", "座", "1805"], ["24", "小时", "咨询电话", ":", "400", "-", "688", "-", "6148"], ["华尔街英语", "核心课程"], ["华尔街英语", "校区", "分布"], ["北京", "企业培训中心", ":", "北京市", "海淀区", "西北旺", "东路", "10", "号", "院", "东", "区", "1", "号", "楼", "(", "中关村", "软件园", "二期", ",", "中关村", "领", "创", "空间", ")", "104A", "金融街", "中心", ":", "北京市", "西城区", "金城", "坊", "街", "2", "号", "楼", "金融街", "购物中心", "B1", "层", "-", "102", "-", "B", "109", "-", "111", "号", "(", "地铁", "2", "号线", "复兴门", "站", "A", "出口", "、", "阜成门", "站", "C", "出口", ")", "凤凰", "汇", "中心", ":", "北京市", "朝阳区", "曙光", "西", "里", "甲", "5", "号", "院", "F101", "-", "201", "(", "地铁", "10", "号线", "三元桥", "站", "B", "出口", ")", "蓝色港湾", "中心", ":", "北京市", "朝阳区", "朝阳公园", "路", "6", "号", "蓝色港湾", "国际", "商", "区", "1", "号", "楼", "2", "层", "(", "地铁", "14", "号线", "枣", "营", "站", "A", "出口", ")", "欧美汇", "中心", ":", "北京市", "海淀区", "丹棱", "街", "甲", "1", "号", "欧美汇", "购物中心", "4", "层", "(", "地铁", "4", "号线", "、", "地铁", "10", "号线", "海淀", "黄庄", "站", "A2", "出口", ")", "太阳", "新天地", "中心", ":", "广州市", "天河区", "珠江新城", "马场路", "36", "号", "太阳", "新天地", "四", "层", "411", "号", "商铺"], ["24", "小时", "咨询电话", ":", "400", "-", "688", "-", "6148"], ["精英", "英语", "核心课程"], ["精英", "英语", "校区", "分布"], ["西直门", "中心", ":", "北京市", "西城区", "西", "外", "大街", "1", "号", "西环", "广场", "T1", "座", "19", "层", "望京", "中心", ":", "北京市", "朝阳区", "望京", "街", "7", "号", "望京", "国际", "商业中心", "B", "座", "7", "层", "亚运村", "远大", "校区", ":", "北京市", "朝阳区", "慧忠路", "5", "号", "远大", "中心", "A", "座", "15", "层", "国贸中心", ":", "北京市", "朝阳区", "东三环中路", "39", "号", "建外", "SOHO", "8", "号", "楼", "0857", "中关村", "中心", ":", "北京市", "海淀区", "中关村", "欧美汇", "大厦", "1", "层"], ["24", "小时", "咨询电话", ":", "400", "-", "688", "-", "6148"], ["EF", "英孚", "成人教育", "核心课程"], ["EF", "英孚", "成人教育", "校区", "分布"], ["晋", "合", "中心", ":", "苏州市", "工业园区", "华池", "街", "88", "号", "晋", "合", "广场", "商场", "3", "层", "银泰", "城", "中心", ":", "成都", "市", "高新区", "益州", "大道", "1999", "号", "516", "双楠", "伊藤", "中心", ":", "成都", "市", "武侯区", "逸", "都", "路", "6", "号", "3", "栋", "2", "层", "(", "双楠", "伊藤洋华堂", "旁边", ")", "凯德", "天府", "中心", ":", "成都", "市", "高新区", "天仁路", "388", "号", "凯德", "天府", "四", "层", "01", "号", "凯德", "金牛", "中心", ":", "成都", "市", "金牛区", "交大路", "183", "号", "凯德", "广场", "二期", "负", "一", "层", "B1", "-", "07", "a", "万象城", "中心", ":", "成都", "市", "成华区", "双庆路", "10", "号", "华润", "大厦", "25", "层", "1", "-", "3", "单元"], ["24", "小时", "咨询电话", ":", "400", "-", "688", "-", "6148"], ["汉普森", "英语", "核心课程"], ["汉普森", "英语", "校区", "分布"], ["上海", "黄浦", "学习", "中心", ":", "上海市", "黄浦区", "南京东路", "300", "号", "恒基", "名人", "购物中心", "409", "室", "杭州", "申花", "学习", "中心", ":", "杭州市", "拱墅区", "丰", "潭", "路", "340", "号", "(", "丰", "元", "国际", "大厦", "C", "座", "2", "楼", ")", "杭州", "萧山", "学习", "中心", ":", "杭州市", "萧山", "区", "市心南路", "40", "号", "深圳", "宝安", "校区", "中心", ":", "深圳市", "宝安", "44", "区", "翻身", "路", "91", "号", "富源", "花园", "1", "楼", "104", "号", "铺", "(", "维也纳", "酒店", "旁", ")", "深圳", "福田", "学习", "中心", ":", "深圳市", "福田区", "深南大道", "7008", "号", "阳光", "高尔夫", "大厦", "二", "楼", "南侧", "(", "车公庙", "地铁站", "B", "出口", ")", "深圳", "罗湖", "学习", "中心", ":", "深圳市", "罗湖区", "深南中路", "京基", "晶", "都", "酒店", "一", "楼", "A5", "室"], ["24", "小时", "咨询电话", ":", "400", "-", "688", "-", "6148"], ["新航道", "核心课程"]], "paragraphs": ["英语培训 > 热门推荐 > 北京英语培训机构排名", "适合专为零起点 的初学者或几乎没有 口语能力的学员。了解详情", "适合想提升职场 中英语实际应用能 力的学员。了解详情", "适合3-16岁年龄 段想提升英语能力 的少儿学员。了解详情", "适合想全面提升听,说, 读,写,综合能力 以及想要留学的学员。了解详情", "适合想提升口语 能力的学员, 告别哑巴英语。了解详情", "适合学习时间不固 定,想和外教 1对1交流的学员。了解详情", "EF英孚成人教育成立于1965年,总部位于瑞士Lucerne,拥有创新的英语学习系统、定制的英语教学材料、优秀的外籍培训师、交通便利的现代化英语学习环境以及出游国外学习英语的机会。", "美联英语,创立于2006年,目前已在全国开设直营培训中心90多家,覆盖14个省份、25个城市。注重培养学员的语言实际应用能力,从课程开发、教学服务、环境优化、互动学习等方面为学员打造全方位英语学习环境。", "华尔街英语专注于英语教学领域,提供卓有成效、富于竞争力的解决方案,帮助非英语母语国家的人们打破语言沟通障碍,实现最美好的职业生涯和最绚丽的人生体验。", "最新英语培训机构排名,2015英语培训机构排名-听力课堂  摘要: 英语网最新推出培训频道,汇总北京英语培训机构排名,提供知名的北京英语培训机构排名查询,提供北京最优秀的英语培训学校,帮助大家能够准确,快速的找到最适合自己的培训机构。", "外教一对一电话英语、行业专业老师作业一对一批改、资深专业中教一对一助教、行业精英一对一专业英语等多项增值服务乘着暑期的热浪全新上市。此次服务的全面升级,也标志着培训频道英语的教学体系更加完善,学员将享受更多优质服务。 “为答谢广大学员对培训频道英语的厚爱,凡是报名一定级别的学员均可根据自身需求,提前免费享受一项乃至多项新的服务,包括5个月外教一对一电话英语,专业老师30次写作批改,5个月一对一中教老师助教服务。”6月20日,培训频道英语教学负责人Jason在教学服务体系升级大会上明确表示。更多详情请登录培训频道英语官网: 坚持1小时课时为基准 辅以多项服务保教学质量培训频道英语全新教学服务体系升级之后,包括4人班、8人班在内的小班课程以及精英行业欧美外教一对一VIP课程依旧以一小时课时为主体课程,辅以新增的外教一对一电话英语课后复习巩固口语互动,专业老师一对一批改作业帮助学员精准写作表达,以及一对一专业助教全线跟踪,保证英语口语的学习更加高效、轻松。 “在中国,从幼儿园开始到小学、中学,乃至大学,课堂均从45-60分钟课时为主体。这也造就了国人的学习新事物的习惯需要一定时间。而语言环境对语言学习的影响也颇为深远,要学员立马从汉语环境转入英语环境需要一定时间适应,因此,培训频道英语将坚持以60分钟的课堂为主体,而电话英语将为辅助为学员们提供课后口语互动平台。", "Copyright© 2015-2016 听力课堂 www.tingclass.net 网站备案号:冀ICP备09023732号-2", "24小时咨询电话:400-688-6148", "环球雅思核心课程", "环球雅思校区分布", "封闭学院: 上海市青浦区高泾路588号(上海房地产学校) 松江校区: 上海市松江区文汇路928弄210室 中山公园校区: 长宁路1027号兆丰广场8层 东昌路校区: 上海市浦东新区浦东南路855号世界广场5M层 五角场校区: 上海市杨浦区国宾路18号万达广场A座20层 徐家汇校区: 上海是徐汇区漕溪北路375号中金国际广场C座9层/23层", "24小时咨询电话:400-688-6148", "朗阁教育核心课程", "朗阁教育校区分布", "徐汇中心: 上海市华山路2018号汇银广场北楼16层(距港汇广场100米) 中山公园中心: 上海市长宁路1027号多媒体广场28楼 淮海中心: 上海市淮海中路755号新华联大厦新楼7楼 浦东中心: 上海市浦东区浦东南路855号世界广场5M(东昌路地铁站3号出口) 人民广场中心: 上海市六合路98号港陆黄浦中心10层(市百一店后) 广州校区: 广州市天河区天河路490号壬丰大厦西塔711(地铁3号线石牌桥站B出口,BRT岗顶站)", "24小时咨询电话:400-688-6148", "韦博国际英语核心课程", "韦博国际英语校区分布", "宜昌校区: 宜昌市西陵区西陵二路51号金缔购物公园18号 徐东校区: 武汉市洪山区徐东大街18号销品茂5楼西厅(金逸影城对面) 光谷校区: 武汉市洪山区世界城光谷步行街5楼B1区 汉口校区: 武汉市江汉区解放大道万松园路特1号创世纪广场(工贸家电)四楼 中南校区: 武汉市武昌区中南1路3号天紫广场A座2楼 思明校区: 厦门市思明区思明南路香港时代广场(思明电影院对面)", "24小时咨询电话:400-688-6148", "流利英语核心课程", "流利英语校区分布", "世纪坛学习中心: 北京市海淀区羊坊店路18号光耀东方广场N座701-703 海淀区学习中心: 北京市海淀区知春路盈都大厦 A座3层(地铁十号线知春路站旁) 朝阳区学习中心: 北京市朝阳区CBD国贸建外SOHOB座1805", "24小时咨询电话:400-688-6148", "华尔街英语核心课程", "华尔街英语校区分布", "北京企业培训中心: 北京市海淀区西北旺东路10号院东区1号楼(中关村软件园二期, 中关村领创空间)104A 金融街中心: 北京市西城区金城坊街2号楼金融街购物中心B1层-102-B109-111号(地铁2号线复兴门站A出口、阜成门站C出口)  凤凰汇中心: 北京市朝阳区曙光西里甲5号院F101-201(地铁10号线三元桥站B出口) 蓝色港湾中心: 北京市朝阳区朝阳公园路6号蓝色港湾国际商区1号楼2层(地铁14号线枣营站A出口) 欧美汇中心: 北京市海淀区丹棱街甲 1 号欧美汇购物中心 4 层 (地铁 4 号线、地铁 10 号线海淀黄庄站 A2 出口) 太阳新天地中心: 广州市天河区珠江新城马场路36号太阳新天地四层411号商铺", "24小时咨询电话:400-688-6148", "精英英语核心课程", "精英英语校区分布", "西直门中心: 北京市西城区西外大街1号西环广场T1座19层 望京中心: 北京市朝阳区望京街7号望京国际商业中心B座7层 亚运村远大校区 : 北京市朝阳区慧忠路5号远大中心A座15层 国贸中心: 北京市朝阳区东三环中路39号建外SOHO8号楼0857 中关村中心: 北京市海淀区中关村欧美汇大厦1层", "24小时咨询电话:400-688-6148", "EF英孚成人教育核心课程", "EF英孚成人教育校区分布", "晋合中心: 苏州市工业园区华池街88号晋合广场商场3层 银泰城中心: 成都市高新区益州大道1999号516 双楠伊藤中心: 成都市武侯区逸都路6号3栋2层 (双楠伊藤洋华堂旁边) 凯德天府中心: 成都市高新区天仁路388号 凯德天府四层01号 凯德金牛中心: 成都市金牛区交大路183号凯德广场二期负一层B1-07a 万象城中心: 成都市成华区双庆路10号华润大厦25层1-3单元", "24小时咨询电话:400-688-6148", "汉普森英语核心课程", "汉普森英语校区分布", "上海黄浦学习中心: 上海市黄浦区南京东路300号恒基名人购物中心409室 杭州申花学习中心: 杭州市拱墅区丰潭路340号(丰元国际大厦C座2楼) 杭州萧山学习中心: 杭州市萧山区市心南路40号 深圳宝安校区中心: 深圳市宝安44区翻身路91号富源花园1楼104号铺(维也纳酒店旁) 深圳福田学习中心: 深圳市福田区深南大道7008号阳光高尔夫大厦二楼南侧(车公庙地铁站B出口)  深圳罗湖学习中心: 深圳市罗湖区深南中路京基晶都酒店一楼A5室", "24小时咨询电话:400-688-6148", "新航道核心课程"], "bs_rank_pos": 3}, {"is_selected": true, "title": "2016北京英语培训机构最新排名", "most_related_para": 4, "segmented_title": ["2016", "北京", "英语", "培训机构", "最新排名"], "segmented_paragraphs": [["Spiiker", "英语学习", "平台", "English", "·", "Town"], ["在", "北京", "生活", ",", "外国人", "可以", "说", "已经", "是", "到", "了", "抬头不见低头见", "的", "状态", "了", ",", "普通话", "已经", "不仅仅", "只是", "指", "我们", "的", "母语", ",", "同时", ",", "英语", "也", "成", "了", "生活", "必备技能", "。", "面", "对着", "琳琅满目", "大大小小", "的", "北京", "英语", "培训机构", "应该", "如何", "选择", "呢", "?", "小", "编", "今天", "给", "大家", "整合", "了", "2016", "年", "新鲜出炉", "的", "北京", "英语", "培训机构", "排名", "!"], ["华尔街英语", "华尔街英语", "首创", "于", "欧洲", ",", "随后", "在", "拉丁美洲", ",", "亚洲", "推广", "开来", "。", "华尔街", "在", "中国", "主", "打", "高端", "英语培训", ",", "小班", "外教口语", "课程", "。", "优点", "是", ",", "环境", "好", "服务态度", "也", "不错", ",", "小班", "口语", "课程", "。", "有", "去", "过", "华尔街英语", "的", "人", ",", "都会", "了解", "那", "学习", "英语", "的", "环境", "是", "绝对", "的", "舒适", ",", "同时", "还有", "昂", "贵", "的", "学费", "。", "如果", "是", "普通", "工薪阶层", ",", "面对", "一年", "大", "几", "万", "的", "学费", ",", "应该", "会", "汗如雨下", "吧", "。"], ["必克", "英语", "必克", "英语", ",", "9", "年", "在线", "一对一", "英语培训机构", ",", "在", "美国", "、", "加拿大", "、", "澳大利亚", "以及", "菲律宾", "均", "有", "自己", "的", "教研", "中心", ",", "2", "对", "1", "的", "教学模式", ",", "全程", "用", "英语", "与", "老师", "一对一", "互动", ",", "还", "可以", "绑定", "微信", "公众", "号", ",", "利用", "零碎", "时间", "预习", "功课", ",", "听", "课堂", "录音", "回放", ",", "复习", "功课", "!", "另外", ",", "免", "预约", ",", "不用", "跑", "班", ",", "不用", "争着", "抢", "老师", ",", "时间", "点", "到", ",", "绑定", "的", "老师", "就会", "准时", "打电话", "过来", "给", "你", "上课", "!", "这", "是", "他们", "家", "的", "体验", "课程", "http", ":", "/", "/", "www", ".", "spiiker", ".", "com", "/", "daily", ",", "不", "妨", "体验一下", ",", "看", "是否", "合适", "!"], ["英孚", "英语", "据说", "有", "48", "年", "的", "历史", ",", "但", "具体", "在", "中国", "开始", "的", "培训", "大概", "就是", "这", "十", "几", "年", "吧", "。", "与", "华尔街英语", "相同", "的", ",", "一样", "是", "打的", "高端", "英语培训", ",", "自身", "研发", "的", "教材", "。", "小", "编", "认为", ",", "英孚", "也", "算", "是", "个", "老", "牌子", "了", ",", "还是", "算", "比较", "底气", "足", "的", ",", "师资", "和", "教学质量", "总体", "是", "不错", "的", "。", "不过", "近", "几", "年", "频", "频", "爆出", "英孚", "培训", "的", "一些", "黑幕", ",", "或多或少", "有", "着", "一点点", "影响", ",", "小", "编", "只能", "说", ",", "有些", "英语培训", "做", "大", "了", ",", "监管力度", "也", "就", "疲软", "了", "。", "此", "机构", "价格", "也", "不", "低", ",", "大约", "一年", "是", "2", "-", "3", "万", "的", "学费", "。", "新东方", "英语", "创办", "于", "1993", "年", ",", "相信", "很多人", "都", "听", "过", "这个名字", ",", "当然", "也", "不", "乏", "很多人", "都", "了解", ",", "新东方", "不仅", "学", "英语", "出国", ",", "还", "可以", "学", "厨师", "炒菜", "。", "新东方", "在", "北京", "是", "十分", "出名", ",", "不过", "很多人", "也", "知道", ",", "新东方", "主", "打的", "是", "平民", "大众化", "的", "路线", ",", "主要", "是", "用于", "考试应试", "英语", "方面", "的", ",", "大部分", "课程", "都是", "大班", "的", "大", "课", ",", "当然", "近", "几", "年", "也有", "VIP", "小班", "课程", ",", "相对", "于", "大班", "课程", "的", "红火", ",", "小班", "口语", "课", "反而", "显得", "不起眼", "了", "。", "小", "编", "认为", "如果", "是", "应试", "方面", "的", "英语", ",", "还是", "蛮", "推荐", "这个", "学校", "的", "。", "其他", "的", "暂无", "特别", "出众", "的", "地方", "。", "韦博", "国际", "英语", "成立", "于", "1998", "年", "。", "主要", "针对", "企业", "和", "个人", "提供", "专业", "的", "高端", "语言培训", "。", "小", "编", "认为", "韦博", "跟", "英孚", "还有", "华尔街", "的", "感觉", "都", "比较", "像", ",", "当然", "教学", "方面", "的", "可能", "还是", "有", "些许", "差别", "的", "。", "小", "编", "没有", "做", "过", "过", "多", "了解", "。", "至于", "学费", ",", "韦博", "貌似", "和", "英孚", "的", "价格", "都", "差", "不", "很多", "。", "课程", "也是", "小班", "的", "。", "个人", "认为", ",", "如果", "是", "要", "选择", "的", "话", ",", "最好", "是", "亲自", "去", "听", "下", "课程", ",", "进行", "对比", "。", "多", "做", "了解", "比较好", "。"], ["阅读", "完", "“", "2015", "年", "北京", "英语", "培训机构", "最新排名", "”", "的", "人", "还", "浏览", "过", ":"]], "paragraphs": ["Spiiker英语学习平台English · Town", "在北京生活,外国人可以说已经是到了抬头不见低头见的状态了,普通话已经不仅仅只是指我们的母语,同时,英语也成了生活必备技能。面对着琳琅满目大大小小的北京英语培训机构应该如何选择呢?小编今天给大家整合了2016年新鲜出炉的北京英语培训机构排名!", "华尔街英语 华尔街英语首创于欧洲,随后在拉丁美洲,亚洲推广开来。 华尔街在中国主打高端英语培训,小班外教口语课程。优点是,环境好服务态度也不错,小班口语课程。有去过华尔街英语的人,都会了解那学习英语的环境是绝对的舒适,同时还有昂贵的学费。如果是普通工薪阶层,面对一年大几万的学费,应该会汗如雨下吧。", "必克英语 必克英语,9年在线一对一英语培训机构,在美国、加拿大、澳大利亚以及菲律宾均有自己的教研中心,2对1的教学模式 ,全程用英语与老师一对一互动,还可以绑定微信公众号,利用零碎时间预习功课,听课堂录音回放,复习功课!另外,免预约,不用跑班,不用争着抢老师,时间点到,绑定的老师就会准时打电话过来给你上课!这是他们家的体验课程http://www.spiiker.com/daily ,不妨体验一下,看是否合适!", "英孚英语 据说有48年的历史,但具体在中国开始的培训大概就是这十几年吧。与华尔街英语相同的,一样是打的高端英语培训,自身研发的教材。小编认为,英孚也算是个老牌子了,还是算比较底气足的,师资和教学质量总体是不错的。不过近几年频频爆出英孚培训的一些黑幕,或多或少有着一点点影响,小编只能说,有些英语培训做大了,监管力度也就疲软了。此机构价格也不低,大约一年是2-3万的学费。 新东方英语 创办于1993年,相信很多人都听过这个名字,当然也不乏很多人都了解,新东方不仅学英语出国,还可以学厨师炒菜。新东方在北京是十分出名,不过很多人也知道,新东方主打的是平民大众化的路线,主要是用于考试应试英语方面的,大部分课程都是大班的大课,当然近几年也有VIP小班课程,相对于大班课程的红火,小班口语课反而显得不起眼了。小编认为如果是应试方面的英语,还是蛮推荐这个学校的。其他的暂无特别出众的地方。 韦博国际英语 成立于1998年。主要针对企业和个人提供专业的高端语言培训。小编认为韦博跟英孚还有华尔街的感觉都比较像,当然教学方面的可能还是有些许差别的。小编没有做过过多了解。至于学费,韦博貌似和英孚的价格都差不很多。课程也是小班的。个人认为,如果是要选择的话,最好是亲自去听下课程,进行对比。多做了解比较好。", "阅读完“2015年北京英语培训机构最新排名”的人还浏览过:"], "bs_rank_pos": 4}], "answer_spans": [[240, 243]], "answer_docs": [4], "fake_answers": ["。韦博国际英语"], "question": "北京英语培训学校排名", "segmented_answers": [["EF", "英孚", "成人教育", "、", "美联", "英语", "、", "华尔街英语", "。"], ["韦博", "英语", "、", "流利英语", "。"], ["华尔街英语", "、", "必克", "英语", "、", "英孚", "英语", "、", "新东方英语", "、", "韦博", "国际", "英语", "。"]], "answers": ["EF英孚成人教育、美联英语、华尔街英语。", "韦博英语、流利英语。", "华尔街英语、必克英语、英孚英语、新东方英语、韦博国际英语。"], "entity_answers": [["EF英孚成人教育", "美联英语", "华尔街英语"], ["韦博英语", "流利英语"], ["华尔街英语", "必克", "英孚英语", "新东方英语", "韦博国际英语"]], "segmented_question": ["北京", "英语培训", "学校", "排名"], "question_type": "ENTITY", "question_id": 7, "fact_or_opinion": "OPINION", "match_scores": [0.6666666666666665]}
-{"documents": [{"is_selected": false, "title": "1-10 数字的正确写法_百度文库", "most_related_para": 1, "segmented_title": ["1", "-", "10", "数字", "的", "正确", "写法", "_", "百度", "文库"], "segmented_paragraphs": [["1", "-", "10", "数字", "的", "正确", "写法", "_", "育儿", "理论", "经验", "_", "幼儿教育", "_", "教育", "专区", "。", "1", "-", "10", "数字", "的", "正确", "写法", "“", "0", "”", "的", "写法", ":", "从", "上线", "中间", "起", ",", "作", "弧线", "向", "左", "碰", "线", ",", "作", "弧线", "碰", "下线", "。", "向上", "作", "弧线", "碰", "右", "线", ",", "作", "弧形", "向上", "与", "起点", "相交", "。", "“", "1", "”", "的", "写法", ":", "从", "右上角", "附近", "起", ",", "斜线", "到", "左下角", "附近", "。", "“", "2", "”", "的", "写法", ":", "起", "笔", "碰"], ["1", "-", "10", "数字", "的", "正确", "写法", "“", "0", "”", "的", "写法", ":", "从", "上线", "中间", "起", ",", "作", "弧线", "向", "左", "碰", "线", ",", "作", "弧线", "碰", "下线", "。", "向上", "作", "弧线", "碰", "右", "线", ",", "作", "弧形", "向上", "与", "起点", "相交", "。", "“", "1", "”", "的", "写法", ":", "从", "右上角", "附近", "起", ",", "斜线", "到", "左下角", "附近", "。", "“", "2", "”", "的", "写法", ":", "起", "笔", "碰", "左", "线", ",", "再", "向上", ",", "向右", "碰", "线", ",", "略", "成", "半圆", ",", "斜线", "到", "左", "下", "角", ",", "碰线", "一", "横", "。", "“", "3", "”", "的", "写法", ":", "起", "笔", "不碰", "线", ",", "向上", "碰", "线", "。", "向右", "不碰", "线", ",", "略", "成", "半圆", "(", "比", "2", "字", "的", "半圆", "小", ")", ",", "再", "向", "中间", ",", "在", "虚线", "以上", "停止", ",", "转", "向右", "下方", "碰", "线", ",", "向下", "碰", "线", ",", "弯弯", "地", "到", "左", "线", "为止", "。", "上下", "都是", "大", "半圆", "圈", ",", "但", "下面", "比", "上面", "大", "。", "“", "4", "”", "写法", ":", "从", "上线", "当", "中", "起", ",", "向", "左", "斜线", "到", "下", "格", ",", "碰", "左", "线", "后", "再", "横", "过去", ",", "向右", "碰", "线", "。", "第", "二", "笔", "从", "右上", "一半", "不到", "的", "地方", "向下", ",", "斜", "下去", "到", "下面", "的", "当", "中", "碰", "线", "。", "“", "5", "”", "的", "写法", ":", "从", "上线", "一半", "不到", "的", "地方", ",", "向", "左", "到", "中", "格角", ",", "向", "左", "到", "中", "格", "角", ",", "再", "向上", "超过", "中线", "画", "一", "个", "大", "半圆", "碰", "右", "线", "、", "下线", "到", "左", "线", "为止", "。", "上面", "一", "横", "平", ",", "在", "右", "上线", "下面", "一点", ",", "向右", "碰", "线", "。", "“", "6", "”", "的", "写法", ":", "从", "上线", "偏", "右", "一点", "起", ",", "向", "左", "下方", "画", "一", "个", "弧形", ",", "碰", "左", "线", "、", "底线", "、", "绕圈", "向上", ",", "画", "成", "一", "个", "小圆", "。", "小圆", "上面", "超", "虚线", ",", "不能", "把", "圆", "写", "的", "太", "小", "。", "“", "7", "”", "的", "写法", ":", "靠近", "上线", ",", "从", "左上角", "到", "右上角", ",", "再", "弯", "斜", "到", "下面", ",", "在", "中间", "偏", "左", "的", "地方", "碰", "线", "。", "“", "8", "”", "的", "写法", ":", "从", "右", "向上", "到", "左", "一", "个", "半圆", ",", "拐", "向右", "下", ",", "碰", "右", "线", "、", "下线", "左", "线", "、", "回", "上去", ",", "在", "虚线", "以上", "和", "原", "线", "相交", ",", "直线", "到", "右上角", "附近", "与", "起", "笔", "的", "地方", "稍", "离", "开", "一些", "为止", "。", "8", "是", "不", "封口", "的", "。", "“", "9", "”", "的", "写法", ":", "上面", "一", "个", "圆", "是", "长", "圆", ",", "稍", "斜", "些", ",", "但", "四", "角", "碰", "线", ",", "在", "右上角", "附近", "向", "左", "下", "再", "一", "竖", "到", "下线", "中间", "。", "10", "、", "“", "10", "”", "象", "粉笔", "和", "鸡蛋", "。", "“", "10", "”", "占", "两", "格", ",", "左边", "一格", "写", "“", "1", "”", "。", "右边", "一格", "画", "一格", "碰上", "、", "下", "、", "左", "、", "右", "四", "边线", "的", "椭圆", "数字", "书写", "要求", "1", "、", "写字", "时", "坐", "的", "姿势", "要", "端正", ",", "胸", "离", "桌", "一", "拳", "远", ",", "不", "歪头", ",", "眼", "和", "手", "保持", "一定", "距离", "(", "约", "一", "尺", ")", ",", "本子", "要", "放", "正", ",", "左手", "按住", ",", "右手", "握笔", ",", "约", "离", "笔", "一寸", "远", "。", "2", "、", "写字", "时", "要", "从", "左", "到", "右", ",", "一", "个", "一", "个", "写", ",", "一行", "一行", "写", ",", "一笔一划", "要", "工", "整", ",", "不", "涂抹", ",", "不", "潦草", ",", "保持", "书写", "整洁", "。", "每次", "书写", "不宜过多", "."]], "paragraphs": ["1-10 数字的正确写法_育儿理论经验_幼儿教育_教育专区。1-10 数字的正确写法“0”的写法:从上线中间起,作弧线向左碰线,作弧线碰下线。向上作 弧线碰右线,作弧形向上与起点相交。 “1”的写法:从右上角附近起,斜线到左下角附近。 “2”的写法:起笔碰", "1-10 数字的正确写法“0”的写法:从上线中间起,作弧线向左碰线,作弧线碰下线。向上作 弧线碰右线,作弧形向上与起点相交。 “1”的写法:从右上角附近起,斜线到左下角附近。 “2”的写法:起笔碰左线,再向上,向右碰线,略成半圆,斜线到左下 角,碰线一横。 “3”的写法:起笔不碰线,向上碰线。向右不碰线,略成半圆(比 2 字 的半圆小),再向中间,在虚线以上停止,转向右下方碰线,向下碰线, 弯弯地到左线为止。上下都是大半圆圈,但下面比上面大。 “4” 写法:从上线当中起,向左斜线到下格,碰左线后再横过去,向右 碰线。第二笔从右上一半不到的地方向下,斜下去到下面的当中碰线。 “5”的写法:从上线一半不到的地方,向左到中格角,向左到中格角, 再向上超过中线画一个大半圆碰右线、下线到左线为止。上面一横平, 在右上线下面一点,向右碰线。 “6”的写法:从上线偏右一点起,向左下方画一个弧形,碰左线、底线、 绕圈向上,画成一个小圆。小圆上面超虚线,不能把圆写的太小。 “7”的写法:靠近上线,从左上角到右上角,再弯斜到下面,在中间偏 左的地方碰线。 “8”的写法:从右向上到左一个半圆,拐向右下,碰右线、下线左线、 回上去,在虚线以上和原线相交,直线到右上角附近与起笔的地方稍离 开一些为止。8 是不封口的。 “9”的写法:上面一个圆是长圆,稍斜些,但四角碰线,在右上角附近 向左下再一竖到下线中间。 10、“10”象粉笔和鸡蛋。“10”占两格,左边一格写“1”。右边一格画一格 碰上、下、左、右四边线的椭圆 数字书写要求 1、写字时坐的姿势要端正,胸离桌一拳远,不歪头,眼和手保持一定 距离(约一尺),本子要放正,左手按住,右手握笔,约离笔一寸远。 2、写字时要从左到右,一个一个写,一行一行写,一笔一划要工整, 不涂抹,不潦草,保持书写整洁。每次书写不宜过多."], "bs_rank_pos": 0}, {"is_selected": false, "title": "数字1至10的写法_百度文库", "most_related_para": 0, "segmented_title": ["数字", "1", "至", "10", "的", "写法", "_", "百度", "文库"], "segmented_paragraphs": [["数字", "1", "至", "10", "的", "写法", "_", "少儿", "英语", "_", "幼儿教育", "_", "教育", "专区", "。", "数字", "1", "-", "10", "在", "田子格", "中", "的", "写法"], ["数字", "1", "-", "10", "在", "田子格", "中", "的", "写法"]], "paragraphs": ["数字1至10的写法_少儿英语_幼儿教育_教育专区。数字 1-10 在田子格中的写法", "数字1-10 在田子格中的写法"], "bs_rank_pos": 1}, {"is_selected": false, "title": "数字1——10的书写ppt_百度文库", "most_related_para": 0, "segmented_title": ["数字", "1", "—", "—", "10", "的", "书写", "ppt", "_", "百度", "文库"], "segmented_paragraphs": [["数字", "1", "—", "—", "10", "的", "书写", "ppt", "_", "一年级", "数学", "_", "数学", "_", "小学教育", "_", "教育", "专区", "。", "“", "1", "\"", "象", "粉笔", ",", "是", "在", "日子", "格", "中", "从", "右上角", "附近", "起", ",", "斜线", "到", "左下角", "附近", ".", "不是", "简单", "的", "连接", "“", "2", "”", "象", "小鸭", ",", "起", "笔", "碰", "左", "线", ",", "再", "向上", "向右", "碰", "线", ",", "略", "成", "半圆", ",", "斜线", "到", "左下角", ",", "碰线", "一", "横", "。", "“", "3", "象", "耳朵", ",", "起", "笔", "不碰", "线", ",", "向上", "碰", "线", ",", "再", "向"], ["“", "1", "\"", "象", "粉笔", ",", "是", "在", "日子", "格", "中", "从", "右上角", "附近", "起", ",", "斜线", "到", "左下角", "附近", ".", "不是", "简单", "的", "连接", "“", "2", "”", "象", "小鸭", ",", "起", "笔", "碰", "左", "线", ",", "再", "向上", "向右", "碰", "线", ",", "略", "成", "半圆", ",", "斜线", "到", "左下角", ",", "碰线", "一", "横", "。"], ["“", "3", "象", "耳朵", ",", "起", "笔", "不碰", "线", ",", "向上", "碰", "线", ",", "再", "向下", "碰", "线", ",", "略", "成", "半圆", "向", "中间", "弯", ",", "在", "虚线", "以", "“", "3", "象", "耳朵", ",", "起", "笔", "不碰", "线", ",", "向上", "碰", "线", ",", "再", "向下", "碰", "线", ",", "略", "成", "半圆", "向", "中间", "弯", ",", "在", "虚线", "以", "“", "5", "”", "象", "钩子", ",", "从", "上线", "不", "到", "一半", "的", "地方", "起", "笔", ",", "向", "左", "下到", "中", "格", "角", ",", "再", "向上", "超过", "中线", "画", "一", "个", "大", "半圆", "碰", "右", "线", ",", "下线", "到", "左", "线", "为止", "。"], ["“", "6", "”", "象", "哨子", "。", "从", "上线", "偏", "右", "一点", "起", "向下", "方", "画", "一", "个", "孤", "形", ",", "碰", "左", "线", "、", "底线", ",", "向上", "碰", "右", "线", "画", "成", "一", "个", "小圆", ",", "小圆", "上面", "超过", "中线", "。"], ["“", "7", "”", "象", "锄头", "。", "从", "左上角", "到", "右上角", "画", "一", "横线", ",", "再", "折线", "向下", ",", "到底", "线", "中间", "偏", "左", "的", "地方", "碰", "线", "。"], ["“", "8", "”", "象", "娃娃", "。", "从", "右上", "碰", "线", "到", "左", "线", "成", "半圆", ",", "拐", "向右", "下面", "成", "圆", "碰", "右", "线", ",", "下线", "、", "左", "线", ",", "在", "向上", ",", "在", "中线", "以上", "和", "原", "线", "相交", ",", "最后", ",", "线", "到", "右上角", "附近", "稍", "离", "起", "笔", "处", "为止", "。", "不", "封口", "。", "“", "9", "”", "向", "勺子", "。"], ["在", "上", "格", "画", "一", "个", "四面", "碰", "线", "的", "附近", "向下", "角", "附近", "向", "左", "下面", "一", "真", "线", "到底", "线", "中", "“", "10", "”", "象", "粉笔", "和", "鸡蛋", "。"], ["“", "10", "”", "占", "两", "格", ",", "左边", "一格", "写", "“", "1", "”", "。", "右边", "一格", "画", "一格", "碰上", ",", "下", ",", "左", ",", "右", "四边", "的", "椭圆", "。"]], "paragraphs": ["数字1——10的书写ppt_一年级数学_数学_小学教育_教育专区。“1\"象粉笔,是在日子格中从右上角附近起,斜线到左下角附近.不是简单的连接 “2”象小鸭,起笔碰左线,再向上向右碰线,略成半圆,斜线到左下角,碰线一横。 “3象耳朵,起笔不碰线,向上碰线,再向", "“1\"象粉笔,是在日子格中从右上角附近起,斜线到左下角附近.不是简单的连接 “2”象小鸭,起笔碰左线,再向上向右碰线,略成半圆,斜线到左下角,碰线一横。", "“3象耳朵,起笔不碰线,向上碰线,再向下碰线,略成半圆向中间弯,在虚线以 “3象耳朵,起笔不碰线,向上碰线,再向下碰线,略成半圆向中间弯,在虚线以 “5”象钩子,从上线不到一半的地方起笔,向左下到中格角,再向上超过中线画一 个大半圆碰右线,下线到左线为止。", "“6”象哨子。从上线偏右一点起向下方画一个孤形,碰左线、底线,向上碰右线画 成一个小圆,小圆上面超过中线。", "“7”象锄头。从左上角到右上角画一横线,再折线向下,到底线中间偏左的地方 碰线。", "“8”象娃娃。从右上碰线到左线成半圆,拐向右下面成圆碰右线,下线、左线,在向上, 在中线以上和原线相交,最后,线到右上角附近稍离起笔处为止。不封口。 “9”向勺子。", "在上格画一个四面碰线的附近向下角附近向左下面一真线到底线中 “10”象粉笔和鸡蛋。", "“10”占两格,左边一格写“1”。右边一格画一格碰上,下, 左,右四边的椭圆。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "1到10各数的写法_百度文库", "most_related_para": 1, "segmented_title": ["1", "到", "10", "各", "数", "的", "写法", "_", "百度", "文库"], "segmented_paragraphs": [["1", "到", "10", "各", "数", "的", "写法", "_", "一年级", "数学", "_", "数学", "_", "小学教育", "_", "教育", "专区", "。", "介绍", "了", "1", "到", "10", "各", "数", "怎么写", ",", "方便", "老师", "教学"], ["数字", "1", "到", "10", "的", "写法", "发表时间", ":", "2010", "-", "09", "-", "08", "21", ":", "25", ":", "46", "[", "查看", "原文", "]", "“", "1", "”", ":", "从", "日", "字", "格", "的", "右上角", "附近", "起", "笔", ",", "画", "斜线", "到", "左下角", "附近", "。"], ["中医", "养生", "与保健", "中医养生", "知识", "大全", "女人", "养生之道"]], "paragraphs": ["1到10各数的写法_一年级数学_数学_小学教育_教育专区。介绍了1到10各数怎么写,方便老师教学", "数字1 到 10 的写法发表时间:2010-09-08 21:25:46 [查看原文] “1”:从日字格的右上角附近起笔,画斜线到左下角附近。", "中医养生与保健 中医养生知识大全 女人养生之道"], "bs_rank_pos": 3}, {"is_selected": true, "title": "求几种不同语言的1到10的数字的写法_百度知道", "most_related_para": 0, "segmented_title": ["求", "几", "种", "不同", "语言", "的", "1", "到", "10", "的", "数字", "的", "写法", "_", "百度", "知道"], "segmented_paragraphs": [["1", "2", "3", "4", "5", "6", "7", "8", "9", "10", "Ⅰ", "、", "Ⅱ", "、", "Ⅲ", "、", "Ⅳ", "、", "Ⅴ", "、", "Ⅵ", "、", "Ⅶ", "、", "Ⅷ", "、", "Ⅸ", "、", "Ⅹ", "one", "\\", "two", "\\", "three", "\\", "four", "\\", "five", "\\", "six", "\\", "seve", "v", "\\", "eight", "\\", "nine", "\\", "ten"]], "paragraphs": ["1 2 3 4 5 6 7 8 9 10 Ⅰ、Ⅱ、Ⅲ、Ⅳ、Ⅴ、Ⅵ、Ⅶ、Ⅷ、Ⅸ、Ⅹ one\\two\\three\\four\\five\\six\\sevev\\eight\\nine\\ten"], "bs_rank_pos": 4}], "answer_spans": [[0, 48]], "fake_answers": ["12345678910Ⅰ、Ⅱ、Ⅲ、Ⅳ、Ⅴ、Ⅵ、Ⅶ、Ⅷ、Ⅸ、Ⅹone\\two\\three\\four\\five\\six\\sevev\\eight\\nine\\ten"], "question": "数字1到10的各种写法", "segmented_answers": [["1", "、", "2", "、", "3", "、", "4", "、", "5", "、", "6", "、", "7", "、", "8", "、", "9", "、", "10", ";", "Ⅰ", "、", "Ⅱ", "、", "Ⅲ", "、", "Ⅳ", "、", "Ⅴ", "、", "Ⅵ", "、", "Ⅶ", "、", "Ⅷ", "、", "Ⅸ", "、", "Ⅹ", ";", "one", "\\", "two", "\\", "three", "\\", "four", "\\", "five", "\\", "six", "\\", "seve", "v", "\\", "eight", "\\", "nine", "\\", "ten", "。"]], "answers": ["1、2、3、4、5、6、7、8、9、10;Ⅰ、Ⅱ、Ⅲ、Ⅳ、Ⅴ、Ⅵ、Ⅶ、Ⅷ、Ⅸ、Ⅹ;one\\two\\three\\four\\five\\six\\sevev\\eight\\nine\\ten。"], "answer_docs": [4], "segmented_question": ["数字", "1", "到", "10", "的", "各种", "写法"], "question_type": "DESCRIPTION", "question_id": 8, "fact_or_opinion": "OPINION", "match_scores": [0.8909090909090909]}
-{"documents": [{"is_selected": true, "title": "【说客】95号就一定比92号油品质更好、更耐烧吗_汽车之家", "most_related_para": 6, "segmented_title": ["【", "说客", "】", "95", "号", "就", "一定", "比", "92", "号", "油", "品质", "更好", "、", "更", "耐烧", "吗", "_", "汽车", "之", "家"], "segmented_paragraphs": [["当前位置", ":", "汽车", "之", "家", ">", "说客", ">", "正文"], ["声明", ":", "本", "文", "由", "说客", "作者", "撰写", ",", "观点", "仅", "代表", "个人", ",", "不", "代表", "汽车", "之", "家", "。", "文", "中", "部分", "图片", "来自", "于", "网络", ",", "感谢", "原作者", "。"], ["[", "导读", "]", "95", "号", "就", "一定", "比", "92", "号", "油", "品质", "更好", "?"], ["我", "看", "咱们", "公众", "号", "后台", "客", "官", "宝宝", "们", "的", "留言", "啊", ",", "发现", "很多", "人", "比较", "纠结", "一", "个", "关于", "加油", "的", "问题", "。"], ["都", "说", "汽车", "开", "多", "了", "、", "怠速", "多", "、", "驾驶", "方式", "不对", ",", "就", "容易产生", "积碳", ",", "那", "我", "加一", "个", "燃油", "标号", "更高", "的", "汽油", "是不是", "这个", "油", "品质", "就", "更好", ",", "更", "干净", ",", "更加", "耐烧", "了", "呢", "?"], ["其实", ",", "咱们", "说", "的", "这个", "92", "号", "、", "95", "号", "和", "98", "号", "的", "意思", "是", "指", "的", "汽油", "中", "辛烷值", ",", "辛烷值", "是什么", "?", "是", "汽油", "中", "含有", "一", "种", "物质", "叫", "异辛烷", ",", "这个东西", "大家", "可以", "简单", "理解", ",", "就是", "汽油", "的", "“", "镇静剂", "”", ",", "这个", "燃油", "的", "标号", ",", "其实", "就是", "异辛烷", "所", "占", "汽油", "的", "比例", ",", "92", "号", "汽油", "就是", "异辛烷", "占", "92", "%", "。"], ["也就是说", ",", "这个", "数字", "标号", "越", "大", ",", "异辛烷", "所", "占", "比例", "越", "大", ",", "那", "它", "是", "汽油", "的", "“", "镇静剂", "”", ",", "其实", "就", "意味着", ",", "标号", "越", "大", ",", "汽油", "越", "稳定", ",", "越", "不容易", "在", "发动机", "缸体", "内", "爆燃", "。"], ["所以", ",", "小", "总结一下", ",", "标号", "越", "高", ",", "抗", "爆", "性", "越", "高", ";", "标号", "越", "低", ",", "抗", "爆", "性", "也", "越", "低", "。"], ["那", "为什么", "还要", "分", "标号", "呢", "?", "因为", "啊", ",", "咱们", "的", "发动机", "还有", "一", "个", "参数", ",", "就是", "他", "的", "这个", "压缩比", ",", "什么", "是", "压缩比", "?", "其实", "就是", "发动机", "为了", "达到", "一定", "的", "输出功率", "和", "扭矩", ",", "给", "发动机", "设置", "的", "一", "个", "压缩", "汽油", "和", "空气", "混合", "气体", "的", "程度", "。"], ["汽油", "的", "辛烷值", "也", "要", "根据", "压缩比", "而", "定", ",", "因为", "还", "存在", "这么", "几个", "规律", ":", "就是", "燃油", "标号", "越", "高", "的", "汽油", ",", "抗", "爆", "性", "越", "强", ",", "那", "就", "得", "用", "更高", "的", "压缩比", "来", "让", "汽油", "燃烧", ",", "相反", ",", "低", "标号", "的", "汽油", ",", "抗", "爆", "性", "弱", ",", "要", "用", "低", "压缩比", "的", "发动机", "。"], ["但", "大家", "可以", "想想", "这么", "两", "个", "极端", ":", "低", "压缩比", "的", "如果", "加", "高", "标号", "的", "汽油", ",", "会", "有", "什么", "后果", "?", "会出现", "燃油", "的", "燃烧", "不", "充分", ",", "达", "不到", "燃油", "的", "燃烧", "点", ",", "燃烧", "不", "充分", ",", "那", "就", "很有可能", "会", "产生", "积碳", "了", "。"], ["而", "如果", "是", "高", "压缩比", "的", "加", "了", "低", "标号", "的", "汽油", ",", "这个时候", ",", "燃油", "就会", "爆燃", ",", "在", "发动机", "缸体", "内", "发生", "爆震", "。"], ["这", "两种", "情况", ",", "无论", "哪", "种", "都是", "对", "发动机", "极其", "不利", "的", "。"], ["所以", ",", "压缩比", "也", "会", "影响", "到", "燃油", "标号", "。", "那", "既然", "有", "这样", "的", "影响", ",", "为什么", "现在", "很多人", "都", "开始", "淡化", "压缩比", "的", "概念", "了", "?", "可能", "听", "咱们", "节目", "的", "朋友", "们", ",", "许多", "都", "没", "听说过", "压缩比", "这个概念", ",", "更别说", "根据", "压缩比", "判断", "该", "加", "几", "号", "油", "了", ",", "是不是", "也", "意味着", "不需要", "看", "压缩比", "了", "?"], ["其实", "啊", ",", "咱们", "现在", "发动机", "技术", "的", "发展", ",", "压缩比", "已经", "不是", "影响", "燃油", "标号", "的", "唯一", "因素", "了", ",", "而且", "通过", "压缩比", "来", "决定", "燃油", "的", "标号", "已经", "变得", "不", "那么", "不准确", "了", "。", "比如", "马自达", "的", "创", "驰", "蓝天", "发动机", "的", "压缩比", "能", "达到", "13", ",", "但", "用", "92", "号", "油", "依然", "没问题", "。"], ["那", "讲到", "这里", ",", "是不是", "已经", "有", "朋友", "开始", "困惑", "了", ",", "加", "多少", "号", "油", "到底", "是", "什么", "决定", "的", "?", "我", "加", "更高", "标号", "的", "油", "到底好不好", "呢", "?"], ["其实", "啊", ",", "咱们", "加", "多少", "标号", "的", "汽油", ",", "只", "需要", "看", "一", "个", "东西", ",", "就是", "咱们", "油箱", "盖", "背面", "的", "建议", "值", "。", "该", "加", "多少", "号", "油", ",", "听", "从", "汽车", "厂商", "给", "你", "的", "建议", "就", "可以", "了", ",", "因为", "厂家", "在", "生产", "这款车", "的", "时候", ",", "会", "经过", "一", "个", "长时间", "的", "测试", ",", "是", "最", "科学", "、", "最", "官方", "的", "正确", "标号", "。"], ["那", "要", "加", "更高", "标号", "的", "汽油", "吗", "?", "一般", "我们", "其实", "没必要", "加", "高", "标号", "的", ",", "因为", "并", "不会", "真", "的", "省油", ",", "也", "不会", "减少", "积碳", "的", "产生", "。"], ["其实", ",", "在", "今年", "全国", "实行", "国", "五", "标准", "后", ",", "燃油", "标准", "也", "升级", ",", "很多人", "就", "开始", "纠结", ",", "我们", "应该", "加", "几", "号", "油", "了", ",", "如果", "你", "还有", "这样", "的", "疑问", "的", "话", ",", "可以", "在", "咱们", "微信", "公众", "号", "中", "回复", "“", "加油", "”", "两个字", ",", "这", "篇", "关于", "加", "几", "号", "油", "的", "文章", "就", "在", "那", "等着你", "了", "。"], ["那", "记得", "有空", "就", "来", "咱们", "的", "微信", "公众", "号", "“", "擎", "风车", "铺", "”", "。", "三味", "每天", "都会", "在这里", "为你", "讲", "一", "段", "三分钟", "的", "汽车知识", "小", "语音", ",", "这里", "可是", "最", "为你", "动", "擎", "的", "汽车", "新媒体", "哈", "!", "觉得", "好", "的", "话", ",", "介绍", "给", "身边", "的", "朋友", ",", "让", "他们", "也", "来", "关注", "一", "下", "吧", "!"], ["开车", "没有", "劲爆", "车载", "DJ", "怎么", "行", "?", "参与", "“", "无", "DJ", "不", "开车", "”", "活动", ",", "工体", "DJ", "免费", "送给", "您", ",", "获取", "方法如下", ":"], ["关注", "微信", "公众", "账号", ":", "擎", "风车", "铺", "(", "ID", ":", "qingfeng", "chepu", ")", ","], ["留言", "“", "DJ", "”", "两个字", ",", "最新", "最火爆", "的", "工体", "DJ", "等你", "下"], ["发动机", "脏", "了", "如何", "清洗", "?", "为什么", "后", "半", "箱", "油", "烧", "的", "那么", "快", "?"], ["发表", "我", "的", "评论"], ["说客", "是", "汽车", "人", "的", "自", "媒体", "平台", ",", "我", "有", "我", "的", "主张", ",", "申请成为", "说客", "作者"], ["什么", "是", "说客", "?", "说客", "有", "什么", "激励", "政策", "?", "如何", "成为", "说客", "作者", "?"]], "paragraphs": ["当前位置:汽车之家 > 说客 > 正文", "声明:本文由说客作者撰写,观点仅代表个人,不代表汽车之家。文中部分图片来自于网络,感谢原作者。", "[导读]95号就一定比92号油品质更好?", "我看咱们公众号后台客官宝宝们的留言啊,发现很多人比较纠结一个关于加油的问题。", "都说汽车开多了、怠速多、驾驶方式不对,就容易产生积碳,那我加一个燃油标号更高的汽油是不是这个油品质就更好,更干净,更加耐烧了呢?", "其实,咱们说的这个92号、95号和98号的意思是指的汽油中辛烷值,辛烷值是什么?是汽油中含有一种物质叫异辛烷,这个东西大家可以简单理解,就是汽油的“镇静剂”,这个燃油的标号,其实就是异辛烷所占汽油的比例,92号汽油就是异辛烷占92%。", "也就是说,这个数字标号越大,异辛烷所占比例越大,那它是汽油的“镇静剂”,其实就意味着,标号越大,汽油越稳定,越不容易在发动机缸体内爆燃。", "所以,小总结一下,标号越高,抗爆性越高;标号越低,抗爆性也越低。", "那为什么还要分标号呢?因为啊,咱们的发动机还有一个参数,就是他的这个压缩比,什么是压缩比?其实就是发动机为了达到一定的输出功率和扭矩,给发动机设置的一个压缩汽油和空气混合气体的程度。", "汽油的辛烷值也要根据压缩比而定,因为还存在这么几个规律:就是燃油标号越高的汽油,抗爆性越强,那就得用更高的压缩比来让汽油燃烧,相反,低标号的汽油,抗爆性弱,要用低压缩比的发动机。", "但大家可以想想这么两个极端:低压缩比的如果加高标号的汽油,会有什么后果?会出现燃油的燃烧不充分,达不到燃油的燃烧点,燃烧不充分,那就很有可能会产生积碳了。", "而如果是高压缩比的加了低标号的汽油,这个时候,燃油就会爆燃,在发动机缸体内发生爆震。", "这两种情况,无论哪种都是对发动机极其不利的。", "所以,压缩比也会影响到燃油标号。那既然有这样的影响,为什么现在很多人都开始淡化压缩比的概念了?可能听咱们节目的朋友们,许多都没听说过压缩比这个概念,更别说根据压缩比判断该加几号油了,是不是也意味着不需要看压缩比了?", "其实啊,咱们现在发动机技术的发展,压缩比已经不是影响燃油标号的唯一因素了,而且通过压缩比来决定燃油的标号已经变得不那么不准确了。比如马自达的创驰蓝天发动机的压缩比能达到13,但用92号油依然没问题。", "那讲到这里,是不是已经有朋友开始困惑了,加多少号油到底是什么决定的?我加更高标号的油到底好不好呢?", "其实啊,咱们加多少标号的汽油,只需要看一个东西,就是咱们油箱盖背面的建议值。该加多少号油,听从汽车厂商给你的建议就可以了,因为厂家在生产这款车的时候,会经过一个长时间的测试,是最科学、最官方的正确标号。", "那要加更高标号的汽油吗?一般我们其实没必要加高标号的,因为并不会真的省油,也不会减少积碳的产生。", "其实,在今年全国实行国五标准后,燃油标准也升级,很多人就开始纠结,我们应该加几号油了,如果你还有这样的疑问的话,可以在咱们微信公众号中回复“加油”两个字,这篇关于加几号油的文章就在那等着你了。", "那记得有空就来咱们的微信公众号“擎风车铺”。三味每天都会在这里为你讲一段三分钟的汽车知识小语音,这里可是最为你动擎的汽车新媒体哈 ! 觉得好的话,介绍给身边的朋友,让他们也来关注一下吧!", "开车没有劲爆车载DJ怎么行?参与“无DJ不开车”活动,工体DJ免费送给您,获取方法如下:", "关注微信公众账号:擎风车铺(ID:qingfengchepu),", "留言“DJ”两个字,最新最火爆的工体DJ等你下", "发动机脏了如何清洗? 为什么后半箱油烧的那么快?", "发表我的评论", "说客是汽车人的自媒体平台,我有我的主张,申请成为说客作者", "什么是说客? 说客有什么激励政策? 如何成为说客作者?"], "bs_rank_pos": 0}, {"is_selected": true, "title": "95号汽油比92号汽油更耐用吗_百度知道", "most_related_para": 0, "segmented_title": ["95", "号", "汽油", "比", "92", "号", "汽油", "更", "耐用", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["5", "号", "汽油", "比", "92", "号", "更", "有劲", "?", "答案", "是否", "定", "的", "。", "因为", "95", "号", "和", "92", "号", "只是", "辛烷值", "不同", ",", "即", "抗", "爆", "性能", "不一样", "。", "是否", "使用", "95", "号", "汽油", ",", "取决于", "汽油", "发动机", "的", "压缩比", "。", "汽油机", "的", "压缩比", "越", "大", ",", "压缩", "过程", "终", "了", "时", "气缸", "内", "混合气", "的", "温度", "和", "压力", "就", "越", "高", ",", "而", "这", "大", "大", "加速", "了", "未", "燃", "混合气", "中", "过氧化物", "的", "生成", "和", "聚集", ",", "使", "其", "更容易", "自燃", ",", "因而", "爆震", "的", "倾向", "增强", "。", "因此", ",", "只有", "对", "压缩比", "比较", "大", "的", "汽油机", "才", "选择", "抗", "爆", "性", "好", "的", "95", "号", "汽油", ",", "以", "避免", "发生", "爆震", "现象", ",", "而", "对于", "普通", "家用", "汽车", ",", "除非", "汽车", "厂家", "有", "特殊", "要求", ",", "根本", "没", "必要", "也", "无需", "加", "95", "号", "汽油", "。", "而", "随着", "发动机", "设计", "、", "制造技术", "的", "提高", ",", "对", "汽油", "辛烷值", "的", "要求", "会", "越来越", "低", "。"]], "paragraphs": ["5号汽油比92号更有劲? 答案是否定的。因为95号和92号只是辛烷值不同,即抗爆性能不一样。是否使用95号汽油,取决于汽油发动机的压缩比。汽油机的压缩比越大,压缩过程终了时气缸内混合气的温度和压力就越高,而这大大加速了未燃混合气中过氧化物的生成和聚集,使其更容易自燃,因而爆震的倾向增强。 因此,只有对压缩比比较大的汽油机才选择抗爆性好的95号汽油,以避免发生爆震现象,而对于普通家用汽车,除非汽车厂家有特殊要求,根本没必要也无需加95号汽油。而随着发动机设计、制造技术的提高,对汽油辛烷值的要求会越来越低。"], "bs_rank_pos": 1}, {"is_selected": true, "title": "95号汽油好还是92号汽油好_百度知道", "most_related_para": 0, "segmented_title": ["95", "号", "汽油", "好", "还是", "92", "号", "汽油", "好", "_", "百度", "知道"], "segmented_paragraphs": [["汽油", "标号", "没有", "好", "与", "不好", ",", "只有", "合适", "与", "不合适", "严格", "来", "说", ",", "从", "环保", "、", "对", "人体", "损害", "来", "说", ",", "92", "号", "要", "优", "于", "95", "号", "的", ",", "所谓", "多少", "号", "的", "汽油", ",", "都是", "供应商", "根据", "市场", "行情", "调和", "的", ",", "而", "92", "号", "汽油", "一般", "炼", "厂", "情况", ",", "烯烃", "和", "芳烃", "含量", "都", "要", "低于", "95", "号", "的", ",", "芳烃", "多", "了", ",", "汽车", "如果", "燃烧", "不", "完全", ",", "会", "产生", "更多", "的", "苯并芘", "、", "NOX", "等", "有害", "物质", "的", ",", "同时", ",", "芳烃", "意味着", "什么", ",", "你", "懂得", "。", "但", "如果", "汽车", "的", "压缩", "比较", "高", ",", "更高", "标号", "的", "汽油", "就不存在", "燃烧", "不", "完全", "的", "情况", ",", "会", "产生", "更", "充足", "的", "动力", ",", "避免", "在", "大", "油门", "突然", "提速", "的", "情况", "下", "车辆", "产生", "抖动", "等", "。"]], "paragraphs": ["汽油标号没有好与不好,只有合适与不合适 严格来说,从环保、对人体损害来说,92号要优于95号的,所谓多少号的汽油,都是供应商根据市场行情调和的,而92号汽油一般炼厂情况,烯烃和芳烃含量都要低于95号的,芳烃多了,汽车如果燃烧不完全,会产生更多的苯并芘、NOX等有害物质的,同时,芳烃意味着什么,你懂得。但如果汽车的压缩比较高,更高标号的汽油就不存在燃烧不完全的情况,会产生更充足的动力,避免在大油门突然提速的情况下车辆产生抖动等。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "95号汽油比92号汽油好在哪里_百度知道", "most_related_para": 0, "segmented_title": ["95", "号", "汽油", "比", "92", "号", "汽油", "好在哪里", "_", "百度", "知道"], "segmented_paragraphs": [["其实", "只是", "抗", "爆", "性", "不同", "而已", ",", "跟", "清洁度", "无关", ",", "汽车", "加", "什么", "油", ",", "最终", "还是", "要", "汽车", "的", "发动机", "的", "压缩比", "说了算", "的", "。", "汽油", "按", "牌号", "来", "生产", "和", "销售", ",", "牌号", "规格", "由", "国家", "汽油", "产品", "标准", "加", "以", "规定", ",", "并", "与", "不同", "标准", "有关", "。", "目前我国", "国", "(", "IV", ")", "的", "汽油", "牌号", "有", "3", "个", ",", "分别", "为", "90", "号", "、", "93", "号", "、", "97", "号", "。", "国", "(", "V", ")", "分别", "为", "89", "号", "、", "92", "号", "、", "95", "号", "(", "附录", "中", "有", "98", "号", ")", "。", "汽油", "的", "牌号", "是", "按", "辛烷值", "划分", "的", "。", "例如", ",", "97", "号", "汽油", "指", "与", "含", "97", "%", "的", "异辛烷", "、", "3", "%", "的", "正庚烷", "抗", "爆", "性能", "相当", "的", "汽油", "燃料", "。", "标号", "越", "大", ",", "抗", "爆", "性能", "越好", "。", "应", "根据", "发动机", "压缩比", "的", "不同", "来", "选择", "不同", "牌号", "的", "汽油", ",", "这", "在", "每", "辆", "车", "的", "使用", "手册", "上", "都会", "标明", "。", "压缩比", "在", "8.5", "-", "9", ".", "5", "之间", "的", "中档轿车", "一般", "应", "使用", "90", "号", "(", "国IV", ")", "汽油", ",", "压缩比", "大于", "9", ".", "5", "的", "轿车", "应", "使用", "93", "号", "(", "国IV", ")", "汽油", "。", "高", "压缩比", "的", "发动机", "如果", "选用", "低", "牌号", "汽油", ",", "会", "使", "汽缸", "温度", "剧", "升", ",", "汽油", "燃烧", "不", "完全", ",", "机器", "强烈", "震动", ",", "从而", "使", "输出功率", "下降", ",", "机件", "受损", ",", "耗油", "及", "行驶", "无"]], "paragraphs": ["其实只是抗爆性不同而已,跟清洁度无关,汽车加什么油,最终还是要汽车的发动机的压缩比说了算的。 汽油按牌号来生产和销售,牌号规格由国家汽油产品标准加以规定,并与不同标准有关。目前我国国(IV)的汽油牌号有3个,分别为90号、93号、97号。国(V)分别为89号、92号、95号(附录中有98号)。汽油的牌号是按辛烷值划分的。例如,97号汽油指与含97%的异辛烷、3%的正庚烷抗爆性能相当的汽油燃料。标号越大,抗爆性能越好。应根据发动机压缩比的不同来选择不同牌号的汽油,这在每辆车的使用手册上都会标明。压缩比在8.5-9.5之间的中档轿车一般应使用90号(国IV)汽油,压缩比大于9.5的轿车应使用93号(国IV)汽油。 高压缩比的发动机如果选用低牌号汽油,会使汽缸温度剧升,汽油燃烧不完全,机器强烈震动,从而使输出功率下降,机件受损,耗油及行驶无"], "bs_rank_pos": 3}, {"is_selected": false, "title": "92号的车加95号汽油真的好吗?别傻了,不但没好处", "most_related_para": 3, "segmented_title": ["92", "号", "的", "车", "加", "95", "号", "汽油", "真", "的", "好", "吗", "?", "别傻了", ",", "不", "但", "没", "好处"], "segmented_paragraphs": [["02", "月", "19", "日", "09", ":", "35"], ["买车", "就要", "加油", ",", "但是", "大家", "存在", "一", "个", "普遍", "的", "认识", ",", "就是", "厂家", "标识", "只要", "加", "92", "号", "汽油", "的", "车", ",", "为了", "更好", "的", "优待", "车子", "和", "想", "获得", "更好", "的", "动力", ",", "就会", "潜意识", "里", "想要", "加", "高一", "号", "的", "汽油", ",", "例如", "95", "或者", "更好", "标号", ",", "但是", "这种", "做法", "真", "的", "正确", "吗", "?", "会", "有", "上面", "说", "的", "那样", ",", "对", "车子", "更好", ",", "或者", "是", "动力", "更", "好", "吗", "?"], ["但是", "事实", "并", "不是", "这样", ",", "我们", "自己", "认为", "对", "的", "事情", ",", "很多时候", "都是", "很多", "误区", "。", "首先", "我们", "要", "了解", "什么", "汽油", "标号", ":", "是", "实际", "汽油", "抗", "爆性", "与", "标准", "汽油", "的", "抗", "爆", "性", "的", "比值", "。", "标号", "越", "高", ",", "抗", "爆", "性能", "就", "越", "强", "。", "标准", "汽油", "是", "由", "异辛烷", "和", "正庚烷", "组成", "。", "并", "不是", "标号", "越", "高", "越", "好", ",", "要", "根据", "发动机", "压缩比", "合理", "选择", "汽油", "标号", "。"], ["误区", "一", ",", "95", "#", "的", "汽油", "更", "清洁", ",", "排放", "更", "少", "95", "的", "汽油", "更", "清洁", "吗", "?", "从", "标号", "的", "定义", "显然", "不是", ",", "而且", "有", "专门", "的", "权威", "实验", "部门", "做", "过", "相关", "实验", ",", "92", "#", "和", "95", "#", "在", "排量", "方面", "几乎", "无差别", ",", "所以", "再", "也", "不要", "认为", "95", "号", "汽油", "更", "清洁", "了", "。", "误区", "二", ",", "95", "#", "的", "汽油", "对", "发动机", "更好", "上", "文", "提到", "过", ",", "汽油", "标号", "是", "由", "辛烷值", "决定", "的", ",", "那么", "实际", "要", "根据", "发动机", "的", "压缩比", "来", "合理", "选择", "汽油", "标号", ",", "所以", "92", "的", "车", "加", "95", "的", "汽油", ",", "如果", "汽车", "的", "压缩比", "很", "低", ",", "不", "但", "对", "发动机", "充分", "燃烧", "有", "影响", ",", "而且", "厂家", "错误", "使用", "油", "品", ",", "还会", "减少", "发动机", "的", "寿命", "。", "误区", "三", ",", "95", "#", "发动机", "的", "积碳", "更", "少", "其实", "这", "也是", "一", "个", "误区", ",", "95", "号", "汽油", "和", "92", "号", "在", "对", "发动机", "积碳", "方面", "并", "无", "显著", "差异", "。", "发动机", "积碳", "主要", "是", "由于", "发动机", "长期使用", "或者", "是", "长期", "在", "低速", "下", "行驶", ",", "导致", "积碳", "的", "产生", ",", "积碳", "会", "使", "发动机", "抖动", ",", "动力", "减弱", "。", "减少", "积碳", "的", "有效", "办法", "就是", "使用", "合适", "的", "燃油", "清洁剂", ",", "可以", "有效", "清除", "积碳", "。", "加", "更好", "标号", "的", "汽油", "是", "确定", "不会", "减少", "积碳", "的", "。", "误区", "四", ",", "95", "#", "汽油", "动力", "更好", "95", "#", "号", "的", "汽油", "不会", "提升", "动力", ",", "还", "可能", "家", "减小", "动力", ",", "因为", "95", "号", "汽油", "需要", "更高", "的", "压缩比", ",", "如果", "发动机", "的", "压缩比", ",", "对", "导致", "燃烧", "不", "充分", ",", "从而", "导致", "排放", "上升", "和", "动力", "下降", "。", "误区", "五", ",", "使用", "95", "#", "汽油", "油耗", "更", "低", "这", "绝对", "是", "大错特错", "了", ",", "95", "#", "汽油", "绝对不会", "降低", "油耗", ",", "因为", "汽油", "的", "标号", "并", "不", "代表", "汽油", "热值", "的", "高", "92", "低", "和", "杂质", "含量", "的", "高低", ",", "因为", "使用", "更高", "标号", "的", "汽油", "并", "不能", "降低", "油耗", ",", "如果", "使用不当", ",", "还会", "使", "油耗", "上升", "。"], ["总结", ":", "到底", "使用", "什么", "汽油", ",", "答案", "就是", "看", "油箱", "盖", "的", "标签", ",", "写", "的", "多少", "号", "汽油", "就", "加", "多少", ",", "不会", "错", "的", ",", "千万", "别", "盲目", "相信", "以上", "5", "个", "说法", ",", "而", "加", "了", "高标号", "汽油", "。", "就像", "美女", ",", "不是", "越", "漂亮", "越好", ",", "太", "漂亮", "的", "也", "不", "适合", "你", ",", "你", "也", "降服", "不", "了", "。"], ["二师兄", "购车", "(", "微信", "公众", "号", ":", "ershixiong", "car", ")"], ["转载", "请", "注明", "以上", "信息"], ["特别声明", ":", "以上", "文章内容", "仅", "代表", "作者", "本人", "观点", ",", "不", "代表", "新浪", "看点", "观点", "或", "立场", "。", "如", "有", "关于", "作品", "内容", "、", "版权", "或", "其它", "问题", "请", "于", "作品", "发布", "后", "的", "30", "日内", "与", "新浪", "看点", "联系", "。"], ["有", "情怀", "又", "实用", "的", "好帮手", "体验", "宝骏", "310W"], ["热门评论"], ["我", "很", "负", "责任", "的", "告知", "大家", ":", "我", "有", "25", "年", "车", "龄", "的", "司机", ",", "进口车", "/", "国产车", "都", "开", "过", ",", "至今为止", "已", "使用", "过", "6", "台", "车", ",", "都是", "自", "用车", ",", "共", "行使", "里程", "53", "万", "公里", ",", "每", "台", "车", "都", "有", "行驶", "及", "保养", "记录", ",", "各种", "油耗", "及", "添加剂", "/", "清", "法", "添加剂", "使用", "情况", "都", "有", "记录", "及", "分析", "比较", "。", "这", "编", "报道", "完全", "是", "外", "行", ",", "他", "很", "不负责任", "地", "在", "误导", "大家", ",", "希望", "大家", "不要", "相信", ",", "新浪", "相关部门", "有没有", "审批", "就", "登出", "。"], ["用户", "6145310861"], ["同意", "兄弟", "说法", ",", "我", "也", "试", "过", ",", "所以", "大家", "不要", "听", "小", "编", "啥", "说"], ["泰", "新", "数码广场"], ["放", "他", "妈", "的", "小便", "的", "屁", "。", "老子", "感觉", "95", "号", "就是", "有劲", "而且", "省油", ",", "实测", "出来", "的", "!"], ["Sina", ".", "cn", "06", "-", "10", "06", ":", "23"], ["说说", "你", "的", "看法", "1733"]], "paragraphs": ["02月19日 09:35", "买车就要加油,但是大家存在一个普遍的认识,就是厂家标识只要加92号汽油的车,为了更好的优待车子和想获得更好的动力,就会潜意识里想要加高一号的汽油,例如95或者更好标号,但是这种做法真的正确吗?会有上面说的那样,对车子更好,或者是动力更好吗?", "但是事实并不是这样,我们自己认为对的事情,很多时候都是很多误区。首先我们要了解什么汽油标号:是实际汽油抗爆性与标准汽油的抗爆性的比值。标号越高,抗爆性能就越强。标准汽油是由异辛烷和正庚烷组成。并不是标号越高越好,要根据发动机压缩比合理选择汽油标号。", "误区一,95#的汽油更清洁,排放更少 95的汽油更清洁吗? 从标号的定义显然不是,而且有专门的权威实验部门做过相关实验,92#和95#在排量方面几乎无差别,所以再也不要认为95号汽油更清洁了。 误区二,95#的汽油对发动机更好 上文提到过,汽油标号是由辛烷值决定的,那么实际要根据发动机的压缩比来合理选择汽油标号, 所以92的车加95的汽油,如果汽车的压缩比很低,不但对发动机充分燃烧有影响,而且厂家 错误使用油品,还会减少发动机的寿命。 误区三,95#发动机的积碳更少 其实这也是一个误区,95号汽油和92号在对发动机积碳方面并无显著差异。发动机积碳主要是由于发动机长期使用或者是长期在低速下行驶,导致积碳的产生,积碳会使发动机抖动,动力减弱。减少积碳的有效办法就是使用合适的燃油清洁剂,可以有效清除积碳。加更好标号的汽油是确定不会减少积碳的。 误区四,95#汽油动力更好 95#号的汽油不会提升动力,还可能家减小动力,因为95号汽油需要更高的压缩比,如果发动机的压缩比,对导致燃烧不充分,从而导致排放上升和动力下降。 误区五,使用95#汽油油耗更低 这绝对是大错特错了,95#汽油绝对不会降低油耗,因为汽油的标号并不代表汽油热值的高92低和杂质含量的高低,因为使用更高标号的汽油并不能降低油耗,如果使用不当,还会使油耗上升。", "总结:到底使用什么汽油,答案就是看油箱盖的标签,写的多少号汽油就加多少,不会错的,千万别盲目相信以上5个说法,而加了高标号汽油。就像美女,不是越漂亮越好,太漂亮的也不适合你,你也降服不了。", "二师兄购车(微信公众号:ershixiongcar)", "转载请注明以上信息", "特别声明:以上文章内容仅代表作者本人观点,不代表新浪看点观点或立场。如有关于作品内容、版权或其它问题请于作品发布后的30日内与新浪看点联系。", "有情怀又实用的好帮手 体验宝骏310W", "热门评论", "我很负责任的告知大家:我有25年车龄的司机,进口车/国产车都开过,至今为止已使用过6台车,都是自用车,共行使里程53万公里,每台车都有行驶及保养记录,各种油耗及添加剂/清法添加剂使用情况都有记录及分析比较。这编报道完全是外行,他很不负责任地在误导大家,希望大家不要相信,新浪相关部门有没有审批就登出。", "用户6145310861", "同意兄弟说法,我也试过,所以大家不要听小编啥说", "泰新数码广场", "放他妈的小便的屁。老子感觉95号就是有劲而且省油,实测出来的!", "Sina.cn06-10 06:23", "说说你的看法 1733"], "bs_rank_pos": 4}], "answer_spans": [[9, 157]], "yesno_answers": ["No"], "fake_answers": ["答案是否定的。因为95号和92号只是辛烷值不同,即抗爆性能不一样。是否使用95号汽油,取决于汽油发动机的压缩比。汽油机的压缩比越大,压缩过程终了时气缸内混合气的温度和压力就越高,而这大大加速了未燃混合气中过氧化物的生成和聚集,使其更容易自燃,因而爆震的倾向增强。因此,只有对压缩比比较大的汽油机才选择抗爆性好的95号汽油,以避免发生爆震现象,而对于普通家用汽车,除非汽车厂家有特殊要求,根本没必要也无需加95号汽油。而随着发动机设计、制造技术的提高,对汽油辛烷值的要求会越来越低。"], "question": "95号汽油比92号耐用吗", "segmented_answers": [["答案", "是否", "定", "的", "。", "因为", "95", "号", "和", "92", "号", "只是", "辛烷值", "不同", ",", "即", "抗", "爆", "性能", "不一样", "。", "是否", "使用", "95", "号", "汽油", ",", "取决于", "汽油", "发动机", "的", "压缩比", "。", "汽油机", "的", "压缩比", "越", "大", ",", "压缩", "过程", "终", "了", "时", "气缸", "内", "混合气", "的", "温度", "和", "压力", "就", "越", "高", ",", "而", "这", "大", "大", "加速", "了", "未", "燃", "混合气", "中", "过氧化物", "的", "生成", "和", "聚集", ",", "使", "其", "更容易", "自燃", ",", "因而", "爆震", "的", "倾向", "增强", "。", "因此", ",", "只有", "对", "压缩比", "比较", "大", "的", "汽油机", "才", "选择", "抗", "爆", "性", "好", "的", "95", "号", "汽油", ",", "以", "避免", "发生", "爆震", "现象", ",", "而", "对于", "普通", "家用", "汽车", ",", "除非", "汽车", "厂家", "有", "特殊", "要求", ",", "根本", "没", "必要", "也", "无需", "加", "95", "号", "汽油", "。", "而", "随着", "发动机", "设计", "、", "制造技术", "的", "提高", ",", "对", "汽油", "辛烷值", "的", "要求", "会", "越来越", "低", "。"]], "answers": ["答案是否定的。因为95号和92号只是辛烷值不同,即抗爆性能不一样。是否使用95号汽油,取决于汽油发动机的压缩比。汽油机的压缩比越大,压缩过程终了时气缸内混合气的温度和压力就越高,而这大大加速了未燃混合气中过氧化物的生成和聚集,使其更容易自燃,因而爆震的倾向增强。因此,只有对压缩比比较大的汽油机才选择抗爆性好的95号汽油,以避免发生爆震现象,而对于普通家用汽车,除非汽车厂家有特殊要求,根本没必要也无需加95号汽油。而随着发动机设计、制造技术的提高,对汽油辛烷值的要求会越来越低。"], "yesno_type": "OPINION", "answer_docs": [1], "segmented_question": ["95", "号", "汽油", "比", "92", "号", "耐用", "吗"], "question_type": "YES_NO", "question_id": 9, "fact_or_opinion": "OPINION", "match_scores": [0.9194630872483222]}
-{"documents": [{"is_selected": true, "title": "2017北京一带一路峰会什么时候召开_2017一带一路峰会召开时间", "most_related_para": 2, "segmented_title": ["2017", "北京", "一", "带", "一", "路", "峰会", "什么时候", "召开", "_", "2017", "一", "带", "一", "路", "峰会", "召开", "时间"], "segmented_paragraphs": [["学习", "啦", ">", "新闻资讯", ">", "国际", ">", "《", "2017", "北京", "一", "带", "一", "路", "峰会", "什么时候", "召开", "_", "2017", "一", "带", "一", "路", "峰会", "召开", "时间", "》", "正文"], ["2017", "一", "带", "一", "路", "国家", "高峰论坛", "到", "来", "了", ",", "“", "一", "带", "一", "路", "”", "建设", "从无到有", "、", "由", "点", "及", "面", ",", "进度", "和", "成果", "超出", "预期", "。", "那么", "一", "带", "一", "路", "2017", "开会", "时间", "什么时候", "?", "下面", "学习", "啦", "小", "编", "分享", "了", "2017", "一", "带", "一", "路", "峰会", "召开", "时间", ",", "希望", "你", "喜欢", "。"], ["时间", ":", "2017", "年", "5", "月", "14", "日", "-", "5", "月", "15", "日"], ["会议地点", ":", "中国", "北京"], ["一", "、", "中国", ",", "包括", "东亚", "的", "蒙古国", ",", "东盟", "10", "国", ":", "(", "新加坡", "、", "马来西亚", "、", "印", "度", "尼", "西亚", "、", "缅甸", "、", "泰国", "、", "老挝", "、", "柬埔寨", "、", "越南", "、", "文莱", "和", "菲律宾", ")", ",", "小计", "12", "国", "二", "、", "西亚", "18", "国", ":", "(", "伊朗", "、", "伊拉克", "、", "土耳其", "、", "叙利亚", "、", "约旦", "、", "黎巴嫩", "、", "以色列", "、", "巴勒斯坦", "、", "沙特", "阿拉伯", "、", "也门", "、", "阿曼", "、", "阿联酋", "、", "卡塔尔", "、", "科威特", "、", "巴林", "、", "希腊", "、", "塞浦路斯", "和", "埃及", "的", "西奈半岛", ")", "三", "、", "南亚", "8", "国", ":", "(", "印度", "、", "巴基斯坦", "、", "孟加拉", "、", "阿富汗", "、", "斯里兰卡", "、", "马尔代夫", "、", "尼泊尔", "和", "不丹", ")", "四", "、", "中亚", "5", "国", ":", "(", "哈", "萨克斯", "坦", "、", "乌兹别克", "斯坦", "、", "土库曼", "斯坦", "、", "塔吉克", "斯坦", "和", "吉尔吉斯", "斯坦", ")"], ["五", "、", "独联体", "7", "国", ":", "(", "俄罗斯", "、", "乌克兰", "、", "白俄罗斯", "、", "格鲁吉亚", "、", "阿塞拜疆", "、", "亚美尼亚", "和", "摩尔多瓦", ")"], ["六", "、", "中", "东欧", "16", "国", ":", "(", "波兰", "、", "立陶宛", "、", "爱沙尼亚", "、", "拉脱维亚", "、", "捷克", "、", "斯洛伐克", "、", "匈牙利", "、", "斯洛", "文", "尼", "亚", "、", "克罗地亚", "、", "波黑", "、", "黑山", "、", "塞尔维亚", "、", "阿尔巴尼亚", "、", "罗马尼亚", "、", "保加利亚", "和", "马其顿", ")"], ["蒙", "内", "铁路"], ["肯尼亚", "是", "中国", "“", "一", "带", "一", "路", "”", "战略", "在", "非洲", "唯一", "的", "支点", ",", "是", "新丝路", "建设", "中", "获得", "中国", "资金", "援助", "最多", "的", "国家", "。"], ["2014", "年", "5", "月", "李克强", "总理", "访问", "肯尼亚", "期间", ",", "中肯", "签署", "了", "关于", "蒙巴萨", "-", "内罗毕铁路", "相关", "合作协议", ",", "蒙", "内", "铁路", "是", "肯尼亚", "百年", "来", "建设", "的", "首条", "新", "铁路", ",", "是", "东", "非", "铁路", "网", "的", "咽喉", ",", "也是", "东", "非", "次", "区域", "互联互通", "重大项目", ",", "规划", "全", "长", "2700", "公里", ",", "预计", "总", "造价", "250", "亿", "美元", "。"], ["中", "匈", "协议"], ["2015", "年", "6", "月", "6", "日", ",", "正在", "匈牙利", "进行", "正式访问", "的", "外交部", "部长", "王毅", ",", "在", "布达佩斯", "同", "匈牙利", "外交", "与", "对外经济", "部", "部长", "西亚", "尔", "托", "签署", "了", "《", "中华人民共和国", "政府", "和", "匈牙利", "政府", "关于", "共同", "推进", "丝绸之路", "经济", "带", "和", "21", "世纪", "海上丝绸之路", "建设", "的", "谅解备忘录", "》", "。", "这", "是", "中国", "同", "欧洲", "国家", "签署", "的", "第一个", "此类", "合作", "文件", "。"], ["卫星通信"], ["为", "保障", "“", "一", "带", "一", "路", "”", "通信卫星", "信号", "无障碍", ",", "国内", "的", "相关", "企业", "和", "政府机构", "已经", "对", "“", "一", "带", "一", "路", "”", "的", "卫星", "发射", "进行", "了", "规划", "和", "研究", ",", "未来", "三年", "到", "五年内", ",", "将", "发射", "多", "颗", "通信卫星", ",", "与此同时", ",", "“", "一", "带", "一", "路", "”", "途经", "国家", "的", "通信", "信号", "也", "将", "逐步", "实现", "全", "覆盖", "。", "从而", "在", "通信", "领域", "为", "“", "一", "带", "一", "路", "”", "铺平道路", "。"], ["亚洲", "基础设施", "投资银行"], ["截至", "2015", "年", "4", "月", "15", "日", ",", "亚投行", "意向", "创始", "成员", "国", "确定", "为", "57", "个", ",", "其中", "域", "内", "国家", "37", "个", "、", "域", "外国", "家", "20", "个", "。", "涵盖", "了", "除", "美日", "之外", "的", "主要", "西方国家", ",", "以及", "亚欧", "区域", "的", "大部分", "国家", ",", "成员", "遍及", "五", "大洲", "。", "其他", "国家", "和", "地区", "今后", "仍", "可以作为", "普通", "成员", "加入", "亚投行", "。"], ["2015", "年", "4", "月", "28", "日", ",", "为", "期", "两天", "的", "亚投行", "第", "四", "次", "谈判", "代表", "会议", "在", "北京", "闭幕", ",", "这", "是", "亚投行", "57", "个", "意向", "创始", "成员国", "名单", "最终确定", "后", "首次", "齐聚", "北京", ",", "代表", "们", "对", "多", "边", "临时", "秘书处", "起草", "的", "《", "亚投行", "章程", "(", "草案", ")", "》", "修订稿", "进行", "讨论", "并", "取得", "显著", "进展", "。", "各", "方", "商", "定", "将", "于", "2015", "年", "年", "中", "完成", "亚投行", "章程", "谈判", "并", "签署", ",", "年底", "前", "完成", "章程", "生效", "程序", ",", "正式成立", "亚投行", "。"], ["卡拉奇", "-", "拉合尔", "高速公路"], ["2015", "年", "12", "月", "22", "日", ",", "中国建筑", "股份有限公司", "(", "“", "公司", "”", ")", "与", "巴基斯坦", "国家", "高速公路", "管理局", "正式签署", "巴基斯坦", "卡拉奇", "-", "拉合尔", "高速公路", "(", "苏", "库尔", "-", "木尔坦", "段", ")", "项目", "EPC", "总承包", "合同", "。"], ["卡拉奇", "-", "拉合尔", "高速公路", "项目", "为", "中巴", "经济", "走廊", "最大", "交通", "基础设施", "项目", ",", "全", "长", "约", "1", ",", "152", "公里", ",", "采用", "双向", "6", "车道", "设计", ",", "设计", "时速", "120", "公里", "/", "小时", "。", "公司", "本次", "签约", "承建", "的", "苏", "库尔", "-", "木尔坦", "段", ",", "为", "中巴", "经济", "走廊", "早期", "收获", "项目", ",", "全", "长", "392", "公里", ",", "建设工期", "36", "个", "月", "。", "合同", "金额", "2", ",", "943", "亿", "卢比", ",", "约", "折合", "人民币", "184", ".", "6", "亿元", ",", "约", "占", "公司", "2014", "年度", "经审计", "营业收入", "的", "2", ".", "31", "%", "。", "公司", "推进", "“", "一", "带", "一", "路", "”", "项目", "取得", "重大", "实质性", "成果", "。"], ["巴基斯坦", "-", "-", "卡洛特", "水电站"], ["2016", "年", "1", "月", "10", "日", ",", "在", "距离", "巴基斯坦", "首都", "伊斯兰堡", "50", "多", "公里", "处", "的", "吉", "拉姆", "河畔", ",", "三峡", "集团", "承建", "的", "卡洛特", "水电站", "主体工程", "开工", "。", "这", "是", "丝路", "基金", "首个", "对外投资", "项目", "。"], ["印尼", "-", "-", "印尼", "雅", "万", "高铁"], ["2016", "年", "1", "月", "21", "日", ",", "印尼", "雅", "万", "高铁", "开工", "奠基仪式", "举行", "。", "这", "将", "是", "印尼", "乃至", "东南亚", "地区", "的", "首条", "高铁", "。"], ["德黑兰", "至", "马什哈德", "高铁"], ["2016", "年", "2", "月", "6", "日", ",", "伊朗总统", "鲁哈尼", "出席", "了", "德黑兰", "-", "马什哈德", "铁路", "电气化", "改造", "项目", "的", "开工仪式", ",", "项目", "预计", "将", "在", "42", "个", "月", "后", "竣工", ",", "随后", "还有", "5", "年", "的", "维护", "期", "。", "该", "项目", "将", "由", "伊朗", "基础设施", "工程", "集团", "MAPNA", "和", "中国", "中机", "公司", "及", "苏", "电", "集团", "承建", "。"], ["项目", "全部", "竣工", "后", ",", "将", "有", "70", "辆", "中国", "机车", "以", "250", "公里", "的", "时速", "在", "该", "段", "铁路", "上", "行驶", "。"], ["区域合作", "秉持", "开放", "的", "区域合作", "精神", ",", "致力于", "维护", "全球", "自由贸易", "体系", "和", "开放", "型", "世界经济", ",", "符合", "国际", "社会", "的", "根本利益", ",", "彰显", "人类", "社会", "共同", "理想", "和", "美好", "追求", ",", "是", "国际合作", "以及", "全球", "治理", "新模式", "的", "积极探索", ",", "将", "为", "世界", "和平", "发展", "增添", "新", "的", "正能量", "。"], ["发展战略", "对接", "互联互通", "项目", "将", "推动", "沿线", "各国", "发展战略", "的", "对接", "与", "耦合", ",", "发掘", "区域", "内", "市场", "的", "潜力", ",", "促进", "投资", "和", "消费", ",", "创造", "需求", "和", "就业", ",", "增进", "沿线", "各国", "人民", "的", "人文", "交流", "与", "文明", "互", "鉴", "。"], ["中国", "深度", "融入", "世界", "当前", ",", "中国经济", "和", "世界经济", "高度关联", "。", "中国", "将", "一以贯之", "地", "坚持", "对外开放", "的", "基本国策", ",", "构建", "全方位", "开放", "新格局", ",", "深度", "融入", "世界", "经济体系", "。"], ["内部", "需要", ":", "中国", "要", "避免", "中等收入", "陷阱", ",", "必须", "开拓海外", "空间", "。"], ["从", "内部", "需求", "说", ",", "丝绸之路", "是", "中国", "可持续发展战略", "的", "有机", "部分", "。", "开放", "是", "中国", "过去", "30", "多", "年", "经济发展", "重要", "动力", ",", "在", "早期", "主要", "是", "对", "西方发达国家", "的", "开放", ",", "无论", "是", "引进技术", "也", "好", ",", "出口", "中国", "商品", "也", "好", ",", "对", "促进", "中国", "的", "经济", "都", "起", "到", "了", "巨大", "作用", "。", "现在", "中国", "国内", "经济增长", "缺乏", "动力", ",", "需要", "新", "形式", "的", "开放", "。"], ["中国", "现在", "人均", "GDP", "是", "7500", "美金", ",", "属于", "中等收入", "经济", "体", "。", "中国", "下一步", "要", "把", "自己", "提升", "为", "高", "收入", "经济", "体", "。", "但是", "根据", "世界银行", "统计", "的", "二战", "以后", "100", "多", "个", "国家", "看", ",", "只有", "十", "几", "个", "国家", "逃避", "中等收入", "陷阱", ",", "成为", "高", "收入", "经济", "体", "。", "那么", "这", "十", "几个", "国家", "里面", ",", "大部分", "是", "资源", "性", "国家", ",", "除此之外", ",", "能", "逃避", "中等收入", "陷阱", "的", "就是", "东亚", "社会", ",", "比如", "日本", "、", "亚洲四小龙", "。", "除了", "这", "五", "个", "经济", "体", ",", "其它", "就", "没有了", "。", "虽然", "我们", "有信心", "逃避", "中等收入", "陷阱", ",", "但是", "我", "觉得", "很难", "。"], ["日本", "能够", "逃避", "中等收入", "陷阱", "有", "它", "特殊", "的", "背景", ",", "战", "后", "它", "被", "美国", "占领", ",", "西方", "基本上", "把", "整个", "市场", "开放", "给", "了", "日本", ",", "日本", "没有", "花", "很大", "力气", "就", "进入", "了", "西方", "市场", ",", "成为", "西方", "一部分", "。", "亚洲四小龙", "也有", "特殊", "背景", "。", "第", "一", ",", "亚洲四小龙", "经济", "体", "比较", "小", ";", "第", "二", ",", "亚洲四小龙", "很多", "方面", "是", "属于", "西方", "治理", "的", "。", "中国", "现在", "的", "情况", "不一样", ",", "国际", "环境", "不好", ",", "西方", "对", "中国", "搞", "贸", "易", "保护主义", "。", "还有", "中国", "是", "13", "亿", "人口", "的", "第", "二", "大", "经济", "体", ",", "要", "从", "中等收入", "提升", "到", "高", "收入", "水平", ",", "这", "是", "世界", "史", "上", "从来没有", "发生", "过", "的", "事情", "。"], ["首先", ",", "从", "国际政治", "角度看", ",", "“", "一", "带", "一", "路", "”", "是", "以", "习近平", "同志", "为", "总书记", "的", "党中央", "统筹", "国内", "国际", "两个大局", ",", "着眼于", "实现", "“", "两", "个", "一百年", "”", "奋斗目标", "和", "中华民族", "伟大复兴", "中国梦", "而", "提出", "的", "重大", "外交", "构想", ";", "是", "中国", "作为", "具有", "世界", "影响", "的", "大", "国", "提出", "的", "世界", "大", "战略", ",", "其", "意义", "是", "非凡", "的", "。", "20", "世纪", "80", "年代", "末", "以来", "的", "一段时期", "内", ",", "我", "国", "面临", "十分", "严峻", "的", "国际", "环境", "。", "由于", "东欧剧变", "、", "苏联解体", ",", "西方国家", "把", "“", "和平演变", "”", "的", "目标", "对准", "中国", ",", "企图", "通过", "制裁", "、", "压制", "等", "手段", "搞垮", "中国", ";", "同时", ",", "一些", "发展中国家", "对", "中国", "寄予厚望", ",", "希望", "中国", "出来", "当头", "。", "在", "这", "一", "关键时刻", ",", "邓小平同志", "提出", ",", "要", "冷静", "观察", "、", "稳住阵脚", "、", "沉着", "应付", "、", "韬光养晦", "、", "有所作为", ",", "要", "“", "埋头", "实干", ",", "做", "好", "一", "件", "事", ",", "我们", "自己", "的", "事", "”", "。", "邓小平", "所说", "的", "“", "一", "件", "事", "”", ",", "就是", "坚持", "发展", "经济", "、", "坚持", "改革", "开放", "。", "按照", "邓小平", "提出", "的", "这", "一", "战略", "思想", ",", "中国", "在", "国际", "政治", "舞台", "上", "的", "表现", "总体来讲", "比较", "低调", "、", "务实", ",", "这", "是", "由", "当时", "中国", "的", "综合实力", "和", "内外", "环境", "决定", "的", "。", "经过", "20", "多", "年", "的", "迅猛", "发展", ",", "中国", "经济总量", "跃居", "世界", "第", "二", "位", ",", "综合国力", "和", "国际", "影响力", "显著", "提升", "。", "在", "这", "一", "时代", "背景", "下", ",", "党", "的", "十八", "大", "胜利召开", ",", "形成", "了", "以", "习近平", "同志", "为", "总书记", "的", "党中央", "。", "时代", "的", "召唤", "和", "发展", "的", "需要", ",", "都", "要求", "中国", "对", "世界", "局势", "、", "国际格局", "提出", "主张", "、", "贡献", "智慧", "、", "发挥", "影响", "。"]], "paragraphs": ["学习啦>新闻资讯>国际>《2017北京一带一路峰会什么时候召开_2017一带一路峰会召开时间》正文", "2017一带一路国家高峰论坛到来了,“一带一路”建设从无到有、由点及面,进度和成果超出预期。那么一带一路2017开会时间什么时候?下面学习啦小编分享了2017一带一路峰会召开时间,希望你喜欢。", "时间:2017年5月14日-5月15日", "会议地点:中国 北京", "一、中国,包括东亚的蒙古国,东盟10国:(新加坡、马来西亚、印度尼西亚、缅甸、泰国、老挝、柬埔寨、越南、文莱和菲律宾),小计12国 二、西亚 18国:(伊朗、伊拉克、土耳其、叙利亚、约旦、黎巴嫩、以色列、巴勒斯坦、沙特阿拉伯、也门、阿曼、阿联酋、卡塔尔、科威特、巴林、希腊、塞浦路斯和埃及的西奈半岛) 三、南亚 8国:(印度、巴基斯坦、孟加拉、阿富汗、斯里兰卡、马尔代夫、尼泊尔和不丹) 四、中亚 5国:(哈萨克斯坦、乌兹别克斯坦、土库曼斯坦、塔吉克斯坦和吉尔吉斯斯坦)", "五、独联体 7国:(俄罗斯、乌克兰、白俄罗斯、格鲁吉亚、阿塞拜疆、亚美尼亚和摩尔多瓦)", "六、中东欧 16国:(波兰、立陶宛、爱沙尼亚、拉脱维亚、捷克、斯洛伐克、匈牙利、斯洛文尼亚、克罗地亚、波黑、黑山、塞尔维亚、阿尔巴尼亚、罗马尼亚、保加利亚和马其顿)", "蒙内铁路", "肯尼亚是中国“一带一路”战略在非洲唯一的支点,是新丝路建设中获得中国资金援助最多的国家。", "2014年5月李克强总理访问肯尼亚期间,中肯签署了关于蒙巴萨-内罗毕铁路相关合作协议,蒙内铁路是肯尼亚百年来建设的首条新铁路,是东非铁路网的咽喉,也是东非次区域互联互通重大项目,规划全长2700公里,预计总造价250亿美元。", "中匈协议", "2015年6月6日,正在匈牙利进行正式访问的外交部部长王毅,在布达佩斯同匈牙利外交与对外经济部部长西亚尔托签署了《中华人民共和国政府和匈牙利政府关于共同推进丝绸之路经济带和21世纪海上丝绸之路建设的谅解备忘录》。这是中国同欧洲国家签署的第一个此类合作文件。", "卫星通信", "为保障“一带一路”通信卫星信号无障碍,国内的相关企业和政府机构已经对“一带一路”的卫星发射进行了规划和研究,未来三年到五年内,将发射多颗通信卫星,与此同时,“一带一路”途经国家的通信信号也将逐步实现全覆盖。从而在通信领域为“一带一路”铺平道路。", "亚洲基础设施投资银行", "截至2015年4月15日,亚投行意向创始成员国确定为57个,其中域内国家37个、域外国家20个。涵盖了除美日之外的主要西方国家 ,以及亚欧区域的大部分国家,成员遍及五大洲。其他国家和地区今后仍可以作为普通成员加入亚投行。", "2015年4月28日,为期两天的亚投行第四次谈判代表会议在北京闭幕,这是亚投行57个意向创始成员国名单最终确定后首次齐聚北京,代表们对多边临时秘书处起草的《亚投行章程(草案)》修订稿进行讨论并取得显著进展。各方商定将于2015年年中完成亚投行章程谈判并签署,年底前完成章程生效程序,正式成立亚投行。", "卡拉奇-拉合尔高速公路", "2015年12月22日,中国建筑股份有限公司(“公司”)与巴基斯坦国家高速公路管理局正式签署巴基斯坦卡拉奇-拉合尔高速公路(苏库尔-木尔坦段)项目EPC总承包合同。", "卡拉奇-拉合尔高速公路项目为中巴经济走廊最大交通基础设施项目,全长约1,152公里,采用双向6车道设计,设计时速120公里/小时。公司本次签约承建的苏库尔-木尔坦段,为中巴经济走廊早期收获项目,全长392公里,建设工期36个月。合同金额2,943亿卢比,约折合人民币184.6亿元,约占公司2014年度经审计营业收入的2.31%。公司推进“一带一路”项目取得重大实质性成果。", "巴基斯坦--卡洛特水电站", "2016年1月10日,在距离巴基斯坦首都伊斯兰堡50多公里处的吉拉姆河畔,三峡集团承建的卡洛特水电站主体工程开工。这是丝路基金首个对外投资项目。", "印尼--印尼雅万高铁", "2016年1月21日,印尼雅万高铁开工奠基仪式举行。这将是印尼乃至东南亚地区的首条高铁。", "德黑兰至马什哈德高铁", "2016年2月6日,伊朗总统鲁哈尼出席了德黑兰-马什哈德铁路电气化改造项目的开工仪式,项目预计将在42个月后竣工,随后还有5年的维护期。该项目将由伊朗基础设施工程集团MAPNA和中国中机公司及苏电集团承建。", "项目全部竣工后,将有70辆中国机车以250公里的时速在该段铁路上行驶。", "区域合作秉持开放的区域合作精神,致力于维护全球自由贸易体系和开放型世界经济,符合国际社会的根本利益,彰显人类社会共同理想和美好追求,是国际合作以及全球治理新模式的积极探索,将为世界和平发展增添新的正能量。", "发展战略对接互联互通项目将推动沿线各国发展战略的对接与耦合,发掘区域内市场的潜力,促进投资和消费,创造需求和就业,增进沿线各国人民的人文交流与文明互鉴。", "中国深度融入世界当前,中国经济和世界经济高度关联。中国将一以贯之地坚持对外开放的基本国策,构建全方位开放新格局,深度融入世界经济体系。", "内部需要:中国要避免中等收入陷阱,必须开拓海外空间。", "从内部需求说,丝绸之路是中国可持续发展战略的有机部分。开放是中国过去30多年经济发展重要动力,在早期主要是对西方发达国家的开放,无论是引进技术也好,出口中国商品也好,对促进中国的经济都起到了巨大作用。现在中国国内经济增长缺乏动力,需要新形式的开放。", "中国现在人均GDP是7500美金,属于中等收入经济体。中国下一步要把自己提升为高收入经济体。但是根据世界银行统计的二战以后100多个国家看,只有十几个国家逃避中等收入陷阱,成为高收入经济体。那么这十几个国家里面,大部分是资源性国家,除此之外,能逃避中等收入陷阱的就是东亚社会,比如日本、亚洲四小龙。除了这五个经济体,其它就没有了。虽然我们有信心逃避中等收入陷阱,但是我觉得很难。", "日本能够逃避中等收入陷阱有它特殊的背景,战后它被美国占领,西方基本上把整个市场开放给了日本,日本没有花很大力气就进入了西方市场,成为西方一部分。亚洲四小龙也有特殊背景。第一,亚洲四小龙经济体比较小;第二,亚洲四小龙很多方面是属于西方治理的。中国现在的情况不一样,国际环境不好,西方对中国搞贸 易保护主义。还有中国是13亿人口的第二大经济体,要从中等收入提升到高收入水平,这是世界史上从来没有发生过的事情。", "首先,从国际政治角度看,“一带一路”是以习近平同志为总书记的党中央统筹国内国际两个大局,着眼于实现“两个一百年”奋斗目标和中华民族伟大复兴中国梦而提出的重大外交构想;是中国作为具有世界影响的大国提出的世界大战略,其意义是非凡的。20世纪80年代末以来的一段时期内,我国面临十分严峻的国际环境。由于东欧剧变、苏联解体,西方国家把“和平演变”的目标对准中国,企图通过制裁、压制等手段搞垮中国;同时,一些发展中国家对中国寄予厚望,希望中国出来当头。在这一关键时刻,邓小平同志提出,要冷静观察、稳住阵脚、沉着应付、韬光养晦、有所作为,要“埋头实干,做好一件事,我们自己的事”。邓小平所说的“一件事”,就是坚持发展经济、坚持改革开放。按照邓小平提出的这一战略思想,中国在国际政治舞台上的表现总体来讲比较低调、务实,这是由当时中国的综合实力和内外环境决定的。经过20多年的迅猛发展,中国经济总量跃居世界第二位,综合国力和国际影响力显著提升。在这一时代背景下,党的十八大胜利召开,形成了以习近平同志为总书记的党中央。时代的召唤和发展的需要,都要求中国对世界局势、国际格局提出主张、贡献智慧、发挥影响。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "北京峰会2017几号开_2017年北京峰会开几天", "most_related_para": 0, "segmented_title": ["北京", "峰会", "2017", "几", "号", "开", "_", "2017", "年", "北京", "峰会", "开", "几天"], "segmented_paragraphs": [["北京", "峰会", "2017", "几", "号", "开", "文章总数", ":", "80311", "篇", "关于", "2017", "年", "北京", "峰会", "开", "几天", "的", "参考文献", ":", "199981", "次", "2017", "年", "5", "月", "北京", "峰会", "放假", "优秀文章", ":", "55079", "篇", "北京", "峰会", "2017", "几", "号", "结束", "经典", "论文", "85785", "篇", "2017", "一", "带", "一", "路", "会议", "放假", "一", "带", "一", "路", "峰会", "放假通知", "一", "带", "一", "路", "峰会", "主会场", "一", "带", "一", "路", "什么时候", "召开", "2017", "一", "带", "一", "路", "北京", "峰会", "2017", "一", "带", "一", "路", "峰会", "西安", "北京", "峰会", "2017", "几", "号", "开", "2017", "一", "带", "一", "路", "峰会", "怀柔", "一", "带", "一", "路", "峰会", "召开", "时间", "导读", ":", "关于", "北京", "峰会", "2017", "几", "号", "开", "频道", "整理", "了", "与", "2017", "年", "北京", "峰会", "开", "几天", "有关", "的", "参考资料", "176752", "篇", "和", "相关", "论文", "范文", "197352", "篇", "及", "2017", "年", "5", "月", "北京", "峰会", "放假", "相关", "写作技巧", "447801", "篇", "."], ["解放军艺术学院", "学报", "杂志社"], ["实用妇产科", "杂志", "杂志社"], ["分析试验室", "杂志社"], ["青少年", "犯罪问题", "杂志社"], ["渭南师范学院", "学报", "杂志社"], ["专题", ":", "教育类", "对", "大学生", "网络", "素养", "教育", "的", "本文作者", ":", "欧阳", "九", "根", ";", "成功", "正常", "投稿", "发表", "论文", "到", "《", "教育探索", "》", "2014", "年", "01", "期", ",", "引用", "请", "注明", "来源", "400", "期刊", "网", "!", "如果", "您", "需要", "快速", "发表", "论文", "服务", ",", "请", "联系", "在线", "编辑", "!", "【", "摘要", "】", ":", "针对", "大学生", "网络", "素养", "的", "现状", ",", "高校", "大学生", "网络", "素养", "教育", ",", "一", "要", "提高认识", ",", "加大投入", ";", "二", "要", "加强管理", ",", "强化", "监控", ".", ".", "."], ["专题", ":", "工商管理", "项目", "教学模式", "在", "英语", "课程", "摘要", ":", "目前", "随着", "教育体制", "的", "不断", "深化改革", ",", "在", "中职", "院校", "中", "进行", "传统", "的", "英语", "教学", "已经", "无法", "满足", "当前", "的", "社会", "需求", "和", "对", "人才", "的", "需求", "了", "。", "当前", "社会", "所", "需要", "的", "人才", "是", "能够", "在", "市场竞争", "如此", "激烈", "的", "环境", ".", ".", "."], ["专题", ":", "矿井", "机电", "论文", "【", "红桥区", "风采", "里", "】", "红桥", "刮", "红桥", "市场", "是", "中国", "最大", "的", "珍珠饰品", "贸易", "集散地", "之", "一", ",", "被", "誉为", "“", "京城", "珍珠", "第", "一", "家", "”", "。", "早", "在", "奥运", "开幕", "之", "前", ",", "红桥", "市场", "就", "已经开始", "“", "红火", "”", ".", ".", ".", ".", ".", ".", ".", ".", "J", "起来", "。", "埃塞", "俄", "比亚", "议长", "特肖梅", "·", "托", "加", "、", "圣马力诺", "国家元首", "费", "代", "里", "科", "·", "佩蒂尼", "·", "阿", "马蒂", "和", "罗萨", "·", "扎", "费", "拉", "尼", "。", "期间", ",", "罗萨", "·", "扎", "费", "拉", "尼", "女士", "对", "红桥", "市场", "的", "珍珠", ".", ".", "."], ["专题", ":", "雕塑艺术", "论文", "[", "电子商务", "物流", "配送", "模式", "论", "伴随", "着", "现代", "信息技术", "的", "飞速发展", ",", "电子商务", "产生", "并", "在", "经济", "社会", "生活", "的", "各个领域", "发挥", "着", "巨大", "的", "作用", ",", "物流", "行业", "也", "不", "例外", "。", "电子商务", "的", "产生", "给", "我", "国", "物流", "产业的发展", "带来", "了", "极", "大", "的", "便利", "。", "但是", "由于", "电子商务", "模式", "下", "的", "物流", "产业", "才", "刚刚起步", ",", "还", "存在", "很多", "亟待完善", "的", "问题", ",", "基于", "这", "一", "现状", ",", "本", "文", "就", "电子商务", "模式", ".", ".", "."], ["专题", ":", "医学论文", "投稿", "【", "ipo", "抑价", "】", "新", "制度经济学", "一", "、", "文献综述", "1", ".", "国外", "研究", "现状", "对于", "IPO", "发行", "抑价", "的", "研究", "最早", "始于", "Ibbotson", "(", "1975", ")", ",", "他", "当时", "对", "美国", "股票", "数据", "的", "研究", "发现", "IPO", "首", "日", "收益率", "高于", "市场", "收益率", ",", "此后", "学者", "开始", "注意", "到", "这种现象", ",", "进行", "了", "大量", "的", "研究", "。", "Vijay", "M", ".", "JogAllanL", ".", "Riding", "(", "1987", ")", "使用", "1971", "年", "~", "1983", "在", "加拿大", "Toronto", "证券市场", "IPO", "公司", "的", ".", ".", "."], ["专题", ":", "财务管理", "论文", "中国", "企业", "信息化", "现状", "|", "企业", "一", "、", "概述", "“", "数字鸿沟", "”", "的", "概念", "最早", "由", "美国", "国家", "远程通信", "和", "信息", "管理局", "(", "NTIA", ")", "1999", "年", "在", "名", "为", "《", "在", "网络", "中", "落伍", ":", "定义", "数字鸿沟", "》", "的", "报告", "中", "提出", ",", "它", "是", "指", "当代", "信息技术", "领域", "中", "存在", "的", "差距", "现象", ",", "既", "存在", "于", "信息技术", "的", "开发", "领域", ",", "也", "存在", "于", "信息技术", "的", "应用领域", ",", "特别", "是", "指", "由", "网络", "技术", "产生", "的", "差距", "。", "数字鸿沟", "问", ".", ".", "."], ["专题", ":", "现代农业", "论文", "[", "40", "年", "产权", "土地出让金", "论文", "继续", "调整", "国", "有", "经济", "的", "布局", "和", "结构", ",", "是", "党", "的", "十六大", "提出", "的", "深化", "经济体制改革", "的", "一项", "重大", "任务", "。", "要按照", "有", "进", "有", "退", "、", "合理", "流动", "的", "原则", ",", "推动", "国有资本", "更多", "地", "向", "关系", "国家安全", "和", "国民经济", "命脉", "的", "重要", "行业", "和", "关键", "领域", "集中", ",", "同时", "使", "国有资产", "从", "竞争性", "领域", "战略", "退出", "。", "规范", "国有企业改制", "和", "国有产权转让", ",", "是", "加", ".", ".", "."], ["专题", ":", "寝室", "管理", "论文", "五星级", "酒店", "厨师", "|", "星级酒店", "朱", "培", "基", ",", "毛路红", ";", "快马", "扬鞭", "勇攀", "三星", "—", "—", "扬子", "大酒店", "争创", "三星级", "酒店", "纪实", "[", "J", "]", ";", "江苏商论", ";", "1994", "年", "08", "期", ".", ".", "."], ["专题", ":", "管理", "论文", "中职", "课改", "引领", "学生", "自主", "创", "在", "坚持", "科学发展观", "、", "创建", "新型", "经济体系", "的", "思维", "引领", "和", "政策", "倡导", "下", ",", "中职", "院校", "的", "课改", "如何", "才能", "突破", "中职", "教育", "发展", "瓶颈", ",", "实现", "让", "课堂", "适合", "学生", "、", "发展", "学生", ",", "培养", "学生", "能够", "自主创业", "的", "新思维", "?", ".", ".", "."], ["专题", ":", "粮食经济", "论文", "太原市", "产业结构", "|", "浅析", "太原", "一", "、", "太原市", "产业结构", "发展", "现状", "2013", "年", ",", "全", "市", "实现", "地区", "生产总值", "(", "GDP", ")", "2311", ".", "43", "亿元", ",", "比", "上", "年", "增长", "10", ".", "5", "%", "。", "从", "产业结构", "看", ",", "第一产业", "增加值", "为", "36", ".", "02", "亿元", ",", "比", "上", "年", "增长", "5", ".", "2", "%", ";", "第二产业", "增加值", "为", "1035", ".", "57", "亿元", ",", "增长", "9.7", "%", ";", "第三产业", "增加值", "为", "1239", ".", "84", "亿元", ",", "增长", "11", ".", "3", "%", "。", "与", "上", "年", "相比", ",", "第一产业", "比重", "持", "平", ",", "第二产业", ".", ".", "."], ["专题", ":", "国内", "经济", "小学数学", "教学", "与", "高效", "课堂", "(", "一", ")", "运用", "丰富多彩", "的", "教学方法", ",", "激发", "和", "培养", "学生", "的", "学习兴趣", "兴趣", "是", "学生", "学", "好", "知识", "的", "最好", "老师", "。", "因此", ",", "老师", "在", "打造", "高效", "课堂", "的", "过程", "中", ",", "要", "创设", "一定", "的", "条件", "和", "借助", "一些", "手段", ",", "充分", "激发学生", ".", ".", "."], ["专题", ":", "论文", "百科", "泰山医学院", "药学", "泰山医学院", "药学专业", "药学", "(", "本科", "类", ")", "药学", ":", "本科", "(", "学制", "4", "年", ")", ",", "专科", "(", "学制", "3", "年", ")", "药学", "(", "临床", "药学", "方向", ")", ":", "本科", "(", "学制", "5", "年", ")", "专业要求", "与", "毕业去向", ":", "掌握", "药剂学", "、", "药物分析", "和", "药理学", "的", "基本", ".", ".", "."], ["专题", ":", "人力资源", "管理", "天然气", "超声波流量", "计量", "技", "摘要", ":", "天然气", "是", "我", "国", "社会", "生产", "生活", "中", "运用", "的", "重要", "能源", ",", "在", "天然气", "的", "运用", "中", "涉及", "到", "意向", "非常重要", "的", "内容", "就是", "流量", "计量", ",", "这", "是", "天然气", "提供者", "收取费用", "的", "核心", "依据", "。", "实际", "当", "中", "运用", "的", "计量", "装置", "较", ".", ".", "."], ["档案管理", "兵团", "党校学报", "湖北", "财经", "高等", "专科学校", "学报", "装甲兵", "工程学院", "学报", "中国医疗", "前沿", "农垦医学", "传媒", "评论", "粤海风", "河北", "成人教育", "宁波", "教育学院", "学报"], ["视频", "时", "长", ":", "00", ":", "41", "女博士", "8", "万字", "论文", "走红", "论", "茴香", "对", "卤", "鸡肉", "的", "影响", "[", "每日新闻报", "]", "视频", "时", "长", ":", "07", ":", "25", "聖", "密宗", "四", "歲", "小活佛", "背", "頌", "薄", "伽", "梵", "智", "及", "維摩詰", "論文", "《", "淺", "\\", "論", "佛教", "超越界限", "》", "DVD", "視頻", "公開", "视频", "时", "长", ":", "00", ":", "41", "被曝", "剽窃", "他人", "论文", "表格", "方舟子", ":", "一年前", "澄清", "过", "视频", "时", "长", ":", "01", ":", "33", "毕业", "临近", "论文", "反", "抄袭", "软件", "卖", "火", "了", "视频", "时", "长", ":", "23", ":", "44", "【", "第", "二", "屆", "佛教", "義", "學", "研討會", "】", "用", "科學", "的", "方法", "解釋", "佛法", "_", "法", "藏", "法師", "回應", "趙東明", "博士", "論文", "视频", "时", "长", ":", "32", ":", "45", "毕业论文", "撰写", "方法", "与", "技巧", "(", "2", "月", "19", "日", "上", ")", "视频", "时", "长", ":", "05", ":", "02", "容嬷嬷", "教", "你", "写", "毕业论文", "视频", "时", "长", ":", "01", ":", "54", "“", "最", "年轻", "市长", "”", "被", "指", "抄袭", "论文", "视频", "时", "长", ":", "00", ":", "31", "京华时报", ":", "教育部", "介入调查", "厅长", "在", "清华", "就读", "论文", "博士", "事件", "视频", "时", "长", ":", "02", ":", "09", "搞笑", ",", "大打出手", "只", "为", "一", "份", "论文", "材料", ",", "网络", "时代", "何必", "呢", "视频", "时", "长", ":", "01", ":", "41", "视频", "资料", "《", "火烧圆明园", "》", "-", "免费", "课件", "_", "教案", "_", "试卷", "_", "教学设计", "_", "教学", "论文", "视频", "时", "长", ":", "02", ":", "09", "恶搞", "刺陵", "论文", "大战", "视频", "时", "长", ":", "02", ":", "21", "16", "万字", "105", "页", "1", ".", "13", "兆", "大学生", "写出", "“", "史", "上", "最长", "毕业论文", "”", "视频", "时", "长", ":", "09", ":", "20", "都市笑口组", "之", "非", "一般", "论文", "视频", "时", "长", ":", "15", ":", "01", "如何", "写出", "高质量", "的", "学术论文", "(", "普刊", "学术", "中心", ")", "视频", "时", "长", ":", "03", ":", "52", "WPS", "Office", "文字", "论文", "排版", "教程", "一", ":", "页面", "设置", "视频", "时", "长", ":", "00", ":", "34", "上海地铁", "色狼", "被", "指", "论文", "抄袭", "社保", "造假", "[", "天下", "被", "网罗", "]", "视频", "时", "长", ":", "07", ":", "51", "论文答辩", "视频", "时", "长", ":", "13", ":", "23", "论文答辩", "现场"], ["多媒体", "系统", "对", "机械制图", "教学", "的", "应用", "智能化", "变电站", "技术", "管理", "论文", "国际贸易", "和", "国际", "投资", "关系", "教学平台", "无机化学", "教学改革", "和谐社会", "文化艺术", "论文", "波普艺术", "风格", "在", "商务", "酒店", "的", "应用", "临床医学", "实验", "中心", "建设", "与", "管理", "电子电路", "虚拟", "实验", "平台", "设计", "少儿", "素质教育", "与", "声乐教育", "分析", "医学伦理学", "教育", "在", "人才培养", "中", "的", "重"]], "paragraphs": ["北京峰会2017几号开文章总数:80311篇 关于2017年北京峰会开几天的参考文献: 199981次 2017年5月北京峰会放假优秀文章:55079篇 北京峰会2017几号结束经典论文85785篇 2017一带一路会议放假 一带一路峰会放假通知 一带一路峰会主会场 一带一路什么时候召开 2017一带一路北京峰会 2017一带一路峰会西安 北京峰会2017几号开 2017一带一路峰会怀柔 一带一路峰会召开时间  导读:关于北京峰会2017几号开频道整理了与2017年北京峰会开几天有关的参考资料176752篇和相关论文范文197352篇及2017年5月北京峰会放假相关写作技巧447801篇.", "解放军艺术学院学报杂志社", "实用妇产科杂志杂志社", "分析试验室杂志社", "青少年犯罪问题杂志社", "渭南师范学院学报杂志社", "专题:教育类对大学生网络素养教育的 本文作者:欧阳九根;成功正常投稿发表论文到《 教育探索 》2014年01期,引用请注明来源400期刊网! 如果您需要快速发表论文服务,请联系在线编辑! 【摘要】:针对大学生网络素养的现状,高校大学生网络素养教育,一要提高认识,加大投入;二要加强管理,强化监控...", "专题:工商管理项目教学模式在英语课程 摘要:目前随着教育体制的不断深化改革,在中职院校中进行传统的英语教学已经无法满足当前的社会需求和对人才的需求了。当前社会所需要的人才是能够在市场竞争如此激烈的环境...", "专题:矿井机电论文【红桥区风采里】红桥刮 红桥市场是中国最大的珍珠饰品贸易集散地之一,被誉为“京城珍珠第一家”。早在奥运开幕之前,红桥市场就已经开始“红火”........J起来。埃塞俄比亚议长特肖梅·托加、圣马力诺国家元首费代里科·佩蒂尼·阿马蒂和罗萨·扎费拉尼。期间,罗萨·扎费拉尼女士对红桥市场的珍珠...", "专题:雕塑艺术论文[电子商务物流配送模式论 伴随着现代信息技术的飞速发展,电子商务产生并在经济社会生活的各个领域发挥着巨大的作用,物流行业也不例外。电子商务的产生给我国物流产业的发展带来了极大的便利。但是由于电子商务模式下的物流产业才刚刚起步,还存在很多亟待完善的问题,基于这一现状,本文就电子商务模式...", "专题:医学论文投稿【ipo抑价】新制度经济学 一、文献综述1.国外研究现状对于IPO发行抑价的研究最早始于Ibbotson(1975),他当时对美国股票数据的研究发现IPO首日收益率高于市场收益率,此后学者开始注意到这种现象,进行了大量的研究。VijayM.JogAllanL.Riding(1987)使用1971年~1983在加拿大Toronto证券市场IPO公司的...", "专题:财务管理论文中国企业信息化现状|企业 一、概述“数字鸿沟”的概念最早由美国国家远程通信和信息管理局(NTIA)1999年在名为《在网络中落伍:定义数字鸿沟》的报告中提出,它是指当代信息技术领域中存在的差距现象,既存在于信息技术的开发领域,也存在于信息技术的应用领域,特别是指由网络技术产生的差距。数字鸿沟问...", "专题:现代农业论文[40年产权土地出让金论文 继续调整国有经济的布局和结构,是党的十六大提出的深化经济体制改革的一项重大任务。要按照有进有退、合理流动的原则,推动国有资本更多地向关系国家安全和国民经济命脉的重要行业和关键领域集中,同时使国有资产从竞争性领域战略退出。规范国有企业改制和国有产权转让,是加...", "专题:寝室管理论文五星级酒店厨师|星级酒店 朱培基,毛路红;快马扬鞭勇攀三星——扬子大酒店争创三星级酒店纪实[J];江苏商论;1994年08期...", "专题:管理论文中职课改引领学生自主创 在坚持科学发展观、创建新型经济体系的思维引领和政策倡导下,中职院校的课改如何才能突破中职教育发展瓶颈,实现让课堂适合学生、发展学生,培养学生能够自主创业的新思维?...", "专题:粮食经济论文太原市产业结构|浅析太原 一、太原市产业结构发展现状2013年,全市实现地区生产总值(GDP)2311.43亿元,比上年增长10.5%。从产业结构看,第一产业增加值为36.02亿元,比上年增长5.2%;第二产业增加值为1035.57亿元,增长9.7%;第三产业增加值为1239.84亿元,增长11.3%。与上年相比,第一产业比重持平,第二产业...", "专题:国内经济小学数学教学与高效课堂 (一)运用丰富多彩的教学方法,激发和培养学生的学习兴趣兴趣是学生学好知识的最好老师。因此,老师在打造高效课堂的过程中,要创设一定的条件和借助一些手段,充分激发学生...", "专题:论文百科泰山医学院 药学 泰山医学院药学专业 药学(本科类) 药学:本科(学制4年),专科(学制3年) 药学(临床药学方向):本科(学制5年) 专业要求与毕业去向:掌握药剂学、药物分析和药理学的基本...", "专题:人力资源管理天然气超声波流量计量技 摘要:天然气是我国社会生产生活中运用的重要能源,在天然气的运用中涉及到意向非常重要的内容就是流量计量,这是天然气提供者收取费用的核心依据。实际当中运用的计量装置较...", "档案管理 兵团党校学报 湖北财经高等专科学校学报 装甲兵工程学院学报 中国医疗前沿 农垦医学 传媒评论 粤海风 河北成人教育 宁波教育学院学报", "视频时长:00:41 女博士8万字论文走红 论茴香对卤鸡肉的影响[每日新闻报]  视频时长:07:25 聖密宗四歲小活佛背頌 薄伽梵智及維摩詰論文《淺\\論佛教超越界限》DVD視頻公開  视频时长:00:41 被曝剽窃他人论文表格 方舟子:一年前澄清过  视频时长:01:33 毕业临近 论文反抄袭软件卖火了  视频时长:23:44 【第二屆佛教義學研討會】用科學的方法解釋佛法_法藏法師回應趙東明博士論文  视频时长:32:45 毕业论文撰写方法与技巧(2月19日上)  视频时长:05:02 容嬷嬷教你写毕业论文  视频时长:01:54 “最年轻市长”被指抄袭论文  视频时长:00:31 京华时报:教育部介入调查厅长在清华就读论文博士事件  视频时长:02:09 搞笑,大打出手只为一份论文材料,网络时代何必呢  视频时长:01:41 视频资料《火烧圆明园》-免费课件_教案_试卷_教学设计_教学论文  视频时长:02:09 恶搞刺陵 论文大战  视频时长:02:21 16万字105页1.13兆大学生写出“史上最长毕业论文”  视频时长:09:20 都市笑口组之非一般论文  视频时长:15:01 如何写出高质量的学术论文(普刊学术中心)  视频时长:03:52 WPS Office文字 论文排版教程一:页面设置  视频时长:00:34 上海地铁色狼被指论文抄袭社保造假[天下被网罗]  视频时长:07:51 论文答辩  视频时长:13:23 论文答辩现场", "多媒体系统对机械制图教学的应用 智能化变电站技术管理论文 国际贸易和国际投资关系 教学平台无机化学教学改革 和谐社会文化艺术论文 波普艺术风格在商务酒店的应用 临床医学实验中心建设与管理 电子电路虚拟实验平台设计 少儿素质教育与声乐教育分析 医学伦理学教育在人才培养中的重"], "bs_rank_pos": 1}, {"is_selected": false, "title": "2017年北京一带一路峰会时间", "most_related_para": 3, "segmented_title": ["2017", "年", "北京", "一", "带", "一", "路", "峰会", "时间"], "segmented_paragraphs": [["近日", ",", "网上", "有", "传言", "称", ":", "“", "‘", "一", "带", "一", "路", "’", "国际合作", "高峰论坛", "将", "于", "今年", "5", "月", "14", "日", "至", "15", "日", "在", "北京", "举行", "。", "近", "20", "国", "领导人", "确认", "参会", "。", "峰会", "是", "真", ",", "放假", "未知", ",", "不排除", "放假", "哈", ",", "估计", "规格", "得", "apec", "那样", "。", "”", "下面", "是", "小", "编", "收集整理", "的", "2017", "年", "北京", "一", "带", "一", "路", "峰会", "时间", ",", "欢迎", "阅读", "参考", "!", "!"], ["2017", "一", "带", "一", "路", "高峰论坛", "时间", ":", "5", "月", "14", "日", "北京", "举行", "。", "习近平", "主席", "在", "1", "月", "17", "日", "举行", "的", "达沃斯", "世界经济论坛", "年会", "上", "宣布", ",", "今年", "5", "月", "中国", "将", "在", "北京", "主办", "“", "一", "带", "一", "路", "”", "国际合作", "高峰论坛", ",", "共", "商", "合作", "大", "计", ",", "共建", "合作", "平台", ",", "共享", "合作", "成果", ",", "为", "解决", "当前", "世界", "和", "区域经济", "面临", "的", "问题", "寻找", "方案", ",", "为", "实现", "联动", "式", "发展", "注入", "新能量", ",", "让", "“", "一", "带", "一", "路", "”", "建设", "更好", "造福", "各国", "人民", "。"], ["2017", "一", "带", "一", "路", "国际合作", "高峰论坛"], ["时间", ":", "2017", "年", "5", "月", "14", "日", "-", "5", "月", "15", "日"], ["会议地点", ":", "中国", "北京"], ["北京", "一", "带", "一", "路", "会议期间", "放假", "?", "官方", ":", "未接", "通知"], ["近日", ",", "网上", "有", "传言", "称", ":", "“", "‘", "一", "带", "一", "路", "’", "国际合作", "高峰论坛", "将", "于", "今年", "5", "月", "14", "日", "至", "15", "日", "在", "北京", "举行", "。", "近", "20", "国", "领导人", "确认", "参会", "。", "峰会", "是", "真", ",", "放假", "未知", ",", "不排除", "放假", "哈", ",", "估计", "规格", "得", "apec", "那样", "。", "”"], ["对此", ",", "人民网", "记者", "拨打", "了", "12345", "热线电话", ",", "联系", "到", "北京市", "人民政府", "便民电话", "中心", ",", "该", "中心", "工作", "人员", "表示", ":", "“", "一般", "假期", "通知", "都是", "由", "北京市", "政府", "下发", ",", "并且", "会", "在", "‘", "首都之窗", "’", "网站", "进行", "发布", ",", "目前", "中心", "并没有", "接", "到", "有关", "通知", "。", "”"], ["同时", ",", "该", "中心", "工作", "人员", "还", "提醒", "大家", ",", "网上", "的", "有关", "传言", "不要轻易", "相信", ",", "一切", "要", "以", "北京市", "政务", "门户网站", "“", "首都之窗", "”", "所", "发布", "的", "信息", "为准", "。"], ["峰会", "筹备工作", "情况", "介绍"], ["问", ":", "今年", "5", "月", "中国", "将", "主办", "“", "一", "带", "一", "路", "”", "国际合作", "高峰论坛", ",", "请问", "你们", "主办", "高峰论坛", "的", "考虑", "是什么", "?", "希望", "实现", "什么", "样", "的", "目标", "?"], ["答", ":", "习近平", "主席", "在", "1", "月", "17", "日", "举行", "的", "达沃斯", "世界经济论坛", "年会", "上", "宣布", ",", "今年", "5", "月", "中国", "将", "在", "北京", "主办", "“", "一", "带", "一", "路", "”", "国际合作", "高峰论坛", ",", "共", "商", "合作", "大", "计", ",", "共建", "合作", "平台", ",", "共享", "合作", "成果", ",", "为", "解决", "当前", "世界", "和", "区域经济", "面临", "的", "问题", "寻找", "方案", ",", "为", "实现", "联动", "式", "发展", "注入", "新能量", ",", "让", "“", "一", "带", "一", "路", "”", "建设", "更好", "造福", "各国", "人民", "。", "习", "主席", "关于", "主办", "高峰论坛", "的", "这", "段", "讲话", "勾勒", "出", "我们", "办", "会", "的", "总体", "设想", ",", "指明", "了", "办", "会", "方向", "。"], ["习近平", "主席", "在", "2013", "年", "秋天", "提出", "共建", "“", "一", "带", "一", "路", "”", "的", "合作", "倡议", ",", "旨在", "通过", "加强国际合作", ",", "对接", "彼此", "发展战略", ",", "实现", "优势互补", ",", "促进", "共同", "发展", "。", "3", "年", "多", "来", ",", "“", "一", "带", "一", "路", "”", "相关", "合作", "稳步推进", ",", "受到", "各", "方", "普遍", "欢迎", "和", "积极参与", "。", "现在", ",", "“", "一", "带", "一", "路", "”", "建设", "处", "在", "全面推进", "的", "关键", "节点", ",", "我们", "主办", "高峰论坛", "就是要", "总结过去", "、", "规划", "未来", "。"], ["高峰论坛", "是", "“", "一", "带", "一", "路", "”", "提出", "3", "年", "多", "来", "最高", "规格", "的", "论坛", "活动", ",", "是", "今年", "我", "国", "重要", "的", "主场", "外交", "活动", ",", "对", "推动", "国际", "和", "地区", "合作", "具有", "重要", "意义", "。", "在", "以", "习近平", "同志", "为", "核心", "的", "党中央", "领导", "下", ",", "我们", "希望", "通过", "主办", "高峰论坛", ",", "主要", "实现", "以下", "目标", ":", "一", "是", "全面总结", "“", "一", "带", "一", "路", "”", "建设", "的", "积极", "进展", ",", "展现", "重要", "早期", "收获", "成果", ",", "进一步", "凝聚", "合作", "共识", ",", "巩固", "良好", "的", "合作", "态势", "。", "二", "是", "共", "商", "下", "一", "阶段", "重要", "合作", "举措", ",", "进一步", "推动", "各", "方", "加强", "发展战略", "对接", ",", "深化", "伙伴关系", ",", "实现", "联动", "发展", "。", "三", "是", "在", "推进", "中国", "经济", "社会", "发展", "和", "结构调整", "的", "同时", ",", "推动", "国际合作", ",", "实现", "合作共赢", "。", "求", "木", "之", "长者", ",", "必固其根本", ",", "欲流之远", "者", ",", "必", "浚", "其", "泉源", "。", "我们", "期待", "同", "各", "方", "一", "道", ",", "通过", "主办", "高峰论坛", ",", "推进", "“", "一", "带", "一", "路", "”", "建设", ",", "为", "促进", "世界", "经济增长", "、", "深化", "地区", "合作", "打造", "更", "坚实", "的", "发展", "基础", ",", "创造", "更便利", "的", "联通", "条件", ",", "更好", "造福", "各国", "和", "各国", "人民", "。"], ["问", ":", "“", "一", "带", "一", "路", "”", "倡议", "提出", "已有", "3", "年", "多", "时间", ",", "请问", "3", "年", "多", "来", "“", "一", "带", "一", "路", "”", "建设", "取得", "了", "哪些", "成就", "?", "国际", "上", "的", "认可", "度", "怎么样", "?", "给", "各国", "老百姓", "带来", "了", "哪些", "实惠", "?"], ["答", ":", "“", "一", "带", "一", "路", "”", "是", "中国", "首倡", ",", "但", "不是", "中国", "一", "家", "的", "“", "独奏曲", "”", ",", "而是", "各国", "共同", "参与", "的", "“", "交响乐", "”", ",", "是", "各国", "共同", "受益", "的", "重要", "国际", "公共产品", "。", "“", "一", "带", "一", "路", "”", "不是", "一", "个", "空洞", "的", "口号", ",", "而是", "看得见", "、", "摸", "得", "着", "的", "具体", "举措", "。", "它", "抓住", "互联互通", "这个", "关键环节", ",", "聚焦", "经济合作", "特别", "是", "基础设施建设", ",", "契合", "沿线", "国家", "和", "本", "地区", "发展", "的", "需要", "。", "我们", "坚持", "共", "商", "、", "共建", "、", "共享", "的", "原则", ",", "突出", "务实", "合作", "、", "互利", "共赢", ",", "一步一个脚印", ",", "把", "中国", "发展", "同", "相关", "国家", "发展", "紧密结合", ",", "把", "各自", "发展战略", "和", "合作", "规划", "有机", "对接", ",", "扩大", "地区", "投资", "和", "内需", ",", "增加就业", ",", "减少", "贫困", ",", "从而", "带动", "提升", "地区", "整体", "发展", "水平", "。"], ["3", "年", "多", "来", ",", "“", "一", "带", "一", "路", "”", "建设", "从无到有", "、", "由", "点", "及", "面", ",", "进度", "和", "成果", "超出", "预期", "。", "全球", "100", "多", "个", "国家", "和", "国际组织", "共同", "参与", ",", "40", "多", "个", "国家", "和", "国际组织", "与", "中国", "签署合作协议", ",", "形成", "广泛", "国际", "合作", "共识", "。", "联合国大会", "、", "安理会", "、", "联合国", "亚太经社会", "、", "亚太经合组织", "、", "亚欧会议", "、", "大", "湄公河", "次", "区域", "合作", "等", "有关", "决议", "或", "文件", "都", "纳入", "或", "体现", "了", "“", "一", "带", "一", "路", "”", "建设", "内容", "。", "经济", "走廊", "建设", "稳步推进", ",", "互联互通", "网络", "逐步", "成型", ",", "贸易", "投资", "大幅增长", ",", "重要", "项目合作", "稳步", "实施", ",", "取得", "一批", "重要", "早期", "收获", "。", "亚投行", "、", "丝路", "基金", "的", "成立", "为", "金融", "合作", "提供", "了", "坚实", "支撑", "。", "中欧", "班", "列", "驰骋", "在", "广袤", "的", "亚欧大陆", ",", "运载", "的", "是", "琳琅满目", "的", "货物", ",", "联通", "的", "是", "亚欧", "国家", "的", "市场需求", ",", "架起", "的", "是", "沿线", "国家", "人民", "的", "友谊", "桥梁", ",", "成为", "“", "一", "带", "一", "路", "”", "上", "一", "道", "亮丽", "的", "风景线", "。", "共建", "“", "一", "带", "一", "路", "”", "是", "加强国际合作", "的", "重要", "途径", ",", "已经成为", "各", "方", "积极参与", "推进", "的", "重要", "事业", ",", "为", "增进", "各国", "民众", "福祉", "提供", "了", "新", "的", "发展", "机遇", "。", "可以说", ",", "“", "一", "带", "一", "路", "”", "倡议", "来自中国", ",", "成果", "正在", "惠及", "世界", "。"], ["问", ":", "据了解", ",", "一些", "国家", "的", "领导人", "将", "出席", "高峰论坛", ",", "国际社会", "高度关注", "。", "大家", "都", "很", "关心", ",", "目前", "论坛", "筹备", "工作", "进展", "如何", "?", "有", "哪些", "国家", "参与", "?", "高峰论坛", "最后", "将", "取得", "什么", "成果", ",", "你们", "对此", "有", "何", "期待", "?"], ["答", ":", "我们", "高度重视", "高峰论坛", "筹备工作", ",", "专门", "成立", "了", "筹备", "委员会", ",", "统筹协调", "各项", "筹备工作", "。", "在", "相关部门", "和", "地方", "共同努力", "下", ",", "目前", "筹备", "工作进展", "顺利", "。", "外", "方", "有关", "领导", "人参", "会", "意愿", "积极", ",", "政治", "准备", "稳步推进", ",", "主要", "活动安排", "、", "场地", "准备", "、", "会务", "组织", "、", "安全保障", "等", "方案", "都", "在", "加紧落实", "。", "下一步", ",", "我们", "将", "秉持", "开门", "办", "会", "、", "公开透明", "理念", ",", "适时", "通报", "高峰论坛", "筹备工作", "的", "阶段性", "进展", "。"], ["目前", ",", "已有", "近", "20", "位", "各国领导人", "确认", "与", "会", ",", "亚洲", "、", "欧洲", "、", "非洲", "、", "拉美", "等", "地区", "均", "有", "代表", ",", "体现", "了", "国际社会", "对", "高峰论坛", "和", "“", "一", "带", "一", "路", "”", "建设", "的", "重视", "和", "支持", "。", "此外", ",", "我们", "还", "将", "邀请", "一些", "国家", "的", "部长", "级", "代表团", "、", "国际组织", "负责人", "、", "外国", "前", "政", "要", "、", "知名企业家", "、", "专家学者", "等", "代表", "参会", ",", "共", "商", "合作", "大", "计", "。"], ["会议", "成果", "是", "办", "会", "成功", "的", "重要", "体现", "。", "高峰论坛", "有关", "成果", "设计", "正在", "积极推进", "当", "中", ",", "我们", "主要", "期待", "围绕", "3", "个", "方面", "达成", "重要", "成果", ":"], ["一", "是", "扩大", "国际合作", "共识", "。", "推动", "各", "方", "恪守", "联合国宪章", "的", "宗旨", "和", "原则", ",", "坚持", "和平", "合作", "、", "开放", "包容", "、", "互", "学", "互", "鉴", "、", "互利", "共赢", "、", "联动", "发展", ",", "把", "发展经济", "、", "扩大就业", "、", "消除贫困", "、", "改善", "民生", "、", "保护环境", "放在", "开展", "国际合作", "的", "优先", "位置", ",", "积极", "对接", "国", "别", "、", "区域发展战略", "和", "全球", "发展", "议程", ",", "为", "打造", "共同发展", "、", "共同繁荣", "的", "人类", "命运", "共同体", "作贡献", "。", "二", "是", "推进", "重点", "领域", "务实", "合作", "。", "巩固", "“", "一", "带", "一", "路", "”", "各", "领域", "务实", "合作", "良好态势", ",", "围绕", "涉及", "全局性", "、", "长期", "性", "的", "重点", "领域", "和", "方向", ",", "深化", "基础设施", "互联互通", "、", "贸易", "投资", "、", "金融", "支撑", "、", "人文", "交流", "等", "领域", "务实", "合作", ",", "推进", "一批", "重大项目", "和", "合作协议", ",", "研究", "提出", "一些", "中", "长期", "重大举措", "。", "三", "是", "规划", "长远", "合作", "愿景", "。", "我们", "愿", "与", "有关", "国家", "一", "道", ",", "以", "共建", "“", "一", "带", "一", "路", "”", "为契机", ",", "平等协商", ",", "兼顾", "各", "方", "利益", ",", "探讨", "建立", "长效", "合作", "机制", "。", "加强", "沟通", "与", "协调", ",", "增进", "互信", ",", "构建", "紧密", "务实", "的", "伙伴", "关系", "网络", "。", "加大", "实际", "投入", ",", "深化", "利益", "融合", ",", "规划", "符合", "各", "方", "共同", "利益", "的", "发展蓝图", "。"], ["问", ":", "听", "了", "您", "的", "介绍", ",", "感到", "高峰论坛", "将", "推进", "国际合作", ",", "深化", "“", "一", "带", "一", "路", "”", "与", "各", "方", "发展战略", "对接", ",", "加强", "中国", "对外", "经济合作", "。", "如何", "看待", "高峰论坛", "与", "国内", "落实", "“", "十三五", "”", "规划", "、", "全面", "深化", "改革", "及", "扩大对外开放", "、", "实现", "“", "两", "个", "一百年", "”", "奋斗目标", "的", "关系", "?"]], "paragraphs": ["近日,网上有传言称:“‘一带一路’国际合作高峰论坛将于今年5月14日至15日在北京举行。近20国领导人确认参会。峰会是真,放假未知,不排除放假哈,估计规格得apec那样。”下面是小编收集整理的2017年北京一带一路峰会时间,欢迎阅读参考!!", "2017一带一路高峰论坛时间:5月14日北京举行。习近平主席在1月17日举行的达沃斯世界经济论坛年会上宣布,今年5月中国将在北京主办“一带一路”国际合作高峰论坛,共商合作大计,共建合作平台,共享合作成果,为解决当前世界和区域经济面临的问题寻找方案,为实现联动式发展注入新能量,让“一带一路”建设更好造福各国人民。", "2017一带一路国际合作高峰论坛", "时间:2017年5月14日-5月15日", "会议地点:中国 北京", "北京一带一路会议期间放假?官方:未接通知", "近日,网上有传言称:“‘一带一路’国际合作高峰论坛将于今年5月14日至15日在北京举行。近20国领导人确认参会。峰会是真,放假未知,不排除放假哈,估计规格得apec那样。”", "对此,人民网记者拨打了12345热线电话,联系到北京市人民政府便民电话中心,该中心工作人员表示:“一般假期通知都是由北京市政府下发,并且会在‘首都之窗’网站进行发布,目前中心并没有接到有关通知。”", "同时,该中心工作人员还提醒大家,网上的有关传言不要轻易相信,一切要以北京市政务门户网站“首都之窗”所发布的信息为准。", "峰会筹备工作情况介绍", "问:今年5月中国将主办“一带一路”国际合作高峰论坛,请问你们主办高峰论坛的考虑是什么?希望实现什么样的目标?", "答:习近平主席在1月17日举行的达沃斯世界经济论坛年会上宣布,今年5月中国将在北京主办“一带一路”国际合作高峰论坛,共商合作大计,共建合作平台,共享合作成果,为解决当前世界和区域经济面临的问题寻找方案,为实现联动式发展注入新能量,让“一带一路”建设更好造福各国人民。习主席关于主办高峰论坛的这段讲话勾勒出我们办会的总体设想,指明了办会方向。", "习近平主席在2013年秋天提出共建“一带一路”的合作倡议,旨在通过加强国际合作,对接彼此发展战略,实现优势互补,促进共同发展。3年多来,“一带一路”相关合作稳步推进,受到各方普遍欢迎和积极参与。现在,“一带一路”建设处在全面推进的关键节点,我们主办高峰论坛就是要总结过去、规划未来。", "高峰论坛是“一带一路”提出3年多来最高规格的论坛活动,是今年我国重要的主场外交活动,对推动国际和地区合作具有重要意义。在以习近平同志为核心的党中央领导下,我们希望通过主办高峰论坛,主要实现以下目标:一是全面总结“一带一路”建设的积极进展,展现重要早期收获成果,进一步凝聚合作共识,巩固良好的合作态势。二是共商下一阶段重要合作举措,进一步推动各方加强发展战略对接,深化伙伴关系,实现联动发展。三是在推进中国经济社会发展和结构调整的同时,推动国际合作,实现合作共赢。求木之长者,必固其根本,欲流之远者,必浚其泉源。我们期待同各方一道,通过主办高峰论坛,推进“一带一路”建设,为促进世界经济增长、深化地区合作打造更坚实的发展基础,创造更便利的联通条件,更好造福各国和各国人民。", "问:“一带一路”倡议提出已有3年多时间,请问3年多来“一带一路”建设取得了哪些成就?国际上的认可度怎么样?给各国老百姓带来了哪些实惠?", "答:“一带一路”是中国首倡,但不是中国一家的“独奏曲”,而是各国共同参与的“交响乐”,是各国共同受益的重要国际公共产品。“一带一路”不是一个空洞的口号,而是看得见、摸得着的具体举措。它抓住互联互通这个关键环节,聚焦经济合作特别是基础设施建设,契合沿线国家和本地区发展的需要。我们坚持共商、共建、共享的原则,突出务实合作、互利共赢,一步一个脚印,把中国发展同相关国家发展紧密结合,把各自发展战略和合作规划有机对接,扩大地区投资和内需,增加就业,减少贫困,从而带动提升地区整体发展水平。", "3年多来,“一带一路”建设从无到有、由点及面,进度和成果超出预期。全球100多个国家和国际组织共同参与,40多个国家和国际组织与中国签署合作协议,形成广泛国际合作共识。联合国大会、安理会、联合国亚太经社会、亚太经合组织、亚欧会议、大湄公河次区域合作等有关决议或文件都纳入或体现了“一带一路”建设内容。经济走廊建设稳步推进,互联互通网络逐步成型,贸易投资大幅增长,重要项目合作稳步实施,取得一批重要早期收获。亚投行、丝路基金的成立为金融合作提供了坚实支撑。中欧班列驰骋在广袤的亚欧大陆,运载的是琳琅满目的货物,联通的是亚欧国家的市场需求,架起的是沿线国家人民的友谊桥梁,成为“一带一路”上一道亮丽的风景线。共建“一带一路”是加强国际合作的重要途径,已经成为各方积极参与推进的重要事业,为增进各国民众福祉提供了新的发展机遇。可以说,“一带一路”倡议来自中国,成果正在惠及世界。", "问:据了解,一些国家的领导人将出席高峰论坛,国际社会高度关注。大家都很关心,目前论坛筹备工作进展如何?有哪些国家参与?高峰论坛最后将取得什么成果,你们对此有何期待?", "答:我们高度重视高峰论坛筹备工作,专门成立了筹备委员会,统筹协调各项筹备工作。在相关部门和地方共同努力下,目前筹备工作进展顺利。外方有关领导人参会意愿积极,政治准备稳步推进,主要活动安排、场地准备、会务组织、安全保障等方案都在加紧落实。下一步,我们将秉持开门办会、公开透明理念,适时通报高峰论坛筹备工作的阶段性进展。", "目前,已有近20位各国领导人确认与会,亚洲、欧洲、非洲、拉美等地区均有代表,体现了国际社会对高峰论坛和“一带一路”建设的重视和支持。此外,我们还将邀请一些国家的部长级代表团、国际组织负责人、外国前政要、知名企业家、专家学者等代表参会,共商合作大计。", "会议成果是办会成功的重要体现。高峰论坛有关成果设计正在积极推进当中,我们主要期待围绕3个方面达成重要成果:", "一是扩大国际合作共识。推动各方恪守联合国宪章的宗旨和原则,坚持和平合作、开放包容、互学互鉴、互利共赢、联动发展,把发展经济、扩大就业、消除贫困、改善民生、保护环境放在开展国际合作的优先位置,积极对接国别、区域发展战略和全球发展议程,为打造共同发展、共同繁荣的人类命运共同体作贡献。 二是推进重点领域务实合作。巩固“一带一路”各领域务实合作良好态势,围绕涉及全局性、长期性的重点领域和方向,深化基础设施互联互通、贸易投资、金融支撑、人文交流等领域务实合作,推进一批重大项目和合作协议,研究提出一些中长期重大举措。 三是规划长远合作愿景。我们愿与有关国家一道,以共建“一带一路”为契机,平等协商,兼顾各方利益,探讨建立长效合作机制。加强沟通与协调,增进互信,构建紧密务实的伙伴关系网络。加大实际投入,深化利益融合,规划符合各方共同利益的发展蓝图。", "问:听了您的介绍,感到高峰论坛将推进国际合作,深化“一带一路”与各方发展战略对接,加强中国对外经济合作。如何看待高峰论坛与国内落实“十三五”规划、全面深化改革及扩大对外开放、实现“两个一百年”奋斗目标的关系?"], "bs_rank_pos": 2}, {"is_selected": false, "title": "2017年G20峰会在哪个国家召开_2017G20峰会是哪里_2017G20峰会时间几", "most_related_para": 9, "segmented_title": ["2017", "年", "G20", "峰会", "在", "哪个", "国家", "召开", "_", "2017", "G20", "峰会", "是", "哪里", "_", "2017", "G20", "峰会", "时间", "几"], "segmented_paragraphs": [["学习", "啦", ">", "知识", "大全", ">", "十万个为什么", ">", "《", "2017", "年", "G20", "峰会", "在", "哪个", "国家", "召开", "_", "2017", "G20", "峰会", "是", "哪里", "_", "2017", "G20", "峰会", "时间", "几", "月份", "开", "》", "正文"], ["2017", "年", "G20", "峰会", "在", "哪个", "国家", "召开", "?", "2017", "G20", "峰会", "是", "哪里", "?", "2017", "年", "G20", "峰会", "将", "在", "德国", "城市", "汉堡", "举行", ",", "那么", ",", "2017", "G20", "峰会", "时间", "几", "月份", "开", "?", "2017", "G20", "峰会", "是", "什么时候", "?", "下面", "小", "编", "整理", "的", "2017", "G20", "峰会", "时间", "地点", "一起来", "看看", "吧"], ["G20", "峰会", "时间", "2017", "年", "地点", ":", "G20", "峰会", "将", "于", "2017", "年", "7", "月", "7", "日", "至", "8", "日", "在", "德国", "城市", "汉堡", "举行"], ["中国", "是", "2016", "年", "G20", "峰会", "主办", "国", "。", "本届", "G20", "峰会", "将", "于", "2016", "年", "9", "月", "4", "日", "至", "5", "日", "在", "中国", "杭州", "举行", "。", "之后", ",", "德国", "将", "从", "中国", "手", "中", "接", "任", "G20", "主席", "国", "。", "这", "将", "分别", "是", "中国", "和", "德国", "首次", "主办", "G20", "峰会", "。"], ["汉堡", "全称", "为", "“", "汉堡", "汉萨", "自由市", "”", ",", "是", "位于", "德国", "北部", "的", "港口城市", "、", "全国", "第", "二", "大", "城市", ",", "也是", "德国", "最大", "的", "外贸", "中心", "。", "易北河", "畔", "的", "汉堡港", "是", "欧洲", "第", "三大", "港口", "和", "德国", "最大", "港口", "。", "汉堡", "市区", "有约", "180", "万", "人口", ",", "整个", "都会", "区", "有", "超过", "500", "万", "人口", "。", "汉堡", "是", "德国", "十六个", "州", "一", "级", "行政", "单位", "之", "一", "(", "州", "级", "市", ")", "。"], ["汉堡", "不仅", "是", "德国", "著名", "的", "旅游城市", ",", "也是", "经济", "实力", "最强", "的", "城市", "之", "一", "。", "其", "人均", "国民生产总值", "(", "GNP", ")", "为", "德国", "各州", "最高", "。", "根据", "德国", "政府", "提供", "的", "数据", ",", "其", "经济", "实力", "在", "全", "欧洲", "仅次于", "伦敦", "、", "卢森堡", "和", "布鲁塞尔", "。"], ["自", "十二", "世纪", "开埠", "以来", ",", "汉堡", "一直", "保持", "高度", "的", "国际化", "。", "截至", "2013", "年", "5", "月", ",", "汉堡", "有", "外国", "领事", "机构", "99", "个", ",", "其中", "70", "个", "为", "名誉", "总领事", "和", "领事", ",", "为", "仅次于", "纽约", "和", "香港", "设", "领", "最多", "的", "城市", ",", "同时", "是", "国际海洋法", "法庭", "的", "所在地", "。"], ["2017", "年", "G20", "峰会", "预计", "将", "在", "汉堡", "国际会展中心", "举行", "。", "按照惯例", ",", "除了", "G20", "国家", "外", ",", "德国", "可能", "还", "将", "邀请", "国际组织", "、", "其他", "国家", "和", "地区", "组织", "等", "代表", "与", "会", "。"], ["2016", "年", "g20", "峰", "在", "杭州", "举办", "。", "中国", "是", "二", "十", "国", "集团", "的", "创始", "成员", ",", "并", "于", "2005", "年", "作为", "主席", "国", "成功", "地", "举办", "了", "第", "七", "届", "二", "十", "国", "集团", "财长", "和", "央行", "行长", "会议", ",", "先", "做", "为", "主办", "国", "参加", "2016", "年", "g20", "峰会", "。"], ["2016", "年", "g20", "峰会", "时间", ":", "习近平", "指出", ",", "中国", "于", "2016", "年", "9", "月", "4", "日", "至", "5", "日", "在", "杭州", "举办", "二", "十", "国", "集团", "领导人", "第", "十一", "次", "峰会", "。"], ["中国", "代表团", "曾", "在", "G20", "峰会", "宣布", "支持", "并", "决定", "参与", "国际", "货币", "基金", "组织", "增资", ",", "数额", "为", "430", "亿", "美元", ",", "随着", "中国", "世界", "影响力", "的", "增加", ",", "中国", "在", "g20", "峰会", "的", "地位", "也", "越来越", "重要", "。"], ["二", "十", "国", "集团", "(", "G20", ")", "财长", "和", "央行", "行长", "21", "日", "至", "22", "日", "将", "在", "美国", "华盛顿", "举行", "会议", ",", "议题", "或", "将", "聚焦", "全球化", "和", "自由贸易", "。", "而", "近期", ",", "包括", "国际", "货币", "基金", "组织", "(", "IMF", ")", "和", "世界贸易组织", "(", "WTO", ")", "在", "内", "的", "不少", "国际组织", "均", "对", "全球", "贸易", "面临", "的", "保护主义", "抬头", "等", "风险", "发出", "了", "警报", "。"], ["2017", "年", "G20", "峰会", "将", "于", "7", "月", "在", "汉堡", "举行", ",", "德国", "是", "峰会", "主席", "国", "。", "据", "路透社", "报道", ",", "有", "德国", "官员", "18", "日", "表示", ",", "德国", "将", "在", "此次", "于", "华盛顿", "召开", "的", "G20", "财长", "和", "央行", "行长", "会议", "上", ",", "强调", "全球化", "和", "自由贸易", "的", "重要性", "以及", "通过", "推动", "改革", "来", "提高", "未来", "应对", "危机", "能力", "的", "必要性", "。", "该", "官员", "表示", ",", "德国", "预计", ",", "包括", "美国", "在", "内", "的", "一些", "G20", "成员", "将", "向", "德国", "提出", "减少", "目前", "较", "高", "经常项目", "盈余", "水平", "的", "要求", "。", "该", "官员", "还", "表示", ",", "与", "以往", "财长", "和", "央行", "行长", "会议", "不同", ",", "此次会议", "之后", ",", "德国", "将", "发布", "一", "份", "主席", "国", "作出", "的", "摘要", ",", "而", "非", "二", "十", "国", "的", "联合声明", ",", "因为", "不久前", ",", "G20", "财长", "和", "央行", "行长", "们", "在", "德国", "巴登", "-", "巴登", "的", "会议", "后", ",", "阐述", "过", "其", "共同", "立场", "。"], ["此次", "G20", "财长", "和", "央行", "行长", "会议", "是", "在", "IMF", "和", "世界银行", "年会", "期间", "举行", "的", "。", "IMF", "和", "世界银行", "春季", "年会", "将", "于", "20", "日", "至", "23", "日", "在", "华盛顿", "举行", ",", "IMF", "总裁", "拉加德", "将", "在", "20", "日", "举行新闻发布会", "。", "一些", "分析", "认为", ",", "反对", "贸易保护主义", "很", "可能", "也是", "此次", "IMF", "和", "世行", "年会", "的", "重要", "议题", "之", "一", "。"], ["今年", "以来", ",", "全球", "贸易", "保护主义", "抬头", "的", "趋势", ",", "不断", "引起", "国际", "社会关注", "。", "不过", ",", "3", "月份", "于", "德国", "巴登", "-", "巴登", "举行", "的", "G20", "财长", "和", "央行", "行长", "会议", "发布", "的", "联合公报", "中", ",", "罕见", "地", "未", "提及", "反对", "贸易保护主义", ",", "仅", "提及", "要", "加强", "贸易", "在", "经济", "中", "的", "作用", "。", "这", "令", "外界", "担忧", ",", "G20", "层", "面", "的", "反对", "贸易保护主义", "的", "共同", "立场", "正在", "受到", "冲击", "。", "有", "报道", "称", ",", "由于", "美国", "继续", "对", "关键", "议题", "保留", "其", "意见", ",", "因而", "最终", "相关内容", "没", "能", "写入", "上述", "公报", "。"], ["美国总统", "特朗普", "自", "上", "任", "后", ",", "就", "不断", "强调", "“", "美国", "第", "一", "”", "的", "政策", "主张", ",", "并", "将", "美国", "经济", "面临", "的", "一些问题", "归咎", "于", "贸易", "全球化", ",", "对于", "美国", "长期以来", "的", "巨额", "贸易", "赤字", "也", "表示", "出", "不满", "。", "一些", "观点", "指出", ",", "特朗普", "政府", "的", "贸易", "主张", ",", "正", "显示", "出", "更多", "保护主义", "倾向", "。"], ["18", "日", ",", "IMF", "在", "春季", "年会", "前", "发布", "报告", ",", "上调", "了", "今年", "全球", "经济", "增长", "预期", ",", "但", "同时", "警告", "保护主义", "升温", "以及", "缺乏", "全球", "政策", "协调", "将", "威胁", "经济", "稳步", "增长势头", "。", "I", "M", "F", "首席经济学家", "莫里斯", "·", "奥", "布斯特", "费尔德", "指出", ",", "全球", "经济增长", "和", "稳定", "有赖于", "各国", "在", "贸易", "、", "金融监管", "、", "气候变化", "、", "难民", "政策", "等", "方面", "的", "协调", "与", "合作", "。", "他", "呼吁", "各国", "在", "推进", "结构", "性", "改革", "的", "同时", ",", "加大", "对", "全球", "多边贸易", "的", "支持", "。"], ["近年来", ",", "全球", "贸易", "形势不容乐观", "。", "2016", "年", ",", "全球", "贸易", "仅", "增长", "了", "1", ".", "3", "%", ",", "是", "自", "2008", "年", "金融危机", "以来", "的", "最", "慢", "增速", "。", "据", "WTO", "数据", ",", "长期以来", ",", "全球", "贸易", "增速", "与", "国内生产总值", "(", "GDP", ")", "之", "比", "一直", "维持", "在", "约", "1", ".", "5", ":", "1", ",", "但", "自", "2008", "年", "金融危机", "以来", "逐步", "下降", "至", "约", "1", ":", "1", ",", "去年", "更", "是", "降", "至", "0", ".", "6", ":", "1", "的", "低点", ",", "为", "2001", "年", "以来", "首次", "贸易", "增速", "低于", "GDP", "增速", "。"], ["近期", ",", "不少", "国际组织", "均", "对", "全球", "贸易", "面临", "的", "保护主义", "抬头", "等", "风险", "发出", "了", "警报", "。", "WTO", "上", "周", "表示", ",", "预计今年", "全球", "贸易", "将", "略", "微", "反弹", ",", "增长", "2.4", "%", ",", "与", "去年", "相比", "将", "有", "较大幅度", "的", "提升", "。", "但是", "WTO", "警告", "称", ",", "世界经济", "走势", "的", "不确定性", "以及", "政府", "货币", "、", "财政", "和", "贸易政策", "的", "不确定性", ",", "都", "给", "贸易", "活动", "带来", "减弱", "的", "风险", ",", "因此", "今年", "的", "贸易", "增速", "可能", "在", "1.8", "%", "至", "3", ".", "6", "%", "的", "区间", "浮动", "。", "WTO", "表示", ",", "一些", "政策", "方面", "的", "冲击", "可能", "将", "使", "贸易", "增速", "放缓", ",", "这", "包括", "英国", "脱离", "欧盟", "的", "潜在", "影响", "以及", "保护主义", "政策", "抬头", "的", "趋势", "。"], ["WTO", "总干事", "阿泽维多", "表示", ",", "如果", "货物", "流通", "和", "跨境", "服务", "能", "保持", "顺畅", ",", "贸易", "就能", "促进", "世界", "经济增长", ";", "但", "如果", "政策", "制定", "者", "为", "保障", "本国", "就业", "而", "对", "进口", "采取", "严格限制", "措施", ",", "贸易", "不", "但", "不能", "促进", "经济增长", ",", "甚至", "还会", "制约", "经济", "复苏", "。"], ["此外", ",", "IMF", "、", "世界银行", "和", "WTO", "三大", "机构", "本月", "早些", "时候", "发布", "联合", "报告", ",", "呼吁", "各", "经济", "体", "采取措施", "降低", "贸易", "带来", "的", "负面", "影响", ",", "同时", "继续", "推动", "全球", "贸易", "一体化", "。", "报告", "指出", ",", "2008", "年", "金融危机", "以后", ",", "全球", "经济", "增长", "乏力", ",", "贸易保护主义", "抬头", ",", "贸易自由化", "进程", "缓慢", "等", "因素", "导致", "了", "近年来", "全球", "贸易", "增速", "疲软", "。"], ["这份", "联合", "报告", "说", ",", "由于", "部分", "发达", "经济", "体", "缺乏", "相应", "政策", "来", "解决", "全球", "贸易", "带来", "的", "负面", "影响", ",", "当前", "这些", "经济", "体", "的", "民众", "对", "贸易", "的", "怀疑", "态度", "更为", "明显", ",", "导致", "反对", "全球", "贸易", "的", "思潮", "抬头", "?", "报告", "呼吁", ",", "各", "经济", "体", "应", "继续", "降低", "农业", "等", "传统", "贸易", "的", "壁垒", "、", "推进", "服务贸易", "和", "数字", "贸易", "改革", ",", "将", "双边", "和", "多边贸易协定", "中", "的", "创新", "内容", "升级", "为", "全球", "标准", "。"], ["上", "一篇", ":", "g20", "峰会", "2017", "年", "在", "哪里", "开", "_", "g20", "峰会", "2017", "举办", "地", "_", "2017", "g20", "峰会", "时间", "地点", "下一篇", ":", "2017", "年", "G20", "峰会", "时间", "_", "2017", "年", "g20", "峰会", "几", "月份", "开", "_", "2017", "g20", "汉堡", "峰会", "会议", "时间", "地点"], ["【", "十万个为什么", "】", "精华", "文章"], ["【", "十万个为什么", "】", "相关文章"]], "paragraphs": ["学习啦>知识大全>十万个为什么>《2017年G20峰会在哪个国家召开_2017G20峰会是哪里_2017G20峰会时间几月份开》正文", "2017年G20峰会在哪个国家召开?2017G20峰会是哪里?2017年G20峰会将在德国城市汉堡举行,那么,2017G20峰会时间几月份开?2017G20峰会是什么时候?下面小编整理的2017G20峰会时间地点一起来看看吧", "G20峰会时间2017年地点:G20峰会将于2017年7月7日至8日在德国城市汉堡举行", "中国是2016年G20峰会主办国。本届G20峰会将于2016年9月4日至5日在中国杭州举行。之后,德国将从中国手中接任G20主席国。这将分别是中国和德国首次主办G20峰会。", "汉堡全称为“汉堡汉萨自由市”,是位于德国北部的港口城市、全国第二大城市,也是德国最大的外贸中心。易北河畔的汉堡港是欧洲第三大港口和德国最大港口。汉堡市区有约180万人口,整个都会区有超过500万人口。汉堡是德国十六个州一级行政单位之一(州级市)。", "汉堡不仅是德国著名的旅游城市,也是经济实力最强的城市之一。其人均国民生产总值(GNP)为德国各州最高。根据德国政府提供的数据,其经济实力在全欧洲仅次于伦敦、卢森堡和布鲁塞尔。", "自十二世纪开埠以来,汉堡一直保持高度的国际化。截至2013年5月,汉堡有外国领事机构99个,其中70个为名誉总领事和领事,为仅次于纽约和香港设领最多的城市,同时是国际海洋法法庭的所在地。", "2017年G20峰会预计将在汉堡国际会展中心举行。按照惯例,除了G20国家外,德国可能还将邀请国际组织、其他国家和地区组织等代表与会。", "2016年g20峰在杭州举办。中国是二十国集团的创始成员,并于2005年作为主席国成功地举办了第七届二十国集团财长和央行行长会议,先做为主办国参加2016年g20峰会。", "2016年g20峰会时间:习近平指出,中国于2016年9月4日至5日在杭州举办二十国集团领导人第十一次峰会。", "中国代表团曾在G20峰会宣布支持并决定参与国际货币基金组织增资,数额为430亿美元,随着中国世界影响力的增加,中国在g20峰会的地位也越来越重要。", "二十国集团(G20)财长和央行行长21日至22日将在美国华盛顿举行会议,议题或将聚焦全球化和自由贸易。而近期,包括国际货币基金组织(IMF)和世界贸易组织(WTO)在内的不少国际组织均对全球贸易面临的保护主义抬头等风险发出了警报。", "2017年G20峰会将于7月在汉堡举行,德国是峰会主席国。据路透社报道,有德国官员18日表示,德国将在此次于华盛顿召开的G20财长和央行行长会议上,强调全球化和自由贸易的重要性以及通过推动改革来提高未来应对危机能力的必要性。该官员表示,德国预计,包括美国在内的一些G20成员将向德国提出减少目前较高经常项目盈余水平的要求。该官员还表示,与以往财长和央行行长会议不同,此次会议之后,德国将发布一份主席国作出的摘要,而非二十国的联合声明,因为不久前,G20财长和央行行长们在德国巴登-巴登的会议后,阐述过其共同立场。", "此次G20财长和央行行长会议是在IMF和世界银行年会期间举行的。IMF和世界银行春季年会将于20日至23日在华盛顿举行,IMF总裁拉加德将在20日举行新闻发布会。一些分析认为,反对贸易保护主义很可能也是此次IMF和世行年会的重要议题之一。", "今年以来,全球贸易保护主义抬头的趋势,不断引起国际社会关注。不过,3月份于德国巴登-巴登举行的G20财长和央行行长会议发布的联合公报中,罕见地未提及反对贸易保护主义,仅提及要加强贸易在经济中的作用。这令外界担忧,G20层面的反对贸易保护主义的共同立场正在受到冲击。有报道称,由于美国继续对关键议题保留其意见,因而最终相关内容没能写入上述公报。", "美国总统特朗普自上任后,就不断强调“美国第一”的政策主张,并将美国经济面临的一些问题归咎于贸易全球化,对于美国长期以来的巨额贸易赤字也表示出不满。一些观点指出,特朗普政府的贸易主张,正显示出更多保护主义倾向。", "18日,IMF在春季年会前发布报告,上调了今年全球经济增长预期,但同时警告保护主义升温以及缺乏全球政策协调将威胁经济稳步增长势头。IMF首席经济学家莫里斯·奥布斯特费尔德指出,全球经济增长和稳定有赖于各国在贸易、金融监管、气候变化、难民政策等方面的协调与合作。他呼吁各国在推进结构性改革的同时,加大对全球多边贸易的支持。", "近年来,全球贸易形势不容乐观。2016年,全球贸易仅增长了1.3%,是自2008年金融危机以来的最慢增速。据WTO数据,长期以来,全球贸易增速与国内生产总值(GDP)之比一直维持在约1.5:1,但自2008年金融危机以来逐步下降至约1:1,去年更是降至0.6:1的低点,为2001年以来首次贸易增速低于GDP增速。", "近期,不少国际组织均对全球贸易面临的保护主义抬头等风险发出了警报。WTO上周表示,预计今年全球贸易将略微反弹,增长2.4%,与去年相比将有较大幅度的提升。但是WTO警告称,世界经济走势的不确定性以及政府货币、财政和贸易政策的不确定性,都给贸易活动带来减弱的风险,因此今年的贸易增速可能在1.8%至3.6%的区间浮动。WTO表示,一些政策方面的冲击可能将使贸易增速放缓,这包括英国脱离欧盟的潜在影响以及保护主义政策抬头的趋势。", "WTO总干事阿泽维多表示,如果货物流通和跨境服务能保持顺畅,贸易就能促进世界经济增长;但如果政策制定者为保障本国就业而对进口采取严格限制措施,贸易不但不能促进经济增长,甚至还会制约经济复苏。", "此外,IMF、世界银行和WTO三大机构本月早些时候发布联合报告,呼吁各经济体采取措施降低贸易带来的负面影响,同时继续推动全球贸易一体化。报告指出,2008年金融危机以后,全球经济增长乏力,贸易保护主义抬头,贸易自由化进程缓慢等因素导致了近年来全球贸易增速疲软。", "这份联合报告说,由于部分发达经济体缺乏相应政策来解决全球贸易带来的负面影响,当前这些经济体的民众对贸易的怀疑态度更为明显,导致反对全球贸易的思潮抬头?报告呼吁,各经济体应继续降低农业等传统贸易的壁垒、推进服务贸易和数字贸易改革,将双边和多边贸易协定中的创新内容升级为全球标准。", "上一篇:g20峰会2017年在哪里开_g20峰会2017举办地_2017g20峰会时间地点  下一篇:2017年G20峰会时间_2017年g20峰会几月份开_2017g20汉堡峰会会议时间地点", "【十万个为什么】精华文章", "【十万个为什么】相关文章"], "bs_rank_pos": 3}, {"is_selected": false, "title": "2017一带一路北京峰会时间看点有哪些- 北京本地宝", "most_related_para": 4, "segmented_title": ["2017", "一", "带", "一", "路", "北京", "峰会", "时间", "看点", "有", "哪些", "-", "北京", "本地宝"], "segmented_paragraphs": [["【", "导语", "】", ":", "【", "再", "有", "一个礼拜", ",", "这个地方", "将", "汇聚", "全球", "目光", "!", "】", "5", "月", "14", "日", "到", "15", "日", ",", "北京", "将", "召开", "非常重要", "的", "论坛", ":", "“", "一", "带", "一", "路", "”", "国际合作", "高峰论坛", "。", "据说", ",", "这次", "论坛", "是", "习近平", "主席", "提出", "“", "一", "带", "一", "路", "”", "倡议", "以来", ",", "中方", "就", "此", "召开", "的", "规格", "最高", "的", "国际性", "会议", "!", "你", "真", "的", "了解", "“", "一", "带", "一", "路", "”", "吗", "?", "这次", "论坛", "有", "哪些", "看点", "?"], ["【", "再", "有", "一个礼拜", ",", "这个地方", "将", "汇聚", "全球", "目光", "!", "】", "5", "月", "14", "日", "到", "15", "日", ",", "北京", "将", "召开", "非常重要", "的", "论坛", ":", "“", "一", "带", "一", "路", "”", "国际合作", "高峰论坛", "。", "据说", ",", "这次", "论坛", "是", "习近平", "主席", "提出", "“", "一", "带", "一", "路", "”", "倡议", "以来", ",", "中方", "就", "此", "召开", "的", "规格", "最高", "的", "国际性", "会议", "!", "你", "真", "的", "了解", "“", "一", "带", "一", "路", "”", "吗", "?", "这次", "论坛", "有", "哪些", "看点", "?"], ["4", "月", "18", "日", ",", "外交部", "举行", "中外", "媒体", "吹风", "会", ",", "介绍", "举办", "“", "一", "带", "一", "路", "”", "国际合作", "高峰论坛", "系列活动", "有关", "情况", "。", "会", "上", "透露", "了", "哪些", "重要", "信息", "?", "点击查看", "图解", "。"], ["一", "张", "图", "告诉你", ":", "到底", "什么", "是", "“", "一", "带", "一", "路", "”"], ["2017", "北京", "一", "带", "一", "路", "峰会", "时间", "地点", "及", "放假", "安排", "近日", ",", "网上", "有", "传言", "称", ":", "“", "‘", "一", "带", "一", "路", "’", "国际合作", "高峰论坛", "将", "于", "今年", "5", "月", "14", "日", "至", "15", "日", "在", "北京", "举行", "。", "近", "20", "国", "领导人", "确认", "参会", "。", "峰会", "是", "真", ",", "放假", "未知", ",", "不排除", "放假", "哈", ",", "估计", "规格", "得", "apec", "那样", "。", "”", "一", "带", "一", "路", "是", "什么", "意思", "?", "央视", "发布", "权威", "“", "一", "带", "一", "路", "”", "版图", "(", "图", ")", "2013", "年", ",", "习近平", "主席", "提出", "共建", "“", "一", "带", "一", "路", "”", "战略构想", "以来", ",", "中国", "与", "沿线", "国家", "一系列", "务实", "合作", "结", "出", "了", "早期", "的", "果实", "。", "近日", ",", "发改委", "、", "外交部", "和", "商务部", "联合发布", "了", "《", "推动", "共建", "丝绸之路", "经济", "带", "和", "21", "世纪", "海上丝绸之路", "的", "愿景", "与", "行", "中国", "一", "带", "一", "路", "重大", "工程", "项目", "清单", "盘点", "一", "带", "一", "路", "(", "One", "Belt", "And", "One", "Road", ",", "简称", "“", "OBAOR", "”", ";", "或", "One", "Belt", "One", "Road", ",", "简称", "“", "OBOR", "”", ";", "或", "Belt", "And", "Road", ",", "简称", "“", "BAR", "”", ")", "是", "“", "丝绸之路", "经济", "带", "”", "和", "“", "21", "世纪", "海上丝绸之路", "”", "的", "简称", ",", "2", "北京市", "政府", "通知", ":", "2017", "“", "一", "带", "一", "路", "”", "论坛", "期间", "没有", "放假", "安排", "“", "一", "带", "一", "路", "”", "国际合作", "高峰论坛", "将", "于", "今年", "5", "月", "在", "北京", "举办", "。", "本届", "国际合作", "高峰论坛", "是否", "会", "像", "2014", "年", "APEC", "峰会", "一样", ",", "在", "举办", "期间", "放假", "呢", "?", "对此", ",", "人民网", "记者", "拨打", "了", "北京市", "政府", "12345", "热线", "进行", "核实", ",", "相关", "工作", "人员", "表示", ",", "一", "带", "一", "路", "高清", "路线图", "正式发布", "展示", "一", "带", "一", "路", "沿线", "国家", "发展", "现状", "国务院", "国资委", "新闻中心", "正式发布", "《", "“", "一", "带", "一", "路", "”", "中国", "企业", "路线图", "》", ",", "用", "动", "图", "方式", "分", "交通", "、", "电力", "、", "建材", "、", "通讯", "等", "多", "个", "领域", ",", "全方位", "展示", "央企", "“", "走出去", "”", "在", "“", "一", "带", "一", "路", "”", "沿线", "国家", "的", "发展", "现状", "。"], ["本地宝", "郑重声明", ":", "本", "文", "仅", "代表", "作者", "个人观点", ",", "与", "本地宝", "无关", "。", "其", "原创", "性", "及", "文", "中", "陈述", "内容", "未经", "本站", "证实", ",", "本地宝", "对", "本", "文", "及其", "中", "全部", "或者", "部分", "内容", "的", "真实性", "、", "完整性", "、", "及时", "性", "不", "作", "任何", "保证", "和", "承诺", ",", "请", "网友", "自行", "核实", "相关内容", "。"], ["一", "带", "一", "路", "沿线", "国家", "名单", "有", "哪些", "?", "图解", "“", "一", "带", "一", "路", "”", "大", "数据", "和", "2017", "年", "5", "月", "8", "日", "至", "5", "月", "18", "日", "北京", "交通管制", "公告", ":", "看", "哪些", "路", "有", "管", "一", "带", "一", "路", "高峰论坛", "有", "哪", "29", "位", "外国", "元首", "和", "代表", "?", "名单", "及", "个人", "简", "2017", "一", "带", "一", "路", "峰会", "期间", "北京", "地铁", "部分", "车站", "采取", "临时", "封闭", "措", "朗读者", "董卿", "开场白", "文字", "赏析", "堪称", "写作", "范本", "!", "2017", "年", "5", "月", "12", "日", "、", "5", "月", "14", "日", "北京", "地铁", "奥林匹克公园", "站", "、", "天安", "2017", "一", "带", "一", "路", "欢迎", "晚宴", "时间", "地点", "菜单", "曝光", "北京", "迎", "一", "带", "一", "路", "高峰论坛", "立体花坛", "效果图"]], "paragraphs": ["【导语】:【再有一个礼拜,这个地方将汇聚全球目光!】5月14日到15日,北京将召开非常重要的论坛:“一带一路”国际合作高峰论坛。据说,这次论坛是习近平主席提出“一带一路”倡议以来,中方就此召开的规格最高的国际性会议!你真的了解“一带一路”吗?这次论坛有哪些看点?", "【再有一个礼拜,这个地方将汇聚全球目光!】5月14日到15日,北京将召开非常重要的论坛:“一带一路”国际合作高峰论坛。据说,这次论坛是习近平主席提出“一带一路”倡议以来,中方就此召开的规格最高的国际性会议!你真的了解“一带一路”吗?这次论坛有哪些看点?", "4月18日,外交部举行中外媒体吹风会,介绍举办“一带一路”国际合作高峰论坛系列活动有关情况。会上透露了哪些重要信息?点击查看图解。", "一张图告诉你:到底什么是“一带一路”", "2017北京一带一路峰会时间地点及放假安排 近日,网上有传言称:“‘一带一路’国际合作高峰论坛将于今年5月14日至15日在北京举行。近20国领导人确认参会。峰会是真,放假未知,不排除放假哈,估计规格得apec那样。” 一带一路是什么意思?央视发布权威“一带一路”版图(图) 2013年,习近平主席提出共建“一带一路”战略构想以来,中国与沿线国家一系列务实合作结出了早期的果实。近日,发改委、外交部和商务部联合发布了《推动共建丝绸之路经济带和21世纪海上丝绸之路的愿景与行 中国一带一路重大工程项目清单盘点 一带一路(One Belt And One Road,简称“OBAOR”;或One Belt One Road,简称“OBOR”;或Belt And Road,简称“BAR”)是“丝绸之路经济带”和“21世纪海上丝绸之路”的简称,2 北京市政府通知:2017“一带一路”论坛期间没有放假安排 “一带一路”国际合作高峰论坛将于今年5月在北京举办。本届国际合作高峰论坛是否会像2014年APEC峰会一样,在举办期间放假呢?对此,人民网记者拨打了北京市政府12345热线进行核实,相关工作人员表示, 一带一路高清路线图正式发布 展示一带一路沿线国家发展现状 国务院国资委新闻中心正式发布《“一带一路”中国企业路线图》,用动图方式分交通、电力、建材、通讯等多个领域,全方位展示央企“走出去”在“一带一路”沿线国家的发展现状。", "本地宝郑重声明:本文仅代表作者个人观点,与本地宝无关。其原创性及文中陈述内容未经本站证实,本地宝对本文及其中全部或者部分内容的真实性、完整性、及时性不作任何保证和承诺,请网友自行核实相关内容。", "一带一路沿线国家名单有哪些?图解“一带一路”大数据和 2017年5月8日至5月18日北京交通管制公告:看哪些路有管 一带一路高峰论坛有哪29位外国元首和代表?名单及个人简 2017一带一路峰会期间北京地铁部分车站采取临时封闭措 朗读者董卿开场白文字赏析 堪称写作范本! 2017年5月12日、5月14日北京地铁奥林匹克公园站、天安 2017一带一路欢迎晚宴时间地点菜单曝光 北京迎一带一路高峰论坛立体花坛效果图"], "bs_rank_pos": 4}], "answer_spans": [[0, 12]], "answer_docs": [0], "fake_answers": ["时间:2017年5月14日-5月15日"], "question": "2017峰会什么时候开始", "segmented_answers": [["时间", ":", "2017", "年", "5", "月", "14", "日", "-", "5", "月", "15", "日", "。"]], "answers": ["时间:2017年5月14日-5月15日。"], "entity_answers": [["5月14日-5月15日"]], "segmented_question": ["2017", "峰会", "什么时候", "开始"], "question_type": "ENTITY", "question_id": 10, "fact_or_opinion": "FACT", "match_scores": [0.962962962962963]}
-{"documents": [{"is_selected": true, "title": "如何彻底卸载360一键root_百度知道", "most_related_para": 0, "segmented_title": ["如何", "彻底", "卸载", "360", "一键", "root", "_", "百度", "知道"], "segmented_paragraphs": [["root", "就是", "手机", "的", "神经中枢", ",", "它", "可以", "访问", "和", "修改", "你", "手机", "几乎所有", "的", "文件", ",", "这些", "东西", "可能", "是", "制作", "手机", "的", "公司", "不愿意", "你", "修改", "和", "触碰", "的", "东西", ",", "因为", "他们", "有", "可能", "影响", "到", "手机", "的", "稳定", ",", "还", "容易", "被", "一些", "黑客入侵", "。", "但是", ",", "因为", "安卓", "系统", "的", "开源", "性", ",", "那", "就", "注定", "了", ",", "安卓", "手机", "root", "权限", "获取", "是", "必然", "的", "。", "想要", "让", "自己", "的", "安卓", "手机", "root", "权限", "获取", ",", "是因为", "安卓", "刷机", "、", "修改", "字体", "、", "自定义", "美化", "、", "修改", "hosts", "文件", "、", "修改", "开机", "动画", "效果", "、", "以及", "系统", "的", "其它", "一些", "设定", "等等", "都", "需要", "应用", "到", "root", "权限", "。", "凌少", "就", "举", "个", "例子", "吧", "。", "安卓", "的", "椒", "友", "一定", "都", "清楚", ",", "刚", "买", "来", "手机", "的", "时候", ",", "安卓", "手机", "系统", "中", "就", "自带", "上", "百", "个", "应用程序", "。", "而", "这些", "应用", "程", "序", "软件", "大部分", "是", "没有", "什么", "用处", "的", "。", "删除", "它们", ",", "那么", "就", "必须", "让", "自己", "的", "安卓", "手机", "root", "权限", "获取", ",", "这样", "才", "行", "。", "安卓", "手机", "root", "权限", "获取", "最新", "教程", "知道", "了", "root", "是什么", "意思", "之后", ",", "凌少", "再", "教", "给", "大家", "安卓", "手机", "root", "权限", "获取", "的", "一", "个", "超", "简单"]], "paragraphs": ["root就是手机的神经中枢,它可以访问和修改你手机几乎所有的文件,这些东西可能是制作手机的公司不愿意你修改和触碰的东西,因为他们有可能影响到手机的稳定,还容易被一些黑客入侵。但是,因为安卓系统的开源性,那就注定了,安卓手机root权限获取是必然的。 想要让自己的安卓手机root权限获取,是因为安卓刷机、修改字体、自定义美化、修改hosts文件、修改开机动画效果、以及系统的其它 一些设定等等都需要应用到root权限。凌少就举个例子吧。安卓的椒友一定都清楚,刚买来手机的时候,安卓手机系统中就自带上百个应用程序。而这些应用程 序软件大部分是没有什么用处的。删除它们,那么就必须让自己的安卓手机root权限获取,这样才行。 安卓手机root权限获取最新教程 知道了root是什么意思之后,凌少再教给大家安卓手机root权限获取的一个超简单"], "bs_rank_pos": 0}, {"is_selected": true, "title": "手机装了360超级root卸载不了怎么办_百度知道", "most_related_para": 0, "segmented_title": ["手机", "装", "了", "360", "超级", "root", "卸载", "不", "了", "怎么办", "_", "百度", "知道"], "segmented_paragraphs": [["进入", "手机", "的", "安全", "中心", "后", ",", "就", "看到", "了", "手机", "的", "【", "授权", "管理", "】", ",", "接着", "点击", "授权", "管理", ",", "进入", "了", "手机", "的", "授权", "管理", "界面", ",", "在这里", "就", "可以", "把", "手机", "的", "root", "功能", "关闭", "。", "触摸", "【", "允许", "应用", "获取", "root", "权限", "】", "后面", "的", "按钮", ",", "就能", "关闭", "root", "权限", "!", "在", "用", "360", "安全卫士", "在", "件", "管家", "里", "找到", "后", "就能", "卸载", "。"]], "paragraphs": ["进入手机的安全中心后,就看到了手机的【授权管理】,接着点击授权管理,进入了手机的授权管理界面,在这里就可以把手机的root功能关闭。触摸【允许应用获取root权限】后面的按钮,就能关闭root权限!在用360安全卫士在件管家里找到后就能卸载。"], "bs_rank_pos": 1}, {"is_selected": true, "title": "如何卸载手机上的360超级root?_百度知道", "most_related_para": 0, "segmented_title": ["如何", "卸载", "手机", "上", "的", "360", "超级", "root", "?", "_", "百度", "知道"], "segmented_paragraphs": [["单纯", "的", "删除", "是", "不能", "解除", "root", "的", "要", "用", "刷机", "精灵", "或者", "刷机", "大师", "这", "类", "应用软件", "进行", "解除", "。"]], "paragraphs": ["单纯的删除是不能解除root的要用刷机精灵或者刷机大师这类应用软件进行解除。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "kingroot怎么卸载不掉怎么办_百度知道", "most_related_para": 2, "segmented_title": ["king", "root", "怎么", "卸载", "不", "掉", "怎么办", "_", "百度", "知道"], "segmented_paragraphs": [["此", "方法", "是", "用", "360", "超级", "root", "来", "卸载", "King", "root", "。", "使用", "King", "root", "的", "部分", "安卓", "用户", "会发现", "King", "root", "耍流氓", ",", "部分", "手机", "在", "“", "通用", "设置", "-", "卸载", "”", "中", "会", "显示", "卸载", "出错", "。", "用", "以下", "方法", "可以", "顺利", "卸载", ":", "在", "“", "设置", "-", "应用", "”", "中", "找到", "king", "root", "选择", "“", "停用", "”", "。", "(", "如果", "king", "root", "不", "显示", ",", "则", "在", "浏览器", "重新", "下载", "一次", "King", "root", "安装", ",", "安装", "完成", "后", "不要打开", "king", "root", ",", "这时", "在", "“", "设置", "-", "应用", "”", "中", "可", "看到", "king", "root", ",", "选择", "“", "停用", "”", ")", ";", "下载", "“", "360", "超级", "root", "”", "安装", ";", "打开", "“", "360", "超级", "root", "”", ",", "并", "开启", "root", ";", "然后", "点击", "“", "卸载", "预装", "”", ",", "再", "点击", "右上角", "的", "删除", "图标", "打开", "“", "回收站", "”", ",", "看到", "King", "root", "并", "删除", "。", "保留", "或者", "卸载", "360", "超级", "root", "。"], ["您好", "!", "您", "的", "手机", "要", "Un", "root", "KING", "ROOT", "建议", "使", "按", "下列", "步骤", "进行", "操作", ":", "1", "电脑", "下载", "豌豆荚", "(", "pc", "版", ")", ",", "KING", "ROOT", "(", "pc", "版", ")", "2", "电脑", "运作", "豌豆荚", "3", "手机", "开启", "USB", "调试", "模式", "後", "连", "上", "电脑", "4", "此时", "机子", "会", "自动", "下载", "驱动", "5", "运作", "KING", "ROOT", ",", "点", "选", "'", "卸载", "Root", "'", "6", "机子", "自动", "Unroot", "成功", "了", "希望", "这", "能", "帮", "到", "您", "!", "!"], ["此", "方法", "是", "用", "360", "超级", "root", "来", "卸载", "King", "root", "。", "使用", "King", "root", "的", "部分", "安卓", "用户", "会发现", "King", "root", "耍流氓", ",", "部分", "手机", "在", "“", "通用", "设置", "-", "卸载", "”", "中", "会", "显示", "卸载", "出错", "。", "用", "以下", "方法", "可以", "顺利", "卸载", ":", "在", "“", "设置", "-", "应用", "”", "中", "找到", "king", "root", "选择", "“", "停用", "”", "。", "(", "如果", "king", "root", "不", "显示", ",", "则", "在", "浏览器", "重新", "下载", "一次", "King", "root", "安装", ",", "安装", "完成", "后", "不要打开", "king", "root", ",", "这时", "在", "“", "设置", "-", "应用", "”", "中", "可", "看到", "king", "root", ",", "选择", "“", "停用", "”", ")", ";", "下载", "“", "360", "超级", "root", "”", "安装", ";", "打开", "“", "360", "超级", "root", "”", ",", "并", "开启", "root", ";", "然后", "点击", "“", "卸载", "预装", "”", ",", "再", "点击", "右上角", "的", "删除", "图标", "打开", "“", "回收站", "”", ",", "看到", "King", "root", "并", "删除", "。", "保留", "或者", "卸载", "360", "超级", "root", "。"], ["用", "360", "安全卫士", "在", "件", "管家", "里", "找到", "后", "就能", "卸载", "。"]], "paragraphs": ["此方法是用360超级root来卸载Kingroot。使用Kingroot的部分安卓用户会发现Kingroot耍流氓,部分手机在“通用设置-卸载”中会显示卸载出错。用以下方法可以顺利卸载:在“设置-应用”中找到kingroot选择“停用”。(如果kingroot不显示,则在浏览器重新下载一次Kingroot安装,安装完成后不要打开kingroot,这时在“设置-应用”中可看到kingroot,选择“停用”);下载“360超级root”安装;打开“360超级root”,并开启root;然后点击“卸载预装”,再点击右上角的删除图标打开“回收站”,看到Kingroot并删除。保留或者卸载360超级root。", "您好 !您的手机要Unroot KING ROOT 建议使按下列步骤进行操作:1 电脑下载豌豆荚(pc 版), KING ROOT(pc 版)2 电脑运作豌豆荚3 手机开启USB调试模式後连上电脑4 此时机子会自动下载驱动 5 运作 KING ROOT, 点选 '卸载Root'6 机子自动 Unroot 成功了 希望这能帮到您 !!", "此方法是用 360超级root 来卸载Kingroot。使用Kingroot的部分安卓用户会发现Kingroot耍流氓,部分手机在“通用设置-卸载”中会显示卸载出错。用以下方法可以顺利卸载: 在“设置-应用”中找到 kingroot 选择“停用”。(如果kingroot不显示,则在浏览器重新下载一次Kingroot安装,安装完成后不要打开kingroot,这时在“设置-应用”中可看到kingroot,选择“停用”); 下载 “360超级root” 安装; 打开“360超级root”,并开启root; 然后点击“卸载预装”,再点击右上角的 删除图标 打开“回收站”,看到Kingroot并删除。 保留或者卸载360超级root。", "用360安全卫士在件管家里找到后就能卸载。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "360超级root怎么解除 怎么卸载", "most_related_para": 4, "segmented_title": ["360", "超级", "root", "怎么", "解除", "怎么", "卸载"], "segmented_paragraphs": [["关键字", ":", "360", "超级", "root", "怎么", "解除", "怎么", "卸载"], ["更多精彩", "游戏攻略", ",", "敬请关注", "9", "u8u", "游戏网"], ["小伙伴", "们", ",", "你们", "对于", "360", "超级", "root", "怎么", "解除", "怎么", "卸载", "是不是", "不", "怎么", "了解", ",", "你们", "是不是", "对", "360", "超级", "root", "怎么", "解除", "怎么", "卸载", "不", "怎么", "熟悉", ",", "就让", "小", "编", "为", "你们", "讲解", "360", "超级", "root", "怎么", "解除", "怎么", "卸载", "吧", "。"], ["360", "超级", "root", "怎么", "解除"], ["1", "、", "首先", ",", "打开", "360", "手机", "卫士", "官网", "下载", "360", "手机", "卫士", "安卓", "版本", "。", "进入后", "切换", "到", "“", "手机", "卫士", "”", "选项卡", ",", "然后", "点击", "“", "手机", "卫士", "”", "进入", "手机", "卫士", "页面", ",", "如图所示", "。", "点击", "“", "安卓", "版", "”", ",", "并", "下载", "通用", "版本", "的", "手机", "卫士", "。", "2", "、", "下载", "完成", "手机", "卫士", "之后", ",", "在", "手机", "中", "安装", "360", "手机", "卫士", "。", "您", "也", "可以", "直接进入", "本", "页面", "的", "软件", "详情", "模块", "下", "直接下载", "手机", "卫士", "。", "在", "手机", "中", "打开", "360", "手机", "卫士", "并", "授予", "手机", "卫士", "Root", "权限", ",", "如图所示", "。", "3", "、", "在", "手机", "卫士", "主界面", "打开", "“", "应用", "工具", "”", "选项", ",", "进入后", "找到", "”", "一键", "Root", "工具", "”", "并", "打开", "。", "如果", "您", "的", "手机", "已经", "获取", "Root", "权限", ",", "手机", "卫士", "会", "提示", "已经", "手机", "获取", "Root", "权限", ",", "您", "可以", "解除", "Root", "了", "。", "4", "、", "点击", "“", "解除", "Root", "”", "按钮", "之后", ",", "360", "Root", "工具", "就会", "给", "出", "提示", ",", "“", "注意", "!", "解除", "Root", "之后", "将", "永久", "失去", "Root", "权限", ",", "并且", "可能", "无法", "重新", "获取", "!", "因此", "若", "非", "送修", "等", "特殊", "需要", ",", "不", "建议", "解除", ".", ".", ".", ".", ".", ".", "”", "确认", "后", "点击", "“", "解除", "Root", "”", "按钮", "即可", "解除", "Root", "权限", "。"], ["5", "、", "另外", ",", "您", "可以", "使用", "其他", "工具", "解除", "Root", "权限", ",", "如", "腾讯", "手机", "管家", "、", "卓", "大师", "等", "软件", "。", "还", "可以", "重新", "刷机", "来", "解除", "系统", "Root", "权限", ",", "不过", "相对", "较", "麻烦", "。"], ["360", "超级", "root", "怎么", "卸载"], ["您", "可以", "去", "各", "大", "应用", "市场", "下载", "卓", "大师", "的", "“", "一键", "Root", "大师", "”", "来", "关闭", "Root", ",", "恢复", "未", "Root", "状态", "。"], ["经过", "小", "编", "的", "介绍", ",", "小伙伴", "们", "对", "360", "超级", "root", "怎么", "解除", "怎么", "卸载", "知道", "了", "吧", ",", "对", "360", "超级", "root", "怎么", "解除", "怎么", "卸载", "有所", "了解", "了", "吧", ",", "希望", "可以", "帮助", "小伙伴", "们", "了解", "360", "超级", "root", "怎么", "解除", "怎么", "卸载", "。"], ["游戏", "题材", ":", "武侠", "历史", "国战"], ["游戏", "题材", ":", "玄幻", "Q版", "其它"], ["网友评论", "仅", "代表", "其", "个人", "看法", ",", "并", "不", "代表", "9U8U", "同意", "其", "观点", "!"], ["新版", "狂想曲", "《", "九阴", "绝学", "》", "三大", "彩蛋", "揭秘", "武侠", "新篇"], ["《", "群雄志", "》", "不败", "的", "传说", "今日", "盛大", "公测"], ["《", "盗墓笔记", "》", "揭开", "重重", "迷", "影", "首", "服", "惊悚", "开启"], ["攻占", "沙巴克", "扬起", "年少时", "的", "回忆", "-", "-", "致", "经典", "传奇"], ["刀光剑影", "只", "在", "一刹那", "间", "滑过", "!", "剑雨", "江湖"], ["制服诱惑", "?", "不是", "日韩", "专属", "你", "不知道", "的", "国度", "?", "喊", "她", "AV", "去", "可好", "?", "穿越", "只", "为", "找", "她", "!", "!", "!"]], "paragraphs": ["关键字:360超级root怎么解除 怎么卸载", "更多精彩游戏攻略,敬请关注9u8u游戏网", "小伙伴们,你们对于360超级root怎么解除 怎么卸载是不是不怎么了解,你们是不是对360超级root怎么解除 怎么卸载不怎么熟悉,就让小编为你们讲解360超级root怎么解除 怎么卸载吧。", "360超级root怎么解除", "1、首先,打开360手机卫士官网下载360手机卫士安卓版本。进入后切换到“手机卫士”选项卡,然后点击“手机卫士”进入手机卫士页面,如图所示。点击“安卓版”,并下载通用版本的手机卫士。2、下载完成手机卫士之后,在手机中安装360手机卫士。您也可以直接进入本页面的软件详情模块下直接下载手机卫士。在手机中打开360手机卫士并授予手机卫士 Root 权限,如图所示。3、在手机卫士主界面打开“应用工具”选项,进入后找到”一键 Root 工具”并打开。如果您的手机已经获取 Root 权限,手机卫士会提示已经手机获取 Root 权限,您可以解除 Root 了。4、点击“解除 Root”按钮之后,360 Root 工具就会给出提示,“注意!解除 Root 之后将永久失去 Root 权限,并且可能无法重新获取!因此若非送修等特殊需要,不建议解除......”确认后点击“解除 Root”按钮即可解除 Root 权限。", "5、另外,您可以使用其他工具解除 Root 权限,如腾讯手机管家、卓大师等软件。还可以重新刷机来解除系统 Root 权限,不过相对较麻烦。", "360超级root怎么卸载", "您可以去各大应用市场下载卓大师的“一键Root大师”来关闭Root,恢复未Root状态。", "经过小编的介绍,小伙伴们对360超级root怎么解除 怎么卸载知道了吧,对360超级root怎么解除 怎么卸载有所了解了吧,希望可以帮助小伙伴们了解360超级root怎么解除 怎么卸载。", "游戏题材:武侠 历史 国战", "游戏题材:玄幻Q版 其它", "网友评论仅代表其个人看法,并不代表9U8U同意其观点!", "新版狂想曲《九阴绝学》三大彩蛋揭秘武侠新篇", "《群雄志》不败的传说 今日盛大公测", "《盗墓笔记》揭开重重迷影 首服惊悚开启", "攻占沙巴克扬起年少时的回忆--致经典传奇", "刀光剑影只在一刹那间滑过!剑雨江湖", "制服诱惑?不是日韩专属  你不知道的国度? 喊她AV去 可好? 穿越只为找她!!!"], "bs_rank_pos": 4}], "answer_spans": [[9, 20]], "fake_answers": ["用刷机精灵或者刷机大师这类应用软件进行解除。"], "question": "360root怎么卸载", "segmented_answers": [["下载安装", "安卓", "一键", "root", "神器", ":", "Z4", "root", ",", "清除", "已", "安装", "的", "用于", "获取", "ROOT", "权限", "的", "相关", "文件", "。"], ["进入", "手机", "的", "安全", "中心", "后", ",", "就", "看到", "了", "手机", "的", "【", "授权", "管理", "】", ",", "接着", "点击", "授权", "管理", ",", "进入", "了", "手机", "的", "授权", "管理", "界面", ",", "在这里", "就", "可以", "把", "手机", "的", "root", "功能", "关闭", "。", "触摸", "【", "允许", "应用", "获取", "root", "权限", "】", "后面", "的", "按钮", ",", "就能", "关闭", "root", "权限", "。", "在", "用", "360", "安全卫士", "在", "件", "管家", "里", "找到", "后", "就能", "卸载", "。"], ["用", "刷机", "精灵", "或者", "刷机", "大师", "这", "类", "应用软件", "进行", "解除", "。"]], "answers": ["下载安装安卓一键root神器:Z4root,清除已安装的用于获取ROOT权限的相关文件。", "进入手机的安全中心后,就看到了手机的【授权管理】,接着点击授权管理,进入了手机的授权管理界面,在这里就可以把手机的root功能关闭。触摸【允许应用获取root权限】后面的按钮,就能关闭root权限。在用360安全卫士在件管家里找到后就能卸载。", "用刷机精灵或者刷机大师这类应用软件进行解除。"], "answer_docs": [2], "segmented_question": ["360", "root", "怎么", "卸载"], "question_type": "DESCRIPTION", "question_id": 11, "fact_or_opinion": "FACT", "match_scores": [1.0]}
-{"documents": [{"is_selected": false, "title": "如何玩转新疆之北疆 – 360旅游", "most_related_para": 1, "segmented_title": ["如何", "玩转", "新疆", "之", "北疆", "–", "360", "旅游"], "segmented_paragraphs": [["北疆", "知名", "景点", "介绍", "相关", "景点", "费用", "介绍", "及", "最佳", "旅游", "时间", "介绍", "相关", "北疆", "线路推荐"], ["去", "新疆", "旅行", "怎么", "可", "不知道", "南疆", "、", "北疆", ",", "首页", "给", "大家", "简单", "的", "扫", "个", "盲", "—", "—", "天山", "山脉", "将", "新疆", "分为", "南北", "两", "大", "部分", ",", "习惯", "上", "称", "天山", "以", "南", "为", "南疆", ",", "天山", "以", "北", "为", "北疆", "。", "北疆", "包括", "乌鲁木齐", "、", "吐鲁番地区", "、", "阿勒泰地区", "、", "塔城地区", "、", "昌吉", "地区", "、", "伊犁", "、", "博尔塔拉", "等", "地区", "等", "。", "南疆", "包括", "了", "库尔勒", "、", "库车", "、", "阿克苏", "、", "和田", "、", "喀什", "、", "阿图什", "…", "…", "简单", "的", "扫盲", "结束", "后", ",", "现在", "就", "开始", "为", "大家", "详细", "介绍", "如何", "玩转", "北疆", "两条线", "。", "北疆", ":", "乌鲁木齐", "—", "-", "五彩滩", "—", "-", "喀纳斯", "—", "-", "白哈巴", "—", "-", "禾木", "—", "–", "克拉玛依", "魔鬼城", "—", "-", "赛里木湖", "—", "-", "果子沟", "—", "-", "伊犁", "—", "-", "那拉提", "草原", "—", "-", "巴音", "布鲁克", "(", "天鹅湖", ",", "九曲", "十八", "弯", ")", "—", "-", "天池", "—", "乌鲁木齐", "。", "此", "条", "线路", "基本", "包括", "了", "北疆", "地区", "的", "不可错过", "的", "景点", "了", "。", "下面", "为了", "挨个", "详细", "介绍"], ["五彩滩", "依傍", "额", "尔", "齐", "斯", "河", ",", "远眺", "南岸", ",", "有", "绿洲", "、", "沙漠", "与", "蓝色", "的", "天际", "相", "合", ",", "风光", "尽收眼底", "。", "弯弯", "的", "河滩", "流水潺潺", ",", "郁郁葱葱", "的", "河谷林树", "和", "对岸", "的", "五颜六色", "的", "群", "丘", "遥", "相辉映", ",", "一", "河", "中分", "两岸", ",", "胜似", "飞来", "两重天", ",", "大自然", "的", "鬼斧神工", "把", "截然不同", "的", "两种", "地貌", "巧妙", "地", "融合", "在一起", ",", "构成", "一", "幅", "浑然天成", "的", "奇景", "。", "注意", ":", "你", "拿起", "新疆", "地图", ",", "你", "一定", "会", "觉得", "很", "晕倒", ",", "原来", "“", "五彩", "”", "这个词", "在", "地名", "上", "有", "多", "个", "阐释", "。", "五彩滩", ",", "五彩湾", ",", "五彩池", ",", "五彩城", ",", "我们", "印象", "中", "该", "是", "一", "个", "地方", "吧", ",", "虾米", "?", "错", "滴", ",", "这", "是", "四", "个", "地方", ",", "只要你", "跟", "包车", "师傅", "说", "错", "一个字", ",", "就", "把", "你", "带", "到", "不同", "的", "地方", "去", "了", ",", "正确", "的", "地方", "是", "—", "五彩滩", "。", "它", "位于", "布尔津县", "大概", "10", "公里", "处", "。"], ["五彩滩", "想要", "得到", "它", "的", "美", ",", "必须", "要", "获得", "一", "个", "重要因素", ":", "夕阳", "。", "雨中", "的", "五彩滩", "或者", "正午", "的", "五彩滩", "都", "不会", "使得", "你", "获得", "层次分明", "的", "色彩", "美"], ["喀纳斯", "—", "-", "白哈巴", "—", "-", "禾木", ":", "这", "三", "个", "景点", "为", "三", "个", "临近", "的", "景点", ",", "一般", "游客", "都会", "一", "并", "游览", "。", "很多人", "以为", "喀纳斯", "、", "白哈巴", "、", "禾木", "这", "三", "个", "点", "该", "是", "统一", "收费", "才", "对", ",", "事实", "是", "这", "三", "个", "景点", "的", "收费", "特别", "的", "细", ",", "比如", "喀纳斯", "的", "门票", "加", "区间车", "是", "220", ",", "而", "上", "喀纳斯", "的", "观", "鱼", "亭", "则", "另外", "收费", "60", "元", "(", "区间车", ")", ",", "而", "白哈巴", "则", "是", "门票", "加", "区间车", "290", "元", "。"], ["喀纳斯", ":", "具", "北国风光", "之", "雄浑", ",", "又", "具有", "南国", "山水", "之", "娇", "秀", ",", "加", "之", "这里", "还有", "“", "云海", "佛光", "”", "、", "“", "变色", "湖", "”", "、", "“", "浮木", "长堤", "”", "、", "“", "湖怪", "”", "等", "胜景", "、", "绝景", ",", "怎能", "不", "称得上", "西域", "之", "佳", "景", "、", "仙", "景", "!", "北面", "是", "白雪皑皑", "的", "奎屯", "山", "、", "高耸", "如云", "的", "友谊峰", ",", "湖", "周", "重峦叠嶂", ",", "山林", "犹如", "画", "屏", "。", "叶茂", ",", "枯叶", "朽木", "上", "苔藓", "、", "野草", "遍", "生", "。", "林间", "空地", "草甸", "如茵", ",", "山间", "百花齐放", "。", "风静波", "平时", ",", "湖水", "似", "一", "池", "翡翠", ",", "随着", "天气", "的", "变化", ",", "湖水", "又", "更换", "着", "不同", "的", "色调", ",", "自", "晨", "至", "夜", "变换", "着", "风采", "。", "每当", "烟云", "缭绕", ",", "雪峰", "、", "春", "山", "若隐若现", ",", "恍若隔世", "。", "夏季", ",", "雨后", "清晨", ",", "登上", "湖南", "段", "的", "骆驼峰", "则", "可", "观览", "佛光", "奇景", "。", "白哈巴", "村", ":", "被", "誉为", "中国", "最美", "的", "八", "个", "小镇", "之", "一", ",", "图瓦", "人", "独特", "的", "民族服饰", "、", "宗教", "崇拜", "及", "风俗习惯", "也", "受到", "更多", "人", "的", "青睐", ",", "去", "旅行", "需要", "办理", "边境", "证", ",", "购买", "景区门票", "以及", "古村", "维护", "费", "。"], ["禾木", ":", "喀", "那", "斯", "区域", "最美", "的", "秋色", "在", "禾木", ",", "层", "林", "浸染", ",", "绚丽多彩", ",", "是", "一", "处", "典型", "的", "原始", "自然生态", "风光", "。", "在", "禾木", "村", "周围", "的", "小山坡", "上", "可", "俯视", "禾木", "村", "以及", "禾木", "河", "的", "全景", ",", "远", "观", "日出", "、", "雪峰", "与", "涓涓", "溪流", ",", "近", "览", "图瓦", "人家", ",", "是", "拍摄", "日出", "、", "晨雾", "、", "木屋", "、", "禾木", "河", "的", "绝佳", "取景", "地", "。"], ["克拉玛依", "魔鬼城", ":", "关键词", ":", "雅丹地貌", "“", "魔鬼城", "”", "是", "一", "片", "雅丹地貌", ",", "面积", "10", "平方公里", ",", "地面", "海拔", "350", "米", "左右", "。", "雅丹", ",", "维吾尔语", "“", "雅尔", "丹", "”", "的", "转", "音", ",", "原来", "是", "维吾尔族", "对", "沙土", "风蚀", "地貌", "的", "叫法", ",", "意思", "是", "“", "陡壁", "的", "小丘", "”", "。", "9", "点", "后", "才能", "领略", "其中", "的", "美", ",", "阳光", "大", "好", "下", "的", "魔鬼城", "是", "毫无", "意义", "的", ",", "色泽", "偏", "白", ",", "酷热", ",", "在", "里面", "就是", "区间车", ",", "放", "你", "下去", "个", "几分钟", "就", "赶", "你", "上", "车", ",", "不过", "确实", "也", "没", "地方", "可", "庇荫", "啥", "的", ",", "能", "把", "你", "晒干", "。", "照片", "中", "任何", "角度", "你", "都", "可以", "在", "魔鬼城", "外围", "拍摄", ",", "花钱", "进去", "毫无", "意义", "。", "区间车", "全程", "45", "分钟", ",", "然后", "你", "的", "46", "块", "钱", "就", "没了", "。"], ["赛里木湖", "—", "-", "果子沟", "关键词", ":", "逃票", "逃票", "指数", ":", "完美", ",", "40", "元", "门票", "绝对", "不", "用", "给", ",", "你", "行驶", "在", "高速", "上", "看到", "一", "个", "标牌", ":", "赛里木湖", "出口", ",", "请", "不要", "出", ",", "继续", "往前", "开", "1", "公里", ",", "远远", "看到", "一", "个", "”", "赛里木湖", "隧道", "”", ",", "放慢", "车速", ",", "不要", "过", "隧道", ",", "隧道", "的", "右手边", "有", "一", "个", "缺口", ",", "开", "过去", ",", "就", "进入", "了", "赛里木湖", "。", "赛里木湖", "是", "蓝宝石", ",", "阳光", "下", "那", "是", "奇美", "。", "看着", "阳光", "一点点", "让", "波光粼粼", "变成", "一", "片", "净", "好", ",", "湖上", "干净", "没有任何", "涟漪", ",", "无", "游船", ",", "无小舟", ",", "偶尔", "飞来", "一", "群", "水鸟", ",", "聚合", ",", "惊起", ",", "掠过", ",", "复", "又", "高飞", "而", "去", "。", "果子沟", "以", "野果", "多", "而", "得", "名", ",", "沟", "内", "峰峦", "耸峙", "、", "峡谷", "回转", "、", "松", "桦", "繁茂", "、", "果树", "丛生", "、", "野花", "竞", "放", "、", "飞瀑", "涌泉", "、", "风光秀丽", ",", "被", "清", "人", "祁韵士", "称为", "“", "奇", "绝", "仙境", "”", "。", "八", "九", "月", "是", "最佳", "旅游", "时间", "。"], ["伊犁", ":", "关键词", ":", "65", "团", "薰衣草", "伊犁", "为", "北疆", "最为", "重要", "的", "自治", "州", ",", "首府", "为", "伊宁市", "。", "到", "北疆", "旅行", "的", "女生", "是", "万万", "不能", "错过", "伊犁", "的", ",", "很多", "女孩", "向往", "的", "普罗旺斯", "的", "薰衣草", ",", "其实", "在", "伊犁", "你", "也", "能够", "看见", ",", "那", "气势", "一", "点", "也", "不", "比", "普罗旺斯", "差", "。", "喜欢", "摄影", "活", "被", "拍", "的", "人", "都", "不要错过", "这个", "美丽", "的", "地方", "。", "最佳", "地点", "推荐", ":", "65", "团", ",", "虽然", "别", "的", "团场", "也有", "但是", "还是", "65", "团", "的", "最", "壮观", "。", "最佳", "时间", ":", "最好", "是", "6", "月", "中旬", "前", "到达", "不", "然", "收割", "了", "做", "加工", "成", "薰衣草", "油", "了", "。", "没有", "赶上", "时间", "的", ",", "也", "可以", "买", "一些", "薰衣草精油", "之类", "的", "回来", ",", "那", "是", "相当", "正宗", "啊", "~", "~"], ["那拉提", "草原", ":", "关键词", ":", "空中草原", "、", "夕阳", "170", "元", "的", "门票", "加", "区间车", "费用", "那拉提", "草原", "的", "精华", "本来", "就", "在于", "空中草原", "的", "夕阳", ",", "但是", "值得", "注意", "的", "是", ":", "那拉提", "草原", "居然", "8", "点", "下班", "。", "如果", "你", "没有", "足够", "的", "勇气", "和", "智慧", "说服", "园区", "的", "工作", "人员", ",", "那", "草原", "的", "夕阳", "基本", "和", "你", "无缘", ",", "同时", "如果", "去", "晚", "了", "你", "可能", "连", "进", "都", "进", "不", "去", "。", "当然了", "有", "个别", "凶悍", "的", "游客", "还是", "能够", "争取", "到", "属于", "自己", "的", "福利", ",", "但", "千万", "注意", "那", "只是", "个别", "的", ",", "请", "千万", "充分", "估计", "自己", "的", "实力", "~", "~"], ["巴音", "布鲁克", ":", "关键词", ":", "天鹅", "、", "九曲", "十八", "弯", "巴音", "布鲁克", "草原", ",", "蒙古语", "意", "为", "“", "富饶", "之", "泉", "”", ",", "当地", "会", "有", "成群", "的", "天鹅", "在", "此", "聚集", ",", "新疆人", "认为", "看见", "天鹅", "就会", "收获", "幸福", ",", "因此", ",", "这", "也是", "他们", "心中的圣湖", "。", "巴音", "布鲁克", "的", "美", ",", "绝对", "是", "熨帖", "的", "征服", ",", "润物细无声", "的", "征服", ",", "若", "巴音", "布鲁克", "都", "不能", "打动你心中", "最", "深沉", "的", "情感", ",", "我", "已经", "无法", "从", "中国", "再", "寻找", "更", "绵长", "的", "深沉", "。"], ["天池", ":", "关键词", ":", "mark", "太", "有名", "其实", "真正", "去", "过", "天池", "的", "人", "十有八九", "是", "会", "后悔", "的", ",", "不", "去", "的", "人", "100", "%", "会", "后悔", ",", "好似", "没有", "到", "过", "天池", ",", "肿", "么", "也", "不能", "算", "到", "过", "新疆", "吧", ",", "天池", "的", "风景", "平心而论", "还是", "可以", "滴", ",", "但", "比", "起", "北疆", "的", "喀纳斯", "、", "巴音", "布鲁克", "真是", "差", "的", "太", "远", "。", "但是", "他", "又", "太", "有名", ",", "所以", "建议", "原道", "而来", "的", "朋友", "还是", "上去", "mark", "一", "下", "吧", ",", "不要", "给", "你", "留遗憾", "。"], ["图文", "来自", "网络", ",", "如有侵权", "请", "联系", "删除"], ["宁浩", "新片", "无人区", "四", "年终", "公映", "引爆", "新疆", "自驾游", "热潮", "新疆", "特色", "美食", "大", "推荐", "新疆", "摄影", "线路", "—", "最佳摄影", "季节", "新疆", "奇观", "草原", "石", "人", "乌鲁木齐", "特色", "餐馆", "推荐"], ["位于", "乌鲁木齐", "西", "北郊", "的", "小", "地窝", "堡", "的", "民用", "国际机场", ",", "距离", "市", "中心", "16", ".", "8", "公里", ",", "该", "机场", "飞行", "区", "等级", "为", "4E", ",", "可", "满足", "波音", "747", "-", "400", "大型", "飞机", "全", "载", "起降", "。", "机场", "所", "属于", "中国", "国家", "民用航空", "局", "。"]], "paragraphs": ["北疆知名景点介绍  相关景点费用介绍及最佳旅游时间介绍  相关北疆线路推荐", "去新疆旅行怎么可不知道南疆、北疆,首页给大家简单的扫个盲——天山山脉将新疆分为南北两大部分,习惯上称天山以南为南疆,天山以北为北疆。北疆 包括乌鲁木齐、吐鲁番地区、阿勒泰地区、塔城地区、昌吉地区、伊犁、博尔塔拉等地区等。南疆包括了库尔勒、库车、阿克苏、和田、喀什、阿图什……简单的扫盲结束后,现在就开始为大家详细介绍如何玩转北疆两条线。 北疆:乌鲁木齐—-五彩滩—-喀纳斯—-白哈巴—-禾木—–克拉玛依魔鬼城—-赛里木湖—-果子沟—-伊犁—-那拉提草原—-巴音布鲁克(天鹅湖,九曲十八弯)—-天池—乌鲁木齐。此条线路基本包括了北疆地区的不可错过的景点了。下面为了挨个详细介绍", "五彩滩 依傍额尔齐斯河,远眺南岸,有绿洲、沙漠与蓝色的天际相合,风光尽收眼底。弯弯的河滩流水潺潺,郁郁葱葱的河谷林树和对岸的五颜六色的群丘遥相辉映,一河中分两岸,胜似飞来两重天,大自然的鬼斧神工把截然不同的两种地貌巧妙地融合在一起,构成一幅浑然天成的奇景。 注意:你拿起新疆地图,你一定会觉得很晕倒,原来“五彩”这个词在地名上有多个阐释。五彩滩,五彩湾,五彩池,五彩城,我们印象中该是一个地方吧,虾米?错滴,这是四个地方,只要你跟包车师傅说错一个字,就把你带到不同的地方去了,正确的地方是—五彩滩。它位于布尔津县大概10公里处。", "五彩滩想要得到它的美,必须要获得一个重要因素:夕阳。雨中的五彩滩或者正午的五彩滩都不会使得你获得层次分明的色彩美", "喀纳斯—-白哈巴—-禾木: 这三个景点为三个临近的景点,一般游客都会一并游览。很多人以为喀纳斯、白哈巴、禾木这三个点该是统一收费才对,事实是这三个景点的收费特别的细,比如喀纳斯的门票加区间车是220,而上喀纳斯的观鱼亭则另外收费60元(区间车),而白哈巴则是门票加区间车290元。", "喀纳斯:具北国风光之雄浑,又具有南国山水之娇秀,加之这里还有“云海佛光”、“变色湖”、“浮木长堤”、“湖怪”等胜景、绝景,怎能不称得上西域之佳景、仙景!北面是白雪皑皑的奎屯山、高耸如云的友谊峰,湖周重峦叠嶂,山林犹如画屏。叶茂,枯叶朽木上苔藓、野草遍生。林间空地草甸如茵,山间百花齐放。风静波平时,湖水似一池翡翠,随着天气的变化,湖水又更换着不同的色调,自晨至夜变换着风采。每当烟云缭绕,雪峰、春山若隐若现,恍若隔世。夏季,雨后清晨,登上湖南段的骆驼峰则可观览佛光奇景。 白哈巴村:被誉为中国最美的八个小镇之一,图瓦人独特的民族服饰、宗教崇拜及风俗习惯也受到更多人的青睐,去旅行需要办理边境证,购买景区门票以及古村维护费。", "禾木:喀那斯区域最美的秋色在禾木,层林浸染,绚丽多彩,是一处典型的原始自然生态风光。在禾木村周围的小山坡上可俯视禾木村以及禾木河的全景,远观日出、雪峰与涓涓溪流,近览图瓦人家,是拍摄日出、晨雾、木屋、禾木河的绝佳取景地。", "克拉玛依魔鬼城: 关键词:雅丹地貌 “魔鬼城”是一片雅丹地貌,面积10平方公里,地面海拔350米左右。雅丹,维吾尔语“雅尔丹”的转音,原来是维吾尔族对沙土风蚀地貌的叫法,意思是“陡壁的小丘”。 9点后才能领略其中的美,阳光大好下的魔鬼城是毫无意义的,色泽偏白,酷热,在里面就是区间车,放你下去个几分钟就赶你上车,不过确实也没地方可庇荫啥的,能把你晒干。照片中任何角度你都可以在魔鬼城外围拍摄,花钱进去毫无意义。区间车全程45分钟,然后你的46块钱就没了。", "赛里木湖—-果子沟 关键词:逃票 逃票指数:完美,40元门票绝对不用给,你行驶在高速上看到一个标牌:赛里木湖出口,请不要出,继续往前开1公里,远远看到一个”赛里木湖隧道”,放慢车速,不要过隧道,隧道的右手边有一个缺口,开过去,就进入了赛里木湖。 赛里木湖是蓝宝石,阳光下那是奇美。看着阳光一点点让波光粼粼变成一片净好,湖上干净没有任何涟漪,无游船,无小舟,偶尔飞来一群水鸟,聚合,惊起,掠过,复又高飞而去。 果子沟以野果多而得名,沟内峰峦耸峙、峡谷回转、松桦繁茂、果树丛生、野花竞放、飞瀑涌泉、风光秀丽,被清人祁韵士称为“奇绝仙境”。八九月是最佳旅游时间。", "伊犁: 关键词:65团 薰衣草 伊犁为北疆最为重要的自治州,首府为伊宁市。到北疆旅行的女生是万万不能错过伊犁的,很多女孩向往的普罗旺斯的薰衣草,其实在伊犁你也能够看见,那气势一点也不比普罗旺斯差。喜欢摄影活被拍的人都不要错过这个美丽的地方。 最佳地点推荐:65团,虽然别的团场也有但是还是65团的最壮观。最佳时间:最好是6月中旬前到达 不然收割了做加工成薰衣草油了。没有赶上时间的,也可以买一些薰衣草精油之类的回来,那是相当正宗啊~~", "那拉提草原: 关键词:空中草原、夕阳 170元的门票加区间车费用 那拉提草原的精华本来就在于空中草原的夕阳,但是值得注意的是:那拉提草原居然8点下班。如果你没有足够的勇气和智慧说服园区的工作人员,那草原的夕阳基本和你无缘,同时如果去晚了你可能连进都进不去。当然了有个别凶悍的游客还是能够争取到属于自己的福利,但千万注意那只是个别的,请千万充分估计自己的实力~~", "巴音布鲁克: 关键词:天鹅、九曲十八弯 巴音布鲁克草原,蒙古语意为“富饶之泉”,当地会有成群的天鹅在此聚集,新疆人认为看见天鹅就会收获幸福,因此,这也是他们心中的圣湖。 巴音布鲁克的美,绝对是熨帖的征服,润物细无声的征服,若巴音布鲁克都不能打动你心中最深沉的情感,我已经无法从中国再寻找更绵长的深沉。", "天池: 关键词 :mark 太有名 其实真正去过天池的人十有八九是会后悔的,不去的人100%会后悔,好似没有到过天池,肿么也不能算到过新疆吧,天池的风景平心而论还是可以滴,但比起北疆的喀纳斯、巴音布鲁克真是差的太远。但是他又太有名,所以建议原道而来的朋友还是上去mark一下吧,不要给你留遗憾。", "图文来自网络,如有侵权请联系删除", "宁浩新片无人区四年终公映 引爆新疆自驾游热潮 新疆特色美食大推荐 新疆摄影线路—最佳摄影季节 新疆奇观草原石人 乌鲁木齐特色餐馆推荐", "位于乌鲁木齐西北郊的小地窝堡的民用国际机场,距离市中心16.8公里,该机场飞行区等级为4E,可满足波音747-400大型飞机全载起降。机场所属于中国国家民用航空局。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "2017北疆旅游攻略,北疆自由行攻略,蚂蜂窝北疆出游攻略游记 - 蚂蜂窝", "most_related_para": 14, "segmented_title": ["2017", "北疆", "旅游攻略", ",", "北疆", "自由行", "攻略", ",", "蚂", "蜂窝", "北疆", "出游", "攻略", "游记", "-", "蚂", "蜂窝"], "segmented_paragraphs": [["概况", "简介", "|", "最佳", "旅行", "时间", "|", "建议", "游玩", "天数", "|", "当地", "气候", "|", "语言", "|", "消费", "指数"], ["有", "312138", "张", "图片"], ["北疆", "即", "新疆", "的", "北部", ",", "包括", "乌鲁木齐", "、", "吐鲁番地区", "、", "阿勒泰地区", "、", "塔城地区", "、", "昌吉", "地区", "、", "伊犁", "、", "等", "地区", "等", "。", "在", "新疆人", "眼中", ",", "南疆", "与", "北疆", "是", "截然不同", "的", "。", "这里", "有", "人间仙境", "喀纳斯湖", "、", "世", ".", ".", ".", "更多", ">", ">"], ["乌鲁木齐", "喀纳斯", "伊犁", "吐鲁番", "阿勒泰", "禾木"], ["新疆", "的", "地理", "特征", "是", "“", "三山", "夹", "两", "盆", "”", ",", "新疆", "最", "北部", "为", "阿尔泰山", ",", "中部", "为", "天山", ",", "最", "南部", "为", "昆仑山", "系", ",", "阿尔泰山", "和", "天山", "之间", "为", "准噶尔盆地", ",", "天山", "和", "昆仑山", "系", "之间", "为", "塔里木盆地", ",", "天山", "以", "北", ",", "称", "之", "为", "北疆", ";", "在", "新疆人", "眼中", ",", "南疆", "与", "北疆", "是", "截然不同", "的", ":", "北疆", "意味着", "高山", "和", "草原", ",", "南疆", "则", "意味着", "沙漠", "和", "戈壁", ";", "北疆", "意味着", "草原", "文化", ",", "南疆", "则", "意味着", "农业文明", ";", "北疆", "意味着", "哈萨克", "和", "卫拉特", "蒙古", ",", "南疆", "意味着", "维吾尔", "和", "塔吉克", ";", "北疆", "意味着", "骏马", "和", "歌声", ",", "南疆", "意味着", "木卡姆", "和", "舞蹈", "。"], ["更新时间", ":", "2015", "-", "10", "-", "08", "16", ":", "51", ":", "34", "下载", "人数", ":", "643519"], ["下载", "PDF", "版本", "6", ".", "91", "MB", "下载", "JPG", "版本", "20", ".", "53", "MB"], ["戈壁", "胡杨", ",", "三千", "慨叹", ":", "生", "而", "不", "死", "一", "千", "年", ",", "死", "而", "不倒", "一", "千", "年", ",", "倒", "而", "不朽", "一", "千", "年", "。", "。", "。", "胡杨", "会", "在", "秋天", "半", "个", "多", "月", "里", "激情", "挥洒", "出", "自己", "的", "金色", ",", "那", "是", "精美绝伦", "的", "金色", ",", "那", "是", "世间", "无与伦比", "的", "金色", ",", "胡杨树", "几乎", "是", "将", "储备", "了", "一年", "的", "激情", "在", "秋天", "突然", "迸发", "出来", ",", "每", "一", "片", "叶脉", "都", "盛开", "暖意", ",", "每一个", "枝丫", "都", "挂", "满", "太阳", "。", "胡杨树", "一直", "在", "耐心", "地", "等待", ",", "等待", "秋天", "的", "到", "来", "。", "。", "。", "胡杨树", "一直", "在", "耐心", "地", "等待", ",", "等待", "你", "的", "到", "来", "。", "。", "。"], ["更新时间", ":", "2013", "-", "03", "-", "08", "11", ":", "05", ":", "18", "下载", "人数", ":", "131643"], ["下载", "PDF", "版本", "3", ".", "39", "MB", "下载", "JPG", "版本", "10", ".", "95", "MB"], ["北疆", "游记"], ["收起", "筛选", "指南", "目前", "暂", "不支持", "“", "按", "条件", "筛选", "”", "和", "“", "主题", "推荐", "”", "的", "双重", "条件", "筛选", "。", ":", ")", "例如", ":", "“", "按", "出发", "时间", "”", "筛选", "之后", ",", "再", "进行", "主题", "推荐", "的", "筛选", ",", "系统", "会", "默认", "取消", "“", "按", "时间", "筛选", "”", "筛选", "的", "操作", ",", "只", "显示", "主题", "推荐", "的", "内容", "。", "反之亦然", "。"], ["北疆", "往", "北", ",", "遇见", "另一个天堂", "。", "必", "是", "轮回", "里", "放逐", "的", "游魂", "方", "可", "每", "到", "一", "处", "皆", "如", "故乡", "。", "开头", "借用", "孟火火", "书", "中", "的", "一句话", ",", "此刻", "在", "写", "游记", "的", "前", "一分钟", ",", "还在", "看着", "这", "本", "《", "火火", "和", "他", "的", "第", "一", "本", "书", "》", "。", "我还是我", ",", "人", "没", "变", ",", "山峰", "依旧", "不会", "写", "游记", "。", "(", "欢迎", "关注", "我", "微博", ":", "山峰", "不会", "写", "游记", ",", "http", ":", "/", "/", "www", ".", "weibo", ".", "com", "/", "shanfeng", "19811104", ")", "但", ".", ".", "."], ["【", "我", "的", "夜空", "幻想日记簿", "】", "-", "-", "-", "-", "-", "-", "那年夏天", ",", "北疆", "寻梦", "当", "我", "坐", "在", "电脑", "面前", ",", "敲击", "这", "篇", "游记", "的", "时候", ",", "入冬", "来", "最", "持久", "雾霾", "天气", "来临", ",", "我", "国", "多", "个", "城市", "已", "达", "严重污染", "。", "甚至", "连", "重庆", ",", "成都", "这样", "西南地区", "的", "城市", ",", "也", "已", "沦陷", "。", "我", "只能", "在家里", ",", "在", "电脑", "前", ",", "看着", "满天", "繁星", "的", "照片", ",", "心里", "一", "阵", "心悸", "。", "想起", "了", "周星驰", "《", "美人鱼", "》", "中", "的", "台词", "。", "“", "如果", "这个地球", "上", "连", "一", "滴", "干", ".", ".", "."], ["如", "诗", "的", "画卷", "-", "-", "北疆", "行", "记", "这", "是", "一", "场", "值得回味", "很久", "的", "旅行", ",", "累", "并", "快乐", "着", "。", "惯例", ",", "先", "上", "图", "。", "乌", "伦", "古", "湖", "的", "日落", "。", "贾登峪", "-", "禾木", "徒步", "途中", ",", "布拉勒", "汉", "桥", "附近", "的", "一", "处", "山坡", "璀璨", "绚丽", "的", "禾木", "星空", "禾木", "晨雾", "。", "新疆", "怎么", "玩", "丨", "不到", "新疆", "不知", "中国", "之", "大", "!", "新疆", "1", "/", "6", "的", "中国", ",", "地域辽阔", "。", "她", "有", "山脉", "、", "湖泊"], ["新疆", "怎么", "玩", "丨", "不到", "新疆", "不知", "中国", "之", "大", "!", "新疆", "1", "/", "6", "的", "中国", ",", "地域辽阔", "。", "她", "有", "山脉", "、", "湖泊", "、", "草原", "、", "戈壁", "、", "沙漠", "、", "河流", "~", "~", "~", "游", "新疆", "是", "一", "种", "情结", ",", "怎样", "游", "可以", "让", "你", "在", "有限", "时间", "里", "看到", "更多", "的", "大", "美", "新疆", "呢", "?", "新疆", "1", "-", "30", "天", "的", "旅行", "均", "可", ",", "新疆", "的", "玩法", "多种多样", "。", "接下来", "就让", "我", "来", "为你", "荐", "几", "种", "不走回头路", "的", "环线", "游", ",", "一样", "的", "时间", "看", "最多", "的", "新疆", "风光", "!"], ["欧亚大陆", "的", "腹地", "【", "十八", "天", "自驾", "北京", "至", "北疆", "行", "】", "《", "古兰经", "》", "说", ":", "世上", "本", "无", "什么", "移山", "之", "术", ",", "唯一", "能", "移动", "山", "的", "方法", "就是", ":", "山", "不", "过来", ",", "我", "就", "过去", "。", "《", "古兰经", "》", "又", "说", ":", "你", "见", "群山", "而", "以为", "都", "是", "固定", "的", ",", "其实", "群山", "都", "象", "行云", "样", "逝去", "。", "上述", "《", "古兰经", "》", "中", "的", "经典", "句子", ",", "富有", "哲理", "似乎", "隐含", "喻", "意", "。", "其实", ",", "《", "古兰经", "》", "中", "这样", "带有", "哲理", "性", "的", "表述", ",", "相比", "《", "佛经", ".", ".", "."], ["我", "曾", "孤单", "如", "飞鸟", ",", "看", "过", "这", "世界", "的", "喧嚣", "我", "和", "谁", "都", "不争", ",", "和", "谁", "争", "我", "都", "不屑", ";", "我爱大自然", ",", "其次", "是", "艺术", ";", "我", "双手", "烤", "着", ",", "生命", "之", "火", "取暖", ",", "火萎了", ",", ".", ".", "."], ["北疆", "故事", ":", "行", "万里", ",", "只为遇见你", "他", "说", "任何", "为人称道", "的", "美丽", ",", "不及", "他", "第一", "次遇见", "你", "—", "—", "马頔", "《", "南山", "南", "》", "有", "朋友", "曾", "问", "我", ":", "旅行", ",", "是不是", "你", "的", "梦想", "?", "我", "告诉他", ":", "不", ",", "旅行", "是", "我", "的", "生活", "。", "走过", "很多", "路", ",", "看", "过", "很多", "景", ",", "遇", "过", ".", ".", "."], ["我们", "不是", "荒野猎人", ",", "却", "也", "被", "喀纳斯", "的", "冰雪", "彻", "身", "净化", "了", "一", "把", "!", "&", "quot", ";", "纳斯", "冬", "的", "天都", "已经", "封山", "无法", "进入", ",", "秋天", "才是", "最美", "的", "季节", ",", "雪景", "有", "什么", "好看", "的", "就是", "白茫茫", "一", "片", "…", "…", "&", "quot", ";", "这", "是", "我", "告诉", "身边", "的", "朋友", "我", "将", "在", "12", "月底", "前往", "新疆", "喀纳斯", "之后", "他们", "的", "反应", "。", "但是", "真", "的", "当", "我", "去", "到", "那里", "的", "时候", ",", "就", "觉得", "我们都错了", ",", "又", "当", "我", "敲", "下", "这", "篇", "游记", "的", "时候", ",", "我", "开始", "后悔", ",", "为什么", ".", ".", "."], ["新疆", "之", "旅", "-", "-", "-", "乌鲁木齐市", "、", "吐鲁番", "、", "哈巴河县", "、", "白哈巴", "村", "、", "喀纳斯", "景区", "、", "禾木", "村", "、", "布尔津县", "10", "天", "的", "实际", "行程", "如", "下", ":", "9", "-", "19", "日", ",", "飞机", "于", "23", ":", "50", "到", "乌鲁木齐", ",", "订", "的", "乌鲁木齐", "机场", "芙蓉", "名", "帝", "酒店", "免费", "接机", "到", "酒店", "。", "9", "-", "20", "日", ",", "包车", "司机", "7", ":", "30", "到", "酒店", "接上", "我们", ",", "开始", "吐鲁番", "一日游", "。", "原", "定", "当天", "做", "乌鲁木齐", "K", "9791", "20", ":", "34", "~", "北屯", "07", ":", "51", "卧铺", ",", "无奈", "就", "在", "当天", ",", "这", "趟", "由", "南站", "发车", "改为", "北站", "。", "本来", "我们", "到", "南站", "时间", "离开", ".", ".", "."]], "paragraphs": ["概况 简介 | 最佳旅行时间 | 建议游玩天数 | 当地气候 | 语言 | 消费指数", "有312138张图片", "北疆即新疆的北部,包括乌鲁木齐、吐鲁番地区、阿勒泰地区、塔城地区、昌吉地区、伊犁、等地区等。在新疆人眼中,南疆与北疆是截然不同的。这里有人间仙境喀纳斯湖、世... 更多>>", "乌鲁木齐  喀纳斯  伊犁  吐鲁番  阿勒泰  禾木", "新疆的地理特征是“三山夹两盆”,新疆最北部为阿尔泰山,中部为天山,最南部为昆仑山系,阿尔泰山和天山之间为准噶尔盆地,天山和昆仑山系之间为塔里木盆地,天山以北,称之为北疆;在新疆人眼中,南疆与北疆是截然不同的:北疆意味着高山和草原,南疆则意味着沙漠和戈壁;北疆意味着草原文化,南疆则意味着农业文明;北疆意味着哈萨克和卫拉特蒙古,南疆意味着维吾尔和塔吉克;北疆意味着骏马和歌声,南疆意味着木卡姆和舞蹈。", "更新时间:2015-10-08 16:51:34下载人数:643519", "下载PDF版本6.91 MB 下载JPG版本20.53 MB", "戈壁胡杨,三千慨叹:生而不死一千年,死而不倒一千年,倒而不朽一千年。。。胡杨会在秋天半个多月里激情挥洒出自己的金色,那是精美绝伦的金色,那是世间无与伦比的金色,胡杨树几乎是将储备了一年的激情在秋天突然迸发出来,每一片叶脉都盛开暖意,每一个枝丫都挂满太阳。胡杨树一直在耐心地等待,等待秋天的到来。。。胡杨树一直在耐心地等待,等待你的到来。。。", "更新时间:2013-03-08 11:05:18下载人数:131643", "下载PDF版本3.39 MB 下载JPG版本10.95 MB", "北疆游记", "收起筛选指南 目前暂不支持“按条件筛选”和“主题推荐”的双重条件筛选。:)例如:“按出发时间”筛选之后,再进行主题推荐的筛选,系统会默认取消“按时间筛选”筛选的操作,只显示主题推荐的内容。反之亦然。", "北疆往北,遇见另一个天堂。 必是轮回里放逐的游魂方可每到一处皆如故乡。 开头借用孟火火书中的一句话,此刻在写游记的前一分钟,还在看着这本《火火和他的第一本书》。我还是我,人没变,
山峰依旧不会写游记。
(欢迎关注我微博:山峰不会写游记,http://www.weibo.com/shanfeng19811104)但...", "【我的夜空幻想日记簿】------那年夏天,北疆寻梦  当我坐在电脑面前,敲击这篇游记的时候,入冬来最持久雾霾天气来临,我国多个城市已达严重污染。甚至连重庆,成都这样西南地区的城市,也已沦陷。我只能在家里,在电脑前,看着满天繁星的照片,心里一阵心悸。想起了周星驰《美人鱼》中的台词。“如果这个地球上连一滴干...", "如诗的画卷--北疆行记  这是一场值得回味很久的旅行,累并快乐着。 惯例,先上图。 乌伦古湖的日落。 贾登峪-禾木徒步途中,布拉勒汉桥附近的一处山坡 璀璨绚丽的禾木星空 禾木晨雾。 新疆怎么玩丨不到新疆不知中国之大! 新疆1/6的中国,地域辽阔。她有山脉、湖泊", "新疆怎么玩丨不到新疆不知中国之大! 新疆1/6的中国,地域辽阔。她有山脉、湖泊、草原、戈壁、沙漠、河流~~~游新疆是一种情结,怎样游可以让你在有限时间里看到更多的大美新疆呢?新疆1-30天的旅行均可,新疆的玩法多种多样。接下来就让我来为你荐几种不走回头路的环线游,一样的时间看最多的新疆风光!", "欧亚大陆的腹地【十八天自驾北京至北疆行】  《古兰经》说:世上本无什么移山之术,唯一能移动山的方法就是:山不过来,我就过去。《古兰经》又说:你见群山而以为都是固定的,其实群山都象行云样逝去。 上述《古兰经》中的经典句子,富有哲理似乎隐含喻意。其实,《古兰经》中这样带有哲理性的表述,相比《佛经...", "我曾孤单如飞鸟,看过这世界的喧嚣  我和谁都不争, 和谁争我都不屑; 我爱大自然, 其次是艺术; 我双手烤着,生命之火取暖, 火萎了, ...", "北疆故事:行万里,只为遇见你  他说任何为人称道的美丽,不及他第一次遇见你 ——马頔《南山南》 有朋友曾问我:旅行,是不是你的梦想? 我告诉他:不,旅行是我的生活。 走过很多路,看过很多景,遇过...", "我们不是荒野猎人,却也被喀纳斯的冰雪彻身净化了一把! "纳斯冬的天都已经封山无法进入,秋天才是最美的季节,雪景有什么好看的就是白茫茫一片……"这是我告诉身边的朋友我将在12月底前往新疆喀纳斯之后他们的反应。但是真的当我去到那里的时候,就觉得我们都错了,又当我敲下这篇游记的时候,我开始后悔,为什么...", "新疆之旅---乌鲁木齐市、吐鲁番、哈巴河县、白哈巴村、喀纳斯景区、禾木村、布尔津县  10天的实际行程如下: 9-19日,飞机于23:50到乌鲁木齐,订的乌鲁木齐机场芙蓉名帝酒店免费接机到酒店。 9-20日,包车司机7:30到酒店接上我们,开始吐鲁番一日游。原定当天做乌鲁木齐 K9791 20:34~北屯07:51卧铺,无奈就在当天,这趟由南站发车改为北站。本来我们到南站时间离开..."], "bs_rank_pos": 1}, {"is_selected": true, "title": "北疆景点介绍,北疆旅游景点,北疆景点推荐 - 蚂蜂窝", "most_related_para": 3, "segmented_title": ["北疆", "景点", "介绍", ",", "北疆", "旅游景点", ",", "北疆", "景点推荐", "-", "蚂", "蜂窝"], "segmented_paragraphs": [["雪山", "、", "草原", "和", "蔚蓝", "湖水", "构成", "的", "绝美", "画卷", ",", "是", "来", "新疆", "必看", "的", "美景", "之", "一"], ["湖", "水晶", "莹如玉", ",", "倒映", "着", "博格达", "峰", ",", "四周", "群山环抱", ",", "风景", "犹如", "仙境"], ["维吾尔族", "文化", "表现", "最", "集中", "、", "留存", "最", "完整", "的", "地方"], ["新疆", "最", "著名", "的", "草原", "之", "一", ",", "丘陵", "状", "的", "草原", "上", "有", "雪山", "、", "森林", "、", "野花", ",", "景色", "多样", "绝美"], ["每当", "盛夏", ",", "红日", "当", "空", ",", "地", "气", "蒸腾", ",", "焰云燎", "绕", ",", "形", "如", "飞腾", "的", "火龙", "十分", "壮观"], ["这里", "有", "清澈", "的", "高山", "湖水", ",", "茂密", "的", "原始森林", ",", "神秘", "的", "古老", "村落", ",", "犹如", "仙境"], ["每", "到", "傍晚", "夕阳", "照耀", "时", ",", "颜色", "绚烂", "奇幻", ",", "非常", "壮观"], ["世界上", "距离", "城市", "最近", "的", "沙漠", ",", "娱乐项目", "多", ",", "景色", "壮丽", "独特"], ["葡萄", "的", "天地", ",", "种植", "了", "密集", "的", "葡萄", ",", "可以", "边", "吃", "葡萄", "边", "看", "维族", "舞蹈"], ["目前", "世界上", "最大", "、", "最古老", "、", "保存", "最", "完整", "的", "土", "建筑", "城市"], ["雪山", "脚下", "的", "壮美", "草原", ",", "景色", "辽阔", "秀", "美", ",", "是", "观光", "摄影", "的", "必", "来", "之", "地"], ["著名", "的", "“", "楼兰", "美女", "”", "古尸", "、", "“", "五星", "出", "东方", "”", "汉代", "织锦", "等", "国宝级", "文物", "都", "在", "此", "展出"], ["每年", "6", "-", "8", "月", ",", "这里", "就", "变成", "了", "中国", "的", "普罗旺斯", ",", "紫色", "的", "田园", "十分", "浪漫"], ["俯瞰", "乌鲁木齐", "市区", "的", "最佳", "位置", ",", "还有", "著名", "的", "“", "红山", "夕照", "”", "之", "景"]], "paragraphs": ["雪山、草原和蔚蓝湖水构成的绝美画卷,是来新疆必看的美景之一", "湖水晶莹如玉,倒映着博格达峰,四周群山环抱,风景犹如仙境", "维吾尔族文化表现最集中、留存最完整的地方", "新疆最著名的草原之一,丘陵状的草原上有雪山、森林、野花,景色多样绝美", "每当盛夏,红日当空,地气蒸腾,焰云燎绕,形如飞腾的火龙十分壮观", "这里有清澈的高山湖水,茂密的原始森林,神秘的古老村落,犹如仙境", "每到傍晚夕阳照耀时,颜色绚烂奇幻,非常壮观", "世界上距离城市最近的沙漠, 娱乐项目多,景色壮丽独特", "葡萄的天地,种植了密集的葡萄,可以边吃葡萄边看维族舞蹈", "目前世界上最大、最古老、保存最完整的土建筑城市", "雪山脚下的壮美草原,景色辽阔秀美,是观光摄影的必来之地", "著名的“楼兰美女”古尸、“五星出东方”汉代织锦等国宝级文物都在此展出", "每年6-8月,这里就变成了中国的普罗旺斯,紫色的田园十分浪漫", "俯瞰乌鲁木齐市区的最佳位置,还有著名的“红山夕照”之景"], "bs_rank_pos": 2}, {"is_selected": false, "title": "新疆(北疆)两个人的穷游旅行-喀纳斯旅游攻略 | Yododo 游多多 ", "most_related_para": 13, "segmented_title": ["新疆", "(", "北疆", ")", "两个人", "的", "穷游", "旅行", "-", "喀纳斯", "旅游攻略", "|", "Yododo", "游多多"], "segmented_paragraphs": [["新疆", "(", "北疆", ")", "两个人", "的", "穷游", "旅行"], ["追太阳", "的", "画家", "13365", "浏览", ",", "0", "回复"], ["美丽", "新疆", "古老的传说", "灿烂", "的", "文化", "牵引", "着", "我", "的", "到", "来"], ["不到", "新疆", "实在", "是", "想象", "不", "出", "有多大"], ["乘坐", "西安", "至", "乌鲁木达", "齐", "的", "火车", "(", "硬座", ")", "晃晃悠悠", "的", "到达", "幸好有你", "这", "硬座", "一人", "真", "的", "无法承受"], ["大家", "都", "说", "去", "趟", "喀纳斯", "没有", "一", "千", "块", "别", "想", "出来", "我", "的", "亲娘", "啊", "中国", "门票", "太", "贵", "了"], ["查", "了", "各种", "攻略", "发现", "一", "条", "徒步", "路线", "不用", "买", "门票", "而且", "风景", "特别", "美", "好", "吧"], ["在", "乌鲁木齐", "准备", "了", "八", "个", "囊", "几", "包", "榨菜", "出发"], ["我们", "路线", "是", "这样", "的"], ["乌鲁木齐", "-", "-", "-", "北屯", "(", "火车票", "98", ")"], ["北屯", "-", "-", "布尔津", "(", "只能", "搭车", "或者", "拼车", ",", "拼车", "一人", "40", ")"], ["布尔津", "-", "-", "-", "贾登峪", "(", "大巴", "35", "一人", ")"], ["合计", "从", "乌市", "到达", "徒步", "路线", "起点", "合计", "173", "元", "一人"], ["第一", "天", "贾登峪", "-", "-", "-", "-", "禾木", "沿着", "马道", "行走", "30", "公里", "中午", "1", "点", "开始", "晚上", "9", "点", "到达", "禾木", "要", "买", "门票", "没", "能", "逃", "得", "过去", "没有", "学生证", "80", "一人", "一", "路", "美景", "不断", "当然", "也", "累", "的", "半", "死", "快", "到", "禾木", "的", "时候", "搭", "了", "一辆", "刚", "宰", "完", "羊", "的", "摩托车", "后座", "还", "放", "着", "一", "张", "羊皮", "下车后", "感觉", "屁股", "有些", "凉", "手", "一", "摸", "拱", "了", "一", "屁股", "羊血", "着", "实", "有些", "尴尬", "一", "路", "奔波", "终于", "中国", "最美", "村庄", "-", "-", "禾木", "入住", "的", "小木屋", "(", "河畔", "客栈", ")", "两人", "60", "老板", "人", "不错", "赶紧", "趁着", "阳光明媚", "把", "羊血", "裤子", "洗", "一", "洗", "禾木", "-", "-", "-", "据说", "这", "是", "中国", "最美", "的", "村庄", "无可厚非", "这里", "是", "宁静", "的", "干净", "的", "禾木", "的", "清晨", "借", "着", "温暖", "的", "阳光", "来", "一", "张", "第三天", ":", "禾木", "-", "-", "-", "小黑", "湖", "20", "多", "公里", "在", "禾木", "住", "了", "两天", "继续前行", "这", "是", "徒步", "过程", "中", "最", "心酸", "的", "路程", "一直", "在", "爬山", "基本", "全程", "上坡", "大家", "说", "路", "很", "不好", "走", "我", "没想到", "是", "有些", "地方", "压", "根", "就", "没有", "路", "完全", "自我", "摸索", "中", "前行", "早上", "九", "点", "开始", "出发", "晚", "七", "点", "到达", "入住", "哈萨克族", "的", "毡房", "不能", "洗澡", "没有", "信号", "这种", "路", "真", "的", "是", "不利于", "徒步", "的", "速度", "啊", "到达", "小黑", "湖", "入住", "哈", "萨", "的", "毡房", "(", "两人", "50", ")", "抓饭", "和", "汤面", "都是", "30", "饭", "不是", "很", "美味", "凑", "活", "吃", "吧", "晚上", "和", "主人", "一家人", "在", "一", "个", "毡房", "住", "实在", "太冷", "了", "半夜", "几", "度", "冻醒", "主任", "告诉", "我们", "他们", "在这里", "没有", "度过", "夏天", "冬天", "如果", "下雪", "厚度", "足", "足", "有", "2", "米", "高", "第四天", ":", "小黑湖", "-", "-", "-", "喀纳斯", "入住", "蒙古族", "大妈", "家", "搞", "了", "半天", "价格", "最终", "两人", "60", "元", "搞定", "喀纳斯", "门票", "150", "元", "区间车", "80", "元", "观鱼台", "60", "元", "也", "就是说", "喀纳斯", "门票", "其实", "是", "将近", "400", "这样的话", "我们", "两人", "省", "去", "将近", "一", "千", "元", "这", "段", "行程", "基本", "都", "在", "下坡", "难度", "也", "下降", "不", "少", "轻松", "了", "许多", "到达", "喀纳斯", "没有", "多少", "感觉", "说实话", "也许", "是", "审美疲劳", "真心", "觉得", "喀纳斯", "没有", "沿途的风景", "漂亮", "所以", "第二天", "我们", "就", "离开", "了", "喀纳斯", "结束", "后", "就", "奔赴那拉提", "草原", "布尔津", "做", "大巴", "到", "奎屯", "奎屯", "到", "赛里木湖", "赛里木湖", "到达", "伊宁市", "不到", "新疆", "不知道", "中国", "有", "多大", "一", "路", "下来", "才", "发现", "钱", "都", "花", "在", "路上", "了", "入住", "伊宁市", "朵帕", "青旅", "一", "床铺", "35", "元", "典型", "的", "维族", "院落", "又", "有", "俄式", "建筑", "的", "感觉", "庭院", "有着", "大", "大", "的", "葡萄架", "朵帕", "的", "老板", "推荐", "的", "拌面", "和", "抓饭", "住", "了", "一", "天", "向", "那拉提", "出发", "了", "坐", "大巴", "到", "那拉提", "镇", "(", "40", "多", "一个人", ")", "听说", "那拉提", "也", "可以", "逃票", "第二天", "大清早", "开始", "寻找", "逃票", "路线", "还是", "让", "我", "大吃一惊", "所谓", "的", "逃票", "就是要", "越过", "一", "条", "长", "长", "的", "河", "这一幕", "让", "我", "看", "得", "心酸", "最后", "做", "了", "当地", "人", "的", "卡车", "给", "了", "50", "元", "带", "我们", "进入", "景区", "据说", "那拉提", "草原", "是", "上帝", "遗忘", "的", "一", "张", "毛毯", "碧绿", "的", "草原", "成群", "的", "牛羊", "这", "是", "我们", "选择", "的", "旅行", "方式", "一路走来", "我", "更", "要", "感谢", "的", "是", "有你", "的", "陪伴", "喀纳斯", "住宿"], ["新疆", "喀纳斯", "闲云", "客栈", "3", ".", "8", "/", "5", "分", ",", "客栈", "188", "起", "東林", "客栈", "客栈", "50", "起", "喀纳斯", "禾木蓝天", "国际", "青年旅舍", "3.5", "/", "5", "分", ",", "青年", "旅社", "0", "起"]], "paragraphs": ["新疆(北疆)两个人的穷游旅行", "追太阳的画家 13365浏览,0回复", "美丽新疆古老的传说 灿烂的文化牵引着我的到来", "不到新疆 实在是想象不出有多大", "乘坐西安至乌鲁木达齐的火车(硬座)晃晃悠悠的到达 幸好有你 这硬座一人真的无法承受", "大家都说去趟喀纳斯没有一千块别想出来 我的亲娘啊 中国门票太贵了", "查了各种攻略 发现一条徒步路线不用买门票而且风景特别美 好吧", "在乌鲁木齐准备了八个囊 几包榨菜 出发", "我们路线是这样的", "乌鲁木齐---北屯 (火车票98)", "北屯--布尔津(只能搭车或者拼车,拼车一人40)", "布尔津---贾登峪(大巴35一人)", "合计从乌市到达徒步路线起点合计173元一人", "第一天 贾登峪----禾木 沿着马道行走30公里 中午1点开始晚上9点到达 禾木要买门票 没能逃得过去 没有学生证80一人 一路美景不断 当然也累的半死 快到禾木的时候搭了一辆刚宰完羊的摩托车 后座还放着一张羊皮 下车后感觉屁股有些凉 手一摸 拱了一屁股羊血 着实有些尴尬 一路奔波 终于中国最美村庄--禾木  入住的小木屋(河畔客栈)两人60 老板人不错 赶紧趁着阳光明媚把羊血裤子洗一洗  禾木---据说这是中国最美的村庄 无可厚非 这里是宁静的 干净的 禾木的清晨 借着温暖的阳光来一张 第三天: 禾木---小黑湖 20多公里 在禾木住了两天 继续前行 这是徒步过程中最心酸的路程 一直在爬山 基本全程上坡 大家说路很不好走 我没想到是有些地方压根就没有路 完全自我摸索中前行 早上九点开始出发 晚七点到达 入住哈萨克族的毡房 不能洗澡 没有信号 这种路真的是不利于徒步的速度啊 到达小黑湖 入住哈萨的毡房(两人50 )抓饭和汤面都是30 饭不是很美味 凑活吃吧 晚上和主人一家人在一个毡房住 实在太冷了 半夜几度冻醒 主任告诉我们 他们在这里没有度过夏天 冬天如果下雪 厚度足足有2米高 第四天:小黑湖---喀纳斯 入住蒙古族大妈家 搞了半天价格 最终两人60元搞定 喀纳斯门票150元区间车80元观鱼台60元 也就是说喀纳斯门票其实是将近400 这样的话 我们两人省去将近一千元  这段行程基本都在下坡 难度也下降不少 轻松了许多 到达喀纳斯 没有多少感觉  说实话 也许是审美疲劳 真心觉得喀纳斯没有沿途的风景漂亮 所以第二天我们就离开了 喀纳斯结束后就奔赴那拉提草原 布尔津做大巴到奎屯 奎屯到赛里木湖 赛里木湖到达伊宁市 不到新疆不知道中国有多大 一路下来才发现钱都花在路上了 入住伊宁市朵帕青旅 一床铺35元 典型的维族院落 又有俄式建筑的感觉 庭院有着大大的葡萄架  朵帕的老板推荐的拌面和抓饭 住了一天 向那拉提出发了 坐大巴到那拉提镇(40多一个人) 听说那拉提也可以逃票  第二天大清早开始寻找逃票路线 还是让我大吃一惊 所谓的逃票就是要越过一条长长的河 这一幕让我看得心酸 最后做了当地人的卡车给了50元带我们进入景区  据说那拉提草原是上帝遗忘的一张毛毯 碧绿的草原 成群的牛羊 这是我们选择的旅行方式 一路走来 我更要感谢的是有你的陪伴喀纳斯住宿", "新疆喀纳斯闲云客栈 3.8/5分, 客栈 ¥188起  東林客栈 客栈 ¥50起  喀纳斯禾木蓝天国际青年旅舍 3.5/5分, 青年旅社 ¥0起"], "bs_rank_pos": 3}, {"is_selected": true, "title": "想去新疆北疆旅游,有没有去过的驴友的攻略_百度知道", "most_related_para": 0, "segmented_title": ["想", "去", "新疆", "北疆", "旅游", ",", "有没有", "去", "过", "的", "驴友", "的", "攻略", "_", "百度", "知道"], "segmented_paragraphs": [["新疆", "北疆", "的", "景点", "也", "挺", "多", "的", "呢", "看", "你", "哪", "时候", "来", "新疆", "了", "喀纳斯", "的", "话", "7", "-", "10", "月份", "之间", "最", "火", "而且", "那", "会", "的", "景色", "也", "特别", "漂亮", ",", "山上", "也", "不", "冷", "了", "伊犁", "草原", "那", "面", "的", "话", "就是", "6", "-", "9", "月份", ",", "六月中旬", "到", "七月份", "是", "薰衣草", "的", "花期", "伊犁", "的", "景点", "有", ":", "赛里木湖", "、", "霍城", "薰衣草", "、", "霍尔果斯", "口岸", "、", "唐布拉", "草原", "、", "喀拉峻", "大草原", "、", "阔克", "苏", "大峡谷", "、", "琼库什台", "、", "那拉提", "草原", "、", "巴音", "布鲁克", "天鹅湖"]], "paragraphs": ["新疆北疆的景点也挺多的呢 看你哪时候来新疆了 喀纳斯的话7-10月份之间最火 而且那会的景色也特别漂亮,山上也不冷了 伊犁草原那面的话就是6-9月份,六月中旬到七月份是薰衣草的花期 伊犁的景点有:赛里木湖、霍城薰衣草、霍尔果斯口岸、唐布拉草原、喀拉峻大草原、阔克苏大峡谷、琼库什台、那拉提草原、巴音布鲁克天鹅湖"], "bs_rank_pos": 4}], "answer_spans": [[16, 89]], "fake_answers": ["喀纳斯的话7-10月份之间最火而且那会的景色也特别漂亮,山上也不冷了伊犁草原那面的话就是6-9月份,六月中旬到七月份是薰衣草的花期伊犁的景点有:赛里木湖、霍城薰衣草、霍尔果斯口岸、唐布拉草原、喀拉峻大草原、阔克苏大峡谷、琼库什台、那拉提草原、巴音布鲁克天鹅湖"], "question": "新疆北疆旅游攻略", "segmented_answers": [["1", ".", "天山", "大峡谷", ",", "以", "雪山", "、", "森林", "、", "湖泊", "、", "草原风光", "为", "主", "的", "自然风景区", "。", "2", ".", "吐峪沟", "麻扎村", ",", "中国", "第", "一", "大", "伊斯兰教", "圣地", ",", "被", "誉为", "“", "中国", "的", "麦加", "”", "。", "3", ".", "苏公塔", ",", "新疆", "境内", "最大", ",", "也是", "最美", "的", "伊斯兰", "风格", "古塔", "。", "4", ".", "高昌故城", ",", "新疆", "最大", "的", "古城遗址", ",", "曾", "为", "吐鲁番", "政治", "经济", "文化中心", "。", "5", ".", "吐鲁番", "博物馆", ",", "新疆", "第", "二", "大", "博物馆", "—", "“", "丝绸之路", "陈列馆", "”", ",", "是", "一", "部", "微缩", "的", "百科全书", "。"], ["喀纳斯", "的", "话", "7", "-", "10", "月份", "之间", "最", "火", ",", "而且", "那", "会", "的", "景色", "也", "特别", "漂亮", ",", "山上", "也", "不", "冷", "了", "。", "伊犁", "草原", "那", "面", "的", "话", "就是", "6", "-", "9", "月份", ",", "六月中旬", "到", "七月份", "是", "薰衣草", "的", "花期", "。", "伊犁", "的", "景点", "有", ":", "赛里木湖", "、", "霍城", "薰衣草", "、", "霍尔果斯", "口岸", "、", "唐布拉", "草原", "、", "喀拉峻", "大草原", "、", "阔克", "苏", "大峡谷", "、", "琼库什台", "、", "那拉提", "草原", "、", "巴音", "布鲁克", "天鹅湖", "。"]], "answers": ["1.天山大峡谷,以雪山、森林、湖泊、草原风光为主的自然风景区。2.吐峪沟麻扎村,中国第一大伊斯兰教圣地,被誉为“中国的麦加”。3.苏公塔,新疆境内最大,也是最美的伊斯兰风格古塔。4.高昌故城,新疆最大的古城遗址,曾为吐鲁番政治经济文化中心。5.吐鲁番博物馆,新疆第二大博物馆—“丝绸之路陈列馆”,是一部微缩的百科全书。", "喀纳斯的话7-10月份之间最火,而且那会的景色也特别漂亮,山上也不冷了。伊犁草原那面的话就是6-9月份,六月中旬到七月份是薰衣草的花期。伊犁的景点有:赛里木湖、霍城薰衣草、霍尔果斯口岸、唐布拉草原、喀拉峻大草原、阔克苏大峡谷、琼库什台、那拉提草原、巴音布鲁克天鹅湖。"], "answer_docs": [4], "segmented_question": ["新疆", "北疆", "旅游攻略"], "question_type": "DESCRIPTION", "question_id": 12, "fact_or_opinion": "OPINION", "match_scores": [0.9342105263157894]}
-{"documents": [{"is_selected": false, "title": "家庭年收入30万在上海会是什么样的生活? - 知乎", "most_related_para": 36, "segmented_title": ["家庭", "年", "收入", "30", "万", "在", "上海", "会", "是", "什么", "样", "的", "生活", "?", "-", "知乎"], "segmented_paragraphs": [["跟", "老公", "税后", "收入", "正好", "这个", "范围", ",", "暂时", "无", "娃", ",", "工作", "半年", "。", "家里", "给", "了", "一", "笔", "钱", ",", "原", "计划", "再借", "五", "十", "万", "(", "无需", "利息", ")", ",", "这样", "勉强", "可以", "在", "外", "环", "外", "买", "个", "精装", "小三房", "(", "89", "平", ",", "270", "万", ")", "付", "个", "五", "成", "首付", ",", "如果", "不", "借钱", "付", "三", "成", "的", "话", "房贷", "每月", "过", "万", "压力", "有点", "大", "。", "哦", "对", ",", "我们", "都", "在", "张江", "工作", ",", "这里", "房子", "死", "贵", "配套", "死", "差", ",", "目前", "住在", "中外", "环", "间", "的", "回迁", "小区", "。", "每每", "周末", "从", "浦西", "玩", "回来", "都", "有", "种", "从", "大都市", "回到", "县城", "的", "感觉", ",", "尤其", "是", "晚上", "八", "点", "后", "马路", "边", "上", "摆", "满", "了", "小摊", "╭", "(", "╯ε╰", ")", "╮", "从未", "买", "过", "奢侈品", ",", "出去", "吃饭", "最多", "人均", "200", ",", "团购", "主", "打", "。", "很少", "买", "衣服", ",", "基本", "都是", "千元", "以内", "的", ",", "从未", "买", "过", "任何", "奢侈品", ",", "自己", "也", "不感兴趣", ",", "毕竟", "我们", "都", "算是", "搞", "科研", "的", ",", "周围", "同事", "根本", "不", "关心", "你", "穿", "了", "什么", "品牌", ",", "能发", "好文章", "申", "到", "好", "基金", "才是", "牛逼", "象征", "。", "生活", "很简单", ",", "偶尔", "自己", "做饭", ",", "主要", "是", "讨厌", "洗", "菜", "洗碗", "。", "房租", "每月", "接近", "三千", ",", "加上", "日常", "开销", "基本", "都", "在", "8K", "以上", "。", "总体", "感觉", "在", "买房", "装修", "还贷", "和", "未来", "养", "娃", "的", "压力", "下", ",", "30", "万", "收入", "的", "家庭", "生活", "绝对", "不", "轻松", ",", "房子", "是", "大头", "。", "如果", "是", "本地", "有房", "或者", "拆二代", ",", "那", "肯定", "会好", "很多"], ["贴", "一", "个", "北京", "的", "生活", "标准", ",", "仅供参考", "无房", "无", "户口", ",", "年", "收入", "80w", "=", "=", "有房", "或者", "有", "户口", "50w", "=", "=", "有房", "又", "有", "户口", "30w"], ["背景", ":", "双方", "本地人", ",", "结婚", "2", "年", "无小孩", ",", "无", "房贷", ",", "有", "15W", "的", "代步车", "。"], ["工作", "很", "忙", ",", "我", "一直", "需要", "加班", "周六", "也", "上班", "。", "老公", "则", "是", "soho", ",", "平均每天", "工作", "12", "小时", ",", "两人", "娱乐", "时间", "很少", "。"], ["每月", "给", "公婆", "伙食费", ",", "因为", "公婆", "住", "同", "一", "小区", ",", "不用", "自己", "做饭", ",", "周末", "会", "下", "人均", "100", "左右", "的", "馆子", ",", "月", "开销", "有", "8", ",", "9", "千", ",", "加上", "养车", "、", "偶尔", "买", "买东西", ",", "平均", "月", "支出", "会", "到达", "1W"], ["每年", "可以", "出国旅游", "一次", ",", "人均", "2", "-", "3W", "。"], ["从未", "买", "过", "奢侈品", ",", "衣服", "很少", "买", ",", "基本", "在", "HM", "、", "优衣库", "、", "zara", "这种", "快", "消", "店", "里", "买", "打折", "的", ",", "包", "买", "过", "最贵", "的", "是", "500", "元", "。", "护肤品", "买", "科颜氏", "那样", "的", "档次", ",", "也", "没有", "办", "过", "美容院", "、", "理发店", "的", "卡", "。"], ["偶尔", "会", "买", "比较", "小", "贵", "的", "家居用品", "、", "生活", "电器", "来", "改善", "生活", "质量", "。", "比如", "最近", "在", "考虑", "入手", "nespressno", "胶囊", "咖啡机", "。", "放在", "家里", "的", "东西", "价格", "3K", "以下", "的", "不会", "太", "过", "心疼", "。", "。"], ["每个", "星期", "会", "请", "钟点工", "阿姨", "来", "打扫", ",", "我", "很", "讨厌", "花", "很多", "时间", "在", "家务活", "上", "╮", "(", "╯▽╰", ")", "╭"], ["理财", "方面", ",", "存款", "全部", "在", "余额宝", "吃", "利息", ",", "不", "炒股票", "期货", ",", "也", "没", "考虑", "过", "买", "基金", "和", "保险", ",", "在", "这", "方面", "我们", "关注", "的", "不", "多", "。"], ["更多", "的", "在", "关注", "如何", "提升", "自己", "、", "增加收入", ",", "目标", "存钱", "准备", "养", "孩子", ",", "多", "个", "娃", "后", ",", "可能", "将来", "生活", "质量", "会", "下降", "很多", "吧", "。", "。", "。", "。"], ["家庭", "年", "收入", "30", "万", ",", "如果", "是", "三", "位", "劳动力", ",", "也", "就是", "每人", "年薪", "10", "万", ",", "每个月", "1", "万", "不到", "。", "不是", "很难", "达到", "。", "但", "如果", "月收入", "过", "2", "万", ",", "就", "不是", "一", "个", "重量级", "的", "问题", "了", "。"], ["房子", "开销", "每个月", "大约", "4000", "-", "6000", "吧", "。", "每年", "就是", "5", "万", "左右", "。"], ["那么", "家庭", "收入", "缩减", "为", "25", "万", ",", "每位", "成员", "月薪", "则", "为", "7", "K", "。"], ["这个", "幅度", ",", "基本上", "没有", "改变", "生活", "的", "本质", ",", "可能", "对", "家庭", "投资", "和", "储蓄", "有点", "影响", "。"], ["生病", "就医", ",", "如果", "三人", "中", "有", "两人", "不是", "全部", "报销", "的", "话", ",", "假设", "一", "位", "是", "全裸", ",", "一", "位", "报销", "60", "%", "。", "每个月", "需要", "腾", "出", "2K", "一人", ",", "约", "3K", "每个月", ",", "约", "4", "万", "的", "开支", "。"], ["那么", "家庭", "收入", "缩减", "为", "20", "万", ",", "每位", "成员", "月薪", "为", "5500", "元", "。"], ["这个", "幅度", ",", "对", "家庭", "发展", "的", "影响", "就", "不仅仅", "是", "投资", "和", "储蓄", "的", "问题", "了", ",", "穿衣", "购物", ",", "添置", "家具", ",", "出行", "旅行", "等", "会", "受", "影响", "。", "吃", "的", "方面", ",", "基本", "不", "会", "受到", "影响", "。"], ["20", "万年", "收入", ",", "三分之一", "储蓄", ",", "剩下", "的", "三分之一", "投资", "。", "那么", "就是", ":", "每年", "7", "万", "的", "银行", "储蓄", ",", "4", "万", "的", "投资", "。", "剩下", "10万", "左右", "来", "开销", "。", "每位", "家庭成员", "的", "生活费用", "为", "3", "万", "每年", ",", "2500", "元", "每个月", "。"], ["基础", "生活费用", ",", "吃饭", "约", "3K", ",", "剩下", "4500", "元", "。"], ["购置", "衣物", ",", "1500", "元", "三人", ",", "剩下", "3000", "元", "。"], ["交通", "花费", ",", "养车", ",", "基本上", "剩下", "的", "2000", "全", "在", "里面", "了", "。"], ["如果", "保守", "投资", ",", "每年", "的", "收益", "假设", "为", "7%", "平均", ",", "那么", "就是", "7000", "K", "每年", "。", "每月", "多", "了", "600", "块", "。"], ["问题", "来", "了", ",", "2", "人", "世界", ",", "30", "万", ",", "哪怕", "20", "万都", "够", "花", ",", "会", "有", "一定", "的", "盈余", "。", "如果", "一旦", "生了孩子", ",", "对不起", ",", "分分秒秒", "不够", "。", "孩子", "教育", "周期", "太", "长", "了", ",", "除非你", "生", "了", "一", "个", "节能灯", "。"], ["如果", "30", "万", ",", "3", "口", "之", "家", "是", "2", "位", "老人", ",", "1", "位", "适龄", "青年", ",", "那么", "会", "宽松", "很多", "。", "但", "收益", "和", "储蓄", "会", "相对", "减少", "。"], ["上海", "的", "工资水平", ",", "硕士毕业", "6000", "-", "10000", "吧", ",", "算", "好", "的", "。", "本科", "4000", "起", "。"], ["每", "有", "1", "年", "的", "工作经验", "加", "500", "块", "工资", "。"], ["当然", "是", "说", "发展", "的", "好", "的", ",", "外", "加上", "通胀", "和", "高", "CPI", "。"], ["退休工人", "工资", ",", "3000", "起", ",", "干部", "6000"], ["如果", "是", "两", "个", "硕士毕业", ",", "有房", "无", "贷款", ",", "最好", "20", "万", "。", "工作", "3", "年", "后", ",", "40", "万", "。", "但", "前提", "是", "不生", "孩子", "。", "5", "年", "后", "结婚", ",", "两个人", "都", "100", "万", "的", "话", ",", "可以", "生", "孩子", "了", "。", "哈哈", "。", "做梦", "呢", "。"], ["唉", ",", "北上广", "生活", "压力", "之", "大", ",", "成本", "之", "高", ",", "我", "也是", "近", "1", "年", "才", "深", "有", "体会", "。"], ["有时候", "想到", "未来", "某", "个人", ",", "每天", "赚", "800", ",", "我", "却", "犹豫", "花", "不", "花", "20", "。"], ["除了", "年", "收入", "和", "所在地", "没有", "其它条件", ",", "无法", "判断", "。", "大致上", "如果", "是", "三口之家", "两人", "职工", "有", "收入", ",", "无", "房贷", "车贷", ",", "不", "炒股", "炒期货", ",", "那", "一般", "是", "这样", "的", "生活方式", ":", "父母", "中级", "管理层", "或", "中", "高级", "技术", "人员", ",", "每天", "工作", "比较", "繁忙", ",", "家务", "包括", "孩子", "接送", "由", "老人", "代为", "操办", "。", "孩子", "中学", "以后", "一般", "可以", "独自", "上下", "学", "。", "早", "午餐", "一般", "自行解决", ",", "晚餐", "一般", "在", "外面", "一起", "吃", ",", "周末", "偶尔", "自家", "做饭", "。", "周末", "和", "假期", "经常", "有", "出游", "计划", ",", "近处", "自驾", "远处", "高铁", "飞机", ",", "酒店", "都", "住", "好", "的", ",", "跟团", "积极性", "不", "高", "。", "衣食住行", ":", "衣服", "和", "配件", "品牌", "档次", "都", "在", "白领", "到", "金领", "平均线", "左右", ",", "男士", "收集", "衬衫", "女士", "偶尔", "买", "上", "万", "好", "几", "万", "的", "包", "。", "吃", "已经", "不是", "问题", ",", "看", "兴趣", "。", "住所", "一般", "在", "中环", "附近", "有", "二", "到", "三", "房", "小区", "房", "。", "出行", "如果", "顺", "路", "一般", "一方", "开车", "送", "另", "一方", ",", "小孩", "自理", "或", "跟", "车", "。", "只好", "大致", "描述", "我", "印象", "中", "的", "平均水平", ",", "其它", "复杂", "的", "情况", "无法", "一", "一", "列", "明"], ["广州", "30万", "家庭", "强行", "答", "一波", "。", "男方", "国企", "机关", "大爷", ",", "2015", "到", "手", "约", "140", "k", ";", "女方", "非诉", "律师", ",", "2016", "年", "转正", "后", "12k", "*", "16", "。", "吃饭", ":", "男方", "每天", "从", "单位", "饭堂", "带饭", "回家", "(", "快", ",", "利用", "餐", "补", ")", ",", "周末", "出去", "吃", "一", "顿", "人均", "150", ",", "一个月", "净", "支出", "约", "1500", "。", "租房", ":", "越秀区", "40", "平", "老破小", ",", "2000", "。", "通勤", ":", "100", "*", "2", "。", "穿", ":", "某", "宝", "单件", "200", "以下", ",", "两人", "一年", "控制", "在", "5000", "以内", "。", "女方", "化妆品", "一个月", "控制", "在", "300", "左右", "。", "娱乐", ":", "单位", "发", "的", "电影票", "、", "游泳", "票", "、", "单位", "配", "的", "健身房", ",", "男方", "每周", "去", "踢", "一", "场", "球", "20", "块", ",", "一年", "净", "支出", "2000", "。", "旅游", ":", "近两年", "没有", "。", "2015", "年", "家庭", "收入", "227k", ",", "支出", "58k", ";", "2016", "年", "1", "-", "5", "月", "家庭", "收入", "130k", ",", "支出", "32k", "。", "来自", "一", "个", "准备", "买房", "的", "家庭", "手", "账", "。"], ["家庭", "起点", "基数", "不同", ",", "收入增长率", "不同", ",", "带来", "的", "家庭", "状态", "也", "肯定", "是", "千差万别", "。", "我", "的", "答案", "只是", "单纯", "描述", "目前", "个人", "家庭", "状态", ",", "仅", "是", "给", "题", "主", "一", "种", "可能性", "的", "参考", "。"], ["夫妻", "二", "人均", "30", "岁", ",", "暂无", "小孩", "。", "我", "目前", "税前", "32", "万", ",", "媳妇", "税前", "17", "万", ",", "有房", "有", "贷", "无", "车", ",", "家庭", "收入", "税后", "36", "万", "上下", ",", "不过", "算", "了", "一", "下", "今年", "家庭", "开销", "居然", "有", "17", "万", "(", "2016", "年", "数字", ",", "即使", "刨除", "非常规", "开支", "后", "也有", "11", "万", "开销", ")", "。"], ["两年半", "前", "用", "两人", "积蓄", "和", "父母", "资助", "加上", "朋友", "借款", "做", "首付", "买", "了", "外", "环", "外", "小", "两房", "(", "当时", "总价", "180", "万", ")", ",", "月供", "6000", "多", ",", "一年前", "首付", "欠款", "已", "还清", "(", "在", "此", "之", "前", "手上", "基本", "没", "超过", "1", "万", "的", "现金", ")", ",", "才", "算", "刚", "开始", "有", "积蓄", "。", "到", "年底", "目前", "手上", "现金", "约", "17", "万", ",", "但", "马上", "这些", "钱", "又", "快", "要", "清零", "。", "因为", "计划", "2017", "年", "要", "娃", ",", "提前", "需要", "买车", ",", "目前正在", "拍", "牌", ",", "上牌", "费", "基本", "不", "少于", "9", "万", ",", "15", "万", "的", "车", "(", "基本上", "算是", "最", "入门", "的", "了", ")", "30", "%", "首付", "加", "各种", "税费", "保险", "7", "万", "起", ",", "这样", "需要", "消耗", "现金", "16", "万", ",", "且", "每月", "车贷", "要", "3500", "养车", "1500", ",", "如果", "再", "添", "个", "娃", "年度", "开销", "会", "增加", "至少", "5", "万", ",", "这样", "一", "算", "2017", "年", "开支", "会", "增加", "16", "+", "0", ".", "5", "x", "12", "+", "5", "=", "27", "万", "。", "这样", "到", "2017", "年底", "手上", "现金", "也", "就", "再", "增加", "个", "10", "万", "不到", "。"], ["家庭", "5", "年", "计划", "包括", "房产置换", ",", "目标", "是", "中环", "内", "二居室", "学区", "房", "或", "外", "环", "外", "三居室", ",", "操作", "时间", "取决于", "限购", "政策", "变化", "的", "时间", "。"], ["至于", "理财", ",", "目前", "没有", "系统", "计划", ",", "媳妇", "买", "了", "短期", "的", "理财产品", ",", "年化收益率", "4%", "基本", "不值一提", "。"]], "paragraphs": ["跟老公税后收入正好这个范围,暂时无娃,工作半年。家里给了一笔钱,原计划再借五十万(无需利息),这样勉强可以在外环外买个精装小三房(89平,270万)付个五成首付,如果不借钱付三成的话房贷每月过万压力有点大。哦对,我们都在张江工作,这里房子死贵配套死差,目前住在中外环间的回迁小区。每每周末从浦西玩回来都有种从大都市回到县城的感觉,尤其是晚上八点后马路边上摆满了小摊╭(╯ε╰)╮从未买过奢侈品,出去吃饭最多人均200,团购主打。很少买衣服,基本都是千元以内的,从未买过任何奢侈品,自己也不感兴趣,毕竟我们都算是搞科研的,周围同事根本不关心你穿了什么品牌,能发好文章申到好基金才是牛逼象征。生活很简单,偶尔自己做饭,主要是讨厌洗菜洗碗。房租每月接近三千,加上日常开销基本都在8K以上。总体感觉在买房装修还贷和未来养娃的压力下,30万收入的家庭生活绝对不轻松,房子是大头。如果是本地有房或者拆二代,那肯定会好很多", "贴一个北京的生活标准,仅供参考无房无户口,年收入80w == 有房或者有户口 50w == 有房又有户口 30w", "背景:双方本地人,结婚2年无小孩,无房贷,有15W的代步车。", "工作很忙,我一直需要加班周六也上班。老公则是soho,平均每天工作12小时,两人娱乐时间很少。", "每月给公婆伙食费,因为公婆住同一小区,不用自己做饭,周末会下人均100左右的馆子,月开销有8,9千,加上养车、偶尔买买东西,平均月支出会到达1W", "每年可以出国旅游一次,人均2-3W。", "从未买过奢侈品,衣服很少买,基本在HM、优衣库、zara这种快消店里买打折的,包买过最贵的是500元。护肤品买科颜氏那样的档次,也没有办过美容院、理发店的卡。", "偶尔会买比较小贵的家居用品、生活电器来改善生活质量。比如最近在考虑入手nespressno胶囊咖啡机。放在家里的东西价格3K以下的不会太过心疼。。", "每个星期会请钟点工阿姨来打扫,我很讨厌花很多时间在家务活上 ╮(╯▽╰)╭", "理财方面,存款全部在余额宝吃利息,不炒股票期货,也没考虑过买基金和保险,在这方面我们关注的不多。", "更多的在关注如何提升自己、增加收入,目标存钱准备养孩子,多个娃后,可能将来生活质量会下降很多吧。。。。", "家庭年收入30万,如果是三位劳动力,也就是每人年薪10万,每个月1万不到。不是很难达到。但如果月收入过2万,就不是一个重量级的问题了。", "房子开销每个月大约4000-6000吧。每年就是5万左右。", "那么家庭收入缩减为25万,每位成员月薪则为7K。", "这个幅度,基本上没有改变生活的本质,可能对家庭投资和储蓄有点影响。", "生病就医,如果三人中有两人不是全部报销的话,假设一位是全裸,一位报销60%。每个月需要腾出2K一人,约3K每个月,约4万的开支。", "那么家庭收入缩减为20万,每位成员月薪为5500元。", "这个幅度,对家庭发展的影响就不仅仅是投资和储蓄的问题了,穿衣购物,添置家具,出行旅行等会受影响。吃的方面,基本不会受到影响。", "20万年收入,三分之一储蓄,剩下的三分之一投资。那么就是:每年7万的银行储蓄,4万的投资。剩下10万左右来开销。每位家庭成员的生活费用为3万每年,2500元每个月。", "基础生活费用,吃饭约3K,剩下4500元。", "购置衣物,1500元三人,剩下3000元。", "交通花费,养车,基本上剩下的2000全在里面了。", "如果保守投资,每年的收益假设为7%平均,那么就是7000K每年。每月多了600块。", "问题来了,2人世界,30万,哪怕20万都够花,会有一定的盈余。如果一旦生了孩子,对不起,分分秒秒不够。孩子教育周期太长了,除非你生了一个节能灯。", "如果30万,3口之家是2位老人,1位适龄青年,那么会宽松很多。但收益和储蓄会相对减少。", "上海的工资水平,硕士毕业6000-10000吧,算好的。本科4000起。", "每有1年的工作经验加500块工资。", "当然是说发展的好的,外加上通胀和高CPI。", "退休工人工资,3000起,干部6000", "如果是两个硕士毕业,有房无贷款,最好20万。工作3年后,40万。但前提是不生孩子。5年后结婚,两个人都100万的话,可以生孩子了。哈哈。做梦呢。", "唉,北上广生活压力之大,成本之高,我也是近1年才深有体会。", "有时候想到未来某个人,每天赚800,我却犹豫花不花20。", "除了年收入和所在地没有其它条件,无法判断。大致上如果是三口之家两人职工有收入,无房贷车贷,不炒股炒期货,那一般是这样的生活方式:父母中级管理层或中高级技术人员,每天工作比较繁忙,家务包括孩子接送由老人代为操办。孩子中学以后一般可以独自上下学。早午餐一般自行解决,晚餐一般在外面一起吃,周末偶尔自家做饭。周末和假期经常有出游计划,近处自驾远处高铁飞机,酒店都住好的,跟团积极性不高。衣食住行:衣服和配件品牌档次都在白领到金领平均线左右,男士收集衬衫女士偶尔买上万好几万的包。吃已经不是问题,看兴趣。住所一般在中环附近有二到三房小区房。出行如果顺路一般一方开车送另一方,小孩自理或跟车。只好大致描述我印象中的平均水平,其它复杂的情况无法一一列明", "广州30万家庭强行答一波。男方国企机关大爷,2015到手约140k;女方非诉律师,2016年转正后12k*16。吃饭:男方每天从单位饭堂带饭回家(快,利用餐补),周末出去吃一顿人均150,一个月净支出约1500。租房:越秀区40平老破小,2000。通勤:100*2。穿:某宝单件200以下,两人一年控制在5000以内。女方化妆品一个月控制在300左右。娱乐:单位发的电影票、游泳票、单位配的健身房,男方每周去踢一场球20块,一年净支出2000。旅游:近两年没有。2015年家庭收入227k,支出58k;2016年1-5月家庭收入130k,支出32k。来自一个准备买房的家庭手账。", "家庭起点基数不同,收入增长率不同,带来的家庭状态也肯定是千差万别。我的答案只是单纯描述目前个人家庭状态,仅是给题主一种可能性的参考。", "夫妻二人均30岁,暂无小孩。我目前税前32万,媳妇税前17万,有房有贷无车,家庭收入税后36万上下,不过算了一下今年家庭开销居然有17万(2016年数字,即使刨除非常规开支后也有11万开销)。", "两年半前用两人积蓄和父母资助加上朋友借款做首付买了外环外小两房(当时总价180万),月供6000多,一年前首付欠款已还清(在此之前手上基本没超过1万的现金),才算刚开始有积蓄。到年底目前手上现金约17万,但马上这些钱又快要清零。因为计划2017年要娃,提前需要买车,目前正在拍牌,上牌费基本不少于9万,15万的车(基本上算是最入门的了)30%首付加各种税费保险7万起,这样需要消耗现金16万,且每月车贷要3500养车1500,如果再添个娃年度开销会增加至少5万,这样一算2017年开支会增加16+0.5x12+5=27万。这样到2017年底手上现金也就再增加个10万不到。", "家庭5年计划包括房产置换,目标是中环内二居室学区房或外环外三居室,操作时间取决于限购政策变化的时间。", "至于理财,目前没有系统计划,媳妇买了短期的理财产品,年化收益率4%基本不值一提。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "年薪30万在上海过的是什么样的生活?_婆媳关系_天涯论坛_天涯社区", "most_related_para": 18, "segmented_title": ["年薪", "30", "万", "在", "上海", "过", "的", "是", "什么", "样", "的", "生活", "?", "_", "婆媳关系", "_", "天涯", "论坛", "_", "天涯社区"], "segmented_paragraphs": [["字体", ":"], ["边距", ":"], ["背景", ":"], ["还原", ":"], ["年薪", "30", "万", "的", "农村", "男生", "30岁", ",", "小", "硕", ",", "没", "房", "没", "车", "在", "上海", "能", "过", "什么", "样", "的", "生活", "?", "在", "婚姻", "市场", "上", "适合", "找", "什么", "类型", "的", "女生", "?"], ["楼主", "发言", ":", "3", "次", "发", "图", ":", "0", "张", "|", "更多"], ["刚", "想", "问", "有没有", "房", "和", "车", "这样", "啊", "可以", "找", "个", "城市", "小康", "女", ",", "家里", "有房", "有车", "的", ",", "只不过", "在家里", "没", "什么", "话语权", "或者", "找", "个", "同样", "的", "外来", "媳妇", ",", "两人", "租房", "生活", ",", "共同奋斗", "呗", "!"], ["刚", "想", "问", "有没有", "房", "和", "车", "这样", "啊", "可以", "找", "个", "城市", "小康", "女", ",", "家里", "有房", "有车", "的", ",", "只不过", "在家里", "没", "什么", "话语权", "或者", "找", "个", "同样", "的", "外来", "媳妇", ",", "两人", "租房", "生活", ",", "共同奋斗", "呗", "!", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "那", "找", "个", "外来", "女", "日子", "挺", "不好过", "吧"], ["30", "万", "在", "上海", "不", "买房", "一辈子", "租房", "住", ",", "可以", "过", "得", "蛮", "好", ",", "要", "买房", "还贷", "的", "话", ",", "甚至", "要", "攒", "首付", "的", "话", ",", "就是", "悲催", "的", "房奴", ",", "可是", ",", "你", "不", "买房", "肯", "嫁", "你", "的", "人", "真", "的", "不", "多", "哎", "!"], ["长得帅", "人品", "好", "这", "条件", "还是", "很好", "找", "带", "房", "上海", "女孩子", "的"], ["1", "单身", ",", "可以", "过", "得", "很", "潇洒", ",", "中等", "水平", "吃吃喝喝", "不愁", "2", "结婚", "的", "话", ",", "一般", "买房", "基本", "是", "刚需", "了", "。", "现在", "上海", "房价", "这么", "高", ",", "郊区", "刚需", "地铁", "房", "首付", "也", "要", "70W", "左右", "了", ",", "估计", "要", "存", "几", "年", "(", "家里", "土豪", "的", "不", "算", ")"], ["找", "个", "年薪", "也", "二三十万", "的", ",", "一起", "奋斗", "吧"], ["我", "觉得", "他", "过", "什么", "样", "的", "生活", "第", "一", "看", "运气", ",", "第", "二", "看", "规划", "。", "运气", "真是", "没法", "说", ",", "所在", "行业", "的", "景气度", ",", "遇到", "配偶", "的", "资质", ",", "甚至", "中国经济", "短", "中", "长期", "的", "发展", ",", "个人", "只能", "受", "着", ",", "也", "没啥", "选择", "。", "第", "二", "看", "规划", "就", "得", "说", "他", "是", "个", "什么", "样", "的", "人", "了", ",", "要", "是", "今朝有酒今朝醉", "的", ",", "那", "还是", "可以", "潇洒", "快活", "几", "年", "的", ",", "要是", "未雨绸缪", ",", "责任感", "爆棚", "的", "那种", "人", ",", "那", "就", "惨", "了", ",", "什么", "父母", "养老", "医疗", ",", "自己", "未来", "养老", "医疗", ",", "小孩", "教育", ",", "成家立业", "等等等等", ",", "算", "一", "算", "全", "都", "无法", "规避", "的", "钱钱钱", ",", "没", "说", "的", ",", "把", "头", "一", "埋", "好", "好", "干", "吧", ",", "最多", "偶尔", "忙里偷闲", "旅游", "健身", "一", "下", ",", "大多数", "情况", "是", "紧张", "的", "工作", "了", "。"], ["年轻人", ",", "有", "希望", ",", "我", "看", "好", "你", "。"], ["有房", "一年", "10", "万", "也", "可以", "不错", ",", "没", "房", "一年", "50", "万", "估计", "在", "上海", "都", "过", "得", "苦哈哈", "的", ",", "除非", "不要", "房", "!"], ["找", "个", "同样", "年薪", "30", "万", "的", "外来", "女", "。", "我和我", "老公", "就是", "同", "是", "外来", "。", "不过", "我们", "结婚时", "收入", "还", "没", "这么多", "。", "四", "年", "了", "。", "结婚", "第二年", "贷款", "买", "的", "房", "。", "目前", "无", "贷", "。", "家庭", "年", "收入", "50", "几", "万", "。", "不", "讲究", "奢侈", ",", "小康", "没问题"], ["刚", "想", "问", "有没有", "房", "和", "车", "这样", "啊", "可以", "找", "个", "城市", "小康", "女", ",", "家里", "有房", "有车", "的", ",", "只不过", "在家里", "没", "什么", "话语权", "或者", "找", "个", "同样", "的", "外来", "媳妇", ",", "两人", "租房", "生活", ",", "共同奋斗", "呗", "!", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "如果", "在", "老家", "娶", "个", "女公务员", "呢", ",", "但是", "异地", ",", "这样", "的", "日子", "过", "得", "下去", "吗"], ["凤凰男", "啊", "!", "唉", ",", "不好", "找", "。", "条件", "好", "的", "本地", "姑娘", "不愿", "找", "你", ",", "找", "个", "条件", "一般", ",", "挣得", "没", "你", "多", "的", "本地", "姑娘", ",", "她", "也", "不一定", "看得起", "你", ",", "会", "觉得", "你", "各种", "土", "。", "找", "个", "跟", "你", "一样", "进城", "的", "农村", "姑娘", "其实", "最合适", ",", "可惜", "你", "可能", "又", "看", "不", "上", ".", ".", ".", ".", "."], ["要", "看", "你", "多大", ",", "35", "岁", "以上", "税前", "30", "万元", "无房", "的", ",", "不", "高", "。", "30", "岁", "以下", "的", ",", "还算", "不错", "。", "如果", "你", "用", "心", "找", "的", "话", ",", "外地", "未婚", "独生女", ",", "有些", "也", "在", "上海", "买", "了", "房", ",", "她们", "不会", "坐", "等", "男方", "家", "买房", "。"], ["不是", "有", "自称", "上海人", "的", "婆婆", "党", "说", "上海", "不是", "男方", "不用", "买房子", "照", "样", "娶媳妇", "吗", "?", "谁", "说", "的", "上海", "没", "房子", "不好", "娶媳妇", "?", "上海", "女孩", "有", "这么", "现实", "吗", "?", "不要", "黑", "我", "大", "上海", "。", "当然", ",", "我", "好", "几个", "同学", "在", "上海", "工作", ",", "他们", "说", "在", "上海", "男方", "没", "房子", "不好", "找对象", "也是", "假", "得", ",", "黑", "你们", "大上海", "呢", "?", "哈哈", "…", "…", "…", "…"], ["你", "是", "想", "娶", "个", "上海", "本地", "的", "姑娘", "?", "?", "现实", "一", "点", "吧", ",", "娶", "一", "个", "互相", "喜欢", "的", "自己", "家乡", "女孩", ",", "生活", "没有", "那么", "累"], ["我", "舅妈", "说", "的", ",", ",", ",", "她", "儿子", "(", "我", "表哥", ")", "上海", "年薪", "三", "十", "几", "万", ",", ",", ",", "表嫂", "一个月", "一万多", ",", ",", ",", "两人", "没有", "福利", "餐", ",", ",", ",", "吃饭", "一人", "一个月", "3000", ",", ",", ",", "两个人", "供", "房", ",", ",", ",", "孩子", "请", "保姆", "带", ",", ",", ",", "交通费", "电话费", "等等", "多少", "不清楚", ",", ",", ",", "存款", "不", "多", "。", "。", "。"], ["每月", "500", "块", ",", "满满", "都是", "爱", ",", "每月", "300", "元", ",", "幸福", "又", "团圆"], ["上海", "三", "十", "万", "的", "年薪", "也", "只", "够", "刚刚", "小康", "。"], ["我想说", "有钱人", "的", "。", "看", "了", "评论", ",", "我", "还是", "默默", "点赞", "。"], ["这个", "得", "看", "你", "村", "到", "什么", "程度", ",", "如果", "太", "村", ",", "你", "那", "30", "万", "顾", "得", "了", "老家", "也", "顾不上", "新房", "。", "如果", "找", "本地", "妹纸", ",", "估计", "妹纸", "妈", "那", "头", "你", "得", "多", "受气", ",", "我", "是", "上海", "妹纸", ",", "我", "建议", "找", "个", "门当户对", "的", "外来", "妹纸", "一起", "奋斗", "更", "舒心", "。", "否则", "被", "人", "“", "农村", "驻", "上海", "办", "”", "的", "叫", "上", "大", "半辈子", ",", "你", "也", "闹心", "。"], ["请", "遵守天涯社区", "公约", "言论", "规则", ",", "不得", "违反", "国家", "法律", "法规", "回复", "(", "Ctrl", "+", "Enter", ")"]], "paragraphs": ["字体:", "边距:", "背景:", "还原:", "年薪30万的农村男生30岁,小硕,没房没车在上海能过什么样的生活?在婚姻市场上适合找什么类型的女生?", "楼主发言:3次 发图:0张 | 更多", "刚想问有没有房和车 这样啊 可以找个城市小康女,家里有房有车的, 只不过在家里没什么话语权 或者找个同样的外来媳妇,两人租房生活,共同奋斗呗!", "刚想问有没有房和车  这样啊  可以找个城市小康女,家里有房有车的,  只不过在家里没什么话语权  或者找个同样的外来媳妇,两人租房生活,共同奋斗呗! ----------------------------- 那找个外来女日子挺不好过吧", "30万在上海不买房一辈子租房住,可以过得蛮好,要买房还贷的话,甚至要攒首付的话,就是悲催的房奴,可是,你不买房肯嫁你的人真的不多哎!", "长得帅人品好这条件还是很好找带房上海女孩子的", "1 单身,可以过得很潇洒,中等水平吃吃喝喝不愁 2 结婚的话,一般买房基本是刚需了。现在上海房价这么高,郊区刚需地铁房首付也要70W左右了,估计要存几年(家里土豪的不算)", "找个年薪也二三十万的,一起奋斗吧", "我觉得他过什么样的生活第一看运气,第二看规划。 运气真是没法说,所在行业的景气度,遇到配偶的资质,甚至中国经济短中长期的发展,个人只能受着,也没啥选择。 第二看规划就得说他是个什么样的人了,要是今朝有酒今朝醉的,那还是可以潇洒快活几年的,要是未雨绸缪,责任感爆棚的那种人,那就惨了,什么父母养老医疗,自己未来养老医疗,小孩教育,成家立业等等等等,算一算全都无法规避的钱钱钱,没说的,把头一埋好好干吧,最多偶尔忙里偷闲旅游健身一下,大多数情况是紧张的工作了。", "年轻人,有希望,我看好你。", "有房一年10万也可以不错,没房一年50万估计在上海都过得苦哈哈的,除非不要房!", "找个同样年薪30万的外来女。我和我老公就是同是外来。 不过我们结婚时收入还没这么多。四年了。结婚第二年贷款买的房。目前无贷。家庭年收入50几万。不讲究奢侈,小康没问题", "刚想问有没有房和车  这样啊  可以找个城市小康女,家里有房有车的,  只不过在家里没什么话语权  或者找个同样的外来媳妇,两人租房生活,共同奋斗呗! ----------------------------- 如果在老家娶个女公务员呢,但是异地,这样的日子过得下去吗", "凤凰男啊!唉,不好找。条件好的本地姑娘不愿找你,找个条件一般,挣得没你多的本地姑娘,她也不一定看得起你,会觉得你各种土。找个跟你一样进城的农村姑娘其实最合适,可惜你可能又看不上.....", "要看你多大, 35岁以上税前30万元无房的, 不高。 30岁以下的, 还算不错。 如果你用心找的话, 外地未婚独生女, 有些也在上海买了房, 她们不会坐等男方家买房。", "不是有自称上海人的婆婆党说上海不是男方不用买房子照样娶媳妇吗?谁说的上海没房子不好娶媳妇?上海女孩有这么现实吗?不要黑我大上海。 当然,我好几个同学在上海工作,他们说在上海男方没房子不好找对象也是假得,黑你们大上海呢?哈哈…………", "你是想娶个上海本地的姑娘??现实一点吧,娶一个互相喜欢的自己家乡女孩,生活没有那么累", "我舅妈说的,,,她儿子(我表哥)上海年薪三十几万,,,表嫂一个月一万多,,,两人没有福利餐,,,吃饭一人一个月3000,,,两个人供房,,,孩子请保姆带,,,交通费电话费等等多少不清楚,,,存款不多。。。", "每月500块,满满都是爱,每月300元,幸福又团圆", "上海三十万的年薪也只够刚刚小康。", "我想说有钱人的。看了评论,我还是默默点赞。", "这个得看你村到什么程度,如果太村,你那30万顾得了老家也顾不上新房。 如果找本地妹纸,估计妹纸妈那头你得多受气,我是上海妹纸,我建议找个门当户对的外来妹纸一起奋斗更舒心。否则被人“农村驻上海办”的叫上大半辈子,你也闹心。", "请遵守天涯社区公约言论规则,不得违反国家法律法规回复(Ctrl+Enter)"], "bs_rank_pos": 1}, {"is_selected": false, "title": "[上海年薪30万什么水平]年薪30万的文案平时都在干嘛?", "most_related_para": 44, "segmented_title": ["[", "上海", "年薪", "30", "万", "什么", "水平", "]", "年薪", "30", "万", "的", "文案", "平时", "都", "在", "干嘛", "?"], "segmented_paragraphs": [["位置", ":", "美文", "网", ">", "管理者", "应该具备", "的", "素质", ">", "主持人", "应该具备", "的", "素质", ">", "[", "上海", "年薪", "30", "万", "什么", "水平", "]", "年薪", "30", "万", "的", "文案", "平时", "都", "在", "干嘛", "?"], ["台上", "一分钟", ",", "台下", "十", "年", "功", "。", "吃什么", "拉", "什么", ",", "要", "想", "写", "出来", "的", "东西", "珍贵", ",", "首先", "肚子", "里", "要", "装", "下", "数不清", "的", "山珍海味", "。", "那么", "一字千金", "的", "文案", "们", ",", "平时", "都", "在", "干", "吗", "?"], ["文案", "要", "讲究", "世界观", "。"], ["你", "要", "把", "对", "这个世界", "的", "认知", ",", "通过", "文字", "去", "表达", "出来", "。", "读者", "更多", "的", "是", "更", "可", "你", "的", "世界观", ",", "他们", "更", "会", "被", "你", "的", "观点", "吸引", ",", "而", "不是", "空洞", "的", "形容词", "和", "修辞手法", "。"], ["读书", ",", "可以", "形成", "自己", "的", "世界观", ",", "增加", "见识", "扩大", "知识", "圈", "。", "那些", "牛逼", "的", "人", ",", "几乎", "都是", "书", "疯子", "。", "他们", "做饭", "睡觉", "拉屎", "打点滴", "都会", "读书", ",", "他们", "在", "为", "一字千金", "做", "足", "准备", "。"], ["《", "后会无期", "》", "这个", "电影", "能", "火", ",", "下面", "这些", "文案", "功不可没", "。"], ["“", "听", "过", "很多", "道理", ",", "却", "依然", "过", "不好", "这一生", "”"], ["“", "小孩", "才", "分", "对", "错", ",", "大人", "只", "看", "利弊", "”"], ["再", "比如", ",", "某", "个", "品牌", "的", "活动", "主题", "。"], ["“", "我们", "是", "小孩", ",", "总", "要", "给", "大人", "们", "一", "点", "面子", "”", "。"], ["看电影", ",", "学会", "写", "画面", "感", "十足", "的", "故事", "。"], ["以前", "看电影", ",", "只是", "看看", "。", "现在", "不一样了", ",", "我知道", "好", "的", "电影", "是", "一", "个", "非常好", "的", "故事", "。", "看电影", ",", "可以", "学会", "怎么", "讲", "好", "一个", "故事", ",", "用", "最少", "的", "画面", "和", "台词", "。"], ["文案", "越来越", "重要", ",", "是因为", "我们", "对", "故事", "的", "不断", "渴望", "。", "一", "个", "产品", ",", "不仅仅", "是", "产品", "本身", ",", "还要", "藏", "在", "身后", "的", "故事", "。"], ["从", "小学", "的", "时候", ",", "我们", "就", "在", "做", "这个事情", "。", "小学", "的", "《", "看图说话", "》", "就是", "一", "个", "很好", "的", "文案", "训练", "方法", ",", "一", "张", "图", "让", "我们", "讲", "一个故事", "。", "一", "张", "图", ",", "有很多", "个", "故事", "。", "同样", "的", "产品", ",", "不同", "的", "故事会", "决定", "它", "的", "优劣", "。"], ["当你", "想", "不到", "写", "什么", "的", "时候", ",", "不如", "和", "客户", "聊聊天", "。", "客户", "不仅", "能", "给", "你", "提", "需求", ",", "还能", "告诉", "你", "要", "写", "的", "内容", "。", "关于", "产品", ",", "客户", "比", "我们", "清楚", "。", "关于", "特色", ",", "客户", "更", "熟悉", "。", "我们", "要", "做", "的", ",", "就是", "把", "他们", "知道", "的", "表达", "出来", ",", "用", "一", "种", "通俗易懂", "的", "方式", "。"], ["比如", ",", "当你", "的", "客户", "告诉", "你", "他", "家", "MP3", "体积小", ",", "可以", "装", "3000", "首", "歌曲", "。", "你", "就", "可能", "像", "乔布斯", "写出", "这样", "的", "。", "“", "把", "3000", "首", "歌", "装", "到", "口袋", "里", "”", "。", "客户", "讲述", "一", "个", "事实", ",", "他", "家", "的", "面膜", "是", "天然", "的", ",", "一", "两天", "是", "不会", "变", "白", "的", "。", "你", "就", "可以", "将", "劣势", "转化", "为", "优势", "。", "“", "一下子", "变", "白", "的", "面膜", ",", "来历", "都是", "不", "清白", "”", "。"], ["好", "的", "文案", ",", "有时候", "是", "别人", "告诉", "你", "的", "。", "我们", "要", "做", "的", "事", ",", "把", "这个", "真相", "告诉", "大家", "。"], ["假设", "你", "要", "替", "一", "个", "电影院", "写", "广告文案", "。"], ["他们", "想", "在", "商场", "中", "弄", "一", "个", "广告牌", ",", "吸引", "更多", "的", "人", "来看", "电影", "。", "一般", "文案", "会", "马上", "想到", "这些", "词", "眼", ",", "最新", "影片", ",", "观影", "环境", ",", "价格优惠", "等", "。", "仔细想想", "这些", "文案", ",", "它们", "是", "把", "其他", "影院", "做", "为了", "竞争对手", ",", "也", "没有", "考虑到", "真正", "的", "销售", "现场", "。", "能看到", "这个", "广告牌", "的", "人", ",", "都是", "在", "商场", "逛", "的", "人", "。", "他们", "一般", "有", "两种", "选择", "。", "一", "种", "是", "看电影", ",", "另外一种", "是", "继续", "逛", "。"], ["我们", "要", "做", "的", "事", ",", "是", "让", "客户", "的", "选择", "偏向", "看电影", "。", "所以", ",", "当你", "去", "现场", "跑", "一", "跑", ",", "你", "就", "可能", "写出", "这样", "的", "文案", "。"], ["“", "逛", "累", "了", ",", "不", "如来", "看场电影", "吧", "。", "”"], ["再来", "一", "个", "超级", "经典", "的", "案", "列", "。"], ["这次", "是", "关于", "汽车", ",", "主要", "表现", "汽车", "室内", "安静", "舒适", "。", "坐", "在", "办公室", "的", "文案", ",", "一般", "会", "想到", "“", "静", "无", "止", "静", "”", "、", "“", "用心去", "感受", "”", "等", "。", "当你", "真", "的", "坐", "入", "车", "内", ",", "用", "心", "也", "感受", "不", "了", "所谓", "的", "静", "无", "止", "静", "。"], ["就像", "你", "在", "高中", "上", "晚自习", "的", "时候", ",", "安静", "得", "针落", "有声", ",", "一枚", "针", "掉", "地上", "都", "能", "听见", "声音", "。", "然后", ",", "一款", "牛逼", "汽车", "就", "有", "一", "个", "牛逼", "的", "文案", "了", "。"], ["“", "在", "时速", "六", "十", "英里", "时", ",", "这", "款", "劳斯莱斯", "汽车", "上", "的", "最大", "噪音", "来自", "于", "它", "的", "电子钟", "”"], ["写", "文案", ",", "可以", "培养", "语", "感", "。"], ["开始", "先", "模仿", "那些", "经典", "文案", ",", "不断", "练习", "可以", "找到", "那种", "文字", "感觉", "。", "文案", ",", "其实", "是", "一", "个", "技术", "活", "。", "一点一滴", ",", "里面", "的", "技巧", "思维", "就会", "浮现", "在", "纸", "面", "上", "。"], ["本文作者", ":", "HULOO", "的", "苏", "酥", "。", "个人", "公众", "号", ":", "酥", "酥", "说", "(", "ID", ":", "susu", "_", "says", ")"], ["我", "做", "产品经理", "的", "时候", ",", "平时", "总", "在", "想", "一", "个", "问题", ":", "“", "如果", "给", "我", "年薪", "50w", ",", "我可以", "胜任", "这样", "的", "职位", "吗", "?", "如果", "不可以", ",", "那", "我", "还", "差", "在", "哪里", "?", "”"], ["首先", "无论", "是", "哪个", "级别", "的", "产品经理", ",", "交互", "—", "—", "需求", "文档", "—", "—", "需求", "评估", "—", "—", "跟进", "开发", "进度", "—", "—", "数据", "反馈", "—", "—", "产品", "迭代", "优化", ",", "这样", "的", "过程", "都是", "必须", "的", "。", "但", "把", "这些", "做", "好", "就是", "好", "的", "产品经理", "了", "吗", "?", "其实", "即使", "是", "10w", "的", "产品经理", ",", "如果", "他", "足够", "有", "悟性", ",", "那", "他", "一样", "会", "把", "这个", "过程", "做", "得", "很好", "很", "完美", "。"], ["但", "为什么", "他", "还", "只是", "10w", "呢", "?", "因为", "这", "还", "只是", "执行", "层", "面", "的", "工作", ",", "leader", "教你做", "什么", "功能", ",", "你", "照", "着", "做", ",", "在", "这个", "过程", "中", ",", "你", "少", "了", "思考", ",", "更多", "的", "是", "执行", "。", "这", "是", "命题作文", ",", "让", "你", "写", "什么", ",", "你", "就", "写", "什么", "。"], ["思考", ",", "就是", "10w", "与", "30w", "的", "差距", "。"], ["为什么", "做", "这个功能", ",", "这个功能", "是", "用户", "真正", "想要", "的", "吗", ",", "我", "是否", "可以", "用", "其他", "更好", "的", "方式", "代替", "?", "用户", "还有", "哪些", "其他", "的", "需求", "?", "我", "还", "可以", "做", "哪些", "其他", "的", "功能", "?"], ["一", "个", "30w", "的", "产品经理", ",", "他", "一定", "是", "可以", "单独", "负责", "一", "个", "产品", ",", "对", "整个", "产品", "的", "需求", "、", "功能", "、", "研发", "跟进", "、", "效果", "呈现", "、", "数据", "负责", ";", "他", "可以", "对", "产品", "做", "整体", "的", "时间", "规划", ",", "3", "个", "月", "后", "是", "什么", "样", ",", "半年后", "是什么", "样", ";", "他", "甚至", "可以", "带", "一", "个", "产品", "的", "小", "团队", "。", "此时", ",", "他", "要", "花", "更多", "的", "时间", "在", "思考", ",", "而", "不仅仅", "是", "执行", "。"], ["但", "为什么", "他", "还", "不是", "50w", "呢", "?", "因为", "更", "高级", "的", "产品经理", ",", "他", "需要", "站", "在", "更高", "的", "层", "面", "上", "来", "审视", "产品", ",", "他", "需要", "站", "在", "业务", "的", "角度", "去", "衡量", "产品", "的", "发展方向", ",", "他", "要", "有极", "宽阔", "的", "视野", ",", "了解", "行业", ",", "有着", "战略性", "的", "大局观", "。", "因为", "他", "的", "一", "个", "判断", "失误", ",", "很", "可能导致", "一", "整条", "产品线", "流产", "。"], ["视野", ",", "就是", "30w", "与", "50w", "的", "差距", "。"], ["我们", "大多数", "的", "人", "很容易", "做到", "可以", "单独", "规划", "一", "个", "产品", ",", "而且", "也", "可以", "做", "的", "不错", ",", "但", "如果", "谈", "产品", "背后", "的", "战略", "布局", ",", "相信", "很多人", "都", "并", "不", "了解", ",", "因为", "他", "没有", "把", "自己", "放在", "更高", "的", "高度", "上", "来", "理解", "产品", ",", "他", "对", "行业", "的", "理解", "也", "并", "不", "深", "。"], ["以上", "就是", "我想说", "的", "。", "回答", "我", "篇", "首", "的", "那个", "问题", ":", "我", "对", "行业", "的", "理解", "还", "不够", "深", ",", "这", "的", "确", "是", "我", "需要", "加强", "的", "地方", "。"], ["最后", "对于", "刚", "入", "行", "的", "新手", ",", "想", "提", "几个", "建议", ":"], ["1", "、", "多", "思考", "—", "—", "执行", "是", "必须", "的", ",", "但", "思考", "才会", "成长", "2", "、", "跳出来", "—", "—", "站", "在", "总监", "的", "角度看", "问题", ",", "你", "会", "看到", "不一样", "的", "世界", "。"], ["今年上半年", "股市", "大涨", ",", "微博", "上", "出现", "了", "两", "个", "几乎", "一样", "的", "APP", ",", "解决", "的", "就是", "模拟炒股", "的", "需求", ",", "面向", "股市", "小白", "用户", ",", "但", "由于", "文案", "的", "差异", ",", "推广", "之后", "的", "效果", "几乎", "天差地别", "。"], ["我们", "先", "来看", "下", "文案", "A", ":"], ["这", "是", "微博", "广告", "的", "比较", "常见", "的", "写", "模式", ":", "一句", "充满诱惑", "的", "导语", "加一", "个", "下载", "APP", "的", "链接", "。"], ["表述", "简单明了", ",", "诉求", "点", "明确", ",", "但是", "并没有", "什么", "卵", "用", "…", "…"], ["1", "、", "新", "高", "?", "新", "高", "是", "多", "高", "?", "对于", "不", "炒股", "的", "人", "而言", ",", "没有", "一", "个", "形象", "的", "概念", "。", "2", "、", "牛人", "提供", "猛料", "?", "谁", "是", "牛人", "?", "到底", "有", "多", "牛", "?", "那么", "牛", "为啥", "自己", "不", "偷", "着", "赚钱", "要", "告诉", "别人", "?", "门口", "卖菜", "阿婆", "昨晚", "还", "和", "我", "透露", "一", "个", "内部", "消息", "…", "…"], ["这", "显然", "是", "一", "个", "炒股", "的", "股民", "写", "的", "文案", ",", "对于", "大部分", "小白", "用户", "来", "说", ",", "这个", "文案", "并", "不能", "让", "他们", "了解", "你", "的", "APP", "。"], ["再", "看看", "文案", "B", ":"], ["我们", "已经", "强调", "过", "很多", "次", "了", ",", "社交", "媒体", "的", "文案", "要", "有趣", ",", "好玩", "。", "这样", "广告", "才能", "被", "大众", "所", "接收", "并", "传播", "。"], ["两", "个", "文案", "效果", "两极分化", "最", "重要", "的", "原因", "是", ":", "好坏", "中间", "只", "隔", "一", "条", "好", "文案", "。", "坏", "的", "文案", "只能", "带来", "19", "个", "转发", ",", "5", "个", "评论", ",", "243", "个", "赞", ",", "好", "的", "文章", "能", "带来", "4911", "的", "转发", ",", "1774", "个", "评论", ",", "2", "万", "多", "个", "赞", ",", "好", "的", "文案", "是", "坏", "的", "文案", "的", "258", "倍", "。"], ["牛逼", "文案", "可以", "带来", "真金", "白银"], ["在", "过去", "的", "一年", "里", ",", "每次", "老妈", "问", "我", "工作", "的", "时候", ",", "我", "都会", "告诉", "她", ":", "我", "其实", "是", "个", "在", "网上", "贴", "小", "广告", "的", "。"], ["粉丝通", "作为", "微博", "的", "官方", "广告", "平台", ",", "和", "所有", "大", "流量", "平台", "做", "的", "其实", "是", "同", "一", "件", "事", ":", "卖", "流量", "…", "…"], ["你", "花钱", "就", "可以", "承包", "你", "想要", "的", "那", "部分", "流量", "。"], ["而", "这", "部分", "流量", "的", "利用率", "则", "决定", "了", "你", "能", "达到", "的", "所有", "效果", "。"]], "paragraphs": ["位置:美文网>管理者应该具备的素质>主持人应该具备的素质>[上海年薪30万什么水平]年薪30万的文案平时都在干嘛?", "台上一分钟,台下十年功。吃什么拉什么,要想写出来的东西珍贵,首先肚子里要装下数不清的山珍海味。那么一字千金的文案们,平时都在干吗?", "文案要讲究世界观。", "你要把对这个世界的认知,通过文字去表达出来。读者更多的是更可你的世界观,他们更会被你的观点吸引,而不是空洞的形容词和修辞手法。", "读书,可以形成自己的世界观,增加见识扩大知识圈。那些牛逼的人,几乎都是书疯子。他们做饭睡觉拉屎打点滴都会读书,他们在为一字千金做足准备。", "《后会无期》这个电影能火,下面这些文案功不可没。", "“听过很多道理,却依然过不好这一生”", "“小孩才分对错,大人只看利弊”", "再比如,某个品牌的活动主题。", "“我们是小孩,总要给大人们一点面子”。", "看电影,学会写画面感十足的故事。", "以前看电影,只是看看。现在不一样了,我知道好的电影是一个非常好的故事。看电影,可以学会怎么讲好一个故事,用最少的画面和台词。", "文案越来越重要,是因为我们对故事的不断渴望。一个产品,不仅仅是产品本身,还要藏在身后的故事。", "从小学的时候,我们就在做这个事情。小学的《看图说话》就是一个很好的文案训练方法,一张图让我们讲一个故事。一张图,有很多个故事。同样的产品,不同的故事会决定它的优劣。", "当你想不到写什么的时候,不如和客户聊聊天。客户不仅能给你提需求,还能告诉你要写的内容。关于产品,客户比我们清楚。关于特色,客户更熟悉。我们要做的,就是把他们知道的表达出来,用一种通俗易懂的方式。", "比如,当你的客户告诉你他家MP3体积小,可以装3000首歌曲。你就可能像乔布斯写出这样的。“把3000首歌装到口袋里”。客户讲述一个事实,他家的面膜是天然的,一两天是不会变白的。你就可以将劣势转化为优势。“一下子变白的面膜,来历都是不清白”。", "好的文案,有时候是别人告诉你的。我们要做的事,把这个真相告诉大家。", "假设你要替一个电影院写广告文案。", "他们想在商场中弄一个广告牌,吸引更多的人来看电影。一般文案会马上想到这些词眼,最新影片,观影环境,价格优惠等。仔细想想这些文案,它们是把其他影院做为了竞争对手,也没有考虑到真正的销售现场。能看到这个广告牌的人,都是在商场逛的人。他们一般有两种选择。一种是看电影,另外一种是继续逛。", "我们要做的事,是让客户的选择偏向看电影。所以,当你去现场跑一跑,你就可能写出这样的文案。", "“逛累了,不如来看场电影吧。”", "再来一个超级经典的案列。", "这次是关于汽车,主要表现汽车室内安静舒适。坐在办公室的文案,一般会想到“静无止静”、“用心去感受”等。当你真的坐入车内,用心也感受不了所谓的静无止静。", "就像你在高中上晚自习的时候,安静得针落有声,一枚针掉地上都能听见声音。然后,一款牛逼汽车就有一个牛逼的文案了。", "“在时速六十英里时,这款劳斯莱斯汽车上的最大噪音来自于它的电子钟”", "写文案,可以培养语感。", "开始先模仿那些经典文案,不断练习可以找到那种文字感觉。文案,其实是一个技术活。一点一滴,里面的技巧思维就会浮现在纸面上。", "本文作者:HULOO的苏酥。 个人公众号:酥酥说(ID:susu_says)", "我做产品经理的时候,平时总在想一个问题:“如果给我年薪50w,我可以胜任这样的职位吗?如果不可以,那我还差在哪里?”", "首先无论是哪个级别的产品经理,交互——需求文档——需求评估——跟进开发进度——数据反馈——产品迭代优化,这样的过程都是必须的。但把这些做好就是好的产品经理了吗?其实即使是10w的产品经理,如果他足够有悟性,那他一样会把这个过程做得很好很完美。", "但为什么他还只是10w呢?因为这还只是执行层面的工作,leader教你做什么功能,你照着做,在这个过程中,你少了思考,更多的是执行。这是命题作文,让你写什么,你就写什么。", "思考,就是10w与30w的差距。", "为什么做这个功能,这个功能是用户真正想要的吗,我是否可以用其他更好的方式代替?用户还有哪些其他的需求?我还可以做哪些其他的功能?", "一个30w的产品经理,他一定是可以单独负责一个产品,对整个产品的需求、功能、研发跟进、效果呈现、数据负责;他可以对产品做整体的时间规划,3个月后是什么样,半年后是什么样;他甚至可以带一个产品的小团队。此时,他要花更多的时间在思考,而不仅仅是执行。", "但为什么他还不是50w呢?因为更高级的产品经理,他需要站在更高的层面上来审视产品,他需要站在业务的角度去衡量产品的发展方向,他要有极宽阔的视野,了解行业,有着战略性的大局观。因为他的一个判断失误,很可能导致一整条产品线流产。", "视野,就是30w与50w的差距。", "我们大多数的人很容易做到可以单独规划一个产品,而且也可以做的不错,但如果谈产品背后的战略布局,相信很多人都并不了解,因为他没有把自己放在更高的高度上来理解产品,他对行业的理解也并不深。", "以上就是我想说的。回答我篇首的那个问题:我对行业的理解还不够深,这的确是我需要加强的地方。", "最后对于刚入行的新手,想提几个建议:", "1、多思考——执行是必须的,但思考才会成长 2、跳出来——站在总监的角度看问题,你会看到不一样的世界。", "今年上半年股市大涨,微博上出现了两个几乎一样的APP,解决的就是模拟炒股的需求,面向股市小白用户,但由于文案的差异,推广之后的效果几乎天差地别。", "我们先来看下文案A:", "这是微博广告的比较常见的写模式:一句充满诱惑的导语加一个下载APP的链接。", "表述简单明了,诉求点明确,但是并没有什么卵用……", "1、新高?新高是多高?对于不炒股的人而言,没有一个形象的概念。 2、牛人提供猛料?谁是牛人?到底有多牛?那么牛为啥自己不偷着赚钱要告诉别人?门口卖菜阿婆昨晚还和我透露一个内部消息……", "这显然是一个炒股的股民写的文案,对于大部分小白用户来说,这个文案并不能让他们了解你的APP。", "再看看文案B:", "我们已经强调过很多次了,社交媒体的文案要有趣,好玩。这样广告才能被大众所接收并传播。", "两个文案效果两极分化最重要的原因是:好坏中间只隔一条好文案。坏的文案只能带来19个转发,5个评论,243个赞,好的文章能带来4911的转发,1774个评论,2万多个赞,好的文案是坏的文案的258倍。", "牛逼文案可以带来真金白银", "在过去的一年里,每次老妈问我工作的时候,我都会告诉她:我其实是个在网上贴小广告的。", "粉丝通作为微博的官方广告平台,和所有大流量平台做的其实是同一件事:卖流量……", "你花钱就可以承包你想要的那部分流量。", "而这部分流量的利用率则决定了你能达到的所有效果。"], "bs_rank_pos": 2}, {"is_selected": true, "title": "个人年薪30万在上海或者苏州属于什么水平?【常熟吧】_百度贴吧", "most_related_para": 0, "segmented_title": ["个人", "年薪", "30", "万", "在", "上海", "或者", "苏州", "属于", "什么", "水平", "?", "【", "常熟", "吧", "】", "_", "百度贴吧"], "segmented_paragraphs": [["看", "什么", "行业", ",", "一般", "公司", "的", "话", ",", "算", "高管", ",", "但是", "很多", "行业", ",", "拿", "提成", "的", ",", "或者", "包工头", "啥", "的", ",", "不止", "30", "万", "的", "多", "了", "去", "。", "。", "另外", "有些", "公司", "高管", "薪资", "可能", "一年", "都", "没有", "30", "万", ",", "不能", "一概而论", "。"], ["一年", "三", "十", "万", ",", "是", "我", "的", "三", "倍", "!", "能", "告诉我", "你", "做", "神码", "的", "么", "?"], ["这么", "说", "吧", ",", "年薪", "30", "万", "不", "谈", "那些", "跑", "销售", "的", ",", "(", "但是", "销售", "也", "不一定", "有", "30", "万", ")", "你", "绝对", "是", "个", "挺", "牛逼", "的", "人", "!"], ["销售", "30", "万", "年薪", ",", "肯定", "是", "想", "多", "了"], ["我们", "老总", "一年", "也", "才", "30", "万", ",", "这", "已", "不是", "打工", "的", "吧"], ["登录", "百度", "帐号"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "paragraphs": ["看什么行业,一般公司的话,算高管,但是很多行业,拿提成的,或者包工头啥的,不止30万的多了去。。另外有些公司高管薪资可能一年都没有30万,不能一概而论。", "一年三十万,是我的三倍!能告诉我你做神码的么?", "这么说吧,年薪30万不谈那些跑销售的,(但是销售也不一定有30万)你绝对是个挺牛逼的人!", "销售30万年薪,肯定是想多了", "我们老总一年也才30万,这已不是打工的吧", "登录百度帐号", "下载贴吧APP看高清直播、视频!", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "bs_rank_pos": 3}, {"is_selected": true, "title": "85年终于年薪30W了, 在上海算什么水平-宽带山KDS-宽带山社区-第一", "most_related_para": 16, "segmented_title": ["85", "年", "终于", "年薪", "30W", "了", ",", "在", "上海", "算什么", "水平", "-", "宽带山", "KDS", "-", "宽带", "山", "社区", "-", "第", "一"], "segmented_paragraphs": [["来自", ":", "上海", "注册", ":", "2011", "-", "07", "-", "06", "发帖", ":", "9", "+", "312"], ["本人", "三校生", ",", "父母", "也", "没", "什么", "关系", "。", "中专", "毕业", "以后", "在", "制造", "行业", "做", "过", "夜班", ",", "也", "做", "过", "售后", "维护", "。", "10", "年", "辞掉", "工作", "破釜沉舟", "的", "读", "IT", "。", "在", "32", "岁", "靠", "自己", "努力", "达到", "税前", "30W", "。", "不知道", "在", "上海", "算什么", "水平", "。"], ["-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "这个", "家", "伙", "很", "懒", ",", "什么", "也", "没", "留下", ".", ".", ".", ".", ".", "."], ["2016", "-", "11", "-", "08", "11", ":", "31", ":", "56"], ["来自", ":", "上海", "注册", ":", "2001", "-", "02", "-", "08", "发帖", ":", "2558", "+", "30904"], ["-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "我", "不要", "签名"], ["2016", "-", "11", "-", "08", "11", ":", "33", ":", "49"], ["来自", ":", "上海", "注册", ":", "2008", "-", "06", "-", "01", "发帖", ":", "737", "+", "6636"], ["国企", "不要", "学历", "的", "?"], ["-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "我", "一", "哥们儿", "一直以为", "自己", "是", "白羊座", ",", "于是", "就", "一直", "认真", "地", "按照", "白羊座", "的", "性格", "努力活着", ":", "外向", "、", "热情", "、", "性", "急", "等等", "。", "结果", "今年", "他", "才", "猛然发现", ",", "原来", "自己", "的", "星座", "叫", "山羊座", "而", "不是", "白羊座", "。", "。", "也", "就是", "传说", "中", "内敛", "、", "沉稳", "、", "慢热", "的", "摩羯座", "。", "这", "是", "我", "今年", "听", "过", "最", "好笑", "的", "事情", "了", ",", "没有", "之", "一"], ["2016", "-", "11", "-", "08", "11", ":", "33", ":", "52"], ["来自", ":", "上海", "注册", ":", "2011", "-", "08", "-", "26", "发帖", ":", "43", "+", "733"], ["三校生", "励志", "水平"], ["-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "这个", "家", "伙", "很", "懒", ",", "什么", "也", "没", "留下", ".", ".", ".", ".", ".", "."], ["2016", "-", "11", "-", "08", "11", ":", "33", ":", "56"], ["来自", ":", "上海", "注册", ":", "2010", "-", "01", "-", "05", "发帖", ":", "26", "+", "3850"], ["买", "不", "起", "房子", "的", "水平"], ["-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "就", "个", "能", "了"], ["2016", "-", "11", "-", "08", "11", ":", "36", ":", "14"], ["来自", ":", "上海", "注册", ":", "2011", "-", "07", "-", "06", "发帖", ":", "10", "+", "312"], ["学历", "现在", "是", "成人", "大专", ",", "在", "读", "成人", "本科"], ["-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "这个", "家", "伙", "很", "懒", ",", "什么", "也", "没", "留下", ".", ".", ".", ".", ".", "."], ["2016", "-", "11", "-", "08", "11", ":", "36", ":", "52"], ["来自", ":", "上海", "注册", ":", "2011", "-", "06", "-", "27", "发帖", ":", "268", "+", "7300"], ["it民工", "而已", ",", "论", "社会地位", "还", "不如", "我们", "清洁工"], ["-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "黑白", "是非", ",", "皆", "在", "人心"], ["2016", "-", "11", "-", "08", "11", ":", "37", ":", "54"], ["来自", ":", "上海", "注册", ":", "2016", "-", "05", "-", "19", "发帖", ":", "452", "+", "3365"], ["国企", "没", "那么", "高", "工资", "的"], ["-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "这个", "家", "伙", "很", "懒", ",", "什么", "也", "没", "留下", ".", ".", ".", ".", ".", "."], ["2016", "-", "11", "-", "08", "11", ":", "38", ":", "54"], ["来自", ":", "上海", "注册", ":", "2009", "-", "07", "-", "05", "发帖", ":", "42", "+", "270"], ["国企", "进去", "不需要", "门", "路", "?", "自说自话", "的", "荡", "在", "外面", ",", "上面", "写", "上", "老子", "学", "It", "的", "国企", "就要", "你", "了", "?"], ["-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "低调", "是", "最", "牛逼", "的", "炫耀", "~", "所以", "我", "从来", "没", "高调", "过", "~"], ["2016", "-", "11", "-", "08", "11", ":", "39", ":", "07"], ["来自", ":", "上海", "注册", ":", "2004", "-", "02", "-", "20", "发帖", ":", "9", "+", "222"], ["很不错", "了", ",", "楼主", "再接再厉"], ["-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-"], ["2016", "-", "11", "-", "08", "11", ":", "39", ":", "07"], ["来自", ":", "上海", "注册", ":", "2016", "-", "05", "-", "19", "发帖", ":", "452", "+", "3366"], ["30", "多", "岁", "算", "你", "leader", ",", "撑死", "一万", "五"], ["-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "这个", "家", "伙", "很", "懒", ",", "什么", "也", "没", "留下", ".", ".", ".", ".", ".", "."], ["2016", "-", "11", "-", "08", "11", ":", "39", ":", "23"], ["来自", ":", "上海", "注册", ":", "2009", "-", "05", "-", "13", "发帖", ":", "15", "+", "1365"]], "paragraphs": ["来自:上海 注册:2011-07-06 发帖:9+312", "本人三校生,父母也没什么关系。中专毕业以后在制造行业做过夜班,也做过售后维护。 10年辞掉工作破釜沉舟的读IT。在32岁靠自己努力达到税前30W。 不知道在上海算什么水平。", "------------------------------------------------------------------------------------------- 这个家伙很懒,什么也没留下......", "2016-11-08 11:31:56", "来自:上海 注册:2001-02-08 发帖:2558+30904", "------------------------------------------------------------------------------------------- 我不要签名", "2016-11-08 11:33:49", "来自:上海 注册:2008-06-01 发帖:737+6636", "国企不要学历的?", "------------------------------------------------------------------------------------------- 我一哥们儿一直以为自己是白羊座,于是就一直认真地按照白羊座的性格努力活着:外向、热情、性急等等。结果今年他才猛然发现,原来自己的星座叫山羊座而不是白羊座。。也就是传说中内敛、沉稳、慢热的摩羯座。这是我今年听过最好笑的事情了,没有之一", "2016-11-08 11:33:52", "来自:上海 注册:2011-08-26 发帖:43+733", "三校生励志水平", "------------------------------------------------------------------------------------------- 这个家伙很懒,什么也没留下......", "2016-11-08 11:33:56", "来自:上海 注册:2010-01-05 发帖:26+3850", "买不起房子的水平", "------------------------------------------------------------------------------------------- 就个能了", "2016-11-08 11:36:14", "来自:上海 注册:2011-07-06 发帖:10+312", "学历现在是成人大专,在读成人本科", "------------------------------------------------------------------------------------------- 这个家伙很懒,什么也没留下......", "2016-11-08 11:36:52", "来自:上海 注册:2011-06-27 发帖:268+7300", "it民工而已,论社会地位还不如我们清洁工", "------------------------------------------------------------------------------------------- 黑白是非,皆在人心", "2016-11-08 11:37:54", "来自:上海 注册:2016-05-19 发帖:452+3365", "国企没那么高工资的", "------------------------------------------------------------------------------------------- 这个家伙很懒,什么也没留下......", "2016-11-08 11:38:54", "来自:上海 注册:2009-07-05 发帖:42+270", "国企进去不需要门路?自说自话的荡在外面,上面写上老子学It的国企就要你了?", "------------------------------------------------------------------------------------------- 低调是最牛逼的炫耀~所以我从来没高调过~", "2016-11-08 11:39:07", "来自:上海 注册:2004-02-20 发帖:9+222", "很不错了,楼主再接再厉", "-------------------------------------------------------------------------------------------", "2016-11-08 11:39:07", "来自:上海 注册:2016-05-19 发帖:452+3366", "30多岁算你leader,撑死一万五", "------------------------------------------------------------------------------------------- 这个家伙很懒,什么也没留下......", "2016-11-08 11:39:23", "来自:上海 注册:2009-05-13 发帖:15+1365"], "bs_rank_pos": 4}], "answer_spans": [[0, 5]], "fake_answers": ["买不起房子的水平"], "question": "上海年薪30万什么水平", "segmented_answers": [["打工", "里", "算", "中上等", "。"], ["买", "不", "起", "房子", "的", "水平", "。"]], "answers": ["打工里算中上等。", "买不起房子的水平。"], "answer_docs": [4], "segmented_question": ["上海", "年薪", "30", "万", "什么", "水平"], "question_type": "DESCRIPTION", "question_id": 13, "fact_or_opinion": "OPINION", "match_scores": [0.923076923076923]}
-{"documents": [{"is_selected": true, "title": "数据库连接池的作用是什么?_百度知道", "most_related_para": 0, "segmented_title": ["数据库连接池", "的", "作用", "是", "什么", "?", "_", "百度", "知道"], "segmented_paragraphs": [["连接池", "是", "被", "j2ee", "服务器", "打开", "和", "维护", "的", "对应", "1", "、", "2", "、", "4", "的", "JDBC", "驱动程序", "连接池", "一般", "比", "直接", "连接", "更", "有", "优越性", "因为", "它", "提高", "了", "性能", "的", "同时", "还", "保存", "了", "宝贵", "的", "资源", "。", "打开", "数据库连接", "时", "CPU", "和", "网络", "的", "重要", "任务", ",", "因此", ",", "在", "整个", "应用程序", "的", "使用", "过程", "当", "中", "重复", "的", "打开", "直接", "连接", "将", "导致", "性能", "的", "下降", "。", "而", "池", "连接", "只", "在", "服务器", "启动", "时", "打开", "一次", ",", "从而", "消除", "了", "这种", "性能", "问题", "。", "另外", ",", "因为", "连接", "只", "用于", "很", "短", "的", "时间", ",", "所以", ",", "连接", "可以", "被", "有效", "共享", ",", "而且", "有关", "连接", "参数", "的", "特", "有", "信息", ",", "只", "对", "池", "驱动程序", "有效", ",", "如", "数据库", "用户名称", "和", "密码", ",", "从而", "增强", "了", "系统", "的", "安全性", "和", "可", "管理", "性", "。"]], "paragraphs": ["连接池是被j2ee服务器打开和维护的 对应1、2、4的JDBC驱动程序 连接池一般比直接连接更有优越性 因为它提高了性能的同时还保存了 宝贵的资源。 打开数据库连接时CPU和网络的重要 任务,因此,在整个应用程序的使用过程 当中重复的打开直接连接将导致性能的下降。 而池连接只在服务器启动时打开一次,从而 消除了这种性能问题。 另外,因为连接只用于很短的时间, 所以,连接可以被有效共享, 而且有关连接参数的特有信息, 只对池驱动程序有效, 如数据库用户名称和密码, 从而增强了系统的安全性和可管理性。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "什么是数据库连接池,有什么作用?_百度知道", "most_related_para": 0, "segmented_title": ["什么", "是", "数据库连接池", ",", "有", "什么", "作用", "?", "_", "百度", "知道"], "segmented_paragraphs": [["数据库连接", "是", "一", "种", "有限", "的", "昂", "贵", "的", "资源", ",", "数据库连接", "影响", "到", "程序", "的", "性能指标", "。", "数据库连接池", "正是", "针对", "这个", "问题", "提", "出来", "的", "。", "数据库连接池", "负责", "分配", "、", "管理", "和", "释放", "数据库连接", ",", "它", "允许", "应用程序", "重复使用", "一", "个", "现", "有", "的", "数据库连接", ",", "而", "再", "不是", "重新", "建立", "一", "个", ";", "释放", "空闲", "时间", "超过", "最大", "空闲", "时间", "的", "数据库连接", "来", "避免", "因为", "没有", "释放", "数据库连接", "而", "引起", "的", "数据库连接", "遗漏", "。", "这", "项", "技术", "能", "明显", "提高", "对", "数据库", "操作", "的", "性能", "。"]], "paragraphs": ["数据库连接是一种有限的昂贵的资源,数据库连接影响到程序的性能指标。数据库连接池正是针对这个问题提出来的。数据库连接池负责分配、管理和释放数据库连接,它允许应用程序重复使用一个现有的数据库连接,而再不是重新建立一个;释放空闲时间超过最大空闲时间的数据库连接来避免因为没有释放数据库连接而引起的数据库连接遗漏。这项技术能明显提高对数据库操作的性能。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "JAVA的连接池起什么作用_百度知道", "most_related_para": 0, "segmented_title": ["JAVA", "的", "连接池", "起", "什么", "作用", "_", "百度", "知道"], "segmented_paragraphs": [["在", "传统", "的", "两层", "机构", "中", ",", "客户端", "在", "启动", "时", "打开", "数据库", ",", "退出时", "关闭", "数据库", ".", "在", "整个", "运行", "中", "每个", "客户端", "始终", "占有", "一", "个", "数据库连接", ",", "使得", "数据库连接", "的", "效率低下", ".", "使用", "连接池", "只有", "当", "用户", "真正", "需要", "进行", "数据库", "操作", "时", "才", "从", "连接池", "申请", "一", "个", "连接", "."]], "paragraphs": ["在传统的两层机构中,客户端在启动时打开数据库,退出时关闭数据库.在整个运行中每个客户端始终占有一个数据库连接,使得数据库连接的效率低下.使用连接池只有当用户真正需要进行数据库操作时才从连接池申请一个连接."], "bs_rank_pos": 2}, {"is_selected": false, "title": "数据库连接池的工作机制是什么_百度知道", "most_related_para": 0, "segmented_title": ["数据库连接池", "的", "工作", "机制", "是", "什么", "_", "百度", "知道"], "segmented_paragraphs": [["连接池", "的", "实现", "是", "以", "空间", "换", "时间", "。", "J2EE", "服务器", "启动", "时", "会", "建立", "一定", "数量", "的", "池", "连接", ",", "并", "一直", "维持", "不", "少", "于此", "数目", "的", "池", "连接", "。", "客户端", "程序", "需要", "连接", "时", ",", "池", "驱动程序", "会", "返回", "一", "个", "未", "使用", "的", "池", "连接", "并", "将", "其", "表", "记", "为", "忙", "。", "如果", "当前", "没有", "空闲", "连接", ",", "池", "驱动程序", "就", "新建", "一定", "数量", "的", "连接", ",", "新建", "连接", "的", "数量", "有", "配置", "参数", "决定", "。", "当", "使用", "的", "池", "连接", "调用", "完成", "后", ",", "池", "驱动程序", "将", "此", "连接", "表", "记", "为", "空闲", ",", "其他", "调用", "就", "可以", "使用", "这个", "连接", "。"]], "paragraphs": ["连接池的实现是以空间换时间。 J2EE服务器启动时会建立一定数量的池连接,并一直维持不少于此数目的池连接。客户端程序需要连接时,池驱动程序会返回一个未使用的池连接并将其表记为忙。如果当前没有空闲连接,池驱动程序就新建一定数量的连接,新建连接的数量有配置参数决定。当使用的池连接调用完成后,池驱动程序将此连接表记为空闲,其他调用就可以使用这个连接。"], "bs_rank_pos": 3}, {"is_selected": true, "title": "连接池的作用 - 小忒的学习与生活 - 博客频道 - CSDN.NET", "most_related_para": 0, "segmented_title": ["连接池", "的", "作用", "-", "小", "忒", "的", "学习", "与", "生活", "-", "博客", "频道", "-", "CSDN", ".", "NET"], "segmented_paragraphs": [["连接池", "的", "作用", ":", "连接池", "是", "将", "已经", "创建", "好", "的", "连接", "保存", "在", "池", "中", ",", "当", "有", "请求", "来", "时", ",", "直接", "使用", "已经", "创建", "好", "的", "连接", "对", "数据库", "进行", "访问", "。", "这样", "省略", "了", "创建", "连接", "和", "销毁", "连接", "的", "过程", "。", "这样", "性能", "上", "得到", "了", "提高", "。"], ["基本原理", "是", "这样", "的", ":"], ["(", "1", ")", "建立", "数据库连接池", "对象", "(", "服务器", "启动", ")", "。", "(", "2", ")", "按照", "事", "先", "指定", "的", "参数", "创建", "初始", "数量", "的", "数据库", "连接", "(", "即", ":", "空闲", "连接数", ")", "。", "(", "3", ")", "对于", "一", "个", "数据库", "访问", "请求", ",", "直接", "从", "连接池", "中", "得到", "一", "个", "连接", "。", "如果", "数据库连接池", "对象", "中", "没有", "空闲", "的", "连接", ",", "且", "连接数", "没有", "达到", "最大", "(", "即", ":", "最大", "活跃", "连接数", ")", ",", "创建", "一", "个", "新", "的", "数据库", "连接", "。", "(", "4", ")", "存取", "数据库", "。", "(", "5", ")", "关闭", "数据库", ",", "释放", "所有", "数据库", "连接", "(", "此时", "的", "关闭", "数据库连接", ",", "并非", "真正", "关闭", ",", "而是", "将", "其", "放入", "空闲", "队列", "中", "。", "如", "实际", "空闲", "连接数", "大于", "初始", "空闲", "连接数", "则", "释放", "连接", ")", "。", "(", "6", ")", "释放", "数据库连接池", "对象", "(", "服务器", "停止", "、", "维护", "期间", ",", "释放", "数据库连接池", "对象", ",", "并", "释放", "所有", "连接", ")", "。"], ["1", ".", "连接池", "的", "概念", "和", "为什么", "要", "使用", "连接池", "?", "连接池", "放", "了", "N", "个", "Connection", "对象", ",", "本质", "上", "放在", "内存", "当", "中", ",", "在", "内存", "中", "划", "出", "一", "块", "缓存", "对象", ",", "应用程序", "每次", "从", "池", "里", "获得", "Connection", "对象", ",", "而", "不是", "直接", "从", "数据", "里", "获得", ",", "这样", "不", "占用", "服务器", "的", "内存", "资源", "。", "2", ".", "如果", "不", "使用", "连接池", "会出现", "的", "情况", ":", "a", ".", "占用", "服务器", "的", "内存", "资源", "b", ".", "导致", "服务器", "的", "速度", "非常", "慢", "3", ".", "应用", "连接池", "的", "三种", "方式", ":", "a", ".", "自定义", "连接池", "b", ".", "使用", "第三方", "连接池", "c", ".", "使用", "服务器", "自带", "的", "连接池", "连接池", "一般", "比", "直接", "连接", "更", "有", "优越性", ",", "因为", "它", "提高", "了", "性能", "的", "同时", "还", "保存", "了", "宝贵", "的", "资源", "。", "在", "整个", "应用程序", "的", "使用", "过程", ",", "当", "中", "重复", "的", "打开", "直接", "连接", "将", "导致", "性能", "的", "下降", "。", "而", "池", "连接", "只", "在", "服务器", "启动", "时", "打开", "一次", ",", "从而", "消除", "了", "这种", "性能", "问题", "。"], ["连接池", "一般", "比", "直接", "连接", "更", "有", "优越性", ",", "因为", "它", "提高", "了", "性能", "的", "同时", "还", "保存", "了", "宝贵", "的", "资源", "。", "在", "整个", "应用程序", "的", "使用", "过程", ",", "当", "中", "重复", "的", "打开", "直接", "连接", "将", "导致", "性能", "的", "下降", "。", "而", "池", "连接", "只", "在", "服务器", "启动", "时", "打开", "一次", ",", "从而", "消除", "了", "这种", "性能", "问题", "。", "连接池", "主要", "考虑", "的", "是", "性能", ",", "每次", "获取", "连接", "和", "释放", "连接", "都", "有", "很大", "的", "工作量", ",", "会", "对", "性能", "有", "很大", "影响", ";", "而", "对", "资源", "来", "说", "起", "的", "是", "反作用", ",", "因为", "保存", "一定", "数量", "的", "连接", "是", "要", "消耗", "内存", "的", "。", "应用程序", "每次", "从", "池", "里", "获得", "Connection", "对象", ",", "而", "不是", "直接", "从", "数据", "里", "获得", ",", "这样", "不", "占用", "服务器", "的", "内存", "资源", "。", "所以", "一般", "要", "建立", "连接池", ",", "而", "连接", "的", "数量", "要", "适当", ",", "不能", "太", "大", ",", "太", "大会", "过", "多", "消耗", "资源", "。", "(", "所以", ",", "考虑", "2", "个", "方面", ",", "一", "个", "是", "内存", ",", "另一个", "是", "资源", ")", "。"], ["连接池", "就是", "为了", "避免", "重复", "多次", "的", "打开", "数据库连接", "而", "造成", "的", "性能", "的", "下降", "和", "系统", "资源", "的", "浪费", "。"], ["相关文章", "推荐"], ["猜", "你", "在", "找"]], "paragraphs": ["连接池的作用:连接池是将已经创建好的连接保存在池中,当有请求来时,直接使用已经创建好的连接对数据库进行访问。这样省略了创建连接和销毁连接的过程。这样性能上得到了提高。", "基本原理是这样的:", "(1)建立数据库连接池对象(服务器启动)。 (2)按照事先指定的参数创建初始数量的数据库连接(即:空闲连接数)。 (3)对于一个数据库访问请求,直接从连接池中得到一个连接。如果数据库连接池对象中没有空闲的连接,且连接数没有达到最大(即:最大活跃连接数),创建一个新的数据库连接。 (4)存取数据库。 (5)关闭数据库,释放所有数据库连接(此时的关闭数据库连接,并非真正关闭,而是将其放入空闲队列中。如实际空闲连接数大于初始空闲连接数则释放连接)。 (6)释放数据库连接池对象(服务器停止、维护期间,释放数据库连接池对象,并释放所有连接)。", "1 .连接池的概念和为什么要使用连接池? 连接池放了N个Connection对象,本质上放在内存当中,在内存中划出一块缓存对象,应用程序每次从池里获得Connection对象,而不是直接从数据里获得,这样不占用服务器的内存资源。 2 .如果不使用连接池会出现的情况: a.占用服务器的内存资源 b.导致服务器的速度非常慢 3 .应用连接池的三种方式: a.自定义连接池 b.使用第三方连接池 c.使用服务器自带的连接池 连接池一般比直接连接更有优越性,因为它提高了性能的同时还保存了宝贵的资源。在整个应用程序的使用过程,当中重复的打开直接连接将导致性能的下降。而池连接只在服务器启动时打开一次,从而消除了这种性能问题。", "连接池一般比直接连接更有优越性,因为它提高了性能的同时还保存了宝贵的资源。在整个应用程序的使用过程,当中重复的打开直接连接将导致性能的下降。而池连接只在服务器启动时打开一次,从而消除了这种性能问题。 连接池主要考虑的是性能,每次获取连接和释放连接都有很大的工作量,会对性能有很大影响;而对资源来说起的是反作用,因为保存一定数量的连接是要消耗内存的。应用程序每次从池里获得Connection对象,而不是直接从数据里获得,这样不占用服务器的内存资源。所以一般要建立连接池,而连接的数量要适当,不能太大,太大会过多消耗资源。(所以,考虑2个方面,一个是内存,另一个是资源)。", "连接池就是为了避免重复多次的打开数据库连接而造成的性能的下降和系统资源的浪费。", "相关文章推荐", "猜你在找"], "bs_rank_pos": 4}], "answer_spans": [[0, 52]], "fake_answers": ["连接池的作用:连接池是将已经创建好的连接保存在池中,当有请求来时,直接使用已经创建好的连接对数据库进行访问。这样省略了创建连接和销毁连接的过程。这样性能上得到了提高。"], "question": "连接池的作用", "segmented_answers": [["连接池", "是", "被", "j2ee", "服务器", "打开", "和", "维护", "的", "对应", "1", "、", "2", "、", "4", "的", "JDBC", "驱动程序", "。", "连接池", "一般", "比", "直接", "连接", "更", "有", "优越性", ",", "因为", "提高", "了", "性能", "的", "同时", "还", "保存", "了", "宝贵", "的", "资源", "。", "打开", "数据库连接", "时", "CPU", "和", "网络", "的", "重要", "任务", ",", "因此", ",", "在", "整个", "应用程序", "的", "使用", "过程", "当", "中", "重复", "的", "打开", "直接", "连接", "将", "导致", "性能", "的", "下降", "。", "而", "池", "连接", "只", "在", "服务器", "启动", "时", "打开", "一次", ",", "从而", "消除", "了", "这种", "性能", "问题", "。", "另外", ",", "因为", "连接", "只", "用于", "很", "短", "的", "时间", ",", "所以", ",", "连接", "可以", "被", "有效", "共享", ",", "而且", "有关", "连接", "参数", "的", "特", "有", "信息", ",", "只", "对", "池", "驱动程序", "有效", ",", "如", "数据库", "用户名称", "和", "密码", ",", "从而", "增强", "了", "系统", "的", "安全性", "和", "可", "管理", "性", "。"], ["连接池", "的", "作用", ":", "连接池", "是", "将", "已经", "创建", "好", "的", "连接", "保存", "在", "池", "中", ",", "当", "有", "请求", "来", "时", ",", "直接", "使用", "已经", "创建", "好", "的", "连接", "对", "数据库", "进行", "访问", "。", "这样", "省略", "了", "创建", "连接", "和", "销毁", "连接", "的", "过程", "。", "这样", "性能", "上", "得到", "了", "提高", "。"]], "answers": ["连接池是被j2ee服务器打开和维护的对应1、2、4的JDBC驱动程序。连接池一般比直接连接更有优越性,因为提高了性能的同时还保存了宝贵的资源。打开数据库连接时CPU和网络的重要任务,因此,在整个应用程序的使用过程当中重复的打开直接连接将导致性能的下降。而池连接只在服务器启动时打开一次,从而消除了这种性能问题。另外,因为连接只用于很短的时间,所以,连接可以被有效共享,而且有关连接参数的特有信息,只对池驱动程序有效,如数据库用户名称和密码,从而增强了系统的安全性和可管理性。", "连接池的作用:连接池是将已经创建好的连接保存在池中,当有请求来时,直接使用已经创建好的连接对数据库进行访问。这样省略了创建连接和销毁连接的过程。这样性能上得到了提高。"], "answer_docs": [4], "segmented_question": ["连接池", "的", "作用"], "question_type": "DESCRIPTION", "question_id": 14, "fact_or_opinion": "FACT", "match_scores": [0.9433962264150944]}
-{"documents": [{"is_selected": true, "title": "勒索病毒现在有解决的办法了吗?_百度知道", "most_related_para": 1, "segmented_title": ["勒索", "病毒", "现在", "有", "解决", "的", "办法", "了", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["360", "安全卫士", "已经", "推出", "了", "资料", "恢复", "工具", "!", "安装", "下载", "即可", "!", "具体", "下载地址", "到", "360", "官网", "!"], ["可以", "清除", "病毒", ",", "但", "文件", "无法", "恢复", "。"]], "paragraphs": ["360安全卫士已经推出了资料恢复工具!安装下载即可! 具体下载地址到360官网!", "可以清除病毒,但文件无法恢复。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "比特币勒索病毒解决了吗_百度知道", "most_related_para": 1, "segmented_title": ["比特币", "勒索", "病毒", "解决", "了", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["国家", "网络", "与", "信息安全", "信息通报", "中心", "紧急", "通报", ":", "监测", "发现", ",", "在", "全球", "范围", "内", "爆发", "的", "Wanna", "Cry", "勒索", "病毒", "出现", "了", "变种", ":", "Wanna", "Cry", "2.0", ",", "与", "之前", "版本", "的", "不同", "是", ",", "这个", "变种", "取消", "了", "Kill", "Switch", ",", "不能", "通过", "注册", "某", "个", "域名", "来", "关闭", "变种", "勒索", "病毒", "的", "传播", ",", "该", "变种", "传播", "速度", "可能会", "更", "快", "。", "请", "广大", "网民", "尽快", "升级", "安装", "Windows", "操作系统", "相关", "补丁", ",", "已", "感染病毒", "机器", "请", "立即", "断网", ",", "关闭", "UDP", "135", "、", "445", "、", "137", "、", "138", "、", "139", "端口", ",", "关闭", "网络", "文件共享", ",", "避免", "进一步", "传播", "感染", "。", "以下", "是", "蓝鸥", "小", "编", "网上", "收集", "的", "关闭", "445", "端口", "方法", "大全", ":", "关闭", "445", "端口", "的", "方法", "!", "方法", "一", ".", "注册表", "首先", ",", "来", "查看", "下", "系统", "当前", "都", "开放", "了", "什么", "端口", ",", "怎样", "查看", "呢", "?", "调出", "cmd", "命令行", "程序", ",", "输入", "命令", "”", "net", "stat", "-", "na", "“", ",", "可以看到", "。", "接着", ",", "可以", "发现", "当前", "系统", "开放", "了", "135", "、", "445", "以及", "5357", "端口", ",", "而且", "从", "状态", "看", "都", "处于", "监听", "状态", "”", "Listening", "“", "然后", ",", "确认", "自己", "的", "系统", "已经", "开放", "了", "445", "端口", "之后", ",", "我们", "开始", "着", "手", "关闭", "这个", "高危"], ["wana", "cry", "勒索", "病毒", "目前", "已经", "在", "一定", "程度", "上", "控制", "住", "了", ",", "但", "病毒", "开发者", "仍", "在", "持续", "对抗", "升级", "病毒", ",", "所以", "wana", "cry", "尚未", "完全", "停止", "感染", "。", "Windows", "用户", "需要", "在", "安全", "控件", "的", "协助", "下", "或者", "前往", "micsoft", "官网", "下载", "MS", "17", "-", "010", "补丁", ",", "近期", "避免", "访问", "高危", "网站", "。", "理性对抗", "即可", "。", "若", "计算机", "不幸", "中毒", "切勿", "支付", "赎金", "。", "联系", "安全", "厂商", "协助", "恢复", "文件", ",", "或者", "通过", "格式化硬盘", "彻底", "在", "设备", "上", "消除", "病毒", "。"]], "paragraphs": ["国家网络与信息安全信息通报中心紧急通报:监测发现,在全球范围内爆发的WannaCry勒索病毒出现了变种:WannaCry2.0,与之前版本的不同是,这个变种取消了Kill Switch,不能通过注册某个域名来关闭变种勒索病毒的传播,该变种传播速度可能会更快。 请广大网民尽快升级安装Windows操作系统相关补丁,已感染病毒机器请立即断网,关闭UDP135、445、137、138、139端口,关闭网络文件共享,避免进一步传播感染。以下是蓝鸥小编网上收集的关闭445端口方法大全: 关闭445端口的方法! 方法一.注册表 首先,来查看下系统当前都开放了什么端口,怎样查看呢?调出cmd命令行程序,输入命令”netstat -na“,可以看到。 接着,可以发现当前系统开放了135、445以及5357端口,而且从状态看都处于监听状态”Listening“ 然后,确认自己的系统已经开放了445端口之后,我们开始着手关闭这个高危", "wanacry勒索病毒目前已经在一定程度上控制住了,但病毒开发者仍在持续对抗升级病毒,所以wanacry尚未完全停止感染。Windows用户需要在安全控件的协助下或者前往micsoft官网下载MS17-010补丁,近期避免访问高危网站。理性对抗即可。 若计算机不幸中毒切勿支付赎金。联系安全厂商协助恢复文件,或者通过格式化硬盘彻底在设备上消除病毒。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "中了勒索病毒能不能解决_百度知道", "most_related_para": 0, "segmented_title": ["中", "了", "勒索", "病毒", "能不能", "解决", "_", "百度", "知道"], "segmented_paragraphs": [["Windows", "用户", "不幸", "遭受", "wana", "cry", "勒索", "病毒", "攻击", "目前", "解决办法", "如", "下", ":", "(", "无论如何", "切勿", "支付", "赎金", ",", "有", "大量", "证据表明", "即使", "支付", "赎金文件", "也", "无法", "解密", "。", ")", "Windows", "用户", "可以通过", "格式化", "所有", "硬盘", "从而", "彻底", "在", "设备", "上", "消除", "wana", "cry", "勒索", "病毒", "。", "个人用户", "可以", "联系", "国内外", "安全", "厂商", "例如", ":", "奇虎", "360", ",", "金山毒霸", ",", "卡巴", "斯基", ",", "麦克菲尔", ",", "腾讯", "安全", "管家", "等", "安全", "中心", "寻求", "协助", "恢复", "重要", "数据", "。", "利用", "“", "勒索", "病毒", "免疫", "工具", "”", "进行", "修复", "。", "用户", "通过", "其他", "电脑", "下载", "腾讯", "电脑管家", "“", "勒索", "病毒", "免疫", "工具", "”", "离线", "版", ",", "并", "将", "文件", "拷贝", "至", "安全", "、", "无毒", "的", "U盘", ";", "再", "将", "指定", "电脑", "在", "关闭", "WiFi", ",", "拔掉", "网线", ",", "断网", "状态", "下", "开机", ",", "并", "尽快", "备份", "重要文件", ";", "然后通过", "U盘", "使用", "“", "勒索", "病毒", "免疫", "工具", "”", "离线", "版", ",", "进行", "一键", "修复", "漏洞", ";", "联网", "即可", "正常", "使用", "电脑", "。", "利用", "“", "文件", "恢复", "工具", "”", "进行", "恢复", "。", "已经", "中", "了", "病毒", "的", "用户", ",", "可以使用", "电脑管家", "-", "文件恢复", "工具", "进行", "文件恢复", ",", "有", "一定", "概率", "恢"], ["可以", "尝试", "使用", "电脑管家", "的", "解决方案"]], "paragraphs": ["Windows用户不幸遭受wanacry勒索病毒攻击目前解决办法如下:(无论如何切勿支付赎金,有大量证据表明即使支付赎金文件也无法解密。)Windows用户可以通过格式化所有硬盘从而彻底在设备上消除wanacry勒索病毒。 个人用户可以联系国内外安全厂商例如:奇虎360,金山毒霸,卡巴斯基,麦克菲尔,腾讯安全管家等安全中心寻求协助恢复重要数据。 利用“勒索病毒免疫工具”进行修复。用户通过其他电脑下载腾讯电脑管家“勒索病毒免疫工具”离线版,并将文件拷贝至安全、无毒的U盘;再将指定电脑在关闭WiFi,拔掉网线,断网状态下开机,并尽快备份重要文件;然后通过U盘使用“勒索病毒免疫工具”离线版,进行一键修复漏洞;联网即可正常使用电脑。 利用“文件恢复工具”进行恢复。已经中了病毒的用户,可以使用电脑管家-文件恢复工具进行文件恢复,有一定概率恢", "可以尝试使用电脑管家的解决方案"], "bs_rank_pos": 2}, {"is_selected": false, "title": "防止“勒索病毒”变成对整个中国的勒索_军事_中华网", "most_related_para": 4, "segmented_title": ["防止", "“", "勒索", "病毒", "”", "变成", "对", "整个", "中国", "的", "勒索", "_", "军事", "_", "中华网"], "segmented_paragraphs": [["用", "微信", "扫描", "二维码", "分享", "至", "好友", "和", "朋友圈"], ["近期", ",", "勒索", "病毒", "wanna", "cry", "在", "全球", "爆发", ",", "一", "时间", "瘫痪", "了", "全球", "许多", "公共服务", "机构", ",", "包括", "教育", "、", "企业", "、", "医疗", "、", "电力", "、", "能源", "、", "银行", "、", "交通", "等", "多", "个", "行业", "受到影响", ",", "有", "一", "长", "串", "名单", ":", "德国", "铁路", "、", "美国", "物流", "集团", "联邦快递", "、", "法国", "汽车", "制造商", "雷诺", "、", "西班牙", "电信", "、", "西班牙", "电力", "公司", "、", "葡萄牙", "电信", "等", ",", "其中", ",", "俄罗斯", "与", "印度", "两", "国", "受害", "最为", "严重", "。"], ["勒索", "病毒", "席卷全球", ",", "牵出", "了", "美国军方", "与", "情报机构", "。", "目前", "已经", "有", "明确", "的", "证据", "指出", "勒索", "病毒", "所", "使用", "的", "工具", "是", "美国", "国家安全局", "(", "NSA", ")", "制造", "的", "。", "据", "黑客", "组织", "“", "影子", "经纪人", "”", "披露", ",", "NSA", "早", "前", "遗失", "一大批", "自己", "制造", "的", "黑客工具", ",", "其中", "就", "包括", "此次", "wanna", "cry", "使用", "的", "“", "永恒之蓝", "”", "。", "等等", ",", "NSA", "制造", "黑客工具", "?", "它", "不是", "美国", "国家安全局", "吗", "?", "为啥", "制造", "这些", "玩意来", "影响", "世界", "的", "网络", "信息安全", "?"], ["讲到", "这", ",", "我们", "必须", "深", "扒", "一", "下", "NSA", "到底", "是", "个", "什么", "组织", ",", "以及", "更重要", "的", "是", "它", "到底", "要", "干嘛", "?"], ["美国", "国家安全局", "又", "称", "国家保密局", ",", "隶属于", "美国国防部", ",", "是", "美国", "政府机构", "中", "最大", "的", "情报部门", ",", "专门", "负责", "收集", "和", "分析", "外国", "及", "本国", "通讯", "资料", ",", "很大", "程度", "上", "只", "对", "美国总统", "负责", "。", "是", "说", "到", "这", ",", "是不是", "脑海", "中", "联想", "起", "什么", "?", "那", "就是", "影视作品", "里", "的", "东厂", ",", "一", "群", "阴险毒辣", "的", "高手", ",", "搜集", "各种", "情报", ",", "为", "皇帝", "铲除", "异己", "。", "事实上", "NSA", "性质", "基本", "与", "东厂", "无异", ",", "早", "在", "奥巴马", "执政", "时", ",", "NSA", "就", "受命", "对", "伊朗", "的", "核设施", "进行", "了", "代号", "“", "震", "网", "”", "的", "病毒攻击", ",", "控制", "并", "破坏", "了", "近", "千", "台", "离心机", ",", "致使", "伊朗", "不得不", "停止", "浓缩铀", "的", "进程", ",", "而", "此次", "黑客工具", "的", "泄露", "是否", "意味着", "美国", "在", "酝酿", "更大", "的", "不为人知", "的", "阴谋", "?"], ["“", "震", "网", "”", "病毒", "充分展现", "了", "美国", "7", "年", "前", "的", "网络战", "水平", "。", "2006", "年", ",", "美国", "军方", "和", "情报部门", "官员", "向", "总统", "提交", "了", "一", "个", "对", "伊朗", "发动", "网络", "攻击", "的", "建议", "案", ",", "即", "“", "奥", "林", "匹克", "计划", "”", ",", "随后", ",", "由", "美国", "和", "以色列", "联合开发", "的", "“", "震", "网", "”", "病毒", "利用", "四", "个", "微软", "零", "日", "漏洞", ",", "对", "伊朗", "核设施", "进行", "长期", "而", "隐蔽", "的", "破坏", "。", "2010", "年", "3", "月", ",", "震", "网", "病毒", "疯狂", "传播", ",", "感染", "了", "伊朗", "将近", "20", "万", "台", "计算机", "。", "引起", "全球", "轰动", "。", "全球", "顶尖", "专家", "对", "震", "网", "病毒", "进行", "追踪", ",", "最终", "发现", "始作俑者", "是", "美国", "与", "以色列", "。", "震", "网", "病毒", "的", "彻底", "曝光", ",", "也", "宣告", "了", "美国", "这", "一", "网络", "战", "计划", "走向", "尽头", "。", "为了", "规避", "美国", "的", "网络", "攻击", ",", "2010", "年", "11", "月", "20", "日", ",", "伊朗", "纳", "坦", "兹", "的", "技术", "人员", "全面", "暂停", "了", "工厂", "的", "铀浓缩", "活动", ",", "11", "月", "22", "日", ",", "所有", "离心机", "都", "停止", "了", "运转", "。"], ["7", "年", "前", "的", "“", "震", "网", "”", "病毒", "具有", "划时代", "的", "意义", ",", "宣告", "了", "网络战", "从", "情报", "窃取", "间谍", "行为", "升级", "到", "直接", "进行", "工业", "物理", "破坏", ",", "可以直接", "干扰", "、", "阻断", "、", "破坏", "目标", "国家", "的", "核心", "工业", "研究", "进程", "。"], ["美国", "震", "网", "行动", "曝光", "受阻", "后", ",", "立马", "对", "伊朗", "核", "物理学家", "进行", "谋杀", "。", "2010", "年", "11", "月", "29", "日", "的", "清晨", ",", "德黑兰", "南部", "的", "阿泰", "什", "大街", "(", "Artesh", "Boulevard", ")", ",", "40", "岁", "的", "著名", "核", "物理学家", "马吉德", "·", "沙利亚里", "(", "Majid", "Shahriari", ")", "在", "上班", "路上", "遭到", "炸弹袭击", ",", "当场", "毙命", "。", "沙利亚", "里", "是", "一名", "中子", "输", "运", "专家", "(", "中子", "输", "运", "是", "启动", "链式反应", "的", "必要", "步骤", ")", ",", "西方媒体", "报道", "称", ",", "他", "在", "伊朗", "核计划", "中", "的", "地位", "仅次于", "政府", "高官", "。"], ["同一", "天", ",", "伊朗", "铀浓缩", "项目", "的", "技术", "领袖", "法雷多", "·", "艾", "巴西", "(", "Fereydo", "on", "Abbasi", ")", "也", "在", "上班", "途中", "遭遇", "了", "跟踪", ",", "最后", "死里逃生", "。", "暗杀", "事件", "当天", ",", "伊朗", "内贾德", "总统", "对", "“", "数字", "武器", "攻击", "纳", "坦", "兹", "核设施", "”", "一", "事", "首次", "做出", "了", "官方", "确认", ",", "并", "谴责", "美国", "与", "以色列", "。"], ["上述", "事实", "揭开", "了", "勒索", "病毒", "、", "“", "震", "网", "”", "病毒", "背后", "的", "庞大", "邪恶", "帝国", "—", "美帝国主义", "。", "这个", "帝国", "为了", "谋求", "自己", "的", "霸权", "统治", ",", "从", "网络", "情报", "窃取", "、", "病毒攻击", ",", "到", "直接", "街头", "谋杀", ",", "无所不用其极", "。"], ["至此", "我们", "可以", "看清", ",", "网络安全", "问题", "已经", "不", "简单", "是", "信息", "数据安全", "的", "问题", ",", "而且", "事", "关", "国家", "核心", "工业", "研发", "进程", "。", "美国", "利用", "所", "储备", "的", "大量", "零", "日", "漏洞", "与", "数字", "武器", ",", "必然", "将", "攻击目标锁定", "在", "中国", "核工业", "、", "高铁", "、", "大飞机", "、", "航天", "、", "机床", "、", "芯片", "等", "。", "利用", "窃取", "的", "数据", "地理信息", ",", "美国", "可以", "对", "我", "国", "核心", "科学家", "进行", "定点清除", ";", "利用", "制造", "的", "顶级", "数字", "武器", ",", "美国", "可以", "对", "中国", "的", "自主", "工业", "研发", "进行", "阻碍", "与", "破坏", "。"], ["我", "国", "网络", "对", "美国", "存在", "严重", "依附", "。", "据统计", ",", "我", "国", "86", "%", "的", "重要", "信息系统", "选用", "国外", "操作系统", "、", "数据库", "、", "服务器", "、", "核心", "路由器", "等", ",", "60", "%", "重要", "信息系统", "运行维护", "依赖", "国外", "厂商", ",", "对于", "这", "类", "复杂", "的", "软", "硬件", ",", "美国", "设计", "者", "往往", "留", "有", "作", "入侵", "的", "“", "后门", "”", "。", "我", "国", "现", "有", "网络接入", "的", "是", "美国", "因特网", ",", "无论", "从", "体系结构设计", "还是", "建设", "实践看", ",", "我", "国", "都", "没有", "实际", "控制权", "。", "核心", "网络设备", "、", "地址", "分配", "、", "域名解析", "服务", "都", "在", "美国", "为首", "的", "西方", "国家", "严密", "控制", "中", "。", "中国", "的", "“", ".", "CN", "”", "域名", "被", "置于", "美国", "因特网", "根", "域名", "服务器", "管理", "解析", "的", "第", "三级", "。", "一旦", "美国", "瘫痪", "、", "停止", "中国", "的", "域名解析", "服务", ",", "对", "中国", "必然", "造成", "毁灭性", "的", "网络", "信息", "空间", "和", "国计民生", "灾难", "。"], ["另一方面", ",", "我", "国", "许多", "网络", "企业", "的", "主导", "权", "控制", "在", "外国", "利益集团", "手", "中", "。", "国", "人", "耳熟能详", "的", "“", "中国", "互联网", "”", "前", "20", "名", "企业", "巨头", ",", "几乎", "清一色", "地", "被", "西方", "资本", "主要", "是", "美国", "华尔街", "资本", "控股", "。"], ["面对", "美国", "军方", "、", "情报机构", "、", "跨国", "资本", "、", "买办", "资本", "发动", "的", "网络战", ",", "中国", "应该", "怎么", "应对", "?"], ["“", "独立自主", "、", "自力更生", "”", "这", "八个字", ",", "依旧", "是", "我们", "应对", "美国", "帝国主义", "霸权", "的", "有效", "武器", "。", "真正", "的", "核心技术", "买", "不", "来", "。", "今天", ",", "勒索", "病毒", "席卷全球", ",", "中国", "媒体", "马上", "跟进", "制造", "恐慌", ",", "进而", "大肆", "吹捧", "微软", ",", "侠客岛", "等", "媒体", "称", "“", "微软", "自己", "也", "不知道", "漏洞", "存在", "”", ",", "还", "特", "地", "文字", "加粗", ",", "生", "怕", "别人", "怪罪", "微软", ",", "进而", ",", "许多", "媒体", "开始", "认为", "中国", "应该", "大规模", "引进", "win", "10", ",", "这", "实际上", "是", "洋奴", "思想", "在", "作怪", "。", "信奉", "洋奴哲学", "的", "势力", "客观", "上", "成为", "美国", "霸权主义", "的", "内", "应", ",", "处处", "限制", "民族", "自主", "力量", "的", "增长", ",", "处处", "为", "跨国公司", "在", "中国", "市场", "攻城略地", "鸣锣开道", "。"], ["对抗", "美国", "对", "中国", "全方位", "的", "政治", "渗透", "、", "经济", "侵略", "与", "技术", "打压", ",", "中国", "需要", "形成", "足够", "坚定", "的", "国家", "决心", ",", "调动", "足够", "规模", "的", "国家", "力量", ",", "也", "要", "调动", "市场", "的", "力量", "。", "中国", "国产", "CPU", "、", "操作系统", "等", "要", "进一步", "发展", ",", "仅仅", "依靠", "国家行政", "的", "力量", "是", "有限", "的", ",", "中国", "必须", "反垄断", ",", "诸如", "对", "垄断", "我", "国", "操作系统", "市场", "的", "微软", "、", "苹果", "、", "谷歌", "进行", "反垄断", ",", "政府采购目录", "向", "自主", "可控", "的", "核心技术", "倾斜", "。", "历史", "经验", "告诉", "我们", ",", "垄断", "往往", "不能", "通过", "纯粹", "市场竞争", "来", "打破", ",", "而", "需要", "运用", "“", "反垄断法", "”", "等", "手段", "来", "打破", "。", "要", "正确引导", "市场", ",", "使", "我", "国", "的", "市场", "同样", "成为", "我", "国", "自主", "操作系统", "、", "芯片", "的", "助力", "。"], ["我", "国", "是", "一", "个", "网络", "大", "国", ",", "成为", "网络", "强国", "要求", "我们", "国家", "网络安全", "的", "战略", "必须", "要", "有", "远见", ",", "要", "未雨绸缪", ",", "防患于未然", ",", "这", "绝", "不是", "杞人忧天", "。", "自", "2010", "年", "美国", "发布", "《", "网络安全", "综合", "计划", "(", "CNCI", ")", "》", "计划", "以来", ",", "各国", "均", "在", "制定", "各自", "的", "网络安全", "战略", "及", "行动计划", ",", "以", "应对", "日", "趋", "复杂", "的", "网络环境", "。", "其他", "国家", "都", "在", "做", ",", "而", "我们", "不做", ",", "不做", "就要", "落后", ",", "落后", "就要", "挨打", "。"], ["勒索", "病毒", "是", "中国", "面对", "的", "一次", "挑战", ",", "也是", "一次", "反思", "自身", "网络战", "能力", "的", "契机", "。", "如果", "中国", "在", "西", "化", "精英", "、", "西", "化", "媒体", "的", "误导", "下", ",", "继续", "运用", "“", "使用", "外国", "落后", "技术", "的", "问题", "、", "由", "购买", "外国", "先进", "技术", "来", "解决", "”", "的", "洋奴", "思维", ",", "大规模", "引进", "win", "10", "等", "美国", "新一代", "网络", "产品", ",", "让", "美国", "对", "中国", "的", "网络", "霸权", "进一步", "扩张", ",", "侵蚀", "中国", "自主", "产品", "的", "市场", "空间", ",", "打压", "打散", "中国", "自主研发", "团队", ",", "进而", "使", "我", "国", "自主研发", "平台", "发生", "断层", ",", "这种", "洋奴", "行为", "带来", "的", "灾难", "将", "比", "勒索", "病毒", "更加", "巨大", "。", "其", "后果", ",", "将", "是", "对", "整个", "国家", "的", "勒索", ",", "对", "整个", "民族", "的", "勒索", "。"], ["习", "总书记", "在", "多次", "讲话", "中", "提到", ",", "“", "没有", "网络安全", "就", "没有", "国家安全", "”", ",", "这", "话", "在", "这次", "黑客", "的", "袭击", "中", "再次", "应验", ",", "众多", "高校", "和", "研究机构", "受到影响", ",", "甚至", "派出所", "户籍管理系统", "和", "银行", "的", "ATM", "提款", "系统", "也", "出现", "了", "瘫痪", ",", "所以", "尽快", "实现", "国家", "网络", "信息安全", "是", "我们", "国防", "发展战略", "的", "不可或缺", "的", "一部分", ",", "也是", "中华民族", "伟大复兴", "不可", "缺少", "的", "一部分", ",", "只有", "实现", "国家", "网络", "信息安全", "了", ",", "国防建设", "就", "少", "了", "一", "份", "重担", ",", "我们", "的", "经济发展", "也", "才能", "无", "后顾之忧", "。", "建议", "尽快", "组织", "制定", "国家", "网络", "安全", "发展战略", ",", "通过", "国有资本", "投入", "建立", "扛起", "社会主义", "大旗", "的", "网络世界", "中国", "边防", "的", "哨", "岗", ",", "从", "源头", "上", "杜绝", "美国", "对", "我们", "的", "虎视眈眈", "。"], ["(", "责任编辑", ":", "张海潮", "CM", "013", ")"]], "paragraphs": ["用微信扫描二维码分享至好友和朋友圈", "近期,勒索病毒wannacry在全球爆发,一时间瘫痪了全球许多公共服务机构,包括教育、企业、医疗、电力、能源、银行、交通等多个行业受到影响,有一长串名单:德国铁路、美国物流集团联邦快递、法国汽车制造商雷诺、西班牙电信、西班牙电力公司、葡萄牙电信等,其中,俄罗斯与印度两国受害最为严重。", "勒索病毒席卷全球,牵出了美国军方与情报机构。目前已经有明确的证据指出勒索病毒所使用的工具是美国国家安全局(NSA)制造的。据黑客组织“影子经纪人”披露,NSA早前遗失一大批自己制造的黑客工具,其中就包括此次wannacry使用的“永恒之蓝”。等等,NSA制造黑客工具?它不是美国国家安全局吗?为啥制造这些玩意来影响世界的网络信息安全?", "讲到这,我们必须深扒一下NSA到底是个什么组织,以及更重要的是它到底要干嘛?", "美国国家安全局又称国家保密局,隶属于美国国防部,是美国政府机构中最大的情报部门,专门负责收集和分析外国及本国通讯资料,很大程度上只对美国总统负责。是说到这,是不是脑海中联想起什么?那就是影视作品里的东厂,一群阴险毒辣的高手,搜集各种情报,为皇帝铲除异己。事实上NSA性质基本与东厂无异,早在奥巴马执政时,NSA就受命对伊朗的核设施进行了代号“震网”的病毒攻击,控制并破坏了近千台离心机,致使伊朗不得不停止浓缩铀的进程,而此次黑客工具的泄露是否意味着美国在酝酿更大的不为人知的阴谋?", "“震网”病毒充分展现了美国7年前的网络战水平。2006年,美国军方和情报部门官员向总统提交了一个对伊朗发动网络攻击的建议案,即“奥林匹克计划”,随后,由美国和以色列联合开发的“震网”病毒利用四个微软零日漏洞,对伊朗核设施进行长期而隐蔽的破坏。2010年3月,震网病毒疯狂传播,感染了伊朗将近20万台计算机。引起全球轰动。全球顶尖专家对震网病毒进行追踪,最终发现始作俑者是美国与以色列。震网病毒的彻底曝光,也宣告了美国这一网络战计划走向尽头。为了规避美国的网络攻击,2010年11月20日,伊朗纳坦兹的技术人员全面暂停了工厂的铀浓缩活动,11月22日,所有离心机都停止了运转。", "7年前的“震网”病毒具有划时代的意义,宣告了网络战从情报窃取间谍行为升级到直接进行工业物理破坏,可以直接干扰、阻断、破坏目标国家的核心工业研究进程。", "美国震网行动曝光受阻后,立马对伊朗核物理学家进行谋杀。2010年11月29日的清晨,德黑兰南部的阿泰什大街(Artesh Boulevard),40岁的著名核物理学家马吉德·沙利亚里(Majid Shahriari)在上班路上遭到炸弹袭击,当场毙命。沙利亚里是一名中子输运专家(中子输运是启动链式反应的必要步骤),西方媒体报道称,他在伊朗核计划中的地位仅次于政府高官。", "同一天,伊朗铀浓缩项目的技术领袖法雷多·艾巴西(Fereydoon Abbasi)也在上班途中遭遇了跟踪,最后死里逃生。暗杀事件当天,伊朗内贾德总统对“数字武器攻击纳坦兹核设施”一事首次做出了官方确认,并谴责美国与以色列。", "上述事实揭开了勒索病毒、“震网”病毒背后的庞大邪恶帝国—美帝国主义。这个帝国为了谋求自己的霸权统治,从网络情报窃取、病毒攻击,到直接街头谋杀,无所不用其极。", "至此我们可以看清,网络安全问题已经不简单是信息数据安全的问题,而且事关国家核心工业研发进程。美国利用所储备的大量零日漏洞与数字武器,必然将攻击目标锁定在中国核工业、高铁、大飞机、航天、机床、芯片等。利用窃取的数据地理信息,美国可以对我国核心科学家进行定点清除;利用制造的顶级数字武器,美国可以对中国的自主工业研发进行阻碍与破坏。", "我国网络对美国存在严重依附。据统计,我国86%的重要信息系统选用国外操作系统、数据库、服务器、核心路由器等,60%重要信息系统运行维护依赖国外厂商,对于这类复杂的软硬件,美国设计者往往留有作入侵的“后门”。我国现有网络接入的是美国因特网,无论从体系结构设计还是建设实践看,我国都没有实际控制权。核心网络设备、地址分配、域名解析服务都在美国为首的西方国家严密控制中。中国的“.CN”域名被置于美国因特网根域名服务器管理解析的第三级。一旦美国瘫痪、停止中国的域名解析服务,对中国必然造成毁灭性的网络信息空间和国计民生灾难。", "另一方面,我国许多网络企业的主导权控制在外国利益集团手中。国人耳熟能详的“中国互联网”前20名企业巨头,几乎清一色地被西方资本主要是美国华尔街资本控股。", "面对美国军方、情报机构、跨国资本、买办资本发动的网络战,中国应该怎么应对?", "“独立自主、自力更生”这八个字,依旧是我们应对美国帝国主义霸权的有效武器。真正的核心技术买不来。今天,勒索病毒席卷全球,中国媒体马上跟进制造恐慌,进而大肆吹捧微软,侠客岛等媒体称“微软自己也不知道漏洞存在”,还特地文字加粗,生怕别人怪罪微软,进而,许多媒体开始认为中国应该大规模引进win10,这实际上是洋奴思想在作怪。信奉洋奴哲学的势力客观上成为美国霸权主义的内应,处处限制民族自主力量的增长,处处为跨国公司在中国市场攻城略地鸣锣开道。", "对抗美国对中国全方位的政治渗透、经济侵略与技术打压,中国需要形成足够坚定的国家决心,调动足够规模的国家力量,也要调动市场的力量。中国国产CPU、操作系统等要进一步发展,仅仅依靠国家行政的力量是有限的,中国必须反垄断,诸如对垄断我国操作系统市场的微软、苹果、谷歌进行反垄断,政府采购目录向自主可控的核心技术倾斜。历史经验告诉我们,垄断往往不能通过纯粹市场竞争来打破,而需要运用“反垄断法”等手段来打破。要正确引导市场,使我国的市场同样成为我国自主操作系统、芯片的助力。", "我国是一个网络大国,成为网络强国要求我们国家网络安全的战略必须要有远见,要未雨绸缪,防患于未然,这绝不是杞人忧天。自2010年美国发布《网络安全综合计划(CNCI)》计划以来,各国均在制定各自的网络安全战略及行动计划,以应对日趋复杂的网络环境。其他国家都在做,而我们不做,不做就要落后,落后就要挨打。", "勒索病毒是中国面对的一次挑战,也是一次反思自身网络战能力的契机。如果中国在西化精英、西化媒体的误导下,继续运用“使用外国落后技术的问题、由购买外国先进技术来解决”的洋奴思维,大规模引进win10等美国新一代网络产品,让美国对中国的网络霸权进一步扩张,侵蚀中国自主产品的市场空间,打压打散中国自主研发团队,进而使我国自主研发平台发生断层,这种洋奴行为带来的灾难将比勒索病毒更加巨大。其后果,将是对整个国家的勒索,对整个民族的勒索。", "习总书记在多次讲话中提到,“没有网络安全就没有国家安全”,这话在这次黑客的袭击中再次应验,众多高校和研究机构受到影响,甚至派出所户籍管理系统和银行的ATM提款系统也出现了瘫痪,所以尽快实现国家网络信息安全是我们国防发展战略的不可或缺的一部分,也是中华民族伟大复兴不可缺少的一部分,只有实现国家网络信息安全了,国防建设就少了一份重担,我们的经济发展也才能无后顾之忧。建议尽快组织制定国家网络安全发展战略,通过国有资本投入建立扛起社会主义大旗的网络世界中国边防的哨岗,从源头上杜绝美国对我们的虎视眈眈。", "(责任编辑:张海潮 CM013)"], "bs_rank_pos": 3}, {"is_selected": false, "title": "关于勒索病毒的解决方案_百度经验", "most_related_para": 5, "segmented_title": ["关于", "勒索", "病毒", "的", "解决方案", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["“", "勒索", "病毒", "”", "全球", "爆发", ",", "通过", "蠕虫", "式", "传播", "在", "企业", "、", "校园", "内网", "大面积", "感染", ",", "一", "台", "中招", ",", "一", "片", "遭殃", "!", "针对", "此次", "危害极大", "的", "勒索", "病毒", ",", "互联网", "企业", "巨头", "加班加点", "的", "解决", "系统漏洞", ",", "下面", "分享", "360", "提供", "的", "解决方案", ",", "希望", "可以", "帮", "到", "大家", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["360", "安全卫士"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "针对", "未", "安装", "360", "安全卫士", "的", "用户", ",", "我们", "紧急", "推出", "360", "安全卫士", "【", "离线", "救灾", "版", "】", ",", "可以", "帮助", "企业", "办公", "电脑", "应对", "此次", "“", "勒索", "病毒", "”", "的", "攻击", "。", "2", "准备", "一", "个", "U盘", "或", "移动硬盘", ",", "周一", "上班", "前", ",", "可以", "在家里", "的", "安全", "网络", "环境", "下", ",", "下载", "360", "安全卫士", "【", "离线", "救灾", "版", "】", "下载地址", "http", ":", "/", "/", "dl", ".", "360", "safe", ".", "com", "/", "setup", "_", "jiuzai", ".", "exe", "3", "到", "公司", "后", ",", "先", "拔掉", "办公", "电脑", "的", "网线", ",", "关掉", "无线", "网络", "开关", ",", "然后", "再", "开机", "。", "4", "使用", "准备", "好", "的", "U盘", "或", "移动硬盘", "插入", "办公", "电脑", ",", "安装", "360", "安全卫士", "【", "离线", "救灾", "版", "】", "5", "360", "安全卫士", "【", "离线", "救灾", "版", "】", "的", "NSA", "武器", "库", "免疫", "工具", "会", "自动", "运行", ",", "并", "检测", "您", "的", "电脑", "是否", "存在", "漏洞", "。", "如图", "代表", "了", "您", "当前", "系统", "没有", "安装", "漏洞补丁", ",", "请您点击", "【", "立即", "修复", "】", "步骤", "阅读", "6", "修复", "漏洞", "过程", "中", ",", "请", "您", "耐心", "等候", ",", "一般", "需要", "3", "~", "5", "分钟", "。", "步骤", "阅读", "7", "重启", "电脑", "后", ",", "您", "可以", "通过", "桌面", "的", "【", "勒索", "病毒", "救灾", "】", "快捷方式", "再次", "运行", "NSA", "防御", "工具", ",", "确保", "您", "的", "系统", "已经", "修复", "完成", "。", "步骤", "阅读", "8", "补充说明", ":", "针对", "部分", "特殊", "系统", "(", "例如", "GHOST", "精简", "系统", ")", ",", "由于", "系统", "本身", "被", "人为", "的", "修改", "导致", "无法正常", "安装", "本次", "的", "漏洞", "修复", "程序", ",", "出于", "安全", "考虑", ",", "工具", "会", "直接", "为您", "【", "关闭", "共享", "所需", "的", "网络", "端口", "和", "系统服务", "】", ",", "您", "将", "看到", "如", "下", "画面", ":", "步骤", "阅读", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["提示", ":", "本次", "的", "【", "永恒之蓝", "】", "漏洞", "是", "利用", "Windows", "系统", "局域网共享", "漏洞", "。", "如果", "您", "的", "系统", "本身", "存在问题", "(", "例如", "是", "GHOST", "精简版", ")", "可能", "无法正常", "安装", "补丁", "。", "出于", "安全", "考虑", ",", "工具", "会", "直接", "为您", "【", "关闭", "共享", "所需", "的", "网络", "端口", "和", "系统服务", "】"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "“勒索病毒”全球爆发,通过蠕虫式传播在企业、校园内网大面积感染,一台中招,一片遭殃!针对此次危害极大的勒索病毒,互联网企业巨头加班加点的解决系统漏洞,下面分享360提供的解决方案,希望可以帮到大家。", "百度经验:jingyan.baidu.com", "360安全卫士", "百度经验:jingyan.baidu.com", "1 针对未安装360安全卫士的用户,我们紧急推出360安全卫士【离线救灾版】,可以帮助企业办公电脑应对此次“勒索病毒”的攻击。 2 准备一个U盘或移动硬盘,周一上班前,可以在家里的安全网络环境下,下载360安全卫士【离线救灾版】 下载地址http://dl.360safe.com/setup_jiuzai.exe 3 到公司后,先拔掉办公电脑的网线,关掉无线网络开关,然后再开机。 4 使用准备好的U盘或移动硬盘插入办公电脑,安装360安全卫士【离线救灾版】 5 360安全卫士【离线救灾版】的NSA武器库免疫工具会自动运行,并检测您的电脑是否存在漏洞。如图代表了您当前系统没有安装漏洞补丁,请您点击【立即修复】 步骤阅读 6 修复漏洞过程中,请您耐心等候,一般需要 3~5 分钟。 步骤阅读 7 重启电脑后,您可以通过桌面的【勒索病毒救灾】快捷方式再次运行 NSA 防御工具,确保您的系统已经修复完成。 步骤阅读 8 补充说明:针对部分特殊系统(例如GHOST精简系统),由于系统本身被人为的修改导致无法正常安装本次的漏洞修复程序,出于安全考虑,工具会直接为您【关闭共享所需的网络端口 和 系统服务】,您将看到如下画面: 步骤阅读 END", "百度经验:jingyan.baidu.com", "提示:本次的【永恒之蓝】漏洞是利用Windows 系统局域网共享漏洞。如果您的系统本身存在问题(例如是GHOST精简版)可能无法正常安装补丁。出于安全考虑,工具会直接为您【关闭共享所需的网络端口 和 系统服务】", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 4}], "answer_spans": [[3, 21]], "yesno_answers": ["Depends", "Depends"], "fake_answers": ["病毒目前已经在一定程度上控制住了,但病毒开发者仍在持续对抗升级"], "question": "勒索病毒解决了吗", "segmented_answers": [["可以", "清除", "病毒", ",", "但", "文件", "无法", "恢复", "。"], ["目前", "已经", "在", "一定", "程度", "上", "控制", "住", "了", ",", "但", "病毒", "开发者", "仍", "在", "持续", "对抗", "升级", "病毒", "。"]], "answers": ["可以清除病毒,但文件无法恢复。", "目前已经在一定程度上控制住了,但病毒开发者仍在持续对抗升级病毒。"], "yesno_type": "OPINION", "answer_docs": [1], "segmented_question": ["勒索", "病毒", "解决", "了", "吗"], "question_type": "YES_NO", "question_id": 15, "fact_or_opinion": "OPINION", "match_scores": [0.9230769230769231]}
-{"documents": [{"is_selected": true, "title": "画壁结尾什么意思_百度知道", "most_related_para": 0, "segmented_title": ["画壁", "结尾", "什么", "意思", "_", "百度", "知道"], "segmented_paragraphs": [["画壁", "的", "世界", "其实", "是", "真实", "的", ",", "里面", "自", "成", "空间", ",", "而", "其中", "的", "人物", ",", "其实", "是", "姑姑", "画", "的", ",", "只是", "因为", "姑姑", "法力", "高深", ",", "所以", "画", "的", "人", "都", "成", "精", "了", ",", "主角", "的", "真身", "其实", "没", "进入", ",", "只是", "一缕", "意念", "进入", "了", ",", "你", "也", "可以", "理解", "为", ",", "主角", "的", "意念", "以", "画像", "的", "形式", "进入", "了", ",", "所以", "当", "主角", "他们", "都", "死后", ",", "姑姑", "一", "挥手", "他们", "就", "复活", ",", "反正", "都是", "画", ",", "可以", "抹去", ",", "亦", "可以", "画", "上", "。", "当", "主角", "最后", "会", "回归", "现实", "后", ",", "书童", "和", "强盗", "还在", ",", "并没有", "留", "在", "画像", "是因为", ",", "主角", "的", "意识", "从画壁", "中", "出来", ",", "回归", "肉体", ",", "所以", "他", "知道", "自己", "在", "画壁", "里", "所", "经历", "的", "事情", ",", "而", "书童", "和", "强盗", "的", "意识", "并没有", "回归", "肉体", ",", "一缕", "还", "停留", "在", "画壁", "里", ",", "所以", "不知道", "画壁", "里", "所", "发生", "的", "事", ",", "说白了", ",", "如果", "他", "俩", "和", "主角", "一起", "回来", "就会", "知道", "画壁", "里", "经历", "的", "事情", "了", "。", "而", "那", "和尚", "是", "不动", "冥王", ",", "和", "姑姑", "一样", "是", "大", "能", ",", "就是", "他", "送", "主角", "他们", "进入", "画壁", "的", ",", "目的", "是", "想", "点", "悟", "他们", ",", "最后", "只有", "主角", "也", "就是", "那", "书生", "领悟", "了", "人生道理", ",", "而", "书童", "和"]], "paragraphs": ["画壁的世界其实是真实的,里面自成空间,而其中的人物,其实是姑姑画的,只是因为姑姑法力高深,所以画的人都成精了,主角的真身其实没进入,只是一缕意念进入了,你也可以理解为,主角的意念以画像的形式进入了,所以当主角他们都死后,姑姑一挥手他们就复活,反正都是画,可以抹去,亦可以画上。当主角最后会回归现实后,书童和强盗还在,并没有留在画像是因为,主角的意识从画壁中出来,回归肉体,所以他知道自己在画壁里所经历的事情,而书童和强盗的意识并没有回归肉体,一缕还停留在画壁里,所以不知道画壁里所发生的事,说白了,如果他俩和主角一起回来就会知道画壁里经历的事情了。而那和尚是不动冥王,和姑姑一样是大能,就是他送主角他们进入画壁的,目的是想点悟他们,最后只有主角也就是那书生领悟了人生道理,而书童和"], "bs_rank_pos": 0}, {"is_selected": true, "title": "画壁结局是什么意思_百度知道", "most_related_para": 0, "segmented_title": ["画壁", "结局", "是", "什么", "意思", "_", "百度", "知道"], "segmented_paragraphs": [["画壁", "讲", "的", "是", "一", "代", "大师", "(", "曾志伟", "饰演", "的", "不动", ")", "突破", "贪", "、", "色", "、", "痴", "、", "恶", "等", "种", "种", "心", "结", "最终", "功德圆满", "、", "立地成佛", "的", "故事", "。", "故事", "中", "的", "僧人", "不动", ",", "在", "我", "看", "来", "指", "的", "就是", "佛教", "密宗", "中", "的", "五大", "明王", "之", "首", ":", "不动明王", "。", "而", "故事", "中", "的", "姑姑", ",", "生活", "在", "百花", "丛中", ",", "周围", "女子", "皆", "有", "花", "名", ",", "唯独", "姑姑", "剧", "中", "一直", "没有", "提", "及其", "姓名", ";", "再", "看", "其一", "身", "蓝绿色", "的", "装扮", ",", "你", "想到", "了", "什么", "?", "孔雀", "?", "不错", "!", "在", "我", "看", "来", "她", "应该", "是", "暗", "指", "佛教", "五大", "明王", "中", "的", "孔雀明王", "。", "而", "画壁", "的", "整个", "故事", "的", "本来面目", "就是", ":", "在", "顿悟", "成佛", "前", ",", "孔雀明王", "和", "不动明王", "是", "一", "对", "恋人", ",", "但", "正是", "由于", "这", "一", "段", "恋情", ",", "使得", "两人", "始终", "无法", "修", "得", "圆满", "。", "(", "不动", "和尚", "在", "剧", "中", "那", "就", "经典台词", ":", "“", "心中", "还有你", ",", "我", "怎么", "成", "得", "了", "佛", "”", "很好", "的", "印", "证", "了", "这一点", "。", ")", "所以", "两位", "明王", "在", "以", "壁画", "为", "界", "的", "两", "个", "空间", "里", "各自", "修行", "。", "不动明王", "需要", "破除", "的", "是", "恶念", "、", "执念", "和", "善念", "(", "佛教", "中", "称", "之", "为", "三", "尸", ")", ",", "而", "孔雀明王", "需要", "破除", "的", "却", "是", "怨"], ["片子", "的", "意义", "就是", "一", "个", "佛理", "并", "不是", "说", "就是", "不动明王", "成佛", "的", "过程", "并且", "不动明王", "不是", "佛", "只是", "菩萨", "一切", "确实", "都是", "不动明王", "心中", "的", "幻想", "所谓", "人", "未", "动", "是", "你", "的", "心", "在", "动", "片子", "里", "所有人", "都是", "明王", "的", "三", "念", "而已", "结尾", "那", "把", "刀", "是", "个", "重点", ",", "明王", "把", "刀", "交给", "书生", ",", "书生", "又", "还给", "恶人", ",", "恶人", "说", "我", "来", "保护你", ",", "至此", "三", "念", "已", "尽", "斩", "。", "其实", "也", "可以说", ",", "姑姑", "是", "明王", "最大", "的", "心魔", ",", "明王", "对", "姑姑", "说", "我", "心", "还", "系", "着", "你", ",", "怎么", "能", "成佛", "。", "姑姑", "斩", "不断", "三", "念", ",", "明王", "放不下", "姑姑", ",", "所以", "明王", "化", "三念", ":", "书生", "书童", "和", "恶人", "来", "点化", "姑姑", "。", "最后", "姑姑", "明白", "了", "不动明王", "的", "心", ",", "放下", "执念", ",", "救", "回", "众人", ",", "由", "恶", "转", "善", ",", "然后", "随", "明王", "而", "去", "。", "为什么", "随", "明王", "而", "去", "呢", "?", "这", "就", "很好", "的", "说明", ",", "因为", "他们", "本", "是", "一体", ",", "三", "念", "皆", "斩", ",", "心魔", "已", "去", ",", "是", "为", "成佛", "也", "。", "所谓", "的", "成佛", "只是", "一", "个", "象征意义", ",", "佛", "与", "菩萨", "又", "有何区别", ",", "都是", "具有", "大智慧", "者", ",", "何来", "阶级", "之", "分", ",", "万物", "只", "在", "一念间", "。", "以上", "就是", "在", "下", "的", "一些"], ["最后", ",", "曾", "和尚", "说", "我", "心中", "还有你", ",", "我", "无法", "成佛", ",", "反过来", "其实", "就是", "我", "成", "不", "了", "佛", ",", "咱", "俩", "继续", "处", "对象", "吧", "!", "他", "苦", "于", "无法开口", ",", "毕竟", "是", "他", "先", "抛弃", "姑姑", "。", "于是", "我", "想", "能", "跟", "姑姑", "在一起", "的", "人", "肯定", "是", "高人", ",", "造", "个人", "肯定", "不在话下", ",", "主角", "3", "人", "其实", "就是", "被", "曾", "和尚", "造", "出来", "为了", "找借口", "跟", "姑姑", "复合", "用", "的", ",", "结果", "最后", "大家", "看到", "了", ",", "他", "成功", "了", ",", "在", "姑姑", "最", "伤心", "最", "需要", "人", "的", "时候", "他", "出现", "了", ",", "把", "姑姑", "带走", "了", ",", "同时", "也", "玩弄", "了", "一", "群", "女人的心", "。", "结尾", "看到", "的", "后", "夏", "讲", "故事", "以及", "为什么", "主角", "一个人", "出去", "但", "画面", "一", "转", "又", "出现", "了", "3", "个人", ",", "是因为", "朱", "孝廉", "一个人", "回去", "后", ",", "曾", "和尚", "看", "他", "任务完成", "的", "不错", ",", "(", "但", "完成任务", "就", "必须", "消失", ",", "就", "跟", "生", "完", "孩子", "就", "杀", "掉", "男人", "是", "一样", "的", ",", "这", "点", "跟", "姑姑", "是", "一", "个", "想法", ",", "不", "亏", "是", "夫妻", ")", "就", "把", "那", "2", "人", "又", "造", "出来", "给", "他", "做", "伴", ",", "让", "他", "路上", "不", "寂寞", ",", "安慰", "他", "几", "句", "就", "等不及", "了", ",", "刚", "出门", "就让", "他们", "3", "个", "消失", "自己去", "陪", "姑姑", "了", "。"], ["我", "认为", "是", "这样", "的", ",", "曾志伟", "在", "片", "中", "演", "得", "是", "不动明王", "这个", "是", "公认", "的", ",", "她", "在", "结尾", "去", "找", "闫妮", "的", "时候", "对她说", "心里", "没有", "忘了她", "这", "也是", "你", "应该", "知道", "的", ",", "至于", "最后", "主角", "三人", "为什么", "会", "消失", "我", "是", "这么", "想", "的", ",", "这", "一场梦", "就好", "似", "不动明王", "的", "心魔", "一样", ",", "不动明王", "之所以", "不能", "成佛", "是因为", "心中", "还", "不能", "看破红尘", "。", "其实", "朱孝廉", "就是", "不动明王", ",", "而", "缠绕", "的", "朱孝廉", ",", "让", "他", "最", "头疼", "的", "是", "什么", "?", "爱情", "!", "而", "缠绕", "曾哥", "的", "呢", "?", "?", "?", "也是", "爱情", "!", "这", "就是", "曾哥", "对", "心魔", "的", "一", "场", "战斗", ",", "最终", "朱孝廉", "没有", "得到", "任何", "爱情", "让", "冥王", "了解到", "爱情", "的", "可怕", ",", "朱孝廉", "就", "有点", "类似", "曾哥", "的", "元神", ",", "是", "为", "他", "解开", "心魔", "的", ",", "最终", "心魔", "解开", "了", ",", "他", "和", "姑姑", "走", "到", "了", "一起", ",", "而", "身为", "元神", "的", "朱孝廉", "自然而然", "的", "也", "就", "从", "曾哥", "的", "脑海", "中", "消失了", ",", "朱孝廉", "可以说是", "曾哥", "的", "一", "种", "想象", "罢", "了"], ["姑姑", "放弃", "了", "管制", "仙女们", "跟", "自己", "的", "爱人", "走", "嘞", "小", "芍药", "做", "了", "领导人", "让", "仙女们", "可以", "自由", "去", "爱", "不过", "她", "却", "为了", "让", "朱孝廉", "能", "去", "现世", "自由", "发展", "而", "放弃", "了", "自己", "的", "爱情", "~", "追问", "这", "我", "知道", "啊", ",", "只是", "为何", "朱孝廉", "回到", "了", "现世", ",", "另外", "两个人", "也", "回来", "了", "呢", "?", "而且", "为何", "结局", "他们", "成", "了", "一缕", "青", "烟", ",", "和尚", "的", "笑", "又", "表示", "什么", "呢", "?", "回答", "那个", "呀", "是", "比较", "有", "玄机", "~", "我", "觉得", "大致", "意思", "就是", "那种", "虚", "既是", "实", "实", "亦", "是", "虚", "吧", "~"], ["我", "刚", "开始", "没看懂", ",", "现在", "也", "没看懂", ",", "这", "是", "怎么", "一", "回事", "呢", "?", "我", "觉得", "这部", "剧", "有些", "无聊", "啊", ",", "你", "嘞", "?"], ["姑姑", "放弃", "了", "管制", "仙女们", "跟", "自己", "的", "爱人", "走", "嘞", "小", "芍药", "做", "了", "领导人", "让", "仙女们", "可以", "自由", "去", "爱", "不过", "她", "却", "为了", "让", "朱孝廉", "能", "去", "现世", "自由", "发展", "而", "放弃", "了", "自己", "的", "爱情", "~"]], "paragraphs": ["画壁讲的是一代大师(曾志伟饰演的不动)突破贪、色、痴、恶等种种心结最终功德圆满、立地成佛的故事。故事中的僧人不动,在我看来指的就是佛教密宗中的五大明王之首:不动明王。而故事中的姑姑,生活在百花丛中,周围女子皆有花名,唯独姑姑剧中一直没有提及其姓名;再看其一身蓝绿色的装扮,你想到了什么?孔雀?不错!在我看来她应该是暗指佛教五大明王中的孔雀明王。而画壁的整个故事的本来面目就是:在顿悟成佛前,孔雀明王和不动明王是一对恋人,但正是由于这一段恋情,使得两人始终无法修得圆满。(不动和尚在剧中那就经典台词:“心中还有你,我怎么成得了佛”很好的印证了这一点。)所以两位明王在以壁画为界的两个空间里各自修行。不动明王需要破除的是恶念、执念和善念(佛教中称之为三尸),而孔雀明王需要破除的却是怨", "片子的意义就是一个佛理 并不是说就是不动明王成佛的过程 并且不动明王不是佛只是菩萨 一切确实都是不动明王心中的幻想 所谓人未动 是你的心在动 片子里所有人都是明王的三念而已 结尾那把刀是个重点,明王把刀交给书生,书生又还给恶人,恶人说我来保护你,至此三念已尽斩。 其实也可以说,姑姑是明王最大的心魔,明王对姑姑说我心还系着你,怎么能成佛。 姑姑斩不断三念,明王放不下姑姑,所以明王化三念:书生书童和恶人来点化姑姑。 最后姑姑明白了不动明王的心,放下执念,救回众人,由恶转善,然后随明王而去。 为什么随明王而去呢?这就很好的说明,因为他们本是一体,三念皆斩,心魔已去,是为成佛也。 所谓的成佛只是一个象征意义,佛与菩萨又有何区别,都是具有大智慧者,何来阶级之分,万物只在一念间。 以上就是在下的一些", "最后,曾和尚说我心中还有你,我无法成佛,反过来其实就是我成不了佛,咱俩继续处对象吧!他苦于无法开口,毕竟是他先抛弃姑姑。于是我想能跟姑姑在一起的人肯定是高人,造个人肯定不在话下,主角3人其实就是被曾和尚造出来为了找借口跟姑姑复合用的,结果最后大家看到了,他成功了,在姑姑最伤心最需要人的时候他出现了,把姑姑带走了,同时也玩弄了一群女人的心。结尾看到的后夏讲故事以及为什么主角一个人出去但画面一转又出现了3个人,是因为朱孝廉一个人回去后,曾和尚看他任务完成的不错,(但完成任务就必须消失,就跟生完孩子就杀掉男人是一样的,这点跟姑姑是一个想法,不亏是夫妻)就把那2人又造出来给他做伴,让他路上不寂寞,安慰他几句就等不及了,刚出门就让他们3个消失自己去陪姑姑了。", "我认为是这样的,曾志伟在片中演得是不动明王这个是公认的,她在结尾去找闫妮的时候对她说心里没有忘了她这也是你应该知道的,至于最后主角三人为什么会消失我是这么想的,这一场梦就好似不动明王的心魔一样,不动明王之所以不能成佛是因为心中还不能看破红尘。其实朱孝廉就是不动明王,而缠绕的朱孝廉,让他最头疼的是什么?爱情!而缠绕曾哥的呢???也是爱情!这就是曾哥对心魔的一场战斗,最终朱孝廉没有得到任何爱情让冥王了解到爱情的可怕,朱孝廉就有点类似曾哥的元神,是为他解开心魔的,最终心魔解开了,他和姑姑走到了一起,而身为元神的朱孝廉自然而然的也就从曾哥的脑海中消失了,朱孝廉可以说是曾哥的一种想象罢了", "姑姑放弃了管制仙女们 跟自己的爱人走嘞 小芍药做了领导人 让仙女们可以自由去爱 不过 她却为了让朱孝廉能去现世自由发展 而放弃了自己的爱情~ 追问这我知道啊,只是为何朱孝廉回到了现世,另外两个人也回来了呢?而且为何结局他们成了一缕青烟,和尚的笑又表示什么呢? 回答那个呀 是比较有玄机~ 我觉得大致意思就是那种 虚既是实 实亦是虚吧~", "我刚开始没看懂,现在也没看懂,这是怎么一回事呢?我觉得这部剧有些无聊啊,你嘞?", "姑姑放弃了管制仙女们 跟自己的爱人走嘞 小芍药做了领导人 让仙女们可以自由去爱 不过 她却为了让朱孝廉能去现世自由发展 而放弃了自己的爱情~"], "bs_rank_pos": 1}, {"is_selected": false, "title": "画壁最后的结局是什么意思、想表达什么?_百度知道", "most_related_para": 0, "segmented_title": ["画壁", "最后", "的", "结局", "是", "什么", "意思", "、", "想", "表达", "什么", "?", "_", "百度", "知道"], "segmented_paragraphs": [["佛家", "讲", "生", "。", "道家", "谈", "灭", "(", "也", "可", "说", "是", "抑制", ")", "所以", "佛家", "的", "是", "生", "三", "尸", ",", "道家", "是", "斩三尸", "。", "@", "所谓", "幻", "由", "心", "生", ",", "曾", "和尚", "年轻的时候", "跟", "姑姑", "有", "过", "一", "段", "感情", ",", "后来", "不知道", "什么", "原因", "两个人", "无法", "在一起", ",", "和尚", "一直", "念念不忘", "着", "姑姑", ",", "曾", "和尚", "法号", "不动", ",", "实际", "就是", "不动明王", ",", "可是", "因为", "放不下", ",", "一直", "不能", "成佛", ",", "山贼", "、", "书生", "、", "仆人", ",", "就是", "他", "的", "恶", "、", "执", "、", "善", ",", "佛家", "里", "称为", "斩三尸", ",", "斩", "掉", "他们", "需要", "大智慧", ",", "也就是说", "抛弃", "了", "善", "、", "执", "、", "恶", ",", "无欲", "无", "求", ",", "便", "可", "成佛", ",", "所以", "他", "把", "三", "尸", "化为", "三个人", ",", "进去", "画壁", ",", "最后", "成功", "的", "放下", "了", "对", "姑姑", "的", "情感", ",", "有", "一", "点", "要", "说明", ",", "画壁", "里", "的", "一切", ",", "仙女", ",", "包括", "姑姑", ",", "都是", "和尚", "创造", "出来", "的", ",", "那", "是", "他", "的", "幻境", "。", "山贼", "、", "书生", "、", "仆人", "最后", "灰飞烟灭", ",", "实际", "是", "不动尊菩萨", "的", "三种", "意念", "随风", "而", "散", ",", "他", "参悟", "得道", "。", "。"], ["有", "两", "个", "解释", "吧", ":", "1", "/", "创造", "的", "三个人", ",", "分别", "代表", "了", "善", "、", "恶", "、", "执", ",", "是", "为了", "点化仙境", "里", "的", "姑姑", "的", ",", "最后", "成功", "点化", "了", ",", "而", "三个人", "最后", "化", "成", "一", "道", "烟", ",", "和尚", "只是", "笑笑", "。", "2", "、", "三个人", "是", "真实", "的", "存在", "的", ",", "而", "这个", "庙", "是", "不", "属于", "凡间", "的", ",", "书生", "最后", "是", "要", "干", "一", "番", "大事", "的", ",", "所以", "这个地方", "也", "算", "是", "一", "个", "锻炼", "吧", ",", "所以", "书生", "前后", "对待", "山贼", "的", "态度", "很大", "。"]], "paragraphs": ["佛家讲 生。道家谈 灭(也可说是抑制)所以佛家的是生三尸,道家是斩三尸 。@所谓幻由心生,曾和尚年轻的时候跟姑姑有过一段感情,后来不知道什么原因两个人无法在一起,和尚一直念念不忘着姑姑,曾和尚法号不动,实际就是不动明王,可是因为放不下,一直不能成佛,山贼、书生、仆人,就是他的恶、执、善,佛家里称为斩三尸,斩掉他们需要大智慧,也就是说抛弃了善、执、恶,无欲无求,便可成佛,所以他把三尸化为三个人,进去画壁,最后成功的放下了对姑姑的情感,有一点要说明,画壁里的一切,仙女,包括姑姑,都是和尚创造出来的,那是他的幻境。 山贼、书生、仆人最后灰飞烟灭,实际是不动尊菩萨的三种意念随风而散,他参悟得道。。", "有两个解释吧:1/创造的三个人,分别代表了善、恶、执,是为了点化仙境里的姑姑的,最后成功点化了,而三个人最后化成一道烟,和尚只是笑笑。 2、三个人是真实的存在的,而这个庙是不属于凡间的,书生最后是要干一番大事的,所以这个地方也算是一个锻炼吧,所以书生前后对待山贼的态度很大。"], "bs_rank_pos": 2}], "answer_spans": [[0, 222]], "fake_answers": ["画壁的世界其实是真实的,里面自成空间,而其中的人物,其实是姑姑画的,只是因为姑姑法力高深,所以画的人都成精了,主角的真身其实没进入,只是一缕意念进入了,你也可以理解为,主角的意念以画像的形式进入了,所以当主角他们都死后,姑姑一挥手他们就复活,反正都是画,可以抹去,亦可以画上。当主角最后会回归现实后,书童和强盗还在,并没有留在画像是因为,主角的意识从画壁中出来,回归肉体,所以他知道自己在画壁里所经历的事情,而书童和强盗的意识并没有回归肉体,一缕还停留在画壁里,所以不知道画壁里所发生的事,说白了,如果他俩和主角一起回来就会知道画壁里经历的事情了。而那和尚是不动冥王,和姑姑一样是大能,就是他送主角他们进入画壁的,目的是想点悟他们,最后只有主角也就是那书生领悟了人生道理,而书童和"], "question": "画壁结局什么意思", "segmented_answers": [["画壁", "讲", "的", "是", "一", "代", "大师", "(", "曾志伟", "饰演", "的", "不动", ")", "突破", "贪", "、", "色", "、", "痴", "、", "恶", "等", "种", "种", "心", "结", "最终", "功德圆满", "、", "立地成佛", "的", "故事", "。", "故事", "中", "的", "僧人", "不动", ",", "在", "我", "看", "来", "指", "的", "就是", "佛教", "密宗", "中", "的", "五大", "明王", "之", "首", ":", "不动明王", "。", "而", "故事", "中", "的", "姑姑", ",", "生活", "在", "百花", "丛中", ",", "周围", "女子", "皆", "有", "花", "名", ",", "唯独", "姑姑", "剧", "中", "一直", "没有", "提", "及其", "姓名", ";", "再", "看", "其一", "身", "蓝绿色", "的", "装扮", ",", "你", "想到", "了", "什么", "?", "孔雀", "?", "不错", "!", "在", "我", "看", "来", "她", "应该", "是", "暗", "指", "佛教", "五大", "明王", "中", "的", "孔雀明王", "。", "而", "画壁", "的", "整个", "故事", "的", "本来面目", "就是", ":", "在", "顿悟", "成佛", "前", ",", "孔雀明王", "和", "不动明王", "是", "一", "对", "恋人", ",", "但", "正是", "由于", "这", "一", "段", "恋情", ",", "使得", "两人", "始终", "无法", "修", "得", "圆满", "。", "(", "不动", "和尚", "在", "剧", "中", "那", "就", "经典台词", ":", "“", "心中", "还有你", ",", "我", "怎么", "成", "得", "了", "佛", "”", "很好", "的", "印", "证", "了", "这一点", "。", ")", "所以", "两位", "明王", "在", "以", "壁画", "为", "界", "的", "两", "个", "空间", "里", "各自", "修行", "。", "不动明王", "需要", "破除", "的", "是", "恶念", "、", "执念", "和", "善念", "(", "佛教", "中", "称", "之", "为", "三", "尸", ")", ",", "而", "孔雀明王", "需要", "破除", "的", "却", "是", "怨念", "和", "贪念", "。", "而", "要", "真正", "破除", "这些", "杂念", ",", "做到", "无欲", "无", "求", "、", "无色无相", "的", "境界", ",", "就", "需要", "一", "番", "历练", "和", "磨难", "。", "所以", "不动明王", "就", "将", "其", "恶", "、", "执", "、", "善", "三", "念", "化为", "三个人", "(", "孟龙潭", "是", "恶", "、", "朱孝廉", "是", "执", "、", "后", "夏", "是", "善", ")", ",", "进入", "孔雀明王", "修炼", "的", "画境", "进行", "历练", "(", "难道", "这", "就是", "密宗", "的", "双修", "历练", "法门", "?", ")", "经过", "种", "种", "艰难", "的", "历练", "后", ",", "孔雀明王", "在", "不动明王", "的", "点拨", "下", ",", "最终", "抛开", "种", "种", "俗念", "顿悟", "成佛", "。", "(", "注意", ",", "这里", "说", "的", "是", "抛开", "各种", "俗念", ",", "而", "不是", "万念俱灰", "。", "因为", "只要", "有人", "的", "存在", ",", "这些", "欲念", "就", "无法", "消除", "。", "这", "就", "与", "剧", "中", "姑姑", "虽然", "通过", "自己", "强大", "的", "法力", ",", "将", "剧", "中", "的", "各色人等", "杀", "的", "灰飞烟灭", ",", "而后", "又", "在", "不动", "和尚", "的", "点拨", "下", "将", "所有", "人物", "恢复", "原形", "的", "剧情", "设计", "契合", "的", "天衣无缝", "。", ")", "而", "不动明王", "的", "恶念", "、", "执念", "、", "善念", "三", "尸", ",", "在", "完成", "了", "自己", "的", "使命", "后", ",", "随着", "不动明王", "的", "功德圆满", "、", "立地成佛", ",", "自然", "烟消云散", "。", "本", "剧", "的", "妙处", "就", "在于", ",", "用", "一", "个", "多", "角", "爱情故事", "为", "主线", ",", "暗地里", "却", "讲述", "了", "一", "个", "悟禅", "修", "佛", "的", "故事", "。", "不过", "这", "条", "暗线", "过于", "隐晦", ",", "没有", "相关", "宗教", "知识", ",", "不", "潜心研究", "的", "人", ",", "始终", "参", "不透", "其中", "的", "真相", "。", "他们", "三人", "是", "不动明王", "的", "化身", ",", "分别", "代表", "恶", "、", "执", "、", "善"], ["画壁", "的", "世界", "其实", "是", "真实", "的", ",", "里面", "自", "成", "空间", ",", "而", "其中", "的", "人物", ",", "其实", "是", "姑姑", "画", "的", ",", "只是", "因为", "姑姑", "法力", "高深", ",", "所以", "画", "的", "人", "都", "成", "精", "了", ",", "主角", "的", "真身", "其实", "没", "进入", ",", "只是", "一缕", "意念", "进入", "了", ",", "你", "也", "可以", "理解", "为", ",", "主角", "的", "意念", "以", "画像", "的", "形式", "进入", "了", ",", "所以", "当", "主角", "他们", "都", "死后", ",", "姑姑", "一", "挥手", "他们", "就", "复活", ",", "反正", "都是", "画", ",", "可以", "抹去", ",", "亦", "可以", "画", "上", "。", "当", "主角", "最后", "会", "回归", "现实", "后", ",", "书童", "和", "强盗", "还在", ",", "并没有", "留", "在", "画像", "是因为", ",", "主角", "的", "意识", "从画壁", "中", "出来", ",", "回归", "肉体", ",", "所以", "他", "知道", "自己", "在", "画壁", "里", "所", "经历", "的", "事情", ",", "而", "书童", "和", "强盗", "的", "意识", "并没有", "回归", "肉体", ",", "一缕", "还", "停留", "在", "画壁", "里", ",", "所以", "不知道", "画壁", "里", "所", "发生", "的", "事", ",", "说白了", ",", "如果", "他", "俩", "和", "主角", "一起", "回来", "就会", "知道", "画壁", "里", "经历", "的", "事情", "了", "。", "而", "那", "和尚", "是", "不动", "冥王", ",", "和", "姑姑", "一样", "是", "大", "能", ",", "就是", "他", "送", "主角", "他们", "进入", "画壁", "的", ",", "目的", "是", "想", "点", "悟", "他们", ",", "最后", "只有", "主角", "也", "就是", "那", "书生", "领悟", "了", "人生道理", ",", "而", "书童", "和", "强盗", "意念", "木", "有", "出来", ",", "本身", "就", "不知道", "画壁", "里", "的", "经历", ",", "没有", "领悟", "。", "记得", "最后", "孙丽", "的", "告白", "么", ",", "他", "说", "自己", "不想当", "误", "主角", "考试", ",", "说", "主角", "出去", "后", "会", "敢", "一", "翻", "大事", "的", "!", "如果", "主角", "没", "出去", ",", "是", "可以", "和", "自己", "双", "宿", "双", "息", ",", "但", "画壁", "外", "的", "自己", "就会", "什么", "也", "不知道", "在", "画壁", "里", "的", "经历", ",", "就", "不会", "领悟", ",", "考", "功名", "就", "没戏", "了"]], "answers": ["画壁讲的是一代大师(曾志伟饰演的不动)突破贪、色、痴、恶等种种心结最终功德圆满、立地成佛的故事。故事中的僧人不动,在我看来指的就是佛教密宗中的五大明王之首:不动明王。而故事中的姑姑,生活在百花丛中,周围女子皆有花名,唯独姑姑剧中一直没有提及其姓名;再看其一身蓝绿色的装扮,你想到了什么?孔雀?不错!在我看来她应该是暗指佛教五大明王中的孔雀明王。而画壁的整个故事的本来面目就是:在顿悟成佛前,孔雀明王和不动明王是一对恋人,但正是由于这一段恋情,使得两人始终无法修得圆满。(不动和尚在剧中那就经典台词:“心中还有你,我怎么成得了佛”很好的印证了这一点。)所以两位明王在以壁画为界的两个空间里各自修行。不动明王需要破除的是恶念、执念和善念(佛教中称之为三尸),而孔雀明王需要破除的却是怨念和贪念。而要真正破除这些杂念,做到无欲无求、无色无相的境界,就需要一番历练和磨难。所以不动明王就将其恶、执、善三念化为三个人(孟龙潭是恶、朱孝廉是执、后夏是善),进入孔雀明王修炼的画境进行历练(难道这就是密宗的双修历练法门?)经过种种艰难的历练后,孔雀明王在不动明王的点拨下,最终抛开种种俗念顿悟成佛。(注意,这里说的是抛开各种俗念,而不是万念俱灰。因为只要有人的存在,这些欲念就无法消除。这就与剧中姑姑虽然通过自己强大的法力,将剧中的各色人等杀的灰飞烟灭,而后又在不动和尚的点拨下将所有人物恢复原形的剧情设计契合的天衣无缝。)而不动明王的恶念、执念、善念三尸,在完成了自己的使命后,随着不动明王的功德圆满、立地成佛,自然烟消云散。本剧的妙处就在于,用一个多角爱情故事为主线,暗地里却讲述了一个悟禅修佛的故事。不过这条暗线过于隐晦,没有相关宗教知识,不潜心研究的人,始终参不透其中的真相。他们三人是不动明王的化身,分别代表恶、执、善", "画壁的世界其实是真实的,里面自成空间,而其中的人物,其实是姑姑画的,只是因为姑姑法力高深,所以画的人都成精了,主角的真身其实没进入,只是一缕意念进入了,你也可以理解为,主角的意念以画像的形式进入了,所以当主角他们都死后,姑姑一挥手他们就复活,反正都是画,可以抹去,亦可以画上。当主角最后会回归现实后,书童和强盗还在,并没有留在画像是因为,主角的意识从画壁中出来,回归肉体,所以他知道自己在画壁里所经历的事情,而书童和强盗的意识并没有回归肉体,一缕还停留在画壁里,所以不知道画壁里所发生的事,说白了,如果他俩和主角一起回来就会知道画壁里经历的事情了。而那和尚是不动冥王,和姑姑一样是大能,就是他送主角他们进入画壁的,目的是想点悟他们,最后只有主角也就是那书生领悟了人生道理,而书童和强盗意念木有出来,本身就不知道画壁里的经历,没有领悟。记得最后孙丽的告白么,他说自己不想当误主角考试,说主角出去后会敢一翻大事的!如果主角没出去,是可以和自己双宿双息,但画壁外的自己就会什么也不知道在画壁里的经历,就不会领悟,考功名就没戏了"], "answer_docs": [0], "segmented_question": ["画壁", "结局", "什么", "意思"], "question_type": "DESCRIPTION", "question_id": 16, "fact_or_opinion": "OPINION", "match_scores": [0.7362428842504745]}
-{"documents": [{"is_selected": true, "title": "楼梯踏步高度标准是多少_百度知道", "most_related_para": 0, "segmented_title": ["楼梯", "踏步", "高度", "标准", "是", "多少", "_", "百度", "知道"], "segmented_paragraphs": [["1", ".", "家装", "楼梯", "一", "个", "要", "讲究", "安全", ",", "另一方面", "又", "要", "讲究", "经济", "。", "其中", "经济", "包括", "经费", "上", "的", "经济", "和", "空间", "的", "经济", ",", "家装", "楼梯", "的", "踏步", "高度", "一般", "设计", "在", "180", "mm", "-", "200", "mm", "之间", ",", "只有", "公共场所", "的", "楼梯", "踏步", "高度", "才会", "设计", "在", "130", "mm", "-", "160", "mm", "之间", "。", "其次", "是", "踏步", "中心", "距", ",", "即", "所为", "的", "进深", ",", "一般", "设计", "在", "230", "mm", "-", "250", "mm", "之间", ",", "最小", "不要", "小于", "220", "mm", ",", "踏步", "进深", "设计", "到", "300", "mm", "一", "步", "迈", "不到", ",", "两", "步", "还", "不够", "走", "起来", "很", "累", "。", "2", ".", "踏步", "宽度", "的", "选择", ",", "一般", "家装", "楼梯", "的", "踏步", "宽度", "选择", "800", "mm", ",", "可", "根据", "洞口", "空间", "适量", "增加", "。", "1", "。", "踏步", "高度", "为", "192", ".", "86", "mm", ",", "踏步", "数", "为", "13", "踏", ",", "走", "起来", "14", "踏", "(", "最后", "一", "踏", "直接", "迈", "到", "二", "层", "地面", "上", ",", "也", "就是", "楼梯", "行", "里", "的", "“", "下", "跨", "”", ")", "。", "2", ".", "延", "1950", "mm", "的", "边", "有", "5", "个", "标准", "踏步", ",", "踏步", "中心", "距离", "为", "230", "mm", ",", "然后", "是", "一", "个", "800", "mm", "的", "平台", "(", "或是", "两", "个", "大", "三角", "或", "两", "个", "小", "三角带", "一", "个", "中心", "鱼头", ")", "作为", "90", "度", "转弯", ",", "下面", "接上", "7", "个", "标准", "踏步", ",", "中心", "距", "为", "230", "mm", "就", "可以", "了", "。"]], "paragraphs": ["1.家装楼梯一个要讲究安全,另一方面又要讲究经济。其中经济包括经费上的经济和空间的经济,家装楼梯的踏步高度一般设计在180mm-200mm之间,只有公共场所的楼梯踏步高度才会设计在130mm-160mm之间。其次是踏步中心距,即所为的进深,一般设计在230mm-250mm之间,最小不要小于220mm,踏步进深设计到300mm一步迈不到,两步还不够走起来很累。 2.踏步宽度的选择,一般家装楼梯的踏步宽度选择800mm,可根据洞口空间适量增加。 1。踏步高度为192.86mm,踏步数为13踏,走起来14踏(最后一踏直接迈到二层地面上,也就是楼梯行里的“下跨”)。 2.延1950mm的边有5个标准踏步,踏步中心距离为230mm,然后是一个800mm的平台(或是两个大三角或两个小三角带一个中心鱼头)作为90度转弯,下面接上7个标准踏步,中心距为230mm就可以了。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "楼梯踏步尺寸多少合适,是怎么计算的_百度知道", "most_related_para": 0, "segmented_title": ["楼梯", "踏步", "尺寸", "多少", "合适", ",", "是", "怎么", "计算", "的", "_", "百度", "知道"], "segmented_paragraphs": [["踏步", "的", "尺寸", "一般", "应", "与", "人", "脚", "尺寸", "步幅", "相适应", ",", "同时", "还", "与", "不同", "类型", "建筑", "中", "的", "使用", "功能", "有关", "。", "踏步", "的", "尺寸", "包括", "高度", "和", "宽度", "。", "踏步", "高度", "与", "宽度", "之", "比", "就是", "楼梯", "的", "梯度", "。", "踏步", "在", "同", "一", "坡度", "之", "下", "可以", "有", "不同", "的", "数值", ",", "给", "出", "一", "个", "恰当", "的", "范围", ",", "以", "使", "人", "行走时", "感到", "舒适", "。", "实践证明", ",", "行走时", "感到", "舒适", "的", "踏步", ",", "一般", "都是", "高度", "较", "小", "而", "宽度", "较", "大", "的", "。", "因此", "在", "选择", "高", "宽", "比", "时", ",", "对", "同", "一", "坡度", "的", "两种", "尺寸", "以", "高度", "较", "小", "者", "为", "宜", ",", "因", "行走时", "较", "之", "高度", "和", "宽度", "都", "大", "的", "踏步", "要", "省力", "些", "。", "但", "要", "注意", "宽度", "亦", "不能", "过", "小", ",", "以", "不", "小于", "240", "mm", "为", "宜", ",", "这样", "可", "保证", "脚", "的", "着力点", "重心", "落", "在", "脚心", "附近", ",", "并", "使", "脚后跟", "着力点", "有", "90", "%", "在", "踏步", "上", "。", "就", "成人", "而言", ",", "楼梯", "踏步", "的", "最小", "宽度", "应", "为", "240", "mm", ",", "舒适", "的", "宽度", "应", "为", "300", "mm", "左右", "。", "踏步", "的", "高度", "则", "不宜", "大于", "170", "mm", ",", "较", "舒适", "的", "高度", "为", "150", "mm", "左右", "。", "  ", "同", "一", "楼梯", "品牌产品", "的", "各", "个", "梯", "段", ",", "其", "踏步", "的", "高度", "、", "宽度", "尺寸", "应该", "是", "相同", "的", ",", "尺寸", "不应", "有无"], ["25", "公分", "宽", "一", "级", "比较好", ",", "高", "15", "至", "18", "公分", "适合"]], "paragraphs": ["踏步的尺寸一般应与人脚尺寸步幅相适应,同时还与不同类型建筑中的使用功能有关。踏步的尺寸包括高度和宽度。踏步高度与宽度之比就是楼梯的梯度。踏步在同一坡度之下可以有不同的数值,给出一个恰当的范围,以使人行走时感到舒适。实践证明,行走时感到舒适的踏步,一般都是高度较小而宽度较大的。因此在选择高宽比时,对同一坡度的两种尺寸以高度较小者为宜,因行走时较之高度和宽度都大的踏步要省力些。但要注意宽度亦不能过小,以不小于240mm为宜,这样可保证脚的着力点重心落在脚心附近,并使脚后跟着力点有90%在踏步上。就成人而言,楼梯踏步的最小宽度应为240mm,舒适的宽度应为300mm左右。踏步的高度则不宜大于170mm,较舒适的高度为150mm左右。   同一楼梯品牌产品的各个梯段,其踏步的高度、宽度尺寸应该是相同的,尺寸不应有无", "25公分宽一级比较好,高15至18公分适合"], "bs_rank_pos": 1}, {"is_selected": false, "title": "楼梯踏步高度标准是多少?", "most_related_para": 3, "segmented_title": ["楼梯", "踏步", "高度", "标准", "是", "多少", "?"], "segmented_paragraphs": [["楼梯", "是", "装修", "的", "最后一道", "工序", ",", "然而", "有", "很多人", "都", "犯困", "。", "毕竟", "不是", "内", "行", "也", "不", "熟悉", "楼梯", "踏步", "的", "标准", "高度", "等等", "这些", "问题", "。", "接下来", "小", "编", "就", "带领", "你们", "来", "大概", "了解一下", "。"], ["楼梯", "可以说是", "家里", "的", "一", "张", "名片", ",", "也是", "艺术", "的", "代表", "者", "。"], ["所以", "通常", "我们", "都会", "严格", "挑选", "各种各样", "的", "梯级", "砖", ",", "用", "艺术", "的", "眼光", "去", "任性", "搭配", "。", "下面", "我们", "就", "一起", "了解", "下", "梯级", "的", "表", "准", "高度", "是", "怎样", "的", ":"], ["1", ".", "家装", "楼梯", "首先", "一", "个", "是", "要", "讲究", "安全", ",", "同样", "也", "都", "要", "讲究", "经济", "。", "其中", "经济", "包括", "经费", "上", "的", "经济", "以及", "空间", "经济", "。", "家装", "梯级", "的", "踏步", "高度", "一般", "设计", "在", "18MM", "-", "20MM", "之间", "(", "注意", "是", "高度", "哦", ")", ",", "只有", "在", "公共场所", "的", "梯级", "踏步", "高度", "才会", "设计", "在", "13MM", "-", "16MM", "之间", "。", "其次", "踏步", "中心", "距", ",", "即", "所谓", "的", "进深", "(", "宽度", ")", "一般", "都会", "设计", "在", "230", "mm", "-", "270", "mm", "之间", "。", "最小", "不要", "小于", "220", "MM", ".", "踏步", "宽度", "如果", "设计", "在", "300", "MM", "的", "情况", "下", "一步", "迈", "不到", ",", "两", "补", "还", "不够", "走", "起来", "很", "累", "。", "但", "也", "要按照", "房屋", "的", "实际", "尺寸", "来", "量", "度", "。", "毕竟", "加厚", "跟", "直接", "磨", "边", "的", "数", "度", "是", "不同", "的", "!", "所以", "两者", "有", "很大", "的", "差别", "。"], ["2", ".", "踏步", "的", "长度", "是", "根据", "房屋", "的", "实际", "情况", "而", "定", ",", "一般", "家装", "的", "楼梯", "都是", "800", "mm", "-", "1200", "mm", "。", "可", "根据", "不同", "长度", "选择", "不同", "规格", "的", "瓷砖", "。", "如果", "一", "转", "楼梯", "的", "高度", "是", "192", ".", "86", "MM", ",", "踏步", "数", "为", "13", "踏", "。", "那么", "走", "起来", "是", "14", "踏", "的", "(", "最后", "一", "踏", "是", "直接", "迈", "到", "二", "楼", "的", "地面", "上", "的", ",", "也", "就是", "梯", "台", ")"], ["上面", "的", "都是", "小", "编", "利用", "手上", "的", "资料", "所", "描述", "的", "情况", ",", "但", "在", "事实上", "的", "踏步", ",", "踢脚", "数", "度", "还", "需要", "安装", "师傅", "量身定做", "出", "一", "个", "标准", "的", "数值", "。", "踏步", "跟", "踢脚", "所", "延伸", "的", "长", "宽", "高", "不同", "的", ",", "所以", "师傅", "要", "根据", "梯级", "的", "实际", "量", "度", "出", "每", "一", "转", "踏步", "的", "标准", "数值", "进行", "分类", "。", "小", "编", "暂时", "先", "跟", "你们", "分享", "这么多", "了", ",", "如果", "想", "了解", "更多", "。", "请", "关注", "我", "吧", "。", "我", "会", "第一时间", "跟", "你们", "分享", "更多", "的", "艺术", "精彩", "!", "!", "!", "!"], ["(", "我", "是", "你们", "的", "小", "编", "陈思宁", ")"], ["精彩不断", ",", "乐趣", "更多", "哦", "~", "~", "亲", "们", "。", "。", "么么哒"]], "paragraphs": ["楼梯是装修的最后一道工序,然而有很多人都犯困。毕竟不是内行也不熟悉楼梯踏步的标准高度等等这些问题。接下来小编就带领你们来大概了解一下。", "楼梯可以说是家里的一张名片,也是艺术的代表者。", "所以通常我们都会严格挑选各种各样的梯级砖,用艺术的眼光去任性搭配。下面我们就一起了解下梯级的表准高度是怎样的:", "1.家装楼梯首先一个是要讲究安全,同样也都要讲究经济。其中经济包括经费上的经济以及空间经济。家装梯级的踏步高度一般设计在18MM-20MM之间(注意是高度哦),只有在公共场所的梯级踏步高度才会设计在13MM-16MM之间。其次踏步中心距,即所谓的进深(宽度)一般都会设计在230mm-270mm之间。最小不要小于220MM.踏步宽度如果设计在300MM的情况下一步迈不到,两补还不够走起来很累。但也要按照房屋的实际尺寸来量度。毕竟加厚跟直接磨边的数度是不同的!所以两者有很大的差别。", "2.踏步的长度是根据房屋的实际情况而定,一般家装的楼梯都是800mm-1200mm。可根据不同长度选择不同规格的瓷砖。如果一转楼梯的高度是192.86MM,踏步数为13踏。那么走起来是14踏的(最后一踏是直接迈到二楼的地面上的,也就是梯台)", "上面的都是小编利用手上的资料所描述的情况,但在事实上的踏步,踢脚数度还需要安装师傅量身定做出一个标准的数值。踏步跟踢脚所延伸的长宽高不同的,所以师傅要根据梯级的实际量度出每一转踏步的标准数值进行分类。小编暂时先跟你们分享这么多了,如果想了解更多。请关注我吧。我会第一时间跟你们分享更多的艺术精彩!!!!", "( 我是你们的小编陈思宁)", "精彩不断,乐趣更多哦~~亲们。。么么哒"], "bs_rank_pos": 2}, {"is_selected": false, "title": "请问室内楼梯踏步高度一般是多少?_其他_土巴兔问吧", "most_related_para": 13, "segmented_title": ["请问", "室内", "楼梯", "踏步", "高度", "一般", "是", "多少", "?", "_", "其他", "_", "土巴兔", "问", "吧"], "segmented_paragraphs": [["微信", "加", "好友", "获取", "详细", "报价"], ["装修", "顾问", "-", "馨馨", "4", "年", "行业", "经验", ",", "24", "h", "可", "咨询"], ["10", "秒", "闪电", "通过", "好友"], ["报价", "短信", "已", "发送", "到", "您", "的", "手机"], ["因", "材料", "品牌", "及", "工程", "量", "不同", ",", "具体", "报价", "以量房", "实测", "为准"], ["稍候", "装修", "管家", "将", "回", "电", "您", ",", "免费", "提供", "装修", "咨询服务"], ["您", "的", "装修预算", "约", "?", "万", "元"], ["装修", "管家", "将", "回", "电", "您", ",", "免费", "提供", "装修", "咨询服务"], ["装修", "怕", "上", "当", "?", "问问", "靠谱", "的", "人"], ["(", "四", "年", "装修", "行业", "经验", ")"], ["1", ".", "您", "家", "的", "房屋", "现状", "是", ":", "2", ".", "您", "家", "准备", "什么", "时候开始", "装修", ":", "3", ".", "您", "家", "小区", "名称", ":"], ["请", "选择", "您", "家", "的", "装修", "时间"], ["普通", "楼梯", "一般", ":", "步长", "800", "mm", "到", "1200", "mm", "步", "宽", ":", "250", "mm", "到", "300", "mm", "步", "高", ":", "150", "mm", "到", "200", "mm", "步", "高", "在", "不能", "超过", "200", "mm", "超过", "了", "就", "不好", "走", "了", "装修", "楼梯", "的", "踏步", "高度", "标准", "是", "180", ",", "踏步", "板", "的", "宽度", "270", ",", "住宅", "楼梯", "踏步", "的", "最小", "宽度", "不能", "小于", "250", "mm", ",", "和", "最大", "高度", "不能", "大于", "180", "mm", "希望", "我", "的", "回答", "能", "帮助", "到", "您", "!"], ["1", ".", "家装", "楼梯", "一", "个", "要", "讲究", "安全", ",", "另一方面", "又", "要", "讲究", "经济", ".", "其中", "经济", "包括", "经费", "上", "的", "经济", "和", "空间", "的", "经济", ",", "家装", "楼梯", "的", "踏步", "高度", "一般", "设计", "在", "180", "mm", "-", "200", "mm", "之间", ",", "只有", "公共场所", "的", "楼梯", "踏步", "高度", "才会", "设计", "在", "130", "mm", "-", "160", "mm", "之间", ".", "其次", "是", "踏步", "中心", "距", ",", "即", "所为", "的", "进深", ",", "一般", "设计", "在", "230", "mm", "-", "250", "mm", "之间", ",", "最小", "不要", "小于", "220", "mm", ",", "踏步", "进深", "设计", "到", "300", "mm", "一", "步", "迈", "不到", ",", "两", "步", "还", "不够", "走", "起来", "很", "累", ".", "2", ".", "踏步", "宽度", "的", "选择", ",", "一般", "家装", "楼梯", "的", "踏步", "宽度", "选择", "800", "mm", ",", "可", "根据", "洞口", "空间", "适量", "增加", ".", "3", "踏步", "高度", "为", "192", ".", "86", "mm", ",", "踏步", "数", "为", "13", "踏", ",", "走", "起来", "14", "踏", "(", "最后", "一", "踏", "直接", "迈", "到", "二", "层", "地面", "上", ",", "也", "就是", "楼梯", "行", "里", "的", "“", "下", "跨", "”", ")", ".", "4", "、", "延", "1950", "mm", "的", "边", "有", "5", "个", "标准", "踏步", ",", "踏步", "中心", "距离", "为", "230", "mm", ",", "然后", "是", "一", "个", "800", "mm", "的", "平台", "(", "或是", "两", "个", "大", "三角", "或", "两", "个", "小", "三角带", "一", "个", "中心", "鱼头", ")", "作为", "90", "度", "转弯", ",", "下面", "接上", "7", "个", "标准", "踏步", ",", "中心", "距", "为", "230", "mm", "就", "可以", "了", "."], ["你好", ",", "这样子", "的", "话", "你可以", "试", "试", "看", "下面", "的", "方法", "介绍", "一般", "家里", "楼梯", "高度", "都", "在", "20", "公分", "左右", ",", "包括", "大", "厂家", "设计", "的", "楼梯", ",", "一般", "阁楼", "从", "地面", "到", "楼板", "下", "的", "高度", "是", "两", "米", "六", ",", "所以", "一些", "厂家", "出厂", "的", "报价单", "也", "以", "十三", "步", "报价", ",", "每步", "都是", "二", "十", ",", "因为", "我", "也是", "做", "品牌", "楼梯", "的", ",", "你", "的", "高度", "不", "高", ",", "至于", "休息", "步", "宽度", "没有", "限制", ",", "如果", "空间", "允许", "的", "话", ",", "和", "你", "楼梯", "的", "宽度", "一样", "大", ",", "如果", "楼梯", "是", "八", "十", "宽", ",", "休息", "步", "也", "做成", "80", "*", "80", "的", "平台", ",", "如果", "空间", "不允许", "的", "话", ",", "那", "就", "尽量", "以", "自己", "舒服", "为", "原则", "设计", "了", "."], ["个人", "建议", "按照", "业主", "的", "舒适度", "来", "选择", "高度", "比较好", ":", "一般", "家装", "标准", "的", "楼梯", "踏步", "尺寸", "高度", "为", "210", "mm", "、", "宽度", "300", "mm", "比较好", ",", "这个", "高度", "不会", "太", "低", "也", "不会", "太", "高", ",", "对于", "老人", "小孩", "都", "没有", "影响", ",", "宽度", "300", "mm", "这个", "是", "适中", "的", ",", "低于", "300", "mm", "会", "感觉", "很", "窄", ",", "而且", "这个", "是", "根据", "一般", "的", "尺寸", "来", "的", ",", "当然", "每个", "业主", "的", "需求", "都", "不一样", ",", "所以", "并", "不是", "一定", "的", ",", "希望", "对", "你", "有", "帮助"]], "paragraphs": ["微信加好友 获取详细报价", "装修顾问-馨馨 4年行业经验,24h可咨询", "10秒闪电通过好友", "报价短信已发送到您的手机", "因材料品牌及工程量不同,具体报价以量房实测为准", "稍候装修管家将回电您,免费提供装修咨询服务", "您的装修预算约 ? 万元", "装修管家将回电您,免费提供装修咨询服务", "装修怕上当?问问靠谱的人", "(四年装修行业经验)", "1. 您家的房屋现状是 : 2. 您家准备什么时候开始装修 : 3. 您家小区名称 :", "请选择您家的装修时间", "普通楼梯一般:步长800mm到1200mm 步宽:250mm到300mm 步高:150mm到200mm 步高在不能超过200mm超过了就不好走了 装修楼梯的踏步高度标准是180,踏步板的宽度270,住宅楼梯踏步的最小宽度不能小于250mm,和最大高度不能大于180mm 希望我的回答能帮助到您!", "1.家装楼梯一个要讲究安全,另一方面又要讲究经济.其中经济包括经费上的经济和空间的经济,家装楼梯的踏步高度一般设计在180mm-200mm之间,只有公共场所的楼梯踏步高度才会设计在130mm-160mm之间.其次是踏步中心距,即所为的进深,一般设计在230mm-250mm之间,最小不要小于220mm,踏步进深设计到300mm一步迈不到,两步还不够走起来很累. 2.踏步宽度的选择,一般家装楼梯的踏步宽度选择800mm,可根据洞口空间适量增加. 3踏步高度为192.86mm,踏步数为13踏,走起来14踏(最后一踏直接迈到二层地面上,也就是楼梯行里的“下跨”). 4、延1950mm的边有5个标准踏步,踏步中心距离为230mm,然后是一个800mm的平台(或是两个大三角或两个小三角带一个中心鱼头)作为90度转弯,下面接上7个标准踏步,中心距为230mm就可以了.", "你好,这样子的话你可以试试看下面的方法介绍 一般家里楼梯高度都在20公分左右,包括大厂家设计的楼梯,一般阁楼从地面到楼板下的高度是两米六,所以一些厂家出厂的报价单也以十三步报价,每步都是二十,因为我也是做品牌楼梯的,你的高度不高,至于休息步宽度没有限制,如果空间允许的话,和你楼梯的宽度一样大,如果楼梯是八十宽,休息步也做成80*80的平台,如果空间不允许的话,那就尽量以自己舒服为原则设计了.", "个人建议按照业主的舒适度来选择高度比较好:一般家装标准的楼梯踏步尺寸高度为210mm、宽度300mm比较好,这个高度不会太低也不会太高,对于老人小孩都没有影响,宽度300mm这个是适中的,低于300mm会感觉很窄,而且这个是根据一般的尺寸来的,当然每个业主的需求都不一样,所以并不是一定的,希望对你有帮助"], "bs_rank_pos": 3}, {"is_selected": false, "title": "楼梯踏步高度的相关规范01_图文_百度文库", "most_related_para": 2, "segmented_title": ["楼梯", "踏步", "高度", "的", "相关", "规范", "01", "_", "图文", "_", "百度", "文库"], "segmented_paragraphs": [["楼梯", "踏步", "高度", "的", "相关", "规范", "01", "_", "计算机", "软件", "及", "应用", "_", "IT", "/", "计算机", "_", "专业", "资料", "。", "楼梯", "踏步", "高度", "的", "相关", "规范", "第", "一", "、", "《", "电影院", "建筑", "设计规范", "》", "JGJ", "58", "-", "2008", "?"], ["2", "疏散", "楼梯", "踏步", "宽度", "不应", "小"], ["楼梯", "踏步", "高度", "的", "相关", "规范", "第", "一", "、", "《", "电影院", "建筑", "设计规范", "》", "JGJ", "58", "-", "2008", "?", "2", "疏散", "楼梯", "踏步", "宽度", "不应", "小于", "0", ".", "28", "m", ",", "踏步", "高", "度", "不应", "大于", "0", ".", "16", "m", ",", "楼梯", "最小", "宽度", "不得", "小于", "1", ".", "20m", ",", "转折", "楼梯", "平台", "深度", "不应", "小于", "楼梯", "宽", "度", ",", "直", "跑", "楼梯", "的", "中间", "平台", "深度", "不应", "小于", "1", ".", "20m", "。", "3", "疏散", "楼梯", "不得", "采用", "螺旋楼梯", "和", "扇形", "踏步", ";", "当", "踏步", "上下", "两", "级", "形成", "的", "平面", "角度", "不", "超过", "10", ",", "且", "每", "级", "离", "扶手", "0.25", "m", "处", "踏步", "宽度", "超过", "0.22", "m", "时", ",", "可", "不受", "此", "限制", "。", "4", "室外", "疏散", "梯", "段", "净宽", "不应", "小于", "1", ".", "1m", ";", "下行", "人流", "不应", "妨碍", "地面", "人流", "。", "?", "4.2", ".", "7", "观众", "厅", "内", "走道", "和", "座位", "排列", "应", "符合", "下", "列", "规定", ":", "1", "观众", "厅", "内", "走道", "的", "布局", "应", "与", "观众", "座位", "片区", "容量", "相适应", ",", "与", "疏散", "门", "联系", "顺畅", ",", "且", "其", "宽", "度", "应", "符合", "本", "规范", "第", "6", ".", "2", ".", "7", "条", "的", "规定", ";", "2", "两", "条", "横", "走道", "之间", "的", "座位", "不宜", "超过", "20", "排", ",", "靠", "后", "墙", "设置", "座位", "时", ",", "横", "走道", "与", "后", "墙", "之间", "的", "座", "位", "不宜", "超过", "10", "排", ";", "3", "小", "厅", "座位", "可", "按", "直线", "排列", ",", "大", "、", "中", "厅", "座位", "可", "按", "直线", "与", "弧线", "两种方法", "单独", "或", "混合", "排列", ";", "4", "观众", "厅", "内", "座位", "楼", "地面", "宜", "采用", "台阶", "式", "地", "面", ",", "前后", "两", "排", "地坪", "相差", "不宜", "大于", "0", ".", "45", "m", ";", "观众", "厅", "走道", "最大", "坡度", "不宜", "大于", "1.8", "。", "?", "4.2", ".", "8", "当", "观众", "厅", "内", "有", "下列", "情况", "之", "一", "时", ",", "座位", "前沿", "或", "侧", "边", "应", "设置", "栏杆", ",", "栏杆", "应", "坚固", ",", "其", "水平", "荷载", "不应", "小于", "lkN", "/", "m", ",", "并", "不应", "遮挡", "视", "线", ":", "1", "紧", "临", "横", "走道", "的", "座位", "地坪", "高于", "横", "走道", "0", ".", "15", "m", "时", ";", "2", "座位", "侧向", "紧邻", "有", "高", "差", "走道", "或", "台阶", "时", ";", "3", "边", "走道", "超过", "地", "平面", ",", "并", "临空", "时", "。", "第", "二", "、", "《", "住宅", "设计规范", "》", "GB", "50096", "-", "2011"]], "paragraphs": ["楼梯踏步高度的相关规范01_计算机软件及应用_IT/计算机_专业资料。楼梯踏步高度的相关规范 第一、《电影院建筑设计规范》 JGJ 58-2008 ?", "2 疏散楼梯踏步宽度不应小", "楼梯踏步高度的相关规范 第一、《电影院建筑设计规范》 JGJ 58-2008 ? 2 疏散楼梯踏步宽度不应小于0.28m,踏步高 度不应大于0.16m,楼梯最小宽度不得小于 1.20m,转折楼梯平台深度不应小于楼梯宽 度,直跑楼梯的中间平台深度不应小于 1.20m。 3 疏散楼梯不得采用螺旋楼梯和扇形踏步; 当踏步上下两级形成的平面角度不超过10 , 且每级离扶手0.25m处踏步宽度超过0.22m 时,可不受此限制。 4 室外疏散梯段净宽不应小于1.1m;下行 人流不应妨碍地面人流。 ? 4.2.7 观众厅内走道和座位排列应符合下 列规定: 1 观众厅内走道的布局应与观众座位片区 容量相适应,与疏散门联系顺畅,且其宽 度应符合本规范第6.2.7条的规定; 2 两条横走道之间的座位不宜超过20排,靠 后墙设置座位时,横走道与后墙之间的座 位不宜超过10排; 3 小厅座位可按直线排列,大、中厅座位可 按直线与弧线两种方法单独或混合排列; 4 观众厅内座位楼地面宜采用台阶式地 面,前后两排地坪相差不宜大于0.45m; 观众厅走道最大坡度不宜大于1.8。? 4.2.8 当观众厅内有下列情况之一时,座位 前沿或侧边应设置栏杆,栏杆应坚固,其 水平荷载不应小于lkN/m,并不应遮挡视 线: 1 紧临横走道的座位地坪高于横走道0.15m 时; 2 座位侧向紧邻有高差走道或台阶时; 3 边走道超过地平面,并临空时。 第二、《住宅设计规范》 GB 50096-2011"], "bs_rank_pos": 4}], "answer_spans": [[28, 105]], "answer_docs": [0], "fake_answers": ["家装楼梯的踏步高度一般设计在180mm-200mm之间,只有公共场所的楼梯踏步高度才会设计在130mm-160mm之间。其次是踏步中心距,即所为的进深,一般设计在230mm-250mm之间,最小不要小于220mm,踏步进深设计到300mm一步迈不到,两步还不够走起来很累。"], "question": "楼梯踏步高度", "segmented_answers": [["家装", "楼梯", "的", "踏步", "高度", "一般", "设计", "在", "180", "mm", "-", "200", "mm", "之间", ",", "只有", "公共场所", "的", "楼梯", "踏步", "高度", "才会", "设计", "在", "130", "mm", "-", "160", "mm", "之间", "。", "其次", "是", "踏步", "中心", "距", ",", "即", "所为", "的", "进深", ",", "一般", "设计", "在", "230", "mm", "-", "250", "mm", "之间", ",", "最小", "不要", "小于", "220", "mm", ",", "踏步", "进深", "设计", "到", "300", "mm", "一", "步", "迈", "不到", ",", "两", "步", "还", "不够", "走", "起来", "很", "累", "。"]], "answers": ["家装楼梯的踏步高度一般设计在180mm-200mm之间,只有公共场所的楼梯踏步高度才会设计在130mm-160mm之间。其次是踏步中心距,即所为的进深,一般设计在230mm-250mm之间,最小不要小于220mm,踏步进深设计到300mm一步迈不到,两步还不够走起来很累。"], "entity_answers": [["180mm-200mm", "130mm-160mm", "230mm-250mm", "220mm", "300mm"]], "segmented_question": ["楼梯", "踏步", "高度"], "question_type": "ENTITY", "question_id": 17, "fact_or_opinion": "FACT", "match_scores": [0.9230769230769231]}
-{"documents": [{"is_selected": true, "title": "js 中怎么从input获取输入的value值_百度知道", "most_related_para": 0, "segmented_title": ["js", "中", "怎么", "从", "input", "获取", "输入", "的", "value", "值", "_", "百度", "知道"], "segmented_paragraphs": [["1", "、", "根据", "id", "获取", "input", "节点", "2", "、", "通过", "value", "获取", "input", "的", "值", "示例", ":", "<", "body", ">", "<", "input", "id", "=", "'", "r1", "'", "type", "=", "'", "text", "'", "value", "=", "'", "111", "'", "/", ">", "<", "/", "body", ">", "<", "script", ">", "var", "ipt", "=", "document", ".", "get", "Element", "ById", "(", "'", "r1", "'", ")", ";", "/", "/", "获取", "input", "的", "节点", "var", "v", "=", "ipt", ".", "value", ";", "/", "/", "获取", "input", "的", "值", "<", "/", "script", ">"], ["var", "value", "=", "document", ".", "get", "Element", "ById", "(", "\"", "你", "要", "获取", "的", "控件", "的", "ID", "\"", ")", ".", "value", ";"]], "paragraphs": ["1、根据id获取input节点 2、通过value获取input的值 示例:    ", "var value=document.getElementById(\"你要获取的控件的ID\").value;"], "bs_rank_pos": 0}, {"is_selected": false, "title": "js文件里如何获取input的的值_百度知道", "most_related_para": 0, "segmented_title": ["js", "文件", "里", "如何", "获取", "input", "的", "的", "值", "_", "百度", "知道"], "segmented_paragraphs": [["1", "、", "根据", "id", "获取", "input", "节点", "2", "、", "通过", "value", "获取", "input", "的", "值", "示例", ":", "<", "body", ">", "<", "input", "id", "=", "'", "r1", "'", "type", "=", "'", "text", "'", "value", "=", "'", "111", "'", "/", ">", "<", "/", "body", ">", "<", "script", ">", "var", "ipt", "=", "document", ".", "get", "Element", "ById", "(", "'", "r1", "'", ")", ";", "/", "/", "获取", "input", "的", "节点", "var", "v", "=", "ipt", ".", "value", ";", "/", "/", "获取", "input", "的", "值", "<", "/", "script", ">"]], "paragraphs": ["1、根据id获取input节点 2、通过value获取input的值 示例:  "], "bs_rank_pos": 1}, {"is_selected": false, "title": "javascript中怎么获取input的值啊?_百度知道", "most_related_para": 1, "segmented_title": ["javascript", "中", "怎么", "获取", "input", "的", "值", "啊", "?", "_", "百度", "知道"], "segmented_paragraphs": [["给", "from", "一", "个", "名字", "然后", "在", "JavaScript", "的", "地方", "就", "可以", "用", "form", "的", "名字", "来", "调用", "form", "表单", "里", "input", "元素", "的", "value", "属性", "可以", "得到", "值", ",", "并", "把", "值", "赋", "给", "a", ",", "最后", "用", "JavaScript", "的", "alert", "(", ")", "打印", "方法", "打印出来", "。", "  ", "参考", "如", "下", ":", "  ", "<", "html", ">", "  ", "<", "head", ">", "  ", "<", "script", "language", "=", "\"", "javascript", "\"", ">", "  ", "function", "print", "(", ")", "{", "  ", "var", "a", "=", "myform", ".", "name", ".", "value", ";", "  ", "alert", "(", "a", ")", ";", "  ", "}", "  ", "<", "/", "script", ">", "  ", "<", "/", "head", ">", "  ", "<", "body", ">", "  ", "<", "form", "name", "=", "\"", "myform", "\"", ">", "  ", "<", "input", "type", "=", "\"", "text", "\"", "name", "=", "\"", "name", "\"", "id", "=", "\"", "nn", "\"", "/", ">", "  ", "<", "input", "type", "=", "\"", "button", "\"", "name", "=", "\"", "button", "\"", "value", "=", "\"", "获取", "\"", "onclick", "=", "\"", "print", "(", ")", "\"", "/", ">", "  ", "<", "/", "form", ">", "  ", "<", "/", "body", ">", "  ", "<", "/", "html", ">", "  ", "给", "from", "一", "个", "名字", "然后", "在", "JavaScript", "的", "地方", "就", "可以", "用", "form", "的", "名字", "来", "调用", "form", "表单", "里", "input", "元素", "的", "value", "属性", "可以", "得到", "值", ",", "并", "把", "值", "赋", "给", "a", ",", "最后", "用", "JavaScript", "的", "alert", "(", ")", "打印", "方法", "打印出来", "。"], ["给", "from", "一", "个", "名字", "然后", "在", "JavaScript", "的", "地方", "就", "可以", "用", "form", "的", "名字", "来", "调用", "form", "表单", "里", "input", "元素", "的", "value", "属性", "可以", "得到", "值", ",", "并", "把", "值", "赋", "给", "a", ",", "最后", "用", "JavaScript", "的", "alert", "(", ")", "打印", "方法", "打印出来", "。", "  ", "参考", "如", "下", ":", "  ", "<", "html", ">", "  ", "<", "head", ">", "  ", "<", "script", "language", "=", "\"", "javascript", "\"", ">", "  ", "function", "print", "(", ")", "{", "  ", "var", "a", "=", "myform", ".", "name", ".", "value", ";", "  ", "alert", "(", "a", ")", ";", "  ", "}", "  ", "<", "/", "script", ">", "  ", "<", "/", "head", ">", "  ", "<", "body", ">", "  ", "<", "form", "name", "=", "\"", "myform", "\"", ">", "  ", "<", "input", "type", "=", "\"", "text", "\"", "name", "=", "\"", "name", "\"", "id", "=", "\"", "nn", "\"", "/", ">", "  ", "<", "input", "type", "=", "\"", "button", "\"", "name", "=", "\"", "button", "\"", "value", "=", "\"", "获取", "\"", "onclick", "=", "\"", "print", "(", ")", "\"", "/", ">", "  ", "<", "/", "form", ">", "  ", "<", "/", "body", ">", "  ", "<", "/", "html", ">", "  ", "给", "from", "一", "个", "名字", "然后", "在", "JavaScript", "的", "地方", "就", "可以", "用", "form", "的", "名字", "来", "调用", "form", "表单", "里", "input", "元素", "的", "value", "属性", "可以", "得到", "值", ",", "并", "把", "值", "赋", "给", "a", ",", "最后", "用", "JavaScript", "的", "alert", "(", ")", "打印", "方法", "打印出来", "。"], ["document", ".", "get", "Element", ".", "ById", "(", "\"", "id", "\"", ")", ".", "value", ";"]], "paragraphs": ["给from一个名字然后在JavaScript的地方就可以用form的名字来调用form表单里input元素的value属性可以得到值,并把值赋给a,最后用JavaScript的alert()打印方法打印出来。   参考如下:                  
        
        给from一个名字然后在JavaScript的地方就可以用form的名字来调用form表单里input元素的value属性可以得到值,并把值赋给a,最后用JavaScript的alert()打印方法打印出来。", "给from一个名字然后在JavaScript的地方就可以用form的名字来调用form表单里input元素的value属性可以得到值,并把值赋给a,最后用JavaScript的alert()打印方法打印出来。   参考如下:                  
        
        给from一个名字然后在JavaScript的地方就可以用form的名字来调用form表单里input元素的value属性可以得到值,并把值赋给a,最后用JavaScript的alert()打印方法打印出来。", "document.getElement.ById(\"id\").value;"], "bs_rank_pos": 2}, {"is_selected": false, "title": "如何js获取当前input的value值_百度知道", "most_related_para": 0, "segmented_title": ["如何", "js", "获取", "当前", "input", "的", "value", "值", "_", "百度", "知道"], "segmented_paragraphs": [["<", "input", "type", "=", "\"", "text", "\"", "id", "=", "\"", "txt", "\"", "value", "=", "\"", "11", "\"", "/", ">", "<", "script", ">", "alert", "(", "document", ".", "get", "Element", "ById", "(", "\"", "txt", "\"", ")", ".", "value", ")", "<", "/", "script", ">", "代码", "如", "上", ",", "通过", "id", "获取", "这个", "input", ",", "然后", "直接", "获取", "value", "就", "可以", "了"]], "paragraphs": ["代码如上,通过id获取这个input,然后直接获取 value 就可以了"], "bs_rank_pos": 3}, {"is_selected": false, "title": "input value-怎么获取input里的value值——CSDN问答频道", "most_related_para": 20, "segmented_title": ["input", "value", "-", "怎么", "获取", "input", "里", "的", "value", "值", "—", "—", "CSDN", "问答", "频道"], "segmented_paragraphs": [["qq", "_", "28195119", "于", "2015", ".", "07", ".", "21", "11", ":", "09", "提问"], ["怎么", "获取", "input", "里", "的", "value", "值"], ["各位", "大神", "好", ",", "怎么", "用", "jq", "获取", "这个", "input", "里", "的", "value", "值", "啊", ",", "我", "用", "的", "是", "$", "(", "\"", ".", "st", "\"", ")", ".", "attr", "(", "\"", "value", "\"", ")", ";", "但是", "获取", "出来", "的", "是", "空", ",", "这", "是", "什么", "原因", "啊", ",", "请", "指", "教"], ["yuke", "198907", "2015", ".", "07", ".", "21", "11", ":", "10"], ["Gemini", "_", "CGB", "回复", "qq", "_", "28195119", ":", "我", "也", "觉得", "应该", "是", "这样", "来", "取值", "的", ",", "你", "可以", "先", "看", "下", "$", "(", "\"", ".", "st", "\"", ")", "拿到", "的", "标签", "是不是", "想要", "的", "标签", ",", "可能", "页面", "中", "有很多", "持有", "这个", "class", "的", "标签", ",", "如果是这样", "的", "话", ",", "你可以", "多", "加", "些", "选择器", "接近", "2", "年", "之前", "回复"], ["CSDN", "XIAON", "2015", ".", "07", ".", "21", "11", ":", "13"], ["FF", "下", "innerHTML", "获取", "不到", "input", "标签", "中", "value", "的", "值", "解决办法", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "-", "同志", "你好", ",", "我", "是", "CSDN", "问答", "机器人", "小", "N", ",", "奉", "组织", "之", "命", "为你", "提供", "参考答案", ",", "编程", "尚未", "成功", ",", "同志", "仍", "需努力", "!"], ["yuyang", "199", "2015", ".", "07", ".", "21", "11", ":", "15"], ["input", "里面", "用", "$", "(", "\"", ".", "st", "\"", ")", ".", "val", "(", ")", ";", "应该", "就", "可以", "了"], ["yuyang", "199", "2015", ".", "07", ".", "21", "11", ":", "15"], ["input", "里面", "用", "$", "(", "\"", ".", "st", "\"", ")", ".", "val", "(", ")", ";", "应该", "就", "可以", "了"], ["qq", "806142724", "2015", ".", "07", ".", "21", "11", ":", "21"], ["纯", "js", "方法", "的", "话", "是", "document", ".", "get", "Element", "ById", "(", "\"", "这里", "填写", "id", "\"", ")", ";", "Jquery", "的", "话", "是", "$", "(", "\"", "#", "这里", "填写", "id", "\"", ")", ";"], ["strutce", "2015", ".", "07", ".", "21", "11", ":", "22"], ["document", ".", "get", "element", "byid"], ["qq", "_", "28195119", "回复", "丵鹰", ":", "我", "用", "的", "document", ".", "get", "elementby", "class", "(", "\"", "st", "\"", ")", ".", "value", ";", "弹出", "的", "是", "undefind", ",", "也", "就是", "没有", "获取", "到", "接近", "2", "年", "之前", "回复"], ["strutce", "document", ".", "get", "elementby", "class", "或", "document", ".", "get", "element", "byname", "都", "可以", "试", "下", "接近", "2", "年", "之前", "回复"], ["showbo", "2015", ".", "07", ".", "21", "11", ":", "34"], ["你", "在", "什么", "位置", "获取", "的", "?", "如果", "是", "在", "dom", "之前", "就", "执行", "当然", "获取", "不到", ",", "此时", "代码", "执行", "时", "dom", "还没有", "生产", ",", "放到", "dom", "对象", "后面", "。"], ["同时", "检查", "是不是", "有", "多", "个", "class", "为", "st", "的", "对象", ",", "如果", "是", "调用", "val", "或者", "attr", "只", "会", "获取", "到", "第一个", "st", "样式", "的", "值", ",", "如果", "不是", "input", "对象", "也", "获取", "不到", "value", "属性"], ["showbo", "回复", "qq", "_", "28195119", ":", "要", "获取", "所有", "st", "对象", "的", "值", "?", "map", "下", "得到", "数据", "再", "join", "下", "。", "alert", "(", "$", "(", "\"", ".", "st", "\"", ")", ".", "map", "(", "function", "(", ")", "{", "return", "this", ".", "value", "}", ")", ".", "get", "(", ")", ".", "join", "(", ")", ")", ",", "有", "帮助", "记得", "采纳", "。", "。", "接近", "2", "年", "之前", "回复"], ["qq", "_", "28195119", "我", "是", "在", "dom", "之后", "获取", "的", ",", "是", "有", "多", "个", "class", "为", "st", "的", "对象", ",", "如果", "有", "多", "个", "input", ",", "那", "我", "该", "如何", "获取", "value", "呢", "?", "接近", "2", "年", "之前", "回复"], ["save", "4", "me", "2015", ".", "07", ".", "21", "12", ":", "05"], ["你", "的", "页面", "上面", "有", "几个", "class", "为", "st", "的", "元素", "?", "如果", "有", "多", "个", ",", "使用", "$", "(", "\"", ".", "st", "\"", ")", ".", "eq", "(", "n", ")", ".", "val", "(", ")", ",", "其中", "n", "为", "st", "元素", "的", "序号", ",", "以", "0", "开始"], ["longbing", "_", "85", "2015", ".", "07", ".", "21", "12", ":", "39"], ["运行", "页面", ",", "查看", "一", "下", "网页", "源代码", ",", "看看", "你", "的", "input", "=", "\"", "text", "\"", ".", ".", ".", "后面", "的", "value", "是什么", "?", "id", "是什么", "?", "class", "是", "什么", "确认", "一", "下", "input", "相关", "属性", "的", "值", "和", "你", "期望", "的", "一样", ",", "然后", "再", "用", "上面", "各位", "大神", "的", "方法", "试", "试", "~", "~"], ["插入", "链接", "本地", "上传", "网络", "图片", "上传", "中", ".", ".", ".", "浏览", "上传图片", "插入图片"], ["oSanYe", "Cao", "1234567", "推荐", "了", ":", "从", "windows", "导入", "mac", "的", "android", "项目", ",", "下载", "到", "真", "机", "时", "出现", "空指针", "错误"], ["showbo", "推荐", "了", ":", "JQUERY", ",", "动态", "加载", "问题", ",", "谢谢"], ["oSanYe", "Cao", "1234567", "推荐", "了", ":", "java", "为什么", "有些", "字符串", "转", "成", "字节", "数组", "后", "不能", "再", "转回", "字符串", "了"], ["fight", "_", "in", "_", "dl", "推荐", "了", ":", "问", "个", "很", "白痴", "的", "问题", ",", "为什么", "函数", "不能", "写", "在", "FOR", "循环", "里面"], ["caozhy", "推荐", "了", ":", "C++", "赋值", "语句", "问题", "(", "最", "难", "的", "赋值", "语句", ")"]], "paragraphs": ["qq_28195119 于2015.07.21 11:09 提问", "怎么获取input里的value值", "各位大神好, 怎么用jq获取这个input里的value值啊,我用的是$(\".st\").attr(\"value\");但是获取出来的是空,这是什么原因啊,请指教", "yuke198907 2015.07.21 11:10", "Gemini_CGB 回复qq_28195119: 我也觉得应该是这样来取值的,你可以先看下$(\".st\")拿到的标签是不是想要的标签,可能页面中有很多持有这个class的标签,如果是这样的话,你可以多加些选择器 接近2 年之前 回复", "CSDNXIAON 2015.07.21 11:13", "FF下innerHTML获取不到input标签中value的值解决办法----------------------同志你好,我是CSDN问答机器人小N,奉组织之命为你提供参考答案,编程尚未成功,同志仍需努力!", "yuyang199 2015.07.21 11:15", "input里面用$(\".st\").val();应该就可以了", "yuyang199 2015.07.21 11:15", "input里面用$(\".st\").val();应该就可以了", "qq806142724 2015.07.21 11:21", "纯js方法的话是document.getElementById(\"这里填写id\"); Jquery的话是$(\"#这里填写id\");", "strutce 2015.07.21 11:22", "document.getelementbyid", "qq_28195119 回复丵鹰: 我用的document.getelementbyclass (\"st\").value;弹出的是undefind,也就是没有获取到 接近2 年之前 回复", "strutce document.getelementbyclass 或document.getelementbyname都可以试下 接近2 年之前 回复", "showbo 2015.07.21 11:34", "你在什么位置获取的?如果是在dom之前就执行当然获取不到,此时代码执行时dom还没有生产,放到dom对象后面。", "同时检查是不是有多个class为st的对象,如果是调用val或者attr只会获取到第一个st样式的值,如果不是input对象也获取不到value属性", "showbo 回复qq_28195119: 要获取所有st对象的值?map下得到数据再join下。alert($(\".st\").map(function(){return this.value}).get().join()),有帮助记得采纳。。 接近2 年之前 回复", "qq_28195119 我是在dom之后获取的,是有多个class为st的对象,如果有多个input,那我该如何获取value呢? 接近2 年之前 回复", "save4me 2015.07.21 12:05", "你的页面上面有几个class为st的元素?如果有多个,使用$(\".st\").eq(n).val(),其中n为st元素的序号,以0开始", "longbing_85 2015.07.21 12:39", "运行页面,查看一下网页源代码,看看你的input=\"text\" ... 后面的value是什么?id是什么?class是什么 确认一下input相关属性的值和你期望的一样, 然后再用上面各位大神的方法试试~~", "插入链接 本地上传 网络图片 上传中... 浏览 上传图片 插入图片", "oSanYeCao1234567 推荐了: 从windows导入mac的android项目,下载到真机时出现空指针错误", "showbo 推荐了: JQUERY,动态加载问题,谢谢", "oSanYeCao1234567 推荐了: java为什么有些字符串转成字节数组后不能再转回字符串了", "fight_in_dl 推荐了: 问个很白痴的问题,为什么函数不能写在FOR循环里面", "caozhy 推荐了: C++赋值语句问题(最难的赋值语句)"], "bs_rank_pos": 4}], "answer_spans": [[0, 14]], "fake_answers": ["1、根据id获取input节点2、通过value获取input的值"], "question": "怎么获取input的value值", "segmented_answers": [["1", "、", "根据", "id", "获取", "input", "节点", "。", "2", "、", "通过", "value", "获取", "input", "的", "值", "。"]], "answers": ["1、根据id获取input节点。2、通过value获取input的值。"], "answer_docs": [0], "segmented_question": ["怎么", "获取", "input", "的", "value", "值"], "question_type": "DESCRIPTION", "question_id": 18, "fact_or_opinion": "FACT", "match_scores": [0.9375]} -{"documents": [{"is_selected": true, "title": "珍嗖啦食用方法|珍嗖啦的正确吃法_珍嗖啦吧_百度贴吧", "most_related_para": 0, "segmented_title": ["珍", "嗖", "啦", "食用方法", "|", "珍", "嗖", "啦", "的", "正确", "吃法", "_", "珍", "嗖", "啦", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["正常", "吃法", "每日", "早", "、", "晚饭", "前", "30", "分钟", ",", "分别", "食用", "一袋", "即可", "恢复", "体", "内", "酵素", "平衡", "。", "睡前", "空腹", "服用", "效果", "也", "很好", ",", "但", "睡前", "不", "建议", "大量", "喝水", "。", "功效", "吃", "法", "1", "、", "减肥", ":", "第一周", "每天", "一袋", ",", "临睡前", "半小时", "服用", ",", "给", "身体", "一", "个", "适应期", ",", "一", "周", "以后", "可", "根据", "自身", "身体", "的", "适应", "情况", "增加", "用量", ",", "一天", "两", "袋", "或", "三", "袋", ",", "肠胃", "不好", "建议", "饭后", "两小时", "吃", "一", "条", "、", "睡前", "一", "条", "!", "肠胃", "好", "建议", "早上", "起床", "空腹", "饮水", "半小时", "后", "食用", "一", "条", "珍", "嗖", "啦", "。", "2", "、", "便秘", ":", "第一周", "每天", "一袋", ",", "临睡前", "半小时", "服用", "。", "一周后", "可", "增量", "到", "每天", "2", "-", "3", "条", ",", "每次", "餐", "前", "半小时", "服用", "。", "3", "、", "排毒", ":", "第一周", "每天", "一袋", ",", "临睡前", "半小时", "服用", ",", "一周后", "可", "根据", "身体", "适应", "情况", ",", "早晚", "空腹", "服用", "一", "条", ",", "促进", "新陈代谢", ",", "加速", "体", "内", "垃圾", "排出", "速度", ",", "达到", "排毒养颜", "的", "目的", "。", "4", "、", "解酒", ":", "喝酒", "前", "一小时", "左右", "服用", "一", "条", "珍", "嗖", "啦", ",", "可", "吸收", "酒精", "30", "-", "50", "%", ",", "达到", "护肝", "目的", ";", "酒后", "服用", "一", "条", ",", "可", "快速", "解酒", "、", "醒酒", ",", "不", "头疼", ",", "保持", "清醒", "!", "特殊人群", "食用方法", "老年人", ":", "早晚", "空腹", "服用", ",", "老年人", "身体", "各", "机", "能", "减退", ",", "补充", "酵素", "可", "维持", "机体", "正常", "功能", ",", "帮助", "消化", "食物", ",", "修复", "组织", ",", "提升", "活力", "。", "儿童", "服用", ":", "体质", "正常", ",", "视", "年龄", "而", "定", ",", "3", "岁", "以上", "的", "孩子", ",", "餐", "后", "半小时", "服用", ",", "每天", "1", "次", ";", "10", "岁", "以上", "的", ",", "餐", "后", "半小时", "服用", ",", "每天", "1", "-", "2", "次", "。", "偏", "胖", "的", "孩子", ",", "可", "酌情", "饭前", "服用", ";", "不喜", "蔬菜", ",", "偏食", "的", "孩子", ",", "可", "饭后", "服用", ",", "帮助", "吸收", "营养", ",", "增强体质", ",", "提高免疫力", "。", "2017", "微", "商", "产品", "食用", "注意事项", "虽然", "功能强大", ",", "但是", "这", "款", "2017", "微", "商", "产品", "首选", "还是", "有", "避讳", "的", "东西", "的", ",", "酵素", "的", "敌人", "是", "茶叶", "、", "咖啡", "、", "饮料", "、", "绿茶", "、", "白萝卜", "、", "热", "开水", ",", "酵素", "一", "但", "遇到", "这些", "就会", "被", "分解", "掉", ",", "不会", "起", "到", "任何", "作用", "!", "吃", "对", "方法", ",", "效果好", "。", "喝水", "的", "水温", "最好", "在", "四", "十", "度", "以下", "哦", "!", "每天", "至少", "2000", "ml", "的", "饮水", "量", ",", "温度", "不能", "超过", "40", "摄氏度", "!"], ["减肥", ",", "早起", "饮水", "半小时", "后", "服用", ",", "那", "需要", "吃早餐", "吗"], ["现在", "我", "已经", "被", "弄混", "了", "有", "的", "人", "说", "饭前", "吃", "减肥", "饭后", "吃", "增肥", "有", "的", "人", "说", "饭后", "吃", "减肥", "饭前", "吃", "增肥", "我", "真", "是", "已经", "蒙", "了"], ["珍", "嗖", "啦", "最", "有力", "的", "体验", "者", ",", "正确", "吃法", "加", "微信", "413217408"], ["到底", "是", "怎么", "吃", "呢", "?", "我", "都", "搞不清楚", "了"], ["20", "盒", "谁", "要", "珍", "嗖", "啦", "csj", "1538155402"], ["想要", "嗖", "啦", "加", "我", "微信", "wanglijiao", "1998"], ["吃", "完", "水果", "之后", "可以", "吃", "嗖", "啦", "还有", "效果", "吗", "?"], ["有", "要", "回收", "珍", "嗖", "啦", "的", "吗", "!", "加", "微信", "lcc", "19880909"]], "paragraphs": ["正常吃法每日早、晚饭前30分钟,分别食用一袋即可恢复体内酵素平衡。睡前空腹服用效果也很好,但睡前不建议大量喝水。功效吃法1、减肥:第一周每天一袋,临睡前半小时服用,给身体一个适应期,一周以后可根据自身身体的适应情况增加用量,一天两袋或三袋,肠胃不好建议饭后两小时吃一条、睡前一条!肠胃好建议早上起床空腹饮水半小时后食用一条珍嗖啦。2、便秘:第一周每天一袋,临睡前半小时服用。一周后可增量到每天2-3条,每次餐前半小时服用。3、排毒:第一周每天一袋,临睡前半小时服用,一周后可根据身体适应情况,早晚空腹服用一条,促进新陈代谢,加速体内垃圾排出速度,达到排毒养颜的目的。4、解酒: 喝酒前一小时左右服用一条珍嗖啦,可吸收酒精30-50%,达到护肝目的;酒后服用一条,可快速解酒、醒酒,不头疼,保持清醒!特殊人群食用方法老年人:早晚空腹服用,老年人身体各机能减退,补充酵素可维持机体正常功能,帮助消化食物,修复组织,提升活力。 儿童服用:体质正常,视年龄而定,3岁以上的孩子,餐后半小时服用,每天1次;10岁以上的,餐后半小时服用,每天1-2次。偏胖的孩子,可酌情饭前服用;不喜蔬菜,偏食的孩子,可饭后服用,帮助吸收营养,增强体质,提高免疫力。2017微商产品食用注意事项虽然功能强大,但是这款2017微商产品首选还是有避讳的东西的,酵素的敌人是茶叶、咖啡、饮料、绿茶、白萝卜、热开水,酵素一但遇到这些就会被分解掉,不会起到任何作用!吃对方法,效果好。喝水的水温最好在四十度以下哦!每天至少2000ml的饮水量,温度不能超过40摄氏度!", "减肥,早起饮水半小时后服用,那需要吃早餐吗", "现在我已经被弄混了 有的人说饭前吃减肥 饭后吃增肥 有的人说饭后吃减肥 饭前吃增肥 我真是已经蒙了", "珍嗖啦最有力的体验者,正确吃法加微信413217408", "到底是怎么吃呢?我都搞不清楚了", "20盒谁要 珍嗖啦 csj1538155402", "想要嗖啦加我微信wanglijiao1998", "吃完水果之后可以吃嗖啦还有效果吗?", "有要回收珍嗖啦的吗!加微信lcc19880909"], "bs_rank_pos": 0}, {"is_selected": true, "title": "珍嗖啦一天吃几次比较合适总代教你正确使用方法 - 须知网", "most_related_para": 0, "segmented_title": ["珍", "嗖", "啦", "一", "天", "吃", "几", "次", "比较合适", "总", "代", "教", "你", "正确", "使用方法", "-", "须知", "网"], "segmented_paragraphs": [["晚上", "吃", "嗖", "啦", "最好", ",", "因为", "人", "的", "一日三餐", ",", "经", "一夜", "新陈代谢", ",", "早晨", "空腹", "排便", "才是", "最", "科学", "的", "。", "人", "在", "睡前", "食用", "纤体梅", ",", "其", "有效", "成份", "进入", "人", "的", "胃肠", ",", "对", "肠", "壁", "上", "粘连", "的", "宿便", "进行", "一夜", "的", "软化", "和", "分解", "作用", ",", "宿便", "会", "逐渐", "脱落", ",", "并", "在", "人", "起床后", "排便", "时", "一同", "排出体外", ",", "睡前", "食用", "珍", "嗖", "啦", ",", "更", "有助于", "人们", "养成", "早晨", "空腹", "排便", "的", "好习惯", "。", "总", "代", "2762790120"]], "paragraphs": ["晚上吃嗖啦最好,因为人的一日三餐,经一夜新陈代谢,早晨空腹排便才是最科学的。人在睡前食用纤体梅,其有效成份进入人的胃肠,对肠壁上粘连的宿便进行一夜的软化和分解作用,宿便会逐渐脱落,并在人起床后排便时一同排出体外,睡前食用珍嗖啦,更有助于人们养成早晨空腹排便的好习惯。总代2762790120"], "bs_rank_pos": 1}, {"is_selected": true, "title": "珍嗖啦正确吃法时间 珍嗖啦什么时间吃?-百科大全-就爱阅读网", "most_related_para": 8, "segmented_title": ["珍", "嗖", "啦", "正确", "吃法", "时间", "珍", "嗖", "啦", "什么", "时间", "吃", "?", "-", "百科", "大全", "-", "就爱阅读", "网"], "segmented_paragraphs": [["看", "个人", "体质", ",", "有些人", "吸收", "比较好", ",", "总之", "吃", "下去", "肯定", "可以", "减肥"], ["你好", ",", "您", "这种情况", "可以", "考虑", "中药", "进行", "治疗", "。", "您", "最好", "去", "中医", "辨证", "后", "汤药", "联合", "中药", "外", "洗", "治疗", "。"], ["忌", "乱", "吃药", "!", "忌", "乱", "用药", "!", "忌", "乱", "吃", "保健品", "。", "“", "要", "对症下药", "”", "。"], ["排毒", "不需", "吃药", ",", "不用花钱", "。", "养生", "应", "尽量", "以", "食疗", "为", "主", "最好", "。"], ["要", "认清", "排毒", "概念", ":", "中医", "认为", "身体", "内", "多余", "的", "东西", "称为", "毒", "。", "西医", "没有", "\"", "毒", "\"", "的", "名词", "。"], ["疏通", "肠道", "、", "尿道", "、", "血管", "、", "气管", "、", "汗腺", "等", ",", "使", "各", "路", "排毒", "管道", "通畅", ",", "以便", "于", "进行", "“", "体", "内", "大扫除", "”", "。"], ["1", "、", "“", "宿便", "是", "百病", "之", "源", "”", "应", "多", "吃", "高", "纤维", "食物", ":", "粗粮", ",", "蔬菜", "和", "水果", ",", "能", "促进", "肠道", "蠕动", ",", "增加", "粪便", "体积", "和", "软化", "粪便", "。", "常吃", "全", "麦片", "、", "玉米片", "、", "或", "红薯", "、", "香蕉", "等", "、", "蜜糖", "、", "芋头", "、", "马铃薯", "南瓜", "等", "。", "具有", "良好", "的", "通便", "功效", "。", "可", "把", "肠道", "垃圾", "、", "毒素", "清除", "。", "2", "、", "定期", "1", "个", "月", "禁食", "1", "个", "中", "午餐", ",", "只", "喝", "开水", ",", "晚餐", "吃", "蔬菜", "和", "水果", ",", "全", "麦片", "、", "玉米片", "、", "或", "红薯", "促使", "体内毒素", "排出", "。", "3", "、", "多", "饮水", "促进", "肾脏", "排毒"], ["瘦身", "的", "话", ",", "我知道"], ["第", "一盒", ":", "肠胃", "好", "的", "话", ",", "zyh", "138", "0", "153", "6330", "饭后", "2", "个", "小时", "吃", "一", "条", "。", "肠胃", "不好", "的", "话", ",", "饭后", "半个小时", "吃", "一", "条", "。", "第", "二", "盒", ":", "早饭", "前", "半个小时", "吃", "一", "条", ",", "晚饭", "前", "半个小时", "吃", "一", "条", "。"], ["吃", "搜啦", ":", "之", "前", "记得", "先", "喝一杯", "温水", "。", "多", "吃", "水果", "蔬菜", "。"], ["酵素", "果冻", ":", "60", "一盒", "。", "使用方法", "是", "前", "一个星期", "适应期", "一天", "一", "条", ",", "一盒", "七", "条", ",", "一袋", "15", "克", ",", "睡前", "服用", "最佳", ",", "开", "袋", "即食", "。", "想要", "减肥", "的", "便秘", "者", ",", "在", "适应期", "过后", "一天", "两", "条", ",", "饭後", "两小时", "服用", ",", "早饭", "後", "两小时", "或者", "是", "晚饭", "後", "两小时", "吃", "。", "更年期", "的", "男女", "、", "孕妇", "、", "老人", "小孩", "都", "可以", "吃", ",", "它", "主要", "是", "排出", "宿便", ",", "排出", "体", "内", "不需要", "的", "废弃物", ",", "从而", "达到", "减重", "的", "效果", "。", "味道", "是", "可口", "蓝莓", "味", "!"], ["躺着", "就", "可以", "减肥", "和", "躺着", "赚钱", "没啥", "区别", "区别", "就是", "没", "减", "的", "和", "没", "赚钱", "的", "比", "有", "减", "和", "有", "赚钱", "的", "多", "了", "不知道", "多少", "万", "倍"], ["建议", "慎", "用", "减肥产品", ",", "一些", "减肥药", "会导致", "作呕", "、", "心跳加速", "、", "肝脏", "甚至", "肾脏", "受损", "。", "乱", "吃", "减肥药", "的", "危害", "很大", ",", "减肥", "不是", "一蹴而就", "的", "事情", ",", "一定", "不要乱", "吃", "药物", ",", "以", "免", "对", "身体", "的", "某些", "部位", "造成", "伤害", ",", "影响", "自己", "的", "身心健康", "!", "许多", "减肥药", "里面", "含有", "泻药", "的", "成分", ",", "泻药", "会导致", "服用", "者", "的", "肠胃", "退化", ",", "服用", "得", "多", ",", "服用", "者", "就", "无法", "自动", "排泄", "。"], ["是", "酵素", "果冻", "是", "用来", "排毒", "减肥", "的", "。"], ["人", "每天", "除了", "吃", "些", "五谷杂粮", "和", "蔬菜", "之外", ",", "多", "吃", "些", "水果", "对", "我们", "的", "身体", "健康", "有着", "很大", "的", "帮助", "。"], ["1", ".", "保养皮肤", ":", "水果", "中", "含", "丰富", "的", "抗氧化", "物质", "维生素", "E", "和", "微量元素", ",", "可以", "滋养", "皮肤", ",", "其", "美容", "效果", "可", "不是", "一般", "的", "化妆品", "可比", "的", "。", "如", ":", "苹果", "中", "含有", "丰富", "的", "胡萝卜素", "、", "维生素", "、", "铁", "等", "营养", "元素", ".", "还", "含有", "较多", "的", "微盘", "元素", "—", "镁", "。", "这些", "物质", "均", "有利于", "皮肤", "红润", "、", "光泽", "、", "有", "弹性", "。", "其中", "维生素", "C", "能", "抑制", "黑色素", "的", "形成", ",", "并", "防止", "黑色素", "在", "人体", "皮肤", "内", "沉着", "。", "2", ".", "减缓", "衰老", ":", "水果", "除了", "含有", "我们", "已知", "的", "营养素", "外", ",", "还", "富含", "大量", "天然植物", "化合物", "。", "这些", "物质", "可以", "调节", "解毒", "酶", "的", "活性", ",", "改善", "激素", "代谢", ",", "具有", "抗菌", "抗病毒", "的", "能力", ",", "并且", "发挥", "着", "延缓衰老", "的", "作用", "。", "如", ":", "猕猴桃", "。", "它", "富含", "维生素A", ",", "C", ",", "E", "以及", "人体", "必需", "的", "微量元素", "等", "营养成分", ",", "尤其", "是", "它", "所", "含", "的", "氨基酸", ",", "能", "帮助", "人体", "制造", "激素", ",", "减缓", "衰老", "。", "3", ".", "预防疾病", ":", "由于", "水果", "中", "含有", "很多", "维生素", ",", "微量元素", ",", "所以", "还", "可以", "用来", "预防疾病", "。", "如", "橘子", "。", "橘子", "味", "甘", "酸", ",", "性", "凉", ",", "具有", "开胃", "理", "气", "、", "止渴", "润肺", "的", "功效", ",", "对于", "口渴", "咽干", "、", "消化不良", "、", "干咳", "无痰", "等", "症", "有", "一定", "的", "治疗效果", ",", "同时", "还能", "预防", "心血管疾病", "和", "糖尿病", "。", "4", ".", "降低血压", ":", "水果", "防治", "心血管病", ",", "并", "可", "阻遏", "强", "致癌物质", "亚硝胺", "的", "生长", "和", "癌细胞", "增生", ",", "产生", "某种", "酶", "的", "活性", "。", "资料", "分析", ",", "水果", "能", "增进", "消化", ",", "改善", "心肌", "功能", ",", "对", "维持", "人体", "内", "酸碱平衡", "起", "着", "调节", "作用", "。", "如", "山楂", "。", "山楂", "能", "防治", "心血管疾病", ",", "具有", "扩张血管", "、", "强", "心", "、", "增加", "冠脉", "血流", "量", "、", "改善", "心脏", "活力", "、", "兴奋", "中枢神经系统", "、", "降低血压", "和", "胆固醇", "、", "软化", "血管", "及", "利尿", "和", "镇静", "作用", ";", "防"], ["治", "动脉硬化", ",", "防衰老", "、", "抗癌", "的", "作用", "。"], ["5", ".", "减肥瘦身", ":", "有些", "水果", "中", "含有", "丰富", "的", "食物", "纤维", ",", "纤维", "是", "不能", "为", "小肠", "所", "消化", "的", "碳水化合物", ",", "在", "结肠", "内", ",", "纤维", "可", "提供", "给", "肠", "腔", "营养"], ["物质", ",", "这", "有助于", "促进", "身体", "的", "新陈代谢", "以及", "帮助", "抑制", "食欲", "。"], ["如", "柚子", "。", "它", "属于", "柑橘", "类", ",", "维生素", "c", "的", "含量", "丰富", ",", "而且", "纤维", "含量", "也", "很多", ",", "易", "产生", "饱腹", "感", "。", "然而", "它", "的", "热量", "却", "很", "低", ",", "可以", "和", "西瓜", "媲美", "。"], ["我", "一", "天", "吃", "一", "个", "就", "拉肚子", ",", "还", "没", "效果"], ["百度搜索", "“", "就", "爱", "阅读", "”", ",", "专业", "资料", ",", "生活", "学习", ",", "尽", "在", "就", "爱", "阅读", "网", "92to", ".", "com", ",", "您", "的", "在线", "图书馆"], ["分享", "此", "文"]], "paragraphs": ["看个人体质,有些人吸收比较好,总之吃下去肯定可以减肥", "你好,您这种情况可以考虑中药进行治疗。您最好去中医辨证后汤药联合中药外洗治疗。", "忌乱吃药!忌乱用药!忌乱吃保健品。“要对症下药”。", "排毒不需吃药,不用花钱。养生应尽量以食疗为主最好。", "要认清排毒概念:中医认为身体内多余的东西称为毒。西医没有\"毒\"的名词。", "疏通肠道、尿道、血管、气管、汗腺等,使各路排毒管道通畅,以便于进行“体内大扫除”。", "1、“宿便是百病之源”应多吃高纤维食物:粗粮,蔬菜和水果,能促进肠道蠕动,增加粪便体积和软化粪便。常吃全麦片、玉米片、或红薯、香蕉等、蜜糖、芋头、马铃薯南瓜等。具有良好的通便功效。可把肠道垃圾、毒素清除。 2、定期1个月禁食1个中午餐,只喝开水,晚餐吃蔬菜和水果,全麦片、玉米片、或红薯促使体内毒素排出。 3、多饮水促进肾脏排毒", "瘦身的话,我知道", "第一盒:肠胃好的话,zyh 138 0 153 6330饭后2个小时吃一条。肠胃不好的话,饭后半个小时吃一条。 第二盒:早饭前半个小时吃一条,晚饭前半个小时吃一条。", "吃搜啦:之前记得先喝一杯温水。多吃水果蔬菜。", "酵素果冻:60一盒。使用方法是前一个星期适应期一天一条,一盒七条,一袋15克,睡前服用最佳,开袋即食。想要减肥的便秘者,在适应期过后一天两条,饭後两小时服用,早饭後两小时或者是晚饭後两小时吃。更年期的男女、孕妇、老人小孩都可以吃,它主要是排出宿便,排出体内不需要的废弃物,从而达到减重的效果。味道是可口蓝莓味!", "躺着就可以减肥和躺着赚钱没啥区别 区别就是没减的和没赚钱的比有减和有赚钱的多了不知道多少万倍", "建议慎用减肥产品,一些减肥药会导致作呕、心跳加速、肝脏甚至肾脏受损。乱吃减肥药的危害很大,减肥不是一蹴而就的事情,一定不要乱吃药物,以免对身体的某些部位造成伤害,影响自己的身心健康!许多减肥药里面含有泻药的成分,泻药会导致服用者的肠胃退化,服用得多,服用者就无法自动排泄。", "是酵素果冻是用来排毒减肥的。", "人每天除了吃些五谷杂粮和蔬菜之外,多吃些水果对我们的身体健康有着很大的帮助。", "1.保养皮肤:水果中含丰富的抗氧化物质维生素E和微量元素,可以滋养皮肤,其美容效果可不是一般的化妆品可比的。 如:苹果中含有丰富的胡萝卜素、维生素、铁等营养元素.还含有较多的微盘元素—镁。这些物质均有利于皮肤红润、光泽、有弹性。其中维生素C能抑制黑色素的 形成,并防止黑色素在人体皮肤内沉着。 2.减缓衰老:水果除了含有我们已知的营养素外,还富含大量天然植物化合物。这些物质可以调节解毒酶的活性,改善激素 代谢,具有抗菌抗病毒的能力,并且发挥着延缓衰老的作用。如:猕猴桃。它富含维生素A,C,E以及人体必需的微量元素等营养成分,尤其是它所含的氨基酸, 能帮助人体制造激素,减缓衰老。 3.预防疾病:由于水果中含有很多维生素,微量元素,所以还可以用来预防疾病。如橘子。橘子味甘酸,性凉,具有开胃理气、止渴润肺的功效,对于口渴咽干、消化不良、干咳无痰等症有一定的治疗效果,同时还能预防心血管疾病和糖尿病。 4.降低血压:水果防治心血管病,并可阻遏强致癌物质亚硝胺的生长和癌细胞增生,产生某种酶的活性。资料分析,水果能 增进消化,改善心肌功能,对维持人体内酸碱平衡起着调节作用。 如山楂。山楂能防治心血管疾病,具有扩张血管、强心、增加冠脉血流量、改善心脏活力、兴奋中枢神经系统、降低血压和胆固醇、软化血管及利尿和镇静作用;防", "治动脉硬化,防衰老、抗癌的作用。", "5.减肥瘦身:有些水果中含有丰富的食物纤维,纤维是不能为小肠所消化的碳水化合物,在结肠内,纤维可提供给肠腔营养", "物质,这有助于促进身体的新陈代谢以及帮助抑制食欲。", "如柚子。它属于柑橘类,维生素c的含量丰富,而且纤维含量也很多,易产生饱腹感。然而它的热量却很低,可以和西瓜媲美。", "我一天吃一个就拉肚子,还没效果", "百度搜索“就爱阅读”,专业资料,生活学习,尽在就爱阅读网92to.com,您的在线图书馆", "分享此文"], "bs_rank_pos": 2}, {"is_selected": false, "title": "珍嗖啦的吃法——服用方法_搜了网", "most_related_para": 1, "segmented_title": ["珍", "嗖", "啦", "的", "吃法", "—", "—", "服用", "方法", "_", "搜", "了", "网"], "segmented_paragraphs": [["发布时间", ":", "2016", "/", "4", "/", "17", "5", ":", "16", ":", "26"], ["它", "的", "成分", "都是", "没有任何", "副作用", ",", "大家", "可以", "按", "成分", "表", "去", "一", "一", "查询", "!", "不过", "我们", "在", "补充", "了", "酵素", "后", ",", "酵素", "会", "调整", "我们的身体", ",", "会", "把", "我们", "的", "一些", "老毛病", "、", "老", "病根", "或者", "是", "身体", "上", "存在", "的", "一些", "给", "翻", "出来", ",", "让", "这些", "病症", "出现", ",", "然后", "帮助", "我们", "进行", "调理", "。", "这些", "反应", "都是", "好转", "反应", ",", "能", "忍受", "的", "话", "一定要", "坚持", ",", "或者", "加", "量", "反应", "短时间内", "就会", "突然消失", "。"], ["珍", "嗖", "啦", "适合", "什么", "样", "的", "人", "食用", "?"]], "paragraphs": ["发布时间 : 2016/4/17 5:16:26", "它的成分都是没有任何副作用,大家可以按成分表去一一查询!不过我们在补充了酵素后,酵素会调整我们的身体,会把我们的一些老毛病、老病根或者是身体上存在的一些给翻出来,让这些病症出现,然后帮助我们进行调理。这些反应都是好转反应,能忍受的话一定要坚持,或者加量反应短时间内就会突然消失。", "珍嗖啦适合什么样的人食用?"], "bs_rank_pos": 3}, {"is_selected": false, "title": "珍嗖啦的正确吃法?怎么吃才能瘦的更快?有谁吃过?_深圳热线手机版", "most_related_para": 1, "segmented_title": ["珍", "嗖", "啦", "的", "正确", "吃法", "?", "怎么", "吃", "才能", "瘦", "的", "更", "快", "?", "有", "谁", "吃", "过", "?", "_", "深圳热线", "手机", "版"], "segmented_paragraphs": [["夏季来临", ",", "马上就要", "露", "胳膊", "露", "腿", "了", ",", "可是", "还是", "这么", "胖", "。", "怎么办", "?", "天天", "喊", "着", "减肥", "减肥", ",", "却", "又", "有", "几个", "人", "能", "真正做到", "少", "吃", "多", "运动", "的", "呢", "!", "好多人", "认为", "吃", "减肥药", "就", "可以", "减肥", ",", "而", "这种", "吃", "了", "会", "拉肚子", "的", "产品", "真", "的", "健康", "吗", "?", "当你", "短期", "瘦下来", "之后", "减掉", "的", "不是", "脂肪", "而是", "水份", ",", "人体", "的", "水份", "大量", "流失", "导致", "体重", "变", "轻", "你", "的", "肠胃", "就会", "受到", "很大", "损伤", "。", "很明显", "这种", "传统", "的", "减肥药", "已经", "很", "不可取", "了", "!", "现在", "我们", "推出", "的", "的", "【", "ZNSOLAA", "珍", "嗖", "啦", "】", "一款", "可以", "促进", "排毒", "的", "纯", "酵素", "果冻", ",", "酸酸甜甜", "的", "蓝莓", "口味", ",", "非常", "好吃", "哦", ",", "关键", "是", "成份", "非常", "的", "安全", ",", "健康", "瘦身", "的", "同时", "也", "不用", "承受", "减肥", "的", "痛苦", ",", "你可以", "试", "试", "哦", "。"], ["【", "ZNSOLAA", "珍", "嗖", "啦", "】", "不是", "减肥药", ",", "是", "一", "种", "酶", "。", "主要", "排除", "体", "内", "多", "年", "积存", "的", "毒素", ",", "像", "肝", "毒", "、", "肺", "毒", ",", "从而", "达到", "一", "种", "健康", "瘦身", "的", "目的", ",", "即便", "正常", "排便", "的", "人", "也", "可以", "使用", "。", "因为", "体", "内", "会", "滞留", "食物残渣", ",", "肠道", "上", "也", "会", "有", "油", ",", "所以", "正常", "排便", "也", "可以", "吃", "哦", "~", "如果", "刚", "开始", "有", "拉肚子", "请", "不要担心", "哦", "~", "这", "是", "在", "排出", "毒素", ",", "排出", "毒素", "后", "才", "开始", "减脂", "哦", "~"], ["主要", "功效", ":", "排出", "毒素", "、", "降火", "、", "养颜", "、", "解酒", ",", "养颜", ",", "还能", "减", "体重", "。"], ["适宜", "人群", "有", "便秘", "的", "人", ",", "腰围", "粗大", "的", "人", ",", "口臭", "色斑", "脸上", "没有", "光泽", "的", ",", "养", "神", "护", "体", "的", "老人", "也", "可以", "用", "。", "还有", "大量", "消耗", "的", "体力", "劳动", "者", "、", "长期", "熬夜", "的", ",", "抽烟", "饮酒", "的", ",", "社会", "压力", "比较", "大", "的", ",", "晚上", "睡不着", "觉", "的", ",", "都", "可以", "用", "。", "它", "是", "纯", "植物", ",", "纯", "果实", "的", ",", "成分", "非常", "安全", ",", "对", "身体", "没有任何", "副作用", ",", "所以", "孕妇", "小孩", "也是", "可以", "放心", "食用", "的", "。"], ["酶", "存在", "于", "各种", "动植物", "的", "体", "内", ",", "正常", "维护", "我们", "的", "消化系统", "。", "因此", ",", "【", "ZNSOLAA", "珍", "嗖", "啦", "】", "能够", "清理", "肠", "毒", ",", "排出", "宿便", ",", "减少", "大肚腩", ",", "调理", "内分泌", ",", "对", "脸上", "的", "痘痘", "也有", "很大", "的", "作用", "。", "也有", "很多", "人", "脸上", "的", "雀斑", ",", "痘痘", ",", "都是", "因为", "长时间", "积累", "出来", "的", ",", "体", "内", "有很多", "的", "毒素", "排", "不", "出来", ",", "长期", "累积", ",", "体", "内", "的", "毒素", "慢慢", "累积", "到", "一定", "程度", "就会", "造成", "雀斑", ",", "痘痘", ",", "因此", "想要", "脸上", "颜如玉", ",", "就要", "体", "内", "清", "如", "水", "。"], ["【", "ZNSOLAA", "珍", "嗖", "啦", "】", "主要成分", ":"], ["诺丽果", "酵素", "、", "蓝莓", "酵素", "、", "柑橘", "多酚", "、", "果糖", "、", "海藻胶", "、", "水溶性", "膳食纤维", "、", "果汁", "、", "木糖醇", "、", "魔芋粉", "。"], ["它", "的", "调理", "分", "四个阶段", ":"], ["第一阶段", ":", "排毒", ",", "很多人", "调理", "完", "觉得", "便便", "畅通", ",", "量", "多", ",", "这", "是", "排出", "身体", "隐藏", "的", "毒素", ";", "第二阶段", ":", "养护", "肠道", ";", "第三阶段", ":", "改善", "皮肤", ";", "第四阶段", ":", "改变", "体质", ",", "让", "酸性体质", "变成", "碱性", "体质", ",", "碱性", "体质", "的", "好处", "你们", "明白", "吧", "。"], ["最", "显著", "的", "特点", ":", "1", "、", "降低", "癌症", "风险", ";", "2", "、", "皮肤", "有", "光泽", ";", "3", "、", "不易", "疲劳", ";", "4", "、", "不易", "发胖", "。"], ["【", "ZNSOLAA", "珍", "嗖", "啦", "】", "的", "功效", "不只是", "减肥", ",", "它", "还有", "其他", "的", "功效", "哦", "!"], ["1", "、", "排出", "宿便", "毒素", "(", "便秘", ",", "宿便", ",", "消化", "障碍", ",", "胃胀", "等", ")", "2", "、", "排出", "血液", "毒素", "(", "血栓", ",", "静脉曲张", "血脂", ",", "血液", "粘稠", ")", "3", "、", "排出", "化妆品", "毒素", "(", "化妆品", "含有", "防腐剂", "铅", "汞", "等", ",", "长期使用", "加重", "皮肤", "代谢", "困难", ")", "4", "、", "排出", "皮肤", "毒素", "(", "色斑", ",", "粉刺", ",", "痤疮", ",", "暗沉", ",", "发黄", ")"], ["5", "、", "排出", "子宫", "毒素", "(", "子宫", "毒素", "危害", ",", "月经不调", ",", "妇科炎症", "等", ")"], ["6", "、", "排出", "代谢", "毒素", "(", "肥胖", ",", "体", "虚", ",", "大肚子", ",", "亚健康", ",", "免疫力", ")"], ["也许你", "在", "羡慕", "别人", "月", "入", "上", "万", ",", "你", "也", "蠢蠢欲动", "想", "加入", "微", "商", ",", "现在", "还", "不", "晚", ",", "真", "的", "不", "晚", ",", "如果", "你", "相信我", ",", "就", "趁着", "【", "ZNSOLAA", "珍", "嗖", "啦", "】", "正在", "招收", "代理", "之", "时", "赶快", "加入我们", "的", "微", "商", "队伍", "中", "吧", "!", "加入我们", ",", "全方位", "的", "培训", ",", "一对一", "的", "指导", ",", "无需", "囤货", ",", "没有", "高风险", ",", "却", "有", "高收益", ",", "真正", "让", "你", "零", "压力", "创业", "!", "时间", "自由", ",", "随时", "排毒", ",", "随时", "收钱", ",", "不", "耽误", "任何", "你", "想", "做", "的", "事情", "!", "有意", "者", "赶紧", "联系", "微信", "tytytyni", "吧", "!", "或者", "扫描", "上方", "的", "二维码", ",", "我在这里等你", "!"]], "paragraphs": ["夏季来临,马上就要露胳膊露腿了,可是还是这么胖。怎么办?天天喊着减肥减肥,却又有几个人能真正做到少吃多运动的呢!好多人认为吃减肥药就可以减肥,而这种吃了会拉肚子的产品真的健康吗?当你短期瘦下来之后减掉的不是脂肪而是水份,人体的水份大量流失导致体重变轻你的肠胃就会受到很大损伤。很明显这种传统的减肥药已经很不可取了!现在我们推出的的【ZNSOLAA珍嗖啦】一款可以促进排毒的纯酵素果冻,酸酸甜甜的蓝莓口味,非常好吃哦,关键是成份非常的安全,健康瘦身的同时也不用承受减肥的痛苦,你可以试试哦。", "【ZNSOLAA珍嗖啦】不是减肥药,是一种酶。主要排除体内多年积存的毒素,像肝毒、肺毒,从而达到一种健康瘦身的目的,即便正常排便的人也可以使用。因为体内会滞留食物残渣,肠道上也会有油,所以正常排便也可以吃哦~如果刚开始有拉肚子请不要担心哦~这是在排出毒素,排出毒素后才开始减脂哦~", "主要功效:排出毒素、降火、养颜、解酒,养颜,还能减体重。", "适宜人群有便秘的人,腰围粗大的人,口臭色斑脸上没有光泽的,养神护体的老人也可以用。还有大量消耗的体力劳动者、长期熬夜的,抽烟饮酒的,社会压力比较大的,晚上睡不着觉的,都可以用。它是纯植物,纯果实的,成分非常安全,对身体没有任何副作用,所以孕妇小孩也是可以放心食用的。", "酶存在于各种动植物的体内,正常维护我们的消化系统。因此,【ZNSOLAA珍嗖啦】能够清理肠毒,排出宿便,减少大肚腩,调理内分泌,对脸上的痘痘也有很大的作用。也有很多人脸上的雀斑,痘痘,都是因为长时间积累出来的,体内有很多的毒素排不出来,长期累积,体内的毒素慢慢累积到一定程度就会造成雀斑,痘痘,因此想要脸上颜如玉,就要体内清如水。", "【ZNSOLAA珍嗖啦】主要成分:", "诺丽果酵素、蓝莓酵素、柑橘多酚、果糖、海藻胶、水溶性膳食纤维、果汁、木糖醇、魔芋粉。", "它的调理分四个阶段:", "第一阶段:排毒,很多人调理完觉得便便畅通,量多,这是排出身体隐藏的毒素; 第二阶段:养护肠道; 第三阶段:改善皮肤; 第四阶段:改变体质,让酸性体质变成碱性体质,碱性体质的好处你们明白吧。", "最显著的特点:1、降低癌症风险;2、皮肤有光泽;3、不易疲劳;4、不易发胖。", "【ZNSOLAA珍嗖啦】的功效不只是减肥,它还有其他的功效哦!", "1、排出宿便毒素(便秘,宿便,消化障碍,胃胀等) 2、排出血液毒素(血栓,静脉曲张血脂,血液粘稠) 3、排出化妆品毒素(化妆品含有防腐剂铅汞等,长期使用加重皮肤代谢困难) 4、排出皮肤毒素(色斑,粉刺,痤疮,暗沉,发黄)", "5、排出子宫毒素(子宫毒素危害,月经不调,妇科炎症等)", "6、排出代谢毒素(肥胖,体虚,大肚子,亚健康,免疫力)", "也许你在羡慕别人月入上万,你也蠢蠢欲动想加入微商,现在还不晚,真的不晚,如果你相信我,就趁着【ZNSOLAA珍嗖啦】正在招收代理之时赶快加入我们的微商队伍中吧!加入我们,全方位的培训,一对一的指导,无需囤货,没有高风险,却有高收益,真正让你零压力创业!时间自由,随时排毒,随时收钱,不耽误任何你想做的事情!有意者赶紧联系微信 tytytyni 吧!或者扫描上方的二维码,我在这里等你!"], "bs_rank_pos": 4}], "answer_spans": [[13, 31]], "fake_answers": ["饭后2个小时吃一条。肠胃不好的话,饭后半个小时吃一条。"], "question": "珍嗖啦怎么吃法才正确", "segmented_answers": [["每日", "早", "、", "晚饭", "前", "30", "分钟", ",", "分别", "食用", "一袋", "即可", "恢复", "体", "内", "酵素", "平衡", "。", "睡前", "空腹", "服用", "效果", "也", "很好", ",", "但", "睡前", "不", "建议", "大量", "喝水", "。"], ["开始", "食用", "珍", "嗖", "啦", "时", "的", "一", "周", ",", "无论", "是", "减肥", "还是", "排毒养颜", "都", "只", "一天", "一袋", ",", "睡前", "吃", ",", "给", "身体", "一", "个", "适应期", ",", "排", "宿便", "。", "一周后", "便秘", "或", "减肥", "者", "可以", "根据", "自身", "的", "身体", "适应", "情况", "增加", "用量", ",", "一天", "两", "袋", "/", "三", "袋", ",", "饭后", "两小时", "吃", "。", "就是", "早饭", "后", "两小时", ",", "午饭", "后", "两小时", ",", "吃", "嗖", "啦", "要", "多喝水", ",", "才", "可以", "排毒养颜", "。"], ["饭后", "2", "个", "小时", "吃", "一", "条", "。", "肠胃", "不好", "的", "话", ",", "饭后", "半个小时", "吃", "一", "条", "。"]], "answers": ["每日早、晚饭前30分钟,分别食用一袋即可恢复体内酵素平衡。睡前空腹服用效果也很好,但睡前不建议大量喝水。", "开始食用珍嗖啦时的一周,无论是减肥还是排毒养颜都只一天一袋,睡前吃,给身体一个适应期,排宿便。一周后便秘或减肥者可以根据自身的身体适应情况增加用量,一天两袋/三袋,饭后两小时吃。就是早饭后两小时,午饭后两小时,吃嗖啦要多喝水,才可以排毒养颜。", "饭后2个小时吃一条。肠胃不好的话,饭后半个小时吃一条。"], "answer_docs": [2], "segmented_question": ["珍", "嗖", "啦", "怎么", "吃法", "才", "正确"], "question_type": "DESCRIPTION", "question_id": 19, "fact_or_opinion": "OPINION", "match_scores": [0.9473684210526315]} -{"documents": [{"is_selected": false, "title": "初中生毕业后能干什么_百度文库", "most_related_para": 1, "segmented_title": ["初中生", "毕业后", "能", "干什么", "_", "百度", "文库"], "segmented_paragraphs": [["初中生", "毕业后", "能", "干什么", "_", "其它", "课程", "_", "初中", "教育", "_", "教育", "专区", "。", "初中生", "毕业后", "能", "干什么", "随着", "时间", "的", "飞逝", ",", "初中", "三年", "时光", "在", "眨眼", "的", "功夫", "中", "就", "溜掉", "了", ",", "现在", "初中", "刚刚", "毕业", "的", "孩子", "大", "都是", "95", "后", ",", "他们", "纯真", "又", "充满朝气", ",", "对", "目标", "的", "信念", "坚定", "而又", "时常", "迷茫", "。", "他们", "会", "为", "“", "初中毕业", "后", "能", "干什么", "?", "”"], ["初中生", "毕业后", "能", "干什么", "随着", "时间", "的", "飞逝", ",", "初中", "三年", "时光", "在", "眨眼", "的", "功夫", "中", "就", "溜掉", "了", ",", "现在", "初中", "刚刚", "毕业", "的", "孩子", "大", "都是", "95", "后", ",", "他们", "纯真", "又", "充满朝气", ",", "对", "目标", "的", "信念", "坚定", "而又", "时常", "迷茫", "。", "他们", "会", "为", "“", "初中毕业", "后", "能", "干什么", "?", "”", "这样", "的", "问题", "感到", "困惑", "。", "这些", "像", "是", "花朵", "中心", "的", "露珠", "的", "孩子", ",", "折射", "着", "太阳", "的", "光芒", "。", "初中毕业", "后", "能", "做什么", "呢", "?", "丽妍", "学校", "的", "老师", "做出", "分析", ",", "读高中", ",", "上", "大学", ",", "这样", "循规蹈矩", "的", "常态", "路线", "固然", "不错", ",", "但是", "梦想", "遭遇", "现实", ",", "很多", "同学", "却", "走向", "了", "相反", "的", "方向", "。", "也许", "是", "家庭", "的", "原因", ",", "完成", "九年义务教育", "需", "要", "迫切", "的", "走", "到", "社会", "上", "工作", ",", "或许", "也", "个人", "原因", ",", "对", "学习", "是", "在", "没有", "兴趣", "。", "初中毕业", "即", "是", "解脱", "。", "但是", "社会", "的", "现实", "和", "残酷", "告诉", "我们", ",", "如果", "初中", "毕", "业", "想要", "混", "的", "好", ",", "必须", "要", "立足", "的", "根本", "。", "初中毕业", "后", "能", "干什么", "?", "关键", "是", "有", "一技之长", ",", "可以", "在", "社会", "上", "立足", "。", "不", "然", ",", "既", "无", "学历", ",", "有无", "技术", ",", "在", "社会", "只能", "做", "些", "最", "底层", "的", "工作", "。", "难道", "真", "的", "要", "像", "父辈", "那样", "抗", "打包", "、", "端", "盘子", "吗", "?", "不", "的", "。", "选择", "一", "个", "有", "发", "展", "前景", "的", "好", "行业", ",", "会", "有", "一", "个", "不错", "的", "未来", "的", "。", "那", "初中毕业", "后", "能", "干什么", "呢", "?", "对于", "美发", "行业", "来", "说", ",", "越来越", "严重", "的", "人才紧缺", "问题", "困扰", "着", "整个", "行业", "的", "发", "展", "。", "企业", "需要", "大批量", "的", "高素质", "优秀", "美发", "人才", "来", "填补", "行业", "的", "空白", "。", "与", "此", "同时", ",", "越来越多", "的", "有志", "青年", "看到", "了", "美发", "行业", "的", "广阔", "发展前景", ",", "希望", "学", "一", "门", "美发", "技术", ",", "成为", "一名", "优秀", "的", "美发", "人才", "。"]], "paragraphs": ["初中生毕业后能干什么_其它课程_初中教育_教育专区。初中生毕业后能干什么随着时间的飞逝,初中三年时光在眨眼的功夫中就溜掉了,现在 初中刚刚毕业的孩子大都是 95 后,他们纯真又充满朝气,对目标的 信念坚定而又时常迷茫。他们会为“初中毕业后能干什么?”", "初中生毕业后能干什么随着时间的飞逝,初中三年时光在眨眼的功夫中就溜掉了,现在 初中刚刚毕业的孩子大都是 95 后,他们纯真又充满朝气,对目标的 信念坚定而又时常迷茫。他们会为“初中毕业后能干什么?”这样的 问题感到困惑。 这些像是花朵中心的露珠的孩子, 折射着太阳的光芒。 初中毕业后能做什么呢?丽妍学校的老师做出分析,读高中,上 大学,这样循规蹈矩的常态路线固然不错,但是梦想遭遇现实,很多 同学却走向了相反的方向。也许是家庭的原因,完成九年义务教育需 要迫切的走到社会上工作,或许也个人原因,对学习是在没有兴趣。 初中毕业即是解脱。 但是社会的现实和残酷告诉我们,如果初中毕 业想要混的好,必须要立足的根本。初中毕业后能干什么?关键是有 一技之长,可以在社会上立足。不然,既无学历,有无技术,在社会 只能做些最底层的工作。 难道真的要像父辈那样抗打包、端盘子吗?不的。选择一个有发 展前景的好行业, 会有一个不错的未来的。 那初中毕业后能干什么呢? 对于美发行业来说, 越来越严重的人才紧缺问题困扰着整个行业的发 展。企业需要大批量的高素质优秀美发人才来填补行业的空白。与此 同时,越来越多的有志青年看到了美发行业的广阔发展前景,希望学 一门美发技术,成为一名优秀的美发人才。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "初中生毕业后‘该做什么?_百度知道", "most_related_para": 0, "segmented_title": ["初中生", "毕业后", "‘", "该", "做什么", "?", "_", "百度", "知道"], "segmented_paragraphs": [["肯定", "是", "需要", "继续", "学习", "啦", "。", "不可能", "说", "初中毕业", "十", "几", "岁", "的", "孩子", ",", "就", "去", "闯荡", "社会", "。", "一", "是因为", "年龄", "小", ",", "身体", "发育", "还", "不成熟", "。", "二", "是", "阅历", "心智", "不足", ",", "容易", "上", "当", "受骗", "或者", "误入歧途", "。", "所以", "加强", "的", "学习", "还是", "很", "有必要", "的", "。", "如果说", "是因为", "中考", "失利", ",", "没有", "考", "到", "心仪", "的", "高中", ",", "也", "没", "必要", "自暴自弃", "轻言放弃", "。", "时间还早", ",", "岁月", "静", "好", ",", "你", "呢", "还", "小", ",", "还要", "继续努力", "。"]], "paragraphs": ["肯定是需要继续学习啦。不可能说初中毕业十几岁的孩子,就去闯荡社会。一是因为年龄小,身体发育还不成熟。二是阅历心智不足,容易上当受骗或者误入歧途。所以加强的学习还是很有必要的。如果说是因为中考失利,没有考到心仪的高中,也没必要自暴自弃轻言放弃。时间还早,岁月静好,你呢还小,还要继续努力。"], "bs_rank_pos": 1}, {"is_selected": true, "title": "初中生毕业以后做什么职业_百度知道", "most_related_para": 1, "segmented_title": ["初中生", "毕业以后", "做什么", "职业", "_", "百度", "知道"], "segmented_paragraphs": [["现在", "学", "厨师", "的", "比较", "多", ",", "主要", "是", "现在", "川菜", "是", "比较", "热门", "的", ",", "厨师", "挺好", "找工作", "的", "。", "人", "还", "没", "离开", "不能", "吃饭", "的", "地", "步", ",", "吃", "是", "一辈子", "的", "大事", "。", "所以", "要", "学", "一", "门", "纯", "技术", "像", "厨师", "这样", "的", ",", "又", "简单", "又", "好找", "工作", "。"], ["可以", "考虑", "学", "厨师", ",", "现在", "厨师", "比较", "好找", "工作", ",", "厨师", "未来", "几", "年", "需求量", "都是", "很大", "的", ",", "而且", "厨师", "工资", "高", ",", "工作", "稳定", ",", "还能", "创业", "。", "特别", "是", "现在", "的", "川菜", ",", "是", "非常", "热门", "的", ",", "学", "个", "一年", "两年", "出来", "上班", ",", "只要", "技术", "好", ",", "川菜", "厨师", "现在", "都是", "抢", "着", "要", "。"], ["营业员", ",", "销售员", "→", "店长", "助理", "→", "店长", "→", "股东"], ["还", "小", "哦", ",", "找", "个", "喜欢", "的", "行业", "先", "做", "个", "学徒"]], "paragraphs": ["现在学厨师的比较多,主要是现在川菜是比较热门的,厨师挺好找工作的。 人还没离开不能吃饭的地步,吃是一辈子的大事。 所以要学一门纯技术像厨师这样的,又简单又好找工作。", "可以考虑学厨师,现在厨师比较好找工作,厨师未来几年需求量都是很大的,而且厨师工资高,工作稳定,还能创业。 特别是现在的川菜,是非常热门的,学个一年两年出来上班,只要技术好,川菜厨师现在都是抢着要。", "营业员,销售员→店长助理→店长→股东", "还小哦,找个喜欢的行业先做个学徒"], "bs_rank_pos": 2}, {"is_selected": false, "title": "初中生毕业做什么行业好呢!_百度知道", "most_related_para": 0, "segmented_title": ["初中生", "毕业", "做什么", "行业", "好", "呢", "!", "_", "百度", "知道"], "segmented_paragraphs": [["很多", "学习", "成绩", "不理想", "的", "同学", "初中毕业", "了", "想", "去", "找", "份", "工作", "干", ",", "初中毕业", "的", "学生", "年龄", "在", "15", "-", "16", "岁", "左右", ",", "由于", "知识", "和", "技术", "能力", "有限", ",", "要", "想", "在", "社会", "上", "立足", "难度", "非常", "大", "。", "国家", "规定", "年龄", "不满", "16", "周岁", "参加工作", "属于", "童工", ",", "未", "满", "18", "周岁", "属于", "未成年人", ",", "不宜", "工作", "。", "所以", ",", "一般", "正规", "的", "企业", "或者", "公司", "是", "不会", "接收", "年龄", "不满", "18", "周岁", "的", "初中毕业生", "的", "。", "这样", "即使", "初中毕业", "选择", "工作", ",", "一般", "只能", "选择", "一些", "社会", "底层", "的", "工作", ",", "像", "小区保安", ",", "餐厅", "服务员", "、", "超市", "装卸工", "等等", ",", "如果", "有", "力气", ",", "还能", "去", "建筑工地", "打", "零", "工", "、", "搬砖", "。", "。", "。", "初中毕业", "选择", "工作", "的", "话", "必然", "只能", "选择", "没有", "技术", ",", "没有", "发展", "前途", "的", "工作", ",", "这样", "干", "一辈子", ",", "你", "甘心", "吗", "?", "  ", "对于", "十五", "六岁", "的", "初中毕业生", "来", "说", "年龄", "较", "小", ",", "掌握", "的", "知识", "有限", ",", "技术", "技能", "也", "几乎", "是", "一片空白", ",", "没有任何", "社会", "经验", "。", "如果", "初中毕业", "选择", "打工", ",", "那么", "一生", "可能", "仅限于", "打工", "了", ",", "知识", "与", "技能", "得不到", "扩展", ",", "不"]], "paragraphs": ["很多学习成绩不理想的同学初中毕业了想去找份工作干,初中毕业的学生年龄在15-16岁左右,由于知识和技术能力有限,要想在社会上立足难度非常大。国家规定年龄不满16周岁参加工作属于童工,未满18周岁属于未成年人,不宜工作。 所以,一般正规的企业或者公司是不会接收年龄不满18周岁的初中毕业生的。这样即使初中毕业选择工作,一般只能选择一些社会底层的工作,像小区保安,餐厅服务员、超市装卸工等等,如果有力气,还能去建筑工地打零工、搬砖。。。初中毕业选择工作的话必然只能选择没有技术,没有发展前途的工作,这样干一辈子,你甘心吗?   对于十五六岁的初中毕业生来说年龄较小,掌握的知识有限,技术技能也几乎是一片空白,没有任何社会经验。如果初中毕业选择打工,那么一生可能仅限于打工了,知识与技能得不到扩展,不"], "bs_rank_pos": 3}, {"is_selected": false, "title": "初中生毕业后‘该做什么?_百度知道", "most_related_para": 0, "segmented_title": ["初中生", "毕业后", "‘", "该", "做什么", "?", "_", "百度", "知道"], "segmented_paragraphs": [["上帝", "为你", "关上", "一", "扇", "门", ",", "还会", "为你", "开一扇窗", "。", "俗话说", "三十六行", "行行", "有", "状元", ",", "条条道路", "通", "罗马", "。", "只要", "自己", "能够", "有", "一", "个", "清醒", "的", "认识", ",", "在", "选择", "的", "时候", "认清", "目标", ",", "是", "一定", "能够", "成功", "的", "。", "就像", "说", "学", "技术", ",", "看看", "现在", "什么", "行业", "热门", ",", "比如", "餐饮业", "就", "不错", ",", "自己", "学", "个", "手艺", "出来", ",", "不", "论", "是", "上班", ",", "还是", "上", "一", "两年", "班", "自己", "开店", ",", "都是", "很好", "的", "选择", "。"]], "paragraphs": ["上帝为你关上一扇门,还会为你开一扇窗。俗话说三十六行行行有状元,条条道路通罗马。只要自己能够有一个清醒的认识,在选择的时候认清目标,是一定能够成功的。就像说学技术,看看现在什么行业热门,比如餐饮业就不错,自己学个手艺出来,不论是上班,还是上一两年班自己开店,都是很好的选择。"], "bs_rank_pos": 4}], "answer_spans": [[0, 75]], "fake_answers": ["肯定是需要继续学习啦。不可能说初中毕业十几岁的孩子,就去闯荡社会。一是因为年龄小,身体发育还不成熟。二是阅历心智不足,容易上当受骗或者误入歧途。所以加强的学习还是很有必要的。如果说是因为中考失利,没有考到心仪的高中,也没必要自暴自弃轻言放弃。时间还早,岁月静好"], "question": "初中生毕业后干什么", "segmented_answers": [["肯定", "是", "需要", "继续", "学习", "啦", "。", "不可能", "说", "初中毕业", "十", "几", "岁", "的", "孩子", ",", "就", "去", "闯荡", "社会", "。", "一", "是因为", "年龄", "小", ",", "身体", "发育", "还", "不成熟", "。", "二", "是", "阅历", "心智", "不足", ",", "容易", "上", "当", "受骗", "或者", "误入歧途", "。", "所以", "加强", "的", "学习", "还是", "很", "有必要", "的", "。", "如果说", "是因为", "中考", "失利", ",", "没有", "考", "到", "心仪", "的", "高中", ",", "也", "没", "必要", "自暴自弃", "轻言放弃", "。", "时间还早", ",", "岁月", "静", "好", "。"], ["可以", "考虑", "学", "厨师", ",", "现在", "厨师", "比较", "好找", "工作", ",", "厨师", "未来", "几", "年", "需求量", "都是", "很大", "的", ",", "而且", "厨师", "工资", "高", ",", "工作", "稳定", ",", "还能", "创业", "。"], ["营业员", ",", "销售员", "→", "店长", "助理", "→", "店长", "→", "股东", "。"]], "answers": ["肯定是需要继续学习啦。不可能说初中毕业十几岁的孩子,就去闯荡社会。一是因为年龄小,身体发育还不成熟。二是阅历心智不足,容易上当受骗或者误入歧途。所以加强的学习还是很有必要的。如果说是因为中考失利,没有考到心仪的高中,也没必要自暴自弃轻言放弃。时间还早,岁月静好。", "可以考虑学厨师,现在厨师比较好找工作,厨师未来几年需求量都是很大的,而且厨师工资高,工作稳定,还能创业。", "营业员,销售员→店长助理→店长→股东。"], "answer_docs": [1], "segmented_question": ["初中生", "毕业后", "干什么"], "question_type": "DESCRIPTION", "question_id": 20, "fact_or_opinion": "OPINION", "match_scores": [0.915032679738562]} -{"documents": [{"is_selected": true, "title": "网络忽然很卡是什么原因、以前不卡、就忽然卡了_百度知道", "most_related_para": 0, "segmented_title": ["网络", "忽然", "很", "卡", "是什么", "原因", "、", "以前", "不", "卡", "、", "就", "忽然", "卡", "了", "_", "百度", "知道"], "segmented_paragraphs": [["不", "少", "朋友", "最近", "都", "在", "抱怨", "说", "自己", "的", "网速", "很", "慢", "针对", "这个", "情况", ",", "我", "(", "眼镜", ")", "在这里", "简单", "的", "给", "大家", "讲", "讲", "一些", "和", "网速", "有关", "的", "概念", "和", "方法", ",", "希望", "能", "给", "您", "解答", "一", "下", "困惑", "。", "我们", "先", "大致", "了解一下", "网络", "速度", "的", "相关", "概念", "bps", ":", "bit", "per", "second", "(", "位", "每秒", ")", "Bps", ":", "Byte", "per", "second", "(", "字节", "每秒", ")", "因为", "在", "计算机", "中", "规定", "了", "1", "B", "=", "8", "b", ",", "所以", ",", "我们", "知道", "bit", "和", "Byte", "之间", "是", "八进制", "的", "关系", "好", "了", ",", "了解", "了", "这些", ",", "我们", "开始", "下面", "的", "讲解", "(", "我", "是", "眼镜", ",", "不好意思", ",", "加点", "防盗", "用", "字眼", ",", "请见谅", ")", "1", "我们", "常", "说", "的", "512K", ",", "1M", ",", "2M", "这些", "宽带", ",", "它", "的", "单位", "都是", "bit", "/", "s", "也", "就是", "bps", "2", "我们", "常用", "的", "下载", "软件", ",", "比如", "迅雷", ",", "快车", ",", "旋风", ",", "它", "的", "速度", "却", "是", "以", "Bps", "来", "衡量", "。", "因为", ",", "从", "理论", "上", "说", ",", "512K", "的", "宽带", ",", "下载", "只能", "达到", "64K", ",", "1M", "的", "对应", "是", "128K", ",", "2M", "的", "对应", "就是", "256K", "3", "下载", "快慢", "通常", "是", "受", "以下", "几个", "方面", "影响", "的", "(", "1", ")", "时间", ",", "当你", "是", "在", "晚上", ",", "上网", "的", "人", "比较", "多", "的", "时候", ",", "速度", "自然", "就", "不会", "快", ",", "通常", "连", "理论", "值", "都", "无法", "达到", ",", "有"]], "paragraphs": ["不少朋友最近都在抱怨说自己的网速很慢 针对这个情况,我(眼镜)在这里简单的给大家讲讲一些和网速 有关的概念和方法,希望能给您解答一下困惑。 我们先大致了解一下网络速度的相关概念 bps:bit per second(位每秒) Bps:Byte per second(字节每秒) 因为在计算机中规定了1B=8b,所以,我们知道bit和Byte之间是八进制的关系 好了,了解了这些,我们开始下面的讲解 (我是眼镜,不好意思,加点防盗用字眼,请见谅) 1 我们常说的512K,1M,2M这些宽带,它的单位都是bit/s也就是bps 2 我们常用的下载软件,比如迅雷,快车,旋风,它的速度却是以Bps来衡量。 因为,从理论上说,512K的宽带,下载只能达到64K,1M的对应是128K,2M的对应就是256K 3 下载快慢通常是受以下几个方面影响的 (1)时间,当你是在晚上,上网的人比较多的时候,速度自然就不会快,通常连理论值都无法达到,有"], "bs_rank_pos": 0}, {"is_selected": true, "title": "路由器上网很卡是什么原因?_百度知道", "most_related_para": 0, "segmented_title": ["路由器", "上网", "很", "卡", "是什么", "原因", "?", "_", "百度", "知道"], "segmented_paragraphs": [["大多数", "情况", "是", "由于", "路由器", "丢包", "的", "原因", "造成", "的", "。", "  ", "一", "、", "内存", "碎片", "会导致", "路由器", "报文", "丢失", "的", "问题", ",", "其实", "不仅", "路由器", "的", "内存", "存在", "碎片", "问题", ",", "普通", "的", "硬盘", "也", "存在", "这种", "问题", "判断", "路由器", "的", "内存", "是否", "存在", "碎片", "主要", "借助", "路由器", "自带", "的", "SHOW", "MEMORY", "命令", "。", "这个命令", "会", "显示", "当前", "内存", "的", "相关", "信息", "。", "  ", "执行", "这", "条", "命令", "后", ",", "会", "显示", "当前", "可用", "内存", "(", "Free", ")", "与", "最大", "可用", "快", "(", "Largest", ")", "的", "数值", ",", "网络", "管理员", "把", "这", "两", "个", "值", "进行", "比较", ",", "就", "可以", "判断", "碎片", "对", "路由器", "性能", "的", "影响", "。", "这", "主要", "是", "把", "路由器", "的", "可用", "内存", "与", "最大", "可用", "快", "的", "大小", "进行", "比较", "。", "  ", "二", "、", "如果", "路由器", "的", "可用", "内存", "与", "最大", "的", "可用", "快", "大小", "比较", "接近", "时", ",", "表示", "虽然", "路由器", "存在", "碎片", "但是", "影响不大", "。", "但是", "若", "最大", "可用", "的", "块", "很", "小", ",", "如", "只有", "最大", "可以", "用", "内存", "的", "几", "十", "分之一", ",", "那么", "就", "说明", "路由器", "内存", "碎片", "问题", "比较", "严重", "了", ",", "路由器", "的", "可用", "内存", "为", "20M", ",", "而", "最大", "可用", "块", "的", "大小", "为", "15", "M", "的", "话", ",", "则", "表示", "路由器", "内"], ["一般", "2M", "带宽", "使用", "路由器", "打", "游戏", "基本", "没什么", "问题", ",", "如果", "游戏", "对", "网速", "要求", "高", "的", "可以", "开", "4M", "的", ",", "其次", "就", "可能", "是", "路由器", "的", "问题", "了", "(", "一般", "使用", "时间长", "了", "不", "关", "就", "可能", "出现", "上述", "情况", ",", "重启", "即可", ")", ",", "网线", "如果", "是", "自己做", "的", "可以", "考虑", "买", "现", "成", "的", ",", "自己做", "的", "如果", "能", "上网", ",", "基本", "网线", "没问题"]], "paragraphs": ["大多数情况是由于路由器丢包的原因造成的。   一、内存碎片会导致路由器报文丢失的问题,其实不仅路由器的内存存在碎片问题,普通的硬盘也存在这种问题判断路由器的内存是否存在碎片主要借助路由器自带的SHOWMEMORY命令。这个命令会显示当前内存的相关信息。   执行这条命令后,会显示当前可用内存(Free)与最大可用快(Largest)的数值,网络管理员把这两个值进行比较,就可以判断碎片对路由器性能的影响。这主要是把路由器的可用内存与最大可用快的大小进行比较。   二、如果路由器的可用内存与最大的可用快大小比较接近时,表示虽然路由器存在碎片但是影响不大。但是若最大可用的块很小,如只有最大可以用内存的几十分之一,那么就说明路由器内存碎片问题比较严重了,路由器的可用内存为20M,而最大可用块的大小为15M的话,则表示路由器内", "一般2M带宽使用路由器打游戏基本没什么问题,如果游戏对网速要求高的可以开4M的,其次就可能是路由器的问题了(一般使用时间长了不关就可能出现上述情况,重启即可),网线如果是自己做的可以考虑买现成的,自己做的如果能上网,基本网线没问题"], "bs_rank_pos": 1}, {"is_selected": true, "title": "我的网速很快 但是wifi很卡 什么原因_百度知道", "most_related_para": 0, "segmented_title": ["我", "的", "网速", "很快", "但是", "wifi", "很", "卡", "什么", "原因", "_", "百度", "知道"], "segmented_paragraphs": [["信号", "不好", "或", "受到", "外界", "干扰", "都会", "造成", "WIFI", "很", "卡", "。", "  ", "增强", "WIFI", "的", "办法", ":", "  ", "1", "、", "不要", "把", "路由器", "藏起来", "大部分", "人", "会", "因为", "路由器", "难看", "或者", "挡路", "而", "把", "它们", "藏起来", ",", "但", "把", "路由器", "放在", "壁橱", "或者", "柜子", "里", "会", "降", "慢", "WiFi", "的", "速度", ":", "墙壁", "和", "门", "会", "削弱", "并", "吸收", "信号", "。", "在家里", "找", "一", "个", "中心", "位置", ",", "将", "路由器", "放在", "桌", "上", "或者", "书架", "上", "。", "因为", "有些", "路由器", "的", "设置", "是", "向下", "发射", "wifi", "信号", ",", "因此", "将它", "放在", "里", "地面", "高一点", "的", "地方", "能", "将", "WiFi", "信号", "分配", "到", "家里", "各", "处", "。", "  ", "2", "、", "远离", "家电", "和", "金属", "物品", "  ", "微波炉", "、", "无线电话", "、", "日光灯", "甚至", "是", "你", "邻居", "的", "路由器", "都", "可能会", "干扰", "WiFi", "信号", "。", "为了", "减少", "这种", "干扰", ",", "把", "路由器", "放在", "离", "家电", "远", "一点", "的", "地方", "并", "将它", "设置", "为", "一", "个", "不同", "的", "无线", "频道", "和", "频率", "。", "利用", "在线", "工具", "—", "—", "Windows", "使用", "Acrylic", "Wi", "-", "Fi", ",", "Mac", "使用", "Air", "Grab", "Wi", "-", "Fi", "Radar", "能", "用", "最小", "的", "干扰", "找到", "正确", "的", "无线", "频道", "。", "如果", "想要", "更容易", "的", "方法", ",", "大部分", "路由器", "能", "自动", "选择", "所", "处", "位置", "的", "最佳"], ["路由器", "该", "换", "了"], ["有人", "在", "秘密", "使用", "你", "家", "wifi"]], "paragraphs": ["信号不好或受到外界干扰都会造成WIFI很卡。   增强WIFI的办法:   1、不要把路由器藏起来 大部分人会因为路由器难看或者挡路而把它们藏起来,但把路由器放在壁橱或者柜子里会降慢WiFi的速度:墙壁和门会削弱并吸收信号。在家里找一个中心位置,将路由器放在桌上或者书架上。因为有些路由器的设置是向下发射wifi信号,因此将它放在里地面高一点的地方能将WiFi信号分配到家里各处。   2、远离家电和金属物品   微波炉、无线电话、日光灯甚至是你邻居的路由器都可能会干扰WiFi信号。为了减少这种干扰,把路由器放在离家电远一点的地方并将它设置为一个不同的无线频道和频率。利用在线工具——Windows使用Acrylic Wi-Fi,Mac使用AirGrab Wi-Fi Radar能用最小的干扰找到正确的无线频道。如果想要更容易的方法,大部分路由器能自动选择所处位置的最佳", "路由器该换了", "有人在秘密使用你家wifi"], "bs_rank_pos": 2}, {"is_selected": false, "title": "网络很卡是什么原因??急!_百度知道", "most_related_para": 0, "segmented_title": ["网络", "很", "卡", "是什么", "原因", "?", "?", "急", "!", "_", "百度", "知道"], "segmented_paragraphs": [["你", "先", "“", "开始", "”", "运行", "CMD", "回车", "输入", "ping", "www", ".", "baidu", ".", "com", "我", "的", "结果", "D", ":", "\\", ">", "ping", "www", ".", "baidu", ".", "com", "Pinging", "www", ".", "a", ".", "shifen", ".", "com", "[", "220", ".", "181", ".", "6", ".", "18", "]", "with", "32", "bytes", "of", "data", ":", "Reply", "from", "220", ".", "181", ".", "6", ".", "18", ":", "bytes", "=", "32", "time", "=", "94ms", "TTL", "=", "56", "Reply", "from", "220", ".", "181", ".", "6", ".", "18", ":", "bytes", "=", "32", "time", "=", "82ms", "TTL", "=", "56", "Reply", "from", "220", ".", "181", ".", "6", ".", "18", ":", "bytes", "=", "32", "time", "=", "168", "m", "s", "TTL", "=", "56", "Reply", "from", "220", ".", "181", ".", "6", ".", "18", ":", "bytes", "=", "32", "time", "=", "165", "ms", "TTL", "=", "56", "Ping", "statistics", "for", "220", ".", "181", ".", "6", ".", "18", ":", "Packets", ":", "Sent", "=", "4", ",", "Received", "=", "4", ",", "Lost", "=", "0", "(", "0", "%", "loss", ")", ",", "Approximate", "round", "trip", "times", "in", "milli", "-", "seconds", ":", "Minimum", "=", "82ms", ",", "Maximum", "=", "168", "ms", ",", "Average", "=", "127", "ms", "time", "后面", "的", "值", "一般", "是", "70", "左右", ",", "更好", "的", "为", "30", "左右", "!", "(", "我", "现在", "这边", "的", "无线", "不太", "好", ")", "如果", "三四百", ",", "那", "就是", "电信", "网络", "的", "问题", "。", "(", "如果", "time", "值", "正常", ",", "如", "上", "所说", ",", "那么", "估计", "是", "你", "电脑", "系统", "本身", "的", "问题", "!", "病毒", "之类", "…", "…", ")"], ["电脑", "系统", "的", "问题", ",", "重装", "的", "系统", "于", "机器", "硬件", "的", "兼容性", "不是", "很好", ",", "这个", "很正常", "的", ",", "像", "以前", "的", "番茄花园", "就", "对", "有些", "联想", "的", "品牌机", "兼容", "不是", "很好", ",", "系统", "本身", "就", "运行", "慢", "了", "更别说", "上网", "了", "!", "建议", "换", "个", "系统", "试试看", "!"], ["小孩", "别", "乱搞", "叫", "大人", "或者", "店", "里", "做", "吧"], ["那", "就是", "电信", "的", "问题", "了"]], "paragraphs": ["你先“开始”运行CMD 回车 输入 ping www.baidu.com 我的结果 D:\\>ping www.baidu.com Pinging www.a.shifen.com [220.181.6.18] with 32 bytes of data: Reply from 220.181.6.18: bytes=32 time=94ms TTL=56 Reply from 220.181.6.18: bytes=32 time=82ms TTL=56 Reply from 220.181.6.18: bytes=32 time=168ms TTL=56 Reply from 220.181.6.18: bytes=32 time=165ms TTL=56 Ping statistics for 220.181.6.18: Packets: Sent = 4, Received = 4, Lost = 0 (0% loss), Approximate round trip times in milli-seconds: Minimum = 82ms, Maximum = 168ms, Average = 127ms time后面的值一般是70左右,更好的为30左右!(我现在这边的无线不太好) 如果三四百,那就是电信网络的问题。(如果time值正常,如上所说,那么估计是你电脑系统本身的问题!病毒之类……)", "电脑系统的问题,重装的系统于机器硬件的兼容性不是很好,这个很正常的,像以前的番茄花园就对有些联想的品牌机兼容不是很好,系统本身就运行慢了更别说上网了!建议换个系统试试看!", "小孩别乱搞 叫大人或者店里做吧", "那就是电信的问题了"], "bs_rank_pos": 3}], "answer_spans": [[102, 184]], "fake_answers": ["碎片对路由器性能的影响。这主要是把路由器的可用内存与最大可用快的大小进行比较。  二、如果路由器的可用内存与最大的可用快大小比较接近时,表示虽然路由器存在碎片但是影响不大。但是若最大可用的块很小,如只有最大可以用内存的几十分之一,那么就说明路由器内存碎片问题比较严重了,路由器的"], "question": "网络卡是什么原因", "segmented_answers": [["下载", "快慢", "通常", "是", "受", "以下", "几个", "方面", "影响", "的", "。", "1", ".", "时间", ",", "当", "在", "晚上", ",", "上网", "的", "人", "比较", "多", "的", "时候", ",", "速度", "自然", "就", "不会", "快", ",", "通常", "连", "理论", "值", "都", "无法", "达到", ",", "有时", "相关", "也", "蛮", "远", "的", ",", "这", "是", "正常", "的", "。", "2", ".", "所", "下载", "的", "文件", "的", "资源", "总数", ",", "因为", "现在", "很多", "工具", "都是", "采用", "类似", "BT", "的", "原理", "了", ",", "下载", "的", "人", "越", "多", ",", "资源", "数", "越", "高", ",", "下载", "速度", "就", "越", "快", "。", "3", ".", "XP", "系统", "保留", "带宽", "的", "限制", "。"], ["大多数", "情况", "是", "由于", "路由器", "丢包", "的", "原因", "造成", "的", "。", "内存", "碎片", "会导致", "路由器", "报文", "丢失", "的", "问题", ",", "如果", "路由器", "的", "可用", "内存", "与", "最大", "的", "可用", "快", "大小", "比较", "接近", "时", ",", "表示", "虽然", "路由器", "存在", "碎片", "但是", "影响不大", "。", "如果", "确定", "路由器", "内存", "中", "没有", "过", "多", "的", "碎片", ",", "则", "网络管理", "员", "就要", "考虑", "是否", "是因为", "CPU", "过载", "所", "导致", "报文", "丢失", "的", "。", "如果", "确认", "路由器", "CPU", "过载", ",", "那么", "网络管员", "需要", "确认", "到底", "是", "哪", "一", "个", "进程", "占用", "了", "大量", "的", "内存", "。"], ["信号", "不好", "或", "受到", "外界", "干扰", "都会", "造成", "WIFI", "很", "卡", ",", "不要", "把", "路由器", "藏起来", ",", "远离", "家电", "和", "金属", "物品", ",", "重启", ",", "更新", "固件", "版本", ",", "调整", "路由器", "天线", ",", "利用", "啤酒罐", ",", "用", "密码保护", "网络", ",", "错开", "上网", "高峰期", ",", "买", "一", "个", "中继器", "。"]], "answers": ["下载快慢通常是受以下几个方面影响的。1.时间,当在晚上,上网的人比较多的时候,速度自然就不会快,通常连理论值都无法达到,有时相关也蛮远的,这是正常的。2.所下载的文件的资源总数,因为现在很多工具都是采用类似BT的原理了,下载的人越多,资源数越高,下载速度就越快。3.XP系统保留带宽的限制。", "大多数情况是由于路由器丢包的原因造成的。内存碎片会导致路由器报文丢失的问题,如果路由器的可用内存与最大的可用快大小比较接近时,表示虽然路由器存在碎片但是影响不大。如果确定路由器内存中没有过多的碎片,则网络管理员就要考虑是否是因为CPU过载所导致报文丢失的。如果确认路由器CPU过载,那么网络管员需要确认到底是哪一个进程占用了大量的内存。", "信号不好或受到外界干扰都会造成WIFI很卡,不要把路由器藏起来,远离家电和金属物品,重启,更新固件版本,调整路由器天线,利用啤酒罐,用密码保护网络,错开上网高峰期,买一个中继器。"], "answer_docs": [1], "segmented_question": ["网络", "卡", "是什么", "原因"], "question_type": "DESCRIPTION", "question_id": 21, "fact_or_opinion": "OPINION", "match_scores": [0.4942528735632184]} -{"documents": [{"is_selected": true, "title": "盆栽君子兰多长时间浇一次水_百度知道", "most_related_para": 1, "segmented_title": ["盆栽", "君子兰", "多长时间", "浇", "一", "次", "水", "_", "百度", "知道"], "segmented_paragraphs": [["君子兰", "可以", "勤", "浇水", ",", "每天", "浇", "1", "-", "2", "次", "都", "可以", ",", "但是", "不", "要", "多", "浇水", ",", "以下", "为", "君子兰", "正确", "的", "浇水", "方法", ":", "     ", "君子兰", "具有", "较", "发达", "的", "肉质", "根", ",", "根", "内存", "蓄", "着", "一定", "的", "水分", ",", "所以", "这种", "花", "比较", "耐旱", "。", "不过", ",", "耐旱", "的", "花", "也", "不可", "严重缺水", ",", "尤其", "在", "夏季高温", "加上", "空气干燥", "的", "情况", "下", "不可", "忘记", "及时", "浇水", ",", "君子兰", "否则", ",", "花卉", "的", "根", "、", "叶", "都会", "受到", "损伤", ",", "导致", "新", "叶", "萌发", "不", "出", ",", "原来", "的", "叶片", "焦", "估", ",", "不仅", "影响", "开花", ",", "甚至", "会引起", "植株", "死亡", "。", "但是", ",", "浇水", "过", "多", "又", "会", "烂根", "。", "所以", "要", "好", "好", "掌握", ",", "经常", "注意", "盆", "土", "干湿", "情况", ",", "出现", "半干", "就要", "浇", "一次", ",", "但", "浇", "的", "量", "不宜", "多", ",", "保持", "盆", "土", "润", "而", "不", "潮", "就是", "恰到好处", "。", "  ", "一般", "情况", "下", ",", "春天", "每天", "浇", "1", "次", ";", "夏季", "浇水", ",", "可用", "细", "喷", "水壶", "将", "叶面", "及", "周围", "地面", "一起", "浇", ",", "晴天", "一天", "浇", "2", "次", ";", "秋季", "隔天", "浇", "1", "次", ";", "冬季", "每星期", "浇", "一次", "或", "更", "少", "。", "但", "必须", "注意", ",", "这里", "指", "的", "是", "“", "一般", "情况", "“", "。", "必须", "随着", "各种", "不同", "的", "具体情况", ",", "灵活", "掌握", "。"], ["君子兰", "可以", "勤", "浇水", ",", "每天", "浇", "1", "-", "2", "次", "都", "可以", ",", "但是", "不", "要", "多", "浇水", ",", "以下", "为", "君子兰", "正确", "的", "浇水", "方法", ":", "     ", "君子兰", "具有", "较", "发达", "的", "肉质", "根", ",", "根", "内存", "蓄", "着", "一定", "的", "水分", ",", "所以", "这种", "花", "比较", "耐旱", "。", "不过", ",", "耐旱", "的", "花", "也", "不可", "严重缺水", ",", "尤其", "在", "夏季高温", "加上", "空气干燥", "的", "情况", "下", "不可", "忘记", "及时", "浇水", ",", "君子兰", "否则", ",", "花卉", "的", "根", "、", "叶", "都会", "受到", "损伤", ",", "导致", "新", "叶", "萌发", "不", "出", ",", "原来", "的", "叶片", "焦", "估", ",", "不仅", "影响", "开花", ",", "甚至", "会引起", "植株", "死亡", "。", "但是", ",", "浇水", "过", "多", "又", "会", "烂根", "。", "所以", "要", "好", "好", "掌握", ",", "经常", "注意", "盆", "土", "干湿", "情况", ",", "出现", "半干", "就要", "浇", "一次", ",", "但", "浇", "的", "量", "不宜", "多", ",", "保持", "盆", "土", "润", "而", "不", "潮", "就是", "恰到好处", "。", "  ", "一般", "情况", "下", ",", "春天", "每天", "浇", "1", "次", ";", "夏季", "浇水", ",", "可用", "细", "喷", "水壶", "将", "叶面", "及", "周围", "地面", "一起", "浇", ",", "晴天", "一天", "浇", "2", "次", ";", "秋季", "隔天", "浇", "1", "次", ";", "冬季", "每星期", "浇", "一次", "或", "更", "少", "。", "但", "必须", "注意", ",", "这里", "指", "的", "是", "“", "一般", "情况", "“", "。", "必须", "随着", "各种", "不同", "的", "具体情况", ",", "灵活", "掌握", "。"], ["水", "是", "君子兰", "体", "内", "重要组成部分", "。", "据", "测定", ",", "君子兰", "体", "内", "有", "60", "%", "-", "80", "%", "的", "水分", ",", "尤其", "是", "它", "的", "这些", "肉质", "根", "具有", "强大", "的", "蓄水", "功能", ",", "对", "干旱", "有", "较", "强", "的", "抵抗力", "。", "君子兰", "喜", "中性", "水", ",", "干净", "、", "无污染", "的", "自来水", "、", "井水", "、", "河水", "等", "都", "可以用来", "浇灌", ",", "但", "由于", "新鲜", "的", "自来水", "和", "井水", "的", "水温", "低于", "土", "温", ",", "且", "含有", "一些", "杂质", ",", "应", "放置", "1", "-", "2", "天后", "再", "使用", "。", "至于", "浇水", "这", "里面", "也有", "不少", "的", "讲究", "。", "对于", "君子兰", "小苗", "来", "说", "最好", "的", "方法", "是", "用", "喷壶", "喷灌", "。", "将", "喷嘴", "向上", "往", "叶子", "上", "喷", ",", "这样做", "的", "好处", "是", "除了", "达到", "浇花", "的", "目的", "外", ",", "还能", "洗尘", ",", "同时", "在", "叶面", "上", "留", "有", "雾", "珠", ",", "保证", "叶面", "有", "一定", "的", "湿度", ",", "在", "阳光", "下", "水分", "蒸发", "可", "降低", "叶", "表面", "温度", ",", "防止", "日", "烧", "病", "。", "但是", "对", "正在", "开花", "的", "君子兰", "就", "不能", "采用", "喷灌", "方式", "浇水", ",", "以", "防水", "进入", "叶鞘", "造成", "烂", "心", ",", "对于", "正", "处", "花期", "的", "君子兰", "只能", "向", "盆", "内", "灌水", "。", "那", "什么", "时间", "浇", "、", "浇", "多少", "水", "才", "合适", "呢", "?", "这", "主要", "取决于", "君子兰", "所", "处", "的", "环境温度", "。", "总", "的", "浇水", "原则", "是"], ["现在", "在", "室外", "一", "天", "浇", "一次", ",", "市", "内", "2", "-", "3", "天", "交", "一", "次"]], "paragraphs": ["君子兰可以勤浇水,每天浇1-2次都可以,但是不要多浇水,以下为君子兰正确的浇水方法:     君子兰具有较发达的肉质根,根内存蓄着一定的水分,所以这种花比较耐旱。不过,耐旱的花也不可严重缺水,尤其在夏季高温加上空气干燥的情况下不可忘记及时浇水,君子兰否则,花卉的根、叶都会受到损伤,导致新叶萌发不出,原来的叶片焦估,不仅影响开花,甚至会引起植株死亡。但是,浇水过多又会烂根。所以要好好掌握,经常注意盆土干湿情况,出现半干就要浇一次,但浇的量不宜多,保持盆土润而不潮就是恰到好处。   一般情况下,春天每天浇1次;夏季浇水,可用细喷水壶将叶面及周围地面一起浇,晴天一天浇2次;秋季隔天浇1次;冬季每星期浇一次或更少。但必须注意,这里指的是“一般情况“。必须随着各种不同的具体情况,灵活掌握。", "君子兰可以勤浇水,每天浇1-2次都可以,但是不要多浇水,以下为君子兰正确的浇水方法:     君子兰具有较发达的肉质根,根内存蓄着一定的水分,所以这种花比较耐旱。不过,耐旱的花也不可严重缺水,尤其在夏季高温加上空气干燥的情况下不可忘记及时浇水,君子兰否则,花卉的根、叶都会受到损伤,导致新叶萌发不出,原来的叶片焦估,不仅影响开花,甚至会引起植株死亡。但是,浇水过多又会烂根。所以要好好掌握,经常注意盆土干湿情况,出现半干就要浇一次,但浇的量不宜多,保持盆土润而不潮就是恰到好处。   一般情况下,春天每天浇1次;夏季浇水,可用细喷水壶将叶面及周围地面一起浇,晴天一天浇2次;秋季隔天浇1次;冬季每星期浇一次或更少。但必须注意,这里指的是“一般情况“。必须随着各种不同的具体情况,灵活掌握。", "水是君子兰体内重要组成部分。据测定,君子兰体内有60%-80%的水分,尤其是它的这些肉质根具有强大的蓄水功能,对干旱有较强的抵抗力。君子兰喜中性水,干净、无污染的自来水、井水、河水等都可以用来浇灌,但由于新鲜的自来水和井水的水温低于土温,且含有一些杂质,应放置1-2天后再使用。至于浇水这里面也有不少的讲究。对于君子兰小苗来说最好的方法是用喷壶喷灌。将喷嘴向上往叶子上喷,这样做的好处是除了达到浇花的目的外,还能洗尘,同时在叶面上留有雾珠,保证叶面有一定的湿度,在阳光下水分蒸发可降低叶表面温度,防止日烧病。但是对正在开花的君子兰就不能采用喷灌方式浇水,以防水进入叶鞘造成烂心,对于正处花期的君子兰只能向盆内灌水。那什么时间浇、浇多少水才合适呢?这主要取决于君子兰所处的环境温度。总的浇水原则是", "现在在室外一天浇一次,市内2-3天交一次"], "bs_rank_pos": 0}, {"is_selected": true, "title": "君子兰多长时间浇一次水?_百度知道", "most_related_para": 0, "segmented_title": ["君子兰", "多长时间", "浇", "一", "次", "水", "?", "_", "百度", "知道"], "segmented_paragraphs": [["君子兰", "为", "肉质", "根", ",", "根系", "有", "一定", "的", "贮", "水", "能力", ",", "因此", "它", "比较", "耐旱", "。", "但", "耐旱", "并不等于", "可以", "缺水", ",", "干湿", "不当", "是", "养", "不好", "君子兰", "的", "主要", "原因", "。", "土壤", "含水量", "在", "15", "%", "-", "20", "%", "较", "适宜", ",", "水", "含量", "达", "30", "%", ",", "时间", "稍", "长", ",", "则", "必", "烂根", "无疑", "。", "浇水", "要", "根据", "苗", "的", "大小", "和", "季节", "、", "天气", "来", "定", ",", "一般", "四", "、", "五月份", ",", "由", "2", "-", "3", "天", "浇", "1", "次", "逐步", "增加", "到", "1", "天", "浇", "1", "次", ",", "入秋", "后", "则", "由", "1", "-", "2", "天", "浇", "1", "次", "逐步减少", "为", "3", "-", "4", "天", "浇", "1", "次", "。", "  ", "浇花", "一般", "常用", "自来水", ",", "但是", "因为", "自来水", "中", "含有", "少量", "对", "君子兰", "有害", "的", "物质", ",", "对", "君子兰", "生长", "不利", "。", "再则", "自来水", "与", "盆", "土", "温差", "较", "大", ",", "用", "自来水", "直接", "浇花", ",", "刺激", "根部", "不利于", "君子兰", "的", "生长", ",", "所以", "如", "用", "自来水", "浇", "君子兰", ",", "一般", "应", "将", "自来水", "在", "室内", "静", "置", "两天", "。", "这样", "既", "把", "水中", "的", "有害", "物质", "如", "漂白粉", "等", "蒸发", "或", "沉淀", "除去", ",", "又", "能", "使", "水温", "达到", "或", "缩小", "与", "盆", "土", "的", "差距", "。", "  ", "注意", "浇水", "量", "与", "浇水", "次数", "。", "君子兰", "冬季", "浇水", ",", "如", "室内温度", "高", "、", "湿度", "小", ",", "可", "2", "天", "-", "3", "天", "浇水", "一次", "。", "如", "室内"]], "paragraphs": ["君子兰为肉质根,根系有一定的贮水能力,因此它比较耐旱。但耐旱并不等于可以缺水,干湿不当是养不好君子兰的主要原因。土壤含水量在15%-20%较适宜,水含量达30%,时间稍长,则必烂根无疑。浇水要根据苗的大小和季节、天气来定,一般四、五月份,由2-3天浇1次逐步增加到1天浇1次,入秋后则由1-2天浇1次逐步减少为3-4天浇1次。   浇花一般常用自来水,但是因为自来水中含有少量对君子兰有害的物质,对君子兰生长不利。再则自来水与盆土温差较大,用自来水直接浇花,刺激根部不利于君子兰的生长,所以如用自来水浇君子兰,一般应将自来水在室内静置两天。这样既把水中的有害物质如漂白粉等蒸发或沉淀除去,又能使水温达到或缩小与盆土的差距。   注意浇水量与浇水次数。君子兰冬季浇水,如室内温度高、湿度小,可2天-3天浇水一次。如室内"], "bs_rank_pos": 1}, {"is_selected": false, "title": "君子兰几天浇一次水呢??_百度知道", "most_related_para": 0, "segmented_title": ["君子兰", "几天", "浇", "一", "次", "水", "呢", "?", "?", "_", "百度", "知道"], "segmented_paragraphs": [["春夏", "每天", "浇", "1", "次", "水", ",", "秋", "隔天", "浇", "1", "次", "水", ",", "冬", "3", "-", "-", "5", "天", "浇", "1", "次", "君子兰", "喜", "温暖", "、", "湿润", "及", "半", "阴", "环境", ",", "怕", "酷热", "和", "阳光", "直", "晒", "。", "如果", "温度", "、", "光照", "等", "条件", "不适宜", ",", "只见", "长", "叶", ",", "不见", "开花", ",", "或", "花", "小", "色", "淡", ",", "影响", "观赏", "效果", "。", "(", "1", ")", "温度", ";", "适宜", "的", "生长", "的", "温度", "为", "15", "℃", "至", "25", "℃", "之间", "。", "(", "2", ")", "光照", ";", "君子兰", "属", "半", "阴性", "植物", ",", "无光", "不行", ",", "光强", "也", "不行", "。", "冬季", "应", "放", "室内", "向阳", "处", ",", "春季", "出", "室", "后", "和", "秋分", "前后", "宜", "见", "半", "光", ",", "夏季", "放置", "通风", "凉爽", "处", ",", "避免", "阳光直射", "。", "天气", "干", "热", "时", "要", "向", "花盆", "附近", "地面", "喷水", ",", "以", "增", "湿", "降温", "。", "花", "的", "叶子", "的", "伸展", "方向", "于", "光照", "方向", "平行", ",", "同时", "每隔", "1", "周", "调换", "一", "下", "花盆", "位置", ",", "将", "花盆", "转", "180", "度", ",", "这样", "叶片", "的", "排列", "就", "整齐", "美观", "。", "君子兰", "适宜", "森林", "腐殖土", ",", "这种", "土", "透气", "性", "好", ",", "渗水", "性", "强", ",", "PH值", "6", ".", "5", "左右", "。", "(", "3", ")", "浇水", ";", "给", "君子兰", "浇水", "不能", "等", "盆", "土", "干", "了", "再", "浇", ",", "半干", "就", "浇", ",", "使", "盆", "土", "上下", "经常", "保持", "湿润", ",", "则", "有利于", "生长发育", "。", "春夏", "需", "每天", "浇", "1", "次", "水", ",", "秋季", "可", "隔天", "浇", "1", "次"]], "paragraphs": ["春夏每天浇1次水,秋隔天浇1次水,冬3--5天浇1次君子兰喜温暖、湿润及半阴环境,怕酷热和阳光直晒。如果温度、光照等条件不适宜,只见长叶,不见开花,或花小色淡,影响观赏效果。 (1)温度;适宜的生长的温度为15℃至25℃之间。 (2)光照;君子兰属半阴性植物,无光不行,光强也不行。冬季应放室内向阳处,春季出室后和秋分前后宜见半光,夏季放置通风凉爽处,避免阳光直射。天气干热时要向花盆附近地面喷水,以增湿降温。花的叶子的伸展方向于光照方向平行,同时每隔1周调换一下花盆位置,将花盆转180度,这样叶片的排列就整齐美观。 君子兰适宜森林腐殖土,这种土透气性好,渗水性强,PH值6.5左右。 (3)浇水;给君子兰浇水不能等盆土干了再浇,半干就浇,使盆土上下经常保持湿润,则有利于生长发育。春夏需每天浇1次水,秋季可隔天浇1次"], "bs_rank_pos": 2}, {"is_selected": false, "title": "君子兰多久浇一次水 君子兰几天浇一次水(图) - 花木中国网", "most_related_para": 2, "segmented_title": ["君子兰", "多久", "浇", "一", "次", "水", "君子兰", "几天", "浇", "一", "次", "水", "(", "图", ")", "-", "花木", "中国网"], "segmented_paragraphs": [["发布日期", ":", "2016", "-", "09", "-", "16", "浏览次数", ":", "4934"], ["很多", "养殖", "君子兰", "的", "新手", "都", "有", "这样", "一", "个", "疑问", ",", "那", "就是", "君子兰", "多久", "浇", "一次", "水", ",", "几天", "浇", "一", "次", "水", "比较好", ",", "有人", "说", "两天", "一", "浇", ",", "也", "有人", "说", "一", "周一", "浇", ",", "到", ".", ".", "."], ["1", "、", "君子兰", "是", "肉质", "根", ",", "根", "内", "可以", "贮存", "比较", "多", "的", "水肥", ",", "所以", "比较", "耐寒", ",", "不过", "也", "不能", "一直", "缺水", ",", "为", "防", "浇水", "过", "多", "烂根", ",", "日常", "养护", "中", "要", "经常", "注意", "它", "的", "盆", "土", "干湿", "情况", ",", "半干", "就要", "浇", "一次", "水", ",", "但", "浇", "的", "量", "不宜", "多", ",", "保持", "盆", "土", "润", "而", "不", "潮", "就", "可以", "了", "。", "2", "、", "一般", "情况", "下", ",", "不同", "季节", "的", "浇水", "方法如下", ":"], ["(", "1", ")", "春天", "每天", "浇", "1", "次", ";", "(", "2", ")", "夏季", "浇水", ",", "可用", "细", "喷", "水壶", "将", "叶面", "及", "周围", "地面", "一起", "浇", ",", "晴天", "一天", "浇", "2", "次", ";", "(", "3", ")", "秋季", "隔天", "浇", "1", "次", ";", "(", "4", ")", "冬季", "隔天", "浇", "1", "次", ";", "冬季", "每星期", "浇", "一次", "或", "更", "少", "。"], ["图", ":", "含苞待放", "的", "君子兰"], ["注意", ",", "小", "编", "提醒", "您", ",", "这里", "我们", "说", "的", "是", "“", "一般", "情况", "”", ",", "必须", "随着", "各种", "不同", "的", "具体情况", ",", "灵活", "掌握", "。", "比如说", ",", "晴天", "要", "多", "浇", ";", "阴天", "要", "少", "浇", ",", "连续", "阴天", "则", "隔", "几天", "浇", "一", "回", ";", "雨天", "则", "不", "浇", "。", "气温", "高", "、", "空气干燥", "时", "一", "天", "要", "浇", "几", "次", ";", "花盆", "大", "的", ",", "因", "土", "内", "储", "水量", "大", "而", "不", "易", "风干", ",", "可", "少", "浇", ";", "花盆", "小", ",", "水分", "容易", "蒸发", "掉", ",", "则", "应", "适量", "多", "浇", "。", "花盆", "放置", "在", "通风", "好", "、", "容易", "蒸发", "的", "地方", ",", "宜", "适量", "多", "浇", ";", "通气", "差", "、", "蒸发", "慢", "、", "空气湿度", "大", "的", "地方", "则", "应", "少", "浇", "。", "苗", "期", "可以", "少", "浇", ";", "开花", "期", "需", "多", "浇", "。", "总之", ",", "要", "视", "具体", "情况", "而", "定", ",", "以", "保证", "盆", "土", "柔润", ",", "不", "使", "太", "干", "、", "太", "潮", "为", "原则", "。"], ["【", "小贴士", "】", "给", "君子兰", "浇水", ",", "水", "也是", "有讲究", "的", "哦", ",", "有条件", "的", "当然", "是", "选择", "用", "磁化水", "最好", "啦", ",", "其次", "是", "活", "水", ",", "比如", "雨水", "、", "雪水", "或", "江河", "里", "的", "流水", "等", ",", "再", "不行", "就", "用", "池塘", "里", "的", "水", ",", "如果", "能", "不用", "自来水", "就", "尽量", "不用", ",", "如果", "只能", "用", "自来水", ",", "那", "最后", "先", "储", "水", "放", "着", "隔", "2", "-", "3", "天", "再", "浇", "比较好", "。"], ["特别声明", ":", "花木", "中国网", "所有", "原始", "/", "编译", "文章", "及", "图片", "、", "图表", "的", "版权所有", ",", "如", "要", "转载", "需", "注明", "信息来源", "“", "花木", "中国网", "www", ".", "huamu", "zg", ".", "com", "”", ",", "否则", "将", "追究", "相关", "法律责任"], ["经营", ":", "国槐", "、", "白蜡", "、"], ["供应", ":", "国槐", "、", "白蜡", "、"], ["经营", ":", "紫薇", ",", "垂柳", ",", "榉"], ["供应", ":", "紫薇", ",", "垂柳", ",", "榉"], ["经营", ":", "香樟", ",", "桂花", ",", "杨"], ["供应", ":", "香樟", ",", "桂花", ",", "杨"], ["经营", ":", "园林工程"], ["供应", ":", "园林工程"], ["经营", ":", "白玉兰", ",", "五角"], ["供应", ":", "白玉兰", ",", "五角"]], "paragraphs": ["发布日期:2016-09-16 浏览次数:4934", "很多养殖君子兰的新手都有这样一个疑问,那就是君子兰多久浇一次水,几天浇一次水比较好,有人说两天一浇,也有人说一周一浇,到...", "1、君子兰是肉质根,根内可以贮存比较多的水肥,所以比较耐寒,不过也不能一直缺水,为防浇水过多烂根,日常养护中要经常注意它的盆土干湿情况,半干就要浇一次水,但浇的量不宜多,保持盆土润而不潮就可以了。 2、一般情况下,不同季节的浇水方法如下:", "(1)春天每天浇1次; (2)夏季浇水,可用细喷水壶将叶面及周围地面一起浇,晴天一天浇2次; (3)秋季隔天浇1次; (4)冬季隔天浇1次;冬季每星期浇一次或更少。", "图:含苞待放的君子兰", "注意,小编提醒您,这里我们说的是“一般情况”,必须随着各种不同的具体情况,灵活掌握。比如说,晴天要多浇;阴天要少浇,连续阴天则隔几天浇一回;雨天则不浇。气温高、空气干燥时一天要浇几次;花盆大的,因土内储水量大而不易风干,可少浇;花盆小,水分容易蒸发掉,则应适量多浇。花盆放置在通风好、容易蒸发的地方,宜适量多浇;通气差、蒸发慢、空气湿度大的地方则应少浇。苗期可以少浇;开花期需多浇。总之,要视具体情况而定,以保证盆土柔润,不使太干、太潮为原则。", "【小贴士】给君子兰浇水,水也是有讲究的哦,有条件的当然是选择用磁化水最好啦,其次是活水,比如雨水、雪水或江河里的流水等,再不行就用池塘里的水,如果能不用自来水就尽量不用,如果只能用自来水,那最后先储水放着隔2-3天再浇比较好。", "特别声明:花木中国网所有原始/编译文章及图片、图表的版权所有,如要转载需注明信息来源“花木中国网 www.huamuzg.com”,否则将追究相关法律责任", "经营:国槐、白蜡、", "供应:国槐、白蜡、", "经营:紫薇,垂柳,榉", "供应:紫薇,垂柳,榉", "经营:香樟,桂花,杨", "供应:香樟,桂花,杨", "经营:园林工程", "供应:园林工程", "经营:白玉兰,五角", "供应:白玉兰,五角"], "bs_rank_pos": 3}, {"is_selected": false, "title": "君子兰几天浇一次水呀. - 爱问知识人", "most_related_para": 4, "segmented_title": ["君子兰", "几天", "浇", "一", "次", "水", "呀", ".", "-", "爱问知识人"], "segmented_paragraphs": [["君子兰", "要", "用", "专门", "的", "\"", "君子兰", "土", "\"", ".", "(", "花鸟", "市", "大", "都", "有", ")", "成分", "主要", "是", "马粪", ",", "橡", "树叶", "(", "或", "落叶松", "的", "松针", ")", "以及", "一些", "农作物", "的", "糠", "和", "皮", ".", "于", "一定", "条件", "下", "发酵", ",", "腐化", ",", "消毒", "后", "而", "成", ".", "它", "质地", "松软", ",", "又", "有", "一定", "的", "保", "水性", ",", "内", "中", "又", "富含", "相当", "的", "养", "分", "及", "肥", "分", ".", "浇水", "时", "花盆", "放在", "一", "个", "大", "盆", "中", ",", "缓缓", "的", "浇", "入", "晒", "过", "的", "水", ".", "再", "用", "喷壶", "的", "将", "叶面", "浇", "湿", ".", "至", "花盆", "中", "花", "土", "湿透", ",", "花盆", "(", "瓦盆", ")", "也", "含", "大量", "水", "时", "即可", ".", "此时", "可", "将", "花盆", "放在", "专门", "搁置", "花盆", "的", "小碟", "中控", "水", ".", "因为", "花盆", "大小", "不", "一", ",", "和", "花", "的", "根茎", "大小", "不", "一", ",", "再次", "浇水", "时间", "也", "不", "一", ".", "这时", "可用", "一只", "竹筷", "轻轻", "插入", "花", "土", "中", ",", "至", "中", "下部", ".", "然后", "抽出", ".", "如果", "竹筷", "是", "干", "的", ",", "说明", "花", "土", "已", "干", ",", "该", "浇水", "了", ".", "反", "之", "如果", "竹筷", "上", "有些", "水分", ",", "则", "说明", "花", "土", "没有", "干", "透", "还", "不需", "浇水", ".", "如此", "几", "次", "后", "就", "可", "掌握", "住", "浇水", "时间", "了", ".", "总之", ",", "浇水", "前", "花", "土", "要", "干", "透", "(", "否则", "会", "烂根", ")", ",", "浇水", "时", "要", "湿透", ".", "(", "夏季", "时", "要", "避光", ",", "冬季", "时", "可", "适当", "增加", "光照", "时间", ")"], ["君子兰", "原", "产", "于", "非洲", "南部", ",", "生长", "在", "大树", "底下", ",", "所以", "它", "既", "怕", "炎热", "又", "不", "耐寒", ",", "喜欢", "半", "阴", "而", "湿润", "的", "环境", ",", "畏", "强烈", "的", "直射", "阳光", ",", "生长", "的", "最佳", "温度", "在", "18", "-", "22", "度", "之间", ",", "5", "度", "以下", ",", "30", "度", "以上", ",", "生长", "受", "抑制", "。", "君子兰", "喜欢", "通风", "的", "环境", ",", "喜", "深厚", "肥"], ["君子兰", "有", "发达", "的", "肉质", "根", ",", "能", "储存", "较多", "水分", "并", "有", "一定", "的", "耐旱性", "。", "一般", "经验", "认为", "土壤", "含水量", "30", "%", "左右", "为", "宜", ",", "掌握", "在", "盆", "土", "表面", "见", "干", "再", "浇", ",", "冬季", "3", "-", "5", "天", "浇", "一次", ",", "春秋", "天", "可", "1", "-", "2", "天", "浇", "一次", ",", "夏季", "可", "适当", "增加", "浇水", "次数", "。", "苗", "期", "需", "水", "少", ",", "开花", "期", "需", "水", "多", "。", "浇水", "时", "勿", "把", "水", "浇", "在", "叶片", "上", "以", "防", "叶子", "腐烂", "。", "发现", "叶子", "上", "有", "灰尘", "时", ",", "可用", "软", "布", "轻", "擦", "叶面", ",", "也", "可用", "软毛", "刷", "掸", "刷", ",", "不要", "大量", "淋", "水洗", "刷", "。"], ["君子兰", "有", "发达", "的", "肉质", "根", ",", "能", "贮存", "较多", "水分", "并", "有", "一定", "的", "耐旱性", ",", "掌握", "在", "盆", "土", "表面", "见", "干", "再", "浇", ",", "在", "开花", "时间", "可以", "浇", "说", "偏", "多一点"], ["君子兰", "有", "发达", "的", "肉质", "根", ",", "能", "贮存", "较多", "水分", "并", "有", "一定", "的", "耐旱性", "。", "一般", "经验", "认为", "君子兰", "土壤", "含水量", "30", "%", "左右", "为", "宜", ",", "掌握", "在", "盆", "土", "表面", "见", "干", "再", "浇", ",", "冬季", "3", "-", "5", "天", "浇", "一次", ",", "春秋", "季节", "可", "1", "-", "2", "天", "浇", "一次", ",", "夏季", "休眠期", "应", "适当", "少", "浇水", ",", "高温", "高", "湿", "易", "引起", "腐烂", "。", "苗", "期", "需要", "水", "少", ",", "开花", "期", "需要", "水", "多", "。", "浇水", "时", "勿", "把", "水", "浇", "在", "君子兰", "叶片", "上", "以", "防", "叶子", "腐烂", "。", "盆栽", "君子兰", "最", "忌", "积水", ",", "发现", "排水", "不良", "应该", "及时更换", "盆", "土", "。"], ["出版", "车", "爱护", "电风扇", "上", "有", "容", "乃", "大", "|", "05", "-", "11", "-", "16", "0", "0", "举报"], ["对于", "君子兰", "浇水", "不要太多", "啊", "!", "!", "不", "然", "根", "会", "烂", "的", "啊", "!", "君子兰", "本来就是", "怕", "强光", "应该", "放在", "比较", "阴暗", "的", "地方", "啊", "!", "等", "土", "干", "了", "再", "浇", "啊", "!", "我", "教", "你", "个", "浇水", "的", "方法", "你", "用", "一", "个", "盛", "有", "水", "的", "盆子", "把", "花盆", "放", "里面", "待", "你", "感觉", "表", "土", "润", "而不湿", "时", "将", "花", "拿出来", "就", "可以", "了", ".", "(", "润", "而", "不", "湿", "—", "—", "用", "手", "拈", "土", "感觉", "有", "水", "却", "没有", "水滴", "下来", ")", "这样", "可以", "浇透", "水", "!", "等", "再次", "表", "土", "干", "了", "在", "这样", "浇", "就", "可以", "了", "啊"], ["花鸟鱼虫", "相关知识"], ["确定", "举报", "此", "问题"]], "paragraphs": ["君子兰要用专门的\"君子兰土\".(花鸟市大都有)成分主要是马粪,橡树叶(或落叶松的松针)以及一些农作物的糠和皮.于一定条件下发酵,腐化,消毒后而成.它质地松软,又有一定的保水性,内中又富含相当的养分及肥分.浇水时花盆放在一个大盆中,缓缓的浇入晒过的水.再用喷壶的将叶面浇湿.至花盆中花土湿透,花盆(瓦盆)也含大量水时即可.此时可将花盆放在专门搁置花盆的小碟中控水. 因为花盆大小不一,和花的根茎大小不一,再次浇水时间也不一.这时可用一只竹筷轻轻插入花土中,至中下部.然后抽出.如果竹筷是干的,说明花土已干,该浇水了.反之如果竹筷上有些水分,则说明花土没有干透还不需浇水.如此几次后就可掌握住浇水时间了. 总之,浇水前花土要干透(否则会烂根),浇水时要湿透. (夏季时要避光,冬季时可适当增加光照时间)", "君子兰原产于非洲南部,生长在大树底下,所以它既怕炎热又不耐寒,喜欢半阴而湿润的环境,畏强烈的直射阳光,生长的最佳温度在18-22度之间,5度以下,30度以上,生长受抑制。君子兰喜欢通风的环境,喜深厚肥", "君子兰有发达的肉质根,能储存较多水分并有一定的耐旱性。一般经验认为土壤含水量30%左右为宜,掌握在盆土表面见干再浇,冬季3-5天浇一次,春秋天可1-2天浇一次,夏季可适当增加浇水次数。苗期需水少,开花期需水多。浇水时勿把水浇在叶片上以防叶子腐烂。发现叶子上有灰尘时,可用软布轻擦叶面,也可用软毛刷掸刷,不要大量淋水洗刷。", "君子兰有发达的肉质根,能贮存较多水分并有一定的耐旱性,掌握在盆土表面见干再浇,在开花时间可以浇说偏多一点", "君子兰有发达的肉质根,能贮存较多水分并有一定的耐旱性。一般经验认为君子兰土壤含水量30%左右为宜,掌握在盆土表面见干再浇,冬季3-5天浇一次,春秋季节可1-2天浇一次,夏季休眠期应适当少浇水,高温高湿易引起腐烂。苗期需要水少,开花期需要水多。浇水时勿把水浇在君子兰叶片上以防叶子腐烂。盆栽君子兰最忌积水,发现排水不良应该及时更换盆土。", "出版车爱护电风扇上 有容乃大 | 05-11-16 0 0 举报", "对于君子兰浇水不要太多啊!!不然根会烂的啊!君子兰本来就是怕强光应该放在比较阴暗的地方啊!等土干了再浇啊!我教你个浇水的方法你用一个盛有水的盆子把花盆放里面待你感觉表土润而不湿时将花拿出来就可以了.(润而不湿——用手拈土感觉有水却没有水滴下来)这样可以浇透水!等再次表土干了在这样浇就可以了啊", "花鸟鱼虫相关知识", "确定举报此问题"], "bs_rank_pos": 4}], "answer_spans": [[0, 18]], "answer_docs": [0], "fake_answers": ["君子兰可以勤浇水,每天浇1-2次都可以,但是不要多浇水"], "question": "君子兰多久浇一次水", "segmented_answers": [["君子兰", "可以", "勤", "浇水", ",", "每天", "浇", "1", "-", "2", "次", "都", "可以", ",", "但是", "不", "要", "多", "浇水", "。"], ["浇水", "要", "根据", "苗", "的", "大小", "和", "季节", "、", "天气", "来", "定", ",", "一般", "四", "、", "五月份", ",", "由", "2", "-", "3", "天", "浇", "1", "次", "逐步", "增加", "到", "1", "天", "浇", "1", "次", ",", "入秋", "后", "则", "由", "1", "-", "2", "天", "浇", "1", "次", "逐步减少", "为", "3", "-", "4", "天", "浇", "1", "次", "。", "如", "室内温度", "高", "、", "湿度", "小", ",", "可", "2", "天", "-", "3", "天", "浇水", "一次", "。", "如", "室内", "很", "低", "可", "延长至", "一", "周", "浇水", "一次", "。"]], "answers": ["君子兰可以勤浇水,每天浇1-2次都可以,但是不要多浇水。", "浇水要根据苗的大小和季节、天气来定,一般四、五月份,由2-3天浇1次逐步增加到1天浇1次,入秋后则由1-2天浇1次逐步减少为3-4天浇1次。如室内温度高、湿度小,可2天-3天浇水一次。如室内很低可延长至一周浇水一次。"], "entity_answers": [[], ["2-3天", "1天", "1-2天", "3-4天", "2天-3天", "一周"]], "segmented_question": ["君子兰", "多久", "浇", "一", "次", "水"], "question_type": "ENTITY", "question_id": 22, "fact_or_opinion": "OPINION", "match_scores": [0.8717948717948718]} -{"documents": [{"is_selected": false, "title": "超级淘安全吗_百度知道", "most_related_para": 0, "segmented_title": ["超级", "淘", "安全", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["可信", ",", "可", "信", ",", "现", "在", "大家", "都", "在", "超", "级", "淘", ",", "操", "作", "简单", ",", "花", "的", "钱", "又", "可", "以", "赚", "钱", ",", "省钱", "多", "!"]], "paragraphs": ["可信,可 信 ,现 在大家 都 在超 级 淘 , 操 作 简单,花 的 钱又 可 以 赚 钱 , 省钱 多 !"], "bs_rank_pos": 0}, {"is_selected": false, "title": "通过超级淘购物,我的账户安全吗?_百度知道", "most_related_para": 0, "segmented_title": ["通过", "超级", "淘", "购物", ",", "我", "的", "账户", "安全", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["超级", "淘", "是", "和", "某", "宝", "某", "东", "有", "关联", "的", ",", "给", "超级", "淘授权", "。", "只", "需", "在", "某", "宝", "某", "东", "app", "上", "登录", "账号", ",", "在", "超级", "淘", "内", "购物", "时", "只要", "点击", "授权", "即可", "。", "不要", "直接", "在", "超级", "淘", "内", "输入", "账号", "密码", "。"]], "paragraphs": ["超级淘是和某宝某东有关联的,给超级淘授权。只需在某宝某东app上登录账号,在超级淘内购物时只要点击授权即可。不要直接在超级淘内输入账号密码。"], "bs_rank_pos": 1}, {"is_selected": true, "title": "揭秘超级淘安全吗,为何宝妈都喜欢用超级淘网购?", "most_related_para": 19, "segmented_title": ["揭秘", "超级", "淘", "安全", "吗", ",", "为何", "宝", "妈", "都", "喜欢", "用", "超级", "淘", "网购", "?"], "segmented_paragraphs": [["因为", "前段时间", "发", "的", "超级", "淘", "文章", ",", "很多", "童鞋", "都", "不", "了解", "超级", "淘", "是", "个", "什么", "东西", "。"], ["网购", "返利", "APP", "就是", "超级", "淘", "的", "本质"], ["超级", "淘", "与", "市面上", "大部分", "的", "返利", "APP", "相比", "有", "一", "个", "根本", "上", "的", "差别", ","], ["一次", "返现", ",", "就是", "其他", "返利", "模式", "都是", "一", "笔", "消费", ",", "返现", "的", "时间", "最", "快", "也", "要", "用户", "确认", "收", "货", "之后", "."], ["超级", "淘", "每日", "进行", "返现", ".", "但", "超级", "淘", "的", "返现", "模式", "是", "通过", "记录", "消费", "额度", "来", "计算", "利息", ","], ["其实", "超级", "淘", "登录", "是", "不需要", "填写", "任何", "注册", "资料", "的", "。"], ["而且", "只", "需要", "授权", "到", "微信", "或", "QQ", "就", "可以", "登录", "了", "。"], ["超级", "淘仅可以", "获取", "到", "头像", "和", "昵称", "这些", "公开", "信息", "。"], ["因为", "授权", "登录", "只", "会", "跳转", "到", "所", "授权", "的", "APP", "进行", "操作", ","], ["有些", "童鞋", "可能", "会", "觉得", "很奇怪", ",", "超级", "淘", "到底", "是", "从", "哪里", "营", "利", "的", "呢", "?"], ["没错", ",", "理论", "上", "来", "说", "时间", "够", "长", "的", "确", "是", "这样", ",", "但是", "如果", "产品", "够", "安全", ",", "我们", "其实", "不用", "考虑", "它", "的", "盈利", "点", "在", "哪", ",", "毕竟", "现在", "烧钱", "的", "APP", "还是", "有", "不少", "的", ",", "我们", "只要", "获得", "我们", "该", "获得", "的", "利益", "就好", "了", "。"], ["如果", "这样", "计算", ",", "我", "只", "消费", "一", "笔", ",", "只要", "时间", "够", "长", ",", "是不是", "可以", "全额返回", ",", "甚至", "超过", "商品", "价值", "。"], ["我", "来", "为", "大家", "分析", "一", "下", "超级", "淘", "的", "安全性能", "去", "到", "哪里", "。"], ["下面", "可能", "就是", "用户", "最", "关", "心得", "一点"], ["超级", "淘", "目前", "是", "可", "支持", "记录", "消费", "的", "平台", "有", "淘宝", "、", "天猫", "和", "京东"], ["但", "实际操作", "发现", "淘宝", "也是", "进行", "授权", "登录", ",", "所以", "超级", "淘", "依然", "只能", "获取", "到", "头像", "和", "昵称", "。"], ["我们", "用", "淘宝", "来", "举例", ",", "登录", "超级", "淘", "后", "在", "淘宝", "选择", "好", "商品", "我们", "会", "进行", "付款", ","], ["然后", "这", "时候", "很多", "用户", "会", "担心", "支付宝", "的", "信息", "被", "超级", "淘", "窃取", "。"], ["所有", "的", "操作", "依然", "实在", "支付宝", "内", "进行", ",", "在", "最", "重要", "的", "付款", "环节", ",", "超级", "淘", "是", "会", "跳转", "到", "支付宝", "进行", "操作", "的", ",", "也", "就是", "超级", "淘", "仅", "起", "到", "跳转", "功能", "而已", "。"], ["所以", "傲天", "在", "这里", "还是", "总结一下", "吧", ",", "之", "前", "很多", "童鞋", "都", "担心", "超级", "淘", "的", "安全问题", "。", "经过", "我", "两", "个", "多", "星期", "的", "测试", ",", "超级", "淘", "作为", "支付宝", "的", "战略合作伙伴", ",", "安全性", "还是", "有", "保障", "。"], ["本", "文", "仅", "代表", "作者", "观点", ",", "不", "代表", "百度", "立场", "。"], ["本", "文", "系", "作者", "授权", "百家", "号", "发表", ",", "未经许可", ",", "不得转载", "。"], ["还没有人", "评论", ",", "点击", "抢沙发", "~"]], "paragraphs": ["因为前段时间发的超级淘文章,很多童鞋都不了解超级淘是个什么东西。", "网购返利APP就是超级淘的本质", "超级淘与市面上大部分的返利APP相比有一个根本上的差别,", "一次返现,就是其他返利模式都是一笔消费,返现的时间最快也要用户确认收货之后.", "超级淘每日进行返现.但超级淘的返现模式是通过记录消费额度来计算利息,", "其实超级淘登录是不需要填写任何注册资料的。", "而且只需要授权到微信或QQ就可以登录了。", "超级淘仅可以获取到头像和昵称这些公开信息。", "因为授权登录只会跳转到所授权的APP进行操作,", "有些童鞋可能会觉得很奇怪,超级淘到底是从哪里营利的呢?", "没错,理论上来说时间够长的确是这样,但是如果产品够安全,我们其实不用考虑它的盈利点在哪,毕竟现在烧钱的APP还是有不少的,我们只要获得我们该获得的利益就好了。", "如果这样计算,我只消费一笔,只要时间够长,是不是可以全额返回,甚至超过商品价值。", "我来为大家分析一下超级淘的安全性能去到哪里。", "下面可能就是用户最关心得一点", "超级淘目前是可支持记录消费的平台有淘宝、天猫和京东", "但实际操作发现淘宝也是进行授权登录,所以超级淘依然只能获取到头像和昵称。", "我们用淘宝来举例,登录超级淘后在淘宝选择好商品我们会进行付款,", "然后这时候很多用户会担心支付宝的信息被超级淘窃取。", "所有的操作依然实在支付宝内进行,在最重要的付款环节,超级淘是会跳转到支付宝进行操作的,也就是超级淘仅起到跳转功能而已。", "所以傲天在这里还是总结一下吧,之前很多童鞋都担心超级淘的安全问题。经过我两个多星期的测试,超级淘作为支付宝的战略合作伙伴,安全性还是有保障。", "本文仅代表作者观点,不代表百度立场。", "本文系作者授权百家号发表,未经许可,不得转载。", "还没有人评论,点击抢沙发~"], "bs_rank_pos": 2}, {"is_selected": true, "title": "超级淘可信吗,带你一探究竟", "most_related_para": 6, "segmented_title": ["超级", "淘", "可信", "吗", ",", "带", "你", "一探究竟"], "segmented_paragraphs": [["近日", ",", "网上", "关于", "“", "超级", "淘", "可信", "吗", "”", "这样", "的", "问题", "的", "探讨", "越来越多", ",", "对", "这个", "问题", "的", "了解", ",", "大", "体", "分为", "两种", ":", "超级", "淘", "是", "可信", "的", ",", "超级", "淘", "是", "一", "个", "创新", "型", "网购", "返利", "APP", ",", "在", "这", "一", "两年", "在", "互联网", "异常火爆", ",", "“", "消费", "存钱", ",", "利息", "赚钱", "”", "的", "新模式", "带给", "了", "用户", "全新", "的", "购物", "体验", ";", "另一种", "则", "是", "置疑", "超级", "淘", "返还", "模式", "的", "不可信", ",", "至于", "为什么", ",", "原因", "多种多样", "。"], ["笔者", "在", "深入了解", "了", "超级", "淘", "的", "返利", "模式", "、", "操作", "体验", "、", "提现", "速度", "等", "方面", "的", "一些", "相关内容", "后", ",", "和", "大家", "分享", "下", "对待", "“", "超级", "淘", "可信", "吗", "”", "这个问题", "的", "正", "解", "。"], ["超级", "淘", "推出", "的", "“", "消费", "存钱", ",", "利息", "赚钱", "”", "创新", "模式", ",", "在", "市场", "中", "脱颖而出", ",", "用户", "只要", "通过", "超级", "淘", "在", "淘宝", "、", "天猫", "、", "京东", "等", "各", "大", "购物", "平台", "上", "购物", ",", "消费", "的", "金额", "就能", "存入", "超级", "淘", ",", "累积", "成为", "存款", ",", "每天", "产生", "利息", ",", "是", "相当于", "用", "网购", "花", "掉", "的", "钱", "来", "赚钱", "。"], ["举", "个", "例子", ",", "你", "一年", "在", "淘宝", "消费", "10000", ",", "单纯", "利息", "至少", "就能", "赚", "到", "1000", "多", ",", "超级", "淘", "还能", "通过", "邀请", "好友", "、", "助力", "等", "行为", "与", "其他", "用户", "产生", "互动", ",", "最大化", "自己", "的", "年", "化", "利率", ",", "而且", "年", "化", "利率", "是", "无", "上限", "的", ",", "线", "下", "消费", "也", "能", "通过", "上传", "小票", "存入", "超级", "淘", ",", "这", "是", "个", "无底洞", "宝", "矿", ",", "只要你", "肯", "深挖", "。"], ["操作", "体验", "方面", ",", "通过", "笔者", "的", "几", "次", "操作", ",", "已经", "基本", "懂得", "操作流程", ",", "超级", "淘", "在", "用户体验", "方面", "下", "了", "很多", "功夫", ",", "简单", "明", "了", "的", "视频教程", "、", "完善", "的", "客服", "系统", "都", "让", "用户", "有", "很高", "的", "评价", ",", "超级", "淘", "还", "支持", "最低", "1", "月", "提现", "至", "支付宝", ",", "无需", "绑定", "银行卡", ",", "这一点", "非常", "人性化", ",", "比", "起", "其他", "返利", "周期", "漫长", "的", "返利", "平台", ",", "笔者", "真", "的", "觉得", "很", "满足", "。"], ["随着", "新", "零售", "领域", "的", "飞速发展", ",", "更多", "的", "返利", "模式", "进入", "人们", "的", "视野", ",", "更多", "的", "消费", "场景", "被", "囊括", "进来", ",", "网购", "返利", "越来越", "成为", "成为", "广大", "网购", "爱好者", "热衷", "的", "省钱", "小技巧", ",", "也", "将", "逐渐", "成为", "一", "种", "被", "大众", "接受", "的", "网购", "新趋势", "。"], ["如今", "返利", "网站", "的", "模式", "越来越多", ",", "也", "越来越", ",", "笔者", "建议", "消费者", "在", "选择", "返利", "平台", "的", "时候", "参考", "以下", "几个", "因素", ":", "返利", "平台", "品牌", "的", "知名度", "、", "提现", "金额", "是否", "有", "限制", "、", "会员", "账户", "安全性", "、", "及", "客户服务", "等", "几", "方面", "。", "推荐", "使用", "超级", "淘", ",", "其", "模式", "在", "市场", "上", "已经", "得到", "专家", "的", "认可", ",", "可信度", "还是", "很高", "的", "。"], ["本", "文", "仅", "代表", "作者", "观点", ",", "不", "代表", "百度", "立场", "。"], ["本", "文", "系", "作者", "授权", "百家", "号", "发表", ",", "未经许可", ",", "不得转载", "。"], ["还没有人", "评论", ",", "点击", "抢沙发", "~"]], "paragraphs": ["近日,网上关于“超级淘可信吗”这样的问题的探讨越来越多,对这个问题的了解,大体分为两种:超级淘是可信的,超级淘是一个创新型网购返利APP,在这一两年在互联网异常火爆,“消费存钱,利息赚钱”的新模式带给了用户全新的购物体验;另一种则是置疑超级淘返还模式的不可信,至于为什么,原因多种多样。", "笔者在深入了解了超级淘的返利模式、操作体验、提现速度等方面的一些相关内容后,和大家分享下对待“超级淘可信吗”这个问题的正解。", "超级淘推出的“消费存钱,利息赚钱”创新模式,在市场中脱颖而出,用户只要通过超级淘在淘宝、天猫、京东等各大购物平台上购物,消费的金额就能存入超级淘,累积成为存款,每天产生利息,是相当于用网购花掉的钱来赚钱。", "举个例子,你一年在淘宝消费10000,单纯利息至少就能赚到1000多,超级淘还能通过邀请好友、助力等行为与其他用户产生互动,最大化自己的年化利率,而且年化利率是无上限的,线下消费也能通过上传小票存入超级淘,这是个无底洞宝矿,只要你肯深挖。", "操作体验方面,通过笔者的几次操作,已经基本懂得操作流程,超级淘在用户体验方面下了很多功夫,简单明了的视频教程、完善的客服系统都让用户有很高的评价,超级淘还支持最低1月提现至支付宝,无需绑定银行卡,这一点非常人性化,比起其他返利周期漫长的返利平台,笔者真的觉得很满足。", "随着新零售领域的飞速发展,更多的返利模式进入人们的视野,更多的消费场景被囊括进来,网购返利越来越成为成为广大网购爱好者热衷的省钱小技巧,也将逐渐成为一种被大众接受的网购新趋势。", "如今返利网站的模式越来越多,也越来越,笔者建议消费者在选择返利平台的时候参考以下几个因素:返利平台品牌的知名度、提现金额是否有限制、会员账户安全性、及客户服务等几方面。推荐使用超级淘,其模式在市场上已经得到专家的认可,可信度还是很高的。", "本文仅代表作者观点,不代表百度立场。", "本文系作者授权百家号发表,未经许可,不得转载。", "还没有人评论,点击抢沙发~"], "bs_rank_pos": 3}, {"is_selected": false, "title": "超级淘,一款返利类APP到底安全性有多高呢?", "most_related_para": 20, "segmented_title": ["超级", "淘", ",", "一款", "返利", "类", "APP", "到底", "安全性", "有", "多", "高", "呢", "?"], "segmented_paragraphs": [["文章", "阅读"], ["为了", "照料", "没听过", "超级", "淘", "的", "小伙伴", ",", "我", "先", "来", "简单", "科普", "一", "下", "啥", "是", "超级", "淘", ","], ["超级", "淘", "本质", "上", "来", "说", "即", "是", "一", "款", "网购", "返利", "AP", ".", "P"], ["可是", "他", "与", "现在", "市面上", "大多数", "的", "返利", "APP", "比较", "有", "一", "个", "根本", "上", "的", "不同", ","], ["即", "是", "别", "的", "返利", "形式", "都是", "一", "笔", "花费", ",", "一次", "返现", ",", "返现", "的", "时刻", "最", "快", "也", "要", "用户", "承认", "收", "货", "以后", "."], ["但", "超级", "淘", "的", "返现", "形式", "是", "通过", "记载", "花费", "额度", "来", "计算", "利息", ",", "而且", "每日", "进行", "返现", "."], ["也许", "有些", "用户", "就", "猎奇", "了", ",", "那", "超级", "淘", "的", "盈余", "点", "到底", "在", "哪", "?"], ["假如", "这么", "计算", ",", "我", "只", "花费", "一", "笔", ",", "只", "需", "时刻", "够", "长", ",", "是不是", "能够", "全额", "回来", ",", "乃至", "超越", "产品", "价值", "。"], ["没错", ",", "理论", "上", "来", "说", "时刻", "够", "长", "的", "确", "是", "这么", ",", "可是", "假如", "产品", "够", "安全", ",", "咱们", "本来", "不用", "思考", "它", "的", "盈余", "点", "在", "哪", ",", "究竟", "如今", "烧钱", "的", "APP", "仍", "是", "有", "不少", "的", ",", "咱们", "只", "需", "取得", "咱们", "该", "取得", "的", "利益", "就好", "了", "。"], ["接下来", "我", "就", "来", "帮", "大家", "共享", "一", "下", "超级", "淘", "的", "安全性能", "去", "到", "哪里", "。"], ["首要", ",", "下载", "超级", "淘", "以后", ",", "咱们", "看到", "登录", "是", "不需要", "填写", "任何", "注册", "材料", "的", "。"], ["只", "需要", "授权", "到", "微信", "或", "QQ", "就能", "够", "登录", "了", "。"], ["由于", "授权", "登录", "只", "会", "跳转", "到", "所", "授权", "的", "APP", "进行", "操作", ","], ["超级", "淘仅", "能够", "获取", "到", "头像", "和", "昵称", "这些", "揭露", "信息", "。"], ["接下来", "到", "最", "主要", "的", "采购", "环节", ","], ["超级", "淘", "现在", "能够", "支撑", "记载", "花费", "的", "渠道", "有", "taobao", "、", "天猫", "和", "京东"], ["咱们", "用", "taobao", "来", "举例", ",", "登录", "超级", "淘", "后", "在", "taobao", "挑选", "好", "产品", "咱们", "会", "进行", "付款", ","], ["然后", "这", "时候", "很多", "用户", "会", "担心", "支付宝", "的", "信息", "被", "超级", "淘", "盗取", "。"], ["但", "实际操作", "发现", "taobao", "也是", "进行", "授权", "登录", ",", "所以", "超级", "淘", "仍然", "只能", "获取", "到", "头像", "和", "昵称", "。"], ["在", "最", "主要", "的", "付款", "环节", ",", "超级", "淘", "是", "会", "跳转", "到", "支付宝", "进行", "操作", "的", ",", "也", "即", "是", "超级", "淘", "仅", "起", "到", "跳转", "功用", ",", "一切", "的", "操作", "仍然", "真实", "支付宝", "内", "进行", "。"], ["所以", "综", "上", "来", "看", ",", "超级", "淘", "的", "安全", "等级", "仍", "是", "十分", "高", "的", ",", "由于", "没有", "你", "的", "隐私", "材料", ",", "所以", "没有", "盗取", "一", "说", "。", "由于", "没有", "和", "充值", "有关", "的", "功用", ",", "所以", "也", "不会", "有", "资金", "安全", "的", "忧虑"], ["声明", ":", "本", "文", "由", "入驻", "搜狐", "公众", "平台", "的", "作者", "撰写", ",", "除", "搜狐", "官方", "账号", "外", ",", "观点", "仅", "代表", "作者", "本人", ",", "不", "代表", "搜狐", "立场", "。"]], "paragraphs": ["文章 阅读", "为了照料没听过超级淘的小伙伴,我先来简单科普一下啥是超级淘,", "超级淘本质上来说即是一款网购返利AP.P", "可是他与现在市面上大多数的返利APP比较有一个根本上的不同,", "即是别的返利形式都是一笔花费,一次返现,返现的时刻最快也要用户承认收货以后.", "但超级淘的返现形式是通过记载花费额度来计算利息,而且每日进行返现.", "也许有些用户就猎奇了,那超级淘的盈余点到底在哪?", "假如这么计算,我只花费一笔,只需时刻够长,是不是能够全额回来,乃至超越产品价值。", "没错,理论上来说时刻够长的确是这么,可是假如产品够安全,咱们本来不用思考它的盈余点在哪,究竟如今烧钱的APP仍是有不少的,咱们只需取得咱们该取得的利益就好了。", "接下来我就来帮大家共享一下超级淘的安全性能去到哪里。", "首要,下载超级淘以后,咱们看到登录是不需要填写任何注册材料的。", "只需要授权到微信或QQ就能够登录了。", "由于授权登录只会跳转到所授权的APP进行操作,", "超级淘仅能够获取到头像和昵称这些揭露信息。", "接下来到最主要的采购环节,", "超级淘现在能够支撑记载花费的渠道有taobao、天猫和京东", "咱们用taobao来举例,登录超级淘后在taobao挑选好产品咱们会进行付款,", "然后这时候很多用户会担心支付宝的信息被超级淘盗取。", "但实际操作发现taobao也是进行授权登录,所以超级淘仍然只能获取到头像和昵称。", "在最主要的付款环节,超级淘是会跳转到支付宝进行操作的,也即是超级淘仅起到跳转功用,一切的操作仍然真实支付宝内进行。", "所以综上来看,超级淘的安全等级仍是十分高的,由于没有你的隐私材料,所以没有盗取一说。由于没有和充值有关的功用,所以也不会有资金安全的忧虑", "声明:本文由入驻搜狐公众平台的作者撰写,除搜狐官方账号外,观点仅代表作者本人,不代表搜狐立场。"], "bs_rank_pos": 4}], "answer_spans": [[28, 39]], "yesno_answers": ["Yes", "Yes"], "fake_answers": ["超级淘作为支付宝的战略合作伙伴,安全性还是有保障。"], "question": "超级淘安全吗", "segmented_answers": [["超级", "淘", "作为", "支付宝", "的", "战略合作伙伴", ",", "安全性", "还是", "有", "保障", "。"], ["推荐", "使用", "超级", "淘", ",", "其", "模式", "在", "市场", "上", "已经", "得到", "专家", "的", "认可", ",", "可信度", "还是", "很高", "的", "。"]], "answers": ["超级淘作为支付宝的战略合作伙伴,安全性还是有保障。", "推荐使用超级淘,其模式在市场上已经得到专家的认可,可信度还是很高的。"], "yesno_type": "OPINION", "answer_docs": [2], "segmented_question": ["超级", "淘", "安全", "吗"], "question_type": "YES_NO", "question_id": 23, "fact_or_opinion": "OPINION", "match_scores": [0.9166666666666666]} -{"documents": [{"is_selected": true, "title": "美女与极品在哪里看_1905电影网在线观看", "most_related_para": 2, "segmented_title": ["美女", "与", "极品", "在哪里", "看", "_", "1905", "电影网", "在线", "观看"], "segmented_paragraphs": [["美女", "与", "极品", "在哪里", "看"], ["美女", "与", "极品", "播出时间"], ["10", "月", "2", "日", "起", "将", "在", "优酷", "独家", "上线", "!", "刷新", "一切", "“", "相亲", "”", "传统", "印象", ",", "这", "是", "一", "场", "为", "解决", "单身", "男女", "个人", "问题", "而", "诞生", "的", "大型", "社交", "实验", "真人秀", "。", "4", "对", "陌生", "男女", "随机", "组合", "CP", ",", "刚", "见面", "就", "被", "安排", "在", "一", "个", "大", "别墅", "里", "同居", "三天两夜", ",", "“", "零距离", "”", "生活", "和", "游戏", ",", "三观", "的", "碰撞", ",", "性格", "的", "磨合", ",", "化学反应", "十足", "。"], ["虽说", "节目", "早", "在", "小", "范围", "内", "曝光", ",", "但", "远景", "却", "筹备", "了", "整整一年", "时间", "。", "9", "月份", ",", "这", "档", "新", "节目", "《", "美女", "与", "极品", "》", "将", "在", "北京", "正式", "召开", "发布会", ",", "10", "月", "2", "日", "起", "在", "优酷", "独", "播", "。", "用", "节目", "制片人", "邱", "子", "珏", "的", "话说", ",", "很少", "有", "节目", "敢", "把", "战", "线", "拉", "得", "这么长", ",", "孟", "爷爷", "甚至", "无数", "次", "得", "“", "威胁", "”", "他们", ":", "“", "再", "做", "不", "出来", ",", "(", "你们", ")", "就", "卷铺盖走人", "吧", "(", "笑", ")", "。", "”"], ["“", "我们", "是", "一", "个", "擅长", "自", "黑", "的", "团队", "。", "”", "邱", "子", "珏", "笑着", "表示", ",", "现在", "大家", "都", "做", "明星", ",", "他们", "选择", "做", "纯", "素人", "的", "体验", "类", "节目", "压力", "还是", "挺", "大", "的", "。", "不过", "正", "因此", ",", "他们", "对", "素人", "的", "选择", "标准", "非常", "严苛", ",", "几乎", "是", "从", "4000", "名", "选手", "中", "选", "出", "了", "最后", "的", "30", "多", "人", ",", "而且", "在", "内容", "设计", "、", "规则", "设定", "上面", "也", "经历", "了", "无数", "次", "的", "推倒重来", ",", "“", "为什么", "不", "让", "他们", "相处", "7", "天", ",", "而是", "3", "天", "?", "这里", "边", "的", "逻辑", "是", "什么", "?", "”", "如今", ",", "节目", "已经", "录", "完", "第一期", ",", "“", "但", "最后", "出来", "的", "效果", ",", "真", "的", "超出", "了", "我们", "的", "预判", "和", "想象", "”", "。"], ["因为", "做", "过", "《", "非诚勿扰", "》", "、", "《", "最强", "大脑", "》", ",", "远景", "积攒", "了", "巨大", "的", "素人", "资源库", ",", "他们", "发现", ",", "大", "美女", "和", "真", "极品", "平时", "真的很难", "走", "到", "一起", ",", "但", "如果", "人为", "地", "安排", "他们", "相遇", ",", "这", "两个人", "能", "擦", "出", "什么", "样", "的", "火花", "呢", "?", "这", "令", "他们", "非常", "好奇", "。", "另一方面", ",", "因为", "《", "非诚", "》", "仅限于", "棚", "内", "、", "VCR", "和", "短暂", "的", "聊天", ",", "还算", "不", "上", "真正", "的", "相处", "。", "所以", ",", "《", "美女", "与", "极品", "》", "的", "目标", "其实", "是", "打破", "《", "非诚", "》", "此", "前", "所有", "的", "限制", ",", "做", "一档", "户外", "实验", "类", "真人秀", "。"], ["从", "第一期", "节目", "开始", ",", "节目组", "会", "安排", "4", "对", "男女", "嘉宾", ",", "在", "入住", "城堡", "前", "进行", "第一次", "选择", "。", "“", "可能", "你们", "选择", "了", "同", "一", "个", "电影", ",", "就会", "被", "组成", "一", "对", "C", "P", "”", "。", "随后", ",", "这", "4", "对", "新", "CP", "被", "安排", "住", "进", "某", "个", "房间", "开始", "3", "天", "的", "同居", "生活", "。", "每个", "房间", "可能", "会", "有", "一", "个", "大床", "房", ",", "具体", "怎么", "睡", "看", "个人", "选择", "。", "“", "我们", "会", "预设", "男女", "嘉宾", "的", "反应", ",", "但", "绝不", "干预", "。", "”"], ["到", "了", "第二天", ",", "8", "个人", "会", "聚", "在一起", ",", "相互", "认识一下", "对方", "的", "搭档", "。", "如果", "你", "有", "心仪", "的", "对象", ",", "可以", "展开", "追求", "、", "以及", "要求", "换", "搭档", "。", "到", "了", "第三天", ",", "每个", "人", "最终决定", "究竟", "换", "不", "换", "搭档", ",", "看", "对眼", "的", "可以", "牵手", "离开", "。", "第三次", "选择", ",", "每个", "人", "都", "必须", "投", "出", "“", "你", "绝对不会", "和", "谁", "谈恋爱", "”", "的", "一票", ",", "得", "票", "最高", "的", "一", "男", "一", "女", ",", "会", "被淘汰", "。", "只要", "有", "淘汰", ",", "后边", "会", "有", "新", "的", "选手", "替补", "进来", "。"], ["据介绍", ",", "节目", "总共", "8", "期", "、", "分为", "上下", "两", "集", ",", "每", "集", "45", "分钟", "。", "为此", ",", "节目组", "已经", "储备", "了", "30", "多", "名", "选手", "。", "至于", "选手", "的", "选择", "渠道", "和", "标准", ",", "邱", "子", "珏", "告诉", "小", "娱", ",", "线上", "找", "人", "、", "线", "下", "见面", "各种", "深", "聊", ",", "在", "4000", "多", "人", "里边", ",", "最终", "选中", "的", "女", "嘉宾", "要", "真", "的", "有", "高", "颜值", ",", "不要", "网", "红脸", ",", "男", "嘉宾", "要", "有", "极", "强", "的", "特质", "。", "“", "要", "真诚", "一", "点", "的", ",", "绝对", "不要", "太", "油", "的", "(", "笑", ")", "。", "”"], ["极品", ",", "美女", "下载", "帮助", ":", "[", "1", "]", "本站", "大部分", "片源", "都", "可以", "使用", "迅雷", "下载", ",", "同时", "支持", "BT", "下载", "如", "uTorrent", ",", "比特精灵", ",", "比特彗星", "等", ".", "[", "2", "]", "本站", "为", "非", "盈利", "性", "站点", ",", "所有", "资源", "均", "是", "网上", "搜集", ",", "仅", "提供", "带宽", "测试", "使用", ",", "请", "下载", "后", "于", "24", "小时", "内", "删除", "。", "[", "3", "]", "如", "左键", "点击", "无法", "下载", ",", "你", "可以", "使用", "右键", "迅雷", "下载", ",", "或者", "复制", "下载", "连接", "到", "迅雷", "软件", "新建", "任务", "下载", ".", "[", "4", "]", "1905", "电影网", "只", "提供", "Bt", "种子", "链接", ",", "不保存", "bt", "种子", ",", "也", "不", "属于", "bt", "种子", "的", "提供者", "、", "制作者", "、", "所有者", ",", "服务器", "也", "未", "保存", "任何", "影视", "、", "音乐", "、", "游戏", "等", "资源", "或", "文件", ".", "[", "5", "]", "本站", "基于", "互联网", "自由", "分享", ",", "所有", "bt", "种子", "文件", "均", "来自", "互联网", ",", "分享", "于", "互联网", ",", "不", "承担", "任何", "法律责任", ".", "[", "6", "]", "本站", "所有", "BT", "电影", "完全免费", ",", "须", "用", "bt", "软件", "下载", ",", "人", "越", "多", "下载", "越", "快", ",", "把", "资源", "分享", "给", "您", "的", "朋友", "可以", "提高", "下载速度", "."]], "paragraphs": ["美女与极品在哪里看", "美女与极品播出时间", "10月2日起将在优酷独家上线!刷新一切“相亲”传统印象,这是一场为解决单身男女个人问题而诞生的大型社交实验真人秀。4对陌生男女随机组合CP,刚见面就被安排在一个大别墅里同居三天两夜,“零距离”生活和游戏,三观的碰撞,性格的磨合,化学反应十足。", "虽说节目早在小范围内曝光,但远景却筹备了整整一年时间。9月份,这档新节目《美女与极品》将在北京正式召开发布会,10月2日起在优酷独播。用节目制片人邱子珏的话说,很少有节目敢把战线拉得这么长,孟爷爷甚至无数次得“威胁”他们:“再做不出来,(你们)就卷铺盖走人吧(笑)。”", "“我们是一个擅长自黑的团队。”邱子珏笑着表示,现在大家都做明星,他们选择做纯素人的体验类节目压力还是挺大的。不过正因此,他们对素人的选择标准非常严苛,几乎是从4000名选手中选出了最后的30多人,而且在内容设计、规则设定上面也经历了无数次的推倒重来,“为什么不让他们相处7天,而是3天?这里边的逻辑是什么?”如今,节目已经录完第一期,“但最后出来的效果,真的超出了我们的预判和想象”。", "因为做过《非诚勿扰》、《最强大脑》,远景积攒了巨大的素人资源库,他们发现,大美女和真极品平时真的很难走到一起,但如果人为地安排他们相遇,这两个人能擦出什么样的火花呢?这令他们非常好奇。另一方面,因为《非诚》仅限于棚内、VCR和短暂的聊天,还算不上真正的相处。所以,《美女与极品》的目标其实是打破《非诚》此前所有的限制,做一档户外实验类真人秀。", "从第一期节目开始,节目组会安排4对男女嘉宾,在入住城堡前进行第一次选择。“可能你们选择了同一个电影,就会被组成一对CP”。随后,这4对新CP被安排住进某个房间开始3天的同居生活。每个房间可能会有一个大床房,具体怎么睡看个人选择。“我们会预设男女嘉宾的反应,但绝不干预。”", "到了第二天,8个人会聚在一起,相互认识一下对方的搭档。如果你有心仪的对象,可以展开追求、以及要求换搭档。到了第三天,每个人最终决定究竟换不换搭档,看对眼的可以牵手离开。第三次选择,每个人都必须投出“你绝对不会和谁谈恋爱”的一票,得票最高的一男一女,会被淘汰。只要有淘汰,后边会有新的选手替补进来。", "据介绍,节目总共8期、分为上下两集,每集45分钟。为此,节目组已经储备了30多名选手。至于选手的选择渠道和标准,邱子珏告诉小娱,线上找人、线下见面各种深聊,在4000多人里边,最终选中的女嘉宾要真的有高颜值,不要网红脸,男嘉宾要有极强的特质。“要真诚一点的,绝对不要太油的(笑)。”", "极品,美女下载帮助: [1] 本站大部分片源都可以使用迅雷下载,同时支持BT下载如uTorrent,比特精灵,比特彗星等. [2] 本站为非盈利性站点,所有资源均是网上搜集,仅提供带宽测试使用,请下载后于24小时内删除。 [3] 如左键点击无法下载,你可以使用右键迅雷下载,或者复制下载连接到迅雷软件新建任务下载. [4] 1905电影网只提供Bt种子链接,不保存bt种子,也不属于bt种子的提供者、制作者、所有者,服务器也未保存任何影视、音乐、游戏等资源或文件. [5] 本站基于互联网自由分享,所有bt种子文件均来自互联网,分享于互联网,不承担任何法律责任. [6] 本站所有BT电影完全免费,须用bt软件下载,人越多下载越快,把资源分享给您的朋友可以提高下载速度."], "bs_rank_pos": 0}, {"is_selected": false, "title": "美女与极品怎么看不了_百度知道", "most_related_para": 0, "segmented_title": ["美女", "与", "极品", "怎么", "看", "不", "了", "_", "百度", "知道"], "segmented_paragraphs": [["呵呵", "我", "想", "应该", "作者", "很", "忙", "没有", "时间", "写", "了", "要", "么", "就", "剧情", "崩溃", "写", "不", "下去", "了", "。", "美女", "就是", "天生", "俊俏", "的", "脸", "。", "也", "应该", "是", "个", "高", "颜值", "的", "人生", "。", "极品", "就", "不同", "了", "。", "相当", "极品", "还能", "忍受", "。", "要是", "那些", "另类", "极品", "来", "了", "。", "你们", "的", "小", "心脏", "。", "可以", "炸开", "喽", "。"]], "paragraphs": ["呵呵 我想应该作者很忙没有时间写了 要么就剧情崩溃写不下去了。 美女就是天生俊俏的脸。也应该是个高颜值的人生。极品就不同了。相当极品还能忍受。要是那些另类极品来了。你们的小心脏。可以炸开喽。"], "bs_rank_pos": 1}, {"is_selected": true, "title": "求资源!!哪里可以看_美女与极品吧_百度贴吧", "most_related_para": 4, "segmented_title": ["求", "资源", "!", "!", "哪里", "可以", "看", "_", "美女", "与", "极品", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["我", "也是", "才", "听说", "这个", "节目", "啊", "怎么", "就", "看", "不", "了", "了", "呢", "难过", "嘤", "嘤", "嘤", "哪里", "有", "资源", "啊"], ["需要", "什么", "资源", "可以", "私", "我", "fsdfr", "2017"], ["好难过", "啊", "没有人", "之前", "下载", "了", "吗"], ["微信", "Irene", "5005", "备注", "求", "资源", ",", "免费", "给"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "paragraphs": ["我也是才听说这个节目啊 怎么就看不了了呢 难过 嘤嘤嘤 哪里有资源啊", "需要什么资源可以私我fsdfr2017", "好难过啊 没有人之前下载了吗", "微信Irene5005备注求资源,免费给", "下载贴吧APP看高清直播、视频!", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "bs_rank_pos": 2}, {"is_selected": false, "title": "美女与极品不能看了-原创-高清视频-爱奇艺", "most_related_para": 5, "segmented_title": ["美女", "与", "极品", "不能", "看", "了", "-", "原创", "-", "高清", "视频", "-", "爱奇艺"], "segmented_paragraphs": [["播放", "量", "数据", ":"], ["移动", "占", "比"], ["PC", "占", "比"], ["注", ":", "数据", "来自", "爱奇艺", "(", "每日", "凌晨", "扣除", "前", "日", "非", "正常", "流量", ")"], ["精彩评论", ",", "马上", "呈现", ".", ".", "."], ["正在", "加载", ".", ".", "."]], "paragraphs": ["播放量数据:", "移动占比", "PC占比", "注:数据来自爱奇艺(每日凌晨扣除前日非正常流量)", "精彩评论,马上呈现...", "正在加载..."], "bs_rank_pos": 3}, {"is_selected": false, "title": "怎么看不到了啊_美女与极品吧_百度贴吧", "most_related_para": 0, "segmented_title": ["怎么", "看不到", "了", "啊", "_", "美女", "与", "极品", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"], ["内容", ":"]], "paragraphs": ["下载贴吧APP看高清直播、视频!", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示", "内容:"], "bs_rank_pos": 5}], "answer_spans": [[7, 8]], "answer_docs": [0], "fake_answers": ["优酷独家"], "question": "美女与极品哪里可以看", "segmented_answers": [["优酷", "独家", "。"], ["翻墙", "上", "YouTube", "看", "。"], ["迅雷", ",", "搜", "资源", "。"]], "answers": ["优酷独家。", "翻墙上 YouTube 看。", "迅雷,搜资源。"], "entity_answers": [["优酷"], ["YouTube"], ["迅雷", "搜资源"]], "segmented_question": ["美女", "与", "极品", "哪里", "可以", "看"], "question_type": "ENTITY", "question_id": 24, "fact_or_opinion": "OPINION", "match_scores": [0.8]} -{"documents": [{"is_selected": false, "title": "在上海雅思培训一般多少钱?", "most_related_para": 58, "segmented_title": ["在", "上海", "雅思", "培训", "一般", "多少", "钱", "?"], "segmented_paragraphs": [["文章", "阅读"], ["在", "上海", "雅思", "培训", "一般", "多少", "钱", "?", "这", "是", "很多", "在", "上海", "烤鸭", "们", "的", "共同", "疑问", ",", "首先", "让", "我们", "来", "看看", "雅思写作", "中", "的", "高频", "句子", "吧", "。"], ["引经据典", "是", "英语", "写作", "中", "常用", "的", "方法", "。", "恰当", "地", "使用", "英语谚语", "能", "让", "阅卷老师", "眼前一亮", ",", "是", "提升", "英语作文", "逼", "(", "fēn", ")", "格", "(", "shù", ")", "的", "一大", "法宝", "。", "51", "出国", "千人", "免费", "留学", "计划", "的", "老师", "为", "大家", "带来", "雅思写作", "7", "分", "必知", "谚语", ",", "一起", "学习", "吧", "!"], ["1", ".", "Time", "flies", ".", "光阴似箭", "。", "2", ".", "Time", "and", "tide", "wait", "for", "no", "man", ".", "时不我待", "。", "3", ".", "To", "save", "time", "is", "to", "lengthen", "life", ".", "节约", "时间", "就是", "延长", "生命", "。", "4", ".", "Time", "stays", "not", "the", "fool", "’", "s", "leisure", ".", "时间", "不", "等闲", "逛", "的", "傻瓜", "。"], ["5", ".", "Lost", "years", "are", "worse", "than", "lost", "dollars", ".", "失去", "时光", "金不换", "。"], ["6", ".", "Time", "is", "money", ".", "时间就是金钱", "。"], ["7", ".", "Time", "has", "wings", ".", "光阴", "去", "如", "飞", "。"], ["8", ".", "Time", "lost", "cannot", "be", "won", "again", ".", "时光", "一去不复返", "。"], ["2", "勤奋", "、", "意志", "与", "成功"], ["1", ".", "Where", "there", "is", "a", "will", ",", "there", "is", "a", "way", ".", "有志者事竟成", "。", "2", ".", "No", "pains", ",", "no", "gains", ".", "没有", "付出", "就", "没有", "收获", "。", "3", ".", "Constant", "dripping", "wears", "away", "a", "stone", ".", "水滴石穿", ",", "绳锯木断", "。", "4", ".", "Care", "and", "diligence", "bring", "luck", ".", "谨慎", "和", "勤奋", "才能", "抓住机遇", "。"], ["5", ".", "Genius", "is", "nothing", "but", "labor", "and", "diligence", ".", "天才", "不过", "是", "勤奋", "而已", "。"], ["6", ".", "Great", "hopes", "make", "great", "man", ".", "伟大", "的", "抱负", "造就", "伟大", "的", "人物", "。"], ["7", ".", "Industry", "is", "the", "parent", "of", "success", ".", "勤奋", "是", "成功之母", "。"], ["8", ".", "No", "rose", "without", "a", "thorn", ".", "没有", "不", "带刺的玫瑰", "。"], ["9", ".", "There", "is", "no", "royal", "road", "to", "learning", ".", "书山", "有路", "勤", "为", "径", ",", "学海无涯", "苦", "作", "舟", "。"], ["10", ".", "No", "way", "is", "impossible", "to", "courage", ".", "勇者无惧", "。"], ["11", ".", "Success", "belongs", "to", "the", "per", "severing", ".", "坚持就是胜利", "。"], ["12", ".", "The", "finest", "diamond", "must", "be", "cut", ".", "玉不琢", ",", "不成器", "。"], ["13", ".", "Adversity", "makes", "a", "man", "wise", ",", "not", "rich", ".", "逆境", "出", "人才", "。"], ["3", "学习方法", "与", "态度"], ["1", ".", "Practice", "makes", "perfect", ".", "熟能生巧", "。", "2", ".", "It", "is", "never", "too", "old", "to", "learn", ".", "活到老", ",", "学到老", "。", "3", ".", "Reading", "is", "to", "the", "mind", "while", "exercise", "to", "the", "body", ".", "读书", "健脑", ",", "运动", "强身", "。", "4", ".", "A", "man", "becomes", "learned", "by", "asking", "questions", ".", "不耻下问", "才能", "有学问", "。"], ["5", ".", "Learn", "and", "live", ".", "活着", ",", "为了", "学习", "。"], ["6", ".", "Knowledge", "starts", "with", "practice", ".", "实践", "出", "真", "知", "。"], ["7", ".", "Complacency", "is", "the", "enemy", "of", "study", ".", "学习", "的", "敌人", "是", "自己", "的", "满足", "。"], ["8", ".", "Knowledge", "makes", "humble", ";", "ignorance", "makes", "proud", ".", "知识", "使", "人", "谦虚", ",", "无知", "使", "人", "傲慢", "。"], ["9", ".", "Knowledge", "advances", "by", "steps", "and", "not", "by", "leaps", ".", "知识", "只能", "循序渐进", ",", "不能", "跃进", "。"], ["10", ".", "A", "man", "can", "do", "no", "more", "than", "he", "can", ".", "凡事", "都", "应", "量力而行", "。"], ["11", ".", "Books", "and", "friends", "should", "be", "few", "but", "good", ".", "读书", "如", "交友", ",", "应", "求", "少而精", "。"], ["12", ".", "A", "man", "cannot", "spin", "and", "reel", "at", "the", "same", "time", ".", "一心", "不能", "二", "用", "。"], ["4", "金钱", "与", "财富"], ["1", ".", "Gold", "will", "not", "buy", "anything", ".", "黄金", "不能", "买", "尽", "一切", "。", "2", ".", "The", "chief", "aim", "of", "man", "is", "not", "to", "get", "money", ".", "人", "的", "主要", "目的", "并", "不是", "赚钱", "。", "3", ".", "The", "money", "the", "miser", "hoard", "s", "will", "do", "him", "no", "good", ".", "守财奴", "积", "财", ",", "对", "自己", "毫无", "好处", "。", "4", ".", "What", "is", "wealth", "good", "for", ",", "if", "it", "brings", "melancholy", "?", "财富", "如", "带", "忧郁", "来", ",", "有", "了", "财富", "有", "何", "用", "?"], ["5", ".", "Wealth", "makes", "worship", ".", "财富", "能", "使", "人", "拜倒", "。"], ["5", "健康", "与", "心态"], ["1", ".", "An", "apple", "a", "day", "keeps", "the", "doctor", "away", ".", "一", "天", "一", "苹果", ",", "不用", "请", "医生", "。", "2", ".", "Prevention", "is", "better", "than", "cure", ".", "预防", "胜于", "治疗", "。", "3", ".", "All", "work", "and", "no", "play", "makes", "Jack", "a", "dull", "boy", ".", "只", "工作", ",", "不", "玩耍", ",", "聪明", "小伙", "也", "变", "傻", "。", "4", ".", "Health", "is", "not", "valued", "till", "sickness", "comes", ".", "病", "时", "方", "知", "健康", "可贵", "。"], ["5", ".", "A", "close", "mouth", "catches", "no", "flies", ".", "病从口入", "。"], ["6", ".", "A", "good", "medicine", "tastes", "bitter", ".", "良药苦口", "。"], ["7", ".", "Good", "health", "is", "over", "wealth", ".", "健康", "是", "最大的财富", "。"], ["8", ".", "Happiness", "lies", "first", "of", "all", "in", "health", ".", "幸福", "首先", "在于", "健康", "。"], ["9", ".", "Cheerfulness", "is", "health", ";", "it", "s", "opposite", ",", "melancholy", ",", "is", "disease", ".", "欢乐", "就是", "健康", ",", "忧郁", "就是", "病痛", "。"], ["10", ".", "He", "is", "happy", "that", "thinks", "himself", "so", ".", "自", "乐", "者", "常乐", "。"], ["11", ".", "Content", "is", "better", "than", "riches", ".", "知足者常乐", "。"], ["6", "择友", "与", "友谊"], ["1", ".", "Birds", "of", "a", "feather", "flock", "together", ".", "物以类聚", ",", "人以群分", "。", "2", ".", "A", "man", "is", "known", "by", "his", "friends", ".", "什么", "人", "交", "什么", "朋友", "。", "3", ".", "Keep", "good", "men", "company", "and", "you", "shall", "be", "of", "the", "number", ".", "近朱者赤", ",", "近墨者黑", "。", "4", ".", "A", "friend", "in", "need", "is", "a", "friend", "indeed", ".", "患难见真情", "。"], ["5", ".", "A", "friend", "is", "easier", "lost", "than", "found", ".", "得", "朋友", "难", ",", "失", "朋友", "易", "。"], ["6", ".", "A", "faithful", "friend", "is", "hard", "to", "find", ".", "知音", "难觅", "。"], ["7", ".", "A", "friend", "is", "never", "known", "till", "a", "man", "has", "need", ".", "需要", "之", "时", "方", "知友", "。"], ["8", ".", "Misfortune", "tests", "the", "sincerity", "of", "friends", ".", "患难见真情", "。"], ["7", "品", "行", "与", "操守"], ["1", ".", "Honesty", "is", "the", "best", "policy", ".", "诚实", "不欺", "为", "上策", "。", "2", ".", "Respect", "yourself", ",", "or", "no", "one", "else", "will", "respect", "you", ".", "要", "人", "尊敬", ",", "必须", "自重", "。", "3", ".", "Patience", "is", "the", "best", "remedy", ".", "忍耐", "是", "良药", "。", "4", ".", "One", "good", "turn", "de", "serves", "another", ".", "行善", "积德", "。"], ["5", ".", "He", "knows", "most", "who", "speaks", "least", ".", "大智若愚", "。"], ["6", ".", "A", "still", "tongue", "makes", "a", "wise", "head", ".", "寡言", "者", "智", "。"], ["7", ".", "A", "candle", "lights", "others", "and", "consumes", "itself", ".", "蜡烛", "照亮", "别人", ",", "却", "毁灭", "了", "自己", "。"], ["8", ".", "He", "is", "not", "fit", "to", "command", "others", "that", "cannot", "command", "himself", ".", "正", "人", "须", "先", "正", "己", "。"], ["9", ".", "Pride", "goes", "before", ",", "and", "shame", "comes", "after", ".", "骄傲使人落后", "。"], ["10", ".", "Please", "the", "eye", "and", "plague", "the", "heart", ".", "贪图", "一", "时", "快活", ",", "必然", "留下", "隐祸", "。"], ["11", ".", "Penny", "wise", ",", "pound", "foolish", ".", "贪小便宜", "吃大亏", "。"], ["12", ".", "He", "who", "makes", "constant", "complaint", "gets", "little", "compassion", ".", "经常", "诉苦", ",", "没", "人", "同情", "。"], ["13", ".", "Do", "as", "you", "would", "be", "done", "by", ".", "己所不欲", ",", "勿施于人", "。"], ["以上", "就是", "环球", "教育", "的", "小", "编", "为", "大家", "介绍", "的", "关于", "雅思写作", "的", "高频", "句子", ",", "对于", "在", "我们", "大上海", "雅思", "培训", "一般", "多少", "钱", "这个问题", ",", "你们", "可以", "点击", "我们", "的", "官网", "进行", "在线咨询", "。"]], "paragraphs": ["文章 阅读", "在上海雅思培训一般多少钱?这是很多在上海烤鸭们的共同疑问,首先让我们来看看雅思写作中的高频句子吧。", "引经据典是英语写作中常用的方法。恰当地使用英语谚语能让阅卷老师眼前一亮,是提升英语作文逼(fēn)格(shù)的一大法宝。51出国千人免费留学计划的老师为大家带来雅思写作7分必知谚语,一起学习吧!", "1. Time flies. 光阴似箭。 2. Time and tide wait for no man. 时不我待。 3. To save time is to lengthen life. 节约时间就是延长生命。 4. Time stays not the fool’s leisure. 时间不等闲逛的傻瓜。", "5. Lost years are worse than lost dollars. 失去时光金不换。", "6. Time is money. 时间就是金钱。", "7. Time has wings. 光阴去如飞。", "8. Time lost cannot be won again. 时光一去不复返。", "2勤奋、意志与成功", "1. Where there is a will, there is a way. 有志者事竟成。 2. No pains, no gains. 没有付出就没有收获。 3. Constant dripping wears away a stone. 水滴石穿,绳锯木断。 4. Care and diligence bring luck. 谨慎和勤奋才能抓住机遇。", "5. Genius is nothing but labor and diligence. 天才不过是勤奋而已。", "6. Great hopes make great man. 伟大的抱负造就伟大的人物。", "7. Industry is the parent of success. 勤奋是成功之母。", "8. No rose without a thorn. 没有不带刺的玫瑰。", "9. There is no royal road to learning. 书山有路勤为径,学海无涯苦作舟。", "10. No way is impossible to courage. 勇者无惧。", "11. Success belongs to the persevering. 坚持就是胜利。", "12. The finest diamond must be cut. 玉不琢,不成器。", "13. Adversity makes a man wise, not rich. 逆境出人才。", "3学习方法与态度", "1. Practice makes perfect. 熟能生巧。 2. It is never too old to learn. 活到老,学到老。 3. Reading is to the mind while exercise to the body. 读书健脑,运动强身。 4. A man becomes learned by asking questions. 不耻下问才能有学问。", "5. Learn and live. 活着,为了学习。", "6. Knowledge starts with practice. 实践出真知。", "7. Complacency is the enemy of study. 学习的敌人是自己的满足。", "8. Knowledge makes humble; ignorance makes proud. 知识使人谦虚,无知使人傲慢。", "9. Knowledge advances by steps and not by leaps. 知识只能循序渐进,不能跃进。", "10. A man can do no more than he can. 凡事都应量力而行。", "11. Books and friends should be few but good. 读书如交友,应求少而精。", "12. A man cannot spin and reel at the same time. 一心不能二用。", "4金钱与财富", "1. Gold will not buy anything. 黄金不能买尽一切。 2. The chief aim of man is not to get money. 人的主要目的并不是赚钱。 3. The money the miser hoards will do him no good. 守财奴积财,对自己毫无好处。 4. What is wealth good for, if it brings melancholy? 财富如带忧郁来,有了财富有何用?", "5. Wealth makes worship. 财富能使人拜倒。", "5健康与心态", "1. An apple a day keeps the doctor away. 一天一苹果,不用请医生。 2. Prevention is better than cure. 预防胜于治疗。 3. All work and no play makes Jack a dull boy. 只工作, 不玩耍, 聪明小伙也变傻。 4. Health is not valued till sickness comes. 病时方知健康可贵。", "5. A close mouth catches no flies. 病从口入。", "6. A good medicine tastes bitter. 良药苦口。", "7. Good health is over wealth. 健康是最大的财富。", "8. Happiness lies first of all in health. 幸福首先在于健康。", "9. Cheerfulness is health; its opposite, melancholy, is disease. 欢乐就是健康, 忧郁就是病痛。", "10. He is happy that thinks himself so. 自乐者常乐。", "11. Content is better than riches. 知足者常乐。", "6择友与友谊", "1. Birds of a feather flock together. 物以类聚,人以群分。 2. A man is known by his friends. 什么人交什么朋友。 3. Keep good men company and you shall be of the number. 近朱者赤,近墨者黑。 4. A friend in need is a friend indeed. 患难见真情。", "5. A friend is easier lost than found. 得朋友难,失朋友易。", "6. A faithful friend is hard to find. 知音难觅。", "7. A friend is never known till a man has need. 需要之时方知友。", "8. Misfortune tests the sincerity of friends. 患难见真情。", "7品行与操守", "1. Honesty is the best policy. 诚实不欺为上策。 2. Respect yourself, or no one else will respect you. 要人尊敬,必须自重。 3. Patience is the best remedy. 忍耐是良药。 4. One good turn deserves another. 行善积德。", "5. He knows most who speaks least. 大智若愚。", "6. A still tongue makes a wise head. 寡言者智。", "7. A candle lights others and consumes itself. 蜡烛照亮别人,却毁灭了自己。", "8. He is not fit to command others that cannot command himself. 正人须先正己。", "9. Pride goes before, and shame comes after. 骄傲使人落后。", "10. Please the eye and plague the heart. 贪图一时快活,必然留下隐祸。", "11. Penny wise, pound foolish. 贪小便宜吃大亏。", "12. He who makes constant complaint gets little compassion. 经常诉苦,没人同情。", "13. Do as you would be done by. 己所不欲,勿施于人。", "以上就是环球教育的小编为大家介绍的关于雅思写作的高频句子,对于在我们大上海雅思培训一般多少钱这个问题,你们可以点击我们的官网进行在线咨询。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "【上海雅思培训需要多少钱】 ", "most_related_para": 1, "segmented_title": ["【", "上海", "雅思培训", "需要", "多少", "钱", "】"], "segmented_paragraphs": [["来源", ":", "上海", "朗阁", "雅思", "培训"], ["上海", "雅思培训", "需要", "多少", "钱", "上海", "雅思培训", "需要", "多少", "钱", "?", "上海", "朗阁", "雅思", "培训", "最实惠", "!", "即日起", ",", "拨打", "报名热线", ":", "400", "-", "0011", "-", "653", ",", "联系", "QQ", ":", "1419731936", ",", "1726839823", "就", "有", "惊喜", "哦", "!", "一线", "城市", "的", "环境", "+", "一", "流", "的", "师资", "+", "14", "年", "专业", "雅思培训", "经验", "!", "中国", "的", "最", "的", "雅思培训", "、", "新托福", "培训", "基地", "!", "中心", "学员", "5", "分", "通过率", "98", "%", ",", "6", "分", "通过率", "90", "%", ",", "遥遥领先", "。", "考", "雅思", "高分", ",", "来", "朗阁", "雅思", "!", "自", "成立", "至今", ",", "上海", "雅思培训", "一直秉承", "“", "以人为本", "、", "专业", "一", "流", "”", "的", "办学理念", ",", "不断强化", "教学管理", ",", "时刻", "注重", "教学", "品质", ",", "凭借", "一", "流", "的", "教学", "品质", "以及", "良好", "的", "口碑", "吸引", "了", "数", "万", "名", "来自", "不同", "年龄段", "及", "教育背景", "的", "学员", "的", "加入", "!", "VIP", "一对一", "培训", ":", "雅思", "VIP", "一对一", "培训班", "托福", "VIP", "一对一", "培训班", "SAT", "VIP", "一对一", "培训班", "雅思", "65", "学习卡", "培训班", "【", "招生对象", "】", "1", "、", "英语", "基础", "不同", ",", "需要", "老师", "单独", "辅导", "的", "学员", "。", "2", "、", "学习", "时间", "不", "固定", ",", "需要", "短期", "灵活", "上课", "的", "学员", "。", "3", "、", "需要", "在", "短期内", "迅速提高", "雅思成绩", "的", "学员", "。", "4", "、", "需要", "名师指导", ",", "取得", "更", "高", "分数", "的", "学员", "。", "5", "、", "不适合", "以", "班级", "统一", "授课方式", ",", "需要", "一对一", "学习", "的", "学员", "。", "【", "课程", "简述", "】", "上海", "雅思培训", "朗阁", "品牌", "课程", ",", "具有", "丰富", "教学", "经验", "的", "专家", "执教", ",", "针对", "学员", "各项", "考试", "必备", "技巧", "和", "能力", "进行", "VIP", "尊享", "服务", "。", "极致", ":", "精品", "化", ",", "满足", "个人", "需求", ";", "舒适", ":", "精心", "打造", "每个", "学习", "细节", ",", "温馨", "感受", "每", "一", "处", ";", "独家", ":", "单独", "配备", "VIP", "名师", ",", "名师", "与", "您", "零距离", ";", "迅捷", ":", "海外", "考试", "研究中心", "专项", "提供", "最新", "雅思", "研发", "成果", ",", "细心", ":", "每位", "学员", "均", "有", "贴身学习", "辅导员", ",", "负责", "解决", "学习", "中", "遇到", "的", "任何问题", "。", "【", "APC", "教学", "】", "上海", "雅思培训", "朗阁", "VIP", "中心", "名师", "经过多年", "的", "潜心钻研", ",", "开发", "出", "能", "在", "较", "短时间内", "激发", "个人", "语言", "学习", "潜能", "的", "APC", "学习", "模型", ",", "加上", "全程", "化", "教学", "监控", "与", "服务", ",", "让", "每", "们", "参加", "学习", "的", "学员", "都", "能", "达到", "适合", "自己", "风格", "的", "学习", "效果", "!", "APC", "学习", "模型", "权威", "Authority", "发掘", "知识", "漏油", "专业化", "服务", "培养", "良好", "学习", "习惯", "精准", "Precision", "学员", "需求", "分析", "动态", "学习方案", "量化", "教学", "监控", "锁定目标", "成绩", "定制", "Customization", "拥有", "业", "内", "知名", "学术", "团队", "独立", "研发", "教材", "◇", "APC", "个性化", "课程", "定制", ",", "1", "对", "1", "教学模式", "◇", "严格", "入学测试", ",", "根据", "测试成绩", "进入", "相应", "模块", "学习", "◇", "签约", "保", "分", "承诺", "◇", "全程", "学习", "顾问", "指导", "◇", "各", "阶段", "学习", "测试", "评估", "及", "学习", "档案管理", ",", "随时", "了解", "学习", "进度", "◇", "全真试题", "模", "考", ",", "中外", "教", "点评", "◇", "考前", "1", "对", "1", "技巧", "辅导", "◇", "留学", "规划师", "海外", "择校", "指导", "上海", "雅思培训", "需要", "多少", "钱", "?", "上海", "朗阁", "雅思", "培训", "最实惠", "!", "名师名校", "!", "完善", "的", "课程体系", "、", "强大", "的", "师资力量", "、", "优质", "的", "教学质量", "、", "一", "流", "的", "学习", "环境", "以及", "客户", "为", "本", "的", "服务理念", ",", "是", "您", "学习", "雅思", ",", "考取", "高分", "的", "理想", "学府", "!", "更多", "上海", "雅思", "学校", "精彩内容", "请", "关注", ":", "上海", "雅思培训", "http", ":", "/", "/", "1345", ".", "peixun", "360", ".", "com", "/", "详情", "咨询", ":", "杨", "老师", ",", "电话", ":", "400", "-", "0011", "-", "653", ",", "联系", "QQ", ":", "1419731936", "。"], ["相关", "推荐"], ["求学", "登记"], ["最新", "加入", "学校"], ["广州", "黄埔", "技工", "汽修", "学校", "海口", "朗阁", "培训中心", "许昌", "新希望", "会计", "培训", "学校", "济南", "启航", "会计", "培训", "学校", "广州", "塞", "乐", "西班牙语", "培训学校", "上海", "塞", "乐", "西班牙语", "培训学校", "嘉兴", "仁和", "会计", "培训", "学校", "温州", "仁和", "会计", "培训", "学校", "杭州", "仁和", "会计", "培训", "学校", "上海交通大学", "继续教育学院"]], "paragraphs": ["来源:上海朗阁雅思培训", "上海雅思培训需要多少钱上海雅思培训需要多少钱?上海朗阁雅思培训最实惠!即日起,拨打报名热线:400-0011-653,联系QQ:1419731936,1726839823就有惊喜哦!一线城市的环境+一流的师资+14年专业雅思培训经验!中国的最的雅思培训、新托福培训基地!中心学员5分通过率98%,6分通过率90%,遥遥领先。考雅思高分,来朗阁雅思! 自成立至今,上海雅思培训一直秉承“以人为本、专业一流”的办学理念,不断强化教学管理,时刻注重教学品质,凭借一流的教学品质以及良好的口碑吸引了数万名来自不同年龄段及教育背景的学员的加入! VIP一对一培训: 雅思VIP一对一培训班 托福VIP一对一培训班 SAT VIP一对一培训班 雅思65学习卡培训班 【招生对象】 1、英语基础不同,需要老师单独辅导的学员。 2、学习时间不固定,需要短期灵活上课的学员。 3、需要在短期内迅速提高雅思成绩的学员。 4、需要名师指导,取得更高分数的学员。 5、不适合以班级统一授课方式,需要一对一学习的学员。 【课程简述】 上海雅思培训朗阁品牌课程,具有丰富教学经验的专家执教,针对学员各项考试必备技巧和能力进行VIP尊享服务。 极致:精品化,满足个人需求; 舒适:精心打造每个学习细节,温馨感受每一处; 独家:单独配备VIP名师,名师与您零距离; 迅捷:海外考试研究中心专项提供最新雅思研发成果, 细心:每位学员均有贴身学习辅导员,负责解决学习中遇到的任何问题。 【APC教学】 上海雅思培训朗阁VIP中心名师经过多年的潜心钻研,开发出能在较短时间内激发个人语言学习潜能的APC学习模型,加上全程化教学监控与服务,让每们参加学习的学员都能达到适合自己风格的学习效果! APC学习模型 权威Authority 发掘知识漏油 专业化服务 培养良好学习习惯 精准Precision 学员需求分析 动态学习方案 量化教学监控 锁定目标成绩 定制Customization 拥有业内知名学术团队 独立研发教材 ◇APC个性化课程定制,1对1教学模式 ◇严格入学测试,根据测试成绩进入相应模块学习 ◇签约保分承诺 ◇全程学习顾问指导 ◇各阶段学习测试评估及学习档案管理,随时了解学习进度 ◇全真试题模考,中外教点评 ◇考前1对1技巧辅导 ◇留学规划师海外择校指导 上海雅思培训需要多少钱?上海朗阁雅思培训最实惠!名师名校!完善的课程体系、强大的师资力量、优质的教学质量、一流的学习环境以及客户为本的服务理念,是您学习雅思,考取高分的理想学府! 更多上海雅思学校精彩内容请关注:上海雅思培训http://1345.peixun360.com/ 详情咨询:杨老师,电话:400-0011-653,联系QQ:1419731936。", "相关推荐", "求学登记", "最新加入学校", "广州黄埔技工汽修学校 海口朗阁培训中心 许昌新希望会计培训学校 济南启航会计培训学校 广州塞乐西班牙语培训学校 上海塞乐西班牙语培训学校 嘉兴仁和会计培训学校 温州仁和会计培训学校 杭州仁和会计培训学校 上海交通大学继续教育学院"], "bs_rank_pos": 2}, {"is_selected": false, "title": "【雅思培训班费用】雅思培训一般多少钱,上海雅思班学费 ", "most_related_para": 5, "segmented_title": ["【", "雅思", "培训班", "费用", "】", "雅思", "培训", "一般", "多少", "钱", ",", "上海", "雅思", "班", "学费"], "segmented_paragraphs": [["姓名", "电话"], ["地区", "验证码", "获取", "验证码"], ["基础", "培训", "进阶", "提升", "冲刺", "训练"], ["班", "制", ":", "全日制", "周末班", "晚间", "班", "晚间", "+", "周末班"], ["上课地点", ":", "浦东", ",", "卢湾", ",", "淮海", ",", "人民广场", ",", "中山公园", ",", "松江", ",", "嘉定", ",", "虹口", ",", "杨浦"], ["雅思", "班", "2017", "【", "雅思", "培训班", "多少", "钱", "】", "雅思", "培训班", "主要", "分为", "雅思培训", "周末班", ",", "雅思培训", "全日制", "班", ",", "雅思", "封闭", "班", ",", "雅思", "VIP", "班", ",", "雅思", "单项", "班", ",", "4", "-", "7", "分", "雅思", "课程", ",", "首先", "你", "要", "看看", "你", "目前", "的", "雅思", "水平", ",", "和", "你", "要", "达到预期", "的", "目标", ",", "然后", "才能", "算", "出", "雅思", "培训班", "全部", "雅思", "课程", "费用"], ["不同", "的", "烤鸭", "有", "不同", "的", "烦恼", ",", "来", "朗阁", "咨询", "课程", "给", "您", "合适", "指导", ",", "从", "根本", "解决", "问题"]], "paragraphs": ["姓名 电话", "地区 验证码 获取验证码", "基础培训 进阶提升 冲刺训练", "班制: 全日制 周末班 晚间班 晚间+周末班", "上课地点:浦东,卢湾,淮海,人民广场,中山公园,松江,嘉定,虹口,杨浦", "雅思班2017【雅思培训班多少钱】雅思培训班主要分为雅思培训周末班,雅思培训全日制班,雅思封闭班,雅思VIP班,雅思单项班,4-7分雅思课程,首先你要看看你目前的雅思水平,和你要达到预期的目标,然后才能算出雅思培训班全部雅思课程费用", "不同的烤鸭有不同的烦恼,来朗阁咨询课程给您合适指导,从根本解决问题"], "bs_rank_pos": 3}, {"is_selected": false, "title": "上海雅思培训一般多少钱,上海雅思培训一般需要多少钱-【中国教育", "most_related_para": 3, "segmented_title": ["上海", "雅思", "培训", "一般", "多少", "钱", ",", "上海", "雅思", "培训", "一般", "需要", "多少", "钱", "-", "【", "中国教育"], "segmented_paragraphs": [["来自", ":", "Jonny", "2017", "-", "06", "-", "04", "20", ":", "38"], ["多少", "钱", "本人", "已", "通过", "雅思", "7", "分", ",", "如果", "有", "需要", "剑桥", "真题", "或者", "各类", "复习", "用书", "的", ",", "可以", "私聊", "N1182932443", "同", "问", ",", "多少", "钱", "微信", ":", "N1182932443"], ["998", "nemo", "2017", "-", "06", "-", "04", "20", ":", "38"], ["UP", "UPUPupupUPUPUPUPUPUPUPUP", "你好", ",", "我", "正", "需要", "一", "套", "二手", "雅思", "真题", ",", "楼主", "多少", "钱", "转让", "呢", "?", "?", "?", "你好", ",", "我", "正", "需要", "一", "套", "二手", "雅思", "真题", ",", "楼主", "多少", "钱", "转让", "呢", "?", "?", "?", "85", "包邮", "转", "。", "很多", "电子", "资料", "也", "发给", "你", "UP", "UPUPUPupupup", "请问", "书", "还在", "吗", "?", "在", "的", "亲", "UP", "UPUPUP", "楼主", "还有", "吗", "?", "有", "的", "亲", "UP", "UPUPUPupup", "请问", "还有", "吗", "有", "的", "UPUPUP", "~", "~", "~", "~", "UPUPUPUP", "楼主", "书", "还在", "?", "还在"]], "paragraphs": ["来自:Jonny 2017-06-04 20:38", "多少钱本人已通过雅思7分,如果有需要剑桥真题或者各类复习用书的,可以私聊N1182932443同问,多少钱微信:N1182932443", "998nemo 2017-06-04 20:38", "UPUPUPupupUPUPUPUPUPUPUPUP你好,我正需要一套二手雅思真题,楼主多少钱转让呢???你好,我正需要一套二手雅思真题,楼主多少钱转让呢???85包邮转。很多电子资料也发给你UPUPUPUPupupup请问书还在吗?在的亲UPUPUPUP楼主还有吗?有的亲UPUPUPUPupup请问还有吗有的UPUPUP~~~~UPUPUPUP楼主书还在?还在"], "bs_rank_pos": 4}, {"is_selected": true, "title": "上海雅思培训周末班一般多少钱_百度知道", "most_related_para": 0, "segmented_title": ["上海", "雅思", "培训", "周末班", "一般", "多少", "钱", "_", "百度", "知道"], "segmented_paragraphs": [["你好", "上海", "雅思", "培训班", "周末班", "的", "价格", "一般", "是", "在", "60", "左右", "一", "个", "课时", "的", ",", "如果", "是", "一对一", "的", "话", ",", "要", "贵", "的", "哦", "。", "当然", "具体情况", "不一样", ",", "费用", "也", "会", "有", "差异", ",", "希望", "对", "你", "帮助", "!"]], "paragraphs": ["你好 上海雅思培训班周末班的价格一般是在60左右一个课时的,如果是一对一的话,要贵的哦。当然具体情况不一样,费用也会有差异,希望对你帮助!"], "bs_rank_pos": 5}], "answer_spans": [[4, 21]], "answer_docs": [4], "fake_answers": ["周末班的价格一般是在60左右一个课时的,如果是一对一的话"], "question": "上海雅思培训费用", "segmented_answers": [["周末班", "的", "价格", "一般", "是", "在", "60", "左右", "一", "个", "课时", "的", ",", "如果", "是", "一对一", "的", "话", ",", "会", "贵", "。"]], "answers": ["周末班的价格一般是在60左右一个课时的,如果是一对一的话,会贵。"], "entity_answers": [["60左右一个课时"]], "segmented_question": ["上海", "雅思培训", "费用"], "question_type": "ENTITY", "question_id": 25, "fact_or_opinion": "OPINION", "match_scores": [0.85]} -{"documents": [{"is_selected": true, "title": "银耳和什么搭配最好_食材_养生之道网", "most_related_para": 3, "segmented_title": ["银耳", "和", "什么", "搭配", "最好", "_", "食材", "_", "养生之道", "网"], "segmented_paragraphs": [["来源", ":", "养生之道", "网", "编辑", ":", "杨琼", "发表时间", ":", "2016", "-", "06", "-", "27", "11", ":", "19"], ["养生之道", "网", "导读", ":", "银耳", "和", "什么", "搭配", "最好", "?", "银耳", "被", "称为", "“", "平民", "的", "燕窝", "”", ",", "它", "全身", "几乎", "都是", "胶原蛋白", ",", "深受", "女性", "朋友", "喜爱", ",", "女性", "吃", "银耳", "能", "美容养颜", ",", "男性", "吃", "银耳", "能", "润肺", "。", "那么", ",", "银耳", "和", "什么", "一起", "吃", "最好", "呢", "?"], ["银耳", "和", "什么", "搭配", "最好"], ["一", "、", "银耳", "+", "黑木耳", "银耳", "有", "补肾", "、", "润肺", "、", "生津", "、", "提神", "及", "润肤", "的", "功效", ",", "对", "治疗", "慢性支气管炎", "和", "肺心病", "有", "显", "着", "的", "效果", "。", "木耳", "有", "益气", "润肺", "、", "养血", "的", "作用", "。", "两者", "都是", "营养", "丰富", "的", "食材", ",", "还是", "低脂肪", "的", "健康食品", ",", "一起", "吃", "不仅", "不会", "对", "身体", "产生", "坏处", ",", "黑白", "木耳", "搭配", "还能", "让", "各自", "的", "营养", "得到", "互补", ",", "达到", "双重", "营养", "的", "食疗", "功效", "。", "对", "久", "病", "体", "弱", "、", "肾虚", "腰背痛", "有", "很好", "的", "辅助", "治疗", "作用", "。", "二", "、", "银耳", "+", "百合", "百合", "的", "味道", "清香", "脱俗", ",", "而", "银耳", "则", "脆嫩", "爽口", "。", "此", "道", "甜品", "能", "安定", "心", "神", "、", "活络", "气血", ",", "还有", "润肺止咳", "、", "生津", "滋阴", "的", "功效", ",", "特别", "适合", "秋天", "食用", "。", "常常", "饮用", ",", "有", "调理", "肺", "、", "脾", "、", "肾", "三", "脏", "的", "功效", "。", "对", "慢性", "喉咽", "也有", "一定", "缓和", "作用", "。", "三", "、", "银耳", "+", "鹌鹑蛋", "银耳", "性味", "甘平", ",", "是", "滋补", "强身", "食品", "。", "银耳", "含有", "多", "种", "营养物质", ",", "具有", "阻止", "血液", "中", "胆固醇", "沉积", "和", "凝结", "的", "作用", "。", "鹌鹑蛋", "营养价值", "远", "高于", "鸡蛋", ",", "具有", "补气", "益", "血", "、", "强身", "健脑", "、", "降压", "降脂", "之", "功效", "。", "银耳", "与", "鹌鹑蛋", "同", "食", ",", "能", "使", "强", "精", "补肾", "、", "益气养血", "、", "健脑", "强身", "的", "功效", "更为", "显", "着", "。", "对", "贫血", "、", "妇婴", "营养不良", "、", "神经衰弱", "、", "血管", "硬化", "、", "心脏病", "等", "病人", ",", "均", "有", "补益", "作用", "。", "常吃", "还能", "防止", "老年", "性", "疾病", "。", "四", "、", "银耳", "+", "鸭蛋", "银耳", "有", "润肺", "、", "生津", "止咳", "、", "滋阴", "养肺", "、", "益气", "和", "血", "、", "补脑", "强", "心", "和", "补肾", "等", "功效", "。", "鸭蛋", "味", "咸", "、", "性", "凉", ",", "具有", "滋阴", "润肺", "、", "补中益气", "等", "功效", "。", "二者同煮", "共", "食", ",", "可", "治疗", "肺", "阴", "不足", "所致", "的", "咽喉", "干燥", "、", "声嘶", "、", "干咳", "等", "症", ",", "对", "阴虚", "、", "头晕", "和", "皮肤干燥", "所", "引起", "的", "瘙痒", "也有", "一定", "的", "作用", "。", "五", "、", "银耳", "+", "蜜桔", "银耳", "具有", "强", "精", "、", "补肾", "、", "润肠", "、", "益", "胃", "、", "补气", "、", "和", "血", "、", "强", "心", "、", "壮", "身", "、", "补脑", "、", "提神", "、", "美容", "、", "嫩肤", "、", "延年益寿", "之", "功效", "。", "蜜桔", "有", "理", "气", "健胃", "、", "燥湿", "化痰", "、", "下", "气", "止", "喘", "、", "散结", "止痛", "、", "促进", "食欲", "、", "醒酒", "及", "抗", "疟", "等", "多", "种", "功效", "。", "银耳", "冰糖", "蜜桔", "长期服用", "可以", "润肤", ",", "并", "有", "祛除", "脸部", "黄褐斑", "、", "雀斑", "的", "功效", "。"], ["六", "、", "银耳", "+", "青鱼"], ["青鱼", "养肝", "益肾", ",", "补气", "化", "湿", ",", "消", "腹胀", "水肿", ",", "有", "滋补", "的", "作用", "。", "两者", "相配", ",", "既", "可以", "保证", "食", "者", "正常", "营养", ",", "保健", "身体", ",", "又", "不会", "增", "重", ",", "同时", "可", "对", "虚胖", "者", "及时", "调养", "。"], ["七", "、", "银耳", "+", "猪脑"], ["猪脑", "性味", "甘", "寒", ",", "可", "治", "头", "风", "、", "止", "眩晕", "、", "益肾", "补脑", ",", "适合", "治疗", "肾虚", "、", "髓", "海", "不足", "所致", "的", "眩晕", "、", "耳鸣", "、", "健忘", "等", "症", "。", "银耳", "性", "平", "、", "味", "甘", ",", "能", "益气", "强", "志", "。", "猪脑", "与", "银耳", "同", "煮", "熬汤", "食用", ",", "可", "滋", "肾", "补脑", ",", "对", "用", "脑", "过度", "、", "头昏", "、", "记忆力减退", "等", "病症", "都", "有", "一定", "的", "疗效", "。"], ["八", "、", "银耳", "+", "菊花"], ["菊花", "、", "银耳", "具有", "滋养", "强壮", "、", "镇静", "止血", "的", "作用", ",", "两者", "搭配", "常用", "于", "治疗", "喉", "痛", "。", "而", "菊花", "还有", "解", "热", "、", "镇静", "作用", "。"], ["九", "、", "银耳", "+", "雪梨", "+", "川贝"], ["雪梨", "、", "银耳", "都", "有", "滋阴", "润肺", "、", "治疗", "干咳", "少", "痰", "之", "功效", ";", "川贝", "也有", "润肺", "、", "止咳", "的", "功效", "。", "雪梨", "、", "银耳", "、", "川贝", "三者", "合", "用", ",", "功效", "尤佳", ",", "对", "治疗", "久", "咳", "不愈", "患者", "效果", "显", "着", "。"], ["十", "、", "银耳", "+", "莲子"], ["银耳", "中", "含有", "较多", "的", "胶质", ",", "能", "润滑", "肠道", ",", "可以", "清理", "肠道", "中", "的", "毒素", ",", "莲子", "有", "固涩", "的", "功效", "。", "对于", "腹泻", "的", "人", "来", "说", ",", "银耳", "莲子", "的", "搭配", "既", "能", "排毒", ",", "又", "能", "有效", "缓解", "腹泻", "症状", "。"], ["银耳", "可以说是", "很", "百搭", "的", "食材", ",", "但", "也", "不是", "来者", "全", "收", "。", "银耳", "与", "富", "含", "铁剂", "的", "食物", "不能", "一起", "吃", ",", "因", "银耳", "含磷", "很", "丰富", ",", "磷", "与", "铁", "结合", "成", "难", "溶性", "化合物", ",", "故", "银耳", "不宜", "与", "富", "含", "铁剂", "的", "食物", ",", "如", "菠菜", "、", "蛋黄", "、", "动物肝脏", "等同", "食", "。", "另外", ",", "银耳", "不", "能够", "与", "白萝卜", "一同", "食用", ",", "否则", "容易导致", "皮炎", "的", "发生", "。"], ["今天", "初伏", ",", "冬病夏治", "三伏贴", "开", "明天", "入伏", ",", "一年", "中", "最", "热", "的", "日子", "心静", "自然", "凉", ",", "夏季", "养心", "切忌", "劳"], ["精", "蛋白", "锌", "重组", "人", "胰岛素", "注射液", "他卡西醇", "软膏", "博", "健", "(", "盐酸", "多奈哌齐", "片", ")"], ["皮肤", "白斑", "的", "常见", "并发症", "皮肤", "颌", "口", "虫", "病", "会引起", "哪些", "并发", "女子", "颜", "面", "黑变病", "引发", "什么", "疾病"], ["胰腺", "囊肿", "的", "饮食", "护理", "办法", "胰腺", "囊肿", "早期症状", "有", "哪些", "关注", ":", "了解", "自闭症", "儿童", "的", "世界"], ["核桃", "到底", "能不能", "补脑", "有", "胃病", "的", "人", "怎么", "喝水", "好", "鸡蛋", "怎么", "吃", "最", "有", "营养"], ["衣服", "被", "染色", "了", "怎么办", "夏天", "天天", "洗头", "好", "吗", "夏季", "用", "防晒霜", "要", "注意", "什么"], ["夏季", "毒蛇", "出没", ",", "被", "蛇咬", "后", "这样", "急救", "才", "正确", ",", "收", "好", "备用", "!"], ["这个", "症状", "提醒", "你", "是", "轻度", "宫颈糜烂", ",", "不治", "就", "晚", "了", "!", "后背", "长", "粉刺", ",", "是因为", "你", "洗澡", "没", "做", "好", "这件事", "!", "月经不调", ",", "90", "%", "的", "女人", "不知道", "这些", "调理", "方法", "!", "备孕", "期", "女性", "看过来", ":", "这些", "食物", "增加", "受孕", "几率", "!", "你", "绝对", "不知道", ",", "宝宝", "长牙", "居然", "这么", "痛苦", "!", "白带", "颜色", "暗示", "健康", "问题", ",", "白带", "褐色", "是", "怎么回事", "?"], ["木瓜", "和", "什么", "煲汤", "丰胸"], ["煮", "鸡汤", "要", "焯水", "吗", "糖蒜", "怎么", "腌制", "最好", "吃", "红糖水", "可以", "天天", "喝", "吗", "杏鲍菇", "炒", "之前", "用", "焯", "么", "柚子皮", "能", "治", "三高", "吗", "空心菜", "怎么", "做", "汤"], ["鸡内金", "的", "吃法", "青豆", "的", "营养价值", "牛肉汤", "的", "营养价值", "银鱼", "怎么", "做", "好吃"], ["啤梨", "的", "营养价值", "通心粉", "的", "营养价值", "白薯", "的", "营养价值", "羊脑", "的", "营养价值"], ["大黄鱼", "的", "营养价值", "红花", "的", "营养价值", "花菇", "的", "营养价值", "木耳", "叶", "的", "营养价值"], ["酸辣土豆丝", "的", "营养", "价", "驴肉汤", "的", "营养价值", "花旗参", "乌鸡汤", "的", "营养", "玉兔", "海参", "什么时候", "放", "琉璃", "肺", "的", "营养价值", "五彩", "牛肉丝", "怎么", "做", "最"], ["啤梨", "的", "营养价值", "通心粉", "的", "营养价值", "白薯", "的", "营养价值", "羊脑", "的", "营养价值"], ["入夏", "吃", "糯米", "好处多", "海", "鲈鱼", "的", "营养价值", "马鲛鱼", "的", "食疗方法", "吃", "鳖", "的", "好处", "竟然", "这么多"], ["夏至", "养生", "饮食", "-", "味蕾", "在", "初夏", "绽放", "养生之道", "网", "夏至", "养生", "专题", ",", "为您", "详细", "介绍", "夏至", "习俗", "、", "夏至", "吃什么", "、", "夏至", "养生", "食疗", "、", "夏至", "节气", "饮食", "等", "与", "夏至", "节气", "有关", "的", "饮食", "养生", "知识", ",", "想要", "了解更多", "的", "与", "夏至", "节气", "有关", "的", "养生", "知识", ",", "请", "关注", "养生之道", "网", "夏至", "养生", "专题", "。", ".", ".", "."], ["端午节", "习俗", "和", "由来", "_", "端午节", "吃什么", "立夏", "节气", "养生", "-", "初夏", "饮食", "助", "你", "轻松", "过", "酷夏", "谷雨", "节气", "养生", "-", "味蕾", "花香", "齐", "绽放", "清明节", "饮食养生", "-", "清明节", "踏青", "与", "美食", "同行", "春分", "节气", "养生", "-", "春天", "从", "美食", "开始", "惊蛰", "节气", "养生", "-", "味蕾", "在", "美食", "中", "“", "惊醒", "”"], ["正确", "的", "跳绳", "减肥", "方法", "气滞血瘀", "的", "症状", "淋巴癌", "能", "治", "好", "吗", "如何", "快速", "去除", "头皮屑", "太溪", "穴位", "位置图", "睡姿", "判断", "情侣", "间", "关系"], ["紫薯", "的", "养生", "吃法", "令", "你", "流口水", "的", "鸭肉", "做法", "白", "胡椒粉", "的", "吃法", "茄子", "的", "营养价值"]], "paragraphs": ["来源:养生之道网编辑:杨琼 发表时间:2016-06-27 11:19", "养生之道网导读:银耳和什么搭配最好?银耳被称为“平民的燕窝”,它全身几乎都是胶原蛋白,深受女性朋友喜爱,女性吃银耳能美容养颜,男性吃银耳能润肺。那么,银耳和什么一起吃最好呢?", "银耳和什么搭配最好", "一、银耳+黑木耳 银耳有补肾、润肺、生津、提神及润肤的功效,对治疗慢性支气管炎和肺心病有显着的效果。木耳有益气润肺、养血的作用。两者都是营养丰富的食材,还是低脂肪的健康食品,一起吃不仅不会对身体产生坏处,黑白木耳搭配还能让各自的营养得到互补,达到双重营养的食疗功效。对久病体弱、肾虚腰背痛有很好的辅助治疗作用。 二、银耳+百合 百合的味道清香脱俗,而银耳则脆嫩爽口。此道甜品能安定心神、活络气血,还有润肺止咳、生津滋阴的功效,特别适合秋天食用。常常饮用,有调理肺、脾、肾三脏的功效。对慢性喉咽也有一定缓和作用。 三、银耳+鹌鹑蛋 银耳性味甘平,是滋补强身食品。银耳含有多种营养物质,具有阻止血液中胆固醇沉积和凝结的作用。鹌鹑蛋营养价值远高于鸡蛋,具有补气益血、强身健脑、降压降脂之功效。银耳与鹌鹑蛋同食,能使强精补肾、益气养血、健脑强身的功效更为显着。对贫血、妇婴营养不良、神经衰弱、血管硬化、心脏病等病人,均有补益作用。常吃还能防止老年性疾病。 四、银耳+鸭蛋 银耳有润肺、生津止咳、滋阴养肺、益气和血、补脑强心和补肾等功效。鸭蛋味咸、性凉,具有滋阴润肺、补中益气等功效。二者同煮共食,可治疗肺阴不足所致的咽喉干燥、声嘶、干咳等症,对阴虚、头晕和皮肤干燥所引起的瘙痒也有一定的作用。 五、银耳+蜜桔 银耳具有强精、补肾、润肠、益胃、补气、和血、强心、壮身、补脑、提神、美容、嫩肤、延年益寿之功效。蜜桔有理气健胃、燥湿化痰、下气止喘、散结止痛、促进食欲、醒酒及抗疟等多种功效。银耳冰糖蜜桔长期服用可以润肤,并有祛除脸部黄褐斑、雀斑的功效。", "六、银耳+青鱼", "青鱼养肝益肾,补气化湿,消腹胀水肿,有滋补的作用。两者相配,既可以保证食者正常营养,保健身体,又不会增重,同时可对虚胖者及时调养。", "七、银耳+猪脑", "猪脑性味甘寒,可治头风、止眩晕、益肾补脑,适合治疗肾虚、髓海不足所致的眩晕、耳鸣、健忘等症。银耳性平、味甘,能益气强志。猪脑与银耳同煮熬汤食用,可滋肾补脑,对用脑过度、头昏、记忆力减退等病症都有一定的疗效。", "八、银耳+菊花", "菊花、银耳具有滋养强壮、镇静止血的作用,两者搭配常用于治疗喉痛。而菊花还有解热、镇静作用。", "九、银耳+雪梨+川贝", "雪梨、银耳都有滋阴润肺、治疗干咳少痰之功效;川贝也有润肺、止咳的功效。雪梨、银耳、川贝三者合用,功效尤佳,对治疗久咳不愈患者效果显着。", "十、银耳+莲子", "银耳中含有较多的胶质,能润滑肠道,可以清理肠道中的毒素,莲子有固涩的功效。对于腹泻的人来说,银耳莲子的搭配既能排毒,又能有效缓解腹泻症状。", "银耳可以说是很百搭的食材,但也不是来者全收。银耳与富含铁剂的食物不能一起吃,因银耳含磷很丰富,磷与铁结合成难溶性化合物,故银耳不宜与富含铁剂的食物,如菠菜、蛋黄、动物肝脏等同食。另外,银耳不能够与白萝卜一同食用,否则容易导致皮炎的发生。", "今天初伏,冬病夏治三伏贴开 明天入伏,一年中最热的日子 心静自然凉,夏季养心切忌劳", "精蛋白锌重组人胰岛素注射液 他卡西醇软膏 博健(盐酸多奈哌齐片)", "皮肤白斑的常见并发症 皮肤颌口虫病会引起哪些并发 女子颜面黑变病引发什么疾病", "胰腺囊肿的饮食护理办法 胰腺囊肿早期症状有哪些 关注:了解自闭症儿童的世界", "核桃到底能不能补脑 有胃病的人怎么喝水好 鸡蛋怎么吃最有营养", "衣服被染色了怎么办 夏天天天洗头好吗 夏季用防晒霜要注意什么", "夏季毒蛇出没,被蛇咬后这样急救才正确,收好备用!", "这个症状提醒你是轻度宫颈糜烂,不治就晚了! 后背长粉刺,是因为你洗澡没做好这件事! 月经不调,90%的女人不知道这些调理方法! 备孕期女性看过来:这些食物增加受孕几率! 你绝对不知道,宝宝长牙居然这么痛苦! 白带颜色暗示健康问题,白带褐色是怎么回事?", "木瓜和什么煲汤丰胸", "煮鸡汤要焯水吗 糖蒜怎么腌制最好吃 红糖水可以天天喝吗 杏鲍菇炒之前用焯么 柚子皮能治三高吗 空心菜怎么做汤", "鸡内金的吃法 青豆的营养价值 牛肉汤的营养价值 银鱼怎么做好吃", "啤梨的营养价值 通心粉的营养价值 白薯的营养价值 羊脑的营养价值", "大黄鱼的营养价值 红花的营养价值 花菇的营养价值 木耳叶的营养价值", "酸辣土豆丝的营养价 驴肉汤的营养价值 花旗参乌鸡汤的营养 玉兔海参什么时候放 琉璃肺的营养价值 五彩牛肉丝怎么做最", "啤梨的营养价值 通心粉的营养价值 白薯的营养价值 羊脑的营养价值", "入夏吃糯米好处多 海鲈鱼的营养价值 马鲛鱼的食疗方法 吃鳖的好处竟然这么多", "夏至养生饮食-味蕾在初夏绽放 养生之道网夏至养生专题,为您详细介绍夏至习俗、夏至吃什么、夏至养生食疗、夏至节气饮食等与夏至节气有关的饮食养生知识,想要了解更多的与夏至节气有关的养生知识,请关注养生之道网夏至养生专题。...", "端午节习俗和由来_端午节吃什么 立夏节气养生-初夏饮食助你轻松过酷夏 谷雨节气养生-味蕾花香齐绽放 清明节饮食养生-清明节踏青与美食同行 春分节气养生-春天从美食开始 惊蛰节气养生-味蕾在美食中“惊醒”", "正确的跳绳减肥方法 气滞血瘀的症状 淋巴癌能治好吗 如何快速去除头皮屑 太溪穴位位置图 睡姿判断情侣间关系", "紫薯的养生吃法 令你流口水的鸭肉做法 白胡椒粉的吃法 茄子的营养价值"], "bs_rank_pos": 0}, {"is_selected": true, "title": "银耳和什么搭配最好_百度知道", "most_related_para": 0, "segmented_title": ["银耳", "和", "什么", "搭配", "最好", "_", "百度", "知道"], "segmented_paragraphs": [["春天", "到", "了", "适合", "养肝", "推荐", "一", "款", "银耳", "枸杞", "汤", "步骤", "1", ".", "先", "将", "银耳", "洗净", "放在", "水中", "浸泡", "至", "2", "-", "3", "小时", "(", "建议", "用", "矿泉水", "发泡", ")", "2", ".", "将", "泡", "好", "的", "银耳", "撕", "成", "小", "的", "碎片", ",", "放在", "炖盅", "中", "加入", "枸杞", "和", "300", "ml", "矿泉水", "一起", "炖", "煮", "2", "-", "3", "小时", "。", "3", ".", "炖", "完", "后", "加入", "冰糖", "就", "美味", "的", "银耳", "枸杞", "汤", "就", "可以", "食用", "啦", "。", "银耳", "除了", "可以", "和", "莲子", "、", "百合", "、", "红枣", "、", "枸杞", "、", "燕窝", "、", "木瓜", "等", "炖", "成", "甜品", ",", "还", "可以", "和", "骨头", "一起", "煲汤", ",", "味道鲜美", "而", "不", "油腻", "哦", ",", "另外", "还", "可以", "凉拌", ",", "自己", "榨", "豆浆", "时", "也", "可以", "加一", "两", "朵", "银耳", "。", "不过", "最", "能", "体现", "银耳", "营养价值", "的", "还是", "甜品", ",", "炖", "到", "汤汁", "粘稠", ",", "就是", "银耳", "的", "胶质", "出来", ",", "这", "时候", "再", "加", "冰糖", "搅拌均匀", ",", "出", "锅", "食用", "是", "最好", "的"], ["莲子", "咯", "~", "银耳莲子汤", "~"]], "paragraphs": ["春天到了适合养肝推荐一款银耳枸杞汤 步骤1. 先将银耳洗净放在水中浸泡至2-3小时(建议用矿泉水发泡) 2. 将泡好的银耳撕成小的碎片,放在炖盅中加入枸杞和300ml矿泉水一起炖煮2-3小时。 3. 炖完后加入冰糖就美味的银耳枸杞汤就可以食用啦。 银耳除了可以和莲子、百合、红枣、枸杞、燕窝、木瓜等炖成甜品,还可以和骨头一起煲汤,味道鲜美而不油腻哦,另外还可以凉拌,自己榨豆浆时也可以加一两朵银耳。不过最能体现银耳营养价值的还是甜品,炖到汤汁粘稠,就是银耳的胶质出来,这时候再加冰糖搅拌均匀,出锅食用是最好的", "莲子咯~银耳莲子汤~"], "bs_rank_pos": 1}, {"is_selected": true, "title": "银耳和什么一起吃好_银耳可以和什么一起吃_银耳和什么搭配好-豆果", "most_related_para": 3, "segmented_title": ["银耳", "和", "什么", "一起", "吃", "好", "_", "银耳", "可以", "和", "什么", "一起", "吃", "_", "银耳", "和", "什么", "搭配", "好", "-", "豆", "果"], "segmented_paragraphs": [["别名", ":", "白木耳", "、", "雪耳"], ["热量", ":", "200", "大卡", "(", "100", "克", "可", "食", "部分", ")"], ["适宜", "人群", ":", "一般", "人群", "均", "可食用", "。", "尤其", "适合", "阴虚火旺", "、", "老年", "慢性支气管炎", "、", "肺原性心脏病", "、", "免疫力", "低下", "、", "体质虚弱", "、", "内火", "旺", "盛", "、", "虚痨", "、", "癌症", "、", "肺热", "咳嗽", "、", "肺燥", "干咳", "、", "妇女", "月经不调", "、", "胃炎", "、", "大便秘结", "患者", "食用", "。"], ["银耳", "的", "搭配", "食物", ":", "鸭蛋", "、", "墨鱼", "、", "猪腰", "、", "苹果", "、", "百合", "、", "山药", "、", "冰糖", "、", "菊花", "、", "枸杞子"]], "paragraphs": ["别名:白木耳、雪耳", "热量:200大卡(100克可食部分)", "适宜人群:一般人群均可食用。 尤其适合阴虚火旺、老年慢性支气管炎、肺原性心脏病、免疫力低下、体质虚弱、内火旺盛、虚痨、癌症、肺热咳嗽、肺燥干咳、妇女月经不调、胃炎、大便秘结患者食用。", "银耳的搭配食物:鸭蛋、墨鱼、猪腰、苹果、百合、山药、冰糖、菊花、枸杞子"], "bs_rank_pos": 2}, {"is_selected": false, "title": "推荐三款银耳的最佳搭配__寻医问药_xywy.com", "most_related_para": 0, "segmented_title": ["推荐", "三", "款", "银耳", "的", "最佳", "搭配", "_", "_", "寻医问药", "_", "xywy", ".", "com"], "segmented_paragraphs": [["向", "医生", "咨询", "相关问题"]], "paragraphs": ["向医生咨询相关问题"], "bs_rank_pos": 3}, {"is_selected": false, "title": "银耳和什么搭配最好 - 三九养生堂", "most_related_para": 1, "segmented_title": ["银耳", "和", "什么", "搭配", "最好", "-", "三九", "养生堂"], "segmented_paragraphs": [["[", "养生", "精选", "]", "银耳", "搭配", "这", "一", "宝胜", "似", "吃", "燕窝", "在", "我们", "的", "日常", "生活", "中", ",", "吃饭", "是", "大家", "每天", "都", "要", "做", "的", "一", "件", "事", "。", "在", "我们", "的", "身边", "有", "众多", "的", "美味", ",", "这些", "美食", "不仅", "是", "舌尖", "上", "的", "享受", ",", "同时", "也", "可以", "为", "身体", "补充", "充足", "的", "营养物质", "。", "食物", "的", "种类繁多", ",", "营养"], ["[", "银耳", "]", "银耳", "搭配", "这", "一", "宝胜", "似", "吃", "燕窝", "在", "我们", "的", "日常", "生活", "中", ",", "吃饭", "是", "大家", "每天", "都", "离不开", "的", "一", "件", "事", "。", "在", "我们", "的", "身边", "有", "众多", "的", "美味", ",", "这些", "美食", "不仅", "是", "舌尖", "上", "的", "享受", ",", "同时", "也", "可以", "为", "身体", "补充", "充足", "的", "营养物质", "。", "食物", "的", "种类繁多", ",", "营"], ["九种", "秘方", "治", "便秘", "太", "有效", "了", "便秘", "是", "很多人", "都", "有", "的", "情况", ",", "针对", "便秘", "的", "情况", "应该", "怎么办", "呢", "?", "其实", "没有"], ["如何", "才能", "解决", "肚子疼", "的", "情况", "很多人", "可能", "都", "有", "过", "肚子疼", "情况", ",", "如果", "出现", "肚子疼", "一定要", "重视", ".", ".", "."], ["夏天", "常吃", "百合", "对", "身体", "有", "好处", "说", "起", "百合", ",", "不", "熟悉", "的", "人", "不", "多", ",", "但是", "了解", "得", "很", "清楚", "的", "人", "也", "不", "多", ".", ".", "."], ["中药", "减肥", "如何", "制", "中药", "减肥茶", "夏天", "来临", ",", "不少", "爱美", "女性", "正", "为", "自己", "身上", "的", "赘肉", "而", "烦恼", "担忧", "呢", ".", ".", "."], ["有", "屁", "憋", "着", "不", "放", "后果", "竟", "这么", "严重", "生活", "当", "中", "有些人", "会", "憋", "屁", ",", "其实", "这", "对于", "我们的身体", "是", "不利", "的", ",", "那么", "憋屁"], ["五味", "助力", "平安", "养生"], ["水果", "的", "温", "热", "凉", "寒"], ["脾", "肾", "两", "虚", "美食", "来", "补"], ["宝葫芦", "养", "脑", "秘笈"], ["脚", "有", "这", "特征", "的", "人", "身体", "不行"], ["癌症", "真", "的", "会", "遗传", "下一代", "吗"], ["爱", "喝", "这", "一", "物", "当心", "毁", "了", "肾脏"], ["男人", "用", "它", "治", "便秘", "太", "悲剧", "了"]], "paragraphs": ["[养生精选] 银耳搭配这一宝胜似吃燕窝 在我们的日常生活中,吃饭是大家每天都要做的一件事。在我们的身边有众多的美味,这些美食不仅是舌尖上的享受,同时也可以为身体补充充足的营养物质。食物的种类繁多,营养", "[银耳] 银耳搭配这一宝胜似吃燕窝 在我们的日常生活中,吃饭是大家每天都离不开的一件事。在我们的身边有众多的美味,这些美食不仅是舌尖上的享受,同时也可以为身体补充充足的营养物质。食物的种类繁多,营", "九种秘方治便秘太有效了 便秘是很多人都有的情况,针对便秘的情况应该怎么办呢?其实没有", "如何才能解决肚子疼的情况 很多人可能都有过肚子疼情况,如果出现肚子疼一定要重视...", "夏天常吃百合对身体有好处 说起百合,不熟悉的人不多,但是了解得很清楚的人也不多...", "中药减肥 如何制中药减肥茶 夏天来临,不少爱美女性正为自己身上的赘肉而烦恼担忧呢...", "有屁憋着不放后果竟这么严重 生活当中有些人会憋屁,其实这对于我们的身体是不利的,那么憋屁", "五味助力平安养生", "水果的温热凉寒", "脾肾两虚美食来补", "宝葫芦养脑秘笈", "脚有这特征的人身体不行", "癌症真的会遗传下一代吗", "爱喝这一物当心毁了肾脏", "男人用它治便秘太悲剧了"], "bs_rank_pos": 4}], "answer_spans": [[2, 4]], "answer_docs": [0], "fake_answers": ["银耳+黑木耳"], "question": "银耳和什么搭配最好", "segmented_answers": [["银耳", "+", "黑木耳", "。"], ["银耳", "枸杞", "。"], ["银耳", "+", "鸭蛋", "。"]], "answers": ["银耳+黑木耳。", "银耳枸杞。", "银耳+鸭蛋。"], "entity_answers": [["黑木耳"], ["枸杞"], ["鸭蛋"]], "segmented_question": ["银耳", "和", "什么", "搭配", "最好"], "question_type": "ENTITY", "question_id": 26, "fact_or_opinion": "OPINION", "match_scores": [0.8571428571428571]} -{"documents": [{"is_selected": true, "title": "skii神仙水怎么用?_百度知道", "most_related_para": 3, "segmented_title": ["skii", "神仙水", "怎么", "用", "?", "_", "百度", "知道"], "segmented_paragraphs": [["正确", "的", "使用方法", "才能", "发挥", "作用", ",", "需要", "注意", "的", "是", ",", "sk2", "神仙水", "不是", "爽肤水", ",", "而是", "精华露", ",", "需要", "早", "、", "晚", "洁面", ",", "拍", "上", "爽肤水", "后", "使用", "。", "然后", "将", "化妆棉", "浸透", "神仙水", ",", "轻拍", "脸部", "约", "1", "分钟", "。", "翻转", "化妆棉", "的", "另一面", ",", "又", "再", "重复", "拍", "匀", "脸", "和", "颈部", "1", "分钟", "。", "使用", "正确", "的", "方法", "才", "更有效", "的", "!"], ["正确", "的", "使用方法", "才能", "发挥", "作用", ",", "需要", "注意", "的", "是", ",", "sk2", "神仙水", "不是", "爽肤水", ",", "而是", "精华露", ",", "需要", "早", "、", "晚", "洁面", ",", "拍", "上", "爽肤水", "后", "使用", ";", "然后", "将", "化妆棉", "浸透", "神仙水", ",", "轻拍", "脸部", "约", "1", "分钟", "。", "翻转", "化妆棉", "的", "另一面", ",", "又", "再", "重复", "拍", "匀", "脸", "和", "颈部", "1", "分钟"], ["买", "买", "买", "!", "哈哈", "。", "网上", "找", "找", "用法", "。", "很多", "。", "楼上", "的", "回答", "也是", "正确", "的", "。"], ["正确", "的", "使用方法", "才能", "发挥", "作用", ",", "需要", "注意", "的", "是", ",", "sk2", "神仙水", "不是", "爽肤水", ",", "而是", "精华露", ",", "需要", "早", "、", "晚", "洁面", ",", "拍", "上", "爽肤水", "后", "使用", "。", "然后", "将", "化妆棉", "浸透", "神仙水", ",", "轻拍", "脸部", "约", "1", "分钟", "。", "翻转", "化妆棉", "的", "另一面", ",", "又", "再", "重复", "拍", "匀", "脸", "和", "颈部", "1", "分钟", "。", "使用", "正确", "的", "方法", "才", "更有效", "的", "!"]], "paragraphs": ["正确的使用方法才能发挥作用,需要注意的是,sk2神仙水不是爽肤水,而是精华露,需要早、晚洁面,拍上爽肤水后使用。 然后将化妆棉浸透神仙水,轻拍脸部约1分钟。翻转化妆棉的另一面,又再重复拍匀脸和颈部1分钟。 使用正确的方法才更有效的!", "正确的使用方法才能发挥作用,需要注意的是,sk2神仙水不是爽肤水,而是精华露,需要早、晚洁面,拍上爽肤水后使用;然后将化妆棉浸透神仙水,轻拍脸部约1分钟。翻转化妆棉的另一面,又再重复拍匀脸和颈部1分钟", "买买买!哈哈。网上找找用法。很多。楼上的回答也是正确的。", "正确的使用方法才能发挥作用,需要注意的是,sk2神仙水不是爽肤水,而是精华露,需要早、晚洁面,拍上爽肤水后使用。然后将化妆棉浸透神仙水,轻拍脸部约1分钟。翻转化妆棉的另一面,又再重复拍匀脸和颈部1分钟。使用正确的方法才更有效的!"], "bs_rank_pos": 0}, {"is_selected": true, "title": "SK2神仙水怎么用?_百度知道", "most_related_para": 0, "segmented_title": ["SK2", "神仙水", "怎么", "用", "?", "_", "百度", "知道"], "segmented_paragraphs": [["我", "现在", "也", "正在", "用", "这", "款", "水", "哦", "~", "。", "我", "去", "专柜", "了解", "过", "神仙水", "的", "用法", "了", ",", "所以", "可以", "回答", "你", "这个问题", "。", "神仙水", "是", "一", "种", "肌底液", ",", "用", "在", "化妆水", "(", "就是", "爽肤水", "之类", "的", ")", "之后", ",", "精华", "乳液", "之", "前", ",", "是", "一", "种", "四", "季", "常备", "的", "护肤品", ",", "就像", "化妆水", "一样", "神仙水", "一年四季", "都", "需要", "用", "的", ",", "早晚", "都", "要", "用", "。", "(", "比较", "详细", ",", "要", "耐心", "看", "捏", "~", ")", "神仙水", "四种方法", "1", ".", "常规", "用", "棉", "片", "—", "—", "将", "护肤", "精华露", "倒", "在", "棉", "片", "上", "(", "用量", "约", "直径", "112", ".", "5px", ")", "轻拍", "面部", "和", "颈部", "2", ".", "常规", "用", "手", "—", "—", "将", "护肤", "精华露", "倒入", "掌心", "(", "用量", "约", "直径", "112", ".", "5px", ")", "轻拍", "面部", "和", "颈部", "3", ".", "照顾", "问题", "肌肤", "—", "—", "将", "护肤", "精华露", "倒", "在", "棉", "片", "上", "(", "用量", "约", "直径", "112", ".", "5px", ")", "将", "棉", "片", "分离", "到", "2", "张", "分别", "湿敷", "在", "额头", "、", "左", "面颊", "、", "右", "面颊", "、", "下巴", "将", "棉", "片", "停留", "5", "分钟", "轻拍", "面部", "和", "颈部", "4", ".", "面膜纸", "搭配", "护肤", "精华露", "特殊", "护理", "—", "—", "如果", "是", "215", "ml", "的", "护肤", "精华露", "的", "话", ",", "可", "把", "瓶盖", "倒过来", ",", "把", "纸", "膜", "放在", "圆形", "凹槽", "里面", ",", "倒入", "护肤", "精华露", ",", "完全", "浸透", ",", "泡", "开", "就", "可以", "的", ",", "若"], ["神仙水", "最好", "就是", "化妆水", "后", "用", "!", "可以", "用", "棉", "片", ",", "也", "可以", "用", "手", ",", "不过", "我", "最", "建议", "的", "就是", "用", "棉", "片", "!", "可以", "擦", "走", "脸上", "多余", "的", "角质", ",", "脸", "会", "变得", "更加", "嫩", "滑", "!", "望", "采纳", "!"], ["可以", "先", "用", "清", "莹", "水", "倒", "在", "化妆棉", "上", "擦拭", "然后", "把", "神仙水", "倒", "在", "化妆棉", "上", "擦", "一遍", "再", "轻拍", "100", "下", "(", "导购", "是", "这么", "教", "的", "但是", "拍", "不到", "100", "下", "一般", "化妆棉", "就", "起", "絮", "了", ")", "当然", "也", "可以", "湿敷", "效果", "更好", "但是", "费", "水", "又", "费钱", "、", "、"]], "paragraphs": ["我现在也正在用这款水哦~。我去专柜了解过神仙水的用法了,所以可以回答你这个问题。神仙水是一种肌底液,用在化妆水(就是爽肤水之类的)之后,精华乳液之前,是一种四季常备的护肤品,就像化妆水一样神仙水一年四季都需要用的,早晚都要用。(比较详细,要耐心看捏~) 神仙水四种方法1.常规用棉片——将护肤精华露倒在棉片上(用量约直径112.5px)轻拍面部和颈部2.常规用手——将护肤精华露倒入掌心(用量约直径112.5px)轻拍面部和颈部3.照顾问题肌肤——将护肤精华露倒在棉片上(用量约直径112.5px)将棉片分离到2张分别湿敷在额头、左面颊、右面颊、下巴将棉片停留5分钟轻拍面部和颈部4.面膜纸搭配护肤精华露特殊护理——如果是215ml的护肤精华露的话,可把瓶盖倒过来,把纸膜放在圆形凹槽里面,倒入护肤精华露,完全浸透,泡开就可以的,若", "神仙水最好就是化妆水后用!可以用棉片,也可以用手,不过我最建议的就是用棉片!可以擦走脸上多余的角质,脸会变得更加嫩滑!望采纳!", "可以先用清莹水倒在化妆棉上擦拭 然后把神仙水倒在化妆棉上擦一遍 再轻拍100下(导购是这么教的但是拍不到100下一般化妆棉就起絮了) 当然也可以湿敷效果更好 但是费水又费钱、、"], "bs_rank_pos": 1}, {"is_selected": false, "title": "skii神仙水怎么用?_百度知道", "most_related_para": 1, "segmented_title": ["skii", "神仙水", "怎么", "用", "?", "_", "百度", "知道"], "segmented_paragraphs": [["之所以", "这么", "有名", ",", "从而", "得到", "神仙水", "之", "名", ",", "绝对", "有", "独到之处", ",", "而且", "要", "买到", "正品", ",", "日本", "本土", "的", "自然", "是", "最好", "的", ",", "现在", "网上", "什么", "的", "假货", "横行", ",", "还有", "就是", "这个", "也", "看", "个人", "得", "吸收", "了", "吧", ",", "有些人", "用", "了", "效果明显", ",", "有些人", "没", "效果", ","], ["花香", "尽", "揽", ",", "诗魂", "却", "无", ",", "旖旎", "着", "脚步", "来到", "坟", "前", "那些", "断肢", "的", "花儿", "就", "被", "摆放", "在", "了", "墓碑", "之前", "充当", "一", "回", "膜拜", "物", "—", "—", "用", "滴血的代价", "换", "来", "的", "袅袅", "的", "烟火", "熏染", "着", "坟头", ",", "向上", "熏染", "着", "小树"], ["擦亮", "自己", "的", "眼睛", "不要", "被", "上面", "↑", "的", "给", "忽悠", "了"]], "paragraphs": ["之所以这么有名,从而得到神仙水之名,绝对有独到之处,而且要买到正品,日本本土的自然是最好的,现在网上什么的假货横行,还有就是这个也看个人得吸收了吧,有些人用了效果明显,有些人没效果,", "花香尽揽,诗魂却无,旖旎着脚步来到坟前 那些断肢的花儿就被摆放在了墓碑之前 充当一回膜拜物——用滴血的代价换来的 袅袅的烟火熏染着坟头,向上熏染着小树", "擦亮自己的眼睛不要被上面↑的给忽悠了"], "bs_rank_pos": 2}], "answer_spans": [[13, 59]], "fake_answers": ["神仙水不是爽肤水,而是精华露,需要早、晚洁面,拍上爽肤水后使用。然后将化妆棉浸透神仙水,轻拍脸部约1分钟。翻转化妆棉的另一面,又再重复拍匀脸和颈部1分钟。"], "question": "神仙水使用方法", "segmented_answers": [["SK2", "神仙水", "不是", "爽肤水", "而是", "精华露", ",", "需要", "早", "、", "晚", "洁面", "拍", "爽肤水", "使用", "。", "化妆棉", "浸透", "神仙水", ",", "轻拍", "脸部", "约", "1", "分钟", "。", "翻转", "化妆棉", "另一面", ",", "再", "重复", "拍", "匀", "脸", "和", "颈部", "1", "分钟", "。"], ["四种方法", ":", "1", "用", "棉", "片", "—", "护肤", "精华露", "倒", "棉", "片", "(", "用量", "约", "直径", "112", ".", "5px", ")", "轻拍", "面部", "颈部", "。", "2", "用", "手", "—", "护肤", "精华露", "倒入", "掌心", "(", "用量", "约", "直径", "112", ".", "5px", ")", "轻拍", "面部", "颈部", "。", "3", "照顾", "问题", "肌肤", "—", "护肤", "精华露", "倒", "棉", "片", "(", "用量", "约", "直径", "112", ".", "5px", ")", "2", "张", "棉", "片", "别", "湿敷", "额头", "、", "左", "面颊", "、", "右", "面颊", "、", "下巴", "棉", "片", "停留", "5", "分钟", "轻拍", "面部", "颈部", "4", "面膜纸", "搭配", "护肤", "精华露", "特殊", "护理", "—", "倒入", "护肤", "精华露", "完全", "浸透", "纸", "膜", ",", "面膜纸", "敷", "在", "面部", ",", "让", "面膜", "在", "面部", "停留", "5", "分钟", "后", "涂抹", "均匀", "面部", "精华", "。"]], "answers": ["SK2神仙水不是爽肤水而是精华露,需要早、晚洁面拍爽肤水使用。化妆棉浸透神仙水,轻拍脸部约1分钟。翻转化妆棉另一面,再重复拍匀脸和颈部1分钟。", "四种方法:1用棉片—护肤精华露倒棉片(用量约直径112.5px)轻拍面部颈部。2用手—护肤精华露倒入掌心(用量约直径112.5px)轻拍面部颈部。3照顾问题肌肤—护肤精华露倒棉片(用量约直径112.5px)2张棉片别湿敷额头、左面颊、右面颊、下巴棉片停留5分钟轻拍面部颈部4面膜纸搭配护肤精华露特殊护理—倒入护肤精华露完全浸透纸膜,面膜纸敷在面部,让面膜在面部停留5分钟后涂抹均匀面部精华。"], "answer_docs": [0], "segmented_question": ["神仙水", "使用方法"], "question_type": "DESCRIPTION", "question_id": 27, "fact_or_opinion": "OPINION", "match_scores": [0.8275862068965516]} -{"documents": [{"is_selected": false, "title": "智能家居十大品牌_智能家居公司十强→十大品牌网", "most_related_para": 11, "segmented_title": ["智能家居", "十大", "品牌", "_", "智能家居", "公司", "十", "强", "→", "十大", "品牌", "网"], "segmented_paragraphs": [["海尔", "U", "-", "home", "(", "海尔集团", "公司", ")", "(", "0532", "-", "88939799", ",", "智能化", "产品", "的", "研发", "制造基地", ",", "海尔集团", "在", "物联网", "时代", "推出", "的", "美好", "住", "居", "生活", "解决方案", ",", "青岛海尔", "智能", "家电", "科技", "有限公司", ")", "【", "品牌", "招商", "】", "[", "网点", "8", "]", "[", "新闻", "27", "]", "[", "网店", "3", "]"], ["京东", "微", "联", "(", "北京", "京东", "叁", "佰", "陆", "拾", "度", "电子商务", "有限公司", ")", "(", "京东", "智能", "旗下", "针对", "智能", "硬件", "产品", "专门", "推出", "的", "互联", "开放", "的", "智能", "硬件", "平台", ",", "其", "App", "可以", "控制", "所有", "智能", "设备", "/", "远程管理", "/", "互联互通", ",", "北京", "京东", "叁", "佰", "陆", "拾", "度", "电子商务", "有限公司", ")"], ["华为", "HiLink", "(", "华为", "技术", "有限公司", ")", "(", "400", "-", "830", "-", "8300", ",", "华为", "开发", "的", "智能家居", "开放", "互联", "平台", ",", "致力于", "构建", "以", "智能", "连接", "/", "智能", "联动", "为", "驱动", "的", "完整", "开放", "的", "智慧", "家庭", "生态", "体系", ",", "华为", "技术", "有限公司", ")", "【", "品牌", "招商", "】", "[", "产品", "29", "]", "[", "网点", "1314", "]", "[", "新闻", "163", "]", "[", "网店", "20", "]"], ["阿里", "智能", "(", "阿里巴巴", "集团", "控股", "有限公司", ")", "(", "400", "-", "800", "-", "1688", ",", "阿里巴巴", "旗下", "以", "云计算", "大", "数据", "为", "基础", "的", "一站式", "设备", "智能化", "解决方案", "平台", ",", "涵盖", "智能", "硬件", "模组", "/", "阿里", "智能", "云", "/", "阿里", "智能", "APP", ")"], ["米", "家", "MIJIA", "(", "小米", "科技", "有限责任公司", ")", "(", "400", "-", "100", "-", "5678", ",", "小米", "智能", "家庭", "的", "简称", ",", "小米", "打造", "的", "全新", "生态", "链", "品牌", ",", "以", "智能", "硬件", "为", "主", ",", "涵盖", "硬件", "及", "家庭", "服务", "产品", "的", "用户", "智能", "生活", "整体解决方案", ",", "小米", "科技", "有限责任公司", ")", "[", "产品", "2", "]", "[", "网店", "5", "]"], ["美", "的", "M", "-", "Smart", "(", "美的集团", "股份有限公司", ")", "(", "400", "-", "8899", "-", "315", ",", "美", "的", "智慧", "家居", "发展", "落地", "品牌", ",", "构建", "了", "以", "美居", "APP", "智能", "家电", "管理", "为", "纽带", ",", "旗下", "白", "电", "品类", "互联互通", "的", "家居", "智能化", "立体化解决方案", ",", "美", "的", "智慧", "家居", "科技", "有限公司", ")"], ["杜", "亚", "DOOYA", "(", "宁波", "杜", "亚", "机电", "技术", "有限公司", ")", "(", "400", "-", "005", "-", "8888", ",", "浙江省", "著名商标", ",", "全球", "领先", "的", "智能家居", "及", "门窗", "电机", "制造商", ",", "专业", "的", "管状电机", "生产型", "企业", ",", "宁波", "杜", "亚", "机电", "技术", "有限公司", ")", "【", "品牌", "招商", "】", "[", "网点", "44", "]", "[", "新闻", "1", "]", "[", "网店", "7", "]"], ["河东", "HDL", "(", "广州市", "河东", "智能", "科技", "有限公司", ")", "(", "020", "-", "85521566", ",", "成立", "于", "1985", "年", ",", "以", "专业", "影视", "舞台灯光", "/", "机械", "吊挂", "系统", "闻名", "国内市场", ",", "智能家居", "行业", "影响力", "品牌", ",", "领先", "的", "智能", "照明", "控制", "解决方案", "提供商", ",", "广州市", "河东", "智能", "科技", "有限公司", ")", "[", "网点", "5", "]", "[", "新闻", "27", "]"], ["柯帝", "KOTI", "(", "广东", "聚光", "电子", "科技", "有限公司", ")", "(", "4008", "-", "828", "-", "208", ",", "智能家居", "领域", "较", "大", "的", "企业", ",", "以", "智慧", "生活", "产品", "的", "研发", "及", "运营", "服务", "为", "主", "的", "高科技", "企业", ",", "广东", "聚光", "电子", "科技", "有限公司", ")", "【", "品牌", "招商", "】", "[", "产品", "9", "]", "[", "网点", "6", "]", "[", "新闻", "12", "]", "[", "网店", "3", "]"], ["乐视", "Letv", "(", "乐视", "网", "信息技术", "(", "北京", ")", "股份有限公司", ")", "(", "400", "-", "6550", "-", "196", ",", "乐视", "控股", "旗下", ",", "通过", "以", "乐居", "家", "APP", "/", "智能", "硬件", "云", "平台", "/", "LeLink", "为", "主", "的", "布局", "建立", "起", "\"", "平台", "+", "服务", "+", "应用", "\"", "产业链", ",", "提供", "一站式", "智慧", "家庭", "解决方案", ")", "【", "品牌", "招商", "】", "[", "产品", "18", "]", "[", "网点", "3", "]", "[", "新闻", "24", "]", "[", "网店", "17", "]"], ["以上", "数据", "名单", "由", "几", "十", "项", "数据统计", "计算", "系统", "自动生成", ",", "排序", "不分", "先后", ",", "仅", "提供", "给", "您", "作", "参考", "。", "更多", "智能家居", "行业", "品牌", "等级", ">", ">"], ["和而泰", "HeT", "(", "0755", "-", "86119291", ",", "专业从事", "智能控制器", "技术研发", "/", "产品", "设计", "制造", "的", "高新技术企业", ",", "上市公司", ",", "深圳", "和而泰", "智能控制", "股份有限公司", ")", "和晶", "Hodgen", "(", "0510", "-", "85259797", ",", "专注", "于", "白色家电", "智能控制器", "的", "研发", "生产", "和", "销售", ",", "国内", "最早", "将", "MCU", "应用于", "家电", "智能控制", "领域", "的", "先行者", "之", "一", ",", "无锡", "和晶", "科技", "股份", "有限公司", ")", "英唐", "Yitoa", "(", "0755", "-", "26616688", ",", "国家", "高新技术企业", ",", "荣获", "多", "项", "专利", "技术", ",", "智能控制", "造", "行业", "领先者", ",", "上市公司", ",", "深圳市", "英唐", "智能控制", "股份有限公司", ")", "杜", "亚", "Dooya", "(", "400", "-", "005", "-", "8888", ",", "浙江省", "著名商标", ",", "浙江省", "名牌", "产品", ",", "全球", "领先", "的", "智能家居", "及", "门窗", "电机", "制造商", ",", "宁波", "杜", "亚", "机电", "技术", "有限公司", ")", "拓邦", "(", "0755", "-", "27651888", ",", "广东省", "著名商标", ",", "领先", "的", "智能", "控制", "方案提供商", ",", "产业", "覆盖", "家电", "/", "电源", "/", "安防", "/", "工业自动化", "/", "数码", "电子", "等", "领域", "的", "高新技术企业", ",", "深圳", "拓邦", "股份有限公司", ")", "瑞德", "智能", "(", "0757", "-", "22230920", ",", "国内", "最早", "从事", "家用电器", "控制器", "研发", "/", "制造", "和", "销售", "的", "企业", "之", "一", ",", "国家级", "高新技术企业", ",", "广东", "瑞德", "智能", "科技", "股份", "有限公司", ")", "柯帝", "KOTI", "(", "4008", "-", "828", "-", "208", ",", "智能家居", "领域", "最大", "的", "企业", "之", "一", ",", "以", "智慧", "生活", "产品", "的", "研发", "及", "运营", "服务", "为", "主", "的", "高科技", "企业", ",", "广东", "聚光", "电子", "科技", "有限公司", ")", "快思聪", "(", "0852", "-", "23412016", ",", "世界", "领先", "的", "控制", "和", "自动化", "系统", "/", "创新", "科技", "及", "重塑", "人类", "生活", "和", "工作", "的", "方式", "的", "领航", "厂家", ",", "快思聪", "(", "亚洲", ")", "有限公司", ")"], ["感知", "WSN", "(", "051066687666", ",", "感知", "控股集团", "旗下", ",", "国内", "领先", "的", "物联网", "产业化", "企业", ",", "研", "产", "融", "商用", "深度", "融合", "控股集团", ",", "感知", "技术", "无锡", "有限公司", ")", "京东", "微", "联", "(", "京东", "智能", "旗下", "针对", "智能", "硬件", "产品", "专门", "推出", "的", "互联", "开放", "的", "智能", "硬件", "平台", ",", "其", "App", "可以", "控制", "所有", "智能", "设备", "/", "远程管理", "/", "互联互通", ")", "新大陆", "Newland", "(", "0591", "-", "83979962", ",", "国内", "领先", "的", "集", "物联网", "核心", "技术", "/", "核心", "产品", "/", "行业应用", "和", "商业模式", "创新", "于一身", "的", "综合性", "物联网", "企业", ",", "新大陆", "科技", "集团", "有限公司", ")", "中国", "电", "科", "CETC", "(", "010", "-", "68200821", ",", "中央", "直管", "的", "大型", "军工", "集团", ",", "居于", "物联网", "应用", "系统", "设计", "与", "集成", "能力", "方面", "领先地位", ",", "中国", "电子", "科技", "集团", "公司", ")", "信达", "物", "联", "XINDECO", "(", "0592", "-", "3194688", ",", "专注", "于", "物联网", "RFID", "领域", "系列", "产品", "的", "研发", "制造", "的", "高新技术企业", ",", "物联网", "行业", "较", "具", "发展", "潜力", "品牌", ",", "厦门", "信达", "物", "联", "科技", "有限公司", ")", "航天", "信息", "Aision", "(", "010", "-", "88896666", ",", "中国", "航天", "科", "工", "集团", "控股", ",", "高新技术企业", ",", "以", "信息安全", "为", "核心技术", "的", "国", "有", "上市公司", ",", "航天", "信息", "股份有限公司", ")", "大唐电信", "(", "010", "-", "62303003", ",", "中国", "信息化", "应用", "行业", "领先者", ",", "国内", "领先", "的", "专业", "信息", "产品", "和", "服务提供商", ",", "高新技术企业", ",", "大唐电信", "科技", "产业", "集团", ")", "利尔达", "Lierda", "(", "0571", "-", "88800000", ",", "物联网", "嵌入式", "技术", "解决方案", "领先者", ",", "浙江省", "著名商标", ",", "高新技术企业", ",", "利尔达", "科技", "集团", "股份有限公司", ")", "小米", "MI", "(", "400", "-", "100", "-", "5678", ",", "较", "早", "采用", "互联网", "模式", "开发", "手机", "操作系统", "的", "模式", ",", "以", "智能手机", "为", "主打产品", "的", "国产数码", "巨头", ",", "北京", "小米", "科技", "有限责任公司", ")"]], "paragraphs": ["海尔U-home (海尔集团公司) (0532-88939799,智能化产品的研发制造基地,海尔集团在物联网时代推出的美好住居生活解决方案,青岛海尔智能家电科技有限公司) 【品牌招商】 [网点8] [新闻27] [网店3]", "京东微联 (北京京东叁佰陆拾度电子商务有限公司) (京东智能旗下针对智能硬件产品专门推出的互联开放的智能硬件平台,其App可以控制所有智能设备/远程管理/互联互通,北京京东叁佰陆拾度电子商务有限公司)", "华为HiLink (华为技术有限公司) (400-830-8300,华为开发的智能家居开放互联平台,致力于构建以智能连接/智能联动为驱动的完整开放的智慧家庭生态体系,华为技术有限公司) 【品牌招商】 [产品29] [网点1314] [新闻163] [网店20]", "阿里智能 (阿里巴巴集团控股有限公司) (400-800-1688,阿里巴巴旗下以云计算大数据为基础的一站式设备智能化解决方案平台,涵盖智能硬件模组/阿里智能云/阿里智能APP)", "米家MIJIA (小米科技有限责任公司) (400-100-5678,小米智能家庭的简称,小米打造的全新生态链品牌,以智能硬件为主,涵盖硬件及家庭服务产品的用户智能生活整体解决方案,小米科技有限责任公司) [产品2] [网店5]", "美的M-Smart (美的集团股份有限公司) (400-8899-315,美的智慧家居发展落地品牌,构建了以美居APP智能家电管理为纽带,旗下白电品类互联互通的家居智能化立体化解决方案,美的智慧家居科技有限公司)", "杜亚DOOYA (宁波杜亚机电技术有限公司) (400-005-8888,浙江省著名商标,全球领先的智能家居及门窗电机制造商,专业的管状电机生产型企业,宁波杜亚机电技术有限公司) 【品牌招商】 [网点44] [新闻1] [网店7]", "河东HDL (广州市河东智能科技有限公司) (020-85521566,成立于1985年,以专业影视舞台灯光/机械吊挂系统闻名国内市场,智能家居行业影响力品牌,领先的智能照明控制解决方案提供商,广州市河东智能科技有限公司) [网点5] [新闻27]", "柯帝KOTI (广东聚光电子科技有限公司) (4008-828-208,智能家居领域较大的企业,以智慧生活产品的研发及运营服务为主的高科技企业,广东聚光电子科技有限公司) 【品牌招商】 [产品9] [网点6] [新闻12] [网店3]", "乐视Letv (乐视网信息技术(北京)股份有限公司) (400-6550-196,乐视控股旗下,通过以乐居家APP/智能硬件云平台/LeLink为主的布局建立起\"平台+服务+应用\"产业链,提供一站式智慧家庭解决方案) 【品牌招商】 [产品18] [网点3] [新闻24] [网店17]", "以上数据名单由几十项数据统计计算系统自动生成,排序不分先后,仅提供给您作参考。 更多智能家居行业品牌等级>>", "和而泰HeT (0755-86119291,专业从事智能控制器技术研发/产品设计制造的高新技术企业,上市公司,深圳和而泰智能控制股份有限公司) 和晶Hodgen (0510-85259797,专注于白色家电智能控制器的研发生产和销售,国内最早将MCU应用于家电智能控制领域的先行者之一,无锡和晶科技股份有限公司) 英唐Yitoa (0755-26616688 ,国家高新技术企业,荣获多项专利技术,智能控制造行业领先者,上市公司,深圳市英唐智能控制股份有限公司) 杜亚Dooya (400-005-8888,浙江省著名商标,浙江省名牌产品,全球领先的智能家居及门窗电机制造商,宁波杜亚机电技术有限公司) 拓邦 (0755-27651888,广东省著名商标,领先的智能控制方案提供商,产业覆盖家电/电源/安防/工业自动化/数码电子等领域的高新技术企业,深圳拓邦股份有限公司) 瑞德智能 (0757-22230920,国内最早从事家用电器控制器研发/制造和销售的企业之一,国家级高新技术企业,广东瑞德智能科技股份有限公司) 柯帝KOTI (4008-828-208,智能家居领域最大的企业之一,以智慧生活产品的研发及运营服务为主的高科技企业,广东聚光电子科技有限公司) 快思聪 (0852-23412016,世界领先的控制和自动化系统/创新科技及重塑人类生活和工作的方式的领航厂家,快思聪(亚洲)有限公司)", "感知WSN (051066687666,感知控股集团旗下,国内领先的物联网产业化企业,研产融商用深度融合控股集团,感知技术无锡有限公司) 京东微联 (京东智能旗下针对智能硬件产品专门推出的互联开放的智能硬件平台,其App可以控制所有智能设备/远程管理/互联互通) 新大陆Newland (0591-83979962,国内领先的集物联网核心技术/核心产品/行业应用和商业模式创新于一身的综合性物联网企业,新大陆科技集团有限公司) 中国电科CETC (010-68200821,中央直管的大型军工集团,居于物联网应用系统设计与集成能力方面领先地位,中国电子科技集团公司) 信达物联XINDECO (0592-3194688,专注于物联网RFID领域系列产品的研发制造的高新技术企业,物联网行业较具发展潜力品牌,厦门信达物联科技有限公司) 航天信息Aision (010-88896666,中国航天科工集团控股,高新技术企业,以信息安全为核心技术的国有上市公司,航天信息股份有限公司) 大唐电信 (010-62303003,中国信息化应用行业领先者,国内领先的专业信息产品和服务提供商,高新技术企业,大唐电信科技产业集团) 利尔达Lierda (0571-88800000,物联网嵌入式技术解决方案领先者,浙江省著名商标,高新技术企业,利尔达科技集团股份有限公司) 小米MI (400-100-5678,较早采用互联网模式开发手机操作系统的模式,以智能手机为主打产品的国产数码巨头,北京小米科技有限责任公司)"], "bs_rank_pos": 0}, {"is_selected": true, "title": "智能家居十大品牌_智能家居十大品牌排行榜_智能家居品牌排行_中洁网", "most_related_para": 6, "segmented_title": ["智能家居", "十大", "品牌", "_", "智能家居", "十大", "品牌", "排行榜", "_", "智能家居", "品牌", "排行", "_", "中", "洁", "网"], "segmented_paragraphs": [["上榜", "理由", ":", "海尔", "厨房设施", "有限公司", "成立", "于", "1997", "年", ",", "依托", "海尔集团", "位", "居", "世界", "白", "电", "四强", "、", "中国", "家电", "第一品牌", "的", "实力", "及", "品牌优势", ",", "致力于", "为", "消费者", "提供", "世界", "同步", "的", "高品质", "厨房", "生活", "。", "成套", "引进", "欧洲", "先进", "技术", "和", "设备", ",", "建成", "世界", "一", "流", "、", "亚洲", "领先", "的", "数字化", "厨房", "生", ".", ".", "."], ["★", "索", "博", "智能", "索", "博", "因", "在", "智能家居", "和", "电力线", "通讯", "领域", "的", "不断创新", "和", "领导", "地位", "而", "闻名", "世界", "。", "在", "智能", "家", "专家点评", "|", "怎么样", "上榜", "理由", ":", "索", "博", "因", "在", "智能家居", "和", "电力线", "通讯", "领域", "的", "不断创新", "和", "领导", "地位", "而", "闻名", "世界", "。", "在", "智能家居", "远景", "的", "激励", "下", ",", "索", "博", "员工", "致力于", "帮助", "您", "与", "所想", "和", "所需", "的", "人", "实现", "简捷", "的", "而", "真", "智能", "的", "智能家居", "。", "我们", "通过", "向", "您", "提供", "最佳", "的", "产品", "、", "最好", "的", "体验", "、", "强大", "的", "销售", ".", ".", ".", "最新新闻", ":", "回顾", "米兰", "时间", "—", "—", "揭秘", "劳芬", "设计", "之", "S", "韩庚", "领衔", "红", "到", "爆", "Super", "Junior", "家"], ["★", "安居宝", "门禁", "广东", "安居宝", "数码", "科技", "股份", "有限公司", "是", "一", "家", "集", "研发", "、", "生产", "、", "销售", "、", "服务", "为", "一体", "的", "高科技", "专家点评", "|", "怎么样", "上榜", "理由", ":", "广东", "安居宝", "数码", "科技", "股份", "有限公司", "是", "一", "家", "集", "研发", "、", "生产", "、", "销售", "、", "服务", "为", "一体", "的", "高科技", "企业", "。", "经过多年", "的", "稳定发展", ",", "已", "成长", "为", "具有", "较", "强", "自主研发", "和", "技术", "创新能力", "且", "经营", "业绩", "稳定增长", "的", "上市公司", "(", "股票代码", "为", ":", "300155", ")", "。", "公司", "位于", "广州市", "高新", ".", ".", "."], ["☆", "霍尼韦尔", "霍尼韦尔", "国际", "(", "Honeywell", "International", ")", "是", "一", "家", "营业额", "达", "300", "多", "亿", "美元", "的", "多元化", "高", "专家点评", "|", "怎么样", "上榜", "理由", ":", "霍尼韦尔", "国际", "(", "Honeywell", "International", ")", "是", "一", "家", "营业额", "达", "300", "多", "亿", "美元", "的", "多元化", "高科技", "和", "制造", "企业", ",", "在", "全球", ",", "其", "业务", "涉及", ":", "航空", "产品", "和", "服务", ",", "楼宇", "、", "家庭", "和", "工业控制", "技术", ",", "汽车", "产品", ",", "涡轮增压器", ",", "以及", "特殊", "材料", "。", "霍尼韦尔", "公司", "总部", "位于", "美", ".", ".", ".", "最新新闻", ":", "天津", "霍尼韦尔", "防盗报警器", "代理", ",", "批"], ["☆", "瑞", "讯", "智能", "瑞", "讯", "科技", "(", "亚洲", ")", "有限公司", ",", "总部", "在", "香港", ",", "主要", "致力于", "通讯", "与", "智能控制", "领域", "的", "产品", "研究", "专家点评", "|", "怎么样", "上榜", "理由", ":", "瑞", "讯", "科技", "(", "亚洲", ")", "有限公司", ",", "总部", "在", "香港", ",", "主要", "致力于", "通讯", "与", "智能控制", "领域", "的", "产品", "研究", "与", "开发", ";", "上海", "瑞", "讯", "通讯", "服务", "有限公司", "作为", "中国", "市场", "的", "营销", "总部", "以及", "亚太", "生产基地", ",", "创建", "于", "一", "九", "九", "六", "年", ",", "坐落", "于", "上海", "浦东", "康桥", "工业园区", ",", "专业从事", "通讯", "和", ".", ".", "."], ["☆", "LG", "电子", "智能", "LG", "(", "LG", "Electronics", ")", "是", "在", "消费类", "电子产品", "、", "移动通信", "产品", "和", "家用电器", "领域", "内", "的", "全球", "专家点评", "|", "怎么样", "上榜", "理由", ":", "LG", "(", "LG", "Electronics", ")", "是", "在", "消费类", "电子产品", "、", "移动通信", "产品", "和", "家用电器", "领域", "内", "的", "全球", "领先者", "和", "技术创新", "者", "。", "LG", "电子", "以", "时尚", "设计", "和", "智能", "科技", "为", "理念", ",", "为", "消费者", "创造", "更美好", "的", "生活", "。", "LG", "电子", "自", "1958", "年", "成立", "以来", ",", "在", "50", "多", "年", "的", "时间", "里", ",", "通过", "不断", "的", ".", ".", ".", "最新新闻", ":", "粮", "夏", "机械", "提供", "最好", "的", "LGJ", "500", "-", "1000", "钰恒", "LGCN", "计数", "桌", "秤", "/", "电子", "计数", "桌", "秤"], ["☆", "波", "创", "智能", "深圳", "市", "新", "和", "创", "智能", "科技", "有限公司", "(", "深圳", "市", "波", "创", "科技", "发展", "有限公司", ")", "作为", "国家级", "高新技", "专家点评", "|", "怎么样", "上榜", "理由", ":", "深圳", "市", "新", "和", "创", "智能", "科技", "有限公司", "(", "深圳", "市", "波", "创", "科技", "发展", "有限公司", ")", "作为", "国家级", "高新技术企业", ",", "是", "最早", "推出", "数字化", "智能家居", "产品", "的", "高科技", "企业", ",", "作为", "全球", "专业", "的", "家居", "智能化", "、", "社区", "智能化", "的", "产品", "制造商", "和", "方案", "供应商", ",", "新", "和", "创", "智能", "科技", "为", "全球", ".", ".", ".", "最新新闻", ":", "宁波", "创建", "节水", "型", "企业", "昨", "起", "全面推开"], ["☆", "罗格朗", "-", "视得安", "智能", "视得安", "罗格朗", "公司", "是", "罗格朗", "集团", "旗下", "子", "公司", ",", "其", "主营业务", "是", "在", "中国", "生产", "、", "销售", "楼宇", "对", "专家点评", "|", "怎么样", "上榜", "理由", ":", "视得安", "罗格朗", "公司", "是", "罗格朗", "集团", "旗下", "子", "公司", ",", "其", "主营业务", "是", "在", "中国", "生产", "、", "销售", "楼宇对讲系统", "及", "产品", "。", "作为", "罗格朗", "集团", "的", "一部分", ",", "我们", "在", "日常", "的", "言行", "中", "严格", "遵循", "集团", "4", "个", "核心价值观", ":", "创新", "、", "职业道德", "、", "资源", "增值", ",", "以及", "关注", "客户", "。", "目前", ",", "视得安", ".", ".", "."], ["☆", "柯帝", "智能", "广州", "市", "聚晖", "电子", "科技", "有限公司", "成立", "于", "2004", "年", ",", "是", "一", "家", "专门", "从事", "数字城市", "、", "数字", "社区", "、", "专家点评", "|", "怎么样", "上榜", "理由", ":", "广州", "市", "聚晖", "电子", "科技", "有限公司", "成立", "于", "2004", "年", ",", "是", "一", "家", "专门", "从事", "数字城市", "、", "数字", "社区", "、", "数字", "酒店", "、", "数字家庭", "的", "核心技术", "及", "智能化", "产品", "的", "研发", "、", "生产", "及", "销售", "的", "综合性", "高科技", "企业", ",", "致力于", "为", "客户", "提供", "各种", "先进", "的", "智能化", "解决方案", "和", "服务", ",", "是", "目前", ".", ".", "."], ["☆", "快思聪", "智能", "美国", "快思聪", "(", "CRESTRON", ")", "总部", "设立", "于", "美国", "新泽西", "Rockleigh", "拥有", "五", "万", "平方尺", "的", "现代化", "专家点评", "|", "怎么样", "上榜", "理由", ":", "美国", "快思聪", "(", "CRESTRON", ")", "总部", "设立", "于", "美国", "新泽西", "Rockleigh", "拥有", "五", "万", "平方尺", "的", "现代化", "设备", ",", "是", "快思聪", "集团", "的", "销售", "、", "推广", "、", "财务", "及", "技术中心", "。", "而", "于", "新泽西", "Cress", "kill", "的", "生产厂房", "亦", "已", "扩展", "至", "五", "万", "平方尺", ",", "为", "全球", "供应", "先进", "的", "遥控", "设备", "。", "快思聪", "在", "洛", ".", ".", "."], ["中国", "五金", "卫浴", "十大", "品牌", "中国", "陶瓷", "卫浴", "十大", "品牌", "中国", "休闲", "卫浴", "十大", "品牌", "中国", "智能", "卫浴", "十大", "品牌", "中国", "马桶", "十大", "品牌", "中国", "水龙头", "十大", "品牌", "中国", "浴室柜", "十大", "品牌", "中国", "淋浴房", "十大", "品牌", "中国", "花洒", "十大", "品牌", "中国", "水槽", "十大", "品牌", "中国", "五金", "挂件", "十大", "品牌", "中国", "浴缸", "十大", "品牌", "中国", "面盆", "十大", "品牌", "中国", "橱柜", "十大", "品牌", "电热水龙头", "专业", "品牌", "不锈钢", "水龙头", "专业", "品牌", "卫浴", "软管", "专业", "品牌", "世界", "卫浴", "十大", "品牌", "世界", "卫浴", "十大", "奢侈", "品牌", "世界", "五金", "卫浴", "十大", "品牌", "世界", "陶瓷", "卫浴", "十大", "品牌", "美国", "卫浴", "十大", "品牌", "世界", "浴缸", "十大", "品牌", "世界", "水槽", "十大", "品牌", "中国", "十大", "阀芯", "供应商", "中国", "十大", "软管", "供应商"], ["卫浴", "十大", "品牌", "新", "榜", "上线", "全新改版", "更专业", "!", "更", "实用", "!"], ["更多", "品牌", "热销", "资讯"], ["★", "霍尼韦尔", "霍尼韦尔", "国际", "(", "Honeywell", "International", ")", "是", "一", "家", "营业额", "达", "300", "多", "亿", "美元", "的", "多元化", "高", "专家点评", "|", "怎么样", "上榜", "理由", ":", "霍尼韦尔", "国际", "(", "Honeywell", "International", ")", "是", "一", "家", "营业额", "达", "300", "多", "亿", "美元", "的", "多元化", "高科技", "和", "制造", "企业", ",", "在", "全球", ",", "其", "业务", "涉及", ":", "航空", "产品", "和", "服务", ",", "楼宇", "、", "家庭", "和", "工业控制", "技术", ",", "汽车", "产品", ",", "涡轮增压器", ",", "以及", "特殊", "材料", "。", "霍尼韦尔", "公司", "总部", "位于", "美", ".", ".", ".", "最新新闻", ":", "天津", "霍尼韦尔", "防盗报警器", "代理", ",", "批"], ["★", "三星", "监控", "三星", "TECH", "WIN", "成立", "于", "1977", "年", ",", "是", "韩国", "三星集团", "专业从事", "光学", "、", "航空", "、", "精密仪器", "以及", "军工", "专家点评", "|", "怎么样", "上榜", "理由", ":", "三星", "TECH", "WIN", "成立", "于", "1977", "年", ",", "是", "韩国", "三星集团", "专业从事", "光学", "、", "航空", "、", "精密仪器", "以及", "军工", "产品", "等", "事业", "的", "集团", "子公司", ",", "到", "目前", "己", "有", "32", "年", "的", "特殊", "行业", "经验", ",", "积累", "了", "雄厚", "的", "光学", "及", "数码影像", "技术", "开发", "能力", ",", "独立开发", "了", "消除", "映像", "噪点", "的", "SSNR", "芯片", "、", "多", "用", ".", ".", ".", "最新新闻", ":", "三星", "黑科技", "吸", "地", "机器人", "引领", "智能", "三星", "全力打造", "智能家居", "生活"], ["★", "海康威视", "监控", "海康威视", "是", "领先", "的", "安防产品", "及", "行业", "解决方案", "提供商", ",", "致力于", "不断", "提升", "视频", "处理", "技术", "专家点评", "|", "怎么样", "上榜", "理由", ":", "海康威视", "是", "领先", "的", "安防产品", "及", "行业", "解决方案", "提供商", ",", "致力于", "不断", "提升", "视频", "处理", "技术", "和", "视频", "分析", "技术", ",", "面向", "全球", "提供", "领先", "的", "安防产品", "、", "专业", "的", "行业解决方案", "与", "优质", "的", "服务", ",", "为", "客户", "持续", "创造", "更大", "价值", "。", "海康威视", "拥有", "业", "内", "领先", "的", "自主", "核心", ".", ".", "."], ["☆", "大华", "监控", "大华", "股份", "是", "领先", "的", "监控", "产品", "供应商", "和", "解决方案", "服务商", ",", "面向", "全球", "提供", "领先", "的", "视频", "存", "专家点评", "|", "怎么样", "上榜", "理由", ":", "大华", "股份", "是", "领先", "的", "监控", "产品", "供应商", "和", "解决方案", "服务商", ",", "面向", "全球", "提供", "领先", "的", "视频", "存储", "、", "前端", "、", "显示", "控制", "和", "智能交通", "等", "系列化", "产品", "。", "公司", "自", "2001", "年", "推出", "业", "内", "首", "台", "自主研发", "8", "路", "嵌入式", "DVR", "以来", ",", "一直", "持续", "加大", "研发", "投入", "和", "不断", "致力于", "技术创新", ".", ".", ".", "最新新闻", ":", "徐州", "优惠", "的", "大华", "玻璃制品", "供应", "哪有", "优秀", "的", "徐州", "大华", "玻璃", "制品", "有限"], ["☆", "索尼", "监控", "SONY", "索尼", "是", "横跨", "电子", "3C", "、", "游戏", "、", "金融", "、", "娱乐", "领域", "的", "世界", "巨擘", ",", "拥有", "世界", "屈指", "的", "品牌", "影响", "专家点评", "|", "怎么样", "上榜", "理由", ":", "SONY", "索尼", "是", "横跨", "电子", "3C", "、", "游戏", "、", "金融", "、", "娱乐", "领域", "的", "世界", "巨擘", ",", "拥有", "世界", "屈指", "的", "品牌", "影响力", "。", "SONY", "创立", "于", "1946", "年", "5", "月", ",", "由", "拥有", "技术", "研发", "背景", "的", "井深大", "与", "擅长", "公关", "、", "营销", "的", "盛田昭夫", "共同", "创办", "。", "公司", "原名", "「", "东京", "通信", "工业", "株式会社", "」", ",", "在", "逐渐", "迈入", "国", ".", ".", ".", "最新新闻", ":", "坐标", "东京", "索尼", "将", "开设", "第", "一", "家", "快闪", "索尼", "超", "高清", "高速", "摄像机", "FDR", "-", "AX100E"]], "paragraphs": ["上榜理由:海尔厨房设施有限公司成立于1997年,依托海尔集团位居世界白电四强、中国家电第一品牌的实力及品牌优势,致力于为消费者提供世界同步的高品质厨房生活。成套引进欧洲先进技术和设备,建成世界一流、亚洲领先的数字化厨房生...", "★ 索博智能 索博因在智能家居和电力线通讯领域的不断创新和领导地位而闻名世界。在智能家 专家点评| 怎么样 上榜理由:索博因在智能家居和电力线通讯领域的不断创新和领导地位而闻名世界。在智能家居远景的激励下,索博员工致力于帮助您与所想和所需的人实现简捷的而真智能的智能家居。我们通过向您提供最佳的产品、最好的体验、强大的销售... 最新新闻: 回顾米兰时间——揭秘劳芬设计之S 韩庚领衔 红到爆Super Junior家", "★ 安居宝门禁 广东安居宝数码科技股份有限公司是一家集研发、生产、销售、服务为一体的高科技 专家点评| 怎么样 上榜理由:广东安居宝数码科技股份有限公司是一家集研发、生产、销售、服务为一体的高科技企业。经过多年的稳定发展,已成长为具有较强自主研发和技术创新能力且经营业绩稳定增长的上市公司(股票代码为:300155)。公司位于广州市高新...", "☆ 霍尼韦尔 霍尼韦尔国际(Honeywell International)是一家营业额达300多亿美元的多元化高 专家点评| 怎么样 上榜理由:霍尼韦尔国际(Honeywell International)是一家营业额达300多亿美元的多元化高科技和制造企业,在全球,其业务涉及:航空产品和服务,楼宇、家庭和工业控制技术,汽车产品,涡轮增压器,以及特殊材料。霍尼韦尔公司总部位于美... 最新新闻: 天津霍尼韦尔防盗报警器代理,批", "☆ 瑞讯智能 瑞讯科技(亚洲)有限公司,总部在香港,主要致力于通讯与智能控制领域的产品研究 专家点评| 怎么样 上榜理由:瑞讯科技(亚洲)有限公司,总部在香港,主要致力于通讯与智能控制领域的产品研究与开发;上海瑞讯通讯服务有限公司作为中国市场的营销总部以及亚太生产基地,创建于一九九六年,坐落于上海浦东康桥工业园区,专业从事通讯和...", "☆ LG电子智能 LG(LG Electronics)是在消费类电子产品、移动通信产品和家用电器领域内的全球 专家点评| 怎么样 上榜理由:LG(LG Electronics)是在消费类电子产品、移动通信产品和家用电器领域内的全球领先者和技术创新者。LG电子以时尚设计和智能科技为理念,为消费者创造更美好的生活。 LG电子自1958年成立以来,在50多年的时间里,通过不断的... 最新新闻: 粮夏机械提供最好的LGJ500-1000 钰恒LGCN计数桌秤/电子计数桌秤", "☆ 波创智能 深圳市新和创智能科技有限公司(深圳市波创科技发展有限公司)作为国家级高新技 专家点评| 怎么样 上榜理由:深圳市新和创智能科技有限公司(深圳市波创科技发展有限公司)作为国家级高新技术企业,是最早推出数字化智能家居产品的高科技企业,作为全球专业的家居智能化、社区智能化的产品制造商和方案供应商,新和创智能科技为全球... 最新新闻: 宁波创建节水型企业昨起全面推开", "☆ 罗格朗-视得安智能 视得安罗格朗公司是罗格朗集团旗下子公司,其主营业务是在中国生产、销售楼宇对 专家点评| 怎么样 上榜理由:视得安罗格朗公司是罗格朗集团旗下子公司,其主营业务是在中国生产、销售楼宇对讲系统及产品。作为罗格朗集团的一部分,我们在日常的言行中严格遵循集团4个核心价值观:创新、职业道德、资源增值,以及关注客户。目前,视得安...", "☆ 柯帝智能 广州市聚晖电子科技有限公司成立于2004年,是一家专门从事数字城市、数字社区、 专家点评| 怎么样 上榜理由:广州市聚晖电子科技有限公司成立于2004年,是一家专门从事数字城市、数字社区、数字酒店、数字家庭的核心技术及智能化产品的研发、生产及销售的综合性高科技企业,致力于为客户提供各种先进的智能化解决方案和服务,是目前...", "☆ 快思聪智能 美国快思聪(CRESTRON)总部设立于美国新泽西Rockleigh拥有五万平方尺的现代化 专家点评| 怎么样 上榜理由:美国快思聪(CRESTRON)总部设立于美国新泽西Rockleigh拥有五万平方尺的现代化设备,是快思聪集团的销售、推广、财务及技术中心。而于新泽西Cresskill的生产厂房亦已扩展至五万平方尺,为全球供应先进的遥控设备。快思聪在洛...", "中国五金卫浴十大品牌 中国陶瓷卫浴十大品牌 中国休闲卫浴十大品牌 中国智能卫浴十大品牌 中国马桶十大品牌 中国水龙头十大品牌 中国浴室柜十大品牌 中国淋浴房十大品牌 中国花洒十大品牌 中国水槽十大品牌 中国五金挂件十大品牌 中国浴缸十大品牌 中国面盆十大品牌 中国橱柜十大品牌 电热水龙头专业品牌 不锈钢水龙头专业品牌 卫浴软管专业品牌 世界卫浴十大品牌 世界卫浴十大奢侈品牌 世界五金卫浴十大品牌 世界陶瓷卫浴十大品牌 美国卫浴十大品牌 世界浴缸十大品牌 世界水槽十大品牌 中国十大阀芯供应商 中国十大软管供应商", "卫浴十大品牌新榜上线 全新改版 更专业!更实用!", "更多品牌热销资讯", "★ 霍尼韦尔 霍尼韦尔国际(Honeywell International)是一家营业额达300多亿美元的多元化高 专家点评| 怎么样 上榜理由:霍尼韦尔国际(Honeywell International)是一家营业额达300多亿美元的多元化高科技和制造企业,在全球,其业务涉及:航空产品和服务,楼宇、家庭和工业控制技术,汽车产品,涡轮增压器,以及特殊材料。霍尼韦尔公司总部位于美... 最新新闻: 天津霍尼韦尔防盗报警器代理,批", "★ 三星监控 三星TECHWIN成立于1977年,是韩国三星集团专业从事光学、航空、精密仪器以及军工 专家点评| 怎么样 上榜理由:三星TECHWIN成立于1977年,是韩国三星集团专业从事光学、航空、精密仪器以及军工产品等事业的集团子公司,到目前己有32年的特殊行业经验,积累了雄厚的光学及数码影像技术开发能力,独立开发了消除映像噪点的SSNR芯片、多用... 最新新闻: 三星黑科技吸地机器人 引领智能 三星全力打造智能家居生活", "★ 海康威视监控 海康威视是领先的安防产品及行业解决方案提供商,致力于不断提升视频处理技术 专家点评| 怎么样 上榜理由:海康威视是领先的安防产品及行业解决方案提供商,致力于不断提升视频处理技术和视频分析技术,面向全球提供领先的安防产品、专业的行业解决方案与优质的服务,为客户持续创造更大价值。海康威视拥有业内领先的自主核心...", "☆ 大华监控 大华股份是领先的监控产品供应商和解决方案服务商,面向全球提供领先的视频存 专家点评| 怎么样 上榜理由:大华股份是领先的监控产品供应商和解决方案服务商,面向全球提供领先的视频存储、前端、显示控制和智能交通等系列化产品。公司自2001年推出业内首台自主研发8路嵌入式DVR以来,一直持续加大研发投入和不断致力于技术创新... 最新新闻: 徐州优惠的大华玻璃制品供应 哪有优秀的徐州大华玻璃制品有限", "☆ 索尼监控 SONY索尼是横跨电子3C、游戏、金融、娱乐领域的世界巨擘,拥有世界屈指的品牌影响 专家点评| 怎么样 上榜理由:SONY索尼是横跨电子3C、游戏、金融、娱乐领域的世界巨擘,拥有世界屈指的品牌影响力。SONY创立于1946年5月,由拥有技术研发背景的井深大与擅长公关、营销的盛田昭夫共同创办。公司原名「东京通信工业株式会社」,在逐渐迈入国... 最新新闻: 坐标东京 索尼将开设第一家快闪 索尼超高清高速摄像机FDR-AX100E"], "bs_rank_pos": 1}, {"is_selected": true, "title": "最新智能家居十大品牌排名(附选择技巧)-土巴兔装修大学", "most_related_para": 15, "segmented_title": ["最新", "智能家居", "十大", "品牌", "排名", "(", "附", "选择", "技巧", ")", "-", "土巴兔", "装修", "大学"], "segmented_paragraphs": [["微信", "加", "好友", "获取", "详细", "报价"], ["装修", "顾问", "-", "馨馨", "4", "年", "行业", "经验", ",", "24", "h", "可", "咨询"], ["10", "秒", "闪电", "通过", "好友"], ["报价", "短信", "已", "发送", "到", "您", "的", "手机"], ["因", "材料", "品牌", "及", "工程", "量", "不同", ",", "具体", "报价", "以量房", "实测", "为准"], ["稍候", "装修", "管家", "将", "回", "电", "您", ",", "免费", "提供", "装修", "咨询服务"], ["您", "的", "装修预算", "约", "?", "万", "元"], ["装修", "管家", "将", "回", "电", "您", ",", "免费", "提供", "装修", "咨询服务"], ["装修", "怕", "上", "当", "?", "问问", "靠谱", "的", "人"], ["(", "四", "年", "装修", "行业", "经验", ")"], ["1", ".", "您", "家", "的", "房屋", "现状", "是", ":", "2", ".", "您", "家", "准备", "什么", "时候开始", "装修", ":", "3", ".", "您", "家", "小区", "名称", ":"], ["请", "选择", "您", "家", "的", "装修", "时间"], ["微信", "手机", "看", "本", "文", "更多", "装修", "流程", "、", "装修", "风水", "随时", "看"], ["很多人", "都", "喜欢", "看", "好莱坞", "科技", "大片", ",", "在", "一些", "科技", "大片", "里面", "很多", "主角", "的", "家里", "都是", "非常", "智能", "的", ",", "比如", "早上", "还", "没", "起床", "早餐", "就", "煮", "好", "了", ",", "出门", "空调", "电灯", "会", "自己", "关掉", ",", "有", "敌人", "进门", "还会", "自动", "报警", "等等", ",", "让", "我们", "都", "羡慕不已", ",", "都", "希望", "自己", "的", "家里", "也", "这样", ",", "其实", "这些", "通过", "智能家居", "也", "可以", "做到", "的", "。", "随着", "生活水平", "的", "提高", "很多人", "也", "开始", "把", "自己", "的", "家居装修", "成", "智能型", "的", ",", "今天", "我们", "来", "看看", "市面上", "智能家居", "十大", "品牌", "排名", "情况", ",", "以及", "我们", "该", "如何", "选择", "这些", "品牌", "产品", "等", "。"], ["智能家居", "十大", "品牌", "排名", ":"], ["1", "、", "海尔", "u", "-", "home", ":", "隶属于", "海尔集团", ",", "全球", "智能化", "产品", "的", "研发", "制造基地", ",", "中国", "最具", "价值", "品牌", "之", "一", ",", "青岛海尔", "智能", "家电", "科技", "有限公司", "。", "2", "、", "索博", ":", "世界", "智能家居", "为数不多", "集", "标准", "智能家居", "协议", "与", "产品", "生产", "的", "企业", "之", "一", ",", "世界", "品牌", ",", "上海", "索", "博", "智能", "电子", "有限公司", "。", "3", "、", "快思聪", ":", "世界", "领先", "的", "控制", "和", "自动化", "系统", "/", "创新", "科技", "及", "重塑", "人类", "生活", "和", "工作", "的", "方式", "的", "领航", "厂家", ",", "快思聪", "(", "亚洲", ")", "有限公司", "。", "4", "、", "霍尼韦尔", "智能家居", ":", "家庭", "自动化", "控制系统", "领先", "企业", ",", "世界", "最大", "的", "电子", "保安", "系列", "产品", "制造商", "之", "一", ",", "霍尼韦尔", "安防", "(", "中国", ")", "有限公司", "。"], ["5", "、", "安居宝", ":", "高新技术企业", ",", "安防", "领域", "及", "智能家居", "领域", "最", "重要", "集成", "生产商", "之", "一", ",", "广东", "安居宝", "数码", "科技", "股份", "有限公司", "。"], ["6", "、", "瑞", "讯", ":", "致力于", "通讯", "与", "智能控制", "领域", "的", "产品", "研究", "与", "开发", ",", "具有", "较", "大", "影响力", "智能家居", "品牌", ",", "瑞", "讯", "科技", "(", "亚洲", ")", "有限公司", "。"], ["7", "、", "施耐德", "Schneider", ":", "拥有", "170", "多", "年", "的", "辉煌", "历史", ",", "全球", "能效", "管理", "专家", ",", "专业从事", "电力", "与", "自动化", "管理", "业", ",", "施耐德电气", "(", "中国", ")", "有限公司", "。"], ["8", "、", "罗格朗", "-", "视得安", ":", "隶属", "罗格朗", "集团", ",", "智能家居", "十大", "品牌", ",", "广东省", "高新技术企业", ",", "合资企业", ",", "深圳", "市", "视得安", "罗格朗", "电子", "股份有限公司", "。"], ["9", "、", "波", "创", ":", "最早", "推出", "数字化", "智能家居", "产品", "的", "高科技", "企业", "之", "一", ",", "安防", "最具", "影响力", "品牌", "之", "一", ",", "深圳", "市", "新", "和", "创", "智能", "科技", "有限公司", "。"], ["10", "、", "KOTI", "柯帝", ":", "智能家居", "领域", "最大", "的", "企业", "之", "一", ",", "知名品牌", ",", "高新技术企业", ",", "行业标准", "制定", "单位", ",", "广州", "市", "聚晖", "电子", "科技", "有限公司", "。"], ["智能家居", "选购技巧", ":"], ["1", "、", "节能环保", "基于", "计算机技术", "和", "自动化", "技术", ",", "智能家居", "系统", "还", "可以", "在", "物业管理", "、", "消防", "、", "水", "、", "电", "、", "煤", "等", "方面", "提供", "多方位", "的", "服务", "。", "市面上", "很多", "品牌", "企业", "都", "说", "自己", "的", "智能家居", "产品", "可以", "营造", "一", "个", "节能环保", "的", "环境", ",", "那么", "是否", "真", "的", "可以", "做到", "节能", "呢", "?", "比如说", "智能家居", "系统", "是否", "可以", "做到", "电源", "控制", "管理", "等等", ",", "这些", "一定要", "了解", "清楚", ",", "如果", "做不到", "还", "怎么", "节能", "。", "2", "、", "远程控制", "数字化", "产品", "的", "优势", "是", ":", "技术", "上", "采用", "嵌入式", "技术", ",", "硬件", "功能", "更强大", ",", "软件开发", "更灵活", ",", "系统", "更加", "稳定", ",", "采用", "标准", "的", "以太网", "架构", ",", "联网", "更", "简单", "。", "作为", "一", "个", "家庭", "的", "智能控制中心", ",", "把", "家电", "控制", "、", "家庭", "安防", "和", "监控", "、", "家庭", "信息", "终端", "以及", "家庭", "数字", "娱乐", "都", "整合", "到", "一起", "。", "因此", ",", "在", "选择", "时", "要", "注意", "检验", "是否", "可以", "通过", "Internet", "来", "访问", "智能终端", ",", "并", "操作", "体验", "。", "3", "、", "功能", "是否", "集成", "智能家居", "是", "对", "家庭", "设备", "的", "集中", "统一", "控制", ",", "核心", "应该", "是", "有", "一", "个", "通讯协议", ",", "一", "个", "系统平台", ",", "一", "个", "解决方案", ",", "相当于", "电脑", "的", "操作系统", "。", "而", "对应", "的", "具体", "产品", ",", "如", "安防产品", "、", "监控", "产品", "、", "灯", "控", "产品", "、", "多媒体", "产品", "等", ",", "都是", "可以", "集成", "在", "这", "一", "个", "系统", "上", ",", "通过", "系统", "的", "通讯协议", ",", "使", "各", "个子", "系统", "相互", "连接", ",", "信息", "可以", "互通", ",", "操作", "上", "可以", "相互", "控制", "。", "所以", "选购", "时", "要", "作", "详细", "的", "分析", ",", "品牌产品", "的", "兼容性", "好不好", ",", "就", "目前", "的", "技术", "来", "说", "进口", "品牌", "在", "楼宇自动化", "控制", "方面", "积累", "了", "一定", "的", "经验", ",", "与", "国产品比较", ",", "还是", "高", "出", "一", "个", "档次", "的", "。", "4", "、", "系统", "是否", "简洁", "智能家居", "系统", ",", "大", "都是", "房屋装修", "设计", "的", "时候", "就要", "考虑", "进去", "的", ",", "与", "家居", "布线", "同时", "进行", ",", "实现", "相同", "的", "功能", ",", "需要", "配置", "的", "系统", "越", "简单", ",", "系统", "的", "集成度", "也", "就", "越", "高", ",", "技术含量", "也", "越", "高", ",", "后期", "使用", "也", "越", "简单方便", "。", "5", "、", "售后服务", "对", "智能家居", "系统", "来", "说", "服务", "都是", "少不了", "的", ",", "尤其", "是", "售后服务", ",", "所以", "选择", "产品", "时", "要", "做", "充分", "的", "了解", ",", "看", "服务", "是否", "到位", ",", "再选择", "恰当", "的", "产品", ",", "切", "不可", "把", "重点", "放在", "追求", "时髦", "、", "先进", "、", "绚丽", "的", "功能", "和", "外表", "上", "。", "认知", "三大误区", ":"], ["1", ".", "有线", "无线", "区别", "大", "国内外", "智能家居", "企业", "鱼龙混杂", ",", "相关", "智能控制", "技术", "参差不齐", ",", "传统", "智能家居", "采用", "有线", "技术", ",", "布线", "复杂", ",", "造价", "昂贵", ",", "且", "用户体验", "度", "非常", "不好", "。", "新一代", "物联网", "技术", "的", "智能家居", ",", "利用", "无线", "传感", "技术", ",", "结合", "目前", "最", "火", "热", "的", "移动互联网", "技术", ",", "采用", "智能终端", "远程控制", ",", "使", "整个", "使用", "体验", "的", "舒适度", "明显", "地", "提升", "了", "上去", "。", "相关", "专家", "表示", ",", "有线", "控制", "面临", "消亡", ",", "无线", "控制", "由于", "其", "免", "布线", ",", "移动性强", ",", "升级", "方便", "等", "特点", "迅速", "受到", "市场", "的", "欢迎", ",", "更", "符合", "智能化", "的", "需求", "和", "趋势", "。", "不过", ",", "有", "一些", "成熟", "的", "智能家居", "企业", "利用", "无线", "的", "优势", ",", "推出", "的", "只", "具有", "单向", "控制", "信号", "的", "无线", "智能家居", ",", "非常", "适合", "市场", "的", "需求", ",", "因此", "一些", "传统", "的", "低压开关", "厂家", "也", "纷纷", "进入", ",", "TCL", "、", "飞雕", "等等", ",", "也是", "采用", "RF", "433", "的", "单向", "技术", ",", "说明", "只有", "符合", "市场", "的", ",", "才是", "好", "产品", "。", "2", ".", "智能", "家电", "不", "等于", "智能家居", "日前", ",", "某", "企业", "推出", "了", "新一代", "超级", "智能", "电视", ",", "受到", "网民", "的", "热烈讨论", "。", "各", "大", "媒体", "和", "电视", "业", "纷纷", "追踪报道", ",", "一", "时间", ",", "智能", "电视", "以及", "智能", "家电", "受到", "了", "人们", "的", "强烈", "关注", ",", "很多人", "把", "智能", "家电", "当成", "了", "智能家居", ",", "这", "是", "一", "个", "非常", "大", "的", "误区", ",", "如果", "不", "认清", "这个", ",", "很容易", "被", "一些", "家电商", "误导", "。", "智能", "家电", "的", "本质", "还是", "家用电器", ",", "只不过", "采用", "了", "一些", "智能化", "的", "系统", "或者", "技术", ",", "这", "是", "相对", "于", "传统", "家电", "而言", "的", ",", "就像", "21", "世纪", "的", "智能手机", "一样", ",", "它", "还是", "手机", "。", "而", "智能家居", "是", "一", "个", "平台", ",", "其", "本身", "就是", "一", "个", "智能化", "的", "控制系统", "。", "在", "这个", "平台", "上", ",", "所有", "的", "家电", "和", "门窗", "开关", "都", "可以", "被", "远程控制", ",", "实现", "智能化", "的", "应用", "体验", ",", "可以", "根据", "用户", "的", "自定义", "设置", ",", "进行", "各种各样", "的", "智能控制", ",", "这", "才是", "真正", "的", "智能家居", "。", "我们", "在", "选择", "产品", "和", "品牌", "的", "时候", ",", "且", "不要", "被", "一些", "家电厂商", "的", "所谓", "的", "”", "智能化", "”", "字眼", "所", "迷惑", "和", "误导", "。", "3", ".", "智能", "不", "智能", ",", "体验", "是", "关键", "在", "21", "世纪", "智能", "是", "一", "个", "非常", "火热", "的", "词语", ",", "随着", "移动互联网", "的", "强势", "崛起", ",", "21", "世纪", "以后", "所有", "的", "产品", "都", "要", "和", "智能", "联系", "到", "一起", ",", "否则", "都", "不好意思", "出现", "在", "用户", "面前", "。", "然后", "事实", "却", "是", "大部分", "打", "着", "智能", "旗号", "的", "产品", "都是", "一", "个", "幌子", "而已", ",", "根本", "都", "不能", "实现", "用户", "所想", "所需", "的", "智能", "体验", "。", "特别", "是", "在", "智能家居", "领域", ",", "很多时候", "并", "不是", "说", "能够", "进行", "简单", "的", "智能控制", "就是", "智能家居", "了", "。", "我们", "所", "需要", "的", "智能", "应该", "是", "一", "种", "切实解决", "我们", "的", "实际", "需求", "并且", "使用", "方便快捷", "的", "人性化", "体验", ",", "因此", ",", "判断", "到底", "智能", "不", "智能", ",", "只有", "通过", "自己", "的", "实际", "体验", "才能", "知道", ",", "没有", "体验", "过", "的", "智能家居", "很难", "让", "用户", "产生", "信任", "。", "用户", "在", "选择", "智能", "装修", "的", "时候", ",", "一定要去", "其", "体验", "中心", "实地考察", "体验", ",", "只有", "适合", "自己", "的", "才是", "好", "产品", "。", "消费者", "安装", "智能家居", "系统", "所", "要", "追求", "的", "是", "一", "种", "高品质", "的", "生活", "体验", ",", "因此", "在", "选择", "智能", "装修", "之", "前", "一定要", "认识到", "这些", "常见", "的", "误区", ",", "避免", "造成", "资金", "的", "浪费", ",", "并且", "不能", "使", "自己", "享受", "很好", "的", "服务", "。", "一般", "原理", ",", "所有", "的", "技术", "都", "各有所长", ",", "各有所短", ",", "市场", "上", "接受", "度", "最高", ",", "使用", "量", "最大", "的", "产品", ",", "是", "值得考虑", "的", "。"], ["智能家居", "十大", "品牌", "排名", "及", "选择", "技巧", "就", "给", "大家", "介绍", "到", "这里", "了", ",", "现在", "进行", "智能家居", "装修", "的", "人", "也", "不少", ",", "花费", "也是", "很厉害", "的", ",", "但", "后期", "使用", "上", "确实", "要", "比较", "舒服", "方便", ",", "有兴趣", "的", "业主", "可以", "多", "了解", "下", ",", "更多内容", "请", "关注", "土巴兔", "学", "装修", "。", "<", "<", "<", "点", "此", "获取", "专业", "设计师", "免费", "量", "房", "、", "获取", "装修", "报价", ">", ">", ">"], ["装修", "报价", "不求人", ",", "10", "秒", "极速", "获取", "报价", "根据", "生肖", "测", "哪", "天", "开工", "最", "吉利", ",", "限时", "免费", "哦", "~"], ["家装", "施工", "工艺流程", "太", "全面", "了", "!"], ["如何", "收房", "?", "详细", "交房", "流程", "教会", "你", "收房", "!"], ["如何", "避免", "装修", "中", "的", "偷", "项", "漏项", "?"]], "paragraphs": ["微信加好友 获取详细报价", "装修顾问-馨馨 4年行业经验,24h可咨询", "10秒闪电通过好友", "报价短信已发送到您的手机", "因材料品牌及工程量不同,具体报价以量房实测为准", "稍候装修管家将回电您,免费提供装修咨询服务", "您的装修预算约 ? 万元", "装修管家将回电您,免费提供装修咨询服务", "装修怕上当?问问靠谱的人", "(四年装修行业经验)", "1. 您家的房屋现状是 : 2. 您家准备什么时候开始装修 : 3. 您家小区名称 :", "请选择您家的装修时间", "微信 手机看本文 更多装修流程、装修风水随时看", "很多人都喜欢看好莱坞科技大片,在一些科技大片里面很多主角的家里都是非常智能的,比如早上还没起床早餐就煮好了,出门空调电灯会自己关掉,有敌人进门还会自动报警等等,让我们都羡慕不已,都希望自己的家里也这样,其实这些通过智能家居也可以做到的。随着生活水平的提高很多人也开始把自己的家居装修成智能型的,今天我们来看看市面上智能家居十大品牌排名情况,以及我们该如何选择这些品牌产品等。", "智能家居十大品牌排名:", "1、海尔u-home:隶属于海尔集团,全球智能化产品的研发制造基地,中国最具价值品牌之一,青岛海尔智能家电科技有限公司。 2、索博:世界智能家居为数不多集标准智能家居协议与产品生产的企业之一,世界品牌,上海索博智能电子有限公司。 3、快思聪:世界领先的控制和自动化系统/创新科技及重塑人类生活和工作的方式的领航厂家,快思聪(亚洲)有限公司。 4、霍尼韦尔智能家居:家庭自动化控制系统领先企业,世界最大的电子保安系列产品制造商之一,霍尼韦尔安防(中国)有限公司。", "5、安居宝:高新技术企业,安防领域及智能家居领域最重要集成生产商之一,广东安居宝数码科技股份有限公司。", "6、瑞讯:致力于通讯与智能控制领域的产品研究与开发,具有较大影响力智能家居品牌,瑞讯科技(亚洲)有限公司。", "7、施耐德Schneider:拥有170多年的辉煌历史,全球能效管理专家,专业从事电力与自动化管理业,施耐德电气(中国)有限公司。", "8、罗格朗-视得安:隶属罗格朗集团,智能家居十大品牌,广东省高新技术企业,合资企业,深圳市视得安罗格朗电子股份有限公司。", "9、波创:最早推出数字化智能家居产品的高科技企业之一,安防最具影响力品牌之一,深圳市新和创智能科技有限公司。", "10、KOTI柯帝:智能家居领域最大的企业之一,知名品牌,高新技术企业,行业标准制定单位,广州市聚晖电子科技有限公司。", "智能家居选购技巧:", "1、节能环保 基于计算机技术和自动化技术,智能家居系统还可以在物业管理、消防、水、电、煤等方面提供多方位的服务。市面上很多品牌企业都说自己的智能家居产品可以营造一个节能环保的环境,那么是否真的可以做到节能呢?比如说智能家居系统是否可以做到电源控制管理等等,这些一定要了解清楚,如果做不到还怎么节能。 2、远程控制 数字化产品的优势是:技术上采用嵌入式技术,硬件功能更强大,软件开发更灵活,系统更加稳定,采用标准的以太网架构,联网更简单。作为一个家庭的智能控制中心,把家电控制、家庭安防和监控、家庭信息终端以及家庭数字娱乐都整合到一起。因此,在选择时要注意检验是否可以通过Internet来访问智能终端,并操作体验。 3、功能是否集成 智能家居是对家庭设备的集中统一控制,核心应该是有一个通讯协议,一个系统平台,一个解决方案,相当于电脑的操作系统。而对应的具体产品,如安防产品、监控产品、灯控产品、多媒体产品等,都是可以集成在这一个系统上,通过系统的通讯协议,使各个子系统相互连接,信息可以互通,操作上可以相互控制。所以选购时要作详细的分析,品牌产品的兼容性好不好,就目前的技术来说进口品牌在楼宇自动化控制方面积累了一定的经验,与国产品比较,还是高出一个档次的。 4、系统是否简洁 智能家居系统,大都是房屋装修设计的时候就要考虑进去的,与家居布线同时进行,实现相同的功能,需要配置的系统越简单,系统的集成度也就越高,技术含量也越高,后期使用也越简单方便。 5、售后服务 对智能家居系统来说服务都是少不了的,尤其是售后服务,所以选择产品时要做充分的了解,看服务是否到位,再选择恰当的产品,切不可把重点放在追求时髦、先进、绚丽的功能和外表上。 认知三大误区:", "1.有线无线区别大 国内外智能家居企业鱼龙混杂,相关智能控制技术参差不齐,传统智能家居采用有线技术,布线复杂,造价昂贵,且用户体验度非常不好。新一代物联网技术的智能家居,利用无线传感技术,结合目前最火热的移动互联网技术,采用智能终端远程控制,使整个使用体验的舒适度明显地提升了上去。相关专家表示,有线控制面临消亡,无线控制由于其免布线,移动性强,升级方便等特点迅速受到市场的欢迎,更符合智能化的需求和趋势。不过,有一些成熟的智能家居企业利用无线的优势,推出的只具有单向控制信号的无线智能家居,非常适合市场的需求,因此一些传统的低压开关厂家也纷纷进入,TCL、飞雕等等,也是采用RF433的单向技术,说明只有符合市场的,才是好产品。 2.智能家电不等于智能家居 日前,某企业推出了新一代超级智能电视,受到网民的热烈讨论。各大媒体和电视业纷纷追踪报道,一时间,智能电视以及智能家电受到了人们的强烈关注,很多人把智能家电当成了智能家居,这是一个非常大的误区,如果不认清这个,很容易被一些家电商误导。智能家电的本质还是家用电器,只不过采用了一些智能化的系统或者技术,这是相对于传统家电而言的,就像21世纪的智能手机一样,它还是手机。而智能家居是一个平台,其本身就是一个智能化的控制系统。在这个平台上,所有的家电和门窗开关都可以被远程控制,实现智能化的应用体验,可以根据用户的自定义设置,进行各种各样的智能控制,这才是真正的智能家居。我们在选择产品和品牌的时候,且不要被一些家电厂商的所谓的”智能化”字眼所迷惑和误导。 3.智能不智能,体验是关键 在21世纪智能是一个非常火热的词语,随着移动互联网的强势崛起,21世纪以后所有的产品都要和智能联系到一起,否则都不好意思出现在用户面前。然后事实却是大部分打着智能旗号的产品都是一个幌子而已,根本都不能实现用户所想所需的智能体验。特别是在智能家居领域,很多时候并不是说能够进行简单的智能控制就是智能家居了。我们所需要的智能应该是一种切实解决我们的实际需求并且使用方便快捷的人性化体验,因此,判断到底智能不智能,只有通过自己的实际体验才能知道,没有体验过的智能家居很难让用户产生信任。用户在选择智能装修的时候,一定要去其体验中心实地考察体验,只有适合自己的才是好产品。 消费者安装智能家居系统所要追求的是一种高品质的生活体验,因此在选择智能装修之前一定要认识到这些常见的误区,避免造成资金的浪费,并且不能使自己享受很好的服务。一般原理,所有的技术都各有所长,各有所短,市场上接受度最高,使用量最大的产品,是值得考虑的。", "智能家居十大品牌排名及选择技巧就给大家介绍到这里了,现在进行智能家居装修的人也不少,花费也是很厉害的,但后期使用上确实要比较舒服方便,有兴趣的业主可以多了解下,更多内容请关注土巴兔学装修。<<<点此获取专业设计师免费量房、获取装修报价>>>", "装修报价不求人,10秒极速获取报价 根据生肖测哪天开工最吉利,限时免费哦~", "家装施工工艺流程 太全面了!", "如何收房?详细交房流程教会你收房!", "如何避免装修中的偷项漏项?"], "bs_rank_pos": 2}, {"is_selected": false, "title": "世界十大智能家居", "most_related_para": 10, "segmented_title": ["世界", "十大", "智能家居"], "segmented_paragraphs": [["短信", "快捷", "登录"], ["您", "还", "可以", "使用", "合作", "账号", "登录", "网站", ":", "还没有", "一起", "网", "帐号", "?"], ["10", "秒", "钟", ",", "快速注册"], ["微信", "扫", "码", "快速登录"], ["验证", "即", "登录", ",", "未注册", "将", "自动", "创建", "一起", "网", "帐号"], ["获取", "动态", "密码"], ["微信", "账号", "登陆"], ["微信", "扫一扫", "绑定", "/", "登录"], ["从", "免费", "户型设计", "开始", "…"], ["你", "的", "装修预算", "约", "?", "万", "元"], ["设计费", ":", "?", "元", "4999", "元", "(", "测量", "、", "设计", "、", "报价", ")"], ["抢", "免费", "设计", "名额"], ["请放心", "填写", "您", "的", "隐私", "将", "被", "严格", "保密"], ["7", "年", "服务", "700", "万", "用户", ",", "中国家装", "十大", "电商", "平台"], ["亲", ",", "您", "已经", "报", "过", "名", "啦", ",", "给", "别人", "留", "点", "机会", "呗"], ["我们", "还有", "更多精彩活动", ",", "不如", "去", "看看", ">"], ["热门", "新闻"]], "paragraphs": ["短信快捷登录", "您还可以使用合作账号登录网站: 还没有一起网帐号?", "10秒钟,快速注册", "微信扫码 快速登录", "验证即登录,未注册将自动创建一起网帐号", "获取动态密码", "微信账号登陆", "微信扫一扫绑定/登录", "从免费户型设计开始…", "你的装修预算约 ? 万元", "设计费:?元4999元(测量、设计、报价)", "抢免费设计名额", "请放心填写您的隐私将被严格保密", "7年服务700万用户,中国家装十大电商平台", "亲,您已经报过名啦,给别人留点机会呗", "我们还有更多精彩活动,不如去看看>", "热门新闻"], "bs_rank_pos": 3}, {"is_selected": false, "title": "品牌榜:2016-2017年智能家居十大品牌排行榜 投票结果公布【新】_", "most_related_para": 1, "segmented_title": ["品牌", "榜", ":", "2016", "-", "2017", "年", "智能家居", "十大", "品牌", "排行榜", "投票", "结果公布", "【", "新", "】", "_"], "segmented_paragraphs": [["2016", "-", "2017", "年", "最新", "的", "智能家居", "品牌", "榜", "发布", "了", ",", "一起来", "看", "下", "本次", "发布", "的", "榜单", "的", "品牌", "数据", "情况", "吧", "。", "智能家居", "十大", "品牌", "排行榜", ",", "此次", "榜单", "收集", "了", "智能家居", "行业", "超过", "137", "个", "品牌", "信息", "及", "46412", "个", "网友", "的", "投票", "做为", "参考", ",", "发布", "的", "品牌", "榜单", "由", "CN", "PP", "大", "数据", "平台", "提供", "数据", "支持", ",", "综合分析", "了", "智能家居", "行业", "品牌", "的", "知名度", "、", "员工", "数量", "、", "企业", "资产", "规模", "与", "经营情况", "等", "各项", "实力", "数据", ",", "发布", "了", "本", "榜单", "数据", ",", "仅供", "方便", "用户", "找到", "好", "的", "品牌", "参考", "使用", ",", "具体", "榜单", "请", "按", "最新更新", "数据", "为准", "。"], ["智能家居", "品牌", "榜", "数据", "包括", ":", "广东省", "智能家居", "品牌", "[", "57", "家", "]", "、", "深圳市", "智能家居", "品牌", "[", "37", "家", "]", "、", "浙江省", "智能家居", "品牌", "[", "17", "家", "]", "、", "智能家居", "大", "品牌", "、", "智能家居", "著名商标", "、", "智能家居", "省市", "名牌", "、", "智能家居", "驰名", "保护", "、", "智能家居", "高新", "企业", "、", "智能家居", "上市公司", "、", "智能家居", "500", "强", "企业", "、", "智能家居", "中小企业", "等", "多", "项", "品牌", "数据", "查看", ",", "以下", "为", "部份", "大", "品牌", "数据", "信息", "。"], ["青岛海尔", "智能", "家电", "科技", "有限公司", ",", "u", "-", "home", ",", "智能家居", "十大", "品牌", ",", "智能化", "产品", "的", "研发", "制造基地", ",", "海尔集团", "在", "物联网", "时代", "推出", "的", "美好", "住", "居", "生活", "解决方案"], ["京东", "智能", "旗下", "针对", "智能", "硬件", "产品", "专门", "推出", "的", "互联", "开放", "的", "智能", "硬件", "平台", ",", "其", "App", "可以", "控制", "所有", "智能", "设备", "/", "远程管理", "/", "互联互通"], ["华为", "技术", "有限公司", ",", "始于", "1987", "年", ",", "以", "创新", "力", "科技", "著称", ",", "全球", "领先", "的", "信息", "与", "通信技术", "解决方案", "供应商", ",", "员工持股", "的", "民营科技", "公司", ",", "在", "电信运营商", "/", "企业", "/", "终端", ".", ".", "."], ["阿里巴巴", "集团", ",", "创立", "于", "1999", "年", ",", "拥有", "淘宝网", "/", "天猫", "/", "聚划算", "/", "1688", "/", "阿里", "云", "/", "蚂蚁", "金", "服", "/", "菜鸟", "网络", "等", "网上", "及", "移动商贸", "平台", ",", "利用互联网", "创造", "了", "公平", "的", "竞", ".", ".", "."], ["上海", "纯", "米", "电子", "科技", "有限公司", ",", "米", "家", "MIJIA", ",", "小米", "打造", "的", "全新", "生态", "链", "品牌", ",", "小米", "智能", "家庭", "的", "简称", ",", "专门", "承载", "其", "供应链", "产品", ",", "以", "电饭煲", "在", "界", "内", "引起", "巨大", "关注"], ["美的集团", "股份有限公司", ",", "美", "的", "智慧", "家居", "M", "-", "Smart", ",", "美的集团", "在", "智能家居", "发展战略", "上", "提出", "的", "基于", "美", "的", "产品", "群", "及", "产业", "群", "优势", ",", "致力于", "给", "消费者", "提供", "最", "专业", "的", "智", ".", ".", "."], ["宁波", "杜", "亚", "机电", "技术", "有限公司", ",", "浙江省", "著名商标", ",", "浙江省", "名牌", "产品", ",", "专业", "的", "管状电机", "生产型", "企业", ",", "全球", "领先", "的", "智能家居", "及", "门窗", "电机", "自动化", "解决方案", "供应商"], ["广州市", "河东", "智能", "科技", "有限公司", ",", "智能家居", "十大", "品牌", ",", "以", "专业", "影视", "舞台灯光", "、", "机械", "吊挂", "系统", "闻名", "国内市场", ",", "智能家居", "行业", "影响力", "品牌", ",", "领先", "的", "智能", "照明", "控制", "解决", "方", ".", ".", "."], ["广东", "聚光", "电子", "科技", "有限公司", ",", "柯帝", "KOTI", ",", "国内", "规模", "较", "大", "的", "智能家居", "公司", ",", "专业从事", "数字城市", "、", "数字", "酒店", "、", "数字家庭", "的", "核心技术", "及", "智能化", "产品", "的", "研发", "、", "生产", "及", ".", ".", "."], ["乐视", "网", "信息技术", "(", "北京", ")", "股份有限公司", ",", "液晶电视", "-", "手机", "十大", "品牌", ",", "致力打造", "基于", "视频", "产业", "、", "内容", "产业", "和", "智能终端", "的", "“", "平台", "+", "内容", "+", "终端", "+", "应用", "”", "完整", "生态系统", ".", ".", "."], ["(", "以上", "榜单", "排名不分先后", ",", "具体", "请", "以", "实际", "最新", "公布", "数据", "为准", "》", "查看", "完整", "智能家居", "榜单", ">", ">", ")"], ["更多", "行业", "相关", "榜单"]], "paragraphs": ["2016-2017年最新的智能家居品牌榜发布了,一起来看下本次发布的榜单的品牌数据情况吧。智能家居十大品牌排行榜,此次榜单收集了智能家居行业超过137个品牌信息及46412个网友的投票做为参考,发布的品牌榜单由CNPP大数据平台提供数据支持,综合分析了智能家居行业品牌的知名度、员工数量、企业资产规模与经营情况等各项实力数据,发布了本榜单数据,仅供方便用户找到好的品牌参考使用,具体榜单请按最新更新数据为准。", "智能家居品牌榜数据包括:广东省智能家居品牌[57家]、深圳市智能家居品牌[37家]、浙江省智能家居品牌[17家]、智能家居大品牌、智能家居著名商标、智能家居省市名牌、智能家居驰名保护、智能家居高新企业、智能家居上市公司、智能家居500强企业、智能家居中小企业等多项品牌数据查看,以下为部份大品牌数据信息。", "青岛海尔智能家电科技有限公司,u-home,智能家居十大品牌,智能化产品的研发制造基地,海尔集团在物联网时代推出的美好住居生活解决方案", "京东智能旗下针对智能硬件产品专门推出的互联开放的智能硬件平台,其App可以控制所有智能设备/远程管理/互联互通", "华为技术有限公司,始于1987年,以创新力科技著称,全球领先的信息与通信技术解决方案供应商,员工持股的民营科技公司,在电信运营商/企业/终端...", "阿里巴巴集团,创立于1999年,拥有淘宝网/天猫/聚划算/1688/阿里云/蚂蚁金服/菜鸟网络等网上及移动商贸平台,利用互联网创造了公平的竞...", "上海纯米电子科技有限公司,米家MIJIA,小米打造的全新生态链品牌,小米智能家庭的简称,专门承载其供应链产品,以电饭煲在界内引起巨大关注", "美的集团股份有限公司,美的智慧家居M-Smart,美的集团在智能家居发展战略上提出的基于美的产品群及产业群优势,致力于给消费者提供最专业的智...", "宁波杜亚机电技术有限公司,浙江省著名商标,浙江省名牌产品,专业的管状电机生产型企业,全球领先的智能家居及门窗电机自动化解决方案供应商", "广州市河东智能科技有限公司,智能家居十大品牌,以专业影视舞台灯光、机械吊挂系统闻名国内市场,智能家居行业影响力品牌,领先的智能照明控制解决方...", "广东聚光电子科技有限公司,柯帝KOTI,国内规模较大的智能家居公司,专业从事数字城市、数字酒店、数字家庭的核心技术及智能化产品的研发、生产及...", "乐视网信息技术(北京)股份有限公司,液晶电视-手机十大品牌,致力打造基于视频产业、内容产业和智能终端的“平台+内容+终端+应用”完整生态系统...", "( 以上榜单排名不分先后,具体请以实际最新公布数据为准》查看完整智能家居榜单>>)", "更多行业相关榜单"], "bs_rank_pos": 4}], "answer_spans": [[10, 46]], "answer_docs": [1], "fake_answers": ["科技有限公司(深圳市波创科技发展有限公司)作为国家级高新技专家点评|怎么样上榜理由:深圳市新和创智能科技有限公司(深圳市波创科技发展有限公司)"], "question": "智能家居品牌排行", "segmented_answers": [["1", "、", "海尔", "厨房设施", "有限公司", ",", "2", "、", "索", "博", ",", "3", "、", "广东", "安居宝", "数码", "科技", "股份", "有限公司", ",", "4", "、", "霍尼韦尔", "国际", ",", "5", "、", "瑞", "讯", "科技", "(", "亚洲", ")", "有限公司", ",", "6", "、", "LG", "(", "LG", "Electronics", ")", ",", "7", "、", "深圳", "市", "新", "和", "创", "智能", "科技", "有限公司", ",", "8", "、", "视得安", "罗格朗", "公司", ",", "9", "、", "广州", "市", "聚晖", "电子", "科技", "有限公司", ",", "10", "、", "美国", "快思聪", "。"], ["1", "、", "海尔", "u", "-", "home", ",", "2", "、", "索", "博", ",", "3", "、", "快思聪", ",", "4", "、", "霍尼韦尔", "国际", ",", "5", "、", "安居宝", ",", "6", "、", "瑞", "讯", ",", "7", "、", "施耐德", ",", "8", "、", "视得安", "罗格朗", ",", "9", "、", "波", "创", ",", "10", "、", "KOTI", "柯帝", "。"]], "answers": ["1、海尔厨房设施有限公司,2、索博,3、广东安居宝数码科技股份有限公司,4、霍尼韦尔国际,5、瑞讯科技(亚洲)有限公司,6、LG(LG Electronics),7、深圳市新和创智能科技有限公司,8、视得安罗格朗公司,9、广州市聚晖电子科技有限公司,10、美国快思聪。", "1、海尔u-home,2、索博,3、快思聪,4、霍尼韦尔国际,5、安居宝,6、瑞讯,7、施耐德,8、视得安罗格朗,9、波创,10、KOTI柯帝。"], "entity_answers": [["海尔厨房设施有限公司", "索博", "广东安居宝数码科技股份有限公司", "霍尼韦尔国际", "瑞讯科技(亚洲)有限公司", "LG", "LG Electronics", "深圳市新和创智能科技有限公司", "视得安罗格朗公司", "广州市聚晖电子科技有限公司", "美国快思聪"], ["海尔u-home", "索博", "快思聪", "霍尼韦尔国际", "安居宝", "瑞讯", "施耐德", "视得安罗格朗", "波创", "KOTI", "柯帝"]], "segmented_question": ["智能家居", "品牌", "排行"], "question_type": "ENTITY", "question_id": 28, "fact_or_opinion": "OPINION", "match_scores": [0.34234234234234234]} -{"documents": [{"is_selected": false, "title": "最小生成树算法汇总 - 博客频道 - CSDN.NET", "most_related_para": 0, "segmented_title": ["最小生成树", "算法", "汇总", "-", "博客", "频道", "-", "CSDN", ".", "NET"], "segmented_paragraphs": [["2016", "七月", "28", "原", "最小生成树", "算法", "汇总", "分类", ":", "算法", "精讲", "算法", "杂", "论", "最小生成树", "Krustral", "和", "Prim", "排序", "算法", "(", "956", ")", "(", "1", ")", "达", "神", "上次", "给", "我", "提", "了", "一", "个", "建议", ",", "对", "算法", "进行", "数学", "证明", ",", "我", "也是", "这么", "想", "的", ",", "但是", "这样的话", ",", "我", "就", "需要", "在", "自学", "一遍", "算法", "学", "了", ",", "不过", "学习", "嘛", ",", "就是这样", "所以", ",", "再", "过", "几", "期", "之后", "我", "会", "开始", "自学", "算法学", ",", "尽力", "将", "数学", "证明", "过程", "添加", "到", "讲解", "里面", ",", "让", "算法", "变", "的", "更加", "的", "“", "原来如此", "”", "步入正题", ":", "最小生成树", "算法", "汇总", "1", ".", "Krustral", "(", "贪心", "+", "并查集", "+", "排序", ")", "1", ".", "算法", "的", "思路", ":", "Krustral", "算法", "通过", "边", "集", "数组", "来", "保存", "图", "中", "的", "边", "的", "信息", ",", "我们", "通过", "对", "边", "集", "数组", "按照", "边", "的", "权重", "进行", "排序", "后", ",", "按照", "从小到大", "的", "顺序", "每次", "选择", "一", "条", "边", "(", "头", "和", "尾", "不在", "不在", "一", "个", "集合", "中", "(", "并查集", "判断", ")", ")", "知道", "我们", "选择", "完", "了", "n", "-", "1", "条", "边", "之后", ",", "最小生成树", "酒", "构造", "完毕", "(", "算法", "的", "贪心", "的", "证明", "我", "以后", "会", "给", "出", ")", "2", ".", "算法", "举例", "描述", "(", "无情", "的", "粘", "自", "百度百科", ",", "毕竟", "人家", "有图", "言", "卵", ")", ":", "百度", "讲解", "Krustral"]], "paragraphs": ["2016七月 28 原最小生成树算法汇总分类:算法精讲算法杂论最小生成树 Krustral和Prim排序算法 (956) (1) 达神上次给我提了一个建议,对算法进行数学证明,我也是这么想的,但是这样的话,我就需要在自学一遍算法学了,不过学习嘛,就是这样 所以,再过几期之后我会开始自学算法学,尽力将数学证明过程添加到讲解里面,让算法变的更加的“原来如此” 步入正题: 最小生成树算法汇总 1.Krustral(贪心+并查集+排序) 1.算法的思路: Krustral算法通过边集数组来保存图中的边的信息,我们通过对边集数组按照边的权重进行排序后,按照从小到大的顺序每次选择一条边(头和尾不在不在一个集合中(并查集判断))知道我们选择完了n-1条边之后,最小生成树酒构造完毕(算法的贪心的证明我以后会给出) 2.算法举例描述(无情的粘自百度百科,毕竟人家有图言卵): 百度讲解Krustral"], "bs_rank_pos": 0}, {"is_selected": false, "title": "最小生成树-Prim算法和Kruskal算法 - as_ - 博客园", "most_related_para": 1, "segmented_title": ["最小生成树", "-", "Prim", "算法", "和", "Kruskal", "算法", "-", "as", "_", "-", "博客园"], "segmented_paragraphs": [["随笔", "-", "150", ",", "文章", "-", "0", ",", "评论", "-", "144", ",", "引用", "-", "0"], ["1", ".", "概览", "普里姆", "算法", "(", "Prim", "算法", ")", ",", "图论", "中", "的", "一", "种", "算法", ",", "可", "在", "加权", "连通", "图", "里", "搜索", "最小生成树", "。", "意", "即", "由此", "算法", "搜索", "到", "的", "边", "子", "集", "所", "构成", "的", "树", "中", ",", "不", "但", "包括", "了", "连通", "图", "里", "的", "所有", "顶点", "(", "英语", ":", "Vertex", "(", "graph", "theory", ")", ")", ",", "且", "其", "所有", "边", "的", "权值", "之", "和", "亦", "为", "最小", "。", "该", "算法", "于", "1930", "年", "由", "捷克", "数学家", "沃", "伊", "捷赫", "·", "亚", "尔", "尼克", "(", "英语", ":", "Vojtěch", "Jarník", ")", "发现", ";", "并", "在", "1957", "年", "由", "美国", "计算机科学家", "罗伯特", "·普里姆", "(", "英语", ":", "Robert", "C", ".", "Prim", ")", "独立", "发现", ";", "1959", "年", ",", "艾", "兹", "格", "·", "迪科斯", "彻", "再次发现", "了", "该", "算法", "。", "因此", ",", "在", "某些", "场合", ",", "普里姆", "算法", "又", "被", "称为", "DJP", "算法", "、", "亚", "尔", "尼克", "算法", "或", "普里姆", "-", "亚尔尼克", "算法", "。", "2", ".", "算法", "简单描述", "1", ")", ".", "输入", ":", "一", "个", "加权", "连通", "图", ",", "其中", "顶点", "集合", "为", "V", ",", "边", "集合", "为", "E", ";", "2", ")", ".", "初始化", ":", "V", "new", "=", "{", "x", "}", ",", "其中", "x", "为", "集合", "V", "中", "的", "任", "一", "节点", "(", "起始", "点", ")", ",", "Enew", "=", "{", "}", ",", "为", "空", ";", "3", ")", ".", "重复", "下列", "操作", ",", "直到", "Vnew", "=", "V", ":", "a", ".", "在", "集合", "E", "中", "选取", "权值", "最小", "的", "边", "<", "u", ",", "v", ">", ",", "其中", "u", "为", "集合", "Vnew", "中", "的", "元素", ",", "而", "v", "不在", "Vnew", "集合", "当", "中", ",", "并且", "v", "∈", "V", "(", "如果", "存在", "有", "多", "条", "满足", "前", "述", "条件", "即", "具有", "相同", "权值", "的", "边", ",", "则", "可", "任意", "选取", "其中", "之", "一", ")", ";", "b", ".", "将", "v", "加入", "集合", "Vnew", "中", ",", "将", "<", "u", ",", "v", ">", "边", "加入", "集合", "Enew", "中", ";", "4", ")", ".", "输出", ":", "使用", "集合", "V", "new", "和", "Enew", "来", "描述", "所", "得到", "的", "最小生成树", "。", "下面", "对", "算法", "的", "图例", "描述", "3", ".", "简单", "证明", "prim", "算法", "反证法", ":", "假设", "prim", "生成", "的", "不是", "最小生成树", "1", ")", ".", "设", "prim", "生成", "的", "树", "为", "G", "0", "2", ")", ".", "假设", "存在", "Gmin", "使得", "cost", "(", "Gmin", ")", "<", "cost", "(", "G", "0", ")", "则", "在", "Gmin", "中", "存在", "<", "u", ",", "v", ">", "不", "属于", "G", "0", "3", ")", ".", "将", "<", "u", ",", "v", ">", "加入", "G", "0", "中", "可得", "一", "个", "环", ",", "且", "<", "u", ",", "v", ">", "不是", "该", "环", "的", "最长", "边", "(", "这", "是因为", "<", "u", ",", "v", ">", "∈", "Gmin", ")", "4", ")", ".", "这", "与", "prim", "每次", "生成", "最短", "边", "矛盾", "5", ")", ".", "故", "假设", "不", "成立", ",", "命题", "得", "证", ".", "4", ".", "算法", "代码", "实现", "(", "未", "检验", ")", "5", ".", "时间复杂度", "这里", "记", "顶点", "数", "v", ",", "边", "数", "e", "邻接矩阵", ":", "O", "(", "v2", ")", "邻接表", ":", "O", "(", "elog", "2", "v", ")", "Kruskal", "算法", "1", ".", "概览", "Kruskal", "算法", "是", "一", "种", "用来", "寻找", "最小生成树", "的", "算法", ",", "由", "Joseph", "Kruskal", "在", "1956", "年", "发表", "。", "用来", "解决", "同样", "问题", "的", "还有", "Prim", "算法", "和", "Boruvka", "算法", "等", "。", "三种", "算法", "都是", "贪婪", "算法", "的", "应用", "。", "和", "Boruvka", "算法", "不同", "的", "地方", "是", ",", "Kruskal", "算法", "在", "图", "中", "存在", "相同", "权值", "的", "边", "时", "也", "有效", "。", "2", ".", "算法", "简单描述", "1", ")", ".", "记", "Graph", "中", "有", "v", "个", "顶点", ",", "e", "个", "边", "2", ")", ".", "新建", "图", "Graph", "new", ",", "Graph", "new", "中", "拥有", "原图", "中", "相同", "的", "e", "个", "顶点", ",", "但", "没有", "边"], ["1", ".", "概览", "Kruskal", "算法", "是", "一", "种", "用来", "寻找", "最小生成树", "的", "算法", ",", "由", "Joseph", "Kruskal", "在", "1956", "年", "发表", "。", "用来", "解决", "同样", "问题", "的", "还有", "Prim", "算法", "和", "Boruvka", "算法", "等", "。", "三种", "算法", "都是", "贪婪", "算法", "的", "应用", "。", "和", "Boruvka", "算法", "不同", "的", "地方", "是", ",", "Kruskal", "算法", "在", "图", "中", "存在", "相同", "权值", "的", "边", "时", "也", "有效", "。", "2", ".", "算法", "简单描述", "1", ")", ".", "记", "Graph", "中", "有", "v", "个", "顶点", ",", "e", "个", "边", "2", ")", ".", "新建", "图", "Graph", "new", ",", "Graph", "new", "中", "拥有", "原图", "中", "相同", "的", "e", "个", "顶点", ",", "但", "没有", "边", "3", ")", ".", "将", "原图", "Graph", "中", "所有", "e", "个", "边", "按", "权值", "从小到大", "排序", "4", ")", ".", "循环", ":", "从", "权值", "最小", "的", "边", "开始", "遍历", "每条", "边", "直至", "图", "Graph", "中", "所有", "的", "节点", "都", "在", "同", "一", "个", "连通", "分量", "中", "if", "这", "条", "边", "连接", "的", "两", "个", "节点", "于", "图", "Graph", "new", "中", "不在", "同", "一", "个", "连通", "分量", "中", "添加", "这", "条", "边", "到", "图", "Graph", "new", "中", "首先", "第一步", ",", "我们", "有", "一", "张", "图", "Graph", ",", "有", "若干", "点", "和", "边", "将", "所有", "的", "边", "的", "长度", "排序", ",", "用", "排序", "的", "结果", "作为", "我们", "选择", "边", "的", "依据", "。", "这里", "再次", "体现", "了", "贪心", "算法", "的", "思想", "。", "资源", "排序", ",", "对", "局部", "最优", "的", "资源", "进行", "选择", ",", "排序", "完成", "后", ",", "我们", "率先", "选择", "了", "边", "AD", "。", "这样", "我们", "的", "图", "就", "变成", "了", "右图", "在", "剩下", "的", "变", "中", "寻找", "。", "我们", "找到", "了", "CE", "。", "这里", "边", "的", "权重", "也是", "5", "依次类推", "我们", "找到", "了", "6", ",", "7", ",", "7", ",", "即", "DF", ",", "AB", ",", "BE", "。", "下面", "继续", "选择", ",", "BC", "或者", "EF", "尽管", "现在", "长度", "为", "8", "的", "边", "是", "最小", "的", "未", "选择", "的", "边", "。", "但是", "现在", "他们", "已经", "连通", "了", "(", "对于", "BC", "可以通过", "CE", ",", "EB", "来", "连接", ",", "类似", "的", "EF", "可以通过", "EB", ",", "BA", ",", "AD", ",", "DF", "来", "接", "连", ")", "。", "所以", "不需要", "选择", "他们", "。", "类似", "的", "BD", "也", "已经", "连通", "了", "(", "这里", "上", "图", "的", "连通", "线", "用", "红色", "表示", "了", ")", "。", "最后", "就", "剩下", "EG", "和", "FG", "了", "。", "当然", "我们", "选择", "了", "EG", "。", "最后", "成功", "的", "图", "就是", "右", ":", "3", ".", "简单", "证明", "Kruskal", "算法", "对", "图", "的", "顶点", "数", "n", "做", "归纳", ",", "证明", "Kruskal", "算法", "对", "任意", "n", "阶", "图", "适用", "。", "归纳", "基础", ":", "n", "=", "1", ",", "显然", "能够", "找到", "最小生成树", "。", "归纳", "过程", ":", "假设", "Kruskal", "算法", "对", "n", "≤", "k", "阶", "图", "适用", ",", "那么", ",", "在", "k", "+", "1", "阶", "图", "G", "中", ",", "我们", "把", "最短", "边", "的", "两", "个", "端点", "a", "和", "b", "做", "一", "个", "合并", "操作", ",", "即", "把", "u", "与", "v", "合", "为", "一", "个", "点", "v", "'", ",", "把", "原来", "接", "在", "u", "和", "v", "的", "边", "都", "接", "到", "v", "'", "上去", ",", "这样", "就能", "够", "得到", "一", "个", "k", "阶", "图", "G", "'", "(", "u", ",", "v", "的", "合并", "是", "k", "+", "1", "少", "一", "条", "边", ")", ",", "G", "'", "最小生成树", "T", "'", "可以", "用", "Kruskal", "算法", "得到", "。", "我们", "证明", "T", "'", "+", "{", "<", "u", ",", "v", ">", "}", "是", "G", "的", "最小生成树", "。", "用", "反证法", ",", "如果", "T", "'", "+", "{", "<", "u", ",", "v", ">", "}", "不是", "最小生成树", ",", "最小生成树", "是", "T", ",", "即", "W", "(", "T", ")", "<", "W", "(", "T", "'", "+", "{", "<", "u", ",", "v", ">", "}", ")", "。", "显然", "T", "应该", "包含", "<", "u", ",", "v", ">", ",", "否则", ",", "可以", "用", "<", "u", ",", "v", ">", "加入", "到", "T", "中", ",", "形成", "一", "个", "环", ",", "删除", "环", "上", "原", "有", "的", "任意", "一", "条", "边", ",", "形成", "一", "棵", "更", "小", "权值", "的", "生成", "树", "。", "而", "T", "-", "{", "<", "u", ",", "v", ">", "}", ",", "是", "G", "'", "的", "生成", "树", "。", "所以", "W", "(", "T", "-", "{", "<", "u", ",", "v", ">", "}", ")", "<", "=", "W", "(", "T", "'", ")", ",", "也", "就是", "W", "(", "T", ")", "<", "=", "W", "(", "T", "'", ")", "+", "W", "(", "<", "u", ",", "v", ">", ")", "=", "W", "(", "T", "'", "+", "{", "<", "u", ",", "v", ">", "}", ")", ",", "产生", "了", "矛盾", "。", "于是", "假设", "不", "成立", ",", "T", "'", "+", "{", "<", "u", ",", "v", ">", "}", "是", "G", "的", "最小生成树", ",", "Kruskal", "算法", "对", "k", "+", "1", "阶", "图", "也", "适用", "。", "由", "数学归纳法", ",", "Kruskal", "算法", "得", "证", "。", "4", ".", "代码", "算法", "实现", "typedef", "struct", "{", "char", "vertex", "[", "Vertex", "Num", "]", ";", "/", "/", "顶点", "表", "int", "edges", "[", "Vertex", "Num", "]", "[", "Vertex", "Num", "]", ";", "/", "/", "邻接矩阵", ",", "可", "看", "做", "边", "表", "int", "n", ",", "e", ";", "/", "/", "图", "中", "当前", "的", "顶点", "数", "和", "边", "数", "}", "MGraph", ";", "typedef", "struct", "node", "{", "int", "u", ";", "/", "/", "边", "的", "起始", "顶点", "int", "v", ";", "/", "/", "边", "的", "终止", "顶点", "int", "w", ";", "/", "/", "边", "的", "权值", "}", "Edge", ";", "void", "kruskal", "(", "MGraph", "G", ")", "{", "int", "i", ",", "j", ",", "u1", ",", "v", "1", ",", "sn1", ",", "sn2", ",", "k", ";", "int", "vset", "[", "Vertex", "Num", "]", ";", "/", "/", "辅助", "数组", ",", "判定", "两", "个", "顶点", "是否", "连通", "int", "E", "[", "EdgeNum", "]", ";", "/", "/", "存放", "所有", "的", "边", "k", "=", "0", ";", "/", "/", "E", "数组", "的", "下标", "从", "0", "开始", "for", "(", "i", "=", "0", ";", "i", "<", "G", ".", "n", ";", "i", "+", "+", ")", "{", "for", "(", "j", "=", "0", ";", "j", "<", "G", ".", "n", ";", "j", "+", "+", ")", "{", "if", "(", "G", ".", "edges", "[", "i", "]", "[", "j", "]", "!"]], "paragraphs": ["随笔- 150, 文章 - 0, 评论 - 144, 引用 - 0", "1.概览 普里姆算法(Prim算法),图论中的一种算法,可在加权连通图里搜索最小生成树。意即由此算法搜索到的边子集所构成的树中,不但包括了连通图里的所有顶点(英语:Vertex (graph theory)),且其所有边的权值之和亦为最小。该算法于1930年由捷克数学家沃伊捷赫·亚尔尼克(英语:Vojtěch Jarník)发现;并在1957年由美国计算机科学家罗伯特·普里姆(英语:Robert C. Prim)独立发现;1959年,艾兹格·迪科斯彻再次发现了该算法。因此,在某些场合,普里姆算法又被称为DJP算法、亚尔尼克算法或普里姆-亚尔尼克算法。 2.算法简单描述 1).输入:一个加权连通图,其中顶点集合为V,边集合为E; 2).初始化:Vnew = {x},其中x为集合V中的任一节点(起始点),Enew = {},为空; 3).重复下列操作,直到Vnew = V: a.在集合E中选取权值最小的边,其中u为集合Vnew中的元素,而v不在Vnew集合当中,并且v∈V(如果存在有多条满足前述条件即具有相同权值的边,则可任意选取其中之一); b.将v加入集合Vnew中,将边加入集合Enew中; 4).输出:使用集合Vnew和Enew来描述所得到的最小生成树。 下面对算法的图例描述 3.简单证明prim算法 反证法:假设prim生成的不是最小生成树 1).设prim生成的树为G0 2).假设存在Gmin使得cost(Gmin)不属于G0 3).将加入G0中可得一个环,且不是该环的最长边(这是因为∈Gmin) 4).这与prim每次生成最短边矛盾 5).故假设不成立,命题得证. 4.算法代码实现(未检验) 5.时间复杂度 这里记顶点数v,边数e 邻接矩阵:O(v2) 邻接表:O(elog2v) Kruskal算法 1.概览 Kruskal算法是一种用来寻找最小生成树的算法,由Joseph Kruskal在1956年发表。用来解决同样问题的还有Prim算法和Boruvka算法等。三种算法都是贪婪算法的应用。和Boruvka算法不同的地方是,Kruskal算法在图中存在相同权值的边时也有效。 2.算法简单描述 1).记Graph中有v个顶点,e个边 2).新建图Graphnew,Graphnew中拥有原图中相同的e个顶点,但没有边", "1.概览 Kruskal算法是一种用来寻找最小生成树的算法,由Joseph Kruskal在1956年发表。用来解决同样问题的还有Prim算法和Boruvka算法等。三种算法都是贪婪算法的应用。和Boruvka算法不同的地方是,Kruskal算法在图中存在相同权值的边时也有效。 2.算法简单描述 1).记Graph中有v个顶点,e个边 2).新建图Graphnew,Graphnew中拥有原图中相同的e个顶点,但没有边 3).将原图Graph中所有e个边按权值从小到大排序 4).循环:从权值最小的边开始遍历每条边 直至图Graph中所有的节点都在同一个连通分量中 if 这条边连接的两个节点于图Graphnew中不在同一个连通分量中 添加这条边到图Graphnew中 首先第一步,我们有一张图Graph,有若干点和边 将所有的边的长度排序,用排序的结果作为我们选择边的依据。这里再次体现了贪心算法的思想。资源排序,对局部最优的资源进行选择,排序完成后,我们率先选择了边AD。这样我们的图就变成了右图 在剩下的变中寻找。我们找到了CE。这里边的权重也是5 依次类推我们找到了6,7,7,即DF,AB,BE。 下面继续选择, BC或者EF尽管现在长度为8的边是最小的未选择的边。但是现在他们已经连通了(对于BC可以通过CE,EB来连接,类似的EF可以通过EB,BA,AD,DF来接连)。所以不需要选择他们。类似的BD也已经连通了(这里上图的连通线用红色表示了)。 最后就剩下EG和FG了。当然我们选择了EG。最后成功的图就是右: 3.简单证明Kruskal算法 对图的顶点数n做归纳,证明Kruskal算法对任意n阶图适用。 归纳基础: n=1,显然能够找到最小生成树。 归纳过程: 假设Kruskal算法对n≤k阶图适用,那么,在k+1阶图G中,我们把最短边的两个端点a和b做一个合并操作,即把u与v合为一个点v',把原来接在u和v的边都接到v'上去,这样就能够得到一个k阶图G'(u,v的合并是k+1少一条边),G'最小生成树T'可以用Kruskal算法得到。 我们证明T'+{}是G的最小生成树。 用反证法,如果T'+{}不是最小生成树,最小生成树是T,即W(T)})。显然T应该包含,否则,可以用加入到T中,形成一个环,删除环上原有的任意一条边,形成一棵更小权值的生成树。而T-{},是G'的生成树。所以W(T-{})<=W(T'),也就是W(T)<=W(T')+W()=W(T'+{}),产生了矛盾。于是假设不成立,T'+{}是G的最小生成树,Kruskal算法对k+1阶图也适用。 由数学归纳法,Kruskal算法得证。 4.代码算法实现 typedef struct { char vertex[VertexNum]; //顶点表 int edges[VertexNum][VertexNum]; //邻接矩阵,可看做边表 int n,e; //图中当前的顶点数和边数 }MGraph; typedef struct node { int u; //边的起始顶点 int v; //边的终止顶点 int w; //边的权值 }Edge; void kruskal(MGraph G) { int i,j,u1,v1,sn1,sn2,k; int vset[VertexNum]; //辅助数组,判定两个顶点是否连通 int E[EdgeNum]; //存放所有的边 k=0; //E数组的下标从0开始 for (i=0;i", ",", "其中", "u", "为", "集合", "Vnew", "中", "的", "元素", ",", "而", "v", "不在", "Vnew", "集合", "当", "中", ",", "并且", "v", "∈", "V", "(", "如果", "存在", "有", "多", "条", "满足", "前", "述", "条件", "即", "具有", "相同", "权值", "的", "边", ",", "则", "可", "任意", "选取", "其中", "之", "一", ")", ";", "b", ".", "将", "v", "加入", "集合", "Vnew", "中", ",", "将", "<", "u", ",", "v", ">", "边", "加入", "集合", "Enew", "中", ";", "4", ")", ".", "输出", ":", "使用", "集合", "V", "new", "和", "Enew", "来", "描述", "所", "得到", "的", "最小生成树", "。", "[", "1", "]", "假设", "WN", "=", "(", "V", ",", "{", "E", "}", ")", "是", "一", "个", "含有", "n", "个", "顶点", "的", "连通", "网", ",", "则", "按照", "克鲁斯", "卡尔", "算法", "构造", "最小生成树", "的", "过程", "为", ":", "先", "构造", "一", "个", "只", "含", "n", "个", "顶点", ",", "而", "边", "集", "为", "空", "的", "子", "图", ",", "若", "将", "该", "子", "图", "中", "各", "个", "顶点", "看", "成", "是", "各", "棵", "树上", "的", "根", "结点", ",", "则", "它", "是", "一", "个", "含有", "n", "棵", "树", "的", "一", "个", "森林", "。", "之后", ",", "从", "网", "的", "边", "集", "E", "中", "选取", "一", "条", "权值", "最小", "的", "边", ",", "若", "该", "条", "边", "的", "两", "个", "顶点", "分", "属", "不同", "的", "树", ",", "则", "将", "其", "加入", "子", "图", ",", "也就是说", ",", "将", "这", "两", "个", "顶点", "分别", "所在", "的", "两", "棵", "树", "合成", "一棵树", ";", "反", "之", ",", "若", "该", "条", "边", "的", "两", "个", "顶点", "已", "落", "在", "同", "一棵树", "上", ",", "则", "不可取", ",", "而", "应该", "取下", "一", "条", "权值", "最小", "的", "边", "再试之", "。", "依次类推", ",", "直至", "森林", "中", "只有", "一棵树", ",", "也", "即", "子", "图", "中", "含有", "n", "-", "1", "条", "边", "为止", "。", "[", "1", "]"], ["Generie", "MST", "(", "G", ")", "{", "/", "/", "求", "G", "的", "某", "棵", "MST"], ["T", "〈", "-", "¢", ";", "/", "/", "T", "初始", "为", "空", ",", "是", "指", "顶点", "集", "和", "边", "集", "均", "空"], ["while", "T", "未", "形成", "G", "的", "生成", "树", "do", "{"], ["找出", "T", "的", "一", "条", "安全", "边", "(", "u", ",", "v", ")", ";", "/", "/", "即", "T", "∪", "{", "(", "u", ",", "v", ")", "}", "仍", "为", "MST", "的", "子", "集"], ["T", "=", "T", "∪", "{", "(", "u", ",", "v", ")", "}", ";", "/", "/", "加入", "安全", "边", ",", "扩充", "T"], ["return", "T", ";", "/", "/", "T", "为", "生成", "树", "且", "是", "G", "的", "一", "棵", "MST"], ["下面", "给", "出", "的", "两种", "求", "MST", "的", "算法", "均", "是", "对", "上述", "的", "一般", "算法", "的", "求精", ",", "两", "算法", "的", "区别", "仅", "在于", "求", "安全", "边", "的", "方法", "不同", "。"], ["为", "简单", "起", "见", ",", "下面", "用", "序号", "0", ",", "1", ",", "…", ",", "n", "-", "1", "来", "表示", "顶点", "集", ",", "即", "是", ":"], ["V", "(", "G", ")", "=", "{", "0", ",", "1", ",", "…", ",", "n", "-", "1", "}", ","], ["G", "中", "边上", "的", "权", "解释", "为", "长度", ",", "并", "设", "T", "=", "(", "U", ",", "TE", ")", "。"]], "paragraphs": ["最小生成树编辑 锁定", "一个有 n 个结点的连通图的生成树是原图的极小连通子图,且包含原图中的所有 n 个结点,并且有保持图连通的最少的边。[1] 最小生成树可以用kruskal(克鲁斯卡尔)算法或prim(普里姆)算法求出。[2]", "中文名 最小生成树 外文名 Minimum Spanning Tree,MST 提出者 Kruskal(克鲁斯卡尔)Prim(普里姆)", "应用学科 计算机,数学(图论),数据结构 适用领域范围 应用图论知识的实际问题 算法 Kruskal算法,Prim算法", "1 概述 2 应用 3 性质 ▪ 说明 ▪ 证明", "4 算法描述 ▪ Prim算法简述 ▪ Kruskal算法简述 ▪ 伪代码 ▪ C语言代码", "▪ Kruskal算法 - pascal语言 ▪ Prim算法 - pascal语言 ▪ C++模板", "在一给定的无向图G = (V, E) 中,(u, v) 代表连接顶点 u 与顶点 v 的边(即),而 w(u, v) 代表此边的权重,若存在 T 为 E 的子集(即)且为无循环图,使得", "的w(T) 最小,则此 T 为 G 的最小生成树。", "生成树和最小生成树有许多重要的应用。", "例如:要在n个城市之间铺设光缆,主要目标是要使这 n 个城市的任意两个之间都可以通信,但铺设光缆的费用很高,且各个城市之间铺设光缆的费用不同,因此另一个目标是要使铺设光缆的总费用最低。这就需要找到带权的最小生成树。[1]", "最小生成树性质:设G=(V,E)是一个连通网络,U是顶点集V的一个非空真子集。若(u,v)是G中一条“一个端点在U中(例如:u∈U),另一个端点不在U中的边(例如:v∈V-U),且(u,v)具有最小权值,则一定存在G的一棵最小生成树包括此边(u,v)。", "为方便说明,先作以下约定:", "①将集合U中的顶点看作是红色顶点,②而V-U中的顶点看作是蓝色顶点,③连接红点和蓝点的边看作是紫色边,④权最小的紫边称为轻边(即权重最\"轻\"的边)。于是,MST性质中所述的边(u,v)就可简称为轻边。", "用反证法证明MST性质:", "假设G中任何一棵MST都不含轻边(u,v)。则若T为G的任意一棵MST,那么它不含此轻边。", "根据树的定义,则T中必有一条从红点u到蓝点v的路径P,且P上必有一条紫边(u',v')连接红点集和蓝点集,否则u和v不连通。当把轻边(u,v)加入树T时,该轻边和P必构成了一个回路。删去紫边(u',v')后回路亦消除,由此可得另一生成树T'。", "T'和T的差别仅在于T'用轻边(u,v)取代了T中权重可能更大的紫边(u',v')。因为w(u,v)≤w(u',v'),所以", "w(T')=w(T)+w(u,v)-w(u',v')≤w(T)", "即T'是一棵比T更优的MST,所以T不是G的MST,这与假设矛盾。", "所以,MST性质成立。[1]", "求MST的一般算法可描述为:针对图G,从空树T开始,往集合T中逐条选择并加入n-1条安全边(u,v),最终生成一棵含n-1条边的MST。", "当一条边(u,v)加入T时,必须保证T∪{(u,v)}仍是MST的子集,我们将这样的边称为T的安全边。", "1).输入:一个加权连通图,其中顶点集合为V,边集合为E;2).初始化:Vnew= {x},其中x为集合V中的任一节点(起始点),Enew= {},为空;3).重复下列操作,直到Vnew= V:a.在集合E中选取权值最小的边,其中u为集合Vnew中的元素,而v不在Vnew集合当中,并且v∈V(如果存在有多条满足前述条件即具有相同权值的边,则可任意选取其中之一);b.将v加入集合Vnew中,将边加入集合Enew中;4).输出:使用集合Vnew和Enew来描述所得到的最小生成树。[1] 假设WN=(V,{E}) 是一个含有 n 个顶点的连通网,则按照克鲁斯卡尔算法构造最小生成树的过程为:先构造一个只含 n 个顶点,而边集为空的子图,若将该子图中各个顶点看成是各棵树上的根结点,则它是一个含有 n 棵树的一个森林。之后,从网的边集 E 中选取一条权值最小的边,若该条边的两个顶点分属不同的树,则将其加入子图,也就是说,将这两个顶点分别所在的两棵树合成一棵树;反之,若该条边的两个顶点已落在同一棵树上,则不可取,而应该取下一条权值最小的边再试之。依次类推,直至森林中只有一棵树,也即子图中含有 n-1条边为止。[1]", "GenerieMST(G){//求G的某棵MST", "T〈-¢; //T初始为空,是指顶点集和边集均空", "while T未形成G的生成树 do{", "找出T的一条安全边(u,v);//即T∪{(u,v)}仍为MST的子集", "T=T∪{(u,v)}; //加入安全边,扩充T", "return T; //T为生成树且是G的一棵MST", "下面给出的两种求MST的算法均是对上述的一般算法的求精,两算法的区别仅在于求安全边的方法不同。", "为简单起见,下面用序号0,1,…,n-1来表示顶点集,即是:", "V(G)={0,1,…,n-1},", "G中边上的权解释为长度,并设T=(U,TE)。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "最小生成树算法及应用_图文_百度文库", "most_related_para": 9, "segmented_title": ["最小生成树", "算法", "及", "应用", "_", "图文", "_", "百度", "文库"], "segmented_paragraphs": [["暂无", "评价", "|", "0", "人", "阅读", "|", "0", "次", "下载", "|", "举报", "文档"], ["最小生成树", "算法", "及", "应用", "_", "计算机", "软件", "及", "应用", "_", "IT", "/", "计算机", "_", "专业", "资料", "。", "最小生成树", "算法", "及", "应用"], ["最小生成树", "算法", "及", "应用", "一", "、", "生成", "树", "的", "概念", "若", "图", "是", "连通", "的", "无", "向", "图", "或", "强", "连通", "的", "有向图", ",", "则", "从", "图", "中", "任意", "一", "个", "顶点", "出发", "调用", "一", "次", "bfs", "或", "dfs", "后", ",", "便", "可以", "系统", "地", "访问", "图", "中", "所有", "顶点", ";", "若", "图", "是", "有根", "的", "有向图", ",", "则", "从", "根", "出发", "通过", "调用", "一", "次", "dfs", "或", "bfs", ",", "亦可", "系统", "地", "访问", "所有", "顶点", "。"], ["在", "这种", "情况", "下", ",", "图", "中", "所", "有", "顶点", "加上", "遍历", "过程", "中", "经过", "的", "边", "所", "构成", "的", "子", "图", ",", "称为", "原图", "的", "生成", "树", "。"], ["对于", "不", "连通", "的", "无", "向", "图", "和", "不是", "强", "连通", "的", "有向图", ",", "若", "有根", "或者", "从", "根", "外", "的", "任意", "顶点", "出发", ",", "调用", "一", "次", "bfs", "或", "dfs", "后", ",", "一般", "不能", "系统", "地", "访问", "所有", "顶点", ",", "而", "只能", "得到", "以", "出发", "点", "为", "根", "的", "连通", "分支", "(", "或", "强", "连通", "分支", ")", "的", "生成", "树", "。", "要", "访问", "其它", "顶点", ",", "还", "需要", "从", "没有", "访问", "过", "的", "顶点", "中", "找", "一", "个", "顶点", "作为", "起始", "点", ",", "再次", "调用", "bfs", "或", "dfs", ",", "这样", "得到", "的", "是", "生成", "森林", "。"], ["由此", "可以看出", ",", "一", "个", "图", "的", "生成", "树", "是", "不", "唯一", "的", ",", "不同", "的", "搜索", "方法", "可以", "得到", "不同", "的", "生成", "树", ",", "即使", "是", "同", "一", "种", "搜索", "方法", ",", "出发点", "不同", "亦可", "导致", "不同", "的", "生成", "树", "。", "可以", "证明", ":", "具有", "n", "个", "顶点", "的", "带", "权", "连通", "图", ",", "其", "对应", "的", "生成", "树", "有", "n", "-", "1", "条", "边", "。"], ["最小生成树", "算法", "及", "应用", "最小生成树", "算法", "及", "应用", "二", "、", "求", "图", "的", "最小生成树", "算法", "严格", "来", "说", ",", "如果", "图", "G", "=", "(", "V", ",", "E", ")", "是", "一", "个", "连通", "的", "无", "向", "图", ",", "则", "把", "它", "的", "全部", "顶点", "V", "和", "一部分", "边", "E", "’", "构成", "一", "个子", "图", "G", "’", ",", "即", "G", "’", "=", "(", "V", ",", "E", "’", ")", ",", "且", "边", "集", "E", "’", "能", "将", "图", "中", "所有", "顶点", "连通", "又", "不", "形成", "回路", ",", "则", "称", "子", "图", "G", "’", "是", "图", "G", "的", "一", "棵", "生成", "树", "。"], ["最小生成树", "算法", "及", "应用", "例", "1", "、", "城市", "公交", "网", "[", "问题", "描述", "]", "有", "一", "张", "城市", "地图", ",", "图", "中", "的", "顶点", "为", "城市", ",", "无", "向", "边", "代表", "两", "个", "城市", "间", "的", "连通", "关系", ",", "边上", "的", "权", "为", "在", "这", "两", "个", "城市", "之间", "修建", "高速公路", "的", "造价", ",", "研究", "后", "发现", ",", "这个", "地图", "有", "一", "个", "特点", ",", "即", "任", "一", "对", "城市", "都是", "连通", "的", "。"], ["最小生成树", "算法", "及", "应用", "[", "举例", "]", "下面", "的", "图", "(", "A", ")", "表示", "一", "个", "5", "个", "城市", "的", "地图", ",", "图", "(", "B", ")", "、", "(", "C", ")", "是", "对", "图", "(", "A", ")", "分别", "进", "行", "深度", "优先", "遍历", "和", "广度优先", "遍历", "得到", "的", "一", "棵", "生成", "树", ",", "其", "权", "和", "分别", "为", "20", "和", "33", ",", "前者", "比", "后者", "好", "一些", ",", "但", "并", "不是", "最小生成树", ",", "最小生成树", "的", "权", "和", "为", "19", "。"], ["最小生成树", "算法", "及", "应用", "1", "、", "用", "Prim", "算法", "求", "最小生成树", "的", "思想", "如", "下", ":", "①", "设置", "一", "个", "顶点", "的", "集合", "S", "和", "一", "个", "边", "的", "集合", "TE", ",", "S", "和", "TE", "的", "初始", "状态", "均", "为", "空", "集", ";", "②", "选定", "图", "中", "的", "一", "个", "顶点", "K", ",", "从", "K", "开始", "生成", "最小生成树", ",", "将", "K", "加入", "到", "集合", "S", ";", "③", "重复", "下列", "操作", ",", "直到", "选取", "了", "n", "-", "1", "条", "边", ":", "选取", "一", "条", "权值", "最小", "的", "边", "(", "X", ",", "Y", ")", ",", "其中", "X", "∈", "S", ",", "not", "(", "Y", "∈", "S", ")", ";", "将", "顶点", "Y", "加入", "集合", "S", ",", "边", "(", "X", ",", "Y", ")", "加入", "集合", "TE", ";", "④", "得到", "最小生成树", "T", "=", "(", "S", ",", "TE", ")", "。", "最小生成树", "算法", "及", "应用", "①", "从", "文件", "中", "读入", "图", "的", "邻接矩阵", "g", ";", "—", "—", "Prim", "算法", "的", "实现", "②", "边", "集", "数组", "elist", "初始化", ";", "For", "i", ":", "=", "1", "To", "n", "-", "1", "Do", "Begin", "elist", "[", "i", "]", ".", "from", "v", ":", "=", "1", ";", "elist", "[", "i", "]", ".", "endv", ":", "=", "i", "+", "1", ";", "elist", "[", "i", "]", ".", "weight", ":", "=", "g", "[", "1", ",", "i", "+", "1", "]", ";", "End", ";", "③", "求", "出", "最小生成树", "的", "n", "-", "1", "条", "边", ";", "For", "k", ":", "=", "1", "To", "n", "-", "1", "Do", "Begin", "min", ":", "=", "maxint", ";", "m", ":", "=", "k", ";", "For", "j", ":", "=", "k", "To", "n", "-", "1", "Do", "{", "查找", "权值", "最小", "的", "一", "条", "边", "}", "If", "elist", "[", "j", "]", ".", "weight", "<", "min", "Then", "Begin", "min", ":", "=", "elist", "[", "j", "]", ".", "weight", ";", "m", ":", "=", "j", ";", "End", ";", "If", "m", "<", ">", "k", "Then", "Begin", "t", ":", "=", "elist", "[", "k", "]", ";", "elist", "[", "k", "]", ":", "=", "elist", "[", "m", "]", ";", "elist", "[", "m", "]", ":", "=", "t", ";", "End", ";", "{", "把", "权值", "最小", "的", "边", "调到", "第", "k", "个", "单元", "}", "j", ":", "=", "elist", "[", "k", "]", ".", "endv", ";", "{", "j", "为", "新", "加入", "的", "顶点", "}", "For", "i", ":", "=", "k", "+", "1", "To", "n", "-", "1", "Do", "{", "修改", "未", "加入", "的", "边", "集", "}", "Begin", "s", ":", "=", "elist", "[", "i", "]", ".", "endv", ";", "w", ":", "=", "g", "[", "j", ",", "s", "]", ";", "If", "w", "<", "elist", "[", "i", "]", ".", "weight", "Then", "Begin", "elist", "[", "i", "]", ".", "weight", ":", "=", "w", ";", "elist", "[", "i", "]", ".", "from", "v", ":", "=", "j", ";", "End", ";", "End", ";", "End", ";", "④", "输出", ";", "最小生成树", "算法", "及", "应用", "2", "、", "用", "Kruskal", "算法", "求", "最小生成树", "的", "思想", "如", "下", ":", "设", "最小生成树", "为", "T", "=", "(", "V", ",", "TE", ")", ",", "设置", "边", "的", "集合", "TE", "的", "初始", "状态", "为", "空", "集", "。"], ["最小生成树", "算法", "及", "应用", "Kruskal", "算法", "在", "实现", "过程", "中", "的", "关键", "和", "难点", "在于", ":", "如何", "判断", "欲", "加入", "的", "一", "条", "边", "是否", "与", "生成", "树", "中", "已", "保留", "的", "边", "形成", "回路", "?"], ["最小生成树", "算法", "及", "应用", "—", "—", "Kruskal", "算法", "的", "实现", "①", "将", "图", "的", "存储", "结构", "转换", "成", "边", "集", "数组", "表示", "的", "形式", "elist", ",", "并", "按照", "权值", "从小到大", "排", "好", "序", ";", "②", "设", "数组", "C", "[", "1", ".", ".", "n", "-", "1", "]", "用来", "存储", "最小生成树", "的", "所有", "边", ",", "C", "[", "i", "]", "是", "第", "i", "次", "选取", "的", "可行", "边", "在", "排", "好", "序", "的", "elist", "中", "的", "下标", ";", "③", "设", "一", "个", "数组", "S", "[", "1", ".", ".", "n", "]", ",", "S", "[", "i", "]", "都是", "集合", ",", "初始", "时", "S", "[", "i", "]", "=", "[", "i", "]", "。"], ["最小生成树", "算法", "及", "应用", "17", "页", "免费"], ["最小生成树", "算法", "及", "应用", "17", "页", "免费"]], "paragraphs": ["暂无评价|0人阅读|0次下载|举报文档", "最小生成树算法及应用_计算机软件及应用_IT/计算机_专业资料。最小生成树算法及应用", "最小生成树算法及应用一、生成树的概念 若图是连通的无向图或强连通的有向图,则从图中任意一个顶点出发调用一 次bfs或dfs后,便可以系统地访问图中所有顶点;若图是有根的有向图,则从根 出发通过调用一次dfs或bfs,亦可系统地访问所有顶点。", "在这种情况下,图中所 有顶点加上遍历过程中经过的边所构成的子图,称为原图的生成树。", "对于不连通的无向图和不是强连通的有向图,若有根或者从根外的任意顶点 出发,调用一次bfs或dfs后,一般不能系统地访问所有顶点,而只能得到以出发 点为根的连通分支(或强连通分支)的生成树。要访问其它顶点,还需要从没有 访问过的顶点中找一个顶点作为起始点,再次调用bfs或dfs,这样得到的是生成 森林。", "由此可以看出,一个图的生成树是不唯一的,不同的搜索方法可以得到不同 的生成树,即使是同一种搜索方法,出发点不同亦可导致不同的生成树。 可以证明:具有n个顶点的带权连通图,其对应的生成树有n-1条边。", "最小生成树算法及应用 最小生成树算法及应用二、求图的最小生成树算法 严格来说,如果图G=(V,E)是一个连通的无向图,则把它的全部顶点V和 一部分边E’构成一个子图G’,即G’=(V, E’),且边集E’能将图中所有顶点连通 又不形成回路,则称子图G’是图G的一棵生成树。", "最小生成树算法及应用例1、城市公交网 [问题描述] 有一张城市地图,图中的顶点为城市,无向边代表两个城市间的连通关系, 边上的权为在这两个城市之间修建高速公路的造价,研究后发现,这个地图有一 个特点,即任一对城市都是连通的。", "最小生成树算法及应用 [举例] 下面的图(A)表示一个5个城市的地图,图(B)、(C)是对图(A)分别进 行深度优先遍历和广度优先遍历得到的一棵生成树,其权和分别为20和33,前者比 后者好一些,但并不是最小生成树,最小生成树的权和为19。", "最小生成树算法及应用 1、用Prim算法求最小生成树的思想如下: ①设置一个顶点的集合S和一个边的集合TE,S和TE的初始状态均为空集; ②选定图中的一个顶点K,从K开始生成最小生成树,将K加入到集合S; ③重复下列操作,直到选取了n-1条边: 选取一条权值最小的边(X,Y),其中X∈S,not (Y∈S); 将顶点Y加入集合S,边(X,Y)加入集合TE; ④得到最小生成树T =(S,TE) 。 最小生成树算法及应用① 从文件中读入图的邻接矩阵g; ——Prim算法的实现 ② 边集数组elist初始化; For i:=1 To n-1 Do Begin elist[i].fromv:=1;elist[i].endv:=i+1;elist[i].weight:=g[1,i+1]; End; ③ 求出最小生成树的n-1条边; For k:=1 To n-1 Do Begin min:=maxint;m:=k; For j:=k To n-1 Do {查找权值最小的一条边} If elist[j].weightk Then Begin t:=elist[k];elist[k]:=elist[m];elist[m]:=t;End; {把权值最小的边调到第k个单元} j:=elist[k].endv; {j为新加入的顶点} For i:=k+1 To n-1 Do {修改未加入的边集} Begin s:=elist[i].endv; w:=g[j,s]; If w", ",", "其中", "u", "为", "集合", "Vnew", "中", "的", "元素", ",", "而", "v", "不在", "Vnew", "集合", "当", "中", ",", "并且", "v", "∈", "V", "(", "如果", "存在", "有", "多", "条", "满足", "前", "述", "条件", "即", "具有", "相同", "权值", "的", "边", ",", "则", "可", "任意", "选取", "其中", "之", "一", ")", ";", "b", ".", "将", "v", "加入", "集合", "Vnew", "中", ",", "将", "<", "u", ",", "v", ">", "边", "加入", "集合", "Enew", "中", ";", "4", "输出", ":", "使用", "集合", "V", "new", "和", "Enew", "来", "描述", "所", "得到", "的", "最小生成树"], ["Kruskal", "算法", "简述", ":", "假设", "WN", "=", "(", "V", ",", "{", "E", "}", ")", "是", "一", "个", "含有", "n", "个", "顶点", "的", "连通", "网", ",", "则", "按照", "克鲁斯", "卡尔", "算法", "构造", "最小生成树", "的", "过程", "为", ":", "先", "构造", "一", "个", "只", "含", "n", "个", "顶点", ",", "而", "边", "集", "为", "空", "的", "子", "图", ",", "若", "将", "该", "子", "图", "中", "各", "个", "顶点", "看", "成", "是", "各", "棵", "树上", "的", "根", "结点", ",", "则", "它", "是", "一", "个", "含有", "n", "棵", "树", "的", "一", "个", "森林", "。", "之后", ",", "从", "网", "的", "边", "集", "E", "中", "选取", "一", "条", "权值", "最小", "的", "边", ",", "若", "该", "条", "边", "的", "两", "个", "顶点", "分", "属", "不同", "的", "树", ",", "则", "将", "其", "加入", "子", "图", ",", "也就是说", ",", "将", "这", "两", "个", "顶点", "分别", "所在", "的", "两", "棵", "树", "合成", "一棵树", ";", "反", "之", ",", "若", "该", "条", "边", "的", "两", "个", "顶点", "已", "落", "在", "同", "一棵树", "上", ",", "则", "不可取", ",", "而", "应该", "取下", "一", "条", "权值", "最小", "的", "边", "再试之", "。", "依次类推", ",", "直至", "森林", "中", "只有", "一棵树", ",", "也", "即", "子", "图", "中", "含有", "n", "-", "1", "条", "边", "为止", "。"]], "answers": ["求MST的一般算法可描述为:针对图G,从空树T开始,往集合T中逐条选择并加入n-1条安全边(u,v),最终生成一棵含n-1条边的MST。当一条边(u,v)加入T时,必须保证T∪{(u,v)}仍是MST的子集,我们将这样的边称为T的安全边。Prim算法简述:1输入:一个加权连通图,其中顶点集合为V,边集合为E;2初始化:Vnew= {x},其中x为集合V中的任一节点(起始点),Enew= {},为空;3重复下列操作,直到Vnew= V;a.在集合E中选取权值最小的边,其中u为集合Vnew中的元素,而v不在Vnew集合当中,并且v∈V(如果存在有多条满足前述条件即具有相同权值的边,则可任意选取其中之一);b.将v加入集合Vnew中,将边加入集合Enew中;4输出:使用集合Vnew和Enew来描述所得到的最小生成树", "Kruskal算法简述:假设 WN=(V,{E}) 是一个含有 n 个顶点的连通网,则按照克鲁斯卡尔算法构造最小生成树的过程为:先构造一个只含 n 个顶点,而边集为空的子图,若将该子图中各个顶点看成是各棵树上的根结点,则它是一个含有 n 棵树的一个森林。之后,从网的边集 E 中选取一条权值最小的边,若该条边的两个顶点分属不同的树,则将其加入子图,也就是说,将这两个顶点分别所在的两棵树合成一棵树;反之,若该条边的两个顶点已落在同一棵树上,则不可取,而应该取下一条权值最小的边再试之。依次类推,直至森林中只有一棵树,也即子图中含有 n-1条边为止。"], "answer_docs": [2], "segmented_question": ["最小生成树", "算法"], "question_type": "DESCRIPTION", "question_id": 29, "fact_or_opinion": "FACT", "match_scores": [0.9119170984455959]} -{"documents": [{"is_selected": false, "title": "现在精英服这么好进,难道是因为没什么人申请了?感觉有点方_天涯明月", "most_related_para": 1, "segmented_title": ["现在", "精英", "服", "这么", "好", "进", ",", "难道", "是因为", "没", "什么", "人", "申请", "了", "?", "感觉有点", "方", "_", "天涯", "明月"], "segmented_paragraphs": [["男女", "主", "填", "的", "傅红雪", "和", "明月心", ",", "理由", "都", "懒得", "写", ",", "就", "随手", "一句", "因为", "热爱", "所以", "不", "想", "离开"], ["曾经有个女孩", "儿", "问", "我", ":", "“", "你", "是", "帅哥", "吗", "?", "”", "我", "惭愧", "的", "说", ":", "“", "我", "不是", "。", "”", "那", "女孩", "啪啪", "的", "给", "了", "我", "两", "巴掌", ",", "然后", "转身", "跑", "了", ",", "丢下", "一句话", ":", "“", "你", "撒谎", "!", "”", "从此", "我", "懂得", "了", "一", "个", "道理", ",", "做人", "要", "诚实", "。", "凤凰", "集", "第", "一", "帅", "流", "精", "水", "路过", "!"], ["精英", "服", "客户端", "怎么", "搞", ",", "把", "正式", "服", "的", "复制", "到", "其他", "盘", "就", "行", "了", "?"], ["卧槽", "我", "写", "的", "公子羽", "明月心"], ["明明", "男女主角", "就是", "傅红雪", "和", "叶开"], ["昨天", "我", "进去", "体", "服", "了", ",", "建立", "个", "小号", ",", "到", "31", "吃", "礼包", ",", "立马", "80", "级", ",", "然后", "包", "里", "都", "满", "了", ",", "2w", "个", "精工", "材料", ",", "几千万", "修为", ",", "4000", "多", "j", ",", "9w", "多", "点", "劵", ",", "在", "正", "服", "一直", "想", "买", "的", "时装", "坐骑", "都", "买", "了", ",", "感觉", "自己", "萌萌哒", ","], ["我", "昨天", "申请", "的", ",", "不知道", "能不能", "进", ",", "好", "期待"], ["我", "男女", "主", "写", "的", "傅红雪", "叶开", ",", "过", "了"], ["体验服", "充", "不", "了", "钱", ",", "所以", "没有", "天", "赏", "积分", "。", "。", "。", "土豪", "衣服", "已经", "无缘", "了"]], "paragraphs": ["男女主填的傅红雪和明月心,理由都懒得写,就随手一句因为热爱所以不想离开", "曾经有个女孩儿问我:“你是帅哥吗?”我惭愧的说:“我不是。”那女孩啪啪的给了我两巴掌,然后转身跑了,丢下一句话:“你撒谎 !”从此我懂得了一个道理,做人要诚实。凤凰集第一帅 流精水 路过!", "精英服客户端怎么搞,把正式服的复制到其他盘就行了?", "卧槽我写的公子羽明月心", "明明男女主角就是傅红雪和叶开", "昨天我进去体服了,建立个小号,到31吃礼包,立马80级,然后包里都满了,2w个精工材料,几千万修为,4000多j,9w多点劵,在正服一直想买的时装坐骑都买了,感觉自己萌萌哒,", "我昨天申请的,不知道能不能进,好期待", "我男女主写的傅红雪叶开,过了", "体验服充不了钱,所以没有天赏积分。。。土豪衣服已经无缘了"], "bs_rank_pos": 0}, {"is_selected": true, "title": "天涯明月刀精英体验服申请方法 什么是精英服-新浪天涯明月刀专区", "most_related_para": 8, "segmented_title": ["天涯明月刀", "精英", "体验服", "申请", "方法", "什么", "是", "精英", "服", "-", "新浪", "天涯明月刀", "专区"], "segmented_paragraphs": [["边城浪子", "大区", "“", "欢乐英雄", "”", "服务器", "是", "对外", "限量", "开放", "的", "精英", "体验服", ",", "我们", "欢迎", "各", "方", "新", "老", "玩家", "的", "加入", "!", "进入", "此", "服务器", "的", "玩家", "能够", "享受", "到", "如", "下", "特权", ":"], ["边城浪子", "大区", "“", "欢乐英雄", "”", "服务器", "是", "对外", "限量", "开放", "的", "精英", "体验服", ",", "我们", "欢迎", "各", "方", "新", "老", "玩家", "的", "加入", "!", "进入", "此", "服务器", "的", "玩家", "能够", "享受", "到", "如", "下", "特权", ":"], ["可", "提前", "体验", "到", "游戏", "最新版本", "(", "首次", "先行", "体验", "版本", "将", "于", "6", "月份", "开放", ",", "届时", "可", "提前", "体验", "到", "五毒", "门派", "等", "最新", "内容", ")", ";"], ["可", "定期", "获得", "大量", "游戏", "点券", ";"], ["可", "享受", "意见反馈", "的", "直达", "通道", ",", "能够", "帮助", "开发团队", "更好地", "优化", "游戏", "体验", "。"], ["温馨提醒", ":", "欢乐英雄", "精英", "服", "的", "游戏", "内容", "不", "代表", "最终", "游戏", "体验", "。"], ["如何", "获取", "精英", "测试", "资格"], ["拥有", "内测", "“", "蔷薇", "诀", "”", "的", "老", "玩家", ",", "可", "点击", "按钮", "直接", "激活", "精英", "服", "资格", ",", "并", "可", "在", "精英", "服", "内", "获得", "内测", "保留", "装备", ";"], ["没有", "内测", "“", "蔷薇", "诀", "”", "的", "玩家", ",", "欢迎", "于", "5", "月", "28", "日", "来", "本", "页面", "填写", "申请", "问卷", ",", "3", "个", "工作日", "后", "可", "前", "来", "查询", "申请", "结果", "。"], ["精英", "服", "有", "自己", "专属", "服务器"]], "paragraphs": ["边城浪子大区“欢乐英雄”服务器是对外限量开放的精英体验服,我们欢迎各方新老玩家的加入!进入此服务器的玩家能够享受到如下特权:", "边城浪子大区“欢乐英雄”服务器是对外限量开放的精英体验服,我们欢迎各方新老玩家的加入!进入此服务器的玩家能够享受到如下特权:", "可提前体验到游戏最新版本(首次先行体验版本将于6月份开放,届时可提前体验到五毒门派等最新内容);", "可定期获得大量游戏点券;", "可享受意见反馈的直达通道,能够帮助开发团队更好地优化游戏体验。", "温馨提醒:欢乐英雄精英服的游戏内容不代表最终游戏体验。", "如何获取精英测试资格", "拥有内测“蔷薇诀”的老玩家,可点击按钮直接激活精英服资格,并可在精英服内获得内测保留装备;", "没有内测“蔷薇诀”的玩家,欢迎于5月28日来本页面填写申请问卷,3个工作日后可前来查询申请结果。", "精英服有自己专属服务器"], "bs_rank_pos": 1}, {"is_selected": false, "title": "大家进来看看,精英服申请成功,填写这内容都可以成功,,我醉了-天涯", "most_related_para": 4, "segmented_title": ["大家", "进来", "看看", ",", "精英", "服", "申请成功", ",", "填写", "这", "内容", "都", "可以", "成功", ",", ",", "我醉了", "-", "天涯"], "segmented_paragraphs": [["UID", "57051597", "帖子", "714", "威望", "0", "多玩", "草", "316", "草"], ["你", "隔壁", "家", "的", "老王"], ["UID", "46756915", "帖子", "319", "威望", "1", "多玩", "草", "366", "草", "先", "申请成功", ",", "在", "重新", "申请", "一遍", ",", "内容", "不一样", "而已", "。", "村官", "上", "任", "就", "很", "火", "村", "里", "鱼塘", "我", "承包", "了", "UID", "42277021", "帖子", "4725", "威望", "11", "多玩", "草", "1058", "草", "只是", "看看", "不说话", "最", "是", "无情人", "。", "UID", "61388384", "帖子", "843", "威望", "2", "多玩", "草", "0", "草", "为什么", "我", "的", "还", "没", "成功", "。", "。", "只", "看", "不说话", "又", "见", "楼主", "水龙头", "╮", "(", "╯", "_", "╰", ")", "╭", "。", "恭喜恭喜", "!", "!", "!", "!", "UID", "12373259", "帖子", "119458", "威望", "15", "多玩", "草", "692", "草", "恭喜了", "。", "UID", "2475819", "帖子", "33565", "威望", "34", "多玩", "草", "46770", "草", "UID", "57051597", "帖子", "714", "威望", "0", "多玩", "草", "316", "草"], ["傻逼", "楼主", "不是", "专门", "带", "节奏", "的", "?", "你", "的", "图", "谁", "信", "?"], ["女汉子", "绝对", "美", "本来就是", "随机", "不看", "内容", "的", "啊", ",", "我", "所有", "空", "都", "填", "的", "是", "我", "爱玩", "天刀", ",", "复制", "了", "3", "遍", "发表", "于", "2016", "-", "6", "-", "17", "08", ":", "58", ":", "12"], ["看", "都", "不用", "看", ",", "楼上", "是", "来", "水", "的", "."], ["复读机", "又", "来", "了"], ["UID", "43560767", "帖子", "2942", "威望", "0", "多玩", "草", "260", "草"], ["我", "觉得", "确实", "没", "人", "看", "内容", "~", "随机抽取"]], "paragraphs": ["UID 57051597 帖子 714 威望 0 多玩草 316 草", "你隔壁家的老王", "UID 46756915 帖子 319 威望 1 多玩草 366 草 先申请成功,在重新申请一遍,内容不一样而已。 村官上任就很火 村里鱼塘我承包了 UID 42277021 帖子 4725 威望 11 多玩草 1058 草 只是看看不说话 最是无情人。 UID 61388384 帖子 843 威望 2 多玩草 0草 为什么我的还没成功。。 只看不说话 又见楼主水龙头╮(╯_╰)╭。 恭喜恭喜!!!! UID 12373259 帖子 119458 威望 15 多玩草 692 草 恭喜了。 UID 2475819 帖子 33565 威望 34 多玩草 46770 草 UID 57051597 帖子 714 威望 0 多玩草 316 草", "傻逼楼主不是专门带节奏的?你的图谁信?", "女汉子绝对美 本来就是随机不看内容的啊,我所有空都填的是我爱玩天刀,复制了3遍 发表于 2016-6-17 08:58:12", "看都不用看,楼上是来水的.", "复读机又来了", "UID 43560767 帖子 2942 威望 0 多玩草 260 草", "我觉得确实没人看内容~随机抽取"], "bs_rank_pos": 2}, {"is_selected": false, "title": "天刀精英服资格详解_天涯明月刀ol精英服吧_百度贴吧", "most_related_para": 1, "segmented_title": ["天刀", "精英", "服", "资格", "详解", "_", "天涯明月刀", "ol", "精英", "服", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["参加", "过", "三", "测", "并且", "拥有", "蔷薇", "诀", "保留", "测试", "资格", "的", "玩家", "都", "现在", "都", "在", "关注", "测试", "资格", "保留", "区", "那个", "服务器", "的", "问题", ",", "想", "必", "大部分", "玩家", "都", "知道", "了", "拥有", "蔷薇", "诀", "的", "玩家", "可以", "激活", "一", "个", "正式", "服", "和", "一", "个", "精英", "服", "。", "很多", "玩家", "会", "认为", "精英", "服", "是", "精英", "服", ",", "正式", "服", "是", "欢乐英雄", "。", "这", "是", "两", "个", "不同", "的", "服", "。", "其实", "事实", "并", "不是", "这样", "的", ",", "精英", "服", "是", "属于", "欢乐英雄", "大区", "的", "。", "所以", "表示", "着", "玩家", "可以", "精活", "一", "个", "正式", "的", "青龙", "乱舞", "服务器", "或者", "是", "大地飞鹰", "服务器", "。"], ["如何", "拥有", "精英", "服", "测试", "资格", ",", "申请", "精英", "服", "资格", "的", "玩家", ",", "需", "完成", ":", "拥有", "内测", "“", "蔷薇", "诀", "”", "的", "老", "玩家", ",", "可", "点击", "按钮", "直接", "激活", "精英", "服", "资格", ",", "并", "可", "在", "精英", "服", "内", "获得", "内测", "保留", "装备", "。", "没有", "内测", "“", "蔷薇", "诀", "”", "的", "玩家", ",", "欢迎", "于", "5", "月", "28", "日", "来", "本", "页面", "填写", "申请", "问卷", ",", "3", "个", "工作日", "后", "可", "前", "来", "查询", "申请", "结果", "。", "进入", "精英", "服", "的", "玩家", "请", "仔细", "阅读", ":", "边城浪子", "大区", "“", "欢乐英雄", "”", "服务器", "是", "对外", "限量", "开放", "的", "精英", "体验服", ",", "我们", "欢迎", "各", "方", "新", "老", "玩家", "的", "加入", "!", "进入", "此", "服务器", "的", "玩家", "能够", "享受", "到", "如", "下", "特权", ":", "可", "提前", "体验", "到", "游戏", "最新版本", "(", "首次", "先行", "体验", "版本", "将", "于", "6", "月份", "开放", ",", "届时", "可", "提前", "体验", "到", "五毒", "门派", "等", "最新", "内容", ")", "。", "可", "定期", "获得", "大量", "游戏", "点券", "。", "可", "享受", "意见反馈", "的", "直达", "通道", ",", "能够", "帮助", "开发团队", "更好地", "优化", "游戏", "体验", "。", "温馨提醒", "欢乐英雄", "精英", "服", "的", "游戏", "内容", "不", "代表", "最终", "游戏", "体验", "。"], ["精英", "服", "测试", "资格", "查询", "网站", "http", ":", "/", "/", "wuxia", ".", "qq", ".", "com", "/", "act", "/", "a", "20150422", "jyf", "/", "总", "吞楼", ",", "把", "表情", "去掉", "吧"], ["楼主", "我", "28", "号", "申请", "了", "!", "现在", "还", "没", "资格", "!", "!"], ["到", "现在", "好像", "也", "没", "发", "点券", ",", "我", "想", "1", "点券", "开", "个", "角色", "位", "还", "得", "等", "。", "还有", "4", "天", "就", "7", ".", "1", "不", "限号", "了", ",", "五毒", "也", "没", "出", ",", "这个", "体验服", "也", "真是", "。", "。", "。"], ["楼主", "我", "想", "问一下", "精英", "服", "的", "时装", "是", "上", "测", "拿到", "多少", "发", "多少", "还是", "全部", "时装", "都", "发", "?", "这", "服", "里", "数据", "删档", "的", "吗", "?"], ["出", "了", "申请", ",", "在", "哪", "能", "弄", "到", "精英", "服", "的", "账号", ",", "楼主", "还有", "号", "吗"], ["请问", "下", "楼主", "精英", "服", "可以", "充值", "点卷", "么", ",", ",", "充值", "页面", "没", "这个", "区", "!", "!", "!", "!"], ["请问", "楼主", "现在", "进", "精英", "服", "还有", "低保", "福利", "么"], ["现在", "能", "申请", "么", "?", "?", "鬼区", "玩", "了", "整", "整", "五个月", ",", "想", "找", "个", "地方", "养老", ".", ".", "."], ["我", "想", "问问", ",", "原来", "申请", "的", "就", "烂", "到", "那里", ",", "不能", "在", "申请", ",", "也", "没有人", "处理", "了", "吗"]], "paragraphs": ["参加过三测并且拥有蔷薇诀保留测试资格的玩家都现在都在关注测试资格保留区那个服务器的问题,想必大部分玩家都知道了拥有蔷薇诀的玩家可以激活一个正式服和一个精英服。 很多玩家会认为精英服是精英服,正式服是欢乐英雄。这是两个不同的服。 其实事实并不是这样的,精英服是属于欢乐英雄大区的。所以表示着玩家可以精活一个正式的青龙乱舞服务器或者是大地飞鹰服务器。", "如何拥有精英服测试资格,申请精英服资格的玩家,需完成: 拥有内测“蔷薇诀”的老玩家,可点击按钮直接激活精英服资格,并可在精英服内获得内测保留装备。 没有内测“蔷薇诀”的玩家,欢迎于5月28日来本页面填写申请问卷,3个工作日后可前来查询申请结果。 进入精英服的玩家请仔细阅读: 边城浪子大区“欢乐英雄”服务器是对外限量开放的精英体验服,我们欢迎各方新老玩家的加入!进入此服务器的玩家能够享受到如下特权: 可提前体验到游戏最新版本(首次先行体验版本将于6月份开放,届时可提前体验到五毒门派等最新内容)。 可定期获得大量游戏点券。 可享受意见反馈的直达通道,能够帮助开发团队更好地优化游戏体验。 温馨提醒欢乐英雄精英服的游戏内容不代表最终游戏体验。", "精英服测试资格查询网站http://wuxia.qq.com/act/a20150422jyf/总吞楼,把表情去掉吧", "楼主我28号申请了!现在还没资格!!", "到现在好像也没发点券,我想1点券开个角色位还得等。还有4天就7.1不限号了,五毒也没出,这个体验服也真是。。。", "楼主我想问一下精英服的时装是上测拿到多少发多少还是全部时装都发?这服里数据删档的吗?", "出了申请,在哪能弄到精英服的账号,楼主还有号吗", "请问下楼主精英服可以充值点卷么,,充值页面没这个区!!!!", "请问楼主现在进精英服还有低保福利么", "现在能申请么??鬼区玩了整整五个月,想找个地方养老...", "我想问问,原来申请的就烂到那里,不能在申请,也没有人处理了吗"], "bs_rank_pos": 3}, {"is_selected": false, "title": "天涯明月刀精英服申请理由 体验服申请方法_特玩网天涯明月刀专区", "most_related_para": 1, "segmented_title": ["天涯明月刀", "精英", "服", "申请", "理由", "体验服", "申请", "方法", "_", "特", "玩", "网", "天涯明月刀", "专区"], "segmented_paragraphs": [["天刀", "边城浪子", "大区", "“", "欢乐英雄", "”", "服务器", "是", "对外", "限量", "开放", "的", "精英", "体验服", ",", "这个", "天刀", "精英", "服", "是", "在", "正式", "服", "开放", "前", "进行", "玩家", "试玩", "的", ",", "所以", "在", "天刀", "助手", "里", "是", "不会", "有", "资料", "显示", "的", ",", "这个", "天刀", "精英", "服", "看上去", "这个", "厉害", ",", "那", "我们", "看看", "如何", "加入", "天刀", "精英", "服", "吧", "。"], ["没有", "内测", "“", "蔷薇", "诀", "”", "的", "玩家", ",", "欢迎", "于", "5", "月", "28", "日", "来", "本", "页面", "填写", "申请", "问卷", ",", "3", "个", "工作日", "后", "可", "前", "来", "查询", "申请", "结果", "。"], ["进入", "此", "服务器", "的", "玩家", "能够", "享受", "到", "如", "下", "特权", ":"], ["可", "提前", "体验", "到", "游戏", "最新版本", "(", "首次", "先行", "体验", "版本", "将", "于", "6", "月份", "开放", ",", "届时", "可", "提前", "体验", "到", "五毒", "门派", "等", "最新", "内容", ")", ";"], ["想要", "了解更多", "关于", "天涯明月刀", "的", "最新资讯", ",", "敬请关注", "特", "玩", "网", "天涯明月刀", "专区", "。"]], "paragraphs": ["天刀边城浪子大区“欢乐英雄”服务器是对外限量开放的精英体验服,这个天刀精英服是在正式服开放前进行玩家试玩的,所以在天刀助手里是不会有资料显示的,这个天刀精英服看上去这个厉害,那我们看看如何加入天刀精英服吧。", "没有内测“蔷薇诀”的玩家,欢迎于5月28日来本页面填写申请问卷,3个工作日后可前来查询申请结果。", "进入此服务器的玩家能够享受到如下特权:", "可提前体验到游戏最新版本(首次先行体验版本将于6月份开放,届时可提前体验到五毒门派等最新内容);", "想要了解更多关于天涯明月刀的最新资讯,敬请关注特玩网天涯明月刀专区。"], "bs_rank_pos": 4}], "answer_spans": [[0, 32]], "fake_answers": ["没有内测“蔷薇诀”的玩家,欢迎于5月28日来本页面填写申请问卷,3个工作日后可前来查询申请结果。"], "question": "天刀精英服申请技巧", "segmented_answers": [["拥有", "内测", "“", "蔷薇", "诀", "”", "的", "老", "玩家", ",", "可", "点击", "按钮", "直接", "激活", "精英", "服", "资格", ",", "并", "可", "在", "精英", "服", "内", "获得", "内测", "保留", "装备", ";", "没有", "内测", "“", "蔷薇", "诀", "”", "的", "玩家", ",", "欢迎", "于", "5", "月", "28", "日", "来", "本", "页面", "填写", "申请", "问卷", ",", "3", "个", "工作日", "后", "可", "前", "来", "查询", "申请", "结果", "。"]], "answers": ["拥有内测“蔷薇诀”的老玩家,可点击按钮直接激活精英服资格,并可在精英服内获得内测保留装备;没有内测“蔷薇诀”的玩家,欢迎于5月28日来本页面填写申请问卷,3个工作日后可前来查询申请结果。"], "answer_docs": [1], "segmented_question": ["天刀", "精英", "服", "申请", "技巧"], "question_type": "DESCRIPTION", "question_id": 30, "fact_or_opinion": "OPINION", "match_scores": [0.6458333333333333]} -{"documents": [{"is_selected": true, "title": "为啥就没有见到几个人买amd的pro duo的?【显卡吧】_百度贴吧", "most_related_para": 8, "segmented_title": ["为啥", "就", "没有", "见到", "几个", "人", "买", "amd", "的", "pro", "duo", "的", "?", "【", "显卡", "吧", "】", "_", "百度贴吧"], "segmented_paragraphs": [["吧", "里", "tt", "xp", "和", "1080", "ti", "的", "帖子", "动不动", "就", "有", ",", "pro", "duo", "的", "开箱", "却", "从来", "没", "遇见", "过", ",", "啥", "原因", "?"], ["等", "出", "了", "看一下", "。", "要是", "和", "PPT", "差不多", "。", "组", "一", "套", "3A", "平台", "。"], ["为什么", "买", ",", "吹一吹", "就", "够了", ",", "买", "了", "就", "不好意思", "吹", "了"], ["2", "月", "有", "个", "老哥", "买", "了", "在", "卡巴", "开", "过", "贴", ",", "本来", "指望", "用", "做", "专业", "卡", "的", ",", "结果", "专业", "软件", "跑分", "非常", "难看", "。"], ["说明", "卡", "吧", "总体", "智商", "还不错"], ["因为", "不再", "出", "FirePro", "卡", ",", "用", "Radeon", "Pro", "卡", "代替", ",", "也", "就是", "专业", "卡"], ["你", "镇", "楼", "图", "那", "张", "卡", "是", "二代", "pro", "duo", "。", "是", "真", "·", "专业", "卡", "。", "你", "见过", "贴吧", "有", "Fire", "pro", "开箱", "的", "帖子", "吗", "?", "另外", ",", "你", "看", "这", "是", "啥"], ["如果你说的", "是", "配图", "那", "块", ",", "根本", "就", "没", "出货", "。"], ["看", "过", "好", "几", "次", "开箱", "帖", ",", "但是", "没", "什么", "人", "回复", ",", "有", "一", "次", "一", "个", "壕", "双", "pro", "duo", "交火", ",", "回复", "没", "几", "条", ",", "过", "了", "几天", "被", "人", "盗", "图", "了", ",", "回复", "还", "多", "一些", "另外", ",", "主要", "是", "价格", "问题", ",", "pro", "duo", "去年", "那", "价格", ",", "都", "能", "买", "两", "张", "1080", "ti", "了", "。"], ["登录", "百度", "帐号"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "paragraphs": ["吧里ttxp和1080ti的帖子动不动就有,pro duo 的开箱却从来没遇见过,啥原因?", "等出了看一下。要是和PPT差不多。组一套3A平台。", "为什么买,吹一吹就够了,买了就不好意思吹了", "2月有个老哥买了在卡巴开过贴,本来指望用做专业卡的,结果专业软件跑分非常难看。", "说明卡吧总体智商还不错", "因为不再出FirePro卡,用RadeonPro卡代替,也就是专业卡", "你镇楼图那张卡是二代pro duo。是真·专业卡。你见过贴吧有Fire pro开箱的帖子吗?另外,你看这是啥", "如果你说的是配图那块,根本就没出货。", "看过好几次开箱帖,但是没什么人回复,有一次一个壕双pro duo交火,回复没几条,过了几天被人盗图了,回复还多一些另外,主要是价格问题,pro duo去年那价格,都能买两张1080ti了。", "登录百度帐号", "下载贴吧APP看高清直播、视频!", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "bs_rank_pos": 0}, {"is_selected": true, "title": "为何AMD Pro Duo吧里没有讨论的呢?_图拉丁吧_百度贴吧", "most_related_para": 1, "segmented_title": ["为何", "AMD", "Pro", "Duo", "吧", "里", "没有", "讨论", "的", "呢", "?", "_", "图拉丁", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["毕竟", "是", "295", "x", "2", "的", "下一代", "旗舰", "双", "芯", "三", "个", "8pin", "的", "大", "核弹"], ["两", "个", "斐济", "核心", ",", "8", "ghbm", "显存"], ["两倍", "当量", "的", "大", "核弹", "啊"], ["性能", ":", "一", "个", "能", "顶", "俩", "儿", "泰坦", "X", "!", "AMD", "Radeon", "Pro", "Duo", "采用", "了", "两", "颗", "顶级", "的", "Fiji", "核心", "(", "竟然", "不是", "两", "枚", "R9", "Nano", "的", "节能", "版", "核心", ",", "颇", "令人意外", ")", ",", "搭载", "8G", "HBM", "显存", ",", "可", "实现", "16", "TeraFLOPs", "(", "每秒", "16", "兆", "次", "浮点运算", ")", "的", "性能", ",", "而", "就", "3", "个", "8pin", "辅助", "供电", "这", "点", "来看", ",", "该卡", "的", "核心", "主频", "很", "可能", "在", "1GHz", "左右", ",", "单", "就", "单", "精度", "运算", "性能", "来看", ",", "AMD", "Radeon", "Pro", "Duo", "的", "性能", "是", "TITAN", "X", "(", "7", "T", ")", "的", "2", "倍", "还要多", ",", "是", "AMD", "自家", "R9", "390", "的", "3", "倍", "多", "。", "黄", "教主", "的", "核弹", "真", "的", "要", "炸", "!", "(", "转", "自", "太平洋电脑网", ")"], ["跑分", "看起来", "比", "ttx", "高", "两倍", "还", "多", "啊"], ["然而", "买", "不", "起", "用", "不到", "╭", "(", "°", "A", "°", "`", ")", "╮", "装", "电脑", ",", "出售", "回收", "旧", "电脑", "-", "助手", "版", "贴吧", "客户端"], ["看起来", "是不是", "很", "屌", "炸天"], ["目前", ",", "AMD", "方面", "称", "AMD", "Radeon", "Pro", "Duo", "暂时", "不会", "面向", "零售市场", ",", "而是", "以", "AMD", "VR", "整机", "的", "形式", "出现", "。", "以上", "是", "Main", "gear", "联合", "AMD", "展示", "的", "搭载", "Radeon", "Pro", "Duo", "的", "主机", "解决方案", "。", "另外", ",", "AMD", "Radeon", "Pro", "Duo", "预计", "会", "在", "今年", "的", "第", "二", "季度", "上市", ",", "单", "卡", "售价", "为", "1499", "美", "刀", "(", "约", "合", "人民币", "9750", "元", ")", ",", "倒", "是", "和", "我们", "之", "前", "所", "料", "不", "差", "。", "(", "转", "自", "太平洋电脑网", ")"], ["夭寿", "拉", "!", "AMD", "要", "出", "整机", "啦", "各位", "a", "饭", "会不会", "充值", "信仰", "呢"], ["整机", "的", "话", ",", "CPU", "是", "淫", "特", "二", "的", "么", "?"], ["我", "3770", "K", "+", "fury", "X", "整机", "待机", "才", "100W", "左右", ",", "烤鸡", "也", "才", "380", "W", "左右", ",", "fury", "X", "功耗", "没", "你", "说", "的", "那么", "大"], ["等", "个", "10", "年", "再", "讨论", "还", "来得及"]], "paragraphs": ["毕竟是295x2的下一代旗舰双芯三个8pin的大核弹", "两个斐济核心,8ghbm显存", "两倍当量的大核弹啊", "性能:一个能顶俩儿泰坦X! AMD Radeon Pro Duo采用了两颗顶级的Fiji核心(竟然不是两枚R9 Nano的节能版核心,颇令人意外),搭载8GHBM显存,可实现16 TeraFLOPs(每秒16兆次浮点运算)的性能,而就3个8pin辅助供电这点来看,该卡的核心主频很可能在1GHz左右,单就单精度运算性能来看,AMD Radeon Pro Duo的性能是TITAN X(7T)的2倍还要多,是AMD自家R9 390的3倍多。黄教主的核弹真的要炸!(转自太平洋电脑网)", "跑分看起来比ttx高两倍还多啊", "然而买不起 用不到╭(°A°`)╮ 装电脑,出售回收旧电脑 -助手版贴吧客户端", "看起来是不是很屌炸天", "目前,AMD方面称AMD Radeon Pro Duo暂时不会面向零售市场,而是以AMD VR整机的形式出现。以上是Maingear联合AMD展示的搭载Radeon Pro Duo的主机解决方案。另外,AMD Radeon Pro Duo预计会在今年的第二季度上市,单卡售价为1499美刀(约合人民币9750元),倒是和我们之前所料不差。(转自太平洋电脑网)", "夭寿拉!AMD要出整机啦各位a饭会不会充值信仰呢", "整机的话,CPU是淫特二的么?", "我3770K+fury X 整机待机才100W左右,烤鸡也才380W左右,fury X功耗没你说的那么大", "等个10年再讨论还来得及"], "bs_rank_pos": 1}, {"is_selected": false, "title": "土豪真是多,13999的AMD Radeon Pro Duo 居然真有人买。。。。。 - ", "most_related_para": 5, "segmented_title": ["土豪", "真是", "多", ",", "13999", "的", "AMD", "Radeon", "Pro", "Duo", "居然", "真", "有人", "买", "。", "。", "。", "。", "。", "-"], "segmented_paragraphs": [["当年", "泰坦", "z", "两万多", "都", "有人", "买", "呢", "这", "算", "啥"], ["不买", "的", "话", ",", "amd", "不", "就", "倒闭", "了", "吗", "?"], ["不", "愧", "是", "正义", "的", "A", "卡", ",", "总是", "那么", "花团锦簇", ",", "大家", "都", "抢", "着", "买", "!", "那么", ",", "转帖", "机", "不", "来", "一", "张", "?"], ["去年", "九月份", "我", "就", "用", "上", "两", "块", "FURY", "X", "和", "这个", "也", "没有", "什么", "差别", "吧", "。"], ["连", "29999", "的", "某", "Z", "都", "有", "人", "买", ",", "这个", "算", "肾", "马"], ["建议", "喜欢", "捧", "这", "张", "卡", "的", "人", "去", "买", "1", "张", "测试", "4K", "VR", "效能", "和", "双", "精度", "计算", "实战", "应用", ",", "比如", "LZ", "。"], ["不是", "说", "运算", "能力", "强", "么", "。", "。", "。", "如果", "是", "拿来", "玩游戏", ",", "没理由", "不", "上", "980", "TI", "SLI", "。", "。"]], "paragraphs": ["当年泰坦z两万多都有人买呢 这算啥", "不买的话,amd不就倒闭了吗?", "不愧是正义的A卡,总是那么花团锦簇,大家都抢着买!那么,转帖机不来一张?", "去年九月份我就用上两块FURY X 和这个也没有什么差别吧。", "连29999的某Z都有人买,这个算肾马", "建议喜欢捧这张卡的人去买1张测试4K VR效能和双精度计算实战应用,比如LZ。", "不是说运算能力强么。。。如果是拿来玩游戏,没理由不上980TI SLI。。"], "bs_rank_pos": 2}, {"is_selected": true, "title": "amd radeon pro duo值得买吗_百度知道", "most_related_para": 0, "segmented_title": ["amd", "radeon", "pro", "duo", "值得", "买", "吗", "_", "百度", "知道"], "segmented_paragraphs": [["不值得", ",", "13999", "RMB", "的", "东西", "连", "NVIDIA", "的", "4599", "RMB", "的", "GTX", "1080", "都", "比", "不过", ",", "13400", "的", "3Dmark", "11", "分数", ",", "公版", "GTX", "1080", "就", "12900", "分", "了", ",", "再加上", "1080", "超频", "能力", "本来", "就", "十分", "恐怖", ",", "超一超", "随便", "吊打", "Pro", "Duo"], ["有钱", "就", "买", "吧", ",", "AMD", "现任", "卡皇", "且", "针对", "VR", "优化", "。"]], "paragraphs": ["不值得,13999RMB的东西连NVIDIA的4599RMB的GTX1080都比不过,13400的3Dmark 11分数,公版GTX1080就12900分了,再加上1080超频能力本来就十分恐怖,超一超随便吊打Pro Duo", "有钱就买吧,AMD现任卡皇且针对VR优化。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "AMD Radeon Pro Duo售价几近腰斩,799美元买到就是赚到! - 超能网", "most_related_para": 2, "segmented_title": ["AMD", "Radeon", "Pro", "Duo", "售价", "几", "近", "腰斩", ",", "799", "美元", "买到", "就是", "赚", "到", "!", "-", "超能", "网"], "segmented_paragraphs": [["去年", "3", "月份", "AMD", "发布", "专门", "为", "VR", "而", "生", "的", "双心", "旗舰", "卡皇", "Radeon", "Pro", "Duo", ",", "在", "发布", "之", "时", "1499", "美元", "的", "高昂", "售价", "让", "人", "望而却步", ",", "可能", "Radeon", "Pro", "Duo", "要", "为", "下一代", "Vega", "显卡", "让路", ",", "在", "多", "个", "北美", "电商", "处", "进行", "促销", ",", "现在只要", "799", "美元", ",", "折扣率", "高达", "47", "%", "!"], ["去年", "3", "月份", "AMD", "发布", "专门", "为", "VR", "而", "生", "的", "双心", "旗舰", "卡皇", "Radeon", "Pro", "Duo", ",", "在", "发布", "之", "时", "以", "两倍", "于", "GTX", "980", "Ti", "性能", "惊艳", "世", "人", ",", "但", "因为", "1499", "美元", "的", "高昂", "售价", "使得", "很多", "潜在", "玩家", "望而却步", "。", "不过", "现在", "看起来", "Radeon", "Pro", "Duo", "要", "为", "下一代", "Vega", "显卡", "让路", ",", "在", "多", "个", "北美", "电商", "处", "进行", "促销", ",", "现在只要", "799", "美元", ",", "折扣率", "高达", "47", "%", "!"], ["Radeon", "Pro", "Duo", "性能", "之所以", "那么", "强悍", ",", "就是", "因为", "使用", "了", "2", "个", "完整", "的", "Fiji", "核心", ",", "一共", "8192", "个", "流", "处理", "单元", ",", "352", "个", "纹理", "单元", ",", "128", "个", "ROP", "单元", ",", "8GB", "HBM", "显存", ",", "显存带宽", "高达", "1TB", "/", "s", ",", "而", "TDP", "仅", "为", "350W", ",", "需要", "3", "个", "8Pin", "外接电源", "供电", "。"], ["由于", "在", "本来", "就", "有限", "的", "PCB", "面积", "里面", "还", "塞进", "了", "两", "个", "顶级", "核心", ",", "因此", "只能", "使用", "水冷", "式", "散热", "设计", "。"], ["检索", "美国", "亚马逊", "可以看到", "XFX", "的", "Radeon", "Pro", "Duo", "售价", "799", ".", "99", "美元", ",", "折合", "人民币", "5468", "元", "。", "貌似", "销量", "还是", "挺不错", "的", ",", "库存", "只", "剩", "下", "一", "件", ",", "想要", "的", "网友", "可以", "赶紧", "下", "手", "了", "。"], ["美国", "新蛋", "网上", ",", "同样", "是", "799", ".", "99", "美元", "腰斩", "价", ",", "不过", "已经", "销售", "一", "空"], ["不过", "国内", "几个", "巨无霸", "级别", "电商", "都", "没有", "自营", "销售", "Radeon", "Pro", "Duo", ",", "而", "第三方", "店铺", "售价", "均", "维持", "13999", "元", "高位", ",", "所以", "国内", "想要", "做到", "同样", "的", "5500", "元", "价格", "就要", "看", "XFX", "、", "蓝宝石", "、", "迪兰", "、", "华硕", "几", "家", "的", "官方", "天猫", "店", "是否", "跟进", "。"], ["梁俊豪", "作者"], ["超能", "网", "新", "来", "的", "~"], ["日", "榜", "周", "榜", "月", "榜"], ["1", "魅族", "Pro", "7", "作为", "联发科", "Helio", "X30", "处理器", "的", "首秀", ",", "性能", "如何", "?", "2", "“", "画", "屏", "”", "更", "像", "是", "魅族", "把", "一", "块", "智能", "手表", ",", "做", "进", "了", "PRO", "7", "手机", "的", "背面", "3", "魅族", "PRO", "7", "/", "PRO", "7", "Plus", "正式发布", ":", "副", "屏", "+", "双", "摄", ",", "售价", "2880", "起步", "4", "小米", "6", "亮", "银", "版", "正式上市", ":", "售价", "3999", "元", ",", "限量", "100", "台", "5", "图文", "直播", ":", "魅族", "PRO", "7", "手机", "发布会", "6", "超能", "早", "八", "点", ":", "小米", "营收", "有望", "达到", "700", "亿", "、", "崔永元", "称", "遭报复", "7", "AMD", "推出", "年度", "鸡血", "驱动", "ReLive", "Edition", "17", ".", "7", ".", "2", ",", "功能", "再", "增强", "8", "海盗船", "确认", "被", "收购", ",", "Eagle", "Tree", "出价", "达", "5", ".", "25", "亿", "美元", "9", "魅族", "Flow", "耳机", "发布", ":", "两", "动", "铁", "+", "一", "动圈", "三", "单元", "组合", ",", "卖", "599", "元"], ["超能", "分享", "会", "第", "22", "期", ":", "风水轮流转", ",", "谈谈", "风冷", "水冷", "的", "那些事", "免费试用", "!", "挑战", "风冷", "之", "王", "!", "be", "quiet", "!", "Dark", "Rock", "3", "散热器", "活动", "乔思伯", "CR", "-", "201", "散热器", "、", "FR", "-", "201", "P", "/", "301P", "机箱", "风扇", "试用", ",", "玩", "出", "你", "灯光", "Style"]], "paragraphs": ["去年3月份AMD发布专门为VR而生的双心旗舰卡皇Radeon Pro Duo,在发布之时1499美元的高昂售价让人望而却步,可能Radeon Pro Duo要为下一代Vega显卡让路,在多个北美电商处进行促销,现在只要799美元,折扣率高达47%!", "去年3月份AMD发布专门为VR而生的双心旗舰卡皇Radeon Pro Duo,在发布之时以两倍于GTX 980 Ti性能惊艳世人,但因为1499美元的高昂售价使得很多潜在玩家望而却步。不过现在看起来Radeon Pro Duo要为下一代Vega显卡让路,在多个北美电商处进行促销,现在只要799美元,折扣率高达47%!", "Radeon Pro Duo性能之所以那么强悍,就是因为使用了2个完整的Fiji核心,一共8192个流处理单元,352个纹理单元,128个ROP单元,8GB HBM显存,显存带宽高达1TB/s,而TDP仅为350W,需要3个8Pin外接电源供电。", "由于在本来就有限的PCB面积里面还塞进了两个顶级核心,因此只能使用水冷式散热设计。", "检索美国亚马逊可以看到XFX的Radeon Pro Duo售价799.99美元,折合人民币5468元。貌似销量还是挺不错的,库存只剩下一件,想要的网友可以赶紧下手了。", "美国新蛋网上,同样是799.99美元腰斩价,不过已经销售一空", "不过国内几个巨无霸级别电商都没有自营销售Radeon Pro Duo,而第三方店铺售价均维持13999元高位,所以国内想要做到同样的5500元价格就要看XFX、蓝宝石、迪兰、华硕几家的官方天猫店是否跟进。", "梁俊豪 作者", "超能网新来的~", "日榜 周榜 月榜", "1魅族Pro 7作为联发科Helio X30处理器的首秀,性能如何? 2“画屏”更像是魅族把一块智能手表,做进了PRO7手机的背面 3魅族PRO 7/PRO 7 Plus正式发布:副屏+双摄,售价2880起步 4小米6亮银版正式上市:售价3999元,限量100台 5图文直播:魅族PRO7手机发布会 6超能早八点:小米营收有望达到700亿、崔永元称遭报复 7AMD推出年度鸡血驱动ReLive Edition17.7.2,功能再增强 8海盗船确认被收购,EagleTree出价达5.25亿美元 9魅族Flow耳机发布:两动铁+一动圈三单元组合,卖599元", "超能分享会第22期:风水轮流转,谈谈风冷水冷的那些事 免费试用!挑战风冷之王!be quiet! Dark Rock 3散热器活动 乔思伯CR-201散热器、FR-201P/301P机箱风扇试用,玩出你灯光Style"], "bs_rank_pos": 4}], "answer_spans": [[2, 45]], "fake_answers": ["13999RMB的东西连NVIDIA的4599RMB的GTX1080都比不过,13400的3Dmark11分数,公版GTX1080就12900分了,再加上1080超频能力本来就十分恐怖,超一超随便吊打ProDuo"], "question": "pro duo为什么没人买", "segmented_answers": [["只是", "一", "个", "单纯", "的", "双卡", "交火", "卡", "而已", ",", "双卡", "性能", "比不上", "人家", "单", "卡", ",", "而且", "双卡", "现在", "优化", "兼容", "不好", ",", "不是", "什么", "游戏", "都", "支持", "的", "。"], ["两", "个", "斐济", "核心", ",", "8", "ghbm", "显存", ",", "性能", "不如", "双", "fury", "x", "。"], ["13999", "RMB", "的", "东西", "连", "NVIDIA", "的", "4599", "RMB", "的", "GTX", "1080", "都", "比", "不过", ",", "13400", "的", "3Dmark", "11", "分数", ",", "公版", "GTX", "1080", "就", "12900", "分", "了", ",", "再加上", "1080", "超频", "能力", "本来", "就", "十分", "恐怖", ",", "超一超", "随便", "吊打", "Pro", "Duo", "。"]], "answers": ["只是一个单纯的双卡交火卡而已,双卡性能比不上人家单卡,而且双卡现在优化兼容不好,不是什么游戏都支持的。", "两个斐济核心,8ghbm显存,性能不如双furyx。", "13999RMB的东西连NVIDIA的4599RMB的GTX1080都比不过,13400的3Dmark 11分数,公版GTX1080就12900分了,再加上1080超频能力本来就十分恐怖,超一超随便吊打Pro Duo。"], "answer_docs": [3], "segmented_question": ["pro", "duo", "为什么", "没", "人", "买"], "question_type": "DESCRIPTION", "question_id": 31, "fact_or_opinion": "OPINION", "match_scores": [0.8988764044943819]} -{"documents": [{"is_selected": true, "title": "电脑的显示器灯亮着但是 却是黑屏_百度知道", "most_related_para": 0, "segmented_title": ["电脑", "的", "显示器", "灯", "亮", "着", "但是", "却", "是", "黑屏", "_", "百度", "知道"], "segmented_paragraphs": [["黑屏", "的", "原因", ":", "显卡", "和", "显示器", "之间", "的", "数据", "连线", "没有", "插", "好", "、", "VGA", "接", "连线", "有问题", "、", "分辨率", "出现错误", "、", "显卡", "失效", "等", "。", "解决", "的", "方法", ":", "第", "一", ",", "打开", "电脑", "以后", ",", "按", "CTRL", "+", "ALT", "+", "F7", "恢复", "默认", "的", "分辨率", "。", "通过", "更改", "分辨率", ",", "来", "解决", "此", "问题", "。", "第", "二", ",", "检查", "VGA", "接", "连线", "是否", "有问题", ",", "如果", "有问题", ",", "换", "一", "条", "VGA", "线", "试", "一", "下", "。", "第", "三", ",", "显卡", "需要", "重新", "安装", "。"], ["重新", "插拔", "内存条", "如果", "不成", "请", "更换", "内存", "如果", "是", "两", "条", "内存", "应该", "是", "有", "一", "条", "坏", "了"], ["内存", "接触", "不好", ",", "拆下", "用", "橡皮擦", "擦", "再", "装", "。"], ["机箱", "积", "灰", ",", "把", "机箱", "打扫", "一", "下", ",", "把", "内存条", "拔下", "重新", "插入", "。"], ["卡", "了", ",", "重启"]], "paragraphs": ["黑屏的原因:显卡和显示器之间的数据连线没有插好、VGA接连线有问题、分辨率出现错误、显卡失效等。 解决的方法: 第一,打开电脑以后,按CTRL+ALT+F7恢复默认的分辨率。通过更改分辨率,来解决此问题。 第二,检查VGA接连线是否有问题,如果有问题,换一条VGA线试一下。 第三,显卡需要重新安装。", "重新插拔内存条如果不成请更换内存如果是两条内存应该是有一条坏了", "内存接触不好,拆下用橡皮擦擦再装。", "机箱积灰,把机箱打扫一下,把内存条拔下重新插入。", "卡了,重启"], "bs_rank_pos": 0}, {"is_selected": false, "title": "电脑显示器灯亮但是黑屏_百度知道", "most_related_para": 2, "segmented_title": ["电脑", "显示器", "灯", "亮", "但是", "黑屏", "_", "百度", "知道"], "segmented_paragraphs": [["LCD", "电源", "指示灯", "亮", "、", "按键", "正常", ",", "表明", "A", "/", "D", "驱动", "板", "的", "MCU", "还能", "正常", "工作", ",", "基本上", "说明", "电源", "部分", "正常", ";", "  ", "黑屏", "可能", "是", "背光", "灯", "没有", "点亮", "(", "从", "背面", "看不到", "灯管", "发光", ")", ",", "驱动", "背光", "电路", "可能", "有", "故障", ";", "  ", "一", "、", "如果", "不能", "看到", "屏幕", "上", "的", "微", "暗", "图像", ",", "就是", "A", "/", "D", "驱动", "板", "的", "信号处理", "电路", "不", "正常", ",", "A", "/", "D", "板", "上", "的", "开关", "部分", "电路", "有", "故障", ",", "导致", "不能", "输出", "高电平", "去", "控制", "高压", "板", "的", "开关", "极", ";", "  ", "二", "、", "反", "之", ",", "如果", "能看到", "屏幕", "上", "有", "微", "暗", "的", "图像", ",", "就", "说明", "A", "/", "D", "驱动", "板", "的", "信号处理", "电路", "正常", ",", "故障", "可", "锁定", "在", "驱动", "背光", "的", "高压", "板", "上", ";", "  ", "高压", "板", "常见", "故障", "有", ":", "  ", "1", "、", "高压", "板", "自身", "保险", "管", "烧毁", ";", "  ", "2", "、", "背光", "灯管", "损坏", "(", "不过", "双灯", ",", "或", "四", "灯", "的", "背光", "同时", "损坏", "的", "可能性不大", ",", "其中", "一", "个", "损坏", "也", "会", "黑屏", ",", "高压", "板", "具有", "负载", "不平衡", "保护", "功能", ",", "如果", "一根", "灯管", "损坏", ",", "开机后", "高压", "板", "即", "进入", "负载", "不平衡", "保护", "状态", ",", "屏幕", "会", "闪烁", "一", "下", "再", "黑屏", ")", "  ", "建议", "送", "去", "维修点"], ["LCD", "电源", "指示灯", "亮", "、", "按键", "正常", ",", "表明", "A", "/", "D", "驱动", "板", "的", "MCU", "还能", "正常", "工作", ",", "基本上", "说明", "电源", "部分", "正常", ";", "  ", "黑屏", "可能", "是", "背光", "灯", "没有", "点亮", "(", "从", "背面", "看不到", "灯管", "发光", ")", ",", "驱动", "背光", "电路", "可能", "有", "故障", ";", "  ", "一", "、", "如果", "不能", "看到", "屏幕", "上", "的", "微", "暗", "图像", ",", "就是", "A", "/", "D", "驱动", "板", "的", "信号处理", "电路", "不", "正常", ",", "A", "/", "D", "板", "上", "的", "开关", "部分", "电路", "有", "故障", ",", "导致", "不能", "输出", "高电平", "去", "控制", "高压", "板", "的", "开关", "极", ";", "  ", "二", "、", "反", "之", ",", "如果", "能看到", "屏幕", "上", "有", "微", "暗", "的", "图像", ",", "就", "说明", "A", "/", "D", "驱动", "板", "的", "信号处理", "电路", "正常", ",", "故障", "可", "锁定", "在", "驱动", "背光", "的", "高压", "板", "上", ";", "  ", "高压", "板", "常见", "故障", "有", ":", "  ", "1", "、", "高压", "板", "自身", "保险", "管", "烧毁", ";", "  ", "2", "、", "背光", "灯管", "损坏", "(", "不过", "双灯", ",", "或", "四", "灯", "的", "背光", "同时", "损坏", "的", "可能性不大", ",", "其中", "一", "个", "损坏", "也", "会", "黑屏", ",", "高压", "板", "具有", "负载", "不平衡", "保护", "功能", ",", "如果", "一根", "灯管", "损坏", ",", "开机后", "高压", "板", "即", "进入", "负载", "不平衡", "保护", "状态", ",", "屏幕", "会", "闪烁", "一", "下", "再", "黑屏", ")", "  ", "建议", "送", "去", "维修点"], ["一", "个", "是", "显示器", "接", "主机", "的", "线", "没", "接", "好", "或者", "坏", "了", ",", "第二个", "就是", "内存", "和", "其它", "硬件", "出", "问题", "。", "你", "可以", "使用", "排查", "的", "办法", ",", "把", "机箱", "接", "到", "朋友", "的", "显示器", "上", "面试", "下", "。"]], "paragraphs": ["LCD电源指示灯亮、按键正常,表明A/D驱动板的MCU还能正常工作,基本上说明电源部分正常;   黑屏可能是背光灯没有点亮(从背面看不到灯管发光),驱动背光电路可能有故障;   一、如果不能看到屏幕上的微暗图像,就是A/D驱动板的信号处理电路不正常,A/D板上的开关部分电路有故障,导致不能输出高电平去控制高压板的开关极;   二、反之,如果能看到屏幕上有微暗的图像,就说明A/D驱动板的信号处理电路正常,故障可锁定在驱动背光的高压板上;   高压板常见故障有:   1、高压板自身保险管烧毁;   2、背光灯管损坏(不过双灯,或四灯的背光同时损坏的可能性不大,其中一个损坏也会黑屏,高压板具有负载不平衡保护功能,如果一根灯管损坏,开机后高压板即进入负载不平衡保护状态,屏幕会闪烁一下再黑屏)   建议送去维修点", "LCD电源指示灯亮、按键正常,表明A/D驱动板的MCU还能正常工作,基本上说明电源部分正常;   黑屏可能是背光灯没有点亮(从背面看不到灯管发光),驱动背光电路可能有故障;   一、如果不能看到屏幕上的微暗图像,就是A/D驱动板的信号处理电路不正常,A/D板上的开关部分电路有故障,导致不能输出高电平去控制高压板的开关极;   二、反之,如果能看到屏幕上有微暗的图像,就说明A/D驱动板的信号处理电路正常,故障可锁定在驱动背光的高压板上;   高压板常见故障有:   1、高压板自身保险管烧毁;   2、背光灯管损坏(不过双灯,或四灯的背光同时损坏的可能性不大,其中一个损坏也会黑屏,高压板具有负载不平衡保护功能,如果一根灯管损坏,开机后高压板即进入负载不平衡保护状态,屏幕会闪烁一下再黑屏)   建议送去维修点", "一个是显示器接主机的线没接好或者坏了,第二个就是内存和其它硬件出问题。你可以使用排查的办法,把机箱接到朋友的显示器上面试下。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "我的电脑不能启动了怎么办?电源灯亮着,但是显示器是黑屏_百度知道", "most_related_para": 0, "segmented_title": ["我", "的", "电脑", "不能", "启动", "了", "怎么办", "?", "电源", "灯", "亮", "着", ",", "但是", "显示器", "是", "黑屏", "_", "百度", "知道"], "segmented_paragraphs": [["1", ".", "检查", "显示器", "电缆", "是否", "牢固", "可靠", "地", "插入", "到", "主机", "接口", "中", ",", "再", "检查", "显卡", "与", "主板", "I", "/", "O", "插槽", "之间", "的", "接触", "是否", "良好", "。", "可以", "重新", "安", "插", "一", "次", "显卡", ",", "确保", "显卡", "安", "插", "到位", ",", "接触", "良好", ";", "2", ".", "换", "一", "台", "确认", "正常", "的", "显示器", "如果", "不再", "黑屏", ",", "那么", "显示器", "可能", "损坏", ";", "3", ".", "显示器", "如", "未", "损坏", ",", "请", "检查", "CPU", "风扇", "是否", "运转", ";", "4", ".", "如", "仍", "出现", "黑屏", ",", "则", "可", "将", "除", "CPU", "、", "显卡", "、", "内存条", "之外", "的", "所有", "组件", "取下", ",", "然后", "加", "电", "启动", "电脑", "。", "如果", "内存", "有", "故障", ",", "应", "会", "有", "报警", "声", "。", "如果", "不是", "内存", "原因", ",", "请", "换", "一", "个", "正常", "的", "CPU", ",", "开机", "重新", "检测", "。", "如", "仍", "出现", "黑屏", ",", "则", "建议", "更换", "主板", ";", "5", ".", "系统", "是否", "安装", "软件", "和", "更新补丁", ",", "如", "有", "请", "卸载", "更新", "文件", ";", "6", ".", "电脑", "安装", "软件", "后", "重启", "正在", "更新", "导致", "黑屏", ",", "等待", "更新完毕", "即可", ";", "7", ".", "可", "进", "安全模式", "修复", "电脑", ",", "如果", "不能", "进", "安全模式", ",", "请", "重新", "安装", "系统", "。"], ["硬盘", "灯", "亮", "吗", ",", "显示器", "是", "电源", "灯", "亮", "却", "黑屏", "还是", "显示器", "上", "啥", "灯", "都", "不亮", ",", "若是", "后", "一", "种", "你", "将", "显示器", "电源线", "重新", "插", "一", "下", ",", "还", "不行", "的", "话", "换", "个", "显示器", "试", "试", ",", "再", "不行", "看看", "你", "的", "显示器", "输入", "信号", "线", ",", "重", "插", "一", "下", ",", "楼主", "最好", "把", "状况", "描述", "清楚", ",", "显示器", "是", "黑屏", "有", "白字", ",", "还是", "完全", "黑", "掉", "了", "。"]], "paragraphs": ["1.检查显示器电缆是否牢固可靠地插入到主机接口中,再检查显卡与主板I/O插槽之间的接触是否良好。可以重新安插一次显卡,确保显卡安插到位,接触良好; 2.换一台确认正常的显示器如果不再黑屏,那么显示器可能损坏; 3.显示器如未损坏,请检查CPU风扇是否运转; 4.如仍出现黑屏,则可将除CPU、显卡、内存条之外的所有组件取下,然后加电启动电脑。如果内存有故障,应会有报警声。如果不是内存原因,请换一个正常的CPU,开机重新检测。如仍出现黑屏,则建议更换主板; 5.系统是否安装软件和更新补丁,如有请卸载更新文件; 6.电脑安装软件后重启正在更新导致黑屏,等待更新完毕即可; 7.可进安全模式修复电脑,如果不能进安全模式,请重新安装系统。", "硬盘灯亮吗,显示器是电源灯亮却黑屏还是显示器上啥灯都不亮,若是后一种你将显示器电源线重新插一下,还不行的话换个显示器试试,再不行看看你的显示器输入信号线,重插一下,楼主最好把状况描述清楚,显示器是黑屏有白字,还是完全黑掉了。"], "bs_rank_pos": 2}], "answer_spans": [[4, 79]], "fake_answers": ["显卡和显示器之间的数据连线没有插好、VGA接连线有问题、分辨率出现错误、显卡失效等。解决的方法:第一,打开电脑以后,按CTRL+ALT+F7恢复默认的分辨率。通过更改分辨率,来解决此问题。第二,检查VGA接连线是否有问题,如果有问题,换一条VGA线试一下。"], "question": "电脑显示器黑屏但灯亮", "segmented_answers": [["显卡", "和", "显示器", "之间", "的", "数据", "连线", "没有", "插", "好", "、", "VGA", "接", "连线", "有问题", "、", "分辨率", "出现错误", "、", "显卡", "失效", "等", "。", "打开", "电脑", "以后", ",", "按", "CTRL", "+", "ALT", "+", "F7", "恢复", "默认", "的", "分辨率", "。", "通过", "更改", "分辨率", ",", "来", "解决", "此", "问题", "。", "检查", "VGA", "接", "连线", "是否", "有问题", ",", "如果", "有问题", ",", "换", "一", "条", "VGA", "线", "试", "一", "下", "。"]], "answers": ["显卡和显示器之间的数据连线没有插好、VGA接连线有问题、分辨率出现错误、显卡失效等。打开电脑以后,按CTRL+ALT+F7恢复默认的分辨率。通过更改分辨率,来解决此问题。检查VGA接连线是否有问题,如果有问题,换一条VGA线试一下。"], "answer_docs": [0], "segmented_question": ["电脑", "显示器", "黑屏", "但", "灯", "亮"], "question_type": "DESCRIPTION", "question_id": 32, "fact_or_opinion": "FACT", "match_scores": [0.8732394366197183]} -{"documents": [{"is_selected": false, "title": "模拟人生4攻略秘籍_模拟人生4全攻略_模拟人生4攻略专区_游侠网", "most_related_para": 1, "segmented_title": ["模拟人生", "4", "攻略秘籍", "_", "模拟人生", "4", "全攻略", "_", "模拟人生", "4", "攻略", "专区", "_", "游侠网"], "segmented_paragraphs": [["模拟人生", "4", "·", "全", "流程", "攻略"], ["入门指南", ":", "控制", "与", "快捷键", "角色", "创建", ":", "人物", "创建", "界面", "角色", "创建", ":", "设定", "名字", "和", "个性", "角色", "创建", ":", "生成", "角色", "角色", "创建", ":", "镜头", "控制", "角色", "创建", ":", "身形", "的", "设定", "角色", "创建", ":", "角色", "的", "着装", "角色", "创建", ":", "设定", "抱负", "和", "特征", "角色", "创建", ":", "添加", "家庭成员", "角色", "创建", ":", "模拟", "工坊", "管理世界", ":", "搬进", "新居", "管理世界", ":", "从", "社", "群", "中", "导入", "房屋", "管理世界", ":", "扮演", "不同", "的", "家庭", "管理世界", ":", "管理", "家庭", "生活", "模式", ":", "动作", "序列", "生活", "模式", ":", "市民", "的", "奇思妙想", "生活", "模式", ":", "市民", "情绪", "的", "产生", "与", "影响", "生活", "模式", ":", "手机", "的", "用途", "生活", "模式", ":", "市民", "肖像", "的", "关联", "运用", "生活", "模式", ":", "时间", "控制", "生活", "模式", ":", "抱负", "菜单", "生活", "模式", ":", "职涯", "菜单", "生活", "模式", ":", "技能", "菜单", "生活", "模式", ":", "关系", "菜单", "生活", "模式", ":", "随身", "清单", "生活", "模式", ":", "市民", "统计学", "生活", "模式", ":", "需求", "菜单", "系统工具", ":", "建造", "模式", "系统工具", ":", "墙壁", "剖视图", "系统工具", ":", "镜头", "控制", "系统工具", ":", "通知", "栏", "人生", "事件", ":", "市民", "的", "成长", "与", "死亡", "人生", "事件", ":", "社交", "技巧", "人生", "事件", ":", "婚姻生活", "人生", "事件", ":", "儿女", "的", "教育", "人生", "事件", ":", "盛大", "的", "派对", "家庭", "派对", "(", "挑战", "任务", ")", "晚餐", "派对", "(", "挑战", "任务", ")", "生日派对", "(", "挑战", "任务", ")", "黑白", "派对", "(", "挑战", "任务", ")", "匿名", "化装", "派对", "(", "挑战", "任务", ")", "彩蛋", ":", "牛头", "摇摇", "树", "儿童", "期", "的", "技能", ":", "创意", "儿童", "期", "技能", ":", "心智", "儿童", "期", "技能", ":", "社交", "儿童", "期", "技能", ":", "运动", "儿童", "期", "职涯", "挑战", "儿童", "期", "抱负", ":", "艺术", "天才", "儿童", "期", "抱负", ":", "神童", "儿童", "期", "抱负", ":", "天生", "好动", "儿童", "期", "抱负", ":", "交际花"], ["模拟人生", "4", "·", "游戏", "资料"], ["模拟人生", "4", "·", "热门", "攻略", "热门", "度"], ["模拟人生", "4", "·", "最新", "攻略", "更新日期"], ["[", "2017", "-", "04", "-", "09", "]"], ["[", "2017", "-", "04", "-", "07", "]"], ["[", "2017", "-", "03", "-", "22", "]"], ["[", "2016", "-", "11", "-", "14", "]"]], "paragraphs": ["模拟人生4 · 全流程攻略", "入门指南:控制与快捷键 角色创建:人物创建界面 角色创建:设定名字和个性 角色创建:生成角色 角色创建:镜头控制 角色创建:身形的设定 角色创建:角色的着装 角色创建:设定抱负和特征 角色创建:添加家庭成员 角色创建:模拟工坊 管理世界:搬进新居 管理世界:从社群中导入房屋 管理世界:扮演不同的家庭 管理世界:管理家庭 生活模式:动作序列 生活模式:市民的奇思妙想 生活模式:市民情绪的产生与影响 生活模式:手机的用途 生活模式:市民肖像的关联运用 生活模式:时间控制 生活模式:抱负菜单 生活模式:职涯菜单 生活模式:技能菜单 生活模式:关系菜单 生活模式:随身清单 生活模式:市民统计学 生活模式:需求菜单 系统工具:建造模式 系统工具:墙壁剖视图 系统工具:镜头控制 系统工具:通知栏 人生事件:市民的成长与死亡 人生事件:社交技巧 人生事件:婚姻生活 人生事件:儿女的教育 人生事件:盛大的派对 家庭派对(挑战任务) 晚餐派对(挑战任务) 生日派对(挑战任务) 黑白派对(挑战任务) 匿名化装派对(挑战任务) 彩蛋:牛头摇摇树 儿童期的技能:创意 儿童期技能:心智 儿童期技能:社交 儿童期技能:运动 儿童期职涯挑战 儿童期抱负:艺术天才 儿童期抱负:神童 儿童期抱负:天生好动 儿童期抱负:交际花", "模拟人生4 · 游戏资料", "模拟人生4 · 热门攻略 热门度", "模拟人生4 · 最新攻略 更新日期", "[2017-04-09]", "[2017-04-07]", "[2017-03-22]", "[2016-11-14]"], "bs_rank_pos": 1}, {"is_selected": false, "title": "模拟人生4游戏专区_模拟人生4下载及攻略秘籍 _ 游民星空 GamerSky.", "most_related_para": 16, "segmented_title": ["模拟人生", "4", "游戏专区", "_", "模拟人生", "4", "下载", "及", "攻略秘籍", "_", "游民星空", "GamerSky", "."], "segmented_paragraphs": [["您", "还", "未登录", ",", "请", "登录", "后", "参与", "互动"], ["还没有", "帐号", "?", "立即注册"], ["《", "模拟人生", "4", "》", "2017", "年", "最新", "MOD", "大全", "及", "使用说明", "《", "模拟人生", "4", ":", "城市生活", "》", "免安装", "中文正式版", "《", "模拟人生", "4", "》", "房屋", "及", "人物", "Mod", "合集", "《", "模拟人生", "4", "》", "外出", "用餐", "上", "手", "图文", "教程", "《", "模拟人生", "4", "》", "休闲", "实况", "解说", "视频", "《", "模拟人生", "4", "》", "DLC", "欢聚一堂", "新增", "内容", "图文", "一览", "《", "模拟人生", "4", "》", "DLC", "欢聚一堂", "新增", "内容", "图文", "解析", "《", "模拟人生", "4", "》", "精选", "帅哥美女", "捏脸", "数据", "合集"], ["职业", "薪水", "对比", "职业", "升级", "条件", "少年", "生涯", "挑战", "成年", "职业生涯", "突破", "职业", "瓶颈"], ["MOD", "大全", "及", "使用说明", "MOD", "工具", "使用方法", "物件", "导", "模", "MOD", "制作", "教程", "MOD", "安装", "视频教程", "男士", "婚纱", "MOD", "蛋糕", "烘焙", "店", "MOD", "性感", "服装", "MOD", "合集", "温馨", "情侣双人房", "MOD"], ["露营", "图文", "心得", "新增", "活动", "及", "注意事项", "药剂", "昆虫", "收集", "攻略", "神秘", "隐士", "地点"], ["太空", "动植物", "收集", "新增", "职业", "玩法", "视频", "警察", "职业", "成长", "流程", "零售业", "玩法", "视频", "医生", "成长", "流程", "讲解", "病人", "症状", "详解"], ["新手", "开局", "攻略", "新增", "鱼类", "收集", "方法", "新增", "玩法", "解说", "视频"], ["上", "手", "图文", "教程", "新增", "玩法", "介绍", "扩展", "包", "视频", "介绍", "自订", "餐厅", "方法"], ["《", "模拟人生", "4", ":", "保龄球之夜", "》", "中文", "智能", "安装", "版", "《", "模拟人生", "4", ":", "保龄球之夜", "》", "免安装", "中文正式", "《", "模拟人生", "4", ":", "城市生活", "》", "中文", "智能", "安装", "版", "下", "《", "模拟人生", "4", ":", "城市生活", "》", "免安装", "中文正式版", "《", "模拟人生", "4", ":", "童", "乐", "房间", "》", "中文", "智能", "安装", "版", "下"], ["《", "模拟人生", "4", "》", "100W", "预算", "初始", "存档", "DEJEPI", "版"], ["《", "模拟人生", "4", "》", "吴亦凡", "MOD", "《", "模拟人生", "4", "》", "小可爱", "少女", "MOD", "《", "模拟人生", "4", "》", "60", "色", "泡泡袜", "MOD", "《", "模拟人生", "4", "》", "47", "色", "过膝", "袜", "MOD", "《", "模拟人生", "4", "》", "57", "色", "loli", "蕾丝边", "短袜", "MOD", "《", "模拟人生", "4", "》", "披肩长发", "MOD", "《", "模拟人生", "4", "》", "9", "色", "自然", "唇彩", "MOD", "《", "模拟人生", "4", "》", "9", "色", "苍白", "唇彩", "MOD"], ["《", "模拟人生", "4", "》", "十字架", "男式", "耳环", "MOD", "《", "模拟人生", "4", "》", "10", "色", "口红", "MOD", "《", "模拟人生", "4", "》", "4", "色", "珍珠项链", "+", "耳环", "MOD", "《", "模拟人生", "4", "》", "6", "款", "额头", "红", "印", "MOD", "《", "模拟人生", "4", "》", "两", "款", "恶魔", "牛角", "头饰", "MOD", "《", "模拟人生", "4", "》", "Sims", "4", "Studio", "MOD", "《", "模拟人生", "4", "》", "MOD", "合集", "V", "1", ".", "1", "《", "模拟人生", "4", "》", "19", "色", "指甲油", "MOD"], ["口袋妖怪", "版", "《", "模拟人生", "》", "演示", "皮卡丘", "头顶", "绿水晶", "《", "模拟人生", "4", "》", "妖魔鬼怪", "预告", "胆小", "者", "请", "躲", "被子", "里", "《", "模拟人生", "4", "》", "美味", "厨房", "预告片", "花式", "冰激凌", "清凉一夏", "GC", ":", "《", "模拟人生", "4", "》", "新", "资料片", "公布", "11", "月", "正式推出"], ["《", "模拟人生", "4", "》", "高清", "壁纸", "《", "模拟人生", "4", "》", "游戏截图", "《", "模拟人生", "4", "》", "原画"], ["好", "于", "50", "%", "的", "模拟游戏"], ["《", "模拟人生", "4", "》", "是", "一款", "策略", "性", "人生", "模拟游戏", ",", "属于", "广受好评", "的", "《", "模拟人生", "》", "系列", "的", "第", "四代", "作品", "。", "游戏", "中", "玩家", "可以获得", "离线", "经验", ",", "打造", "个性化", "的", "世界", ",", "同时", "游戏", "将", "提供", "便捷", "的", "分享", "功能", ",", "把", "自己", "的", "模拟人生", "快速", "的", "分享", "给", "朋友", "。", "《", "模拟人生", "4", "》", "将", "全面", "支持", "离线", "单机", "功能", "!"], ["玩家", "制作", "模拟人生", "4", "啪啪啪", "Mod", "月", "入", "3", "万", "解锁", "各种", "姿", "《", "模拟人生", "4", ":", "城市生活", "》", "免安装", "中文正式版", "下载", "《", "模拟人生", "4", ":", "童", "乐", "房间", "》", "免安装", "中文正式版", "下载", "《", "模拟人生", "4", "》", "取消", "性别", "限制", "可", "打造", "伪娘", "或", "金刚", "芭", "《", "模拟人生", "4", "》", "发布", "新", "补丁", "自主", "啪啪啪", "惨遭", "限制", "《", "模拟人生", "4", ":", "欢聚一堂", "》", "免安装", "中文硬盘版", "下载", "口袋妖怪", "版", "《", "模拟人生", "》", "演示", "皮卡丘", "头顶", "绿水晶", "EA", "公司", "23", "年", "元老", "离职", "曾", "任", "《", "模拟人生", "》", "团队", "副总裁", "《", "模拟人生", "4", "》", "妖魔鬼怪", "预告", "胆小", "者", "请", "躲", "被子", "里", "《", "模拟人生", "4", "》", "惊人", "数据", "玩家", "激情", "啪啪啪", "了", "2", "亿", "次"], ["最新热门", "游戏"]], "paragraphs": ["您还未登录,请登录后参与互动", "还没有帐号?立即注册", "《模拟人生4》2017年最新MOD大全及使用说明 《模拟人生4:城市生活》免安装中文正式版 《模拟人生4》房屋及人物Mod合集 《模拟人生4》外出用餐上手图文教程 《模拟人生4》休闲实况解说视频 《模拟人生4》DLC欢聚一堂新增内容图文一览 《模拟人生4》DLC欢聚一堂新增内容图文解析 《模拟人生4》精选帅哥美女捏脸数据合集", "职业薪水对比 职业升级条件 少年生涯挑战 成年职业生涯 突破职业瓶颈", "MOD大全及使用说明 MOD工具使用方法 物件导模MOD制作教程 MOD安装视频教程 男士婚纱MOD 蛋糕烘焙店MOD 性感服装MOD合集 温馨情侣双人房MOD", "露营图文心得 新增活动及注意事项 药剂昆虫收集攻略 神秘隐士地点", "太空动植物收集 新增职业玩法视频 警察职业成长流程 零售业玩法视频 医生成长流程讲解 病人症状详解", "新手开局攻略 新增鱼类收集方法 新增玩法解说视频", "上手图文教程 新增玩法介绍 扩展包视频介绍 自订餐厅方法", "《模拟人生4:保龄球之夜》中文智能安装版 《模拟人生4:保龄球之夜》免安装中文正式 《模拟人生4:城市生活》中文智能安装版下 《模拟人生4:城市生活》免安装中文正式版 《模拟人生4:童乐房间》中文智能安装版下", "《模拟人生4》100W预算初始存档DEJEPI版", "《模拟人生4》吴亦凡MOD 《模拟人生4》小可爱少女MOD 《模拟人生4》60色泡泡袜MOD 《模拟人生4》47色过膝袜MOD 《模拟人生4》57色loli蕾丝边短袜MOD 《模拟人生4》披肩长发MOD 《模拟人生4》9色自然唇彩MOD 《模拟人生4》9色苍白唇彩MOD", "《模拟人生4》十字架男式耳环MOD 《模拟人生4》10色口红MOD 《模拟人生4》4色珍珠项链+耳环MOD 《模拟人生4》6款额头红印MOD 《模拟人生4》两款恶魔牛角头饰MOD 《模拟人生4》Sims 4 Studio MOD 《模拟人生4》MOD合集V1.1 《模拟人生4》19色指甲油MOD", "口袋妖怪版《模拟人生》演示 皮卡丘头顶绿水晶 《模拟人生4》妖魔鬼怪预告 胆小者请躲被子里 《模拟人生4》美味厨房预告片 花式冰激凌清凉一夏 GC:《模拟人生4》新资料片公布 11月正式推出", "《模拟人生4》高清壁纸 《模拟人生4》游戏截图 《模拟人生4》原画", "好于50%的模拟游戏", "《模拟人生4》是一款策略性人生模拟游戏,属于广受好评的《模拟人生》系列的第四代作品。游戏中玩家可以获得离线经验,打造个性化的世界,同时游戏将提供便捷的分享功能,把自己的模拟人生快速的分享给朋友。《模拟人生4》将全面支持离线单机功能!", "玩家制作模拟人生4啪啪啪Mod月入3万 解锁各种姿 《模拟人生4:城市生活》免安装中文正式版下载 《模拟人生4:童乐房间》免安装中文正式版下载 《模拟人生4》取消性别限制 可打造伪娘或金刚芭 《模拟人生4》发布新补丁 自主啪啪啪惨遭限制 《模拟人生4:欢聚一堂》免安装中文硬盘版下载 口袋妖怪版《模拟人生》演示 皮卡丘头顶绿水晶 EA公司23年元老离职 曾任《模拟人生》团队副总裁 《模拟人生4》妖魔鬼怪预告 胆小者请躲被子里 《模拟人生4》惊人数据 玩家激情啪啪啪了2亿次", "最新热门游戏"], "bs_rank_pos": 2}, {"is_selected": false, "title": "《模拟人生4》游戏全秘籍(作弊码)|Sims 4,The - 我爱秘籍", "most_related_para": 3, "segmented_title": ["《", "模拟人生", "4", "》", "游戏", "全", "秘籍", "(", "作弊码", ")", "|", "Sims", "4", ",", "The", "-", "我", "爱", "秘籍"], "segmented_paragraphs": [["在", "Sim4", "游戏", "中", "按", "[", "Ctrl", "]", "+", "[", "Shift", "]", "+", "C", "开启", "控制台", ",", "输入", "秘籍", "指令", "后", "按回车", "确认", "可获得", "对应", "效果", "。"], ["注", ":"], ["1", "、", "秘籍", "指令", "中", "的", "大括号", "中括号", "[", "]", "不用", "输入", "。"], ["在", "很多", "秘籍", "指令", "中", "需", "指定", "对应", "的", "小人", "id", ",", "此时", "可", "使用", "sims", ".", "get", "_", "sim", "_", "id", "_", "by", "_", "name", "[", "名", "]", "[", "姓", "]", "来", "获得", "市民", "ID", "。"], ["输入", ":", "sims", ".", "get", "_", "sim", "_", "id", "_", "by", "_", "name", "家", "偉", "林"], ["即可", "获得", "获得", "林家偉", "的", "sim", "id"], ["模拟人生", "3", "英文名", ":", "Sim", "3", ",", "The", "秘籍", "数", ":", "20", "+"], ["《", "模拟人生", "1", "》", "全", "秘籍", "《", "模拟人生", "1", "》", "秘籍", "集锦", "《", "模拟人生", "2", "》", "全", "秘籍", "《", "我的模拟人生", "》", "秘籍", "《", "模拟人生", ":", "中世纪", "》", "秘籍"], ["《", "模拟人生", "4", "》", "作弊", "MOD", ":", "Cheater", "Mod", "v", "3", ".", "4", ".", "0", "英文名", ":", "Sims", "4", ",", "The", "作者", ":", "Krys", "29", "日期", ":", "2017", ".", "06", ".", "05"], ["异星工厂", "英文名", ":", "Factorio", "秘籍", "数", ":", "270", "+"], ["辐射", "4", "英文名", ":", "Fallout", "4", "秘籍", "数", ":", "4105", "+"], ["猎天使魔女", "英文名", ":", "Bayonetta", "秘籍", "数", ":", "18", "+"], ["《", "方舟", ":", "生存进化", "》", "游戏秘籍", "指令", "代码大全", "《", "远征", "军", ":", "维京", "》", "游戏秘籍", "《", "中世纪", "2", ":", "全面战争", "》", "全", "秘籍", "/", "技能", "/", "属性", "代码"], ["模拟城市", "5", "英文名", ":", "SimCity", "秘籍", "数", ":", "10", "+"], ["模拟人生", "2", "秘籍", "数", ":", "52", "+"], ["《", "模拟人生", "3", "》", "秘籍", "《", "马基", "埃", "亚", "尔", "的", "传说", "》", "秘籍", "/", "作弊码", "/", "LUA", "控制台", "MD", "《", "梦幻模拟战", "2", "》", "超级", "秘籍", "《", "模拟农场", "17", "》", "存档", "修改"]], "paragraphs": ["在Sim4游戏中按 [Ctrl] + [Shift] + C 开启控制台,输入秘籍指令后按回车确认可获得对应效果。", "注:", "1、秘籍指令中的大括号 中括号 [] 不用输入。", "在很多秘籍指令中需指定对应的小人id,此时可使用 sims.get_sim_id_by_name [名] [姓] 来获得市民ID。", "输入:sims.get_sim_id_by_name 家偉 林", "即可获得获得林家偉的sim id", "模拟人生3 英文名:Sim 3,The 秘籍数:20+", "《模拟人生1》全秘籍 《模拟人生1》秘籍集锦 《模拟人生2》全秘籍 《我的模拟人生》秘籍 《模拟人生:中世纪》秘籍", "《模拟人生4 》作弊MOD:Cheater Mod v3.4.0 英文名:Sims 4,The 作者:Krys29 日期:2017.06.05", "异星工厂 英文名:Factorio 秘籍数:270+", "辐射4 英文名:Fallout 4 秘籍数:4105+", "猎天使魔女 英文名:Bayonetta 秘籍数:18+", "《方舟:生存进化》游戏秘籍指令代码大全 《远征军:维京》游戏秘籍 《中世纪2:全面战争》全秘籍/技能/属性代码", "模拟城市5 英文名:SimCity 秘籍数:10+", "模拟人生2 秘籍数:52+", "《模拟人生3》秘籍 《马基埃亚尔的传说》秘籍/作弊码/LUA控制台 MD《梦幻模拟战2》超级秘籍 《模拟农场17》存档修改"], "bs_rank_pos": 3}, {"is_selected": false, "title": "模拟人生4超迅速赚钱心得攻略_模拟人生4攻略秘籍_游侠网", "most_related_para": 2, "segmented_title": ["模拟人生", "4", "超", "迅速", "赚钱", "心得", "攻略", "_", "模拟人生", "4", "攻略秘籍", "_", "游侠网"], "segmented_paragraphs": [["不", "少", "玩家", "觉得", "赚钱", "很辛苦", ",", "今天", "小", "编", "带来", "《", "模拟人生", "4", "》", "超", "迅速", "赚钱", "心得", "攻略", ",", "一起来", "看看", "吧", "!"], ["刚", "开始", "玩", "的", "时候", "小人", "沿袭", "3", "代", "职业", "-", "画画", ",", "辛辛苦苦", "布置", "了", "非常", "启发", "的", "画室", ",", "画", "到", "后来", "几", "小时", "出", "一", "副", "也", "才", "卖", "几", "千", ",", "偶尔", "出", "个", "巨作", "也", "不过", "1W", "多", ",", "完全", "不能", "满足", "小人", "日益", "膨胀", "的", "物欲", ",", "后来", "看到", "论坛", "上", "有", "“", "大神", "”", "分享", "一", "个", "小秘密", ",", "不停", "的", "给", "经纪人", "打电话", ",", "一通电话", "几分钟", ",", "然后", "收入", "500", ",", "不停", "刷", "囧rz", "。", "。"], ["再后来", "看到", "很多人", "说", "做", "电竞", "直播", ",", "粉丝", "破百万", "钱", "跳", "的", "哗啦啦", "的", ",", "不过", "副作用", "是", "必须", "在职", "电玩", "专业", ",", "只能", "趁", "下班", "那", "点", "时间", "自己", "赶", "直播", ",", "于是", "我", "就", "自己", "改进", "了", "下", ",", "买", "了", "奖励", "商店", "里", "的", "专业", "偷懒", ",", "然后", "天天", "翘班", ",", "关", "起", "门", "来", "不停", "直播", ".", ".", ".", "虽然", "听到", "钱", "不停", "的", "叮", "叮叮", "跳", "账", "是", "非常", "美妙", "的", "一", "件", "事", ",", "而且", "每小时", "几", "千", "的", "入账", "是", "我试过", "所有", "包括", "作家", "木工", "园艺", "烘焙", "等等", "无法企及", "的", ",", "可是", "这样一来", "就", "特别", "无聊", ",", "小人", "只能", "不停", "的", "蹲", "在", "电脑", "前", ",", "无法", "享受", "其他", "的", "乐趣", ",", "还要", "每天", "接", "到", "老板", "催命", "电话", "很", "是", "烦人", ".", ".", ".", "而且", "之", "前", "需要", "不停", "的", "参加", "电玩", "比赛", "攒", "粉丝", ",", "前戏", "特别", "漫长", ".", ".", "."], ["在", "我", "攒", "了", "700W", "粉丝", ",", "赚", "了", "300", "多", "W", "以后", ",", "我", "果断", "受不了", "这种", "无趣", "的", "生活", ",", "毅然", "辞职", ",", "开始", "开发", "调酒", "烹饪", "钓鱼", "收藏", "等等", "新鲜", "玩法", ",", "为了", "各种", "黑科技", "玩", "了", "科学家", ",", "不停", "开发", "新科技", ",", "调戏", "NPC", ",", "合成", "各种", "有趣", "的", "血清", ",", "然后", ".", ".", ".", "制造", "了", "终极", "黑科技", "—", "—", "复制", "机", "!", "!", "!", "有", "了", "这", "台", "机器", ",", "所有", "罕见", "收藏品", "从此", "烂大街", ",", "死亡", "花", "再", "不用", "蹲花园", "里", "天天", "浇水", "施肥", ",", "发明", "所需", "各种", "普通", "罕见", "宝石", "金属", "从此", "告别", "风餐露宿", "满世界", "找", "原料", "厚脸皮", "每个", "同事", "蹭", "一", "遍", ".", ".", ".", "而且", "这", "台", "机器", "可", "随身携带", ",", "可以", "带回家", ",", "而且", "不需要", "科学家", "职业", "也", "能", "操作"], ["然后", "最", "关键", "的", "一", "点", "来", "了", ",", "在", "玩", "烹饪", "制作", "仙", "馔", "密", "酒", "的", "时候", "我", "发现", ".", ".", ".", "这", "货", "竟然", "是", "能", "直接", "出售", "的", "!", "而且", "价值", "不菲", ",", "我", "第一次", "做", "出来", "的", "无懈可击", "品质", "的", "售价", "竟然", "高达", "1W3", "!", "然后", "开始", "抱着", "单纯", "偷懒", "的", "目的", "试", "试", "丢", "上去", "准备", "囤", "一", "冰箱", "让", "小人", "从此", "长生不老", ",", "然后", ".", ".", ".", "接下来", "你们", "都", "知道", "要", "怎么办", "了"], ["更多", "相关资讯", "请", "关注", ":", "模拟人生", "4", "专题"], ["更多", "相关", "讨论", "请", "前往", ":", "模拟人生", "4", "论坛"], ["扫描", "关注", "游侠网"], ["PC", "TV"]], "paragraphs": ["不少玩家觉得赚钱很辛苦,今天小编带来《模拟人生4》超迅速赚钱心得攻略,一起来看看吧!", "刚开始玩的时候小人沿袭3代职业-画画,辛辛苦苦布置了非常启发的画室,画到后来几小时出一副也才卖几千,偶尔出个巨作也不过1W多,完全不能满足小人日益膨胀的物欲,后来看到论坛上有“大神”分享一个小秘密,不停的给经纪人打电话,一通电话几分钟,然后收入500,不停刷囧rz。。", "再后来看到很多人说做电竞直播,粉丝破百万钱跳的哗啦啦的,不过副作用是必须在职电玩专业,只能趁下班那点时间自己赶直播,于是我就自己改进了下,买了奖励商店里的专业偷懒,然后天天翘班,关起门来不停直播...虽然听到钱不停的叮叮叮跳账是非常美妙的一件事,而且每小时几千的入账是我试过所有包括作家木工园艺烘焙等等无法企及的,可是这样一来就特别无聊,小人只能不停的蹲在电脑前,无法享受其他的乐趣,还要每天接到老板催命电话很是烦人...而且之前需要不停的参加电玩比赛攒粉丝,前戏特别漫长...", "在我攒了700W粉丝,赚了300多W以后,我果断受不了这种无趣的生活,毅然辞职,开始开发调酒烹饪钓鱼收藏等等新鲜玩法,为了各种黑科技玩了科学家,不停开发新科技,调戏NPC,合成各种有趣的血清,然后...制造了终极黑科技——复制机!!!有了这台机器,所有罕见收藏品从此烂大街,死亡花再不用蹲花园里天天浇水施肥,发明所需各种普通罕见宝石金属从此告别风餐露宿满世界找原料厚脸皮每个同事蹭一遍...而且这台机器可随身携带,可以带回家,而且不需要科学家职业也能操作", "然后最关键的一点来了,在玩烹饪制作仙馔密酒的时候我发现...这货竟然是能直接出售的!而且价值不菲,我第一次做出来的无懈可击品质的售价竟然高达1W3!然后开始抱着单纯偷懒的目的试试丢上去准备囤一冰箱让小人从此长生不老,然后...接下来你们都知道要怎么办了", "更多相关资讯请关注:模拟人生4专题", "更多相关讨论请前往:模拟人生4论坛", "扫描关注游侠网", "PC TV"], "bs_rank_pos": 4}, {"is_selected": true, "title": "模拟人生4怎么玩 游戏新手攻略详细图文介绍_心得秘籍_巴士单机游戏", "most_related_para": 9, "segmented_title": ["模拟人生", "4", "怎么", "玩", "游戏", "新手", "攻略", "详细", "图文", "介绍", "_", "心得", "秘籍", "_", "巴士", "单机", "游戏"], "segmented_paragraphs": [["今天", "小", "编", "要", "带来", "的", "是", "模拟人生", "4", "怎么", "玩", "的", "相关", "介绍", "。", "游戏", "模拟人生", "4", "已", "于", "近日", "发布", "了", ",", "但是", "可能", "很多", "玩家", "都", "没", "接触", "过", "模拟人生", "的", "系列作品", ",", "所以", "在", "此", "小", "编", "就要", "介绍", "下", "模拟人生", "4", "游戏", "新手", "攻略", "。"], ["》", "模拟人生", "4", "中文版", "下载", "《", "可能", "很多", "玩家", "都", "不知道", "模拟人生", "4", "怎么", "玩"], ["模拟人生", "4", "游戏", "新手", "攻略", ":"], ["“", "人生", "”", "中", "真是", "随处", "都", "有", "危险"], ["小", "编", "第一次", "玩", "的", "时候", ",", "电炉", "用", "的", "的", "太", "差", ",", "被烧死", "了", "。", "给", "大家", "提个醒", ",", "所有", "有", "属性", "的", "东西", "里面", ",", "只要", "是", "由", "负面", "属性", "的", ",", "比如", "不舒服", ",", "不可靠", "之类", "的", "都", "不要", "用", ",", "那", "就是", "个", "坑", "啊", ",", "幸好", "除了", "最", "便宜", "的", "那个", "以", "外", ",", "其他", "的", "都", "不太", "会", "有", "负面", "属性", "。"], ["一开始", "玩", "的", "时候", ",", "不知道", "怎么", "调整", "寿命", ",", "在", "网上", "问", "查", "了", "好久", ",", "经过", "热心", "人士", "的", "提醒", ",", "终于", "在", "游戏", "设置", "-", "游戏", "中", "找到", "了", "寿命", "的", "设置", ",", "改", "成长", "以后", ",", "重新", "开", "了", "个", "档", "。"], ["游戏", "中", "的", "某", "(", "搞", ")", "些", "(", "基", ")", "元素", "还是", "很", "时尚", "的"], ["下面", "要", "介绍", "的", "是", "小", "编", "玩", "的", "存活", "最长", "的", "一次", ",", "首先", "买", "了", "一", "个", "什么都没有", "的", "房子", ",", "放", "好", "安全", "的", "厨房", "、", "卫生间", "以后", "还剩", "下", "9000", "快钱", ",", "一咬牙", ",", "买", "了", "8500", "的", "单人床", ",", "之所以", "这样", "是因为", "模拟人生", "4", "里面", ",", "床", "实在", "是", "太", "重要", "了", "!", "效果", "4", "的", "床", ",", "大概", "一", "天", "要", "睡", "8", "个", "小时", ",", "而且", "起来", "还有", "背痛", "的", "debuff", ",", "而", "效果", "6", "的", "床", ",", "大概", "就", "睡", "6", "个", "半", "小时", "就好", "了", ",", "反正", "游戏", "中", "家具", "卖掉", "没有", "折旧", "的", ",", "就", "买", "了", "一", "个", "效果", "10", "的", "单人床", "。"], ["然后", ",", "准备", "走", "写作", "路线", "的", "我", "发现", ",", "兜", "里面", "买", "了", "书桌", "+", "椅子", "以后", "就", "100", "来", "块", "钱", "了", ",", "我", "还有", "电脑", "没", "买", ",", "最", "便宜", "的", "电脑", "也", "要", "800", "多", "。", "没办法", ",", "拾荒", "吧", "。", "把", "地图", "上", "能", "挖", "的", "坑", ",", "能", "捡", "的", "青蛙", ",", "能", "收获", "的", "花花草草", "全部", "清", "一遍", ",", "大概", "能", "弄", "到", "200", "左右", "的", "钱", ",", "挖掘", "能", "出", "三种", "东西", "貌似", ":"], ["第", "一", "种", "是", "矿石", "和", "化石", ",", "反正", "是", "收集", "品", ",", "没有", "仔细研究", ",", "都", "被", "我", "卖掉", "了", ";", "第", "二", "种", "是", "时间", "胶囊", ",", "能", "开", "出", "各种", "娃娃", ",", "普通", "的", "35", "一", "个", ",", "稀有", "的", "75", "一", "个", ",", "娃娃", "当成", "摆设", "的", "时候", "打开", "他", "貌似", "能够", "给", "周围", "加一", "个", "buff", ",", "反正", "我", "把", "开", "出来", "重复", "的", "都", "卖掉", "了", ";", "第", "三种", "是", "藏宝图", ",", "能", "在", "原来", "挖掘", "的", "地方", "挖宝", ",", "没", "这么", "注意", ",", "好像", "出", "的", "东西", "没什么", "差别", "。", "挖掘", "的", "点", "貌似", "是", "两天", "刷", "一次", ",", "反正", "赚", "不", "了", "什么", "钱", "。"], ["游戏", "中", "想", "活下去", "也", "不是", "那么简单", "的"], ["而", "青蛙", ",", "是", "另一种", "收集", "品", ",", "不过", "每天", "你", "都", "可以", "用", "青蛙", "繁衍", "一次", ",", "青蛙", "好像", "都是", "35", "快钱", "一", "个", "卖", "的", ",", "算是", "一", "个", "稳定", "的", "收入", "源", ",", "把", "重复", "的", "都", "卖", "了", ",", "前期", "的", "饭钱", "就", "回来", "了", "!", "相关", "推荐", ":", "》", "模拟人生", "4", "好玩", "吗", "》", "模拟人生", "4", "游戏专区", "》", "模拟人生", "4", "中文", "设置", "介绍"]], "paragraphs": ["今天小编要带来的是模拟人生4怎么玩的相关介绍。游戏模拟人生4已于近日发布了,但是可能很多玩家都没接触过模拟人生的系列作品,所以在此小编就要介绍下模拟人生4游戏新手攻略。", "》模拟人生4中文版下载《 可能很多玩家都不知道模拟人生4怎么玩", "模拟人生4游戏新手攻略:", "“人生”中真是随处都有危险", "小编第一次玩的时候,电炉用的的太差,被烧死了。给大家提个醒,所有有属性的东西里面,只要是由负面属性的,比如不舒服,不可靠之类的都不要用,那就是个坑啊,幸好除了最便宜的那个以外,其他的都不太会有负面属性。", "一开始玩的时候,不知道怎么调整寿命,在网上问查了好久,经过热心人士的提醒,终于在游戏设置-游戏中找到了寿命的设置,改成长以后,重新开了个档。", "游戏中的某(搞)些(基)元素还是很时尚的", "下面要介绍的是小编玩的存活最长的一次,首先买了一个什么都没有的房子,放好安全的厨房、卫生间以后还剩下9000快钱,一咬牙,买了8500的单人床,之所以这样是因为模拟人生4里面,床实在是太重要了!效果4的床,大概一天要睡8个小时,而且起来还有背痛的debuff,而效果6的床,大概就睡6个半小时就好了,反正游戏中家具卖掉没有折旧的,就买了一个效果10的单人床。", "然后,准备走写作路线的我发现,兜里面买了书桌+椅子以后就100来块钱了,我还有电脑没买,最便宜的电脑也要800多。没办法,拾荒吧。把地图上能挖的坑,能捡的青蛙,能收获的花花草草全部清一遍,大概能弄到200左右的钱,挖掘能出三种东西貌似:", "第一种是矿石和化石,反正是收集品,没有仔细研究,都被我卖掉了; 第二种是时间胶囊,能开出各种娃娃,普通的35一个,稀有的75一个,娃娃当成摆设的时候打开他貌似能够给周围加一个buff,反正我把开出来重复的都卖掉了; 第三种是藏宝图,能在原来挖掘的地方挖宝,没这么注意,好像出的东西没什么差别。挖掘的点貌似是两天刷一次,反正赚不了什么钱。", "游戏中想活下去也不是那么简单的", "而青蛙,是另一种收集品,不过每天你都可以用青蛙繁衍一次,青蛙好像都是35快钱一个卖的,算是一个稳定的收入源,把重复的都卖了,前期的饭钱就回来了! 相关推荐: 》模拟人生4好玩吗 》模拟人生4游戏专区 》模拟人生4中文设置介绍"], "bs_rank_pos": 5}], "answer_spans": [[0, 112]], "fake_answers": ["第一种是矿石和化石,反正是收集品,没有仔细研究,都被我卖掉了;第二种是时间胶囊,能开出各种娃娃,普通的35一个,稀有的75一个,娃娃当成摆设的时候打开他貌似能够给周围加一个buff,反正我把开出来重复的都卖掉了;第三种是藏宝图,能在原来挖掘的地方挖宝,没这么注意,好像出的东西没什么差别。挖掘的点貌似是两天刷一次,反正赚不了什么钱。"], "question": "模拟人生4攻略", "segmented_answers": [["把", "地图", "上", "能", "挖", "的", "坑", ",", "能", "捡", "的", "青蛙", ",", "能", "收获", "的", "花花草草", "全部", "清", "一遍", ",", "大概", "能", "弄", "到", "200", "左右", "的", "钱", ",", "挖掘", "能", "出", "三种", "东西", "貌似", ":", "第", "一", "种", "是", "矿石", "和", "化石", ",", "反正", "是", "收集", "品", ",", "没有", "仔细研究", ",", "都", "被", "我", "卖掉", "了", ";", "第", "二", "种", "是", "时间", "胶囊", ",", "能", "开", "出", "各种", "娃娃", ",", "普通", "的", "35", "一", "个", ",", "稀有", "的", "75", "一", "个", ",", "娃娃", "当成", "摆设", "的", "时候", "打开", "他", "貌似", "能够", "给", "周围", "加一", "个", "buff", ",", "反正", "我", "把", "开", "出来", "重复", "的", "都", "卖掉", "了", ";", "第", "三种", "是", "藏宝图", ",", "能", "在", "原来", "挖掘", "的", "地方", "挖宝", ",", "没", "这么", "注意", ",", "好像", "出", "的", "东西", "没什么", "差别", "。", "挖掘", "的", "点", "貌似", "是", "两天", "刷", "一次", ",", "反正", "赚", "不", "了", "什么", "钱", "。"]], "answers": ["把地图上能挖的坑,能捡的青蛙,能收获的花花草草全部清一遍,大概能弄到200左右的钱,挖掘能出三种东西貌似:第一种是矿石和化石,反正是收集品,没有仔细研究,都被我卖掉了;第二种是时间胶囊,能开出各种娃娃,普通的35一个,稀有的75一个,娃娃当成摆设的时候打开他貌似能够给周围加一个buff,反正我把开出来重复的都卖掉了;第三种是藏宝图,能在原来挖掘的地方挖宝,没这么注意,好像出的东西没什么差别。挖掘的点貌似是两天刷一次,反正赚不了什么钱。"], "answer_docs": [4], "segmented_question": ["模拟人生", "4", "攻略"], "question_type": "DESCRIPTION", "question_id": 33, "fact_or_opinion": "OPINION", "match_scores": [0.7604562737642586]} -{"documents": [{"is_selected": false, "title": "嘴唇上长水泡是怎么回事?_百度拇指医生", "most_related_para": 1, "segmented_title": ["嘴唇", "上", "长", "水泡", "是", "怎么回事", "?", "_", "百度", "拇指", "医生"], "segmented_paragraphs": [["?", "嘴唇", "上", "长", "水泡", "是", "怎么回事", "?"], ["最合适", "答案", ":", "这种", "应该", "是", "口腔溃疡", "的", "表现", ",", "医学", "上", "又", "叫", "它", "单纯性疱疹", ",", "说", "是", "消化道", "病毒", "引起", "的", ",", "我", "每年", "秋冬", "都", "容易", "得", ",", "可能", "这个季节", "干燥", "易", "上火", "吧", "。", "我", "的", "经验", "是", "有", "一点", "红", "痒", "的", "时", "就要", "马上", "“", "灭火", "”", ",", "内", "治", ":", "吃", "维生素B2", ",", "喝", "“", "豆腐", "鲫鱼", "咸蛋", "皮蛋", "芫荽", "汤", "”", ";", "外", "用", ":", "用", "“", "阿昔洛韦", "乳膏", "”", "涂抹", "嘴上", "的", "泡", ",", "这种", "药", "是", "专门", "治", "单纯性", "疱疹", "病毒", "的", "。", "行动", "得", "快", ",", "有时", "可以不可以", "把", "它", "消灭", "在", "萌芽", "之", "中", "的", "。", "如果", "您", "嘴上", "的", "泡", "已", "发展", "得", "非常", "大", "了", ",", "虽然", "晚", "了", "点", ",", "还是", "要", "用", "以上", "的", "方法", ",", "既", "可以", "不可以", "控制", "发展", ",", "还", "可以", "不可以", "帮助", "早点", "康复", "。", "我", "发现", "嘴上", "长", "过", "泡", "的", "人", "以后", "就", "非常", "容易", "长", ",", "所以", "平", "日", "注意", "有些", "上火", "就要", "及时", "清热", ",", "同时", "“", "阿昔洛韦", "乳膏", "”", "、", "B2", "等", "也", "要", "常备", ",", "实在", "得", "上", "了", "好", "把", "损失", "降", "到", "最低", "(", "任", "它", "发展", "既", "疼", "苦", "又", "难看", "啊", "~", ")", "。", "当然", ",", "嘴上", "容易", "长", "泡", "的", "人", "一定要", "注意", "清淡", "饮食", "的", ",", "只是", "美食", "当前", "有时", "非常", "难", "控制", "~", "~", "祝", "早日康复", "!", "挖", ",", "这么可怕", "了", ",", "是", "病毒", "啊", ",", "这个", "我", "还是", "第一次", "生", ".", "嘴唇", "都", "肿", "了", ".", "“", "病毒", "说", "“", "我", "是", "在", "医书", "上", "查", "到", "的", ",", "我", "身边", "又", "不", "少", "朋友", "有", "这种", "“", "毛病", "”", ",", "均", "虚火", "重", "的", "人", ",", "且", "均", "有", "了", "第一次", "以后", "就", "非常", "容易", "长", "。", "你", "的", "嘴唇", "肿", "了", "说明", "发", "得", "挺", "厉害", "的", ",", "以后", "还是", "注意", "戒口", "吧", "。", "这种", "水泡", "从", "发", "到", "痊愈", "一般", "要", "10", "天", "前后", ",", "发展", "过程", "是", ":", "水泡", "-", "-", "黄色", "的", "痂", "-", "-", "黄", "痂", "脱落", "变成", "血", "疤", "-", "-", "血", "疤", "脱落", "痊愈", "。", "结", "血", "疤", "的", "时", "是", "最", "难看", "的", ",", "黑黑", "的", ",", "像", "嘴上", "多", "了", "些", "黑痣", "…", "…", "所以", ",", "切记", "防患于未然", "哦", "!", "您", "已经", "评价", "过", "!", "不好", ":", "0", "您", "已经", "评价", "过", "!", "原创", ":", "0"], ["大", "多", "是", "属于", "疱疹性", "龈口炎", ",", "这", "也是", "单纯", "疱疹", "感染", "所致", "。", "该病", "有", "自", "限", "性", ",", "但", "很容易", "复发", "。", "原", "发", "感染", "潜伏期", "2", "-", "12", "天", ",", "平均", "6", "天", ",", "如果", "出现", "了", "疱", ",", "可以使用", "一些", "漱口", "液", "如", "银", "离子", "漱口", "液", "进行", "含漱", ",", "防止", "继发感染", ",", "也", "可", "使用", "碘甘油", "涂抹", "水疱", ",", "促", "其", "恢复", "。"], ["蒋康伦", "医师", "|", "2014", "-", "11", "-", "19", "23", ":", "48"]], "paragraphs": ["?嘴唇上长水泡是怎么回事?", "最合适答案: 这种应该是口腔溃疡的表现,医学上又叫它单纯性疱疹,说是消化道病毒引起的,我每年秋冬都容易得,可能这个季节干燥易上火吧。我的经验是有一点红痒的时就要马上“灭火”,内治:吃维生素B2,喝“豆腐鲫鱼咸蛋皮蛋芫荽汤”;外用:用“阿昔洛韦乳膏”涂抹嘴上的泡,这种药是专门治单纯性疱疹病毒的。行动得快,有时可以不可以把它消灭在萌芽之中的。 如果您嘴上的泡已发展得非常大了,虽然晚了点,还是要用以上的方法,既可以不可以控制发展,还可以不可以帮助早点康复。我发现嘴上长过泡的人以后就非常容易长,所以平日注意有些上火就要及时清热,同时“阿昔洛韦乳膏”、B2等也要常备,实在得上了好把损失降到最低(任它发展既疼苦又难看啊~)。 当然,嘴上容易长泡的人一定要注意清淡饮食的,只是美食当前有时非常难控制~~祝早日康复! 挖,这么可怕了,是病毒啊,这个我还是第一次生. 嘴唇都肿了. “病毒说“我是在医书上查到的,我身边又不少朋友有这种“毛病”,均虚火重的人,且均有了第一次以后就非常容易长。你的嘴唇肿了说明发得挺厉害的,以后还是注意戒口吧。这种水泡从发到痊愈一般要10天前后,发展过程是:水泡--黄色的痂--黄痂脱落变成血疤--血疤脱落痊愈。结血疤的时是最难看的,黑黑的,像嘴上多了些黑痣……所以,切记防患于未然哦! 您已经评价过! 不好:0 您已经评价过! 原创:0", "大多是属于疱疹性龈口炎,这也是单纯疱疹感染所致。该病有自限性,但很容易复发。原发感染潜伏期2-12天,平均6天,如果出现了疱,可以使用一些漱口液如银离子漱口液进行含漱,防止继发感染,也可使用碘甘油涂抹水疱,促其恢复。", "蒋康伦 医师 | 2014-11-19 23:48"], "bs_rank_pos": 0}, {"is_selected": false, "title": "嘴唇上长水泡是为什么?_百度拇指医生", "most_related_para": 1, "segmented_title": ["嘴唇", "上", "长", "水泡", "是", "为什么", "?", "_", "百度", "拇指", "医生"], "segmented_paragraphs": [["?", "嘴唇", "上", "长", "水泡", "是", "为什么", "?"], ["在", "日常", "生活", "中", ",", "很多人", "会", "遇到", "嘴角", "烂", "嘴边", "还", "起", "小", "水泡", "的", "情况", ",", "这", "是", "口", "唇", "疱疹", "。", "口", "唇", "疱疹", "是", "由于", "单纯性", "疱疹", "病毒感染", "引起", "的", ",", "中医", "被", "称为", "\"", "上火", "\"", ",", "好", "发", "于", "口", "唇", ",", "口角", ",", "常", "由", "感冒", ",", "发热", ",", "疲劳", ",", "睡眠不足", ",", "心情", "抑郁", ",", "紧张", "焦虑", "等", "因素", ",", "致使", "免疫力下降", ",", "使", "潜伏", "于", "体", "内", "的", "疱疹", "病毒", "大量", "繁殖", ",", "导致", "嘴角", "起泡", "而", "发病", "。", "开始", "有", "灼热", "感", ",", "继而", "群集", "水泡", ",", "糜烂", ",", "结痂", ",", "病程", "约", "一", "周", "左右", ",", "可", "复发", "。", "口", "唇", "疱疹", "常", "在", "口", "唇", "黏膜", "处", "出现", "针头", "大小", "的", "小", "疱", ",", "常", "为", "一", "群", ",", "也有", "两", "三", "群", ",", "自觉", "有", "轻度", "烧灼", "感", ",", "历时", "一", "周", "左右", "可", "自愈", ",", "亦可", "反复发作", "。", "如果", "疱疹", "出现", "后", "因", "机体", "免疫", "机制", "的", "调整", "不当", ",", "或", "破", "溃", "后", "而", "继发感染", ",", "会", "延长", "病程", "。", "预防", "口", "唇", "疱疹", ",", "首先", "要", "保证", "睡眠时间", ",", "中午", "要", "午睡", "。", "其次", ",", "注意", "调整", "饮食", "结构", ",", "要", "注意", "多", "吃", "新鲜蔬菜", ",", "补充", "各种", "维生素", ",", "不应", "单纯", "吃", "清淡", "类", "食品", ",", "应", "荤素", "结合", ",", "要", "吃饱", "吃", "杂", ",", "多", "饮水", ",", "保持", "体", "内", "营养", "平衡", ",", "这样", "才能", "增强", "机体", "免疫力", ",", "预防", "口", "唇", "疱疹", "的", "发生", "。", "发热", "的", "病人", "一定要", "注意", "口腔卫生", ",", "要", "养成", "进食", "后", "漱口", ",", "睡觉", "前", "刷牙", ",", "特别", "是", "刷牙", "后", "不再", "吃", "东西", "的", "好习惯", ",", "每天", "最好", "用", "淡", "盐水", "漱口", "1", "至", "3", "次"], ["热心网友", "|", "2014", "-", "04", "-", "30", "14", ":", "15"]], "paragraphs": ["?嘴唇上长水泡是为什么?", "在日常生活中,很多人会遇到嘴角烂嘴边还起小水泡的情况, 这 是口唇疱疹。口唇疱疹是由于单纯性疱疹病毒感染引起的,中医被称为\"上火\",好发于口唇,口角,常由感冒,发热,疲劳,睡眠不足,心情抑郁,紧张焦虑等因素,致使免疫力下降,使潜伏于体内的疱疹病毒大量繁殖,导致嘴角起泡而发病。开始有灼热感,继而群集水泡,糜烂,结痂,病程约一周左右,可复发。 口唇疱疹常在口唇黏膜处出现针头大小的小疱,常为一群,也有两三群,自觉有轻度烧灼感,历时一周左右可自愈,亦可反复发作。如果疱疹出现后因机体免疫机制的调整不当,或破溃后而继发感染,会延长病程。 预防口唇疱疹,首先要保证睡眠时间,中午要午睡。其次,注意调整饮食结构,要注意多吃新鲜蔬菜,补充各种维生素,不应单纯吃清淡类食品,应荤素结合,要吃饱吃杂,多饮水,保持体内营养平衡,这样才能增强机体免疫力,预防口唇疱疹的发生。发热的病人一定要注意口腔卫生,要养成进食后漱口,睡觉前刷牙,特别是刷牙后不再吃东西的好习惯,每天最好用淡盐水漱口1至3次", "热心网友 | 2014-04-30 14:15"], "bs_rank_pos": 1}, {"is_selected": true, "title": "【嘴上起水泡怎么办】嘴唇上长水泡怎么回事?早上起来嘴唇上长子很多", "most_related_para": 1, "segmented_title": ["【", "嘴上", "起", "水泡", "怎么办", "】", "嘴唇", "上", "长", "水泡", "怎么回事", "?", "早上起来", "嘴唇", "上", "长子", "很多"], "segmented_paragraphs": [["早上起来", "嘴唇", "上", "长子", "很多", "小", "水泡", ",", "昨晚", "睡觉", "还", "好", "好", "的", "。", "先是", "很", "痒", ",", "然后", "水泡", "愈", "长", "愈", "大", "最后", "破裂", ",", "要", "十", "来", "天", "才能", "好", "。", "关键", "是", "难看", "。", "而且", "我", "已", "长", "过", "好", "几", "次", "了", ",", "每次", "都是", "同", "一点", "上", "长", ",", "很", "烦", ",", "怎么办", "?"], ["嘴唇", "上", "长", "水泡", "称", "这", "口", "唇", "疱疹", ",", "属于", "一", "种", "病毒性", "皮肤病", ",", "是", "由于", "单纯性", "疱疹", "病毒感染", "引起", "的", ",", "中医", "相关", "信息", "用", "当归", "治疗", "闭经", "有", "什么", "方法", "?", "怎么", "用", "胡颓子", "根", "治疗", "闭经", "?", "怎么", "用", "大黄", "末", "治疗", "闭经", "?", "用", "香附", "治疗", "闭经", "有", "什么", "方法", "?", "如何", "用", "当归", "治疗", "闭经", "?", "用", "大叶", "茜草", "根", "治疗", "闭经", "的", "方法", "是", "什么", "?", "怎么", "用", "马鞭草", "根", "治疗", "闭经", "?", "怎么", "用", "红土", "牛膝", "治疗", "闭经", "?", "用", "益母草", "、", "香附子", "治疗", "闭经", "的", "方法", "是", "什么", "?", "如何", "用", "鲜", "臭", "梧桐", "皮", "治疗", "闭经", "?", "中药", "的", "汤剂", "中药", "生", "女孩", "扎", "四缝", "穴位", "土槿皮", "中药", "人参花", "泡水", "被", "称为", "“", "上火", "”", ",", "好", "发", "于", "口", "唇", "、", "口角", ",", "常", "由", "感冒", "、", "发热", "、", "疲劳", ",", "睡眠不足", "、", "心情", "抑郁", "、", "紧张", "焦虑", "等", "因素", ",", "致使", "免疫力下降", ",", "使", "潜伏", "于", "体", "内", "的", "疱疹", "病毒", "大量", "繁殖", ",", "导致", "嘴角", "起泡", "而", "发病", "。", "开始", "有", "灼热", "感", ",", "继而", "群集", "水泡", "、", "糜烂", "、", "结痂", ",", "病程", "约", "一", "周", "左右", "。", "可", "复发", "。", "治疗", ":", "一般", "的", "抗病毒药物", ",", "如", "病毒唑", "、", "病毒灵", "等", "都", "能", "用于", "单纯", "疱疹", "的", "治疗", ",", "但", "其中", "以", "阿昔洛韦", "功效", "最为", "突出", "。", "阿昔洛韦", "对", "病毒", "有", "特殊", "的", "亲和力", ",", "起", "到", "抑制", "病毒", "复制", "的", "作用", "。", "1", "、", "5", "%", "阿昔洛韦", "软膏", "或", "0", ".", "1", "%", "泡", "疹", "净", "霜", "外", "用", ",", "与", "皮炎平", "软膏", "交替", "外", "涂", "效果", "更好", "。", "有", "感染者", "加", "用", "金霉素", "软膏", "。", "2", "、", "利巴韦林", "注射液", "(", "病毒唑", ")", "湿敷", ":", "用", "医用", "棉球", "或", "棉签", "、", "小", "块", "纱布", "饱蘸", "利巴韦林", "注射液", "湿敷", "于", "皮损", "处", ",", "每次", "敷", "15", "min", ",", "每天", "3", "~", "5", "次", "。", "3", "、", "清热解毒药", "的", "中药", ",", "如", "牛黄解毒片", "、", "消炎", "解毒", "丸", "等", "口服", "。", "预防", "口", "唇", "疱疹", "复发", ":", "1", "、", "保证", "睡眠时间", ",", "多", "吃", "新鲜蔬菜", ",", "补充", "各种", "维生素", ",", "多", "饮水", ",", "以", "增强", "机体", "免疫力", ",", "防止", "疱疹", "的", "发生", "。", "2", "、", "加强", "口腔卫生", ",", "进食", "后", "用", "淡", "盐水", ".", ".", "."], ["临床", "常见", ",", "患者", "多", "为", "成年人", "。", "损伤", "部位", "常", "发生", "在", "口", "唇", "、", "口", "周", "、", "鼻孔", "附近", "。"], ["发病", "初", "时", "局部", "有", "搔痒", "感", ",", "随即", "出现", "红斑", "及", "簇", "集", "性", "红色", "小", "丘疹", ",", "迅速", "变为", "绿豆", "或", "稍", "大", "的", "水疱", ",", "水疱", "破裂", "后", "呈现", "溃烂", "面", ",", "数日后", "干燥", "结痂", ",", "全", "病程", "1", "-", "2", "周", ",", "愈", "后", "可", "留", "暂时", "性", "的", "褐色", "色素沉着", "。"], ["单纯", "疱疹", "可以", "在", "同", "一", "部位", "复发", ",", "引起", "复发", "的", "原因", "很多", "如", "发热", "性", "疾病", "、", "感冒", "、", "日晒", "、", "过", "劳", "、", "精神紧张", "、", "悲伤", "等", ",", "它们", "均", "可以", "引起", "单纯", "疱疹", "的", "复发", "。"], ["温馨提示", ":", "单纯", "疱疹", "目前", "无", "特效", "防治", "办法", ",", "主要", "尽量避免", "各种", "诱发因素", "。", "本", "病", "有", "自", "限", "性", ",", "约", "1", "-", "2", "周", "可", "自愈", "。", "治疗原则", "为", "缩短", "病程", ",", "防止", "继发感染", "和", "并发症", ",", "减少", "复发", "。"], ["上火", "或者", "是", "受凉", "都会", "引起", "水泡", "上火", "的", "情况", ",", "建议", "多吃点", "水果", ",", "喝", "点", "水", ",", "水果", "避免", "火", "性", "的", "像", "橘子", "之类", "的", ";", "受凉", "则", "要", "注意保暖", ",", "夜里", "盖好", "睡", ",", "多", "喝", "开水", ",", "少", "吹", "凉风"], ["高中英语", "翻译", "给", "Mr", ".", "Harrison", "的", "信", ".", ".", ".", "半桶水", "叮", "铛", "响", "什么", "意思", "是", "什么", "意思", "?", "?", "?", "推荐", "个", "乳液", "本人", "皮肤", "干性", ",", "T", "区", "比较", "油", ",", "T", "区", ".", ".", "."], ["上火", "了", ",", "每个", "人", "上火", "体现", "的", "位置", "都", "不同", ",", "有", "的", "人", "走", "嘴唇", ",", "有", "的", "人", "走", "鼻子", ",", "有", "的", "人", "走", "眼睛", ",", "多吃点", "梨", "等", "水果", "、", "蔬菜", "去", "去火", "就好", "了", "。"], ["水泡", "相关知识", "症状", "预防", "治疗"], ["宝宝", "嘴上", "起", "水泡", "该怎么办", "啊", "?", "嘴上", "起", "水泡", "怎么办", "?", "我", "嘴上", "起", "水泡", "了", "我", "怕", "留", "疤", "怎么办", "婴儿", "嘴", "起", "水泡", "了", "怎么办", "嘴上", "起", "水泡", "怎么办", "宝宝", "嘴上", "起", "水泡", "该怎么办", "啊", "?", "小孩", "的", "嘴上", "起", "水泡", "了", "怎么样", "?", "嘴上", "起", "水泡", "怎么办", "宝宝", "嘴上", "起", "水泡", "该怎么办", "啊", "?", "小孩", "的", "嘴上", "起", "水泡", "怎么办", "?"]], "paragraphs": ["早上起来嘴唇上长子很多小 水泡,昨晚睡觉还好好的。先是很痒,然后水泡愈长愈大最后破裂,要十来天才能好。关键是难看。而且我已长过好几次了,每次都是同一点上长,很烦,怎么办?", "嘴唇上长水泡称这口唇疱疹,属于一种病毒性皮肤病,是由于单纯性疱疹病毒感染引起的, 中医 相关信息 用当归治疗闭经有什么方法? 怎么用胡颓子根治疗闭经? 怎么用大黄末治疗闭经? 用香附治疗闭经有什么方法? 如何用当归治疗闭经? 用大叶茜草根治疗闭经的方法是什么? 怎么用马鞭草根治疗闭经? 怎么用红土牛膝治疗闭经? 用益母草、香附子治疗闭经的方法是什么? 如何用鲜臭梧桐皮治疗闭经? 中药的汤剂 中药生女孩 扎四缝穴位 土槿皮中药 人参花泡水 被称为“上火”,好发于口唇、口角,常由感冒、发热、疲劳,睡眠不足、心情抑郁、紧张焦虑等因素,致使免疫力下降,使潜伏于体内的疱疹病毒大量繁殖,导致嘴角起泡而发病。开始有灼热感,继而群集水泡、糜烂、结痂,病程约一周左右。可复发。 治疗: 一般的抗病毒药物,如病毒唑、病毒灵等都能用于单纯疱疹的治疗,但其中以阿昔洛韦功效最为突出。阿昔洛韦对病毒有特殊的亲和力,起到抑制病毒复制的作用。 1、5%阿昔洛韦软膏或0.1%泡疹净霜外用,与皮炎平软膏交替外涂效果更好。有感染者加用金霉素软膏。 2、利巴韦林注射液(病毒唑)湿敷:用医用棉球或棉签、小块纱布饱蘸利巴韦林注射液湿敷于皮损处,每次敷15min,每天3~5次。 3、清热解毒药的中药,如牛黄解毒片、消炎解毒丸等口服。 预防口唇疱疹复发: 1、保证睡眠时间,多吃新鲜蔬菜,补充各种维生素,多饮水,以增强机体免疫力,防止疱疹的发生。 2、加强口腔卫生,进食后用淡盐水...", "临床常见,患者多为成年人。损伤部位常发生在口唇、口周、鼻孔附近。", "发病初时局部有搔痒感,随即出现红斑及簇集性红色小丘疹,迅速变为绿豆或稍大的水疱,水疱破裂后呈现溃烂面,数日后干燥结痂,全病程1-2周,愈后可留暂时性的褐色色素沉着。", "单纯疱疹可以在同一部位复发,引起复发的原因很多如发热性疾病、感冒、日晒、过劳、精神紧张、悲伤等,它们均可以引起单纯疱疹的复发。", "温馨提示:单纯疱疹目前无特效防治办法,主要尽量避免各种诱发因素。本病有自限性,约1-2周可自愈。治疗原则为缩短病程,防止继发感染和并发症,减少复发。", "上火或者是受凉都会引起水泡 上火的情况,建议多吃点水果,喝点水,水果避免火性的像橘子之类的;受凉则要注意保暖,夜里盖好睡,多喝开水,少吹凉风", "高中英语翻译给Mr.Harrison的信... 半桶水叮铛响什么意思是什么意思??? 推荐个乳液本人皮肤干性,T区比较油,T区...", "上火了,每个人上火体现的位置都不同,有的人走嘴唇,有的人走鼻子,有的人走眼睛,多吃点梨等水果、蔬菜去去火就好了。", "水泡相关知识 症状 预防 治疗", "宝宝嘴上起水泡该怎么办啊? 嘴上起水泡怎么办? 我嘴上起水泡了我怕留疤怎么办 婴儿嘴起水泡了怎么办 嘴上起水泡怎么办 宝宝嘴上起水泡该怎么办啊? 小孩的嘴上起水泡了怎么样? 嘴上起水泡怎么办 宝宝嘴上起水泡该怎么办啊? 小孩的嘴上起水泡怎么办?"], "bs_rank_pos": 2}, {"is_selected": false, "title": "嘴唇长水泡_百度拇指医生", "most_related_para": 4, "segmented_title": ["嘴唇", "长", "水泡", "_", "百度", "拇指", "医生"], "segmented_paragraphs": [["嘴唇", "每年", ",", "春夏", ",", "或", "秋冬", "的", "换季", "的", "时候", ",", "嘴角", "的", "嘴唇", "边上", "都会", "长", "出", "水泡", "(", "不会", "长", "脓", ")", ",", "很恶心", ",", "也", "很", "影响", "外观", "。", "请问", "这", "是", "什么", "原因", "引起", "的", "?", "可不可以", "根除", "?", "有", "什么", "方便", ",", "有效", "的", "办法", "根除", "?", "谢谢", "。"], ["有", "的", "人", "在", "秋末", "冬", "初", ",", "常", "在", "嘴唇", "的", "唇", "黏膜", "(", "红色", "部分", ")", "及", "口腔", "周围", "的", "皮肤", "上", "出现", "水疱", ",", "我们", "称", "它", "为", "“", "唇", "疱疹", "”", "。", "这", "是", "一", "种", "由", "单纯", "疱疹", "病毒", "引起", "的", "口腔疾病", "。", "这种", "病毒", "可以", "在", "唾液", "或", "皮肤", "上", "生存", "并", "通过", "飞沫", "、", "唾液", "、", "与", "疱疹", "液", "接触", "而", "传播", "。", "口", "唇", "周围", "是", "这种", "疾病", "易发", "的", "部位", "。", "当", "身体", "抵抗力", "减弱", ",", "如", "有", "发热", "、", "消化不良", "、", "感冒", "、", "妇女", "月经", "前期", "时", "就", "可", "促使", "这种", "疾病", "的", "复发", "。", "强", "阳光照射", "、", "局部", "机械", "损伤", "、", "情绪", "因素", "也", "可导致", "复发", "。", "患者", "老少", "都", "有", "。", "该病", "发病", "前", "常", "在", "唇", "红", "部", "或", "唇", "红", "缘", "与", "皮肤", "交界处", ",", "局部", "发痒", "、", "发红", ",", "有", "灼痛", "感", "。", "随后", "在", "发痒", "处", "出现", "二", "三", "个", "或", "多", "个", "成簇", "的", "针尖", "大", "或", "小米粒", "大小", "的", "透明", "小", "疱", "。", "出现", "小", "水疱", "后", "继续", "发痒", "。", "数", "小时", "后", ",", "小", "水疱", "开始", "破裂", ",", "随后", "糜烂", "或", "融合", "成为", "一", "个", "大", "疱", "。", "疱", "内", "有", "透明", "液体", "。", "很快", "大", "疱", "破", "溃", ",", "结成", "黄", "痂", "或", "血痂", "。", "经过", "1", "周", "或", "10", "天", "左右", ",", "痂", "便", "脱落", ",", "自然", "痊愈", "。", "但", "常", "因", "洗脸", "时", "易于", "将", "痂", "皮", "碰破", ",", "致使", "继发感染", ",", "甚至", "使", "病", "损", "处", "出现", "小", "脓包", ",", "之后", "再度", "结痂", "而", "延长", "了", "愈合", "时间", "。", "愈合", "后", "不留", "瘢痕", ",", "但", "可", "有", "色素沉着", "。", "一般", "无", "全身", "症状", "。", "受损", "部位", "在", "诱发", "的", "刺激", "因素", "作用", "下", ",", "可", "在", "数", "月", "、", "数", "周", "甚至", "数", "日内", "再次", "发作", "。", "(", "1", ")", "全身", "治疗", "。", "①", "在", "医生", "指导", "下", "应用", "抗病毒药物", ",", "如", "阿昔洛韦", "、", "利巴韦林", "、", "干扰素", "等", ",", "或", "口服", "中药", "双黄连口服液", "、", "板蓝根", "冲剂", "等", "。", "②", "对于", "复发", "较", "严重", "而", "频繁", "者", ",", "还", "应", "选用", "免疫调节剂", ",", "如", "胸腺素", "、", "转移因子", "、", "左旋咪唑", "等", "。", "③", "病情", "严重", ",", "如", "合并", "颌", "下", "淋巴", "腺炎", "、", "体温", "升高", "者", ",", "运用", "支持", "疗法", ",", "卧床休息", ",", "应用", "去痛片", "等", "解", "热", "药物", ",", "多喝水", ",", "及时", "补充", "维生素", "B", "、", "维生素", "C", "等", ",", "进", "半", "流质", "饮食", "或", "软食", "。", "(", "2", ")", "局部", "治疗", "。", "①", "保持", "口腔", "清洁", ",", "可用", "洗必泰", "溶液", "或", "复方", "硼砂", "液", "漱口", "。", "②", "起", "病", "时", "可", "涂", "3", "%", "碘酊", "于", "疱疹", "部位", ",", "或", "应用", "红霉素软膏", "局部", "涂擦", "以", "消炎", "止痛", ",", "促进", "愈合", "。", "③", "继发感染", "时", "可用", "生理盐水", "、", "3", "%", "硼酸", "液", "或", "氯", "己", "定", "液", "等", "局部", "湿敷", "。", "④", "氦", "氖", "激光", "局部", "照射", "治疗", "对", "发病", "早期", "患者", "有", "一定", "疗效", "。"], ["嘴唇", "上", "长", "水疱", "最", "常见", "就是", "单纯", "疱疹", "病毒感染", "所致", "的", "单纯", "疱疹性", "龈口炎", "。", "这", "是", "单纯", "疱疹", "病毒", "引起", ",", "临床", "上", "以", "簇", "集", "性", "水疱", "为", "特征", ",", "有", "自", "限", "性", ",", "但", "很容易", "复发", "。", "一般", "需要", "改善", "生活方式", ",", "低糖", "低脂", "饮食", ",", "不可", "熬夜", ",", "不可", "焦虑", ",", "否则", "容易", "复发", "。"], ["蒋康伦", "医师", "|", "2014", "-", "9", "-", "30", "11", ":", "30"], ["嘴唇", "上", "长", "水泡", "称", "这", "口", "唇", "疱疹", ",", "属于", "一", "种", "病毒性", "皮肤病", ",", "是", "由于", "单纯性", "疱疹", "病毒感染", "引起", "的", ",", "中医", "被", "称为", "“", "上火", "”", ",", "好", "发", "于", "口", "唇", "、", "口角", ",", "常", "由", "感冒", "、", "发热", "、", "疲劳", ",", "睡眠不足", "、", "心情", "抑郁", "、", "紧张", "焦虑", "等", "因素", ",", "致使", "免疫力下降", ",", "使", "潜伏", "于", "体", "内", "的", "疱疹", "病毒", "大量", "繁殖", ",", "导致", "嘴角", "起泡", "而", "发病", "。", "开始", "有", "灼热", "感", ",", "继而", "群集", "水泡", "、", "糜烂", "、", "结痂", ",", "病程", "约", "一", "周", "左右", "。", "可", "复发", "。", "治疗", ":", "一般", "的", "抗病毒药物", ",", "如", "病毒唑", "、", "病毒灵", "等", "都", "能", "用于", "单纯", "疱疹", "的", "治疗", ",", "但", "其中", "以", "阿昔洛韦", "功效", "最为", "突出", "。", "阿昔洛韦", "对", "病毒", "有", "特殊", "的", "亲和力", ",", "起", "到", "抑制", "病毒", "复制", "的", "作用", "。", "1", "、", "5", "%", "阿昔洛韦", "软膏", "或", "0", ".", "1", "%", "泡", "疹", "净", "霜", "外", "用", ",", "与", "皮炎平", "软膏", "交替", "外", "涂", "效果", "更好", "。", "有", "感染者", "加", "用", "金霉素", "软膏", "。", "2", "、", "利巴韦林", "注射液", "(", "病毒唑", ")", "湿敷", ":", "用", "医用", "棉球", "或", "棉签", "、", "小", "块", "纱布", "饱蘸", "利巴韦林", "注射液", "湿敷", "于", "皮损", "处", ",", "每次", "敷", "15", "min", ",", "每天", "3", "~", "5", "次", "。", "3", "、", "清热解毒药", "的", "中药", ",", "如", "牛黄解毒片", "、", "消炎", "解毒", "丸", "等", "口服", "。", "预防", "口", "唇", "疱疹", "复发", ":", "1", "、", "保证", "睡眠时间", ",", "多", "吃", "新鲜蔬菜", ",", "补充", "各种", "维生素", ",", "多", "饮水", ",", "以", "增强", "机体", "免疫力", ",", "防止", "疱疹", "的", "发生", "。", "2", "、", "加强", "口腔卫生", ",", "进食", "后", "用", "淡", "盐水", "漱口", "、", "睡觉", "前", "用", "盐水", "涮", "牙", ",", "漱口", ",", "效果很好", ",", "刷牙", "后", "不再", "吃", "东西", "。", "勤", "换", "牙刷", ",", "以", "免", "牙刷", "上", "的", "病毒", "残留", ",", "造成", "多", "重", "疱疹", "3", "、", "避免", "吃", "含", "丰富", "精胺", "酸", "的", "食物", ",", "如", "巧克力", "、", "可乐", "、", "豌豆", "、", "榖类", "麦片", "、", "花生", "、", "腰果", "、", "啤酒", "等", "。", "4", "、", "运动", "可", "强化", "免疫系统", ",", "放松心情", ",", "避免", "紧张情绪", "及", "缓解", "压力", "有利于", "防治", "单纯", "疱疹", "复发", "。"], ["在", "日常", "生活", "中", ",", "很多人", "会", "遇到", "嘴角", "烂", "嘴边", "还", "起", "小", "水泡", "的", "情况", ",", "这", "是", "口", "唇", "疱疹", "。", "口", "唇", "疱疹", "是", "由于", "单纯性", "疱疹", "病毒感染", "引起", "的", ",", "中医", "被", "称为", "\"", "上火", "\"", ",", "好", "发", "于", "口", "唇", ",", "口角", ",", "常", "由", "感冒", ",", "发热", ",", "疲劳", ",", "睡眠不足", ",", "心情", "抑郁", ",", "紧张", "焦虑", "等", "因素", ",", "致使", "免疫力下降", ",", "使", "潜伏", "于", "体", "内", "的", "疱疹", "病毒", "大量", "繁殖", ",", "导致", "嘴角", "起泡", "而", "发病", "。", "开始", "有", "灼热", "感", ",", "继而", "群集", "水泡", ",", "糜烂", ",", "结痂", ",", "病程", "约", "一", "周", "左右", ",", "可", "复发", "。", "口", "唇", "疱疹", "常", "在", "口", "唇", "黏膜", "处", "出现", "针头", "大小", "的", "小", "疱", ",", "常", "为", "一", "群", ",", "也有", "两", "三", "群", ",", "自觉", "有", "轻度", "烧灼", "感", ",", "历时", "一", "周", "左右", "可", "自愈", ",", "亦可", "反复发作", "。", "如果", "疱疹", "出现", "后", "因", "机体", "免疫", "机制", "的", "调整", "不当", ",", "或", "破", "溃", "后", "而", "继发感染", ",", "会", "延长", "病程", "。", "预防", "口", "唇", "疱疹", ",", "首先", "要", "保证", "睡眠时间", ",", "中午", "要", "午睡", "。", "其次", ",", "注意", "调整", "饮食", "结构", ",", "要", "注意", "多", "吃", "新鲜蔬菜", ",", "补充", "各种", "维生素", ",", "不应", "单纯", "吃", "清淡", "类", "食品", ",", "应", "荤素", "结合", ",", "要", "吃饱", "吃", "杂", ",", "多", "饮水", ",", "保持", "体", "内", "营养", "平衡", ",", "这样", "才能", "增强", "机体", "免疫力", ",", "预防", "口", "唇", "疱疹", "的", "发生", "。", "发热", "的", "病人", "一定要", "注意", "口腔卫生", ",", "要", "养成", "进食", "后", "漱口", ",", "睡觉", "前", "刷牙", ",", "特别", "是", "刷牙", "后", "不再", "吃", "东西", "的", "好习惯", ",", "每天", "最好", "用", "淡", "盐水", "漱口", "1", "至", "3", "次"], ["你", "的", "情况", "可能", "是", "有", "上火", "引起", "的", ",", "建议", "服用", "龙胆泻肝丸", "和", "阿莫西林", "等", "药物", "."]], "paragraphs": ["嘴唇每年,春夏,或秋冬的换季的时候,嘴角的嘴唇边上都会长出水泡(不会长脓),很恶心,也很影响外观。请问这是什么原因引起的?可不可以根除?有什么方便,有效的办法根除?谢谢。", "有的人在秋末冬初,常在嘴唇的唇黏膜(红色部分)及口腔周围的皮肤上出现水疱,我们称它为“唇疱疹”。这是一种由单纯疱疹病毒引起的口腔疾病。这种病毒可以在唾液或皮肤上生存并通过飞沫、唾液、与疱疹液接触而传播。口唇周围是这种疾病易发的部位。当身体抵抗力减弱,如有发热、消化不良、感冒、妇女月经前期时就可促使这种疾病的复发。强阳光照射、局部机械损伤、情绪因素也可导致复发。患者老少都有。该病发病前常在唇红部或唇红缘与皮肤交界处,局部发痒、发红,有灼痛感。随后在发痒处出现二三个或多个成簇的针尖大或小米粒大小的透明小疱。出现小水疱后继续发痒。数小时后,小水疱开始破裂,随后糜烂或融合成为一个大疱。疱内有透明液体。很快大疱破溃,结成黄痂或血痂。经过1周或10天左右,痂便脱落,自然痊愈。但常因洗脸时易于将痂皮碰破,致使继发感染,甚至使病损处出现小脓包,之后再度结痂而延长了愈合时间。愈合后不留瘢痕,但可有色素沉着。一般无全身症状。受损部位在诱发的刺激因素作用下,可在数月、数周甚至数日内再次发作。(1)全身治疗。①在医生指导下应用抗病毒药物,如阿昔洛韦、利巴韦林、干扰素等,或口服中药双黄连口服液、板蓝根冲剂等。②对于复发较严重而频繁者,还应选用免疫调节剂,如胸腺素、转移因子、左旋咪唑等。③病情严重,如合并颌下淋巴腺炎、体温升高者,运用支持疗法,卧床休息,应用去痛片等解热药物,多喝水,及时补充维生素B、维生素C等,进半流质饮食或软食。(2)局部治疗。①保持口腔清洁,可用洗必泰溶液或复方硼砂液漱口。②起病时可涂3%碘酊于疱疹部位,或应用红霉素软膏局部涂擦以消炎止痛,促进愈合。③继发感染时可用生理盐水、3%硼酸液或氯己定液等局部湿敷。④氦氖激光局部照射治疗对发病早期患者有一定疗效。", "嘴唇上长水疱最常见就是单纯疱疹病毒感染所致的单纯疱疹性龈口炎。这是单纯疱疹病毒引起,临床上以簇集性水疱为特征,有自限性,但很容易复发。一般需要改善生活方式,低糖低脂饮食,不可熬夜,不可焦虑,否则容易复发。", "蒋康伦 医师 | 2014-9-30 11:30", "嘴唇上长水泡称这口唇疱疹,属于一种病毒性皮肤病,是由于单纯性疱疹病毒感染引起的,中医被称为“上火”,好发于口唇、口角,常由感冒、发热、疲劳,睡眠不足、心情抑郁、紧张焦虑等因素,致使免疫力下降,使潜伏于体内的疱疹病毒大量繁殖,导致嘴角起泡而发病。开始有灼热感,继而群集水泡、糜烂、结痂,病程约一周左右。可复发。 治疗: 一般的抗病毒药物,如病毒唑、病毒灵等都能用于单纯疱疹的治疗,但其中以阿昔洛韦功效最为突出。阿昔洛韦对病毒有特殊的亲和力,起到抑制病毒复制的作用。 1、5%阿昔洛韦软膏或0.1%泡疹净霜外用,与皮炎平软膏交替外涂效果更好。有感染者加用金霉素软膏。 2、利巴韦林注射液(病毒唑)湿敷:用医用棉球或棉签、小块纱布饱蘸利巴韦林注射液湿敷于皮损处,每次敷15min,每天3~5次。 3、清热解毒药的中药,如牛黄解毒片、消炎解毒丸等口服。 预防口唇疱疹复发: 1、保证睡眠时间,多吃新鲜蔬菜,补充各种维生素,多饮水,以增强机体免疫力,防止疱疹的发生。 2、加强口腔卫生,进食后用淡盐水漱口、睡觉前用盐水涮牙,漱口,效果很好,刷牙后不再吃东西。勤换牙刷,以免牙刷上的病毒残留,造成多重疱疹 3、避免吃含丰富精胺酸的食物,如巧克力、可乐、豌豆、榖类麦片、花生、腰果、啤酒等。 4、运动可强化免疫系统,放松心情,避免紧张情绪及缓解压力有利于防治单纯疱疹复发。", "在日常生活中,很多人会遇到嘴角烂嘴边还起小水泡的情况, 这 是口唇疱疹。口唇疱疹是由于单纯性疱疹病毒感染引起的,中医被称为\"上火\",好发于口唇,口角,常由感冒,发热,疲劳,睡眠不足,心情抑郁,紧张焦虑等因素,致使免疫力下降,使潜伏于体内的疱疹病毒大量繁殖,导致嘴角起泡而发病。开始有灼热感,继而群集水泡,糜烂,结痂,病程约一周左右,可复发。 口唇疱疹常在口唇黏膜处出现针头大小的小疱,常为一群,也有两三群,自觉有轻度烧灼感,历时一周左右可自愈,亦可反复发作。如果疱疹出现后因机体免疫机制的调整不当,或破溃后而继发感染,会延长病程。 预防口唇疱疹,首先要保证睡眠时间,中午要午睡。其次,注意调整饮食结构,要注意多吃新鲜蔬菜,补充各种维生素,不应单纯吃清淡类食品,应荤素结合,要吃饱吃杂,多饮水,保持体内营养平衡,这样才能增强机体免疫力,预防口唇疱疹的发生。发热的病人一定要注意口腔卫生,要养成进食后漱口,睡觉前刷牙,特别是刷牙后不再吃东西的好习惯,每天最好用淡盐水漱口1至3次", "你的情况可能是有上火引起的,建议服用龙胆泻肝丸和阿莫西林等药物."], "bs_rank_pos": 3}, {"is_selected": false, "title": "嘴唇上长泡该怎么办_百度经验", "most_related_para": 5, "segmented_title": ["嘴唇", "上", "长", "泡", "该怎么办", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "健康", "/", "养生", ">", "保健养生"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["嘴唇", "上", "长", "泡", "是", "一", "种", "常见", "的", "疾病", ",", "几乎", "每个", "人", "都", "受到", "过", "它", "的", "困扰", ",", "其实", "嘴唇", "上", "长", "泡", "是", "疱疹", "病毒感染", "的", "一", "种", "口角炎", "的", "表现", ",", "患者", "最初", "的", "主观", "感受", "为", "痒", "痛", "热", ",", "后期", "水泡", "会", "破", "皮", "然后", "结痂", ",", "最后", "就是", "脱", "痂", "的", "过程", "。"], ["嘴唇", "上", "长", "泡", ",", "我们", "首先", "应该", "调整", "饮食", ",", "少", "吃", "油腻", "性", "食物", ",", "保证", "清淡", "饮食", ",", "多", "摄取", "水果", "和", "蔬菜", "。", "如果", "嘴唇", "上", "长", "泡", "现象", "还是", "不能", "改善", "的", "话", ",", "最好", "借助", "药物", "或则", "求助", "医生", "。", "嘴唇", "上", "长", "泡", "具体", "解决办法", "如", "下", ":"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "上火", "起泡", "后", ",", "一定", "不要", "长时间", "的", "说话", ",", "说话", "的", "声音", "不能", "太", "大", "了", ",", "以", "免", "引起", "化脓", "。", "同时", "日常", "要", "多", "喝", "一些", "水", ",", "当然了", "如果", "白开水", "喝", "不", "下去", "的", "话", ",", "也", "可以", "喝", "一些", "花茶", ",", "像", "菊花", "花", ",", "玫瑰花茶", ",", "茉莉花茶", "都是", "很不错", "的", "选择", "。", "2", "吃", "维生素", "c", ",", "上火", "后", "吃", "点", "吃", "维生素", "c", "后", "上火", "的", "症状", "就", "可以", "明显", "的", "改善", ",", "当然了", "如果", "多", "吃", "一些", "含有", "吃", "维生素", "c", "的", "食物", "效果", "会", "更好", ",", "而且", "还能", "补充", "由于", "上火", "原因", "引起", "的", "营养不良", "的", "问题", "。", "3", "当", "嘴唇", "上", "的", "水泡", "已经", "发展", "为", "鼓", "鼓", "的", "状态", "时", ",", "简单", "的", "菊花茶", "已经", "不能", "有", "明显", "的", "效果", "了", ",", "这", "时候", "需要", "借助", "药物", "来", "解毒", "。", "比如", ":", "广西", "黄", "药", "复方", "金花", "油", "。", "复方", "金花", "油", "既", "可", "疏通", "唇", "之", "经络", "、", "使", "唇", "部", "气血", "充盈", "、", "改善", "唇", "表", "微循环", ",", "同时", "又", "能", "清除", "坏死", "唇", "粘膜", "组织", "、", "修复受损", "细胞", ",", "并", "形成", "新", "的", "唇", "粘膜", "组织", ",", "可", "从", "根本", "上", "痊愈", "。", "4", "多", "吃", "一些", "苦味", "食物", ",", "多", "吃苦", ",", "更", "有利于", "健康", ",", "其实", "吃", "苦味", "食品", ",", "对", "人体", "的", "健康", "还有很多", "的", "好处", ",", "由", "其", "是", "对于", "一些", "由于", "实", "火", "症", "引起", "的", "嘴巴", "起泡", ",", "效果", "更", "是", "不错", "。", "5", "多", "吃", "一些", "利尿", "除湿", "的", "食物", ",", "像", "冬瓜", ",", "西瓜", ",", "等", "瓜果蔬菜", "就", "有", "利湿", "的", "食物", "了", ",", "生活", "中", "一些", "清淡", "的", "饮食", "方式", "对", "有利于", "缓解", "嘴巴", "起", "泡泡", "的", "问题", "的", "。", "6", "多", "喝", "绿豆汤", "。", "一直以来", ",", "绿豆", "都", "有", "解毒", "清", "火", "的", "功效", "。", "所以", ",", "嘴唇", "上", "出现", "长", "泡", "现象", "时", ",", "可以", "多", "喝", "绿豆汤", "。", "如果", "能", "将", "绿豆", "煮", "烂", ",", "更", "能", "起", "到", "降火", "的", "作用", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["嘴唇", "上", "长", "泡", "的", "时候", "千万不要", "将", "其", "扎破", "。", "这样", "会", "有", "感染", "的", "风险", ",", "也有", "可能", "会", "留下", "疤痕", ",", "影响", "美观", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["脂溢性皮炎", "怎么", "治", "?"]], "paragraphs": ["百度经验 > 健康/养生 > 保健养生", "百度经验:jingyan.baidu.com", "嘴唇上长泡是一种常见的疾病,几乎每个人都受到过它的困扰,其实嘴唇上长泡是疱疹病毒感染的一种口角炎的表现,患者最初的主观感受为痒痛热,后期水泡会破皮然后结痂,最后就是脱痂的过程。", "嘴唇上长泡,我们首先应该调整饮食,少吃油腻性食物,保证清淡饮食,多摄取水果和蔬菜。如果嘴唇上长泡现象还是不能改善的话,最好借助药物或则求助医生。嘴唇上长泡具体解决办法如下:", "百度经验:jingyan.baidu.com", "1 上火起泡后,一定不要长时间的说话,说话的声音不能太大了,以免引起化脓。同时日常要多喝一些水,当然了如果白开水喝不下去的话,也可以喝一些花茶,像菊花花,玫瑰花茶,茉莉花茶都是很不错的选择。 2 吃维生素c,上火后吃点吃维生素c后上火的症状就可以明显的改善,当然了如果多吃一些含有吃维生素c的食物效果会更好,而且还能补充由于上火原因引起的营养不良的问题。 3 当嘴唇上的水泡已经发展为鼓鼓的状态时,简单的菊花茶已经不能有明显的效果了,这时候需要借助药物来解毒。比如:广西黄药复方金花油。复方金花油既可疏通唇之经络、使唇部气血充盈、改善唇表微循环,同时又能清除坏死唇粘膜组织、修复受损细胞,并形成新的唇粘膜组织,可从根本上痊愈。 4 多吃一些苦味食物,多吃苦,更有利于健康,其实吃苦味食品,对人体的健康还有很多的好处,由其是对于一些由于实火症引起的嘴巴起泡,效果更是不错。 5 多吃一些利尿除湿的食物,像冬瓜,西瓜,等瓜果蔬菜就有利湿的食物了,生活中一些清淡的饮食方式对有利于缓解嘴巴起泡泡的问题的。 6 多喝绿豆汤。一直以来,绿豆都有解毒清火的功效。所以,嘴唇上出现长泡现象时,可以多喝绿豆汤。如果能将绿豆煮烂,更能起到降火的作用。", "百度经验:jingyan.baidu.com", "嘴唇上长泡的时候千万不要将其扎破。这样会有感染的风险,也有可能会留下疤痕,影响美观。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "脂溢性皮炎怎么治?"], "bs_rank_pos": 4}], "answer_spans": [[121, 359]], "fake_answers": ["被称为“上火”,好发于口唇、口角,常由感冒、发热、疲劳,睡眠不足、心情抑郁、紧张焦虑等因素,致使免疫力下降,使潜伏于体内的疱疹病毒大量繁殖,导致嘴角起泡而发病。开始有灼热感,继而群集水泡、糜烂、结痂,病程约一周左右。可复发。治疗:一般的抗病毒药物,如病毒唑、病毒灵等都能用于单纯疱疹的治疗,但其中以阿昔洛韦功效最为突出。阿昔洛韦对病毒有特殊的亲和力,起到抑制病毒复制的作用。1、5%阿昔洛韦软膏或0.1%泡疹净霜外用,与皮炎平软膏交替外涂效果更好。有感染者加用金霉素软膏。2、利巴韦林注射液(病毒唑)湿敷:用医用棉球或棉签、小块纱布饱蘸利巴韦林注射液湿敷于皮损处,每次敷15min,每天3~5次。3、清热解毒药的中药,如牛黄解毒片、消炎解毒丸等口服。预防口唇疱疹复发:1、保证睡眠时间,多吃新鲜蔬菜,补充各种维生素,多饮水,以增强机体免疫力,防止疱疹的发生。2、加强口腔卫生"], "question": "嘴唇长水泡", "segmented_answers": [["嘴唇", "上", "长", "水泡", "称", "这", "为", "口", "唇", "疱疹", ",", "属于", "一", "种", "病毒性", "皮肤病", ",", "是", "由于", "单纯性", "疱疹", "病毒感染", "引起", "的", ",", "中医", "被", "称为", "“", "上火", "”", ",", "好", "发", "于", "口", "唇", "、", "口角", ",", "常", "由", "感冒", "、", "发热", "、", "疲劳", ",", "睡眠不足", "等", "因素", ",", "致使", "免疫力下降", ",", "使", "潜伏", "于", "体", "内", "的", "疱疹", "病毒", "大量", "繁殖", ",", "导致", "嘴角", "起泡", "而", "发病", "。", "开始", "有", "灼热", "感", ",", "继而", "群集", "水泡", "、", "糜烂", "、", "结痂", ",", "病程", "约", "一", "周", "左右", "。", "治疗", ":", "一般", "的", "抗病毒药物", ",", "如", "病毒唑", "、", "病毒灵", "等", "都", "能", "用于", "单纯", "疱疹", "的", "治疗", ",", "但", "其中", "以", "阿昔洛韦", "功效", "最为", "突出", "。", "1", "、", "5", "%", "阿昔洛韦", "软膏", "或", "0", ".", "1", "%", "泡", "疹", "净", "霜", "外", "用", ",", "与", "皮炎平", "软膏", "交替", "外", "涂", "效果", "更好", "。", "有", "感染者", "加", "用", "金霉素", "软膏", "。", "2", "、", "利巴韦林", "注射液", "(", "病毒唑", ")", "湿敷", ":", "用", "医用", "棉球", "或", "棉签", "、", "小", "块", "纱布", "饱蘸", "利巴韦林", "注射液", "湿敷", "于", "皮损", "处", ",", "每次", "敷", "15", "min", ",", "每天", "3", "-", "5", "次", "。", "3", "、", "清热解毒药", "的", "中药", ",", "如", "牛黄解毒片", "、", "消炎", "解毒", "丸", "等", "口服", "。", "预防", "口", "唇", "疱疹", "复发", ":", ";", "1", "、", "保证", "睡眠时间", ",", "多", "吃", "新鲜蔬菜", ",", "补充", "各种", "维生素", ",", "多", "饮水", ",", "以", "增强", "机体", "免疫力", "。", "2", "、", "加强", "口腔卫生", ";", "3", "、", "避免", "吃", "含", "丰富", "精胺", "酸", "的", "食物", ",", "如", "巧克力", "、", "可乐", "、", "腰果", "、", "啤酒", "等", "。", "4", "、", "运动", "可", "强化", "免疫系统", "。"]], "answers": ["嘴唇上长水泡称这为口唇疱疹,属于一种病毒性皮肤病,是由于单纯性疱疹病毒感染引起的,中医被称为“上火”,好发于口唇、口角,常由感冒、发热、疲劳,睡眠不足等因素,致使免疫力下降,使潜伏于体内的疱疹病毒大量繁殖,导致嘴角起泡而发病。开始有灼热感,继而群集水泡、糜烂、结痂,病程约一周左右。治疗:一般的抗病毒药物,如病毒唑、病毒灵等都能用于单纯疱疹的治疗,但其中以阿昔洛韦功效最为突出。1、5%阿昔洛韦软膏或0.1%泡疹净霜外用,与皮炎平软膏交替外涂效果更好。有感染者加用金霉素软膏。2、利巴韦林注射液(病毒唑)湿敷:用医用棉球或棉签、小块纱布饱蘸利巴韦林注射液湿敷于皮损处,每次敷15min,每天3-5次。3、清热解毒药的中药,如牛黄解毒片、消炎解毒丸等口服。预防口唇疱疹复发:;1、保证睡眠时间,多吃新鲜蔬菜,补充各种维生素,多饮水,以增强机体免疫力。2、加强口腔卫生;3、避免吃含丰富精胺酸的食物,如巧克力、可乐、腰果、啤酒等。4、运动可强化免疫系统。"], "answer_docs": [2], "segmented_question": ["嘴唇", "长", "水泡"], "question_type": "DESCRIPTION", "question_id": 34, "fact_or_opinion": "OPINION", "match_scores": [0.7658730158730159]} -{"documents": [{"is_selected": true, "title": "DNF伊莎杜拉在哪个地图_百度知道", "most_related_para": 0, "segmented_title": ["DNF", "伊莎", "杜", "拉", "在", "哪个", "地图", "_", "百度", "知道"], "segmented_paragraphs": [["阿拉德", "的", "分部", "的", "boss"], ["阿拉", "的", "部分", "分部", "的", "领主", "。", "那个", "魔法师", "。"]], "paragraphs": ["阿拉德的分部的boss", "阿拉的部分分部的领主。那个魔法师。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "dnf伊莎杜拉在哪_百度知道", "most_related_para": 1, "segmented_title": ["dnf", "伊莎", "杜", "拉", "在", "哪", "_", "百度", "知道"], "segmented_paragraphs": [["海岸", "三番", "街", "GBL", "教", "分部", "的", "领主", "啊"], ["雪山", "布", "万佳", "试", "练", "场"]], "paragraphs": ["海岸三番街 GBL教分部的领主啊", "雪山布万佳试练场"], "bs_rank_pos": 1}, {"is_selected": false, "title": "dnf伊莎杜拉npc在哪_百度知道", "most_related_para": 0, "segmented_title": ["dnf", "伊莎", "杜", "拉", "npc", "在", "哪", "_", "百度", "知道"], "segmented_paragraphs": [["回忆", "在", "记忆里", ",", "我们", "一起走过", "了", "多少", "的", "年华", "。", "土豪", ",", "平民", "装备", "数据", "零", "差距", "!", "深渊", "暴", "率", ",", "90SS", "满地", "爆", ",", "土豪", "同样", "也", "要", "去", "搬砖", "+", "31", "武器", "等你来", "拿", ",", "职业", "平衡", "!", "已", "开", "一年半", "请", "查找", "◇", "飘柔", "DNF", "◥", "当时", ",", "一些", "听到", "广播", "的", "民众", "最初", "都", "以为", "消息", "是", "真", "的", ",", "后来", "很快", "得知", "电台", "竟然", "开", "出", "如此", "过火", "的", "玩笑", ",", "都", "感到", "十分", "气愤", "。"]], "paragraphs": ["回忆在记忆里,我们一起走过了多少的年华。 土豪,平民 装备数据零差距!深渊暴率,90SS满地爆,土豪同样也要去搬砖 +31武器等你来拿,职业平衡!已开一年半 请查找◇ 飘柔DNF ◥ 当时,一些听到广播的民众最初都以为消息是真的,后来很快得知电台竟然开出如此过火的玩笑,都感到十分气愤。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "DNF伊莎杜拉在哪个地图_百度知道", "most_related_para": 1, "segmented_title": ["DNF", "伊莎", "杜", "拉", "在", "哪个", "地图", "_", "百度", "知道"], "segmented_paragraphs": [["阿拉", "的", "部分", "分部", "的", "领主", "。", "那个", "魔法师", "。"], ["阿拉德", "的", "分部", "的", "boss"]], "paragraphs": ["阿拉的部分分部的领主。那个魔法师。", "阿拉德的分部的boss"], "bs_rank_pos": 3}, {"is_selected": false, "title": "与巴恩一起寻找伊莎杜拉任务怎么做 DNF任务_特玩网DNF专区", "most_related_para": 2, "segmented_title": ["与", "巴恩", "一起", "寻找", "伊莎", "杜", "拉", "任务", "怎么", "做", "DNF", "任务", "_", "特", "玩", "网", "DNF", "专区"], "segmented_paragraphs": [["NF", "与", "巴恩", "一起", "寻找", "伊莎", "杜", "拉", "任务", "如何", "做", "由", "小", "编", "为", "大家", "介绍", ",", "并", "把", "游戏", "经验分享", "大家", ",", "方便", "玩家", "快速上手", "该", "款", "游戏", "。"], ["DNF", "与", "巴恩", "一起", "寻找", "伊莎", "杜", "拉", "任务", "如何", "做", "呢", "?", "其实", "这个", "原", "任务", "名", "是", "西岚", "所", "寻", "之", "物", ",", "详细", "描述", "是", ":", "与", "巴恩", "一起", "去", "找", "伊莎", "杜", "拉", ",", "询问", "西岚", "在", "做", "什么", ",", "好多", "玩家", "反馈", "刷图", "、", "找", "人物", "什么", "的", "都", "没用", ",", "其实", "这个任务", "很简单", ",", "需要", "点击", "巴恩", "先", "去", "把", "任务", "接", "了", ",", "然后", "按", "提示", "来", ",", "任务", "交接", "在", "副本", "里"], ["DNF", "特", "玩", "专区", "活动", "群", ":", "103509453", "畅玩", "阿拉德", ",", "挑战", "卢克", "Raid", "!"], ["游戏攻略", "体验服", "韩服", "动态", "职业", "百科"], ["最新资讯", "游戏", "视频", "游戏攻略"]], "paragraphs": ["NF与巴恩一起寻找伊莎杜拉任务如何做由小编为大家介绍,并把游戏经验分享大家,方便玩家快速上手该款游戏。", "DNF与巴恩一起寻找伊莎杜拉任务如何做呢?其实这个原任务名是西岚所寻之物,详细描述是:与巴恩一起去找伊莎杜拉,询问西岚在做什么,好多玩家反馈刷图、找人物什么的都没用,其实这个任务很简单,需要点击巴恩先去把任务接了,然后按提示来,任务交接在副本里", "DNF特玩专区活动群:103509453畅玩阿拉德,挑战卢克Raid!", "游戏攻略 体验服 韩服动态 职业百科", "最新资讯 游戏视频 游戏攻略"], "bs_rank_pos": 4}], "answer_spans": [[0, 5]], "answer_docs": [1], "fake_answers": ["雪山布万佳试练场"], "question": "dnf伊莎杜拉在哪", "segmented_answers": [["阿拉德", "的", "分部", "的", "boss", "。"], ["雪山", "布", "万佳", "试", "练", "场", "。"]], "answers": ["阿拉德的分部的boss。", "雪山布万佳试练场。"], "entity_answers": [["阿拉德的分部的boss"], ["雪山布万佳试练场"]], "segmented_question": ["dnf", "伊莎", "杜", "拉", "在", "哪"], "question_type": "ENTITY", "question_id": 35, "fact_or_opinion": "FACT", "match_scores": [0.923076923076923]} -{"documents": [{"is_selected": true, "title": "职业资格证书有哪些_百度知道", "most_related_para": 0, "segmented_title": ["职业资格", "证书", "有", "哪些", "_", "百度", "知道"], "segmented_paragraphs": [["职业资格证", "介绍", "     ", "职业资格证", "即", "职业资格", "证书", ",", "国家", "职业资格", "证书", ",", "是", "劳动", "从业者", "具有", "从事", "某", "一", "职业", "所", "必备", "的", "学", "识", "和", "技能", "的", "证明", "。", "它", "是", "劳动者", "求职", "、", "任职", "、", "开业", "的", "资格", "凭证", ",", "是", "用人单位", "招聘", "、", "录用", "劳动者", "的", "主要", "依据", ",", "也是", "境外就业", "、", "对外劳务", "合作", "人员", "办理", "技能", "水平", "公证", "的", "有效", "证件", "。", "人保", "部门", "规定", "先", "培训", "、", "考证", ",", "再", "持证上岗", "。", "二", "、", "职业资格", "证书", "等级划分", "国家", "职业资格", "证书", "一般", "分为", "五", "个", "等级", ",", "即", "分为", ":", "初级", "技能", "(", "五级", "或", "初级", "工", ")", "、", "中级", "技能", "(", "四级", "或", "中级", "工", ")", "、", "高级", "技能", "(", "三级", "或", "高级工", ")", "、", "技师", "(", "二级", ")", "、", "高级技师", "(", "一", "级", ")", "共", "五", "个", "等级", "。", "三", "、", "职业资格", "证书", "有", "哪些", "?", "  ", "1", "、", "国统考", "专业", ":", "(", "国家", "职业资格", "工作", "网", "查询", ")", "  ", "秘书", "(", "二级", ")", "、", "营销师", "(", "一", "、", "二级", ")", "、", "心理咨询师", "(", "二", "、", "三级", ")", "、", "人力资源管理", "师", "(", "一", "、", "二", "、", "三", "、", "四级", ")", "、", "物流师", "(", "一", "、", "二", "、", "三", "、", "四级", ")", "、"]], "paragraphs": ["职业资格证介绍     职业资格证即职业资格证书,国家职业资格证书,是劳动从业者具有从事某一职业所必备的学识和技能的证明。它是劳动者求职、任职、开业的资格凭证,是用人单位招聘、录用劳动者的主要依据,也是境外就业、对外劳务合作人员办理技能水平公证的有效证件。人保部门规定先培训、考证,再持证上岗。 二、职业资格证书等级划分 国家职业资格证书一般分为五个等级,即分为:初级技能(五级或初级工)、中级技能(四级或中级工)、高级技能(三级或高级工)、技师(二级)、高级技师(一级)共五个等级。 三、职业资格证书有哪些?   1、国统考专业:( 国家职业资格工作网查询 )   秘书(二级)、营销师(一、二级)、心理咨询师(二、三级)、人力资源管理师(一、二、三、四级)、物流师(一、二、三、四级)、"], "bs_rank_pos": 1}, {"is_selected": true, "title": "目前职业资格证书有哪些_百度知道", "most_related_para": 2, "segmented_title": ["目前", "职业资格", "证书", "有", "哪些", "_", "百度", "知道"], "segmented_paragraphs": [["近日", ",", "考证", "党", "们", "迎来", "了", "国务院", "的", "新", "福利", "!", "李克强", "总理", "在", "国务院", "常务会议", "上", "决定", ",", "在", "去年", "已", "取消", "的", "149", "项", "资格", "证书", "的", "基础", "上", ",", "再", "取消", "网络广告", "经纪人", "、", "全国", "外贸", "业务员", "、", "注册", "电子", "贸易", "师", "、", "港口", "装卸工", "等", "62", "项", "职业资格", "。", "  ", "苦逼", "的", "“", "考证", "族", "”", "又", "迎来", "一", "条", "利好消息", "  ", "这么多", "行业", "的", "职业资格", "证书", "都", "不用", "考", "了", ",", "考证", "党", "无疑", "成为", "最", "受益", "的", "人群", "。", "对于", "那些", "正在", "为", "考证", "而", "发愁", "的", "考生", "而言", ",", "再", "也", "不用", "烦恼", "了", "。", "而", "对于", "那些", "本身", "正在", "观望", "的", "人群", "也", "大", "有", "好处", "。", "  ", "“", "资格", "证书", "的", "取消", "可以", "降低", "就业", "和", "创业", "的", "门槛", ",", "也", "可以", "鼓励", "市场", "的", "合理", "竞争", "”", "高顿", "财经", "职业", "发展", "研究中心", "赵", "老师", "发表", "了", "在", "自己", "的", "看法", "。", "对于", "一些", "已经", "考", "了", "相关", "资格", "证书", "的", "考生", ",", "本", "以为", "比", "其他", "竞争者", "有", "更好", "的", "优势", ",", "但", "其实不然", "。", "拥有", "证书", "却", "不", "具备", "相应", "的", "操作", "能力", ",", "让", "其他人", "失去", "了", "公平合理", "的", "机会", "。", "  ", "职业资格", "“", "挂羊头卖狗肉", "”"], ["一", "、", "2014", "年", "至", "2016", "年", "12", "月", "国务院", "共", "对", "职业资格证", "进行", "了", "7", "批", "清理", "。", "二", "、", "详细", "目录", "可以", "去", "国务院", "网站", "文件库", "点击", "国发", "查询", "文件", "。", "三", "、", "2016", "年", "12", "月", "12", "日", "人力资源", "和", "社会", "保证", "部", "达", "记者", "问", "说明", "职业资格证", "的", "的", "详细", "目录", "还没有", "出", "。"], ["北京", "可道", "智慧", "教育", "咨询中心", "开", "授", "的", "《", "职业", "发展", "咨询", "教练", "》", "认证培训", "课程", "是", "跟", "劳动部", "联合", "颁发", "的", ",", "可以作为", "被", "劳动", "部门", "承认", "的", "从业", "证明", ",", "是", "由", "刘美兰", "、", "徐斌", "、", "林嘉怡", "、", "廖", "满", "媛", "、", "徐英", "哲", "、", "于", "彬彬", "合力", "组建", "的", "针对", "职业", "发展", "规划", "(", "职业规划", ")", "、", "职业", "发展", "咨询", "、", "职业", "培训", "认证", "方面", "的", "指导", "和", "培训", ",", "非常", "吃", "香", "的", "。"]], "paragraphs": ["近日,考证党们迎来了国务院的新福利!李克强总理在国务院常务会议上决定,在去年已取消的149项资格证书的基础上,再取消网络广告经纪人、全国外贸业务员、注册电子贸易师、港口装卸工等62项职业资格。   苦逼的“考证族”又迎来一条利好消息   这么多行业的职业资格证书都不用考了,考证党无疑成为最受益的人群。对于那些正在为考证而发愁的考生而言,再也不用烦恼了。而对于那些本身正在观望的人群也大有好处。   “资格证书的取消可以降低就业和创业的门槛,也可以鼓励市场的合理竞争”高顿财经职业发展研究中心赵老师发表了在自己的看法。对于一些已经考了相关资格证书的考生,本以为比其他竞争者有更好的优势,但其实不然。拥有证书却不具备相应的操作能力,让其他人失去了公平合理的机会。   职业资格“挂羊头卖狗肉”", "一、2014年至2016年12月国务院共对职业资格证进行了7批清理。 二、详细目录可以去国务院网站文件库点击国发查询文件。 三、2016年12月12日人力资源和社会保证部达记者问说明职业资格证的的详细目录还没有出。", "北京可道智慧教育咨询中心开授的《职业发展咨询教练》认证培训课程是跟劳动部联合颁发的,可以作为被劳动部门承认的从业证明,是由刘美兰、徐斌、林嘉怡、廖满媛、徐英哲、于彬彬合力组建的针对职业发展规划(职业规划)、职业发展咨询、职业培训认证方面的指导和培训,非常吃香的。"], "bs_rank_pos": 2}, {"is_selected": true, "title": "国家职业资格证书有哪些_查查吧", "most_related_para": 3, "segmented_title": ["国家", "职业资格", "证书", "有", "哪些", "_", "查查", "吧"], "segmented_paragraphs": [["主页", ">", "教育培训", ">", "职业", "培训", ">", "国家", "职业资格", "证书", "有", "哪些"], ["作者", ":", "grcoi", "2017", "-", "03", "-", "10", "11", ":", "13", "[", "查查", "吧", "]", "来源", ":", "www", ".", "chachaba", ".", "com"], ["国家", "职业资格", "证书", "有", "哪些", "?", "职业资格证", "代表", "着", "拥有者", "具备", "一定", "的", "技能", ",", "但是", "有", "哪些", "是", "被", "国家", "认可", "的", "职业资格证", "呢", "?", "可能", "你", "对", "这个问题", "不太", "清楚", ",", "本", "文", "就", "针对", "这个问题", ",", "详细", "介绍", "一", "下", ":"], ["一", "、", "职业资格证", "介绍", "职业资格证", "即", "职业资格", "证书", ",", "国家", "职业资格", "证书", ",", "是", "劳动", "从业者", "具有", "从事", "某", "一", "职业", "所", "必备", "的", "学", "识", "和", "技能", "的", "证明", "。", "它", "是", "劳动者", "求职", "、", "任职", "、", "开业", "的", "资格", "凭证", ",", "是", "用人单位", "招聘", "、", "录用", "劳动者", "的", "主要", "依据", ",", "也是", "境外就业", "、", "对外劳务", "合作", "人员", "办理", "技能", "水平", "公证", "的", "有效", "证件", "。", "人保", "部门", "规定", "先", "培训", "再", "考证", "再", "必须", "持证上岗", "。", "我", "校", "考取", "的", "职业资格", "证书", "查询", "都", "可以", "上", "官方网站", "查询", "。", "二", "、", "职业资格考试", "、", "国家", "职业标准", "、", "国家", "职业", "技能鉴定", "职业资格", "证书", "与", "职业", "劳动", "活动", "密切", "相", "联", ",", "反映", "特定", "职业", "的", "实际", "工作", "标准", "和", "规范", "。", "职业资格", "证书", ",", "它", "是", "劳动", "就业", "制度", "的", "一项", "重要", "内容", ",", "也是", "一", "种", "特殊", "形式", "的", "国家", "考试", "制度", "。", "它", "是", "指", "按照", "国家", "制定", "的", "职业", "技能", "标准", "或", "任职资格", "条件", ",", "通过", "政府", "认定", "的", "考核", "鉴定机构", ",", "对", "劳动者", "的", "技能", "水平", "或", "职业资格", "进行", "客观公正", "、", "科学", "规范", "的", "评价", "和", "鉴定", ",", "对", "合格", "者", "授予", "相应", "的", "国家", "职业资格", "证书", "。", "国家", "职业资格", "证书", "由", "中华人民共和国", "人力资源", "和", "社会保障", "部", "统一印制", ",", "所有", "职业资格", "证书", "均", "由", "人力资源", "和", "社会保障", "部门", "或", "国务院", "有关部门", "按", "规定", "办理", "和", "核发", ",", "且", "职业资格", "证书", "查询", "均", "可", "上", "发证", "机关", "官方网站", "查询", "。", "三", "、", "职业资格", "证书", "等级划分", "国家", "职业资格", "证书", "一般", "分为", "五", "个", "等级", ",", "即", "分为", "初级", "技能", "(", "五级", ")", "、", "中级", "技能", "(", "四级", ")", "、", "高级", "技能", "(", "三级", ")", "、", "技师", "(", "二级", ")", "、", "高级技师", "(", "一", "级", ")", "共", "五", "个", "等级", "。", "四", "、", "职业资格", "证书", "各", "级别", "报考条件", "国家", "职业资格", "证书", "三级", "(", "高级", ")", "申报条件", "(", "具备", "以下", "条件", "之", "一", "者", ")", "1", "、", "取得", "本", "职业", "中级", "资格", "证书", "后", ",", "连续", "从事", "本", "职业", "2", "年", "以上", ",", "经", "高级", "正规", "培训", "达到", "规定", "标准", "学", "时", "数", ",", "并", "取得", "结业", "证书", "。", "2", "、", "对", "未", "取得", "职业资格", "证书", "的", "人员", "在", "本", "职业", "工作", "满", "5", "年", ",", "经", "本", "单位", "出具", "从事", "本", "职业", "工作年限", "证明", ",", "可", "申报", "高级", "资格鉴定", "。", "3", "、", "具有", "高级技校", "或", "取得", "经", "人保", "部门", "政", "审核", "认定", "的", ",", "以", "高级", "技能", "为", "培养目标", "的", "高等", "职业", "学校", "本", "职业", "(", "专业", ")", "毕业生", "。"], ["1", "、", "取得", "本", "职业", "中级", "资格", "证书", "后", ",", "连续", "从事", "本", "职业", "2", "年", "以上", ",", "经", "高级", "正规", "培训", "达到", "规定", "标准", "学", "时", "数", ",", "并", "取得", "结业", "证书", "。", "2", "、", "对", "未", "取得", "职业资格", "证书", "的", "人员", "在", "本", "职业", "工作", "满", "5", "年", ",", "经", "本", "单位", "出具", "从事", "本", "职业", "工作年限", "证明", ",", "可", "申报", "高级", "资格鉴定", "。", "3", "、", "具有", "高级技校", "或", "取得", "经", "人保", "部门", "政", "审核", "认定", "的", ",", "以", "高级", "技能", "为", "培养目标", "的", "高等", "职业", "学校", "本", "职业", "(", "专业", ")", "毕业生", "。", "4", "、", "高职", "高", "专", "院校", "毕业班", "学生", "和", "大学", "本科", "毕业班", "学生", "可", "申报", "相应", "职业", "(", "工种", ")", "高级", "资格鉴定", "。"], ["2017", "婚前", "保证书", "大全", "婚前", "保证书", "怎么写", "2017", "-", "03", "-", "14", "15", ":", "48", ":", "31", "固定资产", "管理办法", "有", "哪些", "固定资产", "管理制度", "2017", "-", "03", "-", "13", "16", ":", "22", ":", "24", "it", "行业", "发展", "前景", "如何", "it", "行业", "有", "哪些", "2017", "-", "03", "-", "09", "15", ":", "38", ":", "33", "八项规定", "实施细则", "详情", "八项规定", "实施", "内容", "有", "哪些", "2017", "-", "03", "-", "03", "13", ":", "25", ":", "48", "采购员", "岗位职责", "有", "哪些", "采购员", "岗位职责", "范文", "2017", "-", "03", "-", "01", "16", ":", "09", ":", "09"]], "paragraphs": ["主页 > 教育培训 > 职业培训 > 国家职业资格证书有哪些", "作者: grcoi 2017-03-10 11:13 [查查吧] 来源:www.chachaba.com", "国家职业资格证书有哪些?职业资格证代表着拥有者具备一定的技能,但是有哪些是被国家认可的职业资格证呢?可能你对这个问题不太清楚,本文就针对这个问题,详细介绍一下:", "一、职业资格证介绍 职业资格证即职业资格证书,国家职业资格证书,是劳动从业者具有从事某一职业所必备的学识和技能的证明。它是劳动者求职、任职、开业的资格凭证,是用人单位招聘、录用劳动者的主要依据,也是境外就业、对外劳务合作人员办理技能水平公证的有效证件。人保部门规定先培训再考证再必须持证上岗。我校考取的职业资格证书查询都可以上官方网站查询。 二、职业资格考试、国家职业标准、国家职业技能鉴定 职业资格证书与职业劳动活动密切相联,反映特定职业的实际工作标准和规范。职业资格证书,它是劳动就业制度的一项重要内容,也是一种特殊形式的国家考试制度。它是指按照国家制定的职业技能标准或任职资格条件,通过政府认定的考核鉴定机构,对劳动者的技能水平或职业资格进行客观公正、科学规范的评价和鉴定,对合格者授予相应的国家职业资格证书。国家职业资格证书由中华人民共和国人力资源和社会保障部统一印制,所有职业资格证书均由人力资源和社会保障部门或国务院有关部门按规定办理和核发,且职业资格证书查询均可上发证机关官方网站查询。 三、职业资格证书等级划分 国家职业资格证书一般分为五个等级,即分为初级技能(五级)、中级技能(四级)、高级技能(三级)、技师(二级)、高级技师(一级)共五个等级。 四、职业资格证书各级别报考条件 国家职业资格证书三级(高级)申报条件(具备以下条件之一者) 1、取得本职业中级资格证书后,连续从事本职业2年以上,经高级正规培训达到规定标准学时数,并取得结业证书。 2、对未取得职业资格证书的人员在本职业工作满5年,经本单位出具从事本职业工作年限证明,可申报高级资格鉴定。 3、具有高级技校或取得经人保部门政审核认定的,以高级技能为培养目标的高等职业学校本职业(专业)毕业生。", "1、取得本职业中级资格证书后,连续从事本职业2年以上,经高级正规培训达到规定标准学时数,并取得结业证书。 2、对未取得职业资格证书的人员在本职业工作满5年,经本单位出具从事本职业工作年限证明,可申报高级资格鉴定。 3、具有高级技校或取得经人保部门政审核认定的,以高级技能为培养目标的高等职业学校本职业(专业)毕业生。 4、高职高专院校毕业班学生和大学本科毕业班学生可申报相应职业(工种)高级资格鉴定。", "2017婚前保证书大全 婚前保证书怎么写2017-03-14 15:48:31 固定资产管理办法有哪些 固定资产管理制度2017-03-13 16:22:24 it行业发展前景如何 it行业有哪些2017-03-09 15:38:33 八项规定实施细则详情 八项规定实施内容有哪些2017-03-03 13:25:48 采购员岗位职责有哪些 采购员岗位职责范文2017-03-01 16:09:09"], "bs_rank_pos": 3}, {"is_selected": false, "title": "职业资格证书_百度百科", "most_related_para": 23, "segmented_title": ["职业资格", "证书", "_", "百度百科"], "segmented_paragraphs": [["职业资格", "证书", "编辑", "锁定"], ["职业资格", "证书", "是", "表明", "劳动者", "具有", "从事", "某", "一", "职业", "所", "必备", "的", "学", "识", "和", "技能", "的", "证明", "。", "它", "是", "劳动者", "求职", "、", "任职", "、", "开业", "的", "资格", "凭证", ",", "是", "用人单位", "招聘", "、", "录用", "劳动者", "的", "主要", "依据", ",", "也是", "境外就业", "、", "对外劳务", "合作", "人员", "办理", "技能", "水平", "公证", "的", "有效", "证件", "。", "职业资格", "证书", "与", "职业", "劳动", "活动", "密切", "相", "联", ",", "反映", "特定", "职业", "的", "实际", "工作", "标准", "和", "规范", "。"], ["职业资格", "证书", "是", "劳动", "就业", "制度", "的", "一项", "重要", "内容", ",", "也是", "一", "种", "特殊", "形式", "的", "国家", "考试", "制度", "。", "它", "是", "指", "按照", "国家", "制定", "的", "职业", "技能", "标准", "或", "任职资格", "条件", ",", "通过", "政府", "认定", "的", "考核", "鉴定机构", ",", "对", "劳动者", "的", "技能", "水平", "或", "职业资格", "进行", "客观公正", "、", "科学", "规范", "的", "评价", "和", "鉴定", ",", "对", "合格", "者", "授予", "相应", "的", "国家", "职业资格", "证书", "。"], ["至此", ",", "2016", "年", "共", "取消", "职业资格", "许可", "和", "认定", "事项", "222", "项", ",", "国务院", "部门", "设置", "的", "职业资格", "已", "取消", "70", "%", "以上", "。"], ["中文名", "职业资格", "证书", "职业", "单位", "招聘", "必备", "主要", "依据"], ["技能", "对外劳务", "合作", "任职", "职业", "劳动", "活动", "法律", "《", "劳动法", "》", "、", "《", "职业教育法", "》"], ["1", "概念", "2", "规定", "制度", "法律依据", "意义", "样本", "3", "等级", "分类"], ["4", "办理", "方式", "如何", "报名", "考试内容", "鉴定", "方式", "获", "证", "程序", "技能鉴定", "5", "申报", "要求"], ["6", "注意事项", "7", "取消", "范围", "历次", "取消", "最新进展"], ["职业资格", "是", "对", "从事", "某", "一", "职业", "所", "必备", "的", "学", "识", "、", "技术", "和", "能力", "的", "基本", "要求", ",", "反映", "了", "劳动者", "为", "适应", "职业", "劳动", "需要", "而", "运用", "特定", "的", "知识", "、", "技术", "和", "技能", "的", "能力", "。", "与", "学历", "文凭", "不同", ",", "学历", "文凭", "主要", "反映", "学生", "学习", "的", "经历", ",", "是", "文化", "理论", "知识", "水平", "的", "证明", "。", "职业资格", "与", "职业", "劳动", "的", "具体要求", "密切", "结合", ",", "更", "直接", "、", "更准确", "地", "反映", "了", "特定", "职业", "的", "实际", "工作", "标准", "和", "操作", "规范", ",", "以及", "劳动者", "从事", "该", "职业", "所", "达到", "的", "实际", "工作", "能力", "水平", "。"], ["职业资格", "证书", "图片", "(", "2", "张", ")"], ["职业资格", "证书", "皮"], ["术", "复杂", "、", "通用", "性", "广", "、", "涉及", "到", "国家", "财产", "、", "人民", "生命", "安全", "和", "消费者利益", "的", "职业", "(", "工种", ")", "的", "劳动者", ",", "必须", "经过", "培训", ",", "并", "取得", "职业资格", "证书", "后", ",", "方", "可", "就业", "上岗", "。", "实行", "就业准入", "的", "职业", "范围", "由", "劳动", "和", "社会保障", "部", "确定", "并", "向", "社会", "发布", "。"], ["职业", "介绍", "机构", "要", "在", "显著", "位置", "公告", "实行", "就业准入", "的", "职业", "范围", ";", "各地", "印", "制", "的", "求职登记表", "中", "要", "有", "登记", "职业资格", "证书", "的", "栏目", ";", "用人单位", "招聘", "广告栏", "中", "也", "应", "有", "相应", "职业资格", "要求", "。", "职业", "介绍", "机构", "的", "工作", "人员", "在", "工作", "过程", "中", ",", "对", "国家", "规定", "实行", "就业准入", "的", "职业", ",", "应", "要求", "求职", "者", "出示", "职业资格", "证书", "并", "进行", "查验", ",", "凭证", "推荐", "就业", ";", "用人单位", "要", "凭证", "招聘", "用", "工", "。"], ["从事", "就业准入", "职业", "的", "新生", "劳动力", ",", "就业", "前", "必须", "经过", "一", "到", "三年", "的", "职业", "培训", ",", "并", "取得", "职业资格", "证书", ";", "对", "招收", "未", "取得", "相应", "职业资格", "证书", "人员", "的", "用人单位", ",", "劳动监察", "机构", "应", "依法查处", ",", "并", "责令", "其", "改正", ";", "对", "从事", "个体", "工商", "经营", "的", "人员", ",", "要", "取得", "职业资格", "证书", "后", "工商部门", "才", "办理", "开业", "手续", "。"], ["《", "劳动法", "》", "第八章", "第", "六", "十", "九", "条", "规定", ":", "“", "国家", "确定", "职业分类", ",", "对", "规定", "的", "职业", "制定", "职业", "技能", "标准", ",", "实行", "职业资格", "证书", "制度", ",", "由", "经过", "政府", "批准", "的", "考核", "鉴定", "机构", "负责", "对", "劳动者", "实施", "职业技能", "考核", "鉴定", "。", "”"], ["《", "职业教育法", "》", "第一章", "第八条", "明确", "指出", ":", "“", "实施", "职业教育", "应当", "根据", "实际", "需要", ",", "同", "国家", "制定", "的", "职业分类", "和", "职业", "等级", "标准", "相适应", ",", "实行", "学历", "文凭", "、", "培训", "证书", "和", "职业资格", "证书", "制度", "。", "”", "这些", "法规", "确定", "了", "国家", "推行", "职业资格", "证书", "制度", "和", "开展", "职业", "技能鉴定", "的", "法律依据", "。"], ["汽车", "维修工", "证书样本"], ["国家", "汽车", "维修工", "证书"], ["我", "国", "职业资格", "证书", "分为", "五", "个", "等级", ":", "初级", "(", "五级", ")", "、", "中级", "(", "四级", ")", "、", "高级", "(", "三级", ")", "、", "技师", "(", "二级", ")", "和", "高级技师", "(", "一", "级", ")", "。"], ["劳动", "和", "社会保障部", "依据", "《", "中华人民共和国", "职业分类大典", "》", "确定", "了", "实行", "就业准入", "的", "87", "个", "职业", "目录", "。", "分别", "是", ":", "测量", "放线", "工", "、", "铁路", "线路", "工", "、", "铁路", "桥隧", "工", "、", "车工", "、", "铣工", "、", "磨", "工", "、", "镗工", "、", "组合机床", "操作工", "、", "加工中心", "操作工", "、", "数控车工", "、", "数控铣工", "、", "铸造", "工", "、", "锻造", "工", "、", "焊工", "、", "金属热处理", "工", "、", "冷", "作", "钣金工", "、", "涂装", "工", "、", "装配钳工", "、", "工具", "钳工", "、", "锅炉", "设备", "装配工", "、", "电机", "装配工", "、", "高低压", "电器", "装配工", "、", "电子仪器", "仪表", "装配工", "、", "电工仪器仪表", "转", "配", "工", "、", "机修钳工", "、", "汽车", "修"], ["职业资格", "证书", "样本", "(", "三级", ")"], ["理工", "、", "摩托车", "维修", "工", "、", "精密仪器仪表", "维修工", "、", "锅炉", "设备", "安装", "工", "、", "变电设备", "安装", "工", "、", "维修电工", "、", "计算机", "维修工", "、", "手工", "木工", "、", "精细木工", "、", "音响", "调音", "员", "、", "贵金属", "首饰", "手工制作", "工", "、", "土石方", "机械", "操作工", "、", "砌筑工", "、", "混凝土", "工", "、", "钢筋工", "、", "架子工", "、", "防水", "工", "、", "装饰", "装修", "工", "、", "电气设备", "安装", "工", "、", "管", "工", "、", "汽车驾驶员", "、", "起重", "装卸机械", "操作工", "、", "化学", "检验", "工", "、", "食品检验", "工", "、", "纺织纤维", "检验", "工", "、", "贵金属", "首饰", "钻石", "宝玉石", "检验员", "、", "防腐蚀", "工", "、", "锁具", "修理工", "。"], ["营业员", "、", "推销员", "、", "出版物", "发行", "员", "、", "中药", "购销", "员", "、", "鉴定", "估价师", "、", "医药", "商品", "购销", "员", "、", "心理咨询师", "、", "中药调剂员", "、", "冷藏", "工", "、", "中式", "烹调", "师", "、", "中式", "面点师", "、", "西式", "烹调", "师", "、", "西式", "面点师", "、", "调酒师", "、", "营养配餐员", "、", "前厅", "服务员", "、", "客房", "服务员", "、", "保健按摩师", "、", "职业", "指导员", "、", "物业", "管理员", "、", "锅炉", "操作工", "、", "美容师", "、", "美发师", "、", "摄影师", "、", "眼镜", "验光", "员", "、", "眼镜", "定", "配", "工", "、", "家用", "电子产品", "维修工", "、", "家用电器", "产品", "维修工", "、", "钟表", "维修", "工", "、", "办公设备", "维修", "工", "、", "养老", "护理", "员", "、", "人力资源管理", "师", "、", "营销师", "、", "理财规划师", "、", "客户服务", "管理", "师", "等"], ["根据", "国家", "有关", "规定", ",", "办理", "职业资格", "证书", "的", "程序", "为", ":", "职业", "技能鉴定", "所", "(", "站", ")", "将", "考核", "合格", "人员", "名单", "报", "经", "当地", "职业", "技能鉴定", "指导中心", "审核", ",", "再", "报", "经", "同级", "劳动保障", "行政部门", "或", "行业", "部门", "劳动保障", "工作", "机构", "批准", "后", ",", "由", "职业", "技能鉴定", "指导中心", "按照", "国家", "规定", "的", "证书", "编码", "方案", "和", "填写", "格式", "要求", "统一办理", "证书", "加盖", "职业", "技能鉴定", "机构", "专用", "印章", "经", "同级", "劳动保障", "行政部门", "或", "行业", "部门", "劳动保障", "工作", "机构", "验印", "后", ",", "由", "职业", "技能鉴定", "所", "(", "站", ")", "送", "交", "本人", "。"], ["申请", "职业", "技能鉴定", "的", "人员", ",", "可", "向", "当地", "职业", "技能鉴定", "所", "(", "站", ")", "提出", "申请", ",", "填写", "职业", "技能鉴定", "申请表", "。", "报名时", "应", "出示", "本人身份证", "、", "培训", "毕", "(", "结", ")", "业", "证书", "、", "《", "技术等级", "证书", "》", "或", "工作单位", "劳资", "部门", "出具", "的", "工作年限", "证明", "等", "。", "申报", "技师", "、", "高级技师", "任职资格", "的", "人员", ",", "还", "须", "出具", "本人", "的", "技术成果", "和", "工作", "业绩", "证明", ",", "并", "提交", "本人", "的", "技术", "总结", "和", "论文", "资料", "等", "。"], ["国家", "实施", "职业", "技能鉴定", "分为", "理论", "知识", "考试", "和", "操作技能", "考核", "两", "部分", "。", "理论", "知识", "考试", "一般", "采取", "笔试", "。", "操作技能", "考核", "可", "采取", "工作", "现场", "操作", "、", "模拟", "现场", "操作", "、", "问题", "答辩", "等", "方式", "进行", "。", "这些", "内容", "是", "依据", "国家", "职业", "(", "技能", ")", "标准", "、", "职业", "技能鉴定", "规范", "(", "即", "考试大纲", ")", "和", "相应", "教材"], ["职业", "技能鉴定"], ["来", "确定", "的", ",", "并", "通过", "编制", "试卷", "来", "进行", "鉴定", "考核", "。"], ["职业", "技能鉴定", "分为", "知识", "要求", "考试", "和", "操作技能", "考核", "两", "部分", "。", "知识", "要求", "考试", "一般", "采用", "笔试", ",", "技能要求", "考核", "一般", "采用", "现场", "操作", "加工", "典型", "工件", "、", "生产", "作业", "项目", "、", "模拟", "操作", "等", "方式", "进行", "。", "计", "分", "一般", "采用", "百分制", ",", "两", "部分", "成绩", "都", "在", "60", "分", "以上", "为", "合格", ",", "80", "分", "以上", "为", "良好", ",", "95", "分", "以上", "为", "优秀", "。"], ["职业", "技能鉴定", "所", "(", "站", ")", "将", "考核", "合格", "人员", "名单", "报", "经", "当地", "职业", "技能鉴定", "指导中心", "审核", ",", "再", "报", "经", "同级", "劳动保障", "行政部门", "或", "行业", "部门", "劳动保障", "工作", "机构", "批准", "后", ",", "由", "职业", "技能鉴定", "指导中心", "按照", "国家", "规定", "的", "证书", "编码", "方案", "和", "填写", "格式", "要求", "统一办理", "证书", ",", "加盖", "职业", "技能鉴定", "机构", "专用", "印章", ",", "经", "同级", "劳动保障", "行政部门", "或", "行业", "部门", "劳动保障", "工作", "机构", "验印", "后", "由", "职业", "技能鉴定", "所", "(", "站", ")", "送", "交", "本人", "。"], ["民办", "职业", "培训机构"], ["劳动部门", "已经", "基本", "建立", "了", "社会化", "的", "培训", "与", "资格认证", "体制", ",", "有资格", "和", "能力", "的", "企业", "、", "厂矿", "、", "学校", "经", "劳动部门", "的", "严格", "审查", "后", ",", "可以获得", "认证", "资格", "。", "据", "劳动部门", "统计", ",", "有资格", "进行", "职业", "培训", "的", "学校", "一共", "有", "3", "类", ",", "包括", "3400", "多", "所", "技工", "学校", ",", "20000", "余", "所", "职业", "培训机构", ",", "其中", "民办", "职业", "培训机构", "16000", "多", "所", "。"], ["任何", "符合", "条件", "的", "个人", "均", "可", "自主", "申请", "参加", "职业", "技能鉴定", ",", "申请人", "根据", "所", "申报", "职业", "的", "资格", "条件", ",", "确定", "自己", "申报", "鉴定", "的", "等级", "。", "职业", "技能鉴定", "分为", "知识", "要求", "考试", "和", "操作技能", "考核", "两", "部分", "。", "经鉴定", "合格", "者", ",", "由", "劳动保障", "部门", "颁发", "相应", "的", "职业资格", "证书", "。"], ["职业", "技能鉴定", "是", "一项", "基于", "职业", "技能", "水平", "的", "考核", "活动", ",", "属于", "标准", "参照", "型", "考试", "。", "它", "是", "由", "考试", "考核", "机构", "对", "劳动者", "从事", "某种", "职业", "所", "应", "掌握", "的", "技术", "理论", "知识", "和", "实际操作", "能力", "做出", "客观", "的", "测量", "和", "评价", "。", "职业", "技能鉴定", "是", "国家", "职业资格", "证书", "制度", "的", "重要组成部分", "。"]], "paragraphs": ["职业资格证书编辑 锁定", "职业资格证书是表明劳动者具有从事某一职业所必备的学识和技能的证明。它是劳动者求职、任职、开业的资格凭证,是用人单位招聘、录用劳动者的主要依据,也是境外就业、对外劳务合作人员办理技能水平公证的有效证件。职业资格证书与职业劳动活动密切相联,反映特定职业的实际工作标准和规范。", "职业资格证书是劳动就业制度的一项重要内容,也是一种特殊形式的国家考试制度。它是指按照国家制定的职业技能标准或任职资格条件,通过政府认定的考核鉴定机构,对劳动者的技能水平或职业资格进行客观公正、科学规范的评价和鉴定,对合格者授予相应的国家职业资格证书。", "至此,2016年共取消职业资格许可和认定事项222项,国务院部门设置的职业资格已取消70%以上。", "中文名 职业资格证书 职业 单位招聘 必备 主要依据", "技能 对外劳务合作 任职 职业劳动活动 法律 《劳动法》、《职业教育法》", "1 概念 2 规定制度 ▪ 法律依据 ▪ 意义 ▪ 样本 3 等级分类", "4 办理方式 ▪ 如何报名 ▪ 考试内容 ▪ 鉴定方式 ▪ 获证程序 ▪ 技能鉴定 5 申报要求", "6 注意事项 7 取消范围 ▪ 历次取消 ▪ 最新进展", "职业资格是对从事某一职业所必备的学识、技术和能力的基本要求,反映了劳动者为适应职业劳动需要而运用特定的知识、技术和技能的能力。与学历文凭不同,学历文凭主要反映学生学习的经历,是文化理论知识水平的证明。职业资格与职业劳动的具体要求密切结合,更直接、更准确地反映了特定职业的实际工作标准和操作规范,以及劳动者从事该职业所达到的实际工作能力水平。", "职业资格证书图片(2张)", "职业资格证书皮", "术复杂、通用性广、涉及到国家财产、人民生命安全和消费者利益的职业(工种)的劳动者,必须经过培训,并取得职业资格证书后,方可就业上岗。实行就业准入的职业范围由劳动和社会保障部确定并向社会发布。", "职业介绍机构要在显著位置公告实行就业准入的职业范围;各地印制的求职登记表中要有登记职业资格证书的栏目;用人单位招聘广告栏中也应有相应职业资格要求。职业介绍机构的工作人员在工作过程中,对国家规定实行就业准入的职业,应要求求职者出示职业资格证书并进行查验,凭证推荐就业;用人单位要凭证招聘用工。", "从事就业准入职业的新生劳动力,就业前必须经过一到三年的职业培训,并取得职业资格证书;对招收未取得相应职业资格证书人员的用人单位,劳动监察机构应依法查处,并责令其改正;对从事个体工商经营的人员,要取得职业资格证书后工商部门才办理开业手续。", "《劳动法》第八章第六十九条规定:“国家确定职业分类,对规定的职业制定职业技能标准,实行职业资格证书制度,由经过政府批准的考核鉴定机构负责对劳动者实施职业技能考核鉴定。”", "《职业教育法》第一章第八条明确指出:“实施职业教育应当根据实际需要,同国家制定的职业分类和职业等级标准相适应,实行学历文凭、培训证书和职业资格证书制度。”这些法规确定了国家推行职业资格证书制度和开展职业技能鉴定的法律依据。", "汽车维修工证书样本", "国家汽车维修工证书", "我国职业资格证书分为五个等级:初级(五级)、中级(四级)、高级(三级)、技师(二级)和高级技师(一级)。", "劳动和社会保障部依据《中华人民共和国职业分类大典》确定了实行就业准入的87个职业目录。分别是:测量放线工、铁路线路工、铁路桥隧工、车工、铣工、磨工、镗工、组合机床操作工、加工中心操作工、数控车工、数控铣工、铸造工、锻造工、焊工、金属热处理工、冷作钣金工、涂装工、装配钳工、工具钳工、锅炉设备装配工、电机装配工、高低压电器装配工、电子仪器仪表装配工、电工仪器仪表转配工、机修钳工、汽车修", "职业资格证书样本(三级)", "理工、摩托车维修工、精密仪器仪表维修工、锅炉设备安装工、变电设备安装工、维修电工、计算机维修工、手工木工、精细木工、音响调音员、贵金属首饰手工制作工、土石方机械操作工、砌筑工、混凝土工、钢筋工、架子工、防水工、装饰装修工、电气设备安装工、管工、汽车驾驶员、起重装卸机械操作工、化学检验工、食品检验工、纺织纤维检验工、贵金属首饰钻石宝玉石检验员、防腐蚀工、锁具修理工。", "营业员、推销员、出版物发行员、中药购销员、鉴定估价师、医药商品购销员、心理咨询师、中药调剂员、冷藏工、中式烹调师、中式面点师、西式烹调师、西式面点师、调酒师、营养配餐员、前厅服务员、客房服务员、保健按摩师、职业指导员、物业管理员、锅炉操作工、美容师、美发师、摄影师、眼镜验光员、眼镜定配工、家用电子产品维修工、家用电器产品维修工、钟表维修工、办公设备维修工、养老护理员、人力资源管理师、营销师、理财规划师、客户服务管理师等", "根据国家有关规定,办理职业资格证书的程序为:职业技能鉴定所(站)将考核合格人员名单报经当地职业技能鉴定指导中心审核,再报经同级劳动保障行政部门或行业部门劳动保障工作机构批准后,由职业技能鉴定指导中心按照国家规定的证书编码方案和填写格式要求统一办理证书加盖职业技能鉴定机构专用印章经同级劳动保障行政部门或行业部门劳动保障工作机构验印后,由职业技能鉴定所(站)送交本人。", "申请职业技能鉴定的人员,可向当地职业技能鉴定所(站)提出申请,填写职业技能鉴定 申请表。报名时应出示本人身份证、培训毕(结)业证书、《技术等级证书》或工作单位劳资部门出具的工作年限证明等。申报技师、高级技师任职资格的人员,还须出具本人的技术成果和工作业绩证明,并提交本人的技术总结和论文资料等。", "国家实施职业技能鉴定分为理论知识考试和操作技能考核两部分。理论知识考试一般采取笔试。操作技能考核可采取工作现场操作、模拟现场操作、问题答辩等方式进行。这些内容是依据国家职业(技能)标准、职业技能鉴定规范(即考试大纲)和相应教材", "职业技能鉴定", "来确定的,并通过编制试卷来进行鉴定考核。", "职业技能鉴定分为知识要求考试和操作技能考核两部分。知识要求考试一般采用笔试,技能要求考核一般采用现场操作加工典型工件、生产作业项目、模拟操作等方式进行。计分一般采用百分制,两部分成绩都在60分以上为合格,80分以上为良好,95分以上为优秀。", "职业技能鉴定所(站)将考核合格人员名单报经当地职业技能鉴定指导中心审核,再报经同级劳动保障行政部门或行业部门劳动保障工作机构批准后,由职业技能鉴定指导中心按照国家规定的证书编码方案和填写格式要求统一办理证书,加盖职业技能鉴定机构专用印章,经同级劳动保障行政部门或行业部门劳动保障工作机构验印后由职业技能鉴定所(站)送交本人。", "民办职业培训机构", "劳动部门已经基本建立了社会化的培训与资格认证体制,有资格和能力的企业、厂矿、学校经劳动部门的严格审查后,可以获得认证资格。据劳动部门统计,有资格进行职业培训的学校一共有3类,包括3400多所技工学校,20000余所职业培训机构,其中民办职业培训机构16000多所。", "任何符合条件的个人均可自主申请参加职业技能鉴定,申请人根据所申报职业的资格条件,确定自己申报鉴定的等级。职业技能鉴定分为知识要求考试和操作技能考核两部分。经鉴定合格者,由劳动保障部门颁发相应的职业资格证书。", "职业技能鉴定是一项基于职业技能水平的考核活动,属于标准参照型考试。它是由考试考核机构对劳动者从事某种职业所应掌握的技术理论知识和实际操作能力做出客观的测量和评价。职业技能鉴定是国家职业资格证书制度的重要组成部分。"], "bs_rank_pos": 5}, {"is_selected": false, "title": "全国职业资格证书都有哪些_百度文库", "most_related_para": 1, "segmented_title": ["全国", "职业资格", "证书", "都", "有", "哪些", "_", "百度", "文库"], "segmented_paragraphs": [["全国", "职业资格", "证书", "都", "有", "哪些", "_", "从业资格考试", "_", "资格考试", "/", "认证", "_", "教育", "专区"], ["全国", "职业资格", "证书", "都", "有", "哪些", "?", "一", "、", "劳动部", ":", "人力资源管理", "师", "、", "营销师", "、", "电子商务师", "、", "物流师", "、", "物业管理师", "、", "经营", "师", "、", "策划师", "、", "营养师", "、", "秘书", "、", "项目管理", "师", "、", "心理咨询师", "、", "公关", "员", "、", "企业培训师", "、", "职业经理人", "、", "理", "财", "规划师", "、", "园艺师", "、", "景观设计师", "。", "二", "、", "人事部", ":", "质量", "专业", "技术", "资格", "、", "经济师", "、", "投资", "建设项目管理", "师", "、", "环境影响评价", "工程", "师", "、", "房地产", "经纪人", "、", "会计职称", "、", "企业法律顾问", "。", "三", "、", "国家", "发展", "改革", "委", ":", "注册咨询工程师", "(", "投资", ")", "、", "注册", "价格", "鉴证", "师", "。", "四", "、", "住房", "和", "城乡", "建设部", ":", "一级建造师", "、", "二级", "建造师", "、", "注册", "造价工程师", "、", "注册", "监理工程", "师", "、", "注册土木工程师", "、", "注册", "化工", "工程师", "、", "注册", "城市规划师", "、", "注册", "物业管理", "师", "、", "注册", "电气", "工程", "师", "、", "注册", "机械工程师", "、", "注册", "冶金", "工程师", "、", "注册", "房地产", "估价师", "、", "注册", "房地产", "经纪人", "、", "注册", "公用", "设备", "工程师", "、", "注册", "采矿", "/", "矿物", "工程师", "、", "注册", "石油", "天然气", "工程师", "、", "一级注册建筑师", "、", "二级", "注册", "建筑师", "、", "一", "级", "注册", "结构", "工程师", "、", "二级", "注册", "结构", "工程师", "、", "造价员", "、", "建筑", "预算员", "、", "建筑", "质检员", "、", "建筑", "材料", "员", "、", "建筑", "施工员", "、", "建筑", "安全员", "、", "装饰", "预算员", "、", "装饰", "施工员", "、", "物业管理", "企业", "经理", "。", "五", "、", "财政部", ":", "注册会计师", "、", "注册", "资产评估师", "、", "注册", "资产评估师", "(", "珠宝", ")", "、", "会计从业", "资", "格", "证", "、", "会计职称", "。", "六", "、", "教育部", ":", "教师资格证", "七", "、", "司法部", ":", "执业律师", "八", "、", "卫生部", ":", "执业医师", "、", "执业药师", "、", "执业", "护士", "、", "注册", "营养师", "。"]], "paragraphs": ["全国职业资格证书都有哪些_从业资格考试_资格考试/认证_教育专区", "全国职业资格证书都有哪些? 一、劳动部:人力资源管理师、营销师、电子商务师、物流师、物业管理师、经营师、 策划师、营养师、秘书、项目管理师、心理咨询师、公关员、企业培训师、职业经理人、理 财规划师、园艺师、景观设计师。 二、人事部:质量专业技术资格、经济师、投资建设项目管理师、环境影响评价工程 师、房地产经纪人、会计职称、企业法律顾问。 三、国家发展改革委:注册咨询工程师(投资)、注册价格鉴证师。 四、住房和城乡建设部:一级建造师、二级建造师、注册造价工程师、注册监理工程 师、注册土木工程师、注册化工工程师、注册城市规划师、注册物业管理师、注册电气工程 师、注册机械工程师、注册冶金工程师、注册房地产估价师、注册房地产经纪人、注册公用 设备工程师、注册采矿/矿物工程师、注册石油天然气工程师、一级注册建筑师、二级注册 建筑师、一级注册结构工程师、二级注册结构工程师、造价员、建筑预算员、建筑质检员、 建筑材料员、建筑施工员、建筑安全员、装饰预算员、装饰施工员、物业管理企业经理。 五、财政部:注册会计师、注册资产评估师、注册资产评估师(珠宝)、会计从业资 格证、会计职称。 六、教育部:教师资格证 七、司法部:执业律师 八、卫生部:执业医师、执业药师、执业护士、注册营养师。"], "bs_rank_pos": 6}], "answer_spans": [[143, 177]], "answer_docs": [0], "fake_answers": ["1、国统考专业:(国家职业资格工作网查询)  秘书(二级)、营销师(一、二级)、心理咨询师(二、三级)、人力资源管理师("], "question": "职业资格证书有哪些", "segmented_answers": [["1", "、", "国统考", "专业", ":", "秘书", "、", "营销师", "、", "心理咨询师", "、", "人力资源管理师", "、", "物流师", "。", "2", "、", "省", "统考", "专业", ":", "1", ")", "高级技师", "人力资源管理师", "、", "物流师", "、", "项目管理", "师", "、", "智能楼宇", "管理", "师", "、", "企业培训师", "、", "企业文化师", "、", "理财规划师", "、", "职业指导", "师", "、", "社会工作者", "、", "公共营养师", "、", "采购师", "、", "健康管理", "师", "、", "婚姻家庭", "咨询师", "、", "黄金投资", "分析师", "、", "会展策划师", "、", "房地产", "策划师", "、", "商务策划师", "、", "美发师", "、", "磨", "工", "、", "镗工", "、", "装配钳工", "、", "家用", "电子产品", "维修工", "、", "中式", "烹调", "师", "、", "西式", "面点师", "、", "美容师", "、", "形象设计师", "、", "眼镜", "眼光", "员", "、", "。", "(", "3", ")", "高级工", "及", "以下", "公共营养师", "、", "二手车", "鉴定", "评估师", "、", "健康管理", "师", "、", "育婴师", "、", "社会工作者", "、", "物业管理", "师", "、", "保健按摩师", "、", "电子商务师", "等", "多", "种", "科目", "鉴定", "。"], ["1", "、", "中国注册会计师", "资格", "(", "CPA", ")", ",", "2", "、", "注册", "建筑", "工程师", "资格", ",", "3", "、", "英国", "注册会计师", "资格", "(", "ACCA", ")", ",", "4", "、", "特许金融分析师", "资格", "(", "CFA", ")", ",", "5", "、", "IT", "审计师", "资格", "(", "CISA", ")", ",", "6", "、", "美国", "金融", "风险管理", "师", "资格", "(", "FRM", ")", "。"], ["国考", "专业", ":", "人力资源管理师", "(", "二级", "、", "三级", ")", "、", "心理咨询师", "(", "二级", "、", "三级", ")", "、", "营销师", "(", "一", "级", "、", "二级", ")", "、", "秘书", "(", "一", "级", "、", "二级", ")", "。", "部分", "非", "国考", "专业", ":", "公共营养师", "、", "理财规划师", "、", "企业培训师", "、", "电子商务师", "、", "物流师", "、", "职业经理人", "、", "策划师", "、", "健康管理", "师", "、", "婚姻家庭", "咨询师", "、", "育婴师", "、", "景观设计师", "、", "园艺师", "、", "室内装饰", "设计师", "、", "平面设计师", "、", "美术", "设计师", "、", "广告设计师", "、", "投资", "分析师", "、", "陈列", "展览", "设计", "人员", "、", "社会工作者", "、", "调酒师", "、", "茶艺师", "、", "评茶员", "、", "中式", "烹调", "师", "、", "中式", "面点师", "、", "西式", "烹调", "师", "、", "西式", "面点师", "、", "美容师", "、", "化妆师", "、", "美甲师", "、", "眼镜", "验光", "员", "、", "眼镜", "定", "配", "工", "、", "二手车评估师", "、", "保健按摩师", "、", "集", "控", "值班", "员", "、", "维修电工", "、", "电焊工", "、", "冷", "作", "钣金工", "、", "制冷设备", "维修", "工", "、", "起重", "工", "、", "车工", "、", "钳工", "、", "机修钳工", "、", "铣工", "、", "架子工", "、", "中小型", "机械", "操作工", "、", "工程机械", "修理工", "、", "瓦工", "、", "石", "工", "、", "抹灰", "工", "、", "防水", "工", "、", "无线电", "调试", "工", "等等", "5000", "多", "类", "工种", "."]], "answers": ["1、国统考专业:秘书、营销师、心理咨询师、人力资源管理师、物流师。2、省统考专业:1)高级技师人力资源管理师、物流师、项目管理师、智能楼宇管理师、企业培训师、企业文化师、理财规划师、职业指导师、社会工作者、公共营养师、采购师、健康管理师、婚姻家庭咨询师、黄金投资分析师、会展策划师、房地产策划师、商务策划师、美发师、磨工、镗工、装配钳工、家用电子产品维修工、中式烹调师、西式面点师、美容师、形象设计师、眼镜眼光员、。(3)高级工及以下公共营养师 、二手车鉴定评估师、健康管理师、育婴师、社会工作者、物业管理师、保健按摩师、电子商务师等多种科目鉴定。", "1、中国注册会计师资格(CPA),2、注册建筑工程师资格,3、英国注册会计师资格(ACCA),4、特许金融分析师资格(CFA),5、IT审计师资格(CISA),6、美国金融风险管理师资格(FRM)。", "国考专业:人力资源管理师(二级、三级)、心理咨询师(二级、三级)、营销师(一级、二级)、秘书(一级、二级)。部分非国考专业:公共营养师、理财规划师、企业培训师、电子商务师、物流师、职业经理人、策划师、健康管理师、婚姻家庭咨询师、育婴师、景观设计师、园艺师、室内装饰设计师、平面设计师、美术设计师、广告设计师、投资分析师、陈列展览设计人员、社会工作者、调酒师、茶艺师、评茶员、中式烹调师、中式面点师、西式烹调师、西式面点师、美容师、化妆师、美甲师、眼镜验光员、眼镜定配工、二手车评估师、保健按摩师、集控值班员、维修电工、电焊工、冷作钣金工、制冷设备维修工、起重工、车工、钳工、机修钳工、铣工、架子工、中小型机械操作工、工程机械修理工、瓦工、石工、抹灰工、防水工、无线电调试工等等5000多类工种."], "entity_answers": [["秘书", "营销师", "心理咨询师", "人力资源管理师", "物流师", "高级技师人力资源管理师", "物流师", "项目管理师", "智能楼宇管理师", "企业培训师", "企业文化师", "理财规划师", "职业指导师", "社会工作者", "公共营养师", "采购师", "健康管理师", "婚姻家庭咨询师", "黄金投资分析师", "会展策划师", "房地产策划师", "商务策划师", "美发师", "磨工", "镗工", "装配钳工", "家用电子产品维修工", "中式烹调师", "西式面点师", "美容师", "形象设计师", "眼镜眼光员", "公共营养师 ", "二手车鉴定评估师", "健康管理师", "育婴师", "社会工作者", "物业管理师", "保健按摩师", "电子商务师"], ["中国注册会计师", "注册建筑工程师", "英国注册会计师", "金融分析师", "IT审计师", "美国金融风险管理师资格", "CPA", "ACCA", "CFA", "CISA", "FRM"], ["人力资源管理师", "心理咨询师", "营销师", "秘书", "公共营养师", "理财规划师", "企业培训师", "电子商务师", "物流师", "职业经理人", "策划师", "健康管理师", "婚姻家庭咨询师", "育婴师", "景观设计师", "园艺师", "室内装饰设计师", "平面设计师", "美术设计师", "广告设计师", "投资分析师", "陈列展览设计人员", "社会工作者", "调酒师", "茶艺师", "评茶员", "中式烹调师", "中式面点师", "西式烹调师", "西式面点师", "美容师", "化妆师", "美甲师", "眼镜验光员", "眼镜定配工", "二手车评估师", "保健按摩师", "集控值班员", "维修电工", "电焊工", "冷作钣金工", "制冷设备维修工", "起重工", "车工", "钳工", "机修钳工", "铣工", "架子工", "中小型机械操作工", "工程机械修理工", "瓦工", "石工", "抹灰工", "防水工", "无线电调试工"]], "segmented_question": ["职业资格", "证书", "有", "哪些"], "question_type": "ENTITY", "question_id": 36, "fact_or_opinion": "OPINION", "match_scores": [0.3908045977011494]} -{"documents": [{"is_selected": true, "title": "如何参加自考本科?_百度知道", "most_related_para": 4, "segmented_title": ["如何", "参加", "自考本科", "?", "_", "百度", "知道"], "segmented_paragraphs": [["可以", "自己", "报名", "也", "可以", "通过", "机构", "报名", "。", "自己", "报名", "费用", "很", "低", ",", "通过", "机构", "报名", "的", "话", "往往", "会", "有", "培训费", ",", "要", "高", "很多", "。", "自考本科", "自己", "报名", "1", "、", "登录", "当地", "教育考试院", "网上报名", "系统", "进行", "报名", "。", "2", "、", "到", "自考办", "网站", "规定", "的", "指定", "银行", "办理", "一", "张", "缴费", "用", "银行卡", "。", "3", "、", "办理", "银行卡", "后", "的", "新生", ",", "和", "有", "银行卡", "的", "老", "考生", "按照", "报名", "网站", "规定", "的", "报名", "流程", "完成", "网上报名", "。", "4", "、", "网上报名", "成功", "后", "的", "新生", "需要", "在", "规定", "时间", "到", "自考办", "进行", "摄像", "制作", "准考证", "。", "5", "、", "如", "有", "任何", "疑问", "请", "和", "当地", "自考办", "联系", "自考", "咨询", "自考本科", "机构", "报名", "本人", "可以", "到", "主考院校", "或者", "自考", "机构", "报名", ",", "报考", "由", "主考院校", "按", "开", "考", "计划", "帮", "其", "报考", "科目", ",", "有", "的", "科目", "还", "可", "代为", "办理", "抵免", "手续", ",", "这个", "通过率", "要", "高", "很多", ",", "一般", "毕业", "也", "快", ",", "此", "种", "自考", "为", "综合", "改革", "试点", "自考", "一些", "。", "自考本科", "注意事项", "自考", "其实", "没有", "太多", "限制", ",", "但", "需要", "注意", "的", "是", "在", "考", "完", "所有", "科目", "申请", "毕业证书", "前", "要", "有", "大专学历", "才", "可以", "办"], ["建议", "你", "先", "到", "教育考试院", "详细", "了解一下", "自考", ",", "你", "如果", "能", "专升本", "是", "最好", "的", ",", "不行", "的", "话", "通过", "自考", "取得", "本科", "也是", "可以", "的", "。"], ["不知道", "有没有", "兴趣", "来", "湖北", "武汉", "呢", "?", "想", "了解", "可以", "把", "你", "扣扣", "留下"], ["我", "是", "一", "个", "武大", "的", "在", "读", "自考生"], ["可以", "自己", "报名", "也", "可以", "通过", "机构", "报名", "。", "自己", "报名", "费用", "很", "低", ",", "通过", "机构", "报名", "的", "话", "往往", "会", "有", "培训费", ",", "要", "高", "很多", "。", "自考本科", "自己", "报名", "1", "、", "登录", "当地", "教育考试院", "网上报名", "系统", "进行", "报名", "。", "2", "、", "到", "自考办", "网站", "规定", "的", "指定", "银行", "办理", "一", "张", "缴费", "用", "银行卡", "。", "3", "、", "办理", "银行卡", "后", "的", "新生", ",", "和", "有", "银行卡", "的", "老", "考生", "按照", "报名", "网站", "规定", "的", "报名", "流程", "完成", "网上报名", "。", "4", "、", "网上报名", "成功", "后", "的", "新生", "需要", "在", "规定", "时间", "到", "自考办", "进行", "摄像", "制作", "准考证", "。", "5", "、", "如", "有", "任何", "疑问", "请", "和", "当地", "自考办", "联系", "自考", "咨询", "自考本科", "机构", "报名", "本人", "可以", "到", "主考院校", "或者", "自考", "机构", "报名", ",", "报考", "由", "主考院校", "按", "开", "考", "计划", "帮", "其", "报考", "科目", ",", "有", "的", "科目", "还", "可", "代为", "办理", "抵免", "手续", ",", "这个", "通过率", "要", "高", "很多", ",", "一般", "毕业", "也", "快", ",", "此", "种", "自考", "为", "综合", "改革", "试点", "自考", "一些", "。", "自考本科", "注意事项", "自考", "其实", "没有", "太多", "限制", ",", "但", "需要", "注意", "的", "是", "在", "考", "完", "所有", "科目", "申请", "毕业证书", "前", "要", "有", "大专学历", "才", "可以", "办"]], "paragraphs": ["可以自己报名也可以通过机构报名。自己报名费用很低,通过机构报名的话往往会有培训费,要高很多。 自考本科自己报名 1、登录当地教育考试院网上报名系统进行报名。 2、到自考办网站规定的指定银行办理一张缴费用银行卡。 3、办理银行卡后的新生,和有银行卡的老考生按照报名网站规定的报名流程完成网上报名。 4、网上报名成功后的新生需要在规定时间到自考办进行摄像制作准考证。 5、如有任何疑问请和当地自考办联系自考咨询 自考本科机构报名 本人可以到主考院校或者自考机构报名,报考由主考院校按开考计划帮其报考科目,有的科目还可代为办理抵免手续,这个通过率要高很多,一般毕业也快,此种自考为综合改革试点自考一些。 自考本科注意事项 自考其实没有太多限制,但需要注意的是在考完所有科目申请毕业证书前要有大专学历才可以办", "建议你先到教育考试院详细了解一下自考,你如果能专升本是最好的,不行的话通过自考取得本科也是可以的。", "不知道有没有兴趣来湖北武汉呢?想了解可以把你扣扣留下", "我是一个武大的在读自考生", "可以自己报名也可以通过机构报名。自己报名费用很低,通过机构报名的话往往会有培训费,要高很多。 自考本科自己报名 1、登录当地教育考试院网上报名系统进行报名。 2、到自考办网站规定的指定银行办理一张缴费用银行卡。 3、办理银行卡后的新生,和有银行卡的老考生按照报名网站规定的报名流程完成网上报名。 4、网上报名成功后的新生需要在规定时间到自考办进行摄像制作准考证。 5、如有任何疑问请和当地自考办联系自考咨询 自考本科机构报名 本人可以到主考院校或者自考机构报名,报考由主考院校按开考计划帮其报考科目,有的科目还可代为办理抵免手续,这个通过率要高很多,一般毕业也快,此种自考为综合改革试点自考一些。 自考本科注意事项 自考其实没有太多限制,但需要注意的是在考完所有科目申请毕业证书前要有大专学历才可以办"], "bs_rank_pos": 0}, {"is_selected": false, "title": "自考是什么意思?可以直接考本科吗?_百度知道", "most_related_para": 2, "segmented_title": ["自考", "是", "什么", "意思", "?", "可以直接", "考", "本科", "吗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["自考", "是", "高等教育", "自学考试", "的", "简称", ",", "自考", "是", "1981", "年", "经", "国务院", "批准", "创立", ",", "是", "对", "自学", "者", "进行", "的", "以", "学历", "考试", "为", "主", "的", "高等教育", "国家", "考试", ",", "是", "个人", "自学", "、", "社会助学", "和", "国家", "考试", "相结合", "的", "高等教育", "形式", ",", "是", "我", "国", "社会主义", "高等教育", "体系", "的", "重要组成部分", "。", "是", "通过", "国家", "考试", "促进", "广泛", "的", "个人", "自学", "和", "社会", "助学活动", ",", "贯彻", "宪法", "鼓励", "自学成才", "的", "有关", "规定", ",", "造就", "和", "选拔", "德才兼备", "的", "专门", "人才", ",", "提高", "全民族", "的", "思想", "道德", "素质", "和", "科学", "文化", "素质", ",", "以", "适应", "社会主义", "现代化建设", "的", "需要", "。", "自考", "可以直接", "考", "本科", ",", "但", "在", "本科", "申请", "毕业", "之", "前", ",", "必须", "首先", "获得", "大专学历", "。", "因为", "办理", "自考本科", "毕业证书", "的", "时候", "需要", "考生", "提供", "一", "个", "国家", "承认", "的", "大专", "的", "学历", "。", "否则", "不予办理", "毕业", "手续", "。", "自考", "报名条件", ":", "1", "、", "自考", "大专", "只", "需要", "符合", "自考", "的", "基本", "条件", "就", "可以", "。", "中华人民共和国", "公民", ",", "不受", "性别", "、", "年龄", "、", "民族", "、", "种族", "和", "已", "受", "教育", "程度", "的", "限制", ",", "均", "可", "依照", "国务院", "《"], ["高等教育", "自学考试", "简称", "自考", ",", "1981", "年", "经", "国务院", "批准", "创立", "。", "是", "对", "自学", "者", "进行", "的", "以", "学历", "考试", "为", "主", "的", "高等教育", "国家", "考试", ",", "是", "个人", "自学", "、", "社会助学", "和", "国家", "考试", "相结合", "的", "高等教育", "形式", ",", "是", "我", "国", "社会主义", "高等教育", "体系", "的", "重要组成部分", "。", "其", "任务", "是", "通过", "国家", "考试", "促进", "广泛", "的", "个人", "自学", "和", "社会", "助学活动", ",", "推进", "在职", "专业", "教育", "和", "大学", "后", "继续教育", ",", "造就", "和", "选拔", "德才兼备", "的", "专门", "人才", ",", "提高", "全民族", "的", "思想", "道德", "、", "科学", "文化", "素质", ",", "适应", "社会主义", "现代化建设", "的", "需要", "。", "如果", "你", "现在", "是", "专科毕业", "的", "话", "就", "可以", "直接", "考", "本科"], ["1", ",", "自考", "无任何", "限制", ",", "小学", "文凭", "没有", "都", "可以", "报考", ",", "只用", "身份证", "或", "户口簿", "(", "16", "周岁", "以下", "无", "身份证", "可用", "户口簿", "报名", ")", "去", "常住", "地区", "招生", "考试", "办公室", "报名", "。", "每", "门", "课程", "30", "元", "。", "2", ",", "先", "在", "省", "自考", "网上报名", ",", "然后", "去", "报考", "点", "去", "确定", "(", "一般", "都是", "常住", "地区", "招生", "考试", "办公室", ")", "交钱", "。", "第一次", "一定要去", "报考", "点", "交钱", "办", "准考证", ",", "以后", "在", "交通银行", "办", "张", "交行", "卡", "在", "网上", "报考", "。", "3", ",", "自考", "的", "内容", "基本上", "是", "教辅", "《", "自考", "通", "》", "或", "《", "一考通", "》", "上", "的", "重点", "提示", "或", "原", "题", ",", "历年", "试卷", "上", "的", "考点", "很多", "重复", "考", ",", "比较", "有", "规律", ",", "平时", "多", "做", "教辅", "习题", ",", "考前", "多", "做", "历年", "试卷", "和", "模拟试卷", ",", "过关", "不成", "问题", "。", "4", ",", "如果", "中学", "基础", "差", "就", "报", ":", "行政管理", ",", "法律", ",", "汉语言文学", ",", "学前教育", "等", "无", "数学", "的", "专业", ",", "这些", "专业", "是", "自考", "高", "过关", "率", "专业", ",", "很多", "只有", "初中", "基础", "的", "考生", "都", "已", "过关", "拿", "证", "。", "5", ",", "从", "2014", "年", "开始", ",", "湖北省", "一年", "就", "三", "次", "(", "四月", ",", "七月", ",", "十月", ")", "。", "有", "的", "地方", "是", "两次", "。", "6", ",", "一般", "一", "次", "四门", "全"], ["自己", "学习", "自己", "参加", "考试", ",", "如果", "你", "是", "专科", "就", "可以", ",", "专科", "以下", "不行", "!"], ["自考", "是", "自学考试", "的", "简称", "。", "自考", "专科", "至", "本科", "是", "二", "二", "分段", ",", "不可以", "直接", "考", "本科", "。", "报考本科", "必须", "先", "取得", "大专", "的", "学籍", "或", "毕业证书", "。"]], "paragraphs": ["自考是高等教育自学考试的简称,自考是1981年经国务院批准创立,是对自学者进行的以学历考试为主的高等教育国家考试,是个人自学、社会助学和国家考试相结合的高等教育形式,是我国社会主义高等教育体系的重要组成部分。是通过国家考试促进广泛的个人自学和社会助学活动,贯彻宪法鼓励自学成才的有关规定,造就和选拔德才兼备的专门人才,提高全民族的思想道德素质和科学文化素质,以适应社会主义现代化建设的需要。 自考可以直接考本科,但在本科申请毕业之前,必须首先获得大专学历。因为办理自考本科毕业证书的时候需要考生提供一个国家承认的大专的学历。否则不予办理毕业手续。 自考报名条件:1、自考大专只需要符合自考的基本条件就可以。中华人民共和国公民,不受性别、年龄、民族、种族和已受教育程度的限制,均可依照国务院《", "高等教育自学考试简称自考,1981年经国务院批准创立。是对自学者进行的以学历考试为主的高等教育国家考试,是个人自学、社会助学和国家考试相结合的高等教育形式,是我国社会主义高等教育体系的重要组成部分。其任务是通过国家考试促进广泛的个人自学和社会助学活动,推进在职专业教育和大学后继续教育,造就和选拔德才兼备的专门人才,提高全民族的思想道德、科学文化素质,适应社会主义现代化建设的需要。 如果你现在是专科毕业的话就可以直接考本科", "1,自考无任何限制,小学文凭没有都可以报考,只用身份证或户口簿(16周岁以下无身份证可用户口簿报名)去常住地区招生考试办公室报名。每门课程30元。2,先在省自考网上报名,然后去报考点去确定(一般都是常住地区招生考试办公室)交钱。第一次一定要去报考点交钱办准考证,以后在交通银行办张交行卡在网上报考。3,自考的内容基本上是教辅《自考通》或《一考通》上的重点提示或原题,历年试卷上的考点很多重复考,比较有规律,平时多做教辅习题,考前多做历年试卷和模拟试卷,过关不成问题。4,如果中学基础差就报:行政管理,法律,汉语言文学,学前教育等无数学的专业,这些专业是自考高过关率专业,很多只有初中基础的考生都已过关拿证。5,从2014年开始,湖北省一年就三次(四月,七月,十月)。有的地方是两次。6,一般一次四门全", "自己学习自己参加考试,如果你是专科就可以,专科以下不行!", "自考是自学考试的简称。自考专科至本科是二二分段,不可以直接考本科。报考本科必须先取得大专的学籍或毕业证书。"], "bs_rank_pos": 1}], "answer_spans": [[0, 167]], "fake_answers": ["可以自己报名也可以通过机构报名。自己报名费用很低,通过机构报名的话往往会有培训费,要高很多。自考本科自己报名1、登录当地教育考试院网上报名系统进行报名。2、到自考办网站规定的指定银行办理一张缴费用银行卡。3、办理银行卡后的新生,和有银行卡的老考生按照报名网站规定的报名流程完成网上报名。4、网上报名成功后的新生需要在规定时间到自考办进行摄像制作准考证。5、如有任何疑问请和当地自考办联系自考咨询自考本科机构报名本人可以到主考院校或者自考机构报名,报考由主考院校按开考计划帮其报考科目,有的科目还可代为办理抵免手续,这个通过率要高很多,一般毕业也快,此种自考为综合改革试点自考一些。"], "question": "怎样参加自考本科", "segmented_answers": [["可以", "自己", "报名", "也", "可以", "通过", "机构", "报名", "。", "自己", "报名", "费用", "很", "低", ",", "通过", "机构", "报名", "的", "话", "往往", "会", "有", "培训费", ",", "要", "高", "很多", "。", "自考本科", "自己", "报名", ":", "1", "、", "登录", "当地", "教育考试院", "网上报名", "系统", "进行", "报名", "。", "2", "、", "到", "自考办", "网站", "规定", "的", "指定", "银行", "办理", "一", "张", "缴费", "用", "银行卡", "。", "3", "、", "办理", "银行卡", "后", "的", "新生", ",", "和", "有", "银行卡", "的", "老", "考生", "按照", "报名", "网站", "规定", "的", "报名", "流程", "完成", "网上报名", "。", "4", "、", "网上报名", "成功", "后", "的", "新生", "需要", "在", "规定", "时间", "到", "自考办", "进行", "摄像", "制作", "准考证", "。", "5", "、", "如", "有", "任何", "疑问", "请", "和", "当地", "自考办", "联系", "自考", "咨询", "。", "自考本科", "机构", "报名", ":", "本人", "可以", "到", "主考院校", "或者", "自考", "机构", "报名", ",", "报考", "由", "主考院校", "按", "开", "考", "计划", "帮", "其", "报考", "科目", ",", "有", "的", "科目", "还", "可", "代为", "办理", "抵免", "手续", ",", "这个", "通过率", "要", "高", "很多", ",", "一般", "毕业", "也", "快", ",", "此", "种", "自考", "为", "综合", "改革", "试点", "自考", "一些", "。"]], "answers": ["可以自己报名也可以通过机构报名。自己报名费用很低,通过机构报名的话往往会有培训费,要高很多。自考本科自己报名:1、登录当地教育考试院网上报名系统进行报名。2、到自考办网站规定的指定银行办理一张缴费用银行卡。3、办理银行卡后的新生,和有银行卡的老考生按照报名网站规定的报名流程完成网上报名。4、网上报名成功后的新生需要在规定时间到自考办进行摄像制作准考证。5、如有任何疑问请和当地自考办联系自考咨询。自考本科机构报名:本人可以到主考院校或者自考机构报名,报考由主考院校按开考计划帮其报考科目,有的科目还可代为办理抵免手续,这个通过率要高很多,一般毕业也快,此种自考为综合改革试点自考一些。"], "answer_docs": [0], "segmented_question": ["怎样", "参加", "自考本科"], "question_type": "DESCRIPTION", "question_id": 37, "fact_or_opinion": "FACT", "match_scores": [0.943952802359882]} -{"documents": [{"is_selected": true, "title": "三星手机无限重启怎么办_百度知道", "most_related_para": 2, "segmented_title": ["三星", "手机", "无限", "重启", "怎么办", "_", "百度", "知道"], "segmented_paragraphs": [["1", "、", "在", "关机", "状态", "下", "同时", "按住", "【", "音量", "上", "】", "、", "【", "HOME", "键", "】", "、", "【", "电源", "键", "】", ",", "等待", "屏幕", "亮", "起", "后", "即可", "放开", ",", "进入", "Recovery", "模式", "。", "2", "、", "进入", "recovery", "模式", "后", ",", "会出现", "英文", "选择", "界面", ",", "选取", "Wipe", "Data", "/", "Factory", "Reset", "确定", "-", "再", "选取", "中间", "一行", "YES", "-", "-", "DELETE", ";", "确定", "。", "3", "、", "再", "选取", "Wipe", "Cache", "Partition", "确定", "一次", "。", "4", "、", "最后", "选择", "第一项", "reboot", "system", "now", "重启", "手机", "即可", "。"], ["尊敬", "的", "三星", "用户", "您好", ":", "  ", "根据", "您", "的", "描述", ",", "有", "可能", "是", "第三方", "软件", "引起", "的", "。", "建议", "您", "备份", "一", "下", "资料", "恢复", "出厂", "设置", "试", "试", "。", "如果", "仍", "无法", "解决", ",", "建议", "您", "携带", "购机", "发票", ",", "保修卡", "及", "机器", "到", "就近", "的", "售后服务中心", "由", "专业", "的", "工程师", "为您", "检测", "。", "如果", "无法", "进入", "菜单", "只能", "拿到", "售后维修", "了", "。", "  ", "服务中心", "查询", "页面", ":", "http", ":", "/", "/", "www", ".", "samsung", ".", "com", "/", "cn", "/", "support", "/", "location", "/", "support", "Service", "Location", ".", "do", "?", "page", "=", "SERVICE", ".", "LOCATION", "&", "cid", "=", "cn", "_", "ppc", "_", "support", "_", "service", "_", "repairnet", "_", "120522", "  ", "希望", "能", "帮", "到", "您", ",", "谢谢", "!"], ["1", "、", "在", "关机", "状态", "下", "同时", "按住", "【", "音量", "上", "】", "、", "【", "HOME", "键", "】", "、", "【", "电源", "键", "】", ",", "等待", "屏幕", "亮", "起", "后", "即可", "放开", ",", "进入", "Recovery", "模式", "。", "2", "、", "进入", "recovery", "模式", "后", ",", "会出现", "英文", "选择", "界面", ",", "选取", "Wipe", "Data", "/", "Factory", "Reset", "确定", "-", "再", "选取", "中间", "一行", "YES", "-", "-", "DELETE", ";", "确定", "。", "3", "、", "再", "选取", "Wipe", "Cache", "Partition", "确定", "一次", "。", "4", "、", "最后", "选择", "第一项", "reboot", "system", "now", "重启", "手机", "即可", "。"]], "paragraphs": ["1、在关机状态下同时按住【音量上】、【HOME键】、【电源键】,等待屏幕亮起后即可放开,进入Recovery模式。 2、进入recovery模式后,会出现英文选择界面,选取Wipe Data /Factory Reset确定-再选取中间一行YES--DELETE;确定。 3、再选取Wipe Cache Partition确定一次。 4、最后选择第一项reboot system now 重启手机即可。", "尊敬的三星用户您好:   根据您的描述,有可能是第三方软件引起的。建议您备份一下资料恢复出厂设置试试。如果仍无法解决,建议您携带购机发票,保修卡及机器到就近的售后服务中心由专业的工程师为您检测。如果无法进入菜单只能拿到售后维修了。   服务中心查询页面:http://www.samsung.com/cn/support/location/supportServiceLocation.do?page=SERVICE.LOCATION&cid=cn_ppc_support_service_repairnet_120522   希望能帮到您,谢谢!", "1、在关机状态下同时按住【音量上】、【HOME键】、【电源键】,等待屏幕亮起后即可放开,进入Recovery模式。 2、进入recovery模式后,会出现英文选择界面,选取Wipe Data /Factory Reset确定-再选取中间一行YES--DELETE;确定。 3、再选取Wipe Cache Partition确定一次。 4、最后选择第一项reboot system now 重启手机即可。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "三星手机a8用着用着就重启了是怎么回事?_百度知道", "most_related_para": 0, "segmented_title": ["三星", "手机", "a8", "用", "着", "用", "着", "就", "重启", "了", "是", "怎么回事", "?", "_", "百度", "知道"], "segmented_paragraphs": [["智能手机", "故障", "的", "出现", "会", "受到", "很多", "因素", "的", "影响", "。", "如", "第三方", "软件", "冲突", ",", "病毒", ",", "缓存", "过量", "的", "占用", ",", "都会", "引起", "自动重启", "现象", "。", "建议", "尝试", "以下", "方法", ":", "1", "、", "卸载", "近期", "安装", "的", "第三方", "软件", ",", "初步", "排除", "系统", "软件", "冲突", "原因", "。", "2", "、", "取出", "外部", "SD卡", "后", "进行", "测试", "是否", "还有", "重启", "现象", "3", "、", "备份", "手机", "数据", "(", "电话簿", "、", "短信", "、", "图片", "等", ")", ",", "将", "手机", "恢复", "出厂", "设置", "若", "通过", "以上", "方法", "问题", "依然", "存在", ",", "建议", "将", "手机", "送", "至", "就近", "的", "三星", "服务中心", "进行", "检测", "。"]], "paragraphs": ["智能手机故障的出现会受到很多因素的影响。如第三方软件冲突,病毒,缓存过量的占用,都会引起自动重启现象。建议尝试以下方法: 1、卸载近期安装的第三方软件,初步排除系统软件冲突原因。 2、取出外部SD卡后进行测试是否还有重启现象 3、备份手机数据(电话簿、短信、图片等),将手机恢复出厂设置 若通过以上方法问题依然存在,建议将手机送至就近的三星服务中心进行检测。"], "bs_rank_pos": 1}, {"is_selected": true, "title": "三星a8一直重启不能进入待机_百度知道", "most_related_para": 0, "segmented_title": ["三星", "a8", "一直", "重启", "不能", "进入", "待机", "_", "百度", "知道"], "segmented_paragraphs": [["尝试", "进入", "安全模式", ":", "开机", "时", "出现", "Samsung", "logo", "时", "按住", "音量", "下", "键", "不", "松", "手", ",", "直到", "进入", "安全模式", "(", "进入", "后", "手机", "屏幕", "左下角", "有", "安全模式", "字样", ")", ",", "若", "可", "进入", ",", "尝试", "备份", "重要", "数据", "恢复", "出厂", "设置", "。", "如", "无法", "进入", "安全模式", ",", "建议", "将", "手机", "送", "至", "您", "就近", "的", "售后服务中心", "检测", "维修", "。"]], "paragraphs": ["尝试进入安全模式:开机时出现Samsung logo时按住音量下键不松手,直到进入安全模式(进入后手机屏幕左下角有安全模式字样),若可进入,尝试备份重要数据恢复出厂设置。 如无法进入安全模式,建议将手机送至您就近的售后服务中心检测维修。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "三星a8无限重启怎么办_百度知道", "most_related_para": 0, "segmented_title": ["三星", "a8", "无限", "重启", "怎么办", "_", "百度", "知道"], "segmented_paragraphs": [["三星", "手机", "出现", "自动重启", "现象", ",", "建议", "您", "尝试", "以下", "方法", ":", "1", "、", "卸载", "近期", "安装", "的", "第三方", "软件", ",", "初步", "排除", "系统", "软件", "冲突", "原因", "。", "2", "、", "取出", "外部", "SD卡", "后", "进行", "测试", "是否", "还有", "重启", "现象", "3", "、", "更新", "下", "手机", "系统版本", "尝试", "是否", "有", "改善", "4", "、", "备份", "手机", "数据", "(", "电话簿", "、", "短信", "、", "图片", "等", ")", ",", "将", "手机", "恢复", "出厂", "设置", "如果", "三星", "手机", "有", "开机画面", "但", "无法正常", "开机", "到", "待机画面", ",", "可", "进行", "以下", "操作", ":", "1", ".", "将", "SIM", "卡", "和", "SD卡", "同时", "取出", ",", "然后", "再", "尝试", "开机", "。", "2", ".", "请", "在", "重新", "开机", "时", "当", "看到", "“", "三星", "Logo", "图标", "时", ",", "长", "按住", "【", "菜单", "键", "】", "(", "左", "触摸", "感应", "按键", ")", "或", "长", "按住", "【", "音量", "下", "键", "】", "直到", "屏幕", "左下角", "出现", "“", "安全模式", "”", "字样", "时", "再", "松", "手", ",", "备份", "数据", "(", "例如", ":", "联系人", "、", "短信", "、", "照片", "等", ")", ",", "恢复", "出厂", "设置", "3", ".", "如果", "不能", "进入", "安全模式", "或", "操作", "后", "问题", "依旧", ",", "建议", "携带", "手机", "三包凭证", ",", "将", "手机", "送", "至", "就近", "的", "三星", "服务中心", "进行", "检测", "维修"]], "paragraphs": ["三星手机出现自动重启现象,建议您尝试以下方法: 1、卸载近期安装的第三方软件,初步排除系统软件冲突原因。 2、取出外部SD卡后进行测试是否还有重启现象 3、更新下手机系统版本尝试是否有改善 4、备份手机数据(电话簿、短信、图片等),将手机恢复出厂设置 如果三星手机有开机画面但无法正常开机到待机画面,可进行以下操作: 1.将SIM卡和SD卡同时取出,然后再尝试开机。 2.请在重新开机时当看到“三星Logo图标时,长按住【菜单键】(左触摸感应按键)或长按住【音量下键】直到屏幕左下角出现“安全模式”字样时再松手,备份数据(例如:联系人、短信、照片等),恢复出厂设置 3.如果不能进入安全模式或操作后问题依旧,建议携带手机三包凭证,将手机送至就近的三星服务中心进行检测维修"], "bs_rank_pos": 3}, {"is_selected": false, "title": "三星a8一直重启怎么办_百度经验", "most_related_para": 5, "segmented_title": ["三星", "a8", "一直", "重启", "怎么办", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["很多", "朋友", "遇到", "了", "Samsung", "Galaxy", "A8", "A", "8000", "开", "不", "了", "机", "的", "问题", ","], ["大家", "可以", "尝试", "按", "下列", "步骤", "尝试", "操作", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "如果", "手机", "可以使用", ",", "可以", "进入", "设置", "选择", "恢复", "出厂", "设置", ",", "步骤", "阅读", "2", "如果", "手机", "无法", "进入", "系统", "运行", ",", "可以", "强制", "关机", ",", "长", "摁", "开关机", "键", "15秒", ",", "即可进入", "关机", "状态", "步骤", "阅读", "3", "手机", "强制", "关机", "以后", ",", "同时", "按住", "手机", "的", "开机", "键", "+", "音量", "向上", "键", "+", "主", "屏幕", "键", ",", "屏幕", "亮", "起", "进入", "Recovery", "模式", "。", "步骤", "阅读", "4", "在", "Recovery", "模式", "下", ",", "音量", "上下", "键", "移动", "光标", ",", "选择", ":", "wipe", "data", "/", "factory", "reset", "这个选项", "!", "步骤", "阅读", "5", "接着", "进入", "这个", "界面", ",", "选择", ":", "YES", "步骤", "阅读", "6", "然后", "手机", "就", "自行", "恢复", "出厂", "了", "步骤", "阅读", "7", "恢复", "出厂", "完毕", "后", ",", "返回", "这个", "界面", ",", "选择", ":", "reboot", "system", "now", "(", "重启", ")", "步骤", "阅读", "8", "正常", "情况", "下", "已", "解决", "问题", ",", "如果", "没", "解决", "就", "需要", "固件", "了", ",", "新手", "不", "建议", "个人", "刷机", "。", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["个人", "刷机", "后", "手机", "不再", "享受", "保修", "如", "未解决", "请到", "专业", "维修点", "询问"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "很多朋友遇到了Samsung Galaxy A8 A8000 开不了机的问题,", "大家可以尝试按下列步骤尝试操作 。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 如果手机可以使用,可以进入设置选择恢复出厂设置, 步骤阅读 2 如果手机无法进入系统运行,可以强制关机,长摁开关机键15秒,即可进入关机状态 步骤阅读 3 手机强制关机以后,同时按住手机的开机键+音量向上键+主屏幕键,屏幕亮起进入Recovery模式。 步骤阅读 4 在Recovery模式下,音量上下键移动光标,选择:wipe data/factory reset 这个选项! 步骤阅读 5 接着进入这个界面,选择:YES 步骤阅读 6 然后手机就自行恢复出厂了 步骤阅读 7 恢复出厂完毕后,返回这个界面,选择:reboot system now(重启) 步骤阅读 8 正常情况下已解决问题,如果没解决就需要固件了,新手不建议个人刷机。 END", "百度经验:jingyan.baidu.com", "个人刷机后手机不再享受保修 如未解决请到专业维修点询问", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 4}], "answer_spans": [[0, 99]], "fake_answers": ["智能手机故障的出现会受到很多因素的影响。如第三方软件冲突,病毒,缓存过量的占用,都会引起自动重启现象。建议尝试以下方法:1、卸载近期安装的第三方软件,初步排除系统软件冲突原因。2、取出外部SD卡后进行测试是否还有重启现象3、备份手机数据(电话簿、短信、图片等),将手机恢复出厂设置若通过以上方法问题依然存在,建议将手机送至就近的三星服务中心进行检测。"], "question": "三星a8一直重启怎么办", "segmented_answers": [["1", "、", "在", "关机", "状态", "下", "同时", "按住", "音量", "上", ",", "HOME", "键", ",", "电源", "键", "等待", "屏幕", "亮", "起", "后", "即可", "放开", ",", "进入", "Recovery", "模式", "。", "2", "、", "进入", "recovery", "模式", "后", ",", "会出现", "英文", "选择", "界面", ",", "选取", "Wipe", "Data", "/", "Factory", "Reset", "确定", "-", "再", "选取", "中间", "一行", "YES", "-", "DELETE", ";", "确定", "。", "3", "、", "再", "选取", "Wipe", "Cache", "Partition", "确定", "一次", "。", "4", "、", "最后", "选择", "第一项", "reboot", "system", "now", "重启", "手机", "即可", "。"], ["智能手机", "故障", "的", "出现", "会", "受到", "很多", "因素", "的", "影响", "。", "如", "第三方", "软件", "冲突", ",", "病毒", ",", "缓存", "过量", "的", "占用", ",", "都会", "引起", "自动重启", "现象", "。", "建议", "尝试", "以下", "方法", ":", "1", "、", "卸载", "近期", "安装", "的", "第三方", "软件", ",", "初步", "排除", "系统", "软件", "冲突", "原因", "。", "2", "、", "取出", "外部", "SD卡", "后", "进行", "测试", "是否", "还有", "重启", "现象", "。", "3", "、", "备份", "手机", "数据", "(", "电话簿", "、", "短信", "、", "图片", "等", ")", ",", "将", "手机", "恢复", "出厂", "设置", ",", "若", "通过", "以上", "方法", "问题", "依然", "存在", ",", "建议", "将", "手机", "送", "至", "就近", "的", "三星", "服务中心", "进行", "检测", "。"], ["1", ",", "尝试", "进入", "安全模式", ":", "开机", "时", "出现", "Samsung", "logo", "时", "按住", "音量", "下", "键", "不", "松", "手", ",", "直到", "进入", "安全模式", "(", "进入", "后", "手机", "屏幕", "左下角", "有", "安全模式", "字样", ")", ",", "若", "可", "进入", ",", "尝试", "备份", "重要", "数据", "恢复", "出厂", "设置", "。", "2", ",", "如", "无法", "进入", "安全模式", ",", "建议", "将", "手机", "送", "至", "就近", "的", "售后服务中心", "检测", "维修", "。"]], "answers": ["1、在关机状态下同时按住音量上,HOME键,电源键等待屏幕亮起后即可放开,进入Recovery模式。2、进入recovery模式后,会出现英文选择界面,选取Wipe Data /Factory Reset确定-再选取中间一行YES-DELETE;确定。3、再选取Wipe Cache Partition确定一次。4、最后选择第一项reboot system now重启手机即可。", "智能手机故障的出现会受到很多因素的影响。如第三方软件冲突,病毒,缓存过量的占用,都会引起自动重启现象。建议尝试以下方法:1、卸载近期安装的第三方软件,初步排除系统软件冲突原因。2、取出外部SD卡后进行测试是否还有重启现象。3、备份手机数据(电话簿、短信、图片等),将手机恢复出厂设置,若通过以上方法问题依然存在,建议将手机送至就近的三星服务中心进行检测。", "1,尝试进入安全模式:开机时出现Samsung logo时按住音量下键不松手,直到进入安全模式(进入后手机屏幕左下角有安全模式字样),若可进入,尝试备份重要数据恢复出厂设置。2,如无法进入安全模式,建议将手机送至就近的售后服务中心检测维修。"], "answer_docs": [1], "segmented_question": ["三星", "a8", "一直", "重启", "怎么办"], "question_type": "DESCRIPTION", "question_id": 38, "fact_or_opinion": "FACT", "match_scores": [0.900990099009901]} -{"documents": [{"is_selected": true, "title": "电饼铛烤肉的做法_百度知道", "most_related_para": 0, "segmented_title": ["电饼铛", "烤肉", "的", "做法", "_", "百度", "知道"], "segmented_paragraphs": [["1", "、", "肉肉", "从", "早晨", "放", "冷藏", "室", ",", "傍晚", "回来", "做", ",", "正好", "入味", "了", ",", "在", "电饼铛", "烧烤", "那", "面", "抹", "上", "油", ",", "把", "肉肉", "摆", "好", ";", "2", "、", "放", "些", "蒜", "片", "、", "洋葱", "粒", "增加", "点", "香味", ";", "再来", "张近点", "的", "烤", "了", "两", "盘", ",", "第", "一", "盘", "上去", ",", "老公", "儿子", "已经", "吃", "上", "了", ",", "所以", "生菜", "蘸", "酱", "什么", "的", "没", "拍", "生菜", "是", "特", "意", "到", "妈妈", "阳台", "的", "菜地", "里", "取", "的", ",", "生吃", "不敢", "买", "外面", "的", ",", "蘸", "酱", "用", "了", "韩式大酱", "加点", "冰糖", "炒", "一", "炒", ",", "搞定", ",", "开", "吃", "!"]], "paragraphs": ["1、肉肉从早晨放冷藏室,傍晚回来做,正好入味了,在电饼铛烧烤那面抹上油,把肉肉摆好;2、放些蒜片、洋葱粒增加点香味;再来张近点的烤了两盘,第一盘上去,老公儿子已经吃上了,所以生菜蘸酱什么的没拍生菜是特意到妈妈阳台的菜地里取的,生吃不敢买外面的,蘸酱用了韩式大酱加点冰糖炒一炒,搞定,开吃!"], "bs_rank_pos": 0}, {"is_selected": true, "title": "用电饼铛烤肉 事先要怎么腌肉啊_百度知道", "most_related_para": 1, "segmented_title": ["用", "电饼铛", "烤肉", "事", "先", "要", "怎么", "腌肉", "啊", "_", "百度", "知道"], "segmented_paragraphs": [["用", "电饼铛", "烤肉", "事", "先", "腌制", "肉", "的", "方法", ":", "1", "、", "将", "五花肉", ",", "洗净", "。", "2", "、", "切成薄片", ",", "尽量", "切", "薄", "一", "点", "。", "3", "、", "准备", "好", "调料", ",", "海鲜", "酱", ",", "生抽", ",", "盐", ",", "食用油", ",", "五香粉", ",", "姜汁", ",", "蒜", "汁", ",", "蚝油", ",", "白糖", ",", "味精", "。", "4", "、", "切", "好", "的", "肉片", "中", "加入", "适量", "海鲜", "酱", ",", "生抽", ",", "盐", ",", "食用油", ",", "五香粉", ",", "姜汁", ",", "蒜", "汁", ",", "蚝油", ",", "白糖", ",", "味精", ",", "一起", "搅拌均匀", "。", "5", "、", "充分", "搅拌", "均匀", "后", ",", "腌制", "两", "个", "小时", "以上", "即可", "。", "6", "、", "电饼铛", "腌肉", "就", "腌制", "好", "了", "。", "7", "、", "烤", "的", "时候", "直接", "放到", "电饼铛", "上", "烤", "即可", "。"], ["用", "电饼铛", "烤肉", "事", "先", "腌制", "肉", "的", "方法", ":", "1", "、", "将", "五花肉", ",", "洗净", "。", "2", "、", "切成薄片", ",", "尽量", "切", "薄", "一", "点", "。", "3", "、", "准备", "好", "调料", ",", "海鲜", "酱", ",", "生抽", ",", "盐", ",", "食用油", ",", "五香粉", ",", "姜汁", ",", "蒜", "汁", ",", "蚝油", ",", "白糖", ",", "味精", "。", "4", "、", "切", "好", "的", "肉片", "中", "加入", "适量", "海鲜", "酱", ",", "生抽", ",", "盐", ",", "食用油", ",", "五香粉", ",", "姜汁", ",", "蒜", "汁", ",", "蚝油", ",", "白糖", ",", "味精", ",", "一起", "搅拌均匀", "。", "5", "、", "充分", "搅拌", "均匀", "后", ",", "腌制", "两", "个", "小时", "以上", "即可", "。", "6", "、", "电饼铛", "腌肉", "就", "腌制", "好", "了", "。", "7", "、", "烤", "的", "时候", "直接", "放到", "电饼铛", "上", "烤", "即可", "。"]], "paragraphs": ["用电饼铛烤肉事先腌制肉的方法: 1、将五花肉,洗净。 2、切成薄片,尽量切薄一点。 3、准备好调料,海鲜酱,生抽,盐,食用油,五香粉,姜汁,蒜汁,蚝油,白糖,味精。 4、切好的肉片中加入适量海鲜酱,生抽,盐,食用油,五香粉,姜汁,蒜汁,蚝油,白糖,味精,一起搅拌均匀。 5、充分搅拌均匀后,腌制两个小时以上即可。 6、电饼铛腌肉就腌制好了。 7、烤的时候直接放到电饼铛上烤即可。", "用电饼铛烤肉事先腌制肉的方法: 1、将五花肉,洗净。 2、切成薄片,尽量切薄一点。 3、准备好调料,海鲜酱,生抽,盐,食用油,五香粉,姜汁,蒜汁,蚝油,白糖,味精。 4、切好的肉片中加入适量海鲜酱,生抽,盐,食用油,五香粉,姜汁,蒜汁,蚝油,白糖,味精,一起搅拌均匀。 5、充分搅拌均匀后,腌制两个小时以上即可。 6、电饼铛腌肉就腌制好了。 7、烤的时候直接放到电饼铛上烤即可。"], "bs_rank_pos": 1}, {"is_selected": false, "title": "电饼铛烤肉的做法,电饼铛烤肉怎么做好吃,电饼铛烤肉的家常做法_懒", "most_related_para": 0, "segmented_title": ["电饼铛", "烤肉", "的", "做法", ",", "电饼铛", "烤肉", "怎么", "做", "好吃", ",", "电饼铛", "烤肉", "的", "家常", "做法", "_", "懒"], "segmented_paragraphs": [["烤", "的", "时候", "要", "时常", "翻动", "肉片", ",", "以", "防", "烤焦", "了", "~", "更多", "类似", "菜谱", "查看", "全部", "作品", "作品展示", "(", "17", ")", "43", "阿春", "的", "厨房", "15", "大", "国王", "啤酒", "烤肉", ",", "最", "爰", "8", "佚之睿", "8", "饭馆", "味儿", "这", "是", "第二次", "做", ",", "因为", "一个人", "吃", ",", "备", "的", "菜品", "比较", "少", "。"]], "paragraphs": ["烤的时候要时常翻动肉片,以防烤焦了~ 更多类似菜谱 查看全部作品 作品展示(17) 43 阿春的厨房 15 大国王 啤酒烤肉,最爰 8 佚之睿 8 饭馆味儿 这是第二次做,因为一个人吃,备的菜品比较少。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "【用电饼铛在家做顿烤肉大餐吧!的做法】用电饼铛在家做顿烤肉大餐吧", "most_related_para": 3, "segmented_title": ["【", "用", "电饼铛", "在家", "做", "顿", "烤肉", "大餐", "吧", "!", "的", "做法", "】", "用", "电饼铛", "在家", "做", "顿", "烤肉", "大餐", "吧"], "segmented_paragraphs": [["0", "人", "做", "过", "这道菜", "收藏"], ["平时", "在家", "烤肉", "吃", "的", "少", ",", "没", "买", "烤肉", "盘", ",", "让", "电饼铛", "临时", "当下", "小助手", ",", "这", "也", "算", "节约能源", "吧", "。", "偶尔", "做", "一", "顿", "烤肉", "大餐", ",", "给", "一成不变", "的", "餐桌", "来", "点", "儿", "特别", "的", "吧", "。", "淘宝", "店", ":", "蜜悦", "手工", "私房", "甜点", "http", ":", "/", "/", "miyue", "cake", ".", "taobao", ".", "com", "微信", "公众", "账号", ":", "蜜悦", "甜点", "新浪", "微博", ":", "悦来", "悦", "快乐"], ["五花肉", "或", "牛", "里脊", "500", "克", "110", "克", "的", "烤肉酱", "1", "包"], ["五花肉", "切", "大片", "后", "倒入", "烤肉酱", ",", "拌匀", "后", "腌制", "半小时", "。", "Ps", ":", "肉", "在", "冰箱", "里", "冻", "的", "半", "硬", "时", "切", ",", "可以", "切", "的", "薄", "一些", "。", "电饼铛", "关闭", "上", "盖", "电源", ",", "底盘", "预热", "后", "刷", "薄", "油", ",", "放", "上", "腌", "好", "的", "肉", "烤", "吧", ",", "一", "面", "变色", "后", "翻", "另一面", ",", "焦黄", "有", "少许", "焦", "斑", "即可", "(", "上", "盖", "不用", "盖", "哟", ",", "便于", "观察", ",", "别", "烤", "糊", "了", ")", "。", "烤", "完", "肉", "后", ",", "可以", "烤", "一些", "鱼", "、", "虾", "、", "香菇", ",", "这些", "都", "不用", "腌", ",", "本身", "就", "很", "鲜", "美", "。", "最后", "再", "烤", "一些", "蔬菜", "吧", ",", "也", "不用", "腌", ",", "烤", "的", "时候", ",", "可以", "薄", "薄", "的", "刷", "一", "层", "烤肉酱", ",", "我", "烤", "了", "先生", "爱吃", "的", "韭菜", "和", "美人", "椒", ",", "大家", "可以", "根据", "自己", "口味", ",", "茄子", "、", "西葫芦", "切片", "后", "烤", "烤", ",", "口感", "都", "很不错", ".", ".", ".", "看看我", "烤", "的", "成品", "吧", ",", "肉片", "微", "卷", ",", "有", "少许", "焦", "斑", ",", "肉", "香", "四溢", ",", "即", "成", "。", "配", "韩式", "辣椒酱", ",", "或者", "干脆", "留", "少许", "腌肉", "酱", ",", "切点", "儿", "蒜", "片", "和", "美人", "椒", "圈", ",", "摆盘", "享", "用", "吧", "。", "空", "口", ",", "或者", "配", "上", "泡菜", "都", "很好吃", "。", "我", "喜欢", "用", "生菜", "卷入", "五花肉", "、", "蒜", "片", "和", "辣椒", "圈", ",", "一", "口吃", "下去", ",", "超爽", "。"], ["~", "~", "推荐", "大", "喜", "大", "的", "烤肉酱", ",", "有", "好", "几", "种", "口味", "可", "选择", ",", "口感", "都", "不错", "。", "~", "~", "肉", "腌", "好", ",", "烤", "的", "方法", "有", "以下", "四种", "选择", ",", "都", "不", "影响", "美味", "哟", "!", "1", ",", "家用", "烤肉", "盘", "2", ",", "平底锅", "煎", "3", ",", "烤箱", "180", "度", "上下", "火", "烤", "12", "分钟", ",", "中间", "翻", "次", "面", "4", ",", "电饼铛"], ["中餐", "也是", "不可替代", "的"], ["该", "菜谱", "创建", "于", "2015", "-", "02", "-", "28"], ["版权", "归", "作者", "所有", ",", "没有", "作者", "本人", "的", "书面", "许可", "任何人", "不得", "转载", "或", "使用", "整体", "或", "任何", "部分", "的", "内容", "。"], ["希洛", "大", "大", "大", "大人", "18568", "做", "过"], ["《", "Tinrry", "下午茶", "》", "教你做", "芒果", "流", "心", "慕斯"], ["Tinrry", "甜悦", "10393", "做", "过"], ["思", "-", "37", "16014", "做", "过"], ["小諾", "妈", "16543", "做", "过"], ["十分钟", "就", "做", "好", "的", "懒人", "双皮奶"], ["悦来", "悦", "快乐", "6440", "做", "过"], ["详细", "步骤", "制作", "泡泡浴", "娃娃", "蛋糕"], ["悦来", "悦", "快乐", "5148", "做", "过"], ["悦来", "悦", "快乐", "1800", "做", "过"], ["悦来", "悦", "快乐", "561", "做", "过"], ["转印", "法", "制作", "超", "萌", "的", "巧虎", "蛋糕"], ["悦来", "悦", "快乐", "515", "做", "过"], ["酸奶", "慕斯", "Hello", "Kitty", "蛋糕"], ["悦来", "悦", "快乐", "428", "做", "过"], ["悦来", "悦", "快乐", "250", "做", "过"], ["苗家", "酸汤鱼", "火锅"], ["悦来", "悦", "快乐", "178", "做", "过"]], "paragraphs": ["0 人做过这道菜 收藏", "平时在家烤肉吃的少,没买烤肉盘,让电饼铛临时当下小助手,这也算节约能源吧。偶尔做一顿烤肉大餐,给一成不变的餐桌来点儿特别的吧。淘宝店:蜜悦手工私房甜点http://miyuecake.taobao.com微信公众账号:蜜悦甜点新浪微博:悦来悦快乐", "五花肉或牛里脊 500克 110克的烤肉酱 1包", "五花肉切大片后倒入烤肉酱,拌匀后腌制半小时。Ps:肉在冰箱里冻的半硬时切,可以切的薄一些。 电饼铛关闭上盖电源,底盘预热后刷薄油,放上腌好的肉烤吧,一面变色后翻另一面,焦黄有少许焦斑即可(上盖不用盖哟,便于观察,别烤糊了)。 烤完肉后,可以烤一些鱼、虾、香菇,这些都不用腌,本身就很鲜美。 最后再烤一些蔬菜吧,也不用腌,烤的时候,可以薄薄的刷一层烤肉酱,我烤了先生爱吃的韭菜和美人椒,大家可以根据自己口味,茄子、西葫芦切片后烤烤,口感都很不错... 看看我烤的成品吧,肉片微卷,有少许焦斑,肉香四溢,即成。配韩式辣椒酱,或者干脆留少许腌肉酱,切点儿蒜片和美人椒圈,摆盘享用吧。 空口,或者配上泡菜都很好吃。我喜欢用生菜卷入五花肉、蒜片和辣椒圈,一口吃下去,超爽。", "~~推荐大喜大的烤肉酱,有好几种口味可选择,口感都不错。~~肉腌好,烤的方法有以下四种选择,都不影响美味哟!1,家用烤肉盘 2,平底锅煎3,烤箱180度上下火烤12分钟,中间翻次面 4,电饼铛", "中餐也是不可替代的", "该菜谱创建于 2015-02-28", "版权归作者所有,没有作者本人的书面许可任何人不得转载或使用整体或任何部分的内容。", "希洛大大大大人 18568 做过", "《Tinrry下午茶》教你做芒果流心慕斯", "Tinrry甜悦 10393 做过", "思-37 16014 做过", "小諾妈 16543 做过", "十分钟就做好的懒人双皮奶", "悦来悦快乐 6440 做过", "详细步骤制作泡泡浴娃娃蛋糕", "悦来悦快乐 5148 做过", "悦来悦快乐 1800 做过", "悦来悦快乐 561 做过", "转印法制作超萌的巧虎蛋糕", "悦来悦快乐 515 做过", "酸奶慕斯HelloKitty蛋糕", "悦来悦快乐 428 做过", "悦来悦快乐 250 做过", "苗家酸汤鱼火锅", "悦来悦快乐 178 做过"], "bs_rank_pos": 3}, {"is_selected": false, "title": "电饼铛烤肉的做法_家常电饼铛烤肉的做法【图】电饼铛烤肉的家常做法", "most_related_para": 3, "segmented_title": ["电饼铛", "烤肉", "的", "做法", "_", "家常", "电饼铛", "烤肉", "的", "做法", "【", "图", "】", "电饼铛", "烤肉", "的", "家常", "做法"], "segmented_paragraphs": [["手机", "扫描", "右侧", "二维码", ",", "将", "这", "篇", "菜谱", "带", "进", "厨房", ",", "让", "您", "边", "做", "边", "看", "!", "您", "也", "可以", "下载", "美食", "杰", "手机", "客户端", ">", "随时随地", "看", "菜谱", "!"], ["抗衰老", "补钙", "消食", "防癌", "强身健体", "降压"], ["美食", "杰", "2012", "-", "02", "-", "28", "/", "人", "看", "过"], ["1", ".", "肉", "切片", "。", "(", "我", "买", "的", "是", "夹心", "肉", "所以", "片", "的", "不太", "好看", ",", "不过", "蛮", "嫩", "的", ")", "2", ".", "用", "刀", "背", "剁", "松", "。", "3", ".", "正反", "2", "面", "都", "剁", "松", "了", "。", "(", "看得出来", "啵", ",", "好像", "不是", "很", "清楚", "哈", ")", "4", ".", "将", "肉片", "放", "碗", "里", ",", "依次", "放入", ":", "黄酒", "、", "盐", "、", "酱油", "、", "胡椒粉", "、", "孜然", "粉", "、", "干", "辣椒", "末", "。"], ["5", ".", "用", "手", "抓", "匀", ",", "腌制", "20", "分钟", "。"], ["6", ".", "电饼铛", "预热", "后", "刷", "层", "油", "。", "(", "上", "下盘", "都", "刷", "。", ")"], ["7", ".", "然后", "将", "腌制", "好", "的", "肉片", "整齐", "的", "平铺", "上去", "。", "(", "好", "香", "哦", ",", "一", "放", "上去", "就", "闻到", "香味", "了", ")"], ["8", ".", "10", "分钟", "就", "烤", "好", "了", "。", "(", "看", "电饼铛", "里", "有点", "油", "我", "又", "切", "了", "半", "个", "洋葱", "烤", "了", "半分钟", ",", "更", "香", "了", ")"], ["9", ".", "将", "洋葱", "和", "烤肉", "装", "盘", "。", "(", "﹃", ")", "口水", "。", "。", "。", "好", "香", "哦", "。"], ["评论", "排序", ":", "最新", "最", "热"], ["看", "过", "电饼铛", "烤肉", "的", "人", "还", "喜欢", "看", ".", ".", "."]], "paragraphs": ["手机扫描右侧二维码,将这篇菜谱带进厨房,让您边做边看!您也可以 下载美食杰手机客户端 >随时随地看菜谱!", "抗衰老 补钙 消食 防癌 强身健体 降压", "美食杰2012-02-28 / 人看过", "1.肉切片。(我买的是夹心肉所以片的不太好看,不过蛮嫩的) 2.用刀背剁松。 3.正反2面都剁松了。(看得出来啵,好像不是很清楚哈) 4.将肉片放碗里,依次放入:黄酒、盐、酱油、胡椒粉、孜然粉、干辣椒末。", "5.用手抓匀,腌制20分钟。", "6.电饼铛预热后刷层油。(上下盘都刷。)", "7.然后将腌制好的肉片整齐的平铺上去。(好香哦,一放上去就闻到香味了)", "8.10分钟就烤好了。(看电饼铛里有点油我又切了半个洋葱烤了半分钟,更香了)", "9.将洋葱和烤肉装盘。(¯﹃¯)口水。。。好香哦。", "评论排序: 最新 最热", "看过电饼铛烤肉的人还喜欢看..."], "bs_rank_pos": 4}], "answer_spans": [[2, 42]], "fake_answers": ["肉肉从早晨放冷藏室,傍晚回来做,正好入味了,在电饼铛烧烤那面抹上油,把肉肉摆好;2、放些蒜片、洋葱粒增加点香味"], "question": "电饼铛自制烤肉的做法", "segmented_answers": [["肉肉", "从", "早晨", "放", "冷藏", "室", ",", "傍晚", "回来", "做", ",", "正好", "入味", ",", "在", "电饼铛", "烧烤", "那", "面", "抹", "上", "油", ",", "把", "肉肉", "摆", "好", ";", "放", "些", "蒜", "片", "、", "洋葱", "粒", "增加", "点", "香味", "。"], ["1", "、", "将", "五花肉", ",", "洗净", "。", "2", "、", "切成薄片", ",", "尽量", "切", "薄", "一", "点", "。", "3", "、", "准备", "好", "调料", ",", "海鲜", "酱", ",", "生抽", ",", "盐", ",", "食用油", ",", "五香粉", ",", "姜汁", ",", "蒜", "汁", ",", "蚝油", ",", "白糖", ",", "味精", "。", "4", "、", "切", "好", "的", "肉片", "中", "加入", "适量", "海鲜", "酱", ",", "生抽", ",", "盐", ",", "食用油", ",", "五香粉", ",", "姜汁", ",", "蒜", "汁", ",", "蚝油", ",", "白糖", ",", "味精", ",", "一起", "搅拌均匀", "。", "5", "、", "充分", "搅拌", "均匀", "后", ",", "腌制", "两", "个", "小时", "以上", "即可", "。", "6", "、", "电饼铛", "腌肉", "就", "腌制", "好", "了", "。", "7", "、", "烤", "的", "时候", "直接", "放到", "电饼铛", "上", "烤", "即可", "。"], ["盐", "、", "糖", "、", "酱", "清", "、", "料酒", "、", "五香粉", "(", "少许", ")", "、", "胡椒粉", "腌渍", "2", "小时", "。", "烤", "8", "分", "熟", "时", "涂上", "由", "、", "酱", "清", "、", "蜜糖", "、", "油", "混合", "的", "酱料", ",", "再", "烤", "一", "烤", "就", "可以", "了", "。", "烤", "过度", "会", "变", "苦", "。"]], "answers": ["肉肉从早晨放冷藏室,傍晚回来做,正好入味,在电饼铛烧烤那面抹上油,把肉肉摆好;放些蒜片、洋葱粒增加点香味。", "1、将五花肉,洗净。2、切成薄片,尽量切薄一点。3、准备好调料,海鲜酱,生抽,盐,食用油,五香粉,姜汁,蒜汁,蚝油,白糖,味精。4、切好的肉片中加入适量海鲜酱,生抽,盐,食用油,五香粉,姜汁,蒜汁,蚝油,白糖,味精,一起搅拌均匀。5、充分搅拌均匀后,腌制两个小时以上即可。6、电饼铛腌肉就腌制好了。7、烤的时候直接放到电饼铛上烤即可。", "盐、糖、酱清、料酒、五香粉(少许)、胡椒粉腌渍2小时。烤8分熟时涂上由、酱清、蜜糖、油混合的酱料,再烤一烤就可以了。烤过度会变苦。"], "answer_docs": [0], "segmented_question": ["电饼铛", "自制", "烤肉", "的", "做法"], "question_type": "DESCRIPTION", "question_id": 39, "fact_or_opinion": "OPINION", "match_scores": [0.8250000000000001]} -{"documents": [{"is_selected": true, "title": "爆炒小龙虾的做法_家常爆炒小龙虾的做法【图】爆炒小龙虾的家常做法", "most_related_para": 2, "segmented_title": ["爆炒", "小龙虾", "的", "做法", "_", "家常", "爆炒", "小龙虾", "的", "做法", "【", "图", "】", "爆炒", "小龙虾", "的", "家常", "做法"], "segmented_paragraphs": [["手机", "扫描", "右侧", "二维码", ",", "将", "这", "篇", "菜谱", "带", "进", "厨房", ",", "让", "您", "边", "做", "边", "看", "!", "您", "也", "可以", "下载", "美食", "杰", "手机", "客户端", ">", "随时随地", "看", "菜谱", "!"], ["强身健体", "养肾", "下奶"], ["1", ".", "将", "所有", "小龙虾", "用劲", "水", "冲洗", "数", "遍", "后", ",", "再", "一只", "只", "处理", ":", "左手", "捏", "住", "背部", ",", "右手", "用", "牙刷", "对着", "水龙头", "刷", "洗", ",", "并", "剪", "去", "长", "须", "2", ".", "所有", "虾", "刷", "洗净", "后", "浸泡", "在", "有", "少许", "醋", "的", "清水", "中", ",", "10", "分钟", "后", "捞", "出", "沥干", ",", "要", "注意", "防止", "其", "爬", "出", "3", ".", "葱白", "洗净", "切成", "葱花", "。", "大蒜", "去", "根部", "洗净", "切成", "片", "。", "干姜", "刮", "皮", "洗净", "切", "成", "丝", "。", "干辣椒", "用", "剪刀", "除去", "根", "蒂", "后", "剪", "成", "细丝", "4", ".", "大火", "烧", "热", "炒锅", "中", "的", "油", ",", "加入", "花椒", ",", "改", "小", "火", "慢", "炸", "。", "当", "油", "小", "滚", "时", ",", "加入", "干辣椒", "丝", "并", "不", "时", "翻动", "。", "当", "辣椒", "丝", "刚刚", "呈", "黄", "红色", "时", ",", "改", "大火", ",", "依次", "加入", "姜丝", ",", "蒜", "片", ",", "葱花", "爆出", "香味"], ["5", ".", "将", "沥干", "的", "小龙虾", "入", "锅", ",", "加", "料酒", "炝锅", "后", "加", "酱油", "、", "盐", "、", "白砂糖", "一同", "翻", "炒", "5", "分钟"], ["6", ".", "加入", "1", "碗", "开水", "加盖", "改", "小", "火", "慢", "炖", "入味", ",", "8", "分钟", "后", "汤汁", "基本", "收", "干", "时", ",", "改", "大火", "加", "鸡精", "、", "白", "胡椒粉", "、", "椒盐", "粉", "炒", "匀", "即可"], ["评论", "排序", ":", "最新", "最", "热"], ["主料", "、", "口味", "相似"], ["工艺", "相似"], ["工艺", "、", "口味", "相似"], ["主料", "、", "口味", "相似"], ["主料", "、", "工艺", "、", "口味", "相似"], ["114", "评论", "397617", "人气"], ["工艺", "、", "口味", "相似"], ["工艺", "相似"], ["主料", "、", "工艺", "、", "口味", "相似"], ["工艺", "相似"], ["38", "评论", "115466", "人气"], ["口味", "相似"], ["口味", "相似"], ["工艺", "相似"], ["看", "过", "爆炒", "小龙虾", "的", "人", "还", "喜欢", "看", ".", ".", "."]], "paragraphs": ["手机扫描右侧二维码,将这篇菜谱带进厨房,让您边做边看!您也可以 下载美食杰手机客户端 >随时随地看菜谱!", "强身健体 养肾 下奶", "1.将所有小龙虾用劲水冲洗数遍后,再一只只处理:左手捏住背部,右手用牙刷对着水龙头刷洗,并剪去长须 2.所有虾刷洗净后浸泡在有少许醋的清水中,10分钟后捞出沥干,要注意防止其爬出 3.葱白洗净切成葱花。大蒜去根部洗净切成片。干姜刮皮洗净切成丝。干辣椒用剪刀除去根蒂后剪成细丝 4.大火烧热炒锅中的油,加入花椒,改小火慢炸。当油小滚时,加入干辣椒丝并不时翻动。当辣椒丝刚刚呈黄红色时,改大火,依次加入姜丝,蒜片,葱花爆出香味", "5.将沥干的小龙虾入锅,加料酒炝锅后加酱油、盐、白砂糖一同翻炒5分钟", "6.加入1碗开水加盖改小火慢炖入味,8分钟后汤汁基本收干时,改大火加鸡精、白胡椒粉、椒盐粉炒匀即可", "评论排序: 最新 最热", "主料、口味相似", "工艺相似", "工艺、口味相似", "主料、口味相似", "主料、工艺、口味相似", "114 评论397617 人气", "工艺、口味相似", "工艺相似", "主料、工艺、口味相似", "工艺相似", "38 评论115466 人气", "口味相似", "口味相似", "工艺相似", "看过爆炒小龙虾的人还喜欢看..."], "bs_rank_pos": 0}, {"is_selected": true, "title": "【图文】爆炒香辣小龙虾的做法_爆炒香辣小龙虾的家常做法_爆炒香辣", "most_related_para": 1, "segmented_title": ["【", "图文", "】", "爆炒", "香辣小龙虾", "的", "做法", "_", "爆炒", "香辣小龙虾", "的", "家常", "做法", "_", "爆炒", "香", "辣"], "segmented_paragraphs": [["“", "平时", "喜欢", "去", "大排档", "吃", "龙虾", "的", "朋友", "有", "口", "福", "了", ".", "跟着我", "的", "节奏", ",", "自己动手", ",", "在家里", "也", "能", "吃", "上", "夜市", "大排档", "的", "小龙虾", ".", "香", "辣", "够", "味", ".", "”"], ["买", "来", "的", "小龙虾", "首先", "清洗", "的", "时候", "一定要", "清洗", "彻底", ".", "不要", "为了", "省", "麻烦", "不", "去", "清洗干净", ",", "肠子", "一定要", "扔掉", ",", "我", "感觉", "头部", "也", "不", "卫生", "所以", "我", "烹饪", "的", "时候", "都", "把", "头部", "去掉", "了", "的", ".", "还有", "务必", "记得", "用", "牙刷", "把", "小龙虾", "的", "身子", "洗", "涮", "干净", ",", "用", "盐水", "多", "泡", "一", "下", ".", "为了", "大家", "的", "身体健康", ",", "希望", "大家", "注意", "这个", "环节", "。"], ["使用", "的", "厨具", ":", "炒锅"], ["12", "种", "有毒", "家常菜", "别", "吃", "这", "六", "种", "早餐", "人体", "解毒", "功能", "揭秘", "12", "种", "“", "毒", "”", "水果", "全", "曝光", "大白菜", "的", "健康", "吃法", "14", "种", "越", "吃", "越", "瘦", "的", "食物", "食物", "抗", "霾", "拒", "做", "吸尘器", "美食", "减肥", "越", "吃", "越", "瘦", "20", "道", "秋季", "养生粥", "秋季", "必", "吃", "的", "15", "大", "食物"], ["我们", "都是", "秋葵", "控", "28", "款", "暖身", "滋补", "汤", "\"", "大姨妈", "\"", "驾到", "啥", "招待", "雾霾", "必备", ":", "清肺", "食谱", "假日", "饮食", "健康必读", "换季", "食疗", "抗", "感冒"]], "paragraphs": ["“平时喜欢去大排档吃龙虾的朋友有口福了.跟着我的节奏,自己动手,在家里也能吃上夜市大排档的小龙虾.香辣够味.”", "买来的小龙虾首先清洗的时候一定要清洗彻底.不要为了省麻烦不去清洗干净,肠子一定要扔掉,我感觉头部也不卫生所以我烹饪的时候都把头部去掉了的.还有务必记得用牙刷把小龙虾的身子洗涮干净,用盐水多泡一下.为了大家的身体健康,希望大家注意这个环节。", "使用的厨具:炒锅", "12种有毒家常菜 别吃这六种早餐 人体解毒功能揭秘 12种“毒”水果全曝光 大白菜的健康吃法 14种越吃越瘦的食物 食物抗霾 拒做吸尘器 美食减肥 越吃越瘦 20道秋季养生粥 秋季必吃的15大食物", "我们都是秋葵控 28款暖身滋补汤 \"大姨妈\"驾到 啥招待 雾霾必备:清肺食谱 假日饮食健康必读 换季食疗抗感冒"], "bs_rank_pos": 1}, {"is_selected": false, "title": "爆炒龙虾的做法_爆炒龙虾怎么做_爆炒龙虾的家常做法 _下厨房", "most_related_para": 0, "segmented_title": ["爆炒", "龙虾", "的", "做法", "_", "爆炒", "龙虾", "怎么", "做", "_", "爆炒", "龙虾", "的", "家常", "做法", "_", "下", "厨房"], "segmented_paragraphs": [["爆炒", "龙虾", "的", "相关", "菜单"]], "paragraphs": ["爆炒龙虾的相关菜单"], "bs_rank_pos": 2}, {"is_selected": true, "title": "爆炒麻辣小龙虾的做法", "most_related_para": 3, "segmented_title": ["爆炒", "麻辣小龙虾", "的", "做法"], "segmented_paragraphs": [["小龙虾", "是", "淡水", "经济", "虾类", ",", "因", "肉", "味", "鲜", "美", "广", "受", "人们", "欢迎", "。", "下面", "学习", "啦", "小", "编", "为", "大家", "整理", "了", "一些", "爆炒", "麻辣小龙虾", "的", "做法", "。"], ["爆炒", "麻辣小龙虾", "成品", "图"], ["爆炒", "麻辣小龙虾", "的", "做法", "步骤"], ["1", ".", "小龙虾", "养", "在", "清水", "中", "半小时", ",", "看见", "龙虾", "爬行", "的", "水", "浑", "了", "就", "反复", "换", "清水"]], "paragraphs": ["小龙虾是淡水经济虾类,因肉味鲜美广受人们欢迎。 下面学习啦小编为大家整理了一些爆炒麻辣小龙虾的做法。", "爆炒麻辣小龙虾成品图", "爆炒麻辣小龙虾的做法步骤", "1.小龙虾养在清水中半小时,看见龙虾爬行的水浑了就反复换清水"], "bs_rank_pos": 3}, {"is_selected": false, "title": "爆炒小龙虾的做法_家常爆炒小龙虾的做法【图】爆炒小龙虾的家常做法", "most_related_para": 7, "segmented_title": ["爆炒", "小龙虾", "的", "做法", "_", "家常", "爆炒", "小龙虾", "的", "做法", "【", "图", "】", "爆炒", "小龙虾", "的", "家常", "做法"], "segmented_paragraphs": [["材料", ":", "龙虾", "1500", "克", ";", "干辣椒", "50", "克", ";", "“", "大红袍", "”", "花椒", "40", "克", ";", "葱白", "40", "克", ";", "蒜", "50", "克", ";", "生姜", "40", "克", ";", "料酒", "2", "茶匙", "(", "10ml", ")", ";", "酱油", "2", "茶匙", "(", "10ml", ")", ";", "盐", "4", "茶匙", "(", ".", ".", "."], ["炒", "麻辣", "味", "<", "15", "分钟", "较", "高", "热量"], ["小龙虾", "1500", "克"], ["干辣椒", "50", "克", "花椒", "40", "克", "葱白", "40", "克", "蒜", "50", "克", "姜", "40", "克", "料酒", "2", "茶匙", "酱油", "2", "茶匙", "食盐", "4", "茶匙", "白砂糖", "6", "茶匙", "鸡精", "2", "茶匙", "胡椒粉", "1", "茶匙", "椒盐", "1", "茶匙", "色拉油", "60", "毫升"], ["将", "所有", "小龙虾", "用劲", "水", "冲洗", "数", "遍", "后", ",", "再", "一只", "只", "处理", ":", "左手", "捏", "住", "背部", ",", "右手", "用", "牙刷", "对着", "水龙头", "刷", "洗", ",", "并", "剪", "去", "长", "须"], ["所有", "虾", "刷", "洗净", "后", "浸泡", "在", "有", "少许", "醋", "的", "清水", "中", ",", "10", "分钟", "后", "捞", "出", "沥干", ",", "要", "注意", "防止", "其", "爬", "出"], ["葱白", "洗净", "切成", "葱花", "。", "大蒜", "去", "根部", "洗净", "切成", "片", "。", "干姜", "刮", "皮", "洗净", "切", "成", "丝", "。", "干辣椒", "用", "剪刀", "除去", "根", "蒂", "后", "剪", "成", "细丝"], ["大火", "烧", "热", "炒锅", "中", "的", "油", ",", "加入", "花椒", ",", "改", "小", "火", "慢", "炸", "。", "当", "油", "小", "滚", "时", ",", "加入", "干辣椒", "丝", "并", "不", "时", "翻动", "。", "当", "辣椒", "丝", "刚刚", "呈", "黄", "红色", "时", ",", "改", "大火", ",", "依次", "加入", "姜丝", ",", "蒜", "片", ",", "葱花", "爆出", "香味"], ["将", "沥干", "的", "小龙虾", "入", "锅", ",", "加", "料酒", "炝锅", "后", "加", "酱油", "、", "盐", "、", "白砂糖", "一同", "翻", "炒", "5", "分钟"], ["加入", "1", "碗", "开水", "加盖", "改", "小", "火", "慢", "炖", "入味", ",", "8", "分钟", "后", "汤汁", "基本", "收", "干", "时", ",", "改", "大火", "加", "鸡精", "、", "白", "胡椒粉", "、", "椒盐", "粉", "炒", "匀", "即可"]], "paragraphs": ["材料:龙虾1500克;干辣椒50克;“大红袍”花椒40克;葱白40克;蒜50克;生姜40克;料酒2茶匙(10ml);酱油2茶匙(10ml);盐4茶匙(...", "炒 麻辣味 <15分钟 较高热量", "小龙虾1500克", "干辣椒50克 花椒40克 葱白40克 蒜50克 姜40克 料酒2茶匙 酱油2茶匙 食盐4茶匙 白砂糖6茶匙 鸡精2茶匙 胡椒粉1茶匙 椒盐1茶匙 色拉油60毫升", "将所有小龙虾用劲水冲洗数遍后,再一只只处理:左手捏住背部,右手用牙刷对着水龙头刷洗,并剪去长须", "所有虾刷洗净后浸泡在有少许醋的清水中,10分钟后捞出沥干,要注意防止其爬出", "葱白洗净切成葱花。大蒜去根部洗净切成片。干姜刮皮洗净切成丝。干辣椒用剪刀除去根蒂后剪成细丝", "大火烧热炒锅中的油,加入花椒,改小火慢炸。当油小滚时,加入干辣椒丝并不时翻动。当辣椒丝刚刚呈黄红色时,改大火,依次加入姜丝,蒜片,葱花爆出香味", "将沥干的小龙虾入锅,加料酒炝锅后加酱油、盐、白砂糖一同翻炒5分钟", "加入1碗开水加盖改小火慢炖入味,8分钟后汤汁基本收干时,改大火加鸡精、白胡椒粉、椒盐粉炒匀即可"], "bs_rank_pos": 4}], "answer_spans": [[0, 150]], "fake_answers": ["1.将所有小龙虾用劲水冲洗数遍后,再一只只处理:左手捏住背部,右手用牙刷对着水龙头刷洗,并剪去长须2.所有虾刷洗净后浸泡在有少许醋的清水中,10分钟后捞出沥干,要注意防止其爬出3.葱白洗净切成葱花。大蒜去根部洗净切成片。干姜刮皮洗净切成丝。干辣椒用剪刀除去根蒂后剪成细丝4.大火烧热炒锅中的油,加入花椒,改小火慢炸。当油小滚时,加入干辣椒丝并不时翻动。当辣椒丝刚刚呈黄红色时,改大火,依次加入姜丝,蒜片,葱花爆出香味"], "question": "爆炒小龙虾的做法", "segmented_answers": [["1", "、", "将", "所有", "小龙虾", "用劲", "水", "冲洗", "数", "遍", "后", ",", "再", "一只", "只", "处理", ":", "左手", "捏", "住", "背部", ",", "右手", "用", "牙刷", "对着", "水龙头", "刷", "洗", ",", "并", "剪", "去", "长", "须", ";", "2", "、", "所有", "虾", "刷", "洗净", "后", "浸泡", "在", "有", "少许", "醋", "的", "清水", "中", ",", "10", "分钟", "后", "捞", "出", "沥干", ",", "要", "注意", "防止", "其", "爬", "出", ";", "3", "、", "葱白", "洗净", "切成", "葱花", "。", "大蒜", "去", "根部", "洗净", "切成", "片", "。", "干姜", "刮", "皮", "洗净", "切", "成", "丝", "。", "干辣椒", "用", "剪刀", "除去", "根", "蒂", "后", "剪", "成", "细丝", ";", "4", "、", "大火", "烧", "热", "炒锅", "中", "的", "油", ",", "加入", "花椒", ",", "改", "小", "火", "慢", "炸", "。", "当", "油", "小", "滚", "时", ",", "加入", "干辣椒", "丝", "并", "不", "时", "翻动", "。", "当", "辣椒", "丝", "刚刚", "呈", "黄", "红色", "时", ",", "改", "大火", ",", "依次", "加入", "姜丝", ",", "蒜", "片", ",", "葱花", "爆出", "香味", ";", "5", "、", "将", "沥干", "的", "小龙虾", "入", "锅", ",", "加", "料酒", "炝锅", "后", "加", "酱油", "、", "盐", "、", "白砂糖", "一同", "翻", "炒", "5", "分钟", ";", "6", "、", "加入", "1", "碗", "开水", "加盖", "改", "小", "火", "慢", "炖", "入味", ",", "8", "分钟", "后", "汤汁", "基本", "收", "干", "时", ",", "改", "大火", "加", "鸡精", "、", "白", "胡椒粉", "、", "椒盐", "粉", "炒", "匀", "即可", "。"], ["1", "、", "先", "准备", "好", "配料", ",", "姜", "切片", ",", "蒜", "拍", "一", "下", "。", "2", "、", "干辣椒", "剪", "成", "半", "节", "备用", "。", "3", "、", "先", "把", "小龙虾", "尾巴", "那里", "的", "肠子", "拉出来", "丢了", ",", "接着", "把", "头", "摘掉", "。", "用", "牙刷", "把", "肚子", "刷", "干净", "。", "最后", "用", "清水", "反复", "洗", "清", "过后", "放入", "盐水", "里面", "侵", "泡", "半个小时", "以上", "。", "4", "、", "然后", "锅", "里", "把", "水", "烧", "沸", ",", "倒入", "清洗干净", "过后", "的", "龙虾", "。", "煮", "上", "5", "-", "10", "分钟", ",", "龙虾", "颜色", "基本", "红", "透", "了", "就", "可以", "捞", "起", "备用", "。", "5", "、", "锅", "里", "倒", "油", ",", "倒入", "姜", ",", "蒜", ",", "花椒", ",", "干辣椒", ",", "爆炒", "出", "香味", "过后", "。", "放入", "麻辣鱼", "底", "料", ",", "接着", "爆炒", "出", "香味", "。", "6", "、", "接着", "倒入", "煮", "好", "过后", "的", "小龙虾", ",", "翻", "炒", "2", "分钟", "。", "7", "、", "接着", "倒入", "高汤", "或者", "清水", ",", "放入", "大葱", ",", "五香", "。", "盖上", "锅盖", ",", "用", "中", "火把", "水份", "焖", "干", "接", "可以", "了", "。", "主要", "是", "为了", "能", "让", "小龙虾", "更", "入味", "。", "待", "锅", "里", "的", "水份", "差不多", "焖", "干", "了", ",", "就", "揭开", "锅盖", ",", "翻", "炒", "一", "下", "。", "就", "可以", "起", "锅", "了", "。"], ["1", "、", "小龙虾", "养", "在", "清水", "中", "半小时", ",", "看见", "龙虾", "爬行", "的", "水", "浑", "了", "就", "反复", "换", "清水", ";", "2", "、", "之后", "用", "牙刷", "清洗", "龙虾", "腹部", ";", "3", "、", "龙虾", "尾部", "有", "3", "片", "取", "中间", "的", "那一片", "拉", "出", "肠", "泥", ";", "4", "、", "放入", "清水", "中", "反复", "清洗", ";", "5", "、", "烧", "小龙虾", "用", "菜籽油", ",", "红油", "豆瓣酱", ";", "6", "、", "调料", "(", "花椒", ",", "干辣椒", ",", "生姜", "片", ",", "大蒜", ")", ";", "7", "、", "锅", "内", "倒入", "菜籽油", ",", "要", "要", "多一点", ",", "8", "分", "热", "时", "转", "小", "火", ",", "加入", "干辣椒", "和", "花椒", "爆出", "香味", "捞", "起", ";", "8", "、", "加入", "八角", ",", "生姜", "片", ",", "大蒜", "爆炒", "出", "香味", ";", "9", "、", "加入", "红油", "豆瓣酱", ";", "10", "、", "转", "小", "火", "煸", "炒", "出", "香味", ";", "11", "、", "转", "大火", "倒入", "龙虾", "反复", "煸", "炒", "至", "龙虾", "全部", "变色", ";", "12", "、", "料酒", "3", "大", "勺子", "加入", ";", "13", "、", "2", "调羹", "生抽", "和", "一", "调羹", "老抽", "加入", ";", "14", "、", "开水", "一", "杯", ",", "差不多", "和", "食物", "持", "平", ";", "15", "、", "倒入", "爆", "香", "的", "花椒", "和", "干辣椒", ";", "16", "、", "盖上", "大火烧", "至", "熟透", ";", "17", "、", "打开", "加入", "葱段", "后", "熄火", ",", "尝试", "了", "一", "下", "味道", ",", "很", "鲜", "美", ",", "不要", "任何", "调料", "再", "调味", "了", "。", "小贴士", ":", "让", "龙虾", "在", "清水", "中", "爬行", "能", "清除", "龙虾", "本身", "的", "赃物", ",", "中间", "一定要", "把", "浑水", "换掉", "的", "。", "虾", "肠", "一定要", "去掉", "再", "烹饪", ",", "麻辣", "味", "可以", "根据", "自家", "的", "喜好", "度", "调整", ",", "一定要", "煮", "透", "了", "再", "食用", "。"]], "answers": ["1、将所有小龙虾用劲水冲洗数遍后,再一只只处理:左手捏住背部,右手用牙刷对着水龙头刷洗,并剪去长须;2、所有虾刷洗净后浸泡在有少许醋的清水中,10分钟后捞出沥干,要注意防止其爬出;3、葱白洗净切成葱花。大蒜去根部洗净切成片。干姜刮皮洗净切成丝。干辣椒用剪刀除去根蒂后剪成细丝;4、大火烧热炒锅中的油,加入花椒,改小火慢炸。当油小滚时,加入干辣椒丝并不时翻动。当辣椒丝刚刚呈黄红色时,改大火,依次加入姜丝,蒜片,葱花爆出香味;5、将沥干的小龙虾入锅,加料酒炝锅后加酱油、盐、白砂糖一同翻炒5分钟;6、加入1碗开水加盖改小火慢炖入味,8分钟后汤汁基本收干时,改大火加鸡精、白胡椒粉、椒盐粉炒匀即可。", "1、先准备好配料,姜切片,蒜拍一下。2、干辣椒剪成半节备用。3、先把小龙虾尾巴那里的肠子拉出来丢了,接着把头摘掉。用牙刷把肚子刷干净。最后用清水反复洗清过后放入盐水里面侵泡半个小时以上。4、然后锅里把水烧沸,倒入清洗干净过后的龙虾。煮上5-10分钟,龙虾颜色基本红透了就可以捞起备用。5、锅里倒油,倒入姜,蒜,花椒,干辣椒,爆炒出香味过后。放入麻辣鱼底料,接着爆炒出香味。6、接着倒入煮好过后的小龙虾,翻炒2分钟。7、接着倒入高汤或者清水,放入大葱,五香。盖上锅盖,用中火把水份焖干接可以了。主要是为了能让小龙虾更入味。待锅里的水份差不多焖干了,就揭开锅盖,翻炒一下。就可以起锅了。", "1、小龙虾养在清水中半小时,看见龙虾爬行的水浑了就反复换清水;2、之后用牙刷清洗龙虾腹部;3、龙虾尾部有3片取中间的那一片拉出肠泥;4、放入清水中反复清洗;5、烧小龙虾用菜籽油,红油豆瓣酱;6、调料(花椒,干辣椒,生姜片,大蒜);7、锅内倒入菜籽油,要要多一点,8分热时转小火,加入干辣椒和花椒爆出香味捞起;8、加入八角,生姜片,大蒜爆炒出香味;9、加入红油豆瓣酱;10、转小火煸炒出香味;11、转大火倒入龙虾反复煸炒至龙虾全部变色;12、料酒3大勺子加入;13、2调羹生抽和一调羹老抽加入;14、开水一杯,差不多和食物持平;15、倒入爆香的花椒和干辣椒;16、盖上大火烧至熟透;17、打开加入葱段后熄火,尝试了一下味道,很鲜美,不要任何调料再调味了。小贴士:让龙虾在清水中爬行能清除龙虾本身的赃物,中间一定要把浑水换掉的。虾肠一定要去掉再烹饪,麻辣味可以根据自家的喜好度调整,一定要煮透了再食用。"], "answer_docs": [0], "segmented_question": ["爆炒", "小龙虾", "的", "做法"], "question_type": "DESCRIPTION", "question_id": 40, "fact_or_opinion": "OPINION", "match_scores": [0.7282608695652174]} -{"documents": [{"is_selected": true, "title": "mia英文名什么意思_百度知道", "most_related_para": 0, "segmented_title": ["mia", "英文名", "什么", "意思", "_", "百度", "知道"], "segmented_paragraphs": [["Mia", ",", "女子", "名", ",", "说", "英文名", "其实", "不是", "很", "合适", ",", "因为", "这个名字", "主要", "用于", "德国", "和", "北欧", "等", "地", ",", "英美", "人", "几乎", "不用", "的", "。", "这个名字", "是", "Marie", "的", "简化", "形式", ",", "源于", "希伯来语", ",", "含义", "为", "“", "苦涩", "”", "。"], ["米娅", ",", "女性", "用", "名"], ["女", "名", "比较", "常见"], ["是", "意大利", "的", "语言", "我", "的"]], "paragraphs": ["Mia,女子名,说英文名其实不是很合适,因为这个名字主要用于德国和北欧等地,英美人几乎不用的。这个名字是Marie的简化形式,源于希伯来语,含义为“苦涩”。", "米娅,女性用名", "女名 比较常见", "是意大利的语言我的"], "bs_rank_pos": 0}, {"is_selected": false, "title": "英文名Mia好不好?怎么读?要音标_百度知道", "most_related_para": 0, "segmented_title": ["英文名", "Mia", "好不好", "?", "怎么", "读", "?", "要", "音标", "_", "百度", "知道"], "segmented_paragraphs": [["中文译名", "米亚", "、", "蜜雅", "原始出处", "义大利", "语", "名字", "意义", "源", "自", "义大利", "语", ",", "意", "指", "我", "的", "(", "Mine", ")", "。", "小蜜雅", "(", "Mia", ")", "已", "成为", "全美", "最", "受欢迎", "的", "名字", "之", "一", ",", "等同", "於", "玫", "雅", "(", "Maya", ")", ",", "这个名字", "无论", "翻译", "成", "任何", "语言", ",", "对於", "娇小", "、", "好动", "的", "活泼", "女孩", "都", "再", "适合", "不过", "了", "。", "暱称", "Me", ",", "Mi", "名人", "米娅", "·", "哈姆", "(", "Mia", "Hamm", ")", "─", "美国", "足球", "女", "运动员", "蜜雅", "·", "娃", "丝", "柯", "思", "卡", "(", "Mia", "Wasikowska", ")", "─", "澳洲", "女演员", "米亚", "·", "法", "罗", "(", "Mia", "Farrow", ")", "─", "美国", "女演员"], ["有", "两种", "读法", "一", "种", "是", "米娅", "一", "种", "是", "买", "雅", "一般", "都", "读", "第", "一", "种", "美国", "和", "英国", "的", "读法", "不一样"]], "paragraphs": ["中文译名 米亚、蜜雅 原始出处 义大利语 名字意义 源自义大利语,意指我的(Mine)。小蜜雅(Mia)已成为全美最受欢迎的名字之一,等同於玫雅(Maya),这个名字无论翻译成任何语言,对於娇小、好动的活泼女孩都再适合不过了。 暱称 Me, Mi 名人 米娅·哈姆(Mia Hamm) ─ 美国足球女运动员 蜜雅·娃丝柯思卡(Mia Wasikowska) ─ 澳洲女演员 米亚·法罗(Mia Farrow) ─ 美国女演员", "有两种读法 一种是 米娅 一种是 买雅 一般都读第一种 美国和英国的读法不一样"], "bs_rank_pos": 1}, {"is_selected": false, "title": "英文名Mia是什么意思?_百度知道", "most_related_para": 0, "segmented_title": ["英文名", "Mia", "是什么", "意思", "?", "_", "百度", "知道"], "segmented_paragraphs": [["y", "since", "that", "Norfolk", "ball", ",", "when", "he", "smote", "upon", "the", "scandalous", "nose", "of", "Lieutenant", "Park"]], "paragraphs": ["y since that Norfolk ball, when he smote upon the scandalous nose of Lieutenant Park"], "bs_rank_pos": 2}, {"is_selected": false, "title": "好听女生英文名里面要有mia_百度知道", "most_related_para": 0, "segmented_title": ["好听", "女生", "英文名", "里面", "要", "有", "mia", "_", "百度", "知道"], "segmented_paragraphs": [["Euphemia", "Mia"]], "paragraphs": ["Euphemia Mia"], "bs_rank_pos": 3}, {"is_selected": false, "title": "英文名有讲究不能乱起 中国女孩常误用暧昧名字_新浪新闻", "most_related_para": 27, "segmented_title": ["英文名", "有讲究", "不能", "乱", "起", "中国", "女孩", "常", "误用", "暧昧", "名字", "_", "新浪新闻"], "segmented_paragraphs": [["参考消息", "网", "10", "月", "21", "日", "报道", "外媒", "称", ",", "如今", "很多", "中国人", "都", "有", "英文名字", ",", "与", "一些", "西方人", "打交道", "的", "时候", ",", "多数", "人", "都", "喜欢", "用", "自己", "的", "英文名", "。"], ["据", "英国广播公司", "网站", "10", "月", "21", "日", "报道", ",", "中国", "的", "官方", "媒体", "建议", "说", ",", "中国人", "在", "取", "英文名字", "的", "时候", "也", "要", "讲究", "学问", ",", "尽量", "小心", ",", "避开", "一些", "意思", "不雅", "的", "名字", "。"], ["中央电视台", "的", "网站", "上", "给", "那些", "想", "取", "英文名", "的", "国", "人", "提出建议", ",", "不要", "取", "一些", "可能", "冒犯", "别人", "的", "名字", "。"], ["央视", "网", "表示", ",", "人们", "最好不要", "使用", "一些", "小说", "中", "的", "人物", "名字", ",", "一些", "带有", "色情", "含义", "的", "名字", ",", "或者", "不知就里", "地", "使用", "“", "Dragon", "(", "龙", ")", "”", ",", "“", "Fish", "(", "鱼", ")", "”", "或者", "“", "Lawyer", "(", "律师", ")", "”", "这样", "的", "名字", "。", "这些", "名字", "可能会", "在", "事后", "工作", "中", "出现", "麻烦", "。"], ["该", "网站", "还", "建议", "说", ",", "英文名", "应该", "带有", "“", "感情", "色彩", "”", ",", "或者", "显示", "个人", "性格", "。", "所以", "像", "“", "Satan", "(", "撒旦", ")", "”", "或者", "“", "Dumbledore", "(", "邓布利多", ")", "”", "这种", "名字", "不适合", "取", "。"], ["另外", "该", "网站", "还", "建议", "说", ",", "女孩子", "如果", "要", "取", "和", "食物", "有关", "的", "名字", "的", "时候", "要", "小心", ",", "比如", "Candy", "(", "糖果", ")", ",", "Lolly", "(", "棒棒糖", ")", "或者", "Sugar", "(", "糖", ")", "这", "类", "名字", "经常", "被", "认为", "是", "“", "脱衣舞女", "的", "名字", "”"], ["另外", "该", "网站", "还", "特别", "对于", "一些", "带有", "色情", "内涵", "的", "名字", "提出", "了", "警告", "。"], ["网站", "建议", "说", ",", "伊丽莎白", "、", "凯瑟琳", "、", "威廉", "或者", "乔治", "这样", "的", "“", "传统", "的", "英文名字", "”", "是", "好", "的", "英文名", "选择", "。", "文章", "说", ",", "“", "如果", "你", "想要", "一", "个", "安全", "的", "英文名", ",", "那么", "就", "取", "此类", "的", "名字", "吧", "。", "”"], ["点击", "图片", "进入", "下一页"], ["【", "延伸阅读", "】", "美", "华人", "移民", "取", "英文名", "不", "按", "常", "理", "出牌", "奇葩", "名", "频", "酿", "笑话"], ["中新网", "9", "月", "10", "日", "电", "据", "美国", "《", "世界日报", "》", "报道", ",", "美国", "在线", "知识", "市场", "Quora", "上", "日前", "有人", "提问", "“", "中国人", "起", "过", "那些", "在", "中国", "以", "外", "很少", "用", "的", "奇葩", "英文名", "”", "?", "引发", "不", "少", "网友", "的", "积极", "讨论", ",", "同时", "随着", "美国华人", "新", "移民", "的", "增加", ",", "一些", "华人", "出产", "自", "中国", "的", "奇怪", "英文名", "在", "美国", "也", "闹", "出", "不", "少", "笑话", "。"], ["新", "移民", "华人", "有", "的", "喜欢", "起", "自己", "中文", "名字", "谐音", "或", "意思", "接近", "的", "名字", ",", "但", "有时", "难免", "过于", "牵强", "闹笑话", ",", "空姐", "孙", "小姐", "说", ",", "她", "认识", "一", "个", "华人", "女孩", "中文", "名字", "叫", "依婷", ",", "就", "起", "了", "一", "个", "英文名字", "Eating", "。", "还有", "一", "个", "女孩", "中文", "名字", "叫", "蜜儿", ",", "就", "给", "自己", "起名", "Honey", ",", "她", "的", "同事", "每次", "叫", "她", "的", "英文名字", "都", "觉得", "很奇怪", ",", "让", "她", "改名", "成", "了", "Sweet", "ie", "。", "名字", "里", "有", "倩", "或", "蕊", "字", "的", "女孩", "多数", "喜欢", "叫", "Cheer", "或者", "Cherry", ",", "但", "Cherry", "除了", "有", "樱桃", "的", "意思", "也有", "处女膜", "的", "意思", "。"], ["孙", "小姐", "说", ",", "她", "还", "认识", "一", "个", "中国", "来", "的", "男生", "英文名字", "叫", "Elephant", ",", "原因", "是", "他", "名字", "里", "有", "一", "个", "Xiang", "字", ",", "他", "的", "朋友", "叫", "他", "Da", "Xiang", ",", "所以", "给", "自己", "起", "了", "这样", "的", "英文名", "。", "这", "也", "让", "孙", "小姐", "哭笑不得", "。"], ["有", "的", "是", "名字", "没问题", ",", "但是", "和", "姓氏", "搭配", "就", "闹笑话", ",", "一名", "从事", "物流业", "的", "华人", "Jolly", "Wang", ",", "每次", "她", "报", "上", "自己", "的", "名字", "都", "被", "别人", "笑", ",", "后来才知道", "因为", "Wang", "在南方", "俚语", "是", "“", "小弟弟", "”", "的", "意思", ",", "Jolly", "就是", "开心", "的", "“", "小弟弟", "”", "。"], ["网友", "Amanda", "说", ",", "最", "常见", "的", "华人", "女生", "名字", "绝对", "是", "Cherry", "、", "Apple", "、", "Happy", "、", "Sunny", "还有", "Coco", "和", "其", "表", "姐妹", "Cece", "和", "Cici", "。", "网友", "Mona", "说", ",", "她", "认识", "三", "个", "年龄", "相近", "的", "女孩", "分别", "叫", "香奈儿", "(", "Chanel", ")", "、", "蒂芬妮", "(", "Tiffany", ")", "和", "古驰", "(", "Gucci", ")", ",", "这", "是", "美国人", "无法", "编", "出来", "的", "笑话", "。", "还有", "一", "个", "女生", ",", "用", "她", "在", "这个", "世界上", "最喜欢", "的", "东西", "给", "自己", "命名", ",", "Money", "。"], ["有", "网友", "说", ",", "Ruby", "也是", "华人", "女孩", "喜欢", "用", "的", "名字", ",", "但", "有", "美国人", "认为", "这个名字", "是", "美国", "奶奶", "辈", "的", "人才", "叫", "的", "。", "还有", "一些", "华人", "为了", "追求", "独特", ",", "喜欢", "起", "一些", "让", "美国人", "闻风", "色", "变", "的", "名字", ",", "如", "美杜莎", "、", "希特勒", "、", "萨达姆", "、", "Tory", "(", "保守党", ")", "等", "。"], ["就", "和", "老外", "起", "中文名", "一样", ",", "有些", "华人", "取", "英文名", "也", "经常", "不", "按", "理", "出牌", ",", "如", "网友", "Nancy", "说", ",", "他们", "有", "一", "个", "顾客", "叫", "Anyway", ",", "大家", "都", "猜", "他", "有", "个", "妹妹", "叫", "Whatever", "。", "还有", "Alpha", "陈", "和", "Omega", "陈", "是", "一", "对", "双胞胎", "名字", "。", "有一个姑娘", "叫", "Cylinder", "(", "圆柱体", ")", ",", "大家", "花", "了", "好", "几个月", "劝", "她", "改", "成", "发音", "一样", "的", "Selina", "。", "网友", "Michael", "说", ",", "Chlorophyll", "Wong", "(", "叶绿素", "王", ")", "这个人", "的", "名字", "在", "他", "心", "目", "中", "始终", "占据", "一", "个", "特殊", "的", "位置", "。", "还有", "一", "个", "女孩", "说", "自己", "的", "英文名", "是", "Easy", ",", "当时", "就", "有人", "和", "她", "解释", "说", "对", "正经", "女人", "来", "讲", ",", "Easy", "是", "一", "个", "非常", "糟糕", "的", "名字", ",", "她", "当时", "脸", "就", "红", "了", ",", "估计", "很快", "改", "了", "名字", "。"], ["华人", "齐", "先生", "说", ",", "其实", "在", "美国", "不", "一定要", "有", "英文名", ",", "保持", "自己", "的", "中文", "名字", "挺好", ",", "而且", "有些", "发音", "虽然", "美国人", "刚", "开始", "会", "不习惯", ",", "但", "叫", "多", "了", "发音", "就会", "很", "准确", ",", "这", "才是", "文化", "的", "尊重", "。", "(", "张宏", ")"], ["(", "2014", "-", "09", "-", "10", "10", ":", "09", ":", "09", ")"], ["【", "延伸阅读", "】", "吐槽", "国产电影", "的", "英文", "名字"], ["点击", "图片", "进入", "下一页"], ["姚远"], ["在", "这样", "一", "个", "“", "标题党", "”", "横行", "的", "年代", ",", "一", "部", "商业电影", "想要", "卖座", ",", "没有", "一", "个", "拉轰", "的", "名字", "恐怕", "不行", "。"], ["尤其", "在", "中国", ",", "多少", "人", "都是", "懵懂", "地", "走进", "电影院", ",", "45", "度", "角", "仰望", "显示屏", ",", "看看", "场次", "再", "扫", "一", "眼", "海报", ",", "就", "完成", "了", "选", "片", "。", "而", "你", "偏偏", "要", "叫", "《", "赛德克", "·", "巴莱", "》", "、", "《", "三", "傻", "大", "闹", "宝莱坞", "》", ",", "不是", "诚心", "和", "自己", "的", "票房", "过不去", "吗", "?", "(", "小", "编", "要", "负", "责任", "地", "说一句", ":", "这", "两", "部", "都是", "非常", "优秀", "的", "电影", "作品", "。", ")"], ["这", "不", ",", "七月", "要", "上映", "的", "两", "部", "国产片", ",", "也是", "未见", "其", "人", "先", "闻", "其", "名", ":", "一", "部", "叫", "《", "小时代", "3", ":", "刺", "金", "时代", "》", ",", "似乎", "不", "看", "它", "你", "就", "错过了", "一", "个", "时代", ";", "后", "一", "部", "更", "吓人", ",", "叫", "《", "后会无期", "》", ",", "还", "没", "见面", "呢", "就要", "诀别", ",", "仿佛", "没", "买票", "去", "捧场", "的", "话", ",", "你", "就要", "错过了", "导演", "的", "一生", "。"], ["但是", "小伙伴", "们", ",", "你们", "有", "留意", "过", "这些", "闪亮", "的", "中文", "片名", "旁", ",", "那些", "很", "努力", "刷", "存在", "感", "的", "英文名", "吗", "?"], ["中文", "负责", "文艺", ",", "英文", "负责", "点", "题"], ["论", "英文名", "的", "重要性", ",", "新", "晋", "导演", "郭敬明", "可能", "最", "有发言权", "。", "这位", "中国", "最富有", "的", "作家", "一直", "在", "用", "他", "的", "一", "头", "金发", ",", "CK", "内裤", ",", "和", "小说", "里", "不", "时", "蹦", "出", "的", "英文对白", "提醒", "着", "我们", ",", "这", "是", "个", "全球化", "的", "时代", ",", "要", "是", "连", "英文", "都", "说", "不好", ",", "还能", "不能", "一起", "愉快", "地", "装", "13", "了", "?"], ["于是", ",", "你", "能", "在", "《", "小时代", "》", "前", "两", "部", "的", "电影", "开篇", ",", "看到", "TINY", "TIMES", "璀璨夺目", "地", "闪耀", "了", "大", "半", "个", "屏幕", ",", "而", "中文", "“", "小时代", "”", "则", "很", "没", "存在", "感", "地缩", "在", "底下", "。"], ["在", "片名", "里", "打", "出", "times", ",", "而", "不是", "era", "或者", "epoch", ",", "大概", "是", "向", "狄更斯", "《", "双城记", "》", "的", "开篇", "致敬", "(", "It", "was", "the", "best", "of", "times", ",", "it", "was", "the", "worst", "of", "times", ")", "。", "至于", "说", "电影", "里", "有没有", "反映", "出", "中国", "当下", "的", "“", "时代", "潮流", "”", "(", "times", ")", ",", "反正", "小", "编", "我", "没", "太", "看", "出来", "。", "但", "不管怎么说", ",", "这部", "系列", "电影", "的", "前", "两", "部", "登上", "了", "包括", "《", "时代周刊", "》", "和", "《", "纽约时报", "》", "在", "内", "的", "各种", "Times", ",", "在", "国际", "上", "挣", "足", "了", "曝光", "率", ",", "也", "算", "是", "功德圆满", "了", "。"], ["相比之下", ",", "韩寒", "的", "《", "后会无期", "》", "就", "低调", "得", "多", ",", "英文名", "Continent", "在", "海报", "上", "小", "到", "快", "看不清", "。", "你", "问", "“", "大洲", "”", "和", "“", "后会无期", "”", "有啥", "关系", "?", "哦", ",", "因为", "影片", "讲", "的", "是", "几个", "生活", "在", "岛上", "的", "年轻人", ",", "驾车", "深入", "大陆", "(", "continent", ")", "去", "旅行", "和", "感悟", "的", "故事", "。"], ["原来", "中文", "负责", "文艺", ",", "英文", "负责", "点", "题", "。", "(", "小", "编", "无", "责任", "猜想", ":", "如果", "这部片子", "取名", "叫", "mainland", "的", "话", ",", "会不会", "更", "吸引", "台湾", "小伙伴", "的", "眼球", "呢", "?", ")"], ["这些年", ",", "凡是", "能", "挤", "进", "院线", "的", "国产", "电影", ",", "不", "论", "大小", "优劣", ",", "取", "一", "个", "“", "高端", "大气", "上档次", "”", "的", "英文名", "似乎", "都", "成", "了", "必", "选项", "。", "没有", "英文", "护", "体", ",", "不仅", "难以", "登上", "外媒", "报道", ",", "取悦", "国外市场", ",", "就", "连", "在", "国内", "观众", "面前", "装", "13", "都会", "变得", "很", "困难", "呢", "。"], ["可", "别", "低估", "英文名", "的", "作用", ":", "虽然", "传统", "如", "《", "西游", "降魔", "篇", "》", "(", "Journey", "to", "the", "West", ":", "Conquer", "-", "ing", "the", "Demons", ")", "《", "分手大师", "》", "(", "The", "Breakup", "Guru", ")", "只是", "老老实实", "地", "把", "中文翻译", "了", "一", "下", ",", "或者", "当", "中文名", "太", "过", "文艺", "晦涩", "时", ",", "帮", "西方", "观众", "概括", "一", "下", "影片", "的", "中心思想", ",", "但", "一些", "聪明", "的", "导演", "和", "制片人", "还", "发现", ",", "当", "中文名", "把", "概括", "剧情", "的", "脏", "活", "累", "活", "给", "包", "了", "的", "时候", ",", "英文名", "可以", "风雅", "地", "跟", "你", "一起", "坐", "下来", ",", "谈谈", "人生", ",", "谈谈", "理想", ",", "谈谈", "影片", "里", "那些", "有", "的", "没", "的", "的", "内涵", "与", "格调", "。"], ["于是", "越来越", "经常", "地", ",", "你", "就会", "看到", "这些", "文艺", "范", "儿", "十足", ",", "但", "与", "“", "原文", "”", "没有", "半点", "关系", "的", "英文名", ":"]], "paragraphs": ["参考消息网10月21日报道 外媒称,如今很多中国人都有英文名字,与一些西方人打交道的时候,多数人都喜欢用自己的英文名。", "据英国广播公司网站10月21日报道,中国的官方媒体建议说,中国人在取英文名字的时候也要讲究学问,尽量小心,避开一些意思不雅的名字。", "中央电视台的网站上给那些想取英文名的国人提出建议,不要取一些可能冒犯别人的名字。", "央视网表示,人们最好不要使用一些小说中的人物名字,一些带有色情含义的名字,或者不知就里地使用“Dragon(龙)”,“Fish (鱼)”或者 “Lawyer(律师)”这样的名字。这些名字可能会在事后工作中出现麻烦。", "该网站还建议说,英文名应该带有“感情色彩”,或者显示个人性格。所以像“Satan(撒旦)”或者“Dumbledore(邓布利多)”这种名字不适合取。", "另外该网站还建议说,女孩子如果要取和食物有关的名字的时候要小心,比如Candy(糖果),Lolly(棒棒糖)或者Sugar(糖) 这类名字经常被认为是“脱衣舞女的名字”", "另外该网站还特别对于一些带有色情内涵的名字提出了警告。", "网站建议说,伊丽莎白、凯瑟琳、威廉或者乔治这样的“传统的英文名字”是好的英文名选择。文章说,“如果你想要一个安全的英文名,那么就取此类的名字吧。”", "点击图片进入下一页", "【延伸阅读】美华人移民取英文名不按常理出牌 奇葩名频酿笑话", "中新网9月10日电 据美国《世界日报》报道,美国在线知识市场Quora上日前有人提问“中国人起过那些在中国以外很少用的奇葩英文名”?引发不少网友的积极讨论,同时随着美国华人新移民的增加,一些华人出产自中国的奇怪英文名在美国也闹出不少笑话。", "新移民华人有的喜欢起自己中文名字谐音或意思接近的名字,但有时难免过于牵强闹笑话,空姐孙小姐说,她认识一个华人女孩中文名字叫依婷,就起了一个英文名字Eating。还有一个女孩中文名字叫蜜儿,就给自己起名Honey,她的同事每次叫她的英文名字都觉得很奇怪,让她改名成了Sweetie。名字里有倩或蕊字的女孩多数喜欢叫Cheer或者Cherry,但Cherry除了有樱桃的意思也有处女膜的意思。", "孙小姐说,她还认识一个中国来的男生英文名字叫Elephant,原因是他名字里有一个Xiang字,他的朋友叫他Da Xiang,所以给自己起了这样的英文名。这也让孙小姐哭笑不得。", "有的是名字没问题,但是和姓氏搭配就闹笑话,一名从事物流业的华人Jolly Wang,每次她报上自己的名字都被别人笑,后来才知道因为Wang在南方俚语是“小弟弟”的意思,Jolly就是开心的“小弟弟”。", "网友Amanda说,最常见的华人女生名字绝对是Cherry、Apple、Happy、Sunny还有Coco和其表姐妹Cece和Cici。网友Mona说,她认识三个年龄相近的女孩分别叫香奈儿(Chanel)、蒂芬妮(Tiffany)和古驰(Gucci),这是美国人无法编出来的笑话。还有一个女生,用她在这个世界上最喜欢的东西给自己命名,Money。", "有网友说,Ruby也是华人女孩喜欢用的名字,但有美国人认为这个名字是美国奶奶辈的人才叫的。还有一些华人为了追求独特,喜欢起一些让美国人闻风色变的名字,如美杜莎、希特勒、萨达姆、Tory(保守党)等。", "就和老外起中文名一样,有些华人取英文名也经常不按理出牌,如网友Nancy说,他们有一个顾客叫Anyway,大家都猜他有个妹妹叫Whatever。还有Alpha陈和Omega陈是一对双胞胎名字。有一个姑娘叫Cylinder(圆柱体),大家花了好几个月劝她改成发音一样的Selina。网友Michael说,Chlorophyll Wong(叶绿素王)这个人的名字在他心目中始终占据一个特殊的位置。还有一个女孩说自己的英文名是Easy,当时就有人和她解释说对正经女人来讲,Easy是一个非常糟糕的名字,她当时脸就红了,估计很快改了名字。", "华人齐先生说,其实在美国不一定要有英文名,保持自己的中文名字挺好,而且有些发音虽然美国人刚开始会不习惯,但叫多了发音就会很准确,这才是文化的尊重。 (张宏)", "(2014-09-10 10:09:09)", "【延伸阅读】吐槽国产电影的英文名字", "点击图片进入下一页", "姚远", "在这样一个“标题党”横行的年代,一部商业电影想要卖座,没有一个拉轰的名字恐怕不行。", "尤其在中国,多少人都是懵懂地走进电影院,45度角仰望显示屏,看看场次再扫一眼海报,就完成了选片。而你偏偏要叫《赛德克·巴莱》、《三傻大闹宝莱坞》,不是诚心和自己的票房过不去吗?(小编要负责任地说一句:这两部都是非常优秀的电影作品。)", "这不,七月要上映的两部国产片,也是未见其人先闻其名:一部叫《小时代3:刺金时代》,似乎不看它你就错过了一个时代;后一部更吓人,叫《后会无期》,还没见面呢就要诀别,仿佛没买票去捧场的话,你就要错过了导演的一生。", "但是小伙伴们,你们有留意过这些闪亮的中文片名旁,那些很努力刷存在感的英文名吗?", "中文负责文艺,英文负责点题", "论英文名的重要性,新晋导演郭敬明可能最有发言权。这位中国最富有的作家一直在用他的一头金发,CK内裤,和小说里不时蹦出的英文对白提醒着我们,这是个全球化的时代,要是连英文都说不好,还能不能一起愉快地装13了?", "于是,你能在《小时代》前两部的电影开篇,看到TINY TIMES璀璨夺目地闪耀了大半个屏幕,而中文“小时代”则很没存在感地缩在底下。", "在片名里打出times,而不是era或者epoch,大概是向狄更斯《双城记》的开篇致敬(It was the best of times,it was the worst of times)。至于说电影里有没有反映出中国当下的“时代潮流”(times),反正小编我没太看出来。但不管怎么说,这部系列电影的前两部登上了包括《时代周刊》和《纽约时报》在内的各种Times,在国际上挣足了曝光率,也算是功德圆满了。", "相比之下,韩寒的《后会无期》就低调得多,英文名Continent在海报上小到快看不清。你问“大洲”和“后会无期”有啥关系?哦,因为影片讲的是几个生活在岛上的年轻人,驾车深入大陆(continent)去旅行和感悟的故事。", "原来中文负责文艺,英文负责点题。(小编无责任猜想:如果这部片子取名叫mainland的话,会不会更吸引台湾小伙伴的眼球呢?)", "这些年,凡是能挤进院线的国产电影,不论大小优劣,取一个“高端大气上档次”的英文名似乎都成了必选项。没有英文护体,不仅难以登上外媒报道,取悦国外市场,就连在国内观众面前装13都会变得很困难呢。", "可别低估英文名的作用:虽然传统如《西游降魔篇》(Journey to the West:Conquer-ing the Demons)《分手大师》(The Breakup Guru)只是老老实实地把中文翻译了一下,或者当中文名太过文艺晦涩时,帮西方观众概括一下影片的中心思想,但一些聪明的导演和制片人还发现,当中文名把概括剧情的脏活累活给包了的时候,英文名可以风雅地跟你一起坐下来,谈谈人生,谈谈理想,谈谈影片里那些有的没的的内涵与格调。", "于是越来越经常地,你就会看到这些文艺范儿十足,但与“原文”没有半点关系的英文名:"], "bs_rank_pos": 4}], "answer_spans": [[0, 43]], "answer_docs": [0], "fake_answers": ["Mia,女子名,说英文名其实不是很合适,因为这个名字主要用于德国和北欧等地,英美人几乎不用的。这个名字是Marie的简化形式,源于希伯来语,含义为“苦涩”。"], "question": "mia英文名", "segmented_answers": [["Mia", ",", "女子", "名", ",", "说", "英文名", "其实", "不是", "很", "合适", ",", "因为", "这个名字", "主要", "用于", "德国", "和", "北欧", "等", "地", ",", "英美", "人", "几乎", "不用", "的", "。", "这个名字", "是", "Marie", "的", "简化", "形式", ",", "源于", "希伯来语", ",", "含义", "为", "“", "苦涩", "”", "。"], ["米娅", ",", "女性", "用", "名", "。"], ["女", "名", ",", "比较", "常见", "。"]], "answers": ["Mia,女子名,说英文名其实不是很合适,因为这个名字主要用于德国和北欧等地,英美人几乎不用的。这个名字是Marie的简化形式,源于希伯来语,含义为“苦涩”。", "米娅,女性用名。", "女名,比较常见。"], "entity_answers": [[], [], []], "segmented_question": ["mia", "英文名"], "question_type": "ENTITY", "question_id": 41, "fact_or_opinion": "FACT", "match_scores": [0.8636363636363636]} -{"documents": [{"is_selected": true, "title": "王者荣耀姜子牙大招多远 姜子牙大招释放技巧_搞趣网", "most_related_para": 3, "segmented_title": ["王者", "荣耀", "姜子牙", "大招", "多远", "姜子牙", "大招", "释放", "技巧", "_", "搞", "趣", "网"], "segmented_paragraphs": [["搞", "趣", "网", ">", "王者", "荣耀", ">", "王者", "荣耀", "姜子牙", "大招", "多远", "姜子牙", "大招", "释放", "技巧"], ["王者", "荣耀", "姜子牙", "大招", "多远", "?", "希望", "这", "篇", "王者", "荣耀", "姜子牙", "大招", "释放", "技巧", ",", "能够", "帮", "到", "正在", "玩", "王者", "荣耀", "的", "玩家", "朋友", "。"], ["问", ":", "王者", "荣耀", "姜子牙", "大招", "多远", "?"], ["答", ":", "姜子牙", "大招", "是", "全", "地图", "的", "。"], ["姜子牙", "大招", "草丛", "释放", "位置", "详解", ":"], ["姜子牙", "草丛", "放", "大招", "优势", ":"], ["对方", "看不到", "大招", "的", "黄", "线", "提示", ",", "容易", "命中", "敌人"], ["那么", "什么", "样", "的", "位置", "才", "适合", "姜子牙", "的", "大", "呢", "?", "小", "编", "就", "为", "大家", "一一", "截图", ":"], ["中路", "团", "战", "草丛", "位置", ":"], ["此", "出", "大招", "可以", "打", "到", "中路", "位置", "敌人", ",", "相对来说", "靠近", "我方", "防御塔", ",", "以及", "上路", "河道", "部分"], ["此处", "大招", "主要", "用于", "越", "塔", "阴", "人", ",", "或者说", "收割", "在", "塔", "内", "残血", "敌人"], ["下", "路", "草丛", "阴", "人", "位置"], ["这里", "的", "大招", "可以", "打", "到", "我方", "防御塔", ",", "或者", "靠近", "我方", "防御塔", "边上", "的", "敌人"], ["上路", "草丛", "位置"], ["此处", "可以", "攻击", "到", "来", "压制", "我们", "防御塔", "的", "敌人", ",", "也", "可以", "打", "到", "在", "草丛", "阴", "人", "的", "地方", "英雄", "。"], ["河道", "野", "区", "阴", "人", "位置"], ["这里", "的", "大招", "可以", "打", "到", "小龙", ",", "也", "可以", "阴", "到", "正在", "打", "小龙", "的", "地方", "英雄", "。"], ["此处", "大招", "的", "位置", "可以", "打", "到", "大龙", "区", "的", "敌人", ",", "运气好", "还", "可以", "抢到", "大龙", "。"], ["欢迎加入", "搞", "趣", "网", "王者", "荣耀", "群", "(", "点击", "即可", "加入", ")", ":"], ["王者", "荣耀", "高", "段位", "交流", "群", "2", ":", "458714722", "王者", "荣耀", "高", "段位", "交流", "群", "14", ":", "619063306"], ["王者", "荣耀", "高", "段位", "交流", "群", "5", ":", "300613658"], ["获取", "最新", "游戏资讯", ",", "一起", "交流", "开", "黑", "~"], ["王者", "荣耀", "常用", "资料"], ["【", "责任编辑", ":", "长颈鹿", "】"], ["评论", "0", "条"], ["友情链接", "搞", "趣", "网", "手机游戏攻略", "手游", "社区", "礼包", "中心", "资讯频道", "部落", "冲突", "Vain", "glory", "虚荣", "王者", "荣耀", "暖暖", "环游世界", "多玩", "王者", "荣耀", "奇迹", "暖暖", "我的世界", "魔方", "网", "王者", "荣耀", "战舰", "少女", "乖离", "性", "百万", "亚瑟王", "大话西游", "王者", "荣耀", "王者", "荣耀", "口袋", "联盟", "王者", "荣耀", "不良", "人", "攻略", "虚荣", "王者", "荣耀", "王者", "荣耀", "9669", "王者", "荣耀", "王者", "荣耀", "王者", "荣耀", "CF", "表情", "说", "着迷", "王者", "荣耀", "173", "王者", "荣耀"]], "paragraphs": ["搞趣网>王者荣耀>王者荣耀姜子牙大招多远 姜子牙大招释放技巧", "王者荣耀姜子牙大招多远?希望这篇王者荣耀姜子牙大招释放技巧,能够帮到正在玩王者荣耀的玩家朋友。", "问:王者荣耀姜子牙大招多远?", "答:姜子牙大招是全地图的。", "姜子牙大招草丛释放位置详解:", "姜子牙草丛放大招优势:", "对方看不到大招的黄线提示,容易命中敌人", "那么什么样的位置才适合姜子牙的大呢?小编就为大家一一截图:", "中路团战草丛位置:", "此出大招可以打到中路位置敌人,相对来说靠近我方防御塔,以及上路河道部分", "此处大招主要用于越塔阴人,或者说收割在塔内残血敌人", "下路草丛阴人位置", "这里的大招可以打到我方防御塔,或者靠近我方防御塔边上的敌人", "上路草丛位置", "此处可以攻击到来压制我们防御塔的敌人,也可以打到在草丛阴人的地方英雄。", "河道野区阴人位置", "这里的大招可以打到小龙,也可以阴到正在打小龙的地方英雄。", "此处大招的位置可以打到大龙区的敌人,运气好还可以抢到大龙。", "欢迎加入搞趣网王者荣耀群(点击即可加入):", "王者荣耀高段位交流群2:458714722 王者荣耀高段位交流群14:619063306", "王者荣耀高段位交流群5: 300613658", "获取最新游戏资讯,一起交流开黑~", "王者荣耀常用资料", "【责任编辑:长颈鹿】", "评论0条", "友情链接 搞趣网 手机游戏攻略 手游社区 礼包中心 资讯频道 部落冲突 Vainglory虚荣 王者荣耀 暖暖环游世界 多玩王者荣耀 奇迹暖暖 我的世界 魔方网王者荣耀 战舰少女 乖离性百万亚瑟王 大话西游 王者荣耀 王者荣耀 口袋联盟 王者荣耀 不良人攻略 虚荣 王者荣耀 王者荣耀 9669王者荣耀 王者荣耀 王者荣耀 CF 表情说 着迷王者荣耀 173王者荣耀"], "bs_rank_pos": 0}, {"is_selected": true, "title": "姜子牙大招的最大距离是多少?【王者荣耀吧】_百度贴吧", "most_related_para": 2, "segmented_title": ["姜子牙", "大招", "的", "最大", "距离", "是", "多少", "?", "【", "王者", "荣耀", "吧", "】", "_", "百度贴吧"], "segmented_paragraphs": [["我", "这里", "信号", "不好", ",", "你们", "能看到", "我", "的", "回复", "么"], ["自家", "二", "塔", "到", "对方", "一", "塔", "前面", "点", "吧"], ["大招", "削", "了", ",", "距离", "变", "短", "。", "中路", "塔", "边缘", "到", "对面", "塔", "下", ",", "用", "大", "的", "时候", "拖动", "视角", "看看", "打", "到", "人", "没"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "paragraphs": ["我这里信号不好,你们能看到我的回复么", "自家二塔到对方一塔前面点吧", "大招削了,距离变短。中路塔边缘到对面塔下,用大的时候拖动视角看看打到人没", "下载贴吧APP看高清直播、视频!", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "bs_rank_pos": 1}, {"is_selected": true, "title": "王者荣耀姜子牙怎么玩 王者荣耀姜子牙大招距离/射程_百度知道", "most_related_para": 0, "segmented_title": ["王者", "荣耀", "姜子牙", "怎么", "玩", "王者", "荣耀", "姜子牙", "大招", "距离", "/", "射程", "_", "百度", "知道"], "segmented_paragraphs": [["王者", "荣耀", "姜子牙", "的", "大招", "使用", "的", "技巧", "需要", "注意", "的", "几点", "①", "躲", "在", "草丛", "里", "开", "大招", ",", "对方", "看不见", "你", "的", "红色", "预判", "线", "可以", "更", "精准", "的", "打", "到", "对手", "②", "姜子牙", "带", "的", "召唤师", "技能", ",", "闪现", "或", "疾步", "都", "能够", "帮助", "逃跑", "或者", "被", "切", "。", "③", "姜子牙", "的", "出装", "帽子", "穿透", "鞋", "回", "饷", "虚", "无法", "杖", "巫术", "法杖", "贤者", "之", "书", ":", "姜子牙", "大招", "以", "5", "寸", "手机", "屏幕", "为准", "大约", "可以", "打", "半", "个", "屏幕", "那么", "长", "。", "普通", "手机", "几乎", "可以", "横穿", "整个", "屏幕", "。", "并且", "冲击波", "会", "超过", "两条线", "一", "段", "距离", "。"]], "paragraphs": ["王者荣耀姜子牙的大招使用的技巧 需要注意的几点 ①躲在草丛里开大招,对方看不见你的红色预判线可以更精准的打到对手 ②姜子牙带的召唤师技能,闪现或疾步都能够帮助逃跑或者被切。 ③姜子牙的出装 帽子 穿透鞋 回饷 虚无法杖 巫术法杖 贤者之书 : 姜子牙大招以5寸手机屏幕为准大约可以打半个屏幕那么长。普通手机几乎可以横穿整个屏幕。并且冲击波会超过两条线一段距离。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "王者荣耀姜子牙大招多远_百度知道", "most_related_para": 0, "segmented_title": ["王者", "荣耀", "姜子牙", "大招", "多远", "_", "百度", "知道"], "segmented_paragraphs": [["http", ":", "/", "/", "www", ".", "gao", "7", ".", "com", "/", "wz", "lm", "/", "detail", "-", "655860", ".", "shtm", "看看这个", "应该", "能", "帮", "到", "你", "的", ",", "超值", "英雄", "宝箱", "上架时间", ":", "11", "月", "29", "日", "更新", "后", "~", "12", "月", "4", "日", ",", "折扣价格", ":", "13888", "金币", "(", "原价", ":", "19776", "金币", ")", ",", "礼包", "内", "包含", "橘右京", "和", "小乔", "两", "个", "英雄", ",", "每人", "限购", "1", "次", ",", "已有", "的", "英雄", "会", "在", "礼包", "价格", "中", "进行", "扣除", ",", "超值", "限时抢购", ",", "王者", "荣耀", "是", "绝对", "公平", "最", "适合", "手机", "的", "MOBA", "游戏", ",", "没有", "英雄", "培养", ",", "没有", "体力", "限制", "凭实力", "CARRY", "全场", ",", "一切", "靠", "技术", ",", "一切", "都是", "从零开始", "。"], ["以", "五", "寸", "手机", "屏幕", "为准", ",", "一", "个", "半", "的", "手机", "屏", "那么", "长", "。"]], "paragraphs": ["http://www.gao7.com/wzlm/detail-655860.shtm看看这个应该能帮到你的,超值英雄宝箱上架时间:11月29日更新后~12月4日,折扣价格:13888金币(原价:19776金币),礼包内包含橘右京和小乔两个英雄,每人限购1次,已有的英雄会在礼包价格中进行扣除,超值限时抢购,王者荣耀是绝对公平最适合手机的MOBA游戏,没有英雄培养,没有体力限制凭实力CARRY全场,一切靠技术,一切都是从零开始。", "以五寸手机屏幕为准,一个半的手机屏那么长。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "王者荣耀姜子牙的大招现在能打多远?_百度知道", "most_related_para": 1, "segmented_title": ["王者", "荣耀", "姜子牙", "的", "大招", "现在", "能", "打", "多远", "?", "_", "百度", "知道"], "segmented_paragraphs": [["中路", "一", "塔", "可以", "打", "到", "对面", "二", "塔", "吧"], ["能", "达到", "姜子牙", "看不到", "的", "地方"], ["1.5", "个", "屏幕"]], "paragraphs": ["中路一塔可以打到对面二塔吧", "能达到姜子牙看不到的地方", "1.5个屏幕"], "bs_rank_pos": 4}], "answer_spans": [[2, 8]], "answer_docs": [0], "fake_answers": ["姜子牙大招是全地图的。"], "question": "姜子牙大招距离", "segmented_answers": [["姜子牙", "大招", "是", "全", "地图", "的", "。"], ["小", "地图", "七", "毫米", "。"], ["姜子牙", "大招", "以", "5", "寸", "手机", "屏幕", "为准", "大约", "可以", "打", "半", "个", "屏幕", "那么", "长", "。", "普通", "手机", "几乎", "可以", "横穿", "整个", "屏幕", "。", "并且", "冲击波", "会", "超过", "两条线", "一", "段", "距离", "。"]], "answers": ["姜子牙大招是全地图的。", "小地图七毫米。", "姜子牙大招以5寸手机屏幕为准大约可以打半个屏幕那么长。普通手机几乎可以横穿整个屏幕。并且冲击波会超过两条线一段距离。"], "entity_answers": [[], ["七毫米"], []], "segmented_question": ["姜子牙", "大招", "距离"], "question_type": "ENTITY", "question_id": 42, "fact_or_opinion": "OPINION", "match_scores": [1.0]} -{"documents": [{"is_selected": true, "title": "LOL怎么在15分钟投降 LOL15分钟投降方法介绍-闽南网", "most_related_para": 4, "segmented_title": ["LOL", "怎么", "在", "15", "分钟", "投降", "LOL", "15", "分钟", "投降", "方法", "介绍", "-", "闽南", "网"], "segmented_paragraphs": [["LOL", "怎么", "在", "15", "分钟", "投降", ",", "LOL", "游戏", "进行", "了", "更新", ",", "可以", "在", "15", "分钟", "就", "可以", "发起", "投降", "了", ",", "那么", "这个", "投降", "怎么", "操作", "呢", "?", "下面", "我们", "一起来", "看看", "吧", "!"], ["lol", "怎么", "在", "15", "分钟", "投降"], ["现在", "所有", "非轮换", "游戏", "模式", "都", "已", "加入", "15", "分钟", "投降", "投票", "功能", "。"], ["15", ":", "00", "至", "19", ":", "59", "发起", "的", "投降", "投票", "需要", "全票", "同意", "才", "可", "通过", "。"], ["这", "不是", "/", "remake", "(", "重开", ")", ":", "15", "分钟", "投降", "投票", "一旦", "通过", ",", "即", "会", "被", "视为", "一次", "全票", "通过", "的", "正式", "投降", "。"], ["以上", "就是", "LOL", "在", "15", "分钟", "投降", "方法", "。"], ["相关", "阅读", ":", "进击", "的", "巨人", "九大", "巨人", "分别", "是", "谁", "九大", "巨人", "最后", "结局", "是", "什么", "2017", "-", "05", "-", "18", "《", "QQ", "炫舞", "》", "5", ".", "17", "微信", "刮刮乐", "更新", "泡泡", "座驾", "登场", "!", "2017", "-", "05", "-", "18", "崩坏", "3", "泳装", "圣痕", "技能", "介绍", "圣痕", "简析", "2017", "-", "05", "-", "19"], ["新闻", "娱乐", "福建", "泉州", "漳州", "厦门", "《", "欢乐颂", "2", "》", "颜值", "PK", "《", "花", "少", "3", "》", "睡衣", "女", "深夜", "失联", "丈夫", "报警", "最后", "在", "电梯", "井", "找到", "究竟", "发生", "什", "2017", "-", "06", "-", "11", "11", ":", "02", "萨德", "被曝", "电力", "不足", "韩", "媒", ":", "正", "沦为", "“", "半吊子", "”", "武器", "(", "图", ")", "2017", "-", "06", "-", "11", "10", ":", "59", "阿富汗", "士兵", "开枪", "打死", "2", "名", "驻", "阿", "美军", "士兵", "袭击", "动机", "是", "什么", "2017", "-", "06", "-", "11", "10", ":", "51", "叙", "军方", "说", "政府军", "推进", "至", "叙", "伊", "边境", "是", "战略", "转折点", "2017", "-", "06", "-", "11", "10", ":", "51", "土耳其", "发生", "多", "起", "袭击", "市长", "专车", "被", "射击", "现场", "情况汇报", "2017", "-", "06", "-", "11", "10", ":", "49", "2024", "和", "2028", "年", "奥运会", "举办", "地", "或", "同时", "确定", "巴黎", "百年", "奥运", "能", "2017", "-", "06", "-", "11", "10", ":", "48", "故宫", "破坏", "文物", "景观", "?", "故宫", "新", "添", "汉白玉", "栏杆", "引争议", "2017", "-", "06", "-", "11", "10", ":", "48"], ["猜", "你", "喜欢", ":", "《", "碧蓝", "航线", "》", "努力", "希望", "和", "计划", "第", "三", "关", "攻略", "2017", "-", "06", "-", "09", "阿里", "YunOS", "6", "正式宣布", "下午", "见", "2017", "-", "06", "-", "10", "《", "逆战", "》", "闪电风暴", "PVP", "玩法", "2017", "-", "06", "-", "08"], ["热门评论", ":"], ["新闻", "推荐", "2017", "全国各省", "高考作文", "题目", "大全", "汇总", "2017", "普通", "高等", "男友", "招生", "试题", "这", "是", "送", "命题", "2017", "高考", "全国", "天气预报", ":", "无", "大", "范围", "高温", "6", "月", "1", "日", "起", "新", "的", "法律", "法规", "将", "影响", "我们的生活", "16", "岁", "女生", "见到", "男生", "就", "咽", "口水", "原来", "是", "…"]], "paragraphs": ["LOL怎么在15分钟投降,LOL游戏进行了更新,可以在15分钟就可以发起投降了,那么这个投降怎么操作呢?下面我们一起来看看吧!", "lol怎么在15分钟投降", "现在所有非轮换游戏模式都已加入15分钟投降投票功能。", "15:00至19:59发起的投降投票需要全票同意才可通过。", "这不是/remake(重开):15分钟投降投票一旦通过,即会被视为一次全票通过的正式投降。", "以上就是LOL在15分钟投降方法。", "相关阅读: 进击的巨人九大巨人分别是谁 九大巨人最后结局是什么2017-05-18 《QQ炫舞》5.17微信刮刮乐更新 泡泡座驾登场!2017-05-18 崩坏3泳装圣痕技能介绍 圣痕简析2017-05-19", "新闻 娱乐 福建 泉州 漳州 厦门 《欢乐颂2》颜值PK《花少3》睡衣女深夜失联丈夫报警 最后在电梯井找到究竟发生什2017-06-11 11:02 萨德被曝电力不足 韩媒:正沦为“半吊子”武器(图)2017-06-11 10:59 阿富汗士兵开枪打死2名驻阿美军士兵 袭击动机是什么2017-06-11 10:51 叙军方说政府军推进至叙伊边境是战略转折点2017-06-11 10:51 土耳其发生多起袭击市长专车被射击 现场情况汇报2017-06-11 10:49 2024和2028年奥运会举办地或同时确定 巴黎百年奥运能2017-06-11 10:48 故宫破坏文物景观?故宫新添汉白玉栏杆引争议 2017-06-11 10:48", "猜你喜欢:《碧蓝航线》努力希望和计划第三关攻略2017-06-09 阿里YunOS6正式宣布 下午见2017-06-10 《逆战》闪电风暴PVP玩法2017-06-08", "热门评论:", "新闻推荐 2017全国各省高考作文题目大全汇总 2017普通高等男友招生试题 这是送命题 2017高考全国天气预报:无大范围高温 6月1日起新的法律法规将影响我们的生活 16岁女生见到男生就咽口水 原来是…"], "bs_rank_pos": 0}, {"is_selected": false, "title": "LOL怎么15分钟投降 LOL15分钟投降指令是什么_LOL攻略", "most_related_para": 2, "segmented_title": ["LOL", "怎么", "15", "分钟", "投降", "LOL", "15", "分钟", "投降", "指令", "是", "什么", "_", "LOL", "攻略"], "segmented_paragraphs": [["现在", "所有", "非轮换", "游戏", "模式", "都", "已", "加入", "15", "分钟", "投降", "投票", "功能", "。"], ["15", ":", "00", "至", "19", ":", "59", "发起", "的", "投降", "投票", "需要", "全票", "同意", "才", "可", "通过", "。"], ["这", "不是", "/", "remake", "(", "重开", ")", ":", "15", "分钟", "投降", "投票", "一旦", "通过", ",", "即", "会", "被", "视为", "一次", "全票", "通过", "的", "正式", "投降", "。"], ["上", "一篇", ":", "2017", "德", "杯", "长沙", "站", "预赛", ":", "OMD", "vs", "TH", "比赛", "视频", "下一篇", ":", "幸运", "召唤师", "5", "月", "地址", "阿卡丽", "的", "神秘", "商店", "还会", "开", "吗"], ["加载", "评论内容", ",", "请", "稍", "等", ".", ".", ".", ".", ".", "."], ["栏目导航", "搞笑", "段子", "Dj", "招聘", "Dj", "求职", "DJ", "供求", "设备", "出售", "设备", "求购", "网站公告", "另类", "喊麦词", "教程", "资讯"]], "paragraphs": ["现在所有非轮换游戏模式都已加入15分钟投降投票功能。", "15:00至19:59发起的投降投票需要全票同意才可通过。", "这不是/remake(重开):15分钟投降投票一旦通过,即会被视为一次全票通过的正式投降。", "上一篇:2017德杯长沙站预赛:OMD vs TH比赛视频 下一篇:幸运召唤师5月地址 阿卡丽的神秘商店还会开吗", "加载评论内容,请稍等......", "栏目导航 搞笑段子 Dj招聘 Dj求职 DJ供求 设备出售 设备求购 网站公告 另类喊麦词 教程 资讯"], "bs_rank_pos": 1}, {"is_selected": false, "title": "LOL3分钟怎么投降_百度经验", "most_related_para": 4, "segmented_title": ["LOL", "3", "分钟", "怎么", "投降", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["LOL", "(", "英雄", "联盟", ")", "是", "腾讯", "旗下", "一款", "非常", "火爆", "的", "游戏", ",", "上", "至", "70", "岁", "老人", ",", "下至", "幼儿园", "小", "盆", "友", ",", "都", "有", "LOL", "的", "粉丝", ",", "因为", "英雄", "联盟", "是", "一款", "团队", "协作", "的", "游戏", ",", "由", "5", "个人", "共同", "作战", ",", "所以", "当", "己", "方", "有", "一", "个", "或者", "一", "个", "以上", "的", "人", "挂机", "的", "时候", ",", "场面", "就会", "出现", "一面倒", "的", "局面", ",", "即便", "前期", "己", "方", "优势", "大", ",", "拖", "到", "后期", "也是", "非常", "难", "赢", "的", ",", "针对", "这", "一", "现象", ",", "英雄", "联盟", "本次", "的", "更新", "出现", "了", "解决", "该", "问题", "的", "方法", ",", "有", "挂机", "可以", "三分钟", "内", "直接", "投降", ",", "接下来", "小", "编", "就", "跟", "大家", "聊聊", "LOL", "三分钟", "内", "如何", "投降", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "在", "S6", "赛季", "以前", ",", "所有", "的", "投降", "模式", "都是", "只有", "到", "20", "分钟", "以后", "才", "可以", "在", "菜单栏", "处", "点击", "投降", "按钮", ",", "之后", "由", "团队", "投票", "决定", "是否", "投降", ",", "这个", "机制", "比较", "死板", ",", "因为", "如果", "有人", "挂机", "也", "必须", "等到", "20", "分钟", "后", "才", "可以", "投降", ",", "那么", "不仅", "浪费时间", ",", "也", "浪费", "胜点", "。", "步骤", "阅读", "2", "在", "本次", "更新中", ",", "LOL", "更新", "了", "最新", "机制", ",", "如果", "本", "局", "比赛", "有人", "挂机", ",", "三分钟", "内", "可以直接", "投降", ",", "并且", "投降", "后", "不会", "掉", "胜点", ",", "也", "不会", "计入", "失败", "。", "所以", "算是", "非常", "人性化", "的", "一", "个", "设计", "。", "步骤", "阅读", "3", "如果", "想要", "投降", ",", "也", "要", "满足", "一些", "条件", ",", "队伍", "必须", "有人", "掉线", ",", "并且", "没有", "发生", "击", "杀", "以及", "所有", "未", "掉线", "玩家", "都", "必须", "点", "确定", "投降", ",", "才", "可以", "投降", "。", "不然的话", "还是", "要", "继续", "比赛", ",", "因为", "只能", "点", "一次", ",", "所以", "提前", "一定要", "在", "三分钟", "内", "跟", "同伴", "商量", "好", "。", "步骤", "阅读", "4", "需要", "投降", "可以直接", "点", "开", "会话", "框", "窗口", ":", "输入", ":", "/", "remark", "。", "之后", "在", "屏幕", "右侧", "下方", "就会", "出现", "投降", ",", "只", "需要", "点击", "投降", ",", "并且", "队伍", "中", "其他人", "都", "点", "投降", "后", ",", "队伍", "就会", "显示", "失败", ",", "退出", "后", "也", "会", "发现", "没有", "获得", "经验", "以及", "金币", ",", "也", "没有任何", "损失", "。", "步骤", "阅读", "5", "投降", "后", ",", "未", "掉线", "玩家", "是", "不会", "扣分", "的", ",", "掉线", "玩家", "扣分", "多", "并且", "会", "给予警告", ",", "严重", "会", "给予", "封号", ",", "所以", "这种", "机制", "也", "会", "很好", "的", "解决", "掉", "LOL", "游戏", "非常", "严重", "的", "挂机", "现象", ",", "警告", "哪些", "动不动", "就", "挂机", "的", "玩家", "。", "步骤", "阅读"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["注意", "/", "remark", "前面", "有", "个", "/", "一定要", "打", "上", "。", "只能", "投降", "一次", ",", "所以", "前期", "一定要", "跟", "同伴", "商量", "好", ",", "避免", "点", "错", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "LOL(英雄联盟)是腾讯旗下一款非常火爆的游戏,上至70岁老人,下至幼儿园小盆友,都有LOL的粉丝,因为英雄联盟是一款团队协作的游戏,由5个人共同作战,所以当己方有一个或者一个以上的人挂机的时候,场面就会出现一面倒的局面,即便前期己方优势大,拖到后期也是非常难赢的,针对这一现象,英雄联盟本次的更新出现了解决该问题的方法,有挂机可以三分钟内直接投降,接下来小编就跟大家聊聊LOL三分钟内如何投降。", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 在S6赛季以前,所有的投降模式都是只有到20分钟以后才可以在菜单栏处点击投降按钮,之后由团队投票决定是否投降,这个机制比较死板,因为如果有人挂机也必须等到20分钟后才可以投降,那么不仅浪费时间,也浪费胜点。 步骤阅读 2 在本次更新中,LOL更新了最新机制,如果本局比赛有人挂机,三分钟内可以直接投降,并且投降后不会掉胜点,也不会计入失败。所以算是非常人性化的一个设计。 步骤阅读 3 如果想要投降,也要满足一些条件,队伍必须有人掉线,并且没有发生击杀以及所有未掉线玩家都必须点确定投降,才可以投降。不然的话还是要继续比赛,因为只能点一次,所以提前一定要在三分钟内跟同伴商量好。 步骤阅读 4 需要投降可以直接点开会话框窗口:输入:/remark。之后在屏幕右侧下方就会出现投降,只需要点击投降,并且队伍中其他人都点投降后,队伍就会显示失败,退出后也会发现没有获得经验以及金币,也没有任何损失。 步骤阅读 5 投降后,未掉线玩家是不会扣分的,掉线玩家扣分多并且会给予警告,严重会给予封号,所以这种机制也会很好的解决掉LOL游戏非常严重的挂机现象,警告哪些动不动就挂机的玩家。 步骤阅读", "百度经验:jingyan.baidu.com", "注意/remark前面有个/一定要打上。 只能投降一次,所以前期一定要跟同伴商量好,避免点错。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "LOL怎么15分钟投降 LOL15分钟投降指令是什么-無趣", "most_related_para": 3, "segmented_title": ["LOL", "怎么", "15", "分钟", "投降", "LOL", "15", "分钟", "投降", "指令", "是", "什么", "-", "無趣"], "segmented_paragraphs": [["lol", "怎么", "在", "15", "分钟", "投降"], ["现在", "所有", "非轮换", "游戏", "模式", "都", "已", "加入", "15", "分钟", "投降", "投票", "功能", "。"], ["15", ":", "00", "至", "19", ":", "59", "发起", "的", "投降", "投票", "需要", "全票", "同意", "才", "可", "通过", "。"], ["这", "不是", "/", "remake", "(", "重开", ")", ":", "15", "分钟", "投降", "投票", "一旦", "通过", ",", "即", "会", "被", "视为", "一次", "全票", "通过", "的", "正式", "投降", "。"], ["以上", "就是", "LOL", "在", "15", "分钟", "投降", "方法", "。"], ["LOL", "未来战士", "头像", "怎么", "得", "伊泽", "瑞尔", "头像", "领取", "地址", "LOL", "本周", "半价", "皮肤", "有", "哪些", "5", "月", "26", "日", "半价", "英雄", "介绍", "LOL", "限定", "皮肤", "中", "龙", "瞎", "和", "卧虎藏龙", "贾克斯", "哪个", "值钱", "LOL", "5", "月", "阿卡丽", "的", "神秘", "商店", "地址", "2017", "一", "折", "抽奖", "技巧", "LOL", "熊猫", "提莫", "是", "限定", "吗", "熊猫", "提莫", "半价", "购买", "地址", "LOL", "盲僧", "龙", "瞎", "皮肤", "新", "特效", "是", "什么", "龙", "瞎", "皮肤", "重做", "归来", "lol", "2017", "召唤师", "招募", "令", "是", "什么", "召唤师", "招募", "令", "地址", "LOL", "招募", "令", "怎么", "邀请", "好友", "召唤师", "招募", "令", "活动", "网址"], ["我会想你", ",", "但", "我", "不会", "再爱你", "阅读", "(", "76", ")", "父母", "说话", "的", "语气", ",", "决定", "了", "子女", "的", "情商", "阅读", "(", "16", ")", "在", "辞职", "之", "前", ",", "老板", "还", "认为", "我们", "工作", "得", "很", "开心", "阅读", "(", "10", ")", "30岁", ",", "你", "该", "担心", "的", "是", "失业", ",", "而", "不是", "失恋", "或", "失婚", "阅读", "(", "16", ")", "和", "你", "出门", "不用", "带", "脑子", "阅读", "(", "13", ")", "十年前", "一起", "搬砖", ",", "现在", "身价", "相差", "300", "亿", "阅读", "(", "11", ")", "《", "我", "爱", "二次元", "》", "今晚", "首播", "陈赫", "、", "孙艺洲", "燃", "爆", "全场", "阅读", "(", "0", ")", "我们", "总", "以为", "来日方长", ",", "可", "一不小心", "就是", "后会无期", "阅读", "(", "13", ")", "半年", "韶光", ":", "EDG", "战队", "如何", "从", "国", "之", "骄傲", "到", "人人", "黑", "阅读", "(", "1", ")", "【", "兰珂", "酱", "】", "夺冠", "后", "的", "SKT", "竟", "被", "一", "粉丝", "“", "团灭", "”", "?", "阅读", "(", "9", ")"], ["LOL", "未来战士", "头像", "怎么", "得", "伊泽", "瑞尔", "头像", "领取", "地址", "LOL", "本周", "半价", "皮肤", "有", "哪些", "5", "月", "26", "日", "半价", "英雄", "介绍", "LOL", "限定", "皮肤", "中", "龙", "瞎", "和", "卧虎藏龙", "贾克斯", "哪个", "值钱", "LOL", "5", "月", "阿卡丽", "的", "神秘", "商店", "地址", "2017", "一", "折", "抽奖", "技巧", "LOL", "熊猫", "提莫", "是", "限定", "吗", "熊猫", "提莫", "半价", "购买", "地址", "LOL", "盲僧", "龙", "瞎", "皮肤", "新", "特效", "是", "什么", "龙", "瞎", "皮肤", "重做", "归来", "lol", "2017", "召唤师", "招募", "令", "是", "什么", "召唤师", "招募", "令", "地址", "LOL", "招募", "令", "怎么", "邀请", "好友", "召唤师", "招募", "令", "活动", "网址", "LOL", "冠军", "典狱长", "是", "限定", "吗", "冠军", "典狱长", "锤石", "多少", "钱", "LOL", "未来战士", "凯特琳", "是不是", "终极", "皮肤", "吗"]], "paragraphs": ["lol怎么在15分钟投降", "现在所有非轮换游戏模式都已加入15分钟投降投票功能。", "15:00至19:59发起的投降投票需要全票同意才可通过。", "这不是/remake(重开):15分钟投降投票一旦通过,即会被视为一次全票通过的正式投降。", "以上就是LOL在15分钟投降方法。", "LOL未来战士头像怎么得 伊泽瑞尔头像领取地址 LOL本周半价皮肤有哪些 5月26日半价英雄介绍 LOL限定皮肤中龙瞎和卧虎藏龙贾克斯哪个值钱 LOL5月阿卡丽的神秘商店地址 2017一折抽奖技巧 LOL熊猫提莫是限定吗 熊猫提莫半价购买地址 LOL盲僧龙瞎皮肤新特效是什么 龙瞎皮肤重做归来 lol2017召唤师招募令是什么 召唤师招募令地址 LOL招募令怎么邀请好友 召唤师招募令活动网址", "我会想你,但我不会再爱你阅读(76) 父母说话的语气,决定了子女的情商阅读(16) 在辞职之前,老板还认为我们工作得很开心阅读(10) 30岁,你该担心的是失业,而不是失恋或失婚阅读(16) 和你出门不用带脑子阅读(13) 十年前一起搬砖,现在身价相差300亿阅读(11) 《我爱二次元》今晚首播 陈赫、孙艺洲燃爆全场阅读(0) 我们总以为来日方长,可一不小心就是后会无期阅读(13) 半年韶光:EDG战队如何从国之骄傲到人人黑阅读(1) 【兰珂酱】夺冠后的SKT竟被一粉丝“团灭”?阅读(9)", "LOL未来战士头像怎么得 伊泽瑞尔头像领取地址 LOL本周半价皮肤有哪些 5月26日半价英雄介绍 LOL限定皮肤中龙瞎和卧虎藏龙贾克斯哪个值钱 LOL5月阿卡丽的神秘商店地址 2017一折抽奖技巧 LOL熊猫提莫是限定吗 熊猫提莫半价购买地址 LOL盲僧龙瞎皮肤新特效是什么 龙瞎皮肤重做归来 lol2017召唤师招募令是什么 召唤师招募令地址 LOL招募令怎么邀请好友 召唤师招募令活动网址 LOL冠军典狱长是限定吗 冠军典狱长锤石多少钱 LOL未来战士凯特琳是不是终极皮肤吗"], "bs_rank_pos": 3}, {"is_selected": false, "title": "LOL怎么在15分钟投降 LOL15分钟投降方法介绍 - 游戏攻略", "most_related_para": 4, "segmented_title": ["LOL", "怎么", "在", "15", "分钟", "投降", "LOL", "15", "分钟", "投降", "方法", "介绍", "-", "游戏攻略"], "segmented_paragraphs": [["LOL", "怎么", "在", "15", "分钟", "投降", ",", "LOL", "游戏", "进行", "了", "更新", ",", "可以", "在", "15", "分钟", "就", "可以", "发起", "投降", "了", ",", "那么", "这个", "投降", "怎么", "操作", "呢", "?", "下面", "我们", "一起来", "看看", "吧", "!"], ["lol", "怎么", "在", "15", "分钟", "投降"], ["现在", "所有", "非轮换", "游戏", "模式", "都", "已", "加入", "15", "分钟", "投降", "投票", "功能", "。"], ["15", ":", "00", "至", "19", ":", "59", "发起", "的", "投降", "投票", "需要", "全票", "同意", "才", "可", "通过", "。"], ["这", "不是", "/", "remake", "(", "重开", ")", ":", "15", "分钟", "投降", "投票", "一旦", "通过", ",", "即", "会", "被", "视为", "一次", "全票", "通过", "的", "正式", "投降", "。"], ["以上", "就是", "LOL", "在", "15", "分钟", "投降", "方法", "。"]], "paragraphs": ["LOL怎么在15分钟投降,LOL游戏进行了更新,可以在15分钟就可以发起投降了,那么这个投降怎么操作呢?下面我们一起来看看吧!", "lol怎么在15分钟投降", "现在所有非轮换游戏模式都已加入15分钟投降投票功能。", "15:00至19:59发起的投降投票需要全票同意才可通过。", "这不是/remake(重开):15分钟投降投票一旦通过,即会被视为一次全票通过的正式投降。", "以上就是LOL在15分钟投降方法。"], "bs_rank_pos": 5}], "answer_spans": [[0, 25]], "fake_answers": ["这不是/remake(重开):15分钟投降投票一旦通过,即会被视为一次全票通过的正式投降。"], "question": "lol怎么15分钟投降", "segmented_answers": [["现在", "所有", "非轮换", "游戏", "模式", "都", "已", "加入", "15", "分钟", "投降", "投票", "功能", "。", "15", ":", "00", "至", "19", ":", "59", "发起", "的", "投降", "投票", "需要", "全票", "同意", "才", "可", "通过", "。", "这", "不是", "/", "remake", "(", "重开", ")", ":", "15", "分钟", "投降", "投票", "一旦", "通过", ",", "即", "会", "被", "视为", "一次", "全票", "通过", "的", "正式", "投降", "。"]], "answers": ["现在所有非轮换游戏模式都已加入15分钟投降投票功能。15:00至19:59发起的投降投票需要全票同意才可通过。这不是/remake(重开):15分钟投降投票一旦通过,即会被视为一次全票通过的正式投降。"], "answer_docs": [0], "segmented_question": ["lol", "怎么", "15", "分钟", "投降"], "question_type": "DESCRIPTION", "question_id": 43, "fact_or_opinion": "FACT", "match_scores": [0.5952380952380952]} -{"documents": [{"is_selected": false, "title": "杰尼斯事务所_2016日推最常被提到的艺人排行_沪江日语", "most_related_para": 6, "segmented_title": ["杰尼斯事务所", "_", "2016", "日", "推", "最", "常", "被", "提到", "的", "艺人", "排行", "_", "沪江", "日语"], "segmented_paragraphs": [["难度", ":", "容易", "作者", ":", "Memoars", "译", "来源", ":", "日本", "雅虎", "划词", ":", "已", "禁用", "收藏"], ["编辑点评", ":", "推特", "公司", "日前", "公布", "了", "2016", "日", "推", "最", "常", "被", "使用", "的", "艺人", "词汇", "排行榜", ",", "岚", "、", "SMAP", "等", "艺人", "上榜", ",", "今年", "下半年", "大红", "的", "“", "你", "的", "名字", "”", "、", "“", "星野", "源", "”", "等", "词汇", "也", "榜上有名", "。", "戳", "文章", "了解", "详细", "榜单", "!"], ["Twitter", "社", "が", "、", "2016", "年", "に", "ツ", "イ", "ー", "ト", "内", "に", "使", "わ", "れ", "た", "キ", "ー", "ワ", "ー", "ド", "(", "ア", "ー", "テ", "ィ", "ス", "ト", "関", "連", ")", "の", "上位", "を", "発", "表", "し", "た", "。"], ["据", "日", "媒", "消息", "报道", ",", "推特", "公司", "日前", "公布", "了", "2016", "年", "在", "(", "日本", ")", "推特", "内", "被", "使用", "的", "关键词", "(", "艺人", "相关", ")", "中", "排名", "靠前", "的", "词汇", "。"], ["2016", "年", "日", "推", "最", "常", "被", "使用", "的", "艺人", "词汇", "具体", "排名", "如", "下", ":"], ["年", "間", "を", "通", "し", "て", "「", "嵐", "」", "が", "最", "も", "よ", "く", "つ", "ぶ", "や", "か", "れ", "、", "2", "位", "の", "「", "SMAP", "」", "は", "解散", "騒", "動", "を", "謝罪", "し", "た", "1", "月", "と", "解散", "を", "発", "表", "し", "た", "8", "月", "に", "大", "き", "な", "盛", "り", "上", "が", "り", "を", "見", "せ", "た", "と", "の", "こ", "と", "。", "ま", "た", "、", "8", "位", "の", "「", "RADWIMPS", "」", "、", "12", "位", "の", "「", "星野源", "」", "は", "夏", "以", "降", "に", "ツ", "イ", "ー", "ト", "数", "が", "伸", "び", "て", "い", "る", "と", "い", "う", "。", "こ", "れ", "は", "映画", "『", "君", "の", "名", "は", "。", "』", "の", "公開", "や", "、", "ド", "ラ", "マ", "『", "逃", "げ", "る", "は", "恥", "だ", "が", "役", "に", "立", "つ", "』", "(", "TBS", "系", ")", "の", "放送", "の", "影響", "と", "思", "わ", "れ", "る", "。"], ["在", "2016", "年", "全年", "中", ",", "“", "岚", "”", "最", "经常", "在", "(", "日本", "民众", ")", "发", "推", "时", "被", "使用", ",", "排", "在", "第", "2", "名", "的", "“", "SMAP", "”", "因", "在", "1", "月", "为", "解散", "骚动", "而", "谢罪", ",", "以及", "8", "月", "发表", "解散", "时而", "在", "推特", "上", "产生", "巨大", "反响", "。", "此外", ",", "排", "在", "第", "8", "名", "的", "“", "RADWIMPS", "”", "、", "排", "在", "第", "12", "名", "的", "“", "星野", "源", "”", "于", "今年夏季", "后", "在", "推特", "上面", "出现", "的", "次数", "增多", "。", "这", "是", "可能", "是", "受到", "电影", "《", "你的名字", "。", "》", "上映", "以及", "电视剧", "《", "逃跑", "可耻", "却", "有用", "》", "(", "TBS", "系", ")", "播出", "的", "影响", "。"], ["ほ", "か", "に", "も", "「", "も", "っ", "と", "も", "使", "わ", "れ", "た", "ハ", "ッ", "シ", "ュ", "タ", "グ", "」", "の", "3", "位", "に", "「", "M", "ス", "テ", "」", "が", "、", "5", "位", "に", "「", "君", "の", "名", "は", "」", "が", "ラ", "ン", "ク", "イ", "ン", "。", "さ", "ら", "に", "「", "日本", "の", "Twitter", "が", "も", "っ", "と", "も", "盛", "り", "上", "が", "っ", "た", "瞬間", "」", "に", "は", "、", "1", "月", "18", "日", "放送", "の", "『", "SMAP", "×", "SMAP", "』", "が", "7", "位", "に", "ラ", "ン", "ク", "イ", "ン", "し", "て", "い", "る", "。"], ["除", "上述", "排名", "外", ",", "在", "“", "最", "常", "被", "使用", "到", "的", "tag", "”", "中", ",", "“", "M", "sute", "”", "、", "“", "你", "的", "名字", "”", "分别", "以", "第", "3", "名", "、", "第", "5", "名", "的", "名次", "上榜", "。", "此外", ",", "在", "“", "日本", "推特", "最", "热闹", "的", "瞬间", "”", "排行榜", "中", ",", "1", "月", "18", "日", "播出", "的", "《", "SMAP", "×", "SMAP", "》", "排", "在", "第", "7", "名", "。"], ["声明", ":", "本", "双语", "文章", "的", "中文翻译", "系", "沪江", "日语", "原创", "内容", ",", "转载", "请", "注明", "出处", "。", "中文翻译", "仅", "代表", "译者", "个人观点", ",", "仅供参考", "。", "如", "有", "不妥", "之", "处", ",", "欢迎", "指正", "。"], ["※", "以上", "数据", "为", "目前", "截止", "至", "12", "月", "1", "日", "的", "情报", "。"], ["相关", "阅读", "推荐", ":", "《", "SMAPxSMAP", "》", "正式宣告", "终结"], ["2016", "年", "12", "月", "08", "日", "10", "点", "50", "分", ":", "Memoars"]], "paragraphs": ["难度:容易 作者:Memoars译 来源:日本雅虎 划词:已禁用 收藏", "编辑点评:推特公司日前公布了2016日推最常被使用的艺人词汇排行榜,岚、SMAP等艺人上榜,今年下半年大红的“你的名字”、“星野源”等词汇也榜上有名。戳文章了解详细榜单!", "Twitter社が、2016年にツイート内に使われたキーワード(アーティスト関連)の上位を発表した。", "据日媒消息报道,推特公司日前公布了2016年在(日本)推特内被使用的关键词(艺人相关)中排名靠前的词汇。", "2016年日推最常被使用的艺人词汇具体排名如下:", "年間を通して「嵐」が最もよくつぶやかれ、2位の「SMAP」は解散騒動を謝罪した1月と解散を発表した8月に大きな盛り上がりを見せたとのこと。また、8位の「RADWIMPS」、12位の「星野源」は夏以降にツイート数が伸びているという。これは映画『君の名は。』の公開や、ドラマ『逃げるは恥だが役に立つ』(TBS系)の放送の影響と思われる。", "在2016年全年中,“岚”最经常在(日本民众)发推时被使用,排在第2名的“SMAP”因在1月为解散骚动而谢罪,以及8月发表解散时而在推特上产生巨大反响。此外,排在第8名的“RADWIMPS”、排在第12名的“星野源”于今年夏季后在推特上面出现的次数增多。这是可能是受到电影《你的名字。》上映以及电视剧《逃跑可耻却有用》(TBS系)播出的影响。", "ほかにも「もっとも使われたハッシュタグ」の3位に「Mステ」が、5位に「君の名は」がランクイン。さらに「日本のTwitterがもっとも盛り上がった瞬間」には、1月18日放送の『SMAP×SMAP』が7位にランクインしている。", "除上述排名外,在“最常被使用到的tag”中,“M sute”、“你的名字”分别以第3名、第5名的名次上榜。此外,在“日本推特最热闹的瞬间”排行榜中,1月18日播出的《SMAP×SMAP》排在第7名。", "声明:本双语文章的中文翻译系沪江日语原创内容,转载请注明出处。中文翻译仅代表译者个人观点,仅供参考。如有不妥之处,欢迎指正。", "※以上数据为目前截止至12月1日的情报。", "相关阅读推荐:《SMAPxSMAP》正式宣告终结", "2016年12月08日10点50分 : Memoars"], "bs_rank_pos": 0}, {"is_selected": true, "title": "【图片】【年末赚钱榜】2016年杰尼斯(Johnnys)艺人销售额排行榜【", "most_related_para": 1, "segmented_title": ["【", "图片", "】", "【", "年末", "赚钱", "榜", "】", "2016", "年", "杰尼斯", "(", "Johnnys", ")", "艺人", "销售额", "排行榜", "【"], "segmented_paragraphs": [["第", "1", "名", "岚", "121", ".", "833", "亿", "日元", "包含", "杰尼斯", "外", "全部", "艺人", "排名", ":", "第", "1", "位", "Are", "you", "Happy", "?", "第", "一", "当然", "Happy"], ["包含", "杰尼斯", "外", "全部", "艺人", "排名", ":", "第", "1", "位", "Are", "you", "Happy", "?", "第", "一", "当然", "Happy", "最近", "怎么", "这么多", "楼上", "的", "妖魔鬼怪", "第", "2", "名", "关", "杰尼", "∞", "47", ".", "881", "亿", "日元", "包含", "杰尼斯", "外", "全部", "艺人", "销售额", "排名", ":", "第", "5", "位", "第", "3", "名", "Kis", "-", "My", "-", "Ft", "242", ".", "49", "亿", "日元", "包含", "杰尼斯", "外", "全部", "艺人", "销售额", "排名", ":", "第", "6", "位", "第", "4", "名", "Hey", "!", "Say", "!", "JUMP3", "4", ".", "587", "亿", "日元", "包含", "杰"], ["第", "4", "名", "Hey", "!", "Say", "!", "JUMP3", "4", ".", "587", "亿", "日元", "包含", "杰尼斯", "外", "全部", "艺人", "销售额", "排名", ":", "第", "9", "位"], ["第", "5", "名", "Sexy", "Zone", "20", ".", "887", "亿", "日元", "包含", "杰尼斯", "外", "全部", "艺人", "销售额", "排名", ":", "第", "13", "位"], ["第", "6", "名", "SMAP", "(", "解散", ")", "19", ".", "219", "亿", "日元", "包含", "杰尼斯", "外", "全部", "艺人", "销售额", "排名", ":", "第", "17", "位"], ["第", "7", "名", "NEWS", "18", ".", "955", "亿", "日元", "包含", "杰尼斯", "外", "全部", "艺人", "销售额", "排名", ":", "第", "18", "位"], ["第", "8", "名", "KAT", "-", "TUN", "(", "团", "休息", "中", ")", "18", ".", "393", "亿", "日元", "包含", "杰尼斯", "外", "全部", "艺人", "销售额", "排名", ":", "第", "21", "位"], ["第", "9", "名", "杰尼斯", "WEST", "18", ".", "079", "亿", "日元", "包含", "杰尼斯", "外", "全部", "艺人", "销售额", "排名", ":", "第", "22", "位"], ["第", "10", "名", "V617", ".", "774", "亿", "日元", "包含", "杰尼斯", "外", "全部", "艺人", "销售额", "排名", ":", "第", "24位"], ["第", "11", "名", "KinKi", "Kids", "17", ".", "262", "亿", "日元", "包含", "杰尼斯", "外", "全部", "艺人", "销售额", "排名", ":", "第", "25", "位"], ["第", "12", "名", "泷泽秀明", "6", ".", "812", "亿", "日元", "包含", "杰尼斯", "外", "全部", "艺人", "销售额", "排名", ":", "第", "59", "位"], ["第", "13", "名", "堂本光一", "5", ".", "035", "亿", "日元", "包含", "杰尼斯", "外", "全部", "艺人", "销售额", "排名", ":", "第", "80", "位"], ["第", "14", "名", "涩谷昴", "(", "官方", "译名", ")", "3.698", "亿", "日元", "包含", "杰尼斯", "外", "全部", "艺人", "销售额", "排名", ":", "第", "99", "位"], ["第", "15", "名", "A", ".", "B", ".", "C", "-", "Z3", ".", "693", "亿", "日元", "包含", "杰尼斯", "外", "全部", "艺人", "销售额", "排名", ":", "第", "100", "位"], ["2016", "年", "未", "进入", "销售额", "Top", "100", "的", "杰尼斯", "艺人", "(", "线上活跃", "的", ")", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "=", "="]], "paragraphs": ["第1名岚121.833亿日元包含杰尼斯外全部艺人排名:第1位Are you Happy?第一当然Happy", "包含杰尼斯外全部艺人排名:第1位Are you Happy?第一当然Happy 最近怎么这么多楼上的妖魔鬼怪 第2名关杰尼∞47.881亿日元包含杰尼斯外全部艺人销售额排名:第5位 第3名Kis-My-Ft242.49亿日元包含杰尼斯外全部艺人销售额排名:第6位 第4名Hey! Say! JUMP34.587亿日元包含杰", "第4名Hey! Say! JUMP34.587亿日元包含杰尼斯外全部艺人销售额排名:第9位", "第5名Sexy Zone20.887亿日元包含杰尼斯外全部艺人销售额排名:第13位", "第6名SMAP(解散)19.219亿日元包含杰尼斯外全部艺人销售额排名:第17位", "第7名NEWS18.955亿日元包含杰尼斯外全部艺人销售额排名:第18位", "第8名KAT-TUN(团休息中)18.393亿日元包含杰尼斯外全部艺人销售额排名:第21位", "第9名杰尼斯WEST18.079亿日元包含杰尼斯外全部艺人销售额排名:第22位", "第10名V617.774亿日元包含杰尼斯外全部艺人销售额排名:第24位", "第11名KinKi Kids17.262亿日元包含杰尼斯外全部艺人销售额排名:第25位", "第12名泷泽秀明6.812亿日元包含杰尼斯外全部艺人销售额排名:第59位", "第13名堂本光一5.035亿日元包含杰尼斯外全部艺人销售额排名:第80位", "第14名涩谷昴(官方译名)3.698亿日元包含杰尼斯外全部艺人销售额排名:第99位", "第15名A.B.C-Z3.693亿日元包含杰尼斯外全部艺人销售额排名:第100位", "2016年未进入销售额Top100的杰尼斯艺人(线上活跃的)======================================================================="], "bs_rank_pos": 1}, {"is_selected": true, "title": "杰尼斯艺人内部地位排名遭曝光 日本投票演技出众十大艺人名单揭晓_", "most_related_para": 4, "segmented_title": ["杰尼斯", "艺人", "内部", "地位", "排名", "遭", "曝光", "日本", "投票", "演技", "出众", "十大", "艺人", "名单", "揭晓", "_"], "segmented_paragraphs": [["网站首页", ">", "新闻频道", ">", "正文", "阅读", ">"], ["杰尼斯事务所", "为", "日本", "一", "所", "著名", "艺人", "经纪公司", ",", "几乎", "可以说是", "日本", "“", "男", "偶像", "”", "的", "代名词", "。", "从", "少年队", "到", "Sexy", "Zone", ",", "层出不穷", "的", "偶像", "艺人", "都", "在", "日本", "日本", "娱乐圈", "占领", "了", "极其", "重要", "的", "地位", "。"], ["其实", ",", "日本", "娱乐圈", "对于", "“", "偶像", "(", "idol", ")", "”", "和", "“", "演员", "”", "这", "两者", "的", "有着", "不同", "的", "定位", "。", "原本", ",", "偶像", "肩负", "的", "仅仅", "是", "“", "大众情人", "”", "的", "使命", ",", "唱歌", "演戏", "只不过", "是", "“", "附加", "技能", "”", "。", "但", "在", "杰尼斯事务所", "的", "“", "精英", "养成计划", "”", "下", ",", "J", "家", "的", "一", "众", "男", "偶像", "却", "个", "个", "多才多艺", "。", "歌喉", "出众", ",", "舞", "技", "超群", "的", "不在少数", "。", "其中", "更", "有", "许多", "人", ",", "不仅", "拥有", "“", "倾倒", "众生", "”", "的", "外貌", ",", "更", "有", "着", "不", "逊", "色", "专业", "于", "专业", "演员", "的", "精湛", "演技", "。"], ["日本", "某", "网站", "在", "5", "月", "17", "日", "至", "6", "月", "8", "日", "期间", ",", "通过", "网络", "进行", "投票调查", ",", "评选", "出", "了", "杰尼斯事务所", "中", "演技", "出众", "的", "艺人", "。", "在", "J", "家", "众多", "偶像", "中", ",", "“", "那个人", "”", "以", "超高", "的", "票", "数", "遥遥领先", ",", "成为", "公认", "的", "杰尼斯", "演技派", "。"], ["第一名", ":", "二宫和也", "(", "14596", "票", ")", "看", "那", "华丽", "丽", "的", "票", "数", "!", "基本上", "二宫和也", "“", "演技派", "”", "的", "地位", "不需", "质疑", "。", "难能可贵", "的", "是", ",", "虽然", "身为", "偶像", ",", "但", "二宫和也", "从来", "不介意", "在", "影视", "作品", "中", "以", "弱势", ",", "甚至", "比较", "“", "难看", "”", "的", "形象", "出现", "。", "虽然", "基本上", "与", "“", "高富帅", "”", "无缘", ",", "但", "二宫和也", "的", "演技", "却", "在", "这些", "作品", "的", "磨砺", "下", "越", "显", "纯熟", "。", "第二名", ":", "生", "田", "斗", "真", "(", "6390", "票", ")", "没有", "隶属于", "任何", "一", "个", "组合", "的", "生", "田", "斗", "真", "在", "杰尼斯", "中", "可以说是", "比较", "特别", "的", "存在", "。", "虽然", "少", "了", "CD", "出道", "的", "机会", ",", "但", "这些年", ",", "在", "他", "自身", "的", "努力", "之", "下", ",", "凭借", "自己", "在", "演戏", "上", "的", "天赋", ",", "生", "田", "斗", "真", "在", "日本", "的", "影视圈", "站稳了", "脚跟", "。", "从", "大大咧咧", "的", "高中生", ",", "到", "热血警察", ",", "再", "到", "即将", "饰演", "的", "冷血", "杀人", "机器", ",", "生", "田", "斗", "真", "戏", "路", "之", "宽", "令人佩服", "。", "第三名", ":", "大野智", "(", "5008", "票", ")", "平时", "一", "副", "神游", "的", "样子", ",", "一旦", "进入", "角色", "就", "马力", "全开", "。", "虽然", "主演", "的", "作品", "不", "算", "太多", ",", "但", "不", "论", "是", "经典", "的", "《", "魔王", "》", ",", "还是", "在", "小朋友", "中", "拥有", "绝对", "人气", "的", "《", "怪物小王子", "》", ",", "反差", "再", "大", "的", "角色", "他", "都", "能", "很好", "地", "驾驭", "。", "第四名", ":", "中居正广", "(", "3535", "票", ")", "身为", "国民", "天", "团", "的", "领袖", ",", "中居正广", "演", "起", "戏", "来", "也", "丝毫", "不含糊", "。", "从", "早期", "的", "作品", "中", ",", "大家", "就能", "看出", "他", "对", "角色", "的", "准确把握", "。", "在", "目前", "热播", "的", "《", "ATARU", "》", "中", ",", "他", "更", "是", "通过", "自己", "精湛", "的", "演技", "塑造", "了", "一", "个", "十分", "富有个性", "的", "人物", "。", "第五名", ":", "木村拓哉", "(", "3529", "票", ")", "这位", "日剧", "大神", "的", "实力", "不需", "赘述", "。", "《", "悠长假期", "》", "、", "《", "HERO", "》", "、", "《", "华丽一族", "》", "等等", ",", "木村拓哉", "的", "经典作品", "数不胜数", "。", "甚至", "早年", "还有", "“", "木村", "在", "剧", "中", "演", "什么", "职业", ",", "这个", "职业", "就", "开始", "火爆", "”", "的", "传说", "。"], ["川", "妹子", "邓家佳", "既", "受", "观众", "追捧", ",", "又", "得", "专家", "肯定", "。", "第", "30", "届", "电影", "金鸡奖", "颁奖", "典礼", ",", "于", "9", "月", "19", "日", "晚", ",", "在", "吉林省", "吉林市", "人民", "艺术剧院", "隆重举行", "。", "从", "四川", "内江市", "走向全国", "的", "川", "妹子", "邓家佳", ",", "凭借", "在", "电"]], "paragraphs": ["网站首页 > 新闻频道 > 正文阅读 >", "杰尼斯事务所为日本一所著名艺人经纪公司,几乎可以说是日本“男偶像”的代名词。从少年队到Sexy Zone,层出不穷的偶像艺人都在日本日本娱乐圈占领了极其重要的地位。", "其实,日本娱乐圈对于“偶像(idol)”和“演员”这两者的有着不同的定位。原本,偶像肩负的仅仅是“大众情人”的使命,唱歌演戏只不过是“附加技能”。但在杰尼斯事务所的“精英养成计划”下,J家的一众男偶像却个个多才多艺。歌喉出众,舞技超群的不在少数。其中更有许多人,不仅拥有“倾倒众生”的外貌,更有着不逊色专业于专业演员的精湛演技。", "日本某网站在5月17日至6月8日期间,通过网络进行投票调查,评选出了杰尼斯事务所中演技出众的艺人。在J家众多偶像中,“那个人”以超高的票数遥遥领先,成为公认的杰尼斯演技派。", "第一名:二宫和也(14596票) 看那华丽丽的票数!基本上二宫和也“演技派”的地位不需质疑。难能可贵的是,虽然身为偶像,但二宫和也从来不介意在影视作品中以弱势,甚至比较“难看”的形象出现。虽然基本上与“高富帅”无缘,但二宫和也的演技却在这些作品的磨砺下越显纯熟。 第二名:生田斗真(6390票) 没有隶属于任何一个组合的生田斗真在杰尼斯中可以说是比较特别的存在。虽然少了CD出道的机会,但这些年,在他自身的努力之下,凭借自己在演戏上的天赋,生田斗真在日本的影视圈站稳了脚跟。从大大咧咧的高中生,到热血警察,再到即将饰演的冷血杀人机器,生田斗真戏路之宽令人佩服。 第三名:大野智(5008票) 平时一副神游的样子,一旦进入角色就马力全开。虽然主演的作品不算太多,但不论是经典的《魔王》,还是在小朋友中拥有绝对人气的《怪物小王子》,反差再大的角色他都能很好地驾驭。 第四名:中居正广(3535票) 身为国民天团的领袖,中居正广演起戏来也丝毫不含糊。从早期的作品中,大家就能看出他对角色的准确把握。在目前热播的《ATARU》中,他更是通过自己精湛的演技塑造了一个十分富有个性的人物。 第五名:木村拓哉(3529票) 这位日剧大神的实力不需赘述。《悠长假期》、《HERO》、《华丽一族》等等,木村拓哉的经典作品数不胜数。甚至早年还有“木村在剧中演什么职业,这个职业就开始火爆”的传说。", "川妹子邓家佳既受观众追捧,又得专家肯定。 第30届电影金鸡奖颁奖典礼,于9月19日晚,在吉林省吉林市人民艺术剧院隆重举行。从四川内江市走向全国的川妹子邓家佳,凭借在电"], "bs_rank_pos": 2}, {"is_selected": false, "title": "偶像中也有学霸!扒一扒各个杰尼斯艺人的学历-微众圈", "most_related_para": 45, "segmented_title": ["偶像", "中", "也有", "学霸", "!", "扒一扒", "各", "个", "杰尼斯", "艺人", "的", "学历", "-", "微众", "圈"], "segmented_paragraphs": [["下", "文", "提到", "的", "通信制", "也", "就是", "函授"], ["SMAP", "的", "名字", "来源于", "四", "个", "英文", "单词", ":", "Sports", "Music", "Assemble", "People", ",", "意思", "是", "运动", "音乐", "召集", "人民", ",", "体现", "了", "健康", "、", "活泼", "的", "特点", "。", "现", "由", "木村拓哉", "、", "中居正广", "、", "稻垣吾郎", "、", "香取慎吾", "、", "草", "彅", "刚", "五位", "成员", "组成", "。", "他们", "在", "1988", "年", "结成", "并", "于", "1991", "年", "以", "单曲", "出道", ",", "他们", "一直", "是", "日本", "最", "受欢迎", "的", "青春", "偶像", "组合", "之", "一", "。", "成员", "的", "个人", "气质", "、", "才艺", "、", "魅力", "以及", "造就", "了", "SMAP", "这个", "当之无愧", "的", "亚洲", "天", "团", "。"], ["中居正广", ":", "立", "代代木", "高中"], ["木村拓哉", ":", "立", "代代木", "高中"], ["香取慎吾", ":", "日本", "放送", "协会", "学园", "高中", "(", "通信", "制", ")", "(", "中途", "退学", ")"], ["稻垣吾郎", ":", "堀越", "高中"], ["草剪刚", ":", "堀越", "高中"], ["5", "人", "男子", "乐团", "组合", "TOKIO", "(", "东京", "小子", ")", "于", "1994", "年", "9", "月", "21", "日", "正式", "出道", "。", "出道", "两个月", "后", "就", "在", "日本", "武道馆", "举办", "了", "演唱会", ",", "并", "于", "同", "年", "受", "邀", "参加", "了", "NHK", "红白歌会", ",", "是", "与", "前辈", "SMAP", "一样", "固定", "参加", "红白歌会", "的", "杰尼斯", "艺人", "代表", "。"], ["城岛茂", ":", "奈良县", "立", "奈良", "商业", "高中"], ["山口", "达也", ":", "埼玉", "県", "立", "草", "加西", "高中"], ["松冈昌宏", ":", "堀越", "高中"], ["长濑智也", ":", "堀越", "高中", "(", "中途", "退学", ")"], ["国", "分", "太一", ":", "豊岛", "学院", "高中", "(", "中途", "退学", ")"], ["V6", "之", "名", "取", "自", "于", "“", "Victory", "six", "”", ",", "V", "也", "代表", "Vicycle", "及", "Veteran", "。", "V6", "是", "继", "“", "光", "GENJI", "”", "之后", ",", "第", "二", "组", "分组", "形式", "的", "组合", "。", "在", "1995", "年", "8", "月份", "成立", ",", "并", "在", "1995", "年", "11", "月", "1", "日", "正式", "出道", "。"], ["坂本昌行", ":", "昭和", "第", "一", "高中", "商业", "科"], ["长野博", ":", "神奈川县", "立", "绫濑", "西", "高中"], ["井之原快彦", ":", "科学技术", "学园", "高中"], ["森田刚", ":", "埼", "玉", "县", "立岩", "槻", "北陵", "高中", "(", "中途", "退学", ")"], ["冈田准一", ":", "堀越", "学校"], ["三宅健", ":", "东海大学", "付", "属", "望", "星", "高中", "(", "中途", "退学", ")"], ["KinKi", "Kids", "(", "近畿小子", ")", "于", "1993", "年", "8", "月", "6", "日", "结成", ",", "1997", "年", "7", "月", "21", "日", "正式", "出道", ",", "有", "堂本光一", "及", "堂本刚", "两", "名", "成员", "。", "出道", "之", "前", ",", "曾", "以", "“", "W", "堂本", "”", "及", "“", "Kanzai", "Boya", "”", "名字", "出现", "。", "因为", "出生", "近畿", "地方", "而", "以", "“", "近畿小子", "”", "作为", "团体", "名称", "。", "KinKi", "Kids", "被", "誉为", "J", "家", "最具", "音乐", "气息", "的", "组合", ",", "他们", "在音乐", "上", "取得", "的", "成绩", "缔造", "了", "很多", "日本", "乐坛", "的", "传奇", "。"], ["堂本光一", ":", "东海大学", "附属", "望", "星", "高中", "(", "通信", "制", ")"], ["堂本刚", ":", "堀越", "高中"], ["岚", "(", "ARASHI", ")", "是", "由", "大野智", "、", "樱井翔", "、", "相叶雅纪", "、", "二宫和也", "、", "松本润", "5", "名", "成员", "组成", "的", "偶像团体", ",", "于", "1999", "年", "出道", "。", "至", "2014", "年", "出道", "十五", "周年", ",", "岚", "的", "单曲", "总", "销量", "超过", "2000", "万", "张", ",", "音乐", "DVD", "销量", "位", "居", "日本", "历代", "第", "一", "。", "岚", "是", "现今", "日本", "最", "有", "人气", "的", "组合", "之", "一", ",", "成员", "除了", "唱歌", "更", "是", "在", "综艺节目", "以及", "影视剧", "方面", "表现优异", "。"], ["大野智", ":", "东海大学", "附属", "望", "星", "高中", "(", "通信", "制", ")", "(", "中途", "退学", ")"], ["樱井翔", ":", "庆应义塾大学", "经济", "部"], ["相叶雅纪", ":", "东海大学", "附属", "望", "星", "高中", "业", "(", "通信", "制", ")"], ["二宫和也", ":", "立志", "舍", "高中", "(", "通信", "制", ")"], ["松本润", ":", "堀越", "高中"], ["泷与翼", "(", "简称", "“", "T", "&", "T", "”", ")", "是", "一", "个", "日本", "双人", "偶像团体", ",", "团", "名", "是", "取", "两", "名", "成员", "泷泽秀明", "和", "今井", "翼", "名字", "的", "首", "字", "组成", ",", "组合", "于", "2002", "年", "9", "月", "11", "日", "正式", "出道", "。"], ["泷泽秀明", ":", "八王子", "实践", "高中", "(", "中途", "退学", ")"], ["今井翼", ":", "八", "洲", "学园", "高中", "新宿", "校", "(", "通信", "制", ")"], ["NEWS", ",", "2003", "年", "9", "月", "15", "日", "成立", "并", "于", "2004", "年", "5", "月", "12", "日", "正式", "出道", "。", "“", "NEWS", "”", "代表", "North", "(", "北", ")", "、", "East", "(", "东", ")", "、", "West", "(", "西", ")", "、", "South", "(", "南", ")", "四", "个", "方向", ",", "寓意", "NEWS", "能", "向", "国际", "四方", "发展", ",", "并", "有", "“", "新讯息", "”", "的", "意味", "。", "团体", "成员", ":", "小山庆一郎", "(", "成员", "色", ":", "紫色", ")", "、", "加藤成亮", "(", "成员", "色", ":", "绿色", ")", "、", "增田", "贵", "久", "(", "成员", "色", ":", "黄色", ")", "、", "手", "越", "祐", "也", "(", "成员", "色", ":", "粉色", ")", "。"], ["小山庆一郎", ":", "明治大学", "文学", "部"], ["加藤成亮", ":", "青山", "学院", "大学", "法学", "部"], ["增田", "贵", "久", ":", "克拉克", "记念", "国际", "高中", "(", "通信", "制", ")"], ["手越佑也", ":", "早稻田大学", "人间", "科学", "部", "人间情报", "科学", "科", "(", "通信", "教育", ")"], ["关", "8", "官方", "翻译", "为", "关", "杰尼", "∞", ",", "原名", "关", "杰尼", "8", ",", "出道", "后", "将", "8", "写作", "∞", ",", "意", "为", "无穷大", "。", "由", "横山", "裕", "、", "涉谷昴", "、", "村上信五", "、", "锦户亮", "、", "安田章大", "、", "丸山隆", "平和", "大仓忠义", "等", "7", "人", "组成", "。", "关", "8", "成员", "因为", "都", "来自", "关西", ",", "歌曲", "风格", "都", "带", "着", "浓浓", "的", "关西", "风", ",", "被", "歌迷", "戏", "称", "“", "搞笑团", "”", "。"], ["横山裕", ":", "大阪", "市", "立", "此花", "中", "学校"], ["涉谷昴", ":", "大阪", "学院", "大阪", "高中", "(", "中途", "退学", ")"], ["村上信五", ":", "金光", "大阪", "高中", "(", "中途", "退学", ")"], ["锦户亮", ":", "京都", "艺术", "高中"], ["安田章大", ":", "尼崎市", "立", "尼崎", "高中", "(", "中途", "退学", ")"], ["丸山隆平", ":", "关西", "文化艺术学院"], ["大仓忠义", ":", "大阪", "商业", "大学", "高中", "(", "中途", "退学", ")"], ["当红", "偶像团体", "KAT", "-", "TUN", "于", "2001", "年", "3", "月", "结成", ",", "同", "年", "4", "月", "初", "登场", ",", "当时", "团体", "内部", "平均年龄", "14", "岁", ",", "成", "军", "五年后", "于", "2006", "年", "3", "月", "22", "日", "全", "员", "年", "满", "20岁", "后", "宣布", "全", "员", "正式", "出道", "。", "一", "出道", "便", "以", "百万", "销量", "荣获", "Oricon", "年度", "桂冠", "。", "目前正在", "充电", "期", "。", "亀", "梨", "和", "也", ":", "都", "立", "水元", "高中", "(", "中途", "退学", ")", "上", "田", "竜", "也", ":", "私立", "昭和", "第", "一", "高中", "中丸雄一", ":", "早稻田大学", "人间", "科学", "部", "人间情报", "科学", "科", "(", "通信", "教育", ")", "Hey", "!", "Say", "!", "JUMP", "Hey", "!", "Say", "!", "JUMP", "是", "Hey", "!", "Say", "!", "Johnny", "'", "s", "Ultra", "Music", "Power", "的", "缩写", ",", "意思", "是", "可以", "在", "平成", "年代", "飞得更高", "更", "远", "。", "组合", "由", "Hey", "!", "Say", "!", "7", "与", "Hey", "!", "Say", "!", "BEST", "组成", ",", "2007", "年", "9", "月", "24", "日", "结成", ",", "并", "担任", "11", "月", "开幕", "的", "“", "世界杯", "排球赛", "”", "应援", "大使", ",", "同", "年", "11", "月", "14", "日", ",", "以", "单曲", "《", "Ultra", "Music", "Power", "》", "正式", "出道", "。", "2007", "年", "12", "月", "22", "日", ",", "首次", "在", "东京", "巨蛋", "举办", "出道", "演唱会", ",", "平均年龄", "15", ".", "2", "岁", ",", "创", "下", "当时", "东京", "巨蛋", "最", "年轻", "艺人", "开", "唱", "记录", "。", "薮宏太", ":", "早稻田大学", "人间", "科学", "部", "人间情报", "科学", "科", "(", "通信", "教育", ")", "高木", "雄", "也", ":", "神奈川县", "立", "横浜", "平", "沼", "高中", "(", "中途", "退学", ")", "八乙女光", ":", "堀越", "高中", "伊野尾慧", ":", "明治大学", "理工", "学", "部", "建筑", "学科", "(", "研究生", "在", "读", ")", "有冈大贵", ":", "堀越", "高中", "冈本圭人", ":", "上", "智", "大学", "国际", "教养", "学", "部", "中岛裕翔", ":", "堀越", "高中", "知念侑李", ":", "堀越", "高中", "森本龙太郎", ":", "堀越", "高中", "Kis", "-", "My", "-", "Ft2", "于", "2005", "年", "7", "月", "26", "日", "结成", ",", "2011", "年", "8", "月", "10", "日", "出道", "。", "出道", "单曲", "《", "Everybody", "Go", "》", "发售", "首", "日", "销售量", "达", "17", ".", "5", "万", "张", ",", "首次", "登场", "便", "获得", "8", "月", "9", "日", "发布", "的", "Oricon", "日", "单曲", "排行榜", "第", "1", "名", "。", "北山宏光", ":", "亚细亚", "大学", "经济学", "部", "千", "贺", "健", "永", ":", "日出", "高中", "宫田", "俊", "哉", ":", "国", "士", "馆", "大学", "政", "经", "学", "部", "经济", "学科", "横尾", "渉", ":", "克拉克", "记念", "国际", "高中", "藤", "谷", "太", "辅", ":", "明", "海", "大学", "经济学", "部", "玉森", "裕太", ":", "日出", "高中", "二阶堂", "高", "嗣", ":", "克拉克", "记念", "国际", "高中", "(", "中途", "退学", ")", "Sexy", "Zone", "是", "2011", "年", "9", "月", "29", "日", "正式宣布", "推出", "的", "5", "人", "新", "团体", ",", "并", "于", "同", "年", "11", "月", "16", "日", "发行", "单曲", "《", "Sexy", "Zone", "》", "实现", "CD", "出道", "。", "这", "也是", "杰尼斯", "首次", "全面", "推出", "的", "性感", "组合", ",", "出道", "时", "平均年龄", "只有", "14", ".", "2", "岁", "。", "中岛", "健", "人", ":", "明治", "学院", "大学", "社会学", "部", "(", "在", "读", ")", "菊池", "风", "磨", ":", "庆应义塾大学", "综合", "政策", "学", "部", "(", "在", "读", ")", "佐藤", "胜利", ":", "堀越", "高中", "(", "在", "读", ")", "松岛聪", ":", "静冈县", "内", "高中", "(", "在", "读", ")", "MARIUSU", "叶", ":", "东京", "横浜", "独逸", "学园", "中等", "科", "(", "在", "读", ")", "A", ".", "B", ".", "C", ".", "-", "Z", "是", "由", "五", "关", "晃", "一", "、", "河", "合", "郁", "人", "、", "桥本良亮", "、", "冢田僚一", "和", "户", "冢", "祥", "太", "组成", "的", "五人", "偶像团体", ",", "于", "2012", "年", "2", "月", "1", "日", "正式", "DVD", "出道", "。", "团", "名", "由", "Acrobat", "Boys", "Club", "而来", ",", "前身", "A", ".", "B", ".", "C", ".", ",", "主要", "以", "舞台剧", "活跃", ",", "同时", "也", "常", "出现", "在", "音乐", "节目", "少年", "俱乐部", "。", "五", "关", "晃", "一", ":", "立志", "舍", "高中", "河", "合", "郁", "人", ":", "立志", "舍", "高中", "桥本良亮", ":", "克拉克", "记念", "国际", "高中", "通信", "制", "(", "中途", "退学", ")", "冢", "田僚一", ":", "立志", "舍", "高中", "户", "冢", "祥", "太", ":", "立志", "舍", "高中"]], "paragraphs": ["下文提到的通信制也就是函授", "SMAP的名字来源于四个英文单词:Sports Music Assemble People,意思是运动音乐召集人民,体现了健康、活泼的特点。现由木村拓哉、中居正广、稻垣吾郎、香取慎吾、草彅刚五位成员组成。他们在1988年结成并于1991年以单曲出道,他们一直是日本最受欢迎的青春偶像组合之一。成员的个人气质、才艺、魅力以及造就了SMAP这个当之无愧的亚洲天团。", "中居正广:立代代木高中", "木村拓哉:立代代木高中", "香取慎吾:日本放送协会学园高中(通信制)(中途退学)", "稻垣吾郎:堀越高中", "草剪刚:堀越高中", "5人男子乐团组合TOKIO(东京小子)于1994年9月21日正式出道。出道两个月后就在日本武道馆举办了演唱会,并于同年受邀参加了NHK红白歌会,是与前辈SMAP一样固定参加红白歌会的杰尼斯艺人代表。", "城岛茂:奈良县立奈良商业高中", "山口达也:埼玉県立草加西高中", "松冈昌宏:堀越高中", "长濑智也:堀越高中(中途退学)", "国分太一:豊岛学院高中(中途退学)", "V6之名取自于“Victory six”,V也代表Vicycle及Veteran。V6是继“光GENJI”之后,第二组分组形式的组合。在1995年8月份成立, 并在1995年11月1日正式出道。", "坂本昌行:昭和第一高中商业科", "长野博:神奈川县立绫濑西高中", "井之原快彦:科学技术学园高中", "森田刚:埼玉县立岩槻北陵高中(中途退学)", "冈田准一:堀越学校", "三宅健:东海大学付属望星高中(中途退学)", "KinKi Kids(近畿小子)于1993年8月6日结成,1997年7月21日正式出道,有堂本光一及堂本刚两名成员。出道之前,曾以“W堂本”及“Kanzai Boya”名字出现。因为出生近畿地方而以“近畿小子”作为团体名称。KinKi Kids被誉为J家最具音乐气息的组合,他们在音乐上取得的成绩缔造了很多日本乐坛的传奇。", "堂本光一:东海大学附属望星高中(通信制)", "堂本刚:堀越高中", "岚(ARASHI)是由大野智、樱井翔、相叶雅纪、二宫和也、松本润5名成员组成的偶像团体,于1999年出道。至2014年出道十五周年,岚的单曲总销量超过2000万张,音乐DVD销量位居日本历代第一。岚是现今日本最有人气的组合之一,成员除了唱歌更是在综艺节目以及影视剧方面表现优异。", "大野智: 东海大学附属望星高中(通信制)(中途退学)", "樱井翔: 庆应义塾大学经济部", "相叶雅纪: 东海大学附属望星高中业(通信制)", "二宫和也: 立志舍高中(通信制)", "松本润: 堀越高中", "泷与翼(简称“T&T”)是一个日本双人偶像团体,团名是取两名成员泷泽秀明和今井翼名字的首字组成,组合于2002年9月11日正式出道。", "泷泽秀明:八王子实践高中(中途退学)", "今井翼:八洲学园高中新宿校(通信制)", "NEWS,2003年9月15日成立并于2004年5月12日正式出道。“NEWS”代表North(北)、East(东)、West(西)、South(南)四个方向,寓意NEWS能向国际四方发展,并有“新讯息”的意味。团体成员:小山庆一郎(成员色:紫色)、加藤成亮(成员色:绿色)、增田贵久(成员色:黄色)、手越祐也(成员色:粉色)。", "小山庆一郎:明治大学文学部", "加藤成亮:青山学院大学法学部", "增田贵久:克拉克记念国际高中(通信制)", "手越佑也:早稻田大学人间科学部人间情报科学科(通信教育)", "关8官方翻译为关杰尼∞,原名关杰尼8,出道后将8写作∞,意为无穷大。由横山裕、涉谷昴、村上信五、锦户亮、安田章大、丸山隆平和大仓忠义等7人组成。关8成员因为都来自关西,歌曲风格都带着浓浓的关西风,被歌迷戏称“搞笑团”。", "横山裕:大阪市立此花中学校", "涉谷昴:大阪学院大阪高中(中途退学)", "村上信五:金光大阪高中(中途退学)", "锦户亮:京都艺术高中", "安田章大:尼崎市立尼崎高中(中途退学)", "丸山隆平:关西文化艺术学院", "大仓忠义:大阪商业大学高中(中途退学)", "当红偶像团体KAT-TUN于2001年3月结成,同年4月初登场,当时团体内部平均年龄14岁,成军五年后于2006年3月22日全员年满20岁后宣布全员正式出道。 一出道便以百万销量荣获Oricon年度桂冠。目前正在充电期。 亀梨和也:都立水元高中 (中途退学) 上田竜也:私立昭和第一高中 中丸雄一:早稻田大学人间科学部人间情报科学科 (通信教育) Hey!Say!JUMP Hey! Say! JUMP是Hey! Say! Johnny's Ultra Music Power的缩写,意思是可以在平成年代飞得更高更远。组合由Hey! Say! 7与Hey! Say! BEST组成,2007年9月24日结成,并担任11月开幕的“世界杯排球赛”应援大使,同年11月14日,以单曲《Ultra Music Power》正式出道。2007年12月22日,首次在东京巨蛋举办出道演唱会,平均年龄15.2岁,创下当时东京巨蛋最年轻艺人开唱记录。 薮宏太:早稻田大学人间科学部人间情报科学科(通信教育) 高木雄也:神奈川县立横浜平沼高中(中途退学) 八乙女光:堀越高中 伊野尾慧:明治大学理工学部建筑学科(研究生在读) 有冈大贵:堀越高中 冈本圭人:上智大学国际教养学部 中岛裕翔:堀越高中 知念侑李:堀越高中 森本龙太郎:堀越高中 Kis-My-Ft2于2005年7月26日结成,2011年8月10日出道。出道单曲《Everybody Go》发售首日销售量达17.5万张,首次登场便获得8月9日发布的Oricon日单曲排行榜第1名。 北山宏光:亚细亚大学经济学部 千贺健永:日出高中 宫田俊哉:国士馆大学政经学部经济学科 横尾渉:克拉克记念国际高中 藤谷太辅:明海大学经济学部 玉森裕太:日出高中 二阶堂高嗣:克拉克记念国际高中(中途退学) Sexy Zone是2011年9月29日正式宣布推出的5人新团体,并于同年11月16日发行单曲《Sexy Zone》实现CD出道。这也是杰尼斯首次全面推出的性感组合,出道时平均年龄只有14.2岁。 中岛健人:明治学院大学社会学部(在读) 菊池风磨:庆应义塾大学综合政策学部(在读) 佐藤胜利:堀越高中(在读) 松岛聪:静冈县内高中(在读) MARIUSU叶:东京横浜独逸学园中等科(在读) A.B.C.-Z是由五关晃一、河合郁人、桥本良亮、冢田僚一和户冢祥太组成的五人偶像团体,于2012年2月1日正式DVD出道。团名由Acrobat Boys Club 而来,前身A.B.C.,主要以舞台剧活跃,同时也常出现在音乐节目少年俱乐部。 五关晃一:立志舍高中 河合郁人:立志舍高中 桥本良亮:克拉克记念国际高中通信制(中途退学) 冢田僚一:立志舍高中 户冢祥太:立志舍高中"], "bs_rank_pos": 3}, {"is_selected": false, "title": "杰尼斯事务所_日本人选出的2016好感度艺人TOP10_沪江日语", "most_related_para": 6, "segmented_title": ["杰尼斯事务所", "_", "日本人", "选", "出", "的", "2016", "好感度", "艺人", "TOP", "10", "_", "沪江", "日语"], "segmented_paragraphs": [["编辑点评", ":", "第", "13", "届", "音乐", "祭", "由", "2", "万", "名", "粉丝", "甄选", "出", "的", "最喜欢", "的", "歌手", "排行榜", "已", "出炉", ",", "除了", "达成", "七", "连", "霸", "的", "岚", "、", "常驻", "组", "之外", ",", "SMAP", "因", "宣布", "年", "内", "解散", "而", "名次", "大幅提升", ",", "复", "出", "的", "宇多田光", "亦", "名列前茅", "。"], ["岚", "达成", "7", "连", "霸", "!"], ["2004", "年", "に", "ス", "タ", "ー", "ト", "し", "、", "毎", "年", "発", "表", "し", "て", "い", "る", "『", "音", "楽", "フ", "ァ", "ン", "2", "万人", "が", "選", "ぶ", "“", "好", "き", "な", "ア", "ー", "テ", "ィ", "ス", "ト", "ラ", "ン", "キ", "ン", "グ", "”", "2016", "』", "だ", "が", "、", "嵐", "の", "7", "年", "連", "続", "総", "合", "首位", "は", "史", "上", "初", "で", "あ", "り", "、", "最多", "記録", "。", "今", "回", "は", "、", "世代", "別", "ラ", "ン", "キ", "ン", "グ", "「", "10", "代", "」", "「", "20", "代", "」", "で", "1", "位", "を", "獲得", "し", "て", "い", "る", "。"], ["“", "由", "两万", "音乐", "粉", "选", "出", "的", "喜欢", "的", "艺人", "排行榜", "”", "已经", "举行", "了", "12", "年", "。", "加上", "今年", ",", "岚", "连续七年", "获得", "综合", "排名", "第一位", "的", "高", "纪录", ",", "达成", "史", "上", "首次", "七", "连", "霸", "的", "好成绩", "。", "并且", "本次", "在", "世代", "排行", "“", "10", "代", "”", "“", "20", "代", "”", "中", "均", "获得", "了", "第一名", "。"], ["特", "に", "支持", "の", "高", "い", "若", "年", "層", "か", "ら", "は", "、", "「", "仲", "が", "良", "い", "し", "メ", "ン", "バ", "ー", "全", "員", "が", "輝", "い", "て", "い", "る", "」", "(", "千葉", "/", "10", "代", "女性", ")", "と", "い", "う", "メ", "ン", "バ", "ー", "同", "士", "の", "仲", "の", "良", "さ", "に", "惹", "か", "れ", "る", "声", "は", "も", "ち", "ろん", "、", "「", "雰囲気", "、", "考", "え", "方", "や", "姿勢", "、", "見", "て", "い", "る", "だ", "け", "で", "笑顔", "に", "さ", "せ", "て", "く", "れ", "る", "存在", "」", "(", "愛", "知", "/", "10", "代", "女性", ")", "、", "「", "仕事", "に", "対", "す", "る", "姿勢", "も", "尊敬", "で", "き", "る", "」", "(", "千葉", "/", "20", "代", "女性", ")", "な", "ど", "、", "そ", "の", "人間", "性", "に", "魅力", "を", "感", "じ", "る", "と", "い", "う", "意見", "も", "多", "か", "っ", "た", "。"], ["尤其", "是", "支持", "特别", "高", "的", "年轻", "层", ",", "有", "“", "关系", "好", "的", "成员", "全部", "都", "熠熠生辉", "啊", "”", "(", "千叶", "/", "10", "代", "女性", ")", "这", "类", "因", "他们", "成员", "之间", "关系", "好", "而", "受到", "感染", "的", "粉丝", ",", "也有", "“", "气氛", "、", "思想", "和", "姿态", "、", "仅仅", "是", "看着", "他们", "就能", "让", "我们", "微笑", "的", "存在", "”", "(", "爱", "知", "/", "10", "代", "女性", ")", "、", "“", "他们", "对于", "工作", "的", "态度", "十分", "值得尊敬", "”", "(", "千叶", "/", "20", "代", "女性", ")", "等", "感受到", "他们", "人性", "魅力", "的", "意见", "也", "很多", "。"], ["今年", "は", "、", "ア", "リ", "ー", "ナ", "ク", "ラ", "ス", "の", "会場", "を", "め", "ぐ", "る", "ツ", "ア", "ー", "『", "ARASHI", "“", "Japonism", "Show", "”", "in", "ARENA", "』", "を", "開", "催", "、", "先", "ごろ", "新", "た", "な", "ド", "ー", "ム", "ツ", "ア", "ー", "も", "ス", "タ", "ー", "ト", "さ", "せ", "た", "嵐", "。", "シ", "ン", "グ", "ル", "「", "復活", "LOVE", "」", "と", "「", "I", "seek", "/", "Daylight", "」", "、", "今年", "最高", "の", "初", "動", "売", "上", "を", "記録", "し", "た", "ア", "ル", "バ", "ム", "『", "Are", "You", "Happy", "?", "』", "の", "発売", "な", "ど", "、", "バ", "ラ", "エ", "テ", "ィ", "や", "ド", "ラ", "マ", "で", "の", "活躍", "は", "も", "ち", "ろん", "、", "コ", "ン", "ス", "タ", "ン", "ト", "な", "音", "楽", "活動", "に", "も", "力", "を", "入", "れ", "て", "い", "る", "。", "そ", "れ", "だ", "け", "に", "、", "「", "ラ", "イ", "ブ", "は", "最高", "の", "演出", "で", "感動", "す", "る", "し", "、", "飽", "き", "な", "い", "」", "(", "神奈川", "/", "10", "代", "女性", ")", "、", "「", "5", "人", "の", "パ", "フ", "ォ", "ー", "マ", "ン", "ス", "に", "ま", "と", "ま", "り", "が", "あ", "る", "」", "(", "東京", "/", "20", "代", "男性", ")", "、", "「", "歌", "、", "ダ", "ン", "ス", "、", "パ", "フ", "ォ", "ー", "マ", "ン", "ス", "が", "素晴", "ら", "し", "い", "。", "様", "々", "な", "ジ", "ャ", "ン", "ル", "を", "歌", "い", "こ", "な", "せ", "る", "」", "(", "埼玉", "/", "30", "代", "女性", ")", "と", "、", "年", "々", "ラ", "イ", "ブ", "や", "音", "楽", "面", "を", "評価", "す", "る", "声", "も", "増", "加", "し", "て", "い", "る", "よ", "う", "だ", "。"], ["今年", "的", "《", "ARASHI", "\"", "Japonism", "Show", "\"", "in", "ARENA", "》", "巡演", ",", "之后", "紧接着", "开始", "了", "巨蛋", "巡演", "的", "岚", ",", "发售", "了", "单曲", "《", "复活", "LOVE", "》", "和", "《", "I", "seek", "/", "Daylight", "》", ",", "以及", "今年", "初", "动", "最高", "的", "专辑", "《", "Are", "You", "Happy", "?", "》", ",", "五人", "在", "综艺", "和", "电视剧", "中", "也", "相当", "活跃", ",", "常规", "音乐", "活动", "也", "十分", "给力", "。", "“", "对于", "演唱会", "相当", "感动", ",", "完全", "不会", "腻", "”", "(", "神奈川", "/", "10", "代", "女性", ")", "、", "“", "5", "人", "的", "表演", "非常", "整齐划一", "很", "和谐", "”", "(", "东京", "/", "20", "代", "男性", ")", "、", "“", "演唱", "、", "舞蹈", "、", "表演", "都", "很", "棒", ",", "每个", "类型", "的", "歌曲", "都", "能", "唱", "得", "很好", "”", "(", "埼玉", "/", "30", "代", "女性", ")", ",", "粉丝", "们", "每年", "都", "增加", "着", "对于", "他们", "音乐", "方面", "高", "评价", "的", "呼声", "。"], ["声明", ":", "本", "双语", "文章", "的", "中文翻译", "系", "沪江", "日语", "原创", "内容", ",", "转载", "请", "注明", "出处", "。", "中文翻译", "仅", "代表", "译者", "个人观点", ",", "仅供参考", "。", "如", "有", "不妥", "之", "处", ",", "欢迎", "指正", "。"], ["相关", "阅读", "推荐", ":"], ["2016", "年", "11", "月", "17", "日", "06", "点", "30", "分", ":", "ウ", "サ", "ギ"]], "paragraphs": ["编辑点评:第13届音乐祭由2万名粉丝甄选出的最喜欢的歌手排行榜已出炉,除了达成七连霸的岚、常驻组之外,SMAP因宣布年内解散而名次大幅提升,复出的宇多田光亦名列前茅。", "岚达成7连霸!", "2004年にスタートし、毎年発表している『音楽ファン2万人が選ぶ“好きなアーティストランキング”2016』だが、嵐の7年連続総合首位は史上初であり、最多記録。今回は、世代別ランキング「10代」「20代」で1位を獲得している。", "“由两万音乐粉选出的喜欢的艺人排行榜”已经举行了12年。加上今年,岚连续七年获得综合排名第一位的高纪录,达成史上首次七连霸的好成绩。并且本次在世代排行“10代”“20代”中均获得了第一名。", "特に支持の高い若年層からは、「仲が良いし メンバー全員が輝いている」(千葉/10代女性)というメンバー同士の仲の良さに惹かれる声はもちろん、「雰囲気、考え方や姿勢、見ているだけで笑顔にさせてくれる存在」(愛知/10代女性)、「仕事に対する姿勢も尊敬できる」(千葉/20代女性)など、その人間性に魅力を感じるという意見も多かった。", "尤其是支持特别高的年轻层,有“关系好的成员全部都熠熠生辉啊”(千叶/10代女性)这类因他们成员之间关系好而受到感染的粉丝,也有“气氛、思想和姿态、仅仅是看着他们就能让我们微笑的存在”(爱知/10代女性)、“他们对于工作的态度十分值得尊敬”(千叶/20代女性)等感受到他们人性魅力的意见也很多。", "今年は、アリーナクラスの会場をめぐるツアー『ARASHI“Japonism Show”in ARENA』を開催、先ごろ新たなドームツアーもスタートさせた嵐。シングル「復活LOVE」と「I seek/Daylight」、今年最高の初動売上を記録したアルバム『Are You Happy?』の発売など、バラエティやドラマでの活躍はもちろん、コンスタントな音楽活動にも力を入れている。それだけに、「ライブは最高の演出で感動するし、飽きない」(神奈川/10代女性)、「5人のパフォーマンスにまとまりがある」(東京/20代男性)、「歌、ダンス、パフォーマンスが素晴らしい。様々なジャンルを歌いこなせる」(埼玉/30代女性)と、年々ライブや音楽面を評価する声も増加しているようだ。", "今年的《ARASHI\"Japonism Show\"in ARENA》巡演,之后紧接着开始了巨蛋巡演的岚,发售了单曲《复活LOVE》和《I seek/Daylight》,以及今年初动最高的专辑《Are You Happy?》,五人在综艺和电视剧中也相当活跃,常规音乐活动也十分给力。“对于演唱会相当感动,完全不会腻”(神奈川/10代女性)、“5人的表演非常整齐划一很和谐”(东京/20代男性)、“演唱、舞蹈、表演都很棒,每个类型的歌曲都能唱得很好”(埼玉/30代女性),粉丝们每年都增加着对于他们音乐方面高评价的呼声。", "声明:本双语文章的中文翻译系沪江日语原创内容,转载请注明出处。中文翻译仅代表译者个人观点,仅供参考。如有不妥之处,欢迎指正。", "相关阅读推荐:", "2016年11月17日06点30分 : ウサギ"], "bs_rank_pos": 4}], "answer_spans": [[75, 81]], "answer_docs": [2], "fake_answers": ["。第二名:生田斗真"], "question": "杰尼斯事务所艺人排名", "segmented_answers": [["1", "岚", "。", "2", "关", "杰尼", "。", "3", "Kis", "-", "My", "-", "Ft2", "。", "4", "Hey", "!", "Say", "!", "JUMP", "。", "5", "Sexy", "Zone", "。", "6S", "MAP", "(", "解散", ")", "。", "7", "NEWS", "。", "8", "KAT", "-", "TUN", "。", "9", "杰尼斯", "WEST", "。", "10", "V6", "。"], ["第一名", ":", "二宫和也", ",", "第二名", ":", "生", "田", "斗", "真", ",", "第三名", ":", "大野智", ",", "第四名", ":", "中居正广", ",", "第五名", ":", "木村拓哉", "。"]], "answers": ["1岚。2关杰尼。3Kis-My-Ft2。4Hey!Say!JUMP。5SexyZone。6SMAP(解散)。7NEWS。8KAT-TUN。9杰尼斯WEST。10V6。", "第一名:二宫和也,第二名:生田斗真,第三名:大野智,第四名:中居正广,第五名:木村拓哉。"], "entity_answers": [["岚", "关杰尼", "Kis-My-Ft2", "Hey!Say!JUMP", "SexyZone", "SMAP", "NEWS", "KAT-TUN", "杰尼斯", "WEST", "V6"], ["二宫和也", "生田斗真", "大野智", "中居正广", "木村拓哉"]], "segmented_question": ["杰尼斯事务所", "艺人", "排名"], "question_type": "ENTITY", "question_id": 44, "fact_or_opinion": "FACT", "match_scores": [0.4]} -{"documents": [{"is_selected": true, "title": "【智能手机排行榜2017前十名|智能手机性价比排行】-手机中国", "most_related_para": 1, "segmented_title": ["【", "智能手机", "排行榜", "2017", "前十名", "|", "智能手机", "性价比", "排行", "】", "-", "手机", "中国"], "segmented_paragraphs": [["拼音", "索引", "A", "B", "C", "D", "E", "F", "G", "H", "I", "J", "K", "L", "M", "N", "O", "P", "Q", "R", "S", "T", "V", "W", "X", "Y", "Z", "ZL"], ["产地", "索引", "中国大陆", "|", "欧美", "品牌", "|", "日韩", "品牌", "|", "中国", "台湾"]], "paragraphs": ["拼音索引 A B C D E F G H I J K L M N O P Q R S T V W X Y Z ZL", "产地索引 中国大陆 | 欧美品牌 | 日韩品牌 | 中国台湾"], "bs_rank_pos": 0}, {"is_selected": false, "title": "手机什么牌子好,手机十大品牌排行榜 ", "most_related_para": 10, "segmented_title": ["手机", "什么", "牌子", "好", ",", "手机", "十大", "品牌", "排行榜"], "segmented_paragraphs": [["数据", "来源", ":", "全", "网", "公开", "的", "评论", "和", "销量", "数据"], ["手机", "十大", "品牌", "排行", ",", "来", "看看", "手机", "什么", "牌子", "好", "?"], ["排名", "主要", "依据", "全", "网", "销量", "和", "口碑"], ["魅族", "外观", "可以", ",", "手机", "做", "的", "比较", "薄", ",", "但", "摄像头", "突出", ",", "机身", "手感", "可以", "。", "手机", "系统", "是", "基于", "阿里", "云", "的", "flyme", "6", ",", "系统", "简洁", ",", "功能", "扩展", "可玩性", "不", "高", ",", "相对", "于", "魅族", "自身", "的", "差点", ",", "电池", "耗电", "方面", "可以", ",", "待机", "时间长", ",", "对于", "轻度", "使用者", "一天", "以上", "基本", "没问题", "。", "魅族", "的", "快", "冲", "可以", ",", "从", "20", "%", "开始", ",", "基本", "1", "小时", "多", "就", "可以", "冲", "满", ",", "但", "冲", "电", "的", "时候", "机身", "温度", "有点", "烫", "。", "屏幕", "一般", ",", "相机", "拍照", "一般", ",", "千元", "机", "的", "水准", ",", "不过", "扫", "二维码", "识别", "挺", "快", "的", "。", "通话", "声音", "还", "可以", ",", "外放", "音乐", "声音", "大", ",", "音质", "表现", "可以", "。", "指纹", "解锁", "速度", "挺", "快", "的", ",", "识别", "率", "挺好", ",", "可以", "支持", "支", "Fu", "宝", "和", "微信", "支付", ",", "使用方便", "。", "电信", "联通", "信号", "表现", "还", "可以", ",", "wifi", "上网", "可以", ",", "目前", "没", "发现", "掉线", "情况", "。", "手机", "运行", "内存", "说", "3G", ",", "实际", "2", ".", "6", "多", "G", ",", "系统", "占用", "1.5G", "左右", ",", "实际", "可用", "少", ",", "不过", "满足", "日常", "软件", "使用", "。", "总体", "表现", "还", "可以", "详细", "内容", ">"], ["第一次", "使用", "努比亚", "手", "1", ".", "外观", ":", "大小", "正好", ",", "屏幕", "很", "清晰", ",", "屏幕", "色彩", "比较", "平淡", ",", "但是", "色彩", "可以", "自己", "设置", ",", "我", "设置", "的", "艳丽", ",", "设置", "完成", "后", ",", "显示", "效果好", "很多", "!", "整体", "做工", "很", "精致", ",", "很", "圆润", ",", "手感很好", "!", "2", ".", "系统", "流畅度", "还", "可以", ",", "不能说", "非常", "流畅", ",", "但", "很", "顺", "手", "!", "应用", "启动", "速度", "还", "可以", ",", "虽然", ",", "不是", "飞", "一般", "的", "快", ",", "但", "也", "没有", "明显", "的", "延时", ",", "日常", "使用", "绝对", "够用", "!", "64G", "存储", ",", "除了", "系统", "占用", ",", "还剩", "50", "个", "G", "。", "运行", "内存", "用", "安兔兔", "测试", ",", "还剩", "1.8", "个", "G", "指纹", "解锁", "速度", "一般", ",", "不", "快", "也", "不", "慢", "中规中矩", "!", "3", ".", "照相", ":", "索尼", "318", "传感器", ",", "2300", "万", "像素", ",", "成像", "效果", "还", "可以", ",", "风格", "属于", "还原", "真是", "色彩", ",", "没有", "非常", "艳丽", "的", "感觉", ",", "不是", "很", "讨好", "眼球", ",", "但", "清晰度", ",", "噪点", "控制", "都", "还", "可以", ",", "个人", "觉得", "还有", "待", "提高", ",", "没有", "发挥", "索尼", "318", "的", "真实", "水平", ",", "前置", "1300", "万", "像素", ",", "成像", "效果", "也", "还", "可以", ",", "美颜", "功能", "很自然", ",", "没有", "像", "别", "的", "手机", "那样", "修饰", "的", "那么", "夸张", "!", "4", ":", "电池", "待机", "还算", "比较", "耐用", ",", "坚持", "一", "天", "没问题", "!", "没有", "明显", "发热", "!", "5", ".", "触摸屏", "下方", "有时候", "不灵", ",", "把", "分屏", "关掉", "后", "就", "没问题", "了", "6", ".", "网上", "说", "的", "虚拟", "按键", "不", "灵敏", ",", "没", "遇到", "!", "7", ".", "信号", "还", "可以", ",", "比", "我", "以前", "用", "的", "360", "手机", "强", "多", "了", "!", "8", ":", "边缘", "触控", "功能", "很", "酷", "总体来说", "一款", "手机", "各方面", "都", "中规中矩", ",", "很", "均衡", "!", "下面", "有", "几", "张", "我", "的", "拍摄", "样张", ",", "供", "大家", "欣赏", "!", "详细", "内容", ">"], ["用户", "梦", "***", "城", "于", "2016", "/", "11", "/", "7", "发布", "的", "评价"], ["一直", "都", "在", "用", "酷派", "手机", ",", "大神", "F1", "也", "都", "在", "用", ",", "刚", "帮", "亲戚", "也", "买", "了", "大神", "F2", "。", "确实", "很", "让", "我", "信赖", "的", "品牌", ",", "性价比", "高", ",", "手机", "优化", "的", "也", "很不错", ",", "用", "得", "得心应手", "。", "选", "这", "款", "电信", "手机", "也是", "因为", "刚", "办", "了", "张", "电信", "4G", "卡", ",", "加上", "喜欢", "酷派", "手机", "的", "手感", "和", "外形", "。", "这", "款", "酷派", "Y70", "电信", "手机", "外形", "简约", "也", "显", "大方", ",", "刚", "拿到", "手", "开机", "确实", "给", "我", "很大", "的", "惊喜", ",", "5", "寸", "的", "720p", "屏幕", ",", "色彩鲜艳", ",", "显示", "非常", "细腻", ",", "亮度", "高", ",", "可视", "角度", "大", "。", "整个", "手感", "恰到好处", ",", "5", "寸", "屏", "手机", "我", "觉得", "是", "最", "适合", "手握", "或者", "是", "放在", "裤兜", "里", "的", "了", "。", "试", "了", "下", "照相", "功能", ",", "对焦", "速度", "很", "精准", ",", "拍摄", "的", "照片", "还是", "蛮", "不错", "的", ",", "毕竟", "800", "万", "像素", "不会", "让", "人", "失望", "的", "。", "再", "说", "系统优化", "的", "确实", "流畅", ",", "没有", "一点", "卡顿", "。", "预装", "了", "几个", "常用软件", ",", "如果", "不喜欢", "也", "都", "可以", "删除", ",", "全", "由", "自己", "选择", "。", "自带", "的", "酷派", "社区", "软件", "很不错", ",", "可以随时", "登陆论坛", "与", "酷派", "机", "友", "互动", ",", "掌握", "最新", "的", "酷派", "活动", "信息", ",", "还能", "第一时间", "更新", "升级", "系统", ",", "做", "的", "非常", "人性化", "。", "手机", "4G", "信号", "很", "稳定", ",", "通话", "清晰", ",", "上网速度", "让", "人", "很", "惊讶", ",", "配置", "的", "20", "毫安", "电池", ",", "偶尔", "上", "上网", ",", "接", "打", "几个", "电话", ",", "待机", "一", "天", "刚刚好", "。", "电池", "后盖", "有些", "难", "拿下", ",", "需要", "指甲", "沿", "后盖", "转一圈", "才", "可以", "轻松", "拿下", ",", "需要", "联系", "几", "次", "就", "很", "熟练", "了", "。", "总体来说", "是", "个", "很不错", "双卡", "双待", "电信", "手机", ",", "性价比", "高", ",", "让", "人", "很满意", "。", "值得", "推荐", "朋友", "来", "买", "。", "详细", "内容", ">"], ["用户", "h", "***", "y", "于", "2014", "/", "10", "/", "31", "发布", "的", "评价"], ["1", "、", "薄", ",", "屏幕", "稍", "大", ",", "但是", "厚度", "小", ",", "所以", "比较", "轻", ";", "2", "、", "系统", "很", "流畅", ",", "切换", "没", "卡顿", ",", "指纹", "解锁", "反应", "快", ",", "方便", "了", "开屏", "时间", ";", "3", "、", "相机", "一般", ",", "别", "让", "像素", "忽悠", "了", ",", "光线", "透过镜头", "量", "不好", ",", "低", "光", "直接", "拍照", "不好", ",", "但", "自带", "相机", "能", "调", "曝光时间", "等", "设置", ",", "可以", "稍微", "改善", "照片", "质量", "。", "日常", "拍照", "可以", "满足", ",", "如", "有", "摄影", "爱好", "又", "不怕", "麻烦", "钻研", "的", "话", ",", "建议", "还是", "微单", "或", "单反", ",", "手机", "摄影", "无论", "多", "智能", "都", "因", "大小", "尺寸", "有", "局限", ";", "4", "、", "省电", "。", "没", "详细", "留意", ",", "无", "wifi", "只", "4g", "网络", "状态", "下", "待机", "一", "白天", "用", "电", "不到", "15", "%", "。", "充电", "稍", "慢", ",", "但", "不", "发热", "。", "5", "、", "外观", "很好", "。", "现在", "出来", "的", "手机", "都", "讲究", "外观设计", ",", "所以", "一般", "都", "不会", "难看", "得", "难以接受", "。", "颜色", "看", "个人", "喜欢", "吧", "。", "6", "、", "最", "基本", "的", "打电话", "。", "通话质量", "很好", "。", "华为", "嘛", ",", "靠得住", "。", "4g", "网络", "信号", "接受", "良好", "。", "7", "、", "所用", "的", "卡", "是", "最小", "的", "卡", "。", "8", "、", "买手机", ",", "如果", "要", "考虑", "资金", "问题", ",", "就", "建议", "买", "一", "千", "至", "两千", "的", "手机", ",", "太", "贵", "喊", "着", "高", "配置", "双", "摄像头", "太", "浮", "。", "日常", "拍照", "用不着", "什么", "双", "摄像头", ",", "手机", "配", "双", "摄像头", "也", "不会", "专业", "哪里", "去", ",", "拍", "不", "好多", "高", "配置", "还是", "不会", "拍", "的", "。", "还有", ",", "大多数", "的", "游戏", "也", "没", "几个", "要", "用", "到", "什么", "八核", "的", ",", "你", "玩", "个", "连连看", "、", "植物大战僵尸", "四核", "都", "用不着", ",", "但", "基于", "安卓", "系统", "配", "个", "四核", "也", "情有可原", "。", "别", "广告", "喊", "什么", "就", "信", "什么", "。", "谢谢", "详细", "内容", ">"], ["用户", "w", "***", "r", "于", "2016", "/", "9", "/", "16", "发布", "的", "评价"], ["手机", "性价比", "太", "高", "了", ",", "运行速度", "很快", ",", "不", "卡顿", ",", "支持", "扩展", "内存", ",", "信号", "真心", "不错", ",", "充电", "挺", "快", "的", ",", "续航", "也", "不错", ",", "屏幕", "大小", "正", "适合", "老年人", ",", "不会", "太", "大", "也", "不会", "太", "小", ",", "屏幕", "清晰", ",", "屏幕", "占", "比", "大", ",", "一贯", "的", "窄", "边框", ",", "还有", "这个", "下方", "的", "小圆点", "改", "成", "按压", "式", "的", "home", "键", "看起来", "简洁大方", ",", "有些人", "说", "是", "跟", "iphone", "学", "的", ",", "管", "他", "呢", ",", "学", "了", "好", "了", "就", "行", "。", "flyme", "系统", "棒棒", "的", ",", "在", "某些", "细节", "做", "得", "比较", "到位", ",", "如", ":", "拨打", "运营商", "的", "电话", "直接", "弹出", "数字", "键盘", ",", "语音", "的", "识别", "也", "很准", ",", "也", "可以", "把", "长按", "home", "改为", "锁屏", ",", "有", "访客", "模式", ",", "做", "得", "很好", ",", "特别", "是", "那个", "悬浮", "球", ",", "用", "熟", "了", "之后", "更", "是", "非常方便", "。", "不太", "喜欢", "就是", "一", "个", "是", "发热", ",", "果然", "魅族", "很容易", "发热", "。", "还有", "外形", "塑料", "感", "重", ",", "但是", "谁", "让", "他", "这么便宜", "呢", "。", "还有", "摄像头", "照相", "不敢", "抖动", ",", "一", "抖动", "就", "发", "虚", ",", "不", "信", "有", "1300", "万", "像素", "哈哈", "。", "外放", "音质", "不行", "。", "总的来说", "系统", "简单易用", "才", "*", "真心", "便宜", "适合", "备用机", "或者", "给", "老人", "使用", "。", "详细", "内容", ">"], ["用户", "l", "***", "s", "于", "2016", "/", "4", "/", "27", "发布", "的", "评价"], ["手机", "相关", "信息"], ["手机", "比价", "导购", "手机", "十大", "品牌", "手机", "口碑", "大全", "手机", "降价", "排行", "手机导购", "知识", "销量", "上升", "最", "快", "的", "手机"]], "paragraphs": ["数据来源:全网公开的评论和销量数据", "手机十大品牌排行,来看看手机什么牌子好?", "排名主要依据全网销量和口碑", "魅族外观可以,手机做的比较薄,但摄像头突出,机身手感可以。手机系统是基于阿里云的flyme6,系统简洁,功能扩展可玩性不高,相对于魅族自身的差点,电池耗电方面可以,待机时间长,对于轻度使用者一天以上基本没问题。魅族的快冲可以,从20%开始,基本1小时多就可以冲满,但冲电的时候机身温度有点烫。屏幕一般,相机拍照一般,千元机的水准,不过扫二维码识别挺快的。通话声音还可以,外放音乐声音大,音质表现可以。指纹解锁速度挺快的,识别率挺好,可以支持支Fu宝和微信支付,使用方便。电信联通信号表现还可以,wifi上网可以,目前没发现掉线情况。手机运行内存说3G,实际2.6多G,系统占用1.5G左右,实际可用少,不过满足日常软件使用。总体表现还可以详细内容>", "第一次使用努比亚手1.外观:大小正好,屏幕很清晰,屏幕色彩比较平淡,但是色彩可以自己设置,我设置的艳丽,设置完成后,显示效果好很多!整体做工很精致,很圆润,手感很好!2.系统流畅度还可以,不能说非常流畅,但很顺手!应用启动速度还可以,虽然,不是飞一般的快,但也没有明显的延时,日常使用绝对够用!64G存储,除了系统占用,还剩50个G。运行内存用安兔兔测试,还剩1.8个G指纹解锁速度一般,不快也不慢中规中矩!3.照相:索尼318传感器,2300万像素,成像效果还可以,风格属于还原真是色彩,没有非常艳丽的感觉,不是很讨好眼球,但清晰度,噪点控制都还可以,个人觉得还有待提高,没有发挥索尼318的真实水平,前置1300万像素,成像效果也还可以,美颜功能很自然,没有像别的手机那样修饰的那么夸张!4:电池待机还算比较耐用,坚持一天没问题!没有明显发热!5.触摸屏下方有时候不灵,把分屏关掉后就没问题了6.网上说的虚拟按键不灵敏,没遇到!7.信号还可以,比我以前用的360手机强多了!8:边缘触控功能很酷总体来说一款手机各方面都中规中矩,很均衡!下面有几张我的拍摄样张,供大家欣赏!详细内容>", "用户 梦***城 于 2016/11/7 发布的评价", "一直都在用酷派手机,大神F1也都在用,刚帮亲戚也买了大神F2。确实很让我信赖的品牌,性价比高,手机优化的也很不错,用得得心应手。选这款电信手机也是因为刚办了张电信4G卡,加上喜欢酷派手机的手感和外形。这款酷派Y70电信手机外形简约也显大方,刚拿到手开机确实给我很大的惊喜,5寸的720p屏幕,色彩鲜艳,显示非常细腻,亮度高,可视角度大。整个手感恰到好处,5寸屏手机我觉得是最适合手握或者是放在裤兜里的了。试了下照相功能,对焦速度很精准,拍摄的照片还是蛮不错的,毕竟800万像素不会让人失望的。再说系统优化的确实流畅,没有一点卡顿。预装了几个常用软件,如果不喜欢也都可以删除,全由自己选择。自带的酷派社区软件很不错,可以随时登陆论坛与酷派机友互动,掌握最新的酷派活动信息,还能第一时间更新升级系统,做的非常人性化。手机4G信号很稳定,通话清晰,上网速度让人很惊讶,配置的20毫安电池,偶尔上上网,接打几个电话,待机一天刚刚好。电池后盖有些难拿下,需要指甲沿后盖转一圈才可以轻松拿下,需要联系几次就很熟练了。总体来说是个很不错双卡双待电信手机,性价比高,让人很满意。值得推荐朋友来买。详细内容>", "用户h***y 于 2014/10/31 发布的评价", "1、薄,屏幕稍大,但是厚度小,所以比较轻;2、系统很流畅,切换没卡顿,指纹解锁反应快,方便了开屏时间;3、相机一般,别让像素忽悠了,光线透过镜头量不好,低光直接拍照不好,但自带相机能调曝光时间等设置,可以稍微改善照片质量。日常拍照可以满足,如有摄影爱好又不怕麻烦钻研的话,建议还是微单或单反,手机摄影无论多智能都因大小尺寸有局限;4、省电。没详细留意,无wifi只4g网络状态下待机一白天用电不到15%。充电稍慢,但不发热。5、外观很好。现在出来的手机都讲究外观设计,所以一般都不会难看得难以接受。颜色看个人喜欢吧。6、最基本的打电话。通话质量很好。华为嘛,靠得住。4g网络信号接受良好。7、所用的卡是最小的卡。8、买手机,如果要考虑资金问题,就建议买一千至两千的手机,太贵喊着高配置双摄像头太浮。日常拍照用不着什么双摄像头,手机配双摄像头也不会专业哪里去,拍不好多高配置还是不会拍的。还有,大多数的游戏也没几个要用到什么八核的,你玩个连连看、植物大战僵尸四核都用不着,但基于安卓系统配个四核也情有可原。别广告喊什么就信什么。谢谢详细内容>", "用户w***r 于 2016/9/16 发布的评价", "手机性价比太高了,运行速度很快,不卡顿,支持扩展内存,信号真心不错,充电挺快的,续航也不错,屏幕大小正适合老年人,不会太大也不会太小,屏幕清晰,屏幕占比大,一贯的窄边框,还有这个下方的小圆点改成按压式的home键看起来简洁大方,有些人说是跟iphone学的,管他呢,学了好了就行。 flyme系统棒棒的,在某些细节做得比较到位,如:拨打运营商的电话直接弹出数字键盘,语音的识别也很准,也可以把长按home改为锁屏,有访客模式,做得很好,特别是那个悬浮球,用熟了之后更是非常方便。不太喜欢就是 一个是发热,果然魅族很容易发热。还有外形塑料感重,但是谁让他这么便宜呢。还有摄像头照相不敢抖动,一抖动就发虚,不信有1300万像素哈哈。外放音质不行。 总的来说系统简单易用 才*真心便宜 适合备用机或者给老人使用。详细内容>", "用户l***s 于 2016/4/27 发布的评价", "手机相关信息", "手机比价导购 手机十大品牌 手机口碑大全 手机降价排行 手机导购知识 销量上升最快的手机"], "bs_rank_pos": 2}, {"is_selected": false, "title": "【手机大全】手机报价及图片大全-ZOL中关村在线", "most_related_para": 1, "segmented_title": ["【", "手机", "大全", "】", "手机", "报价", "及", "图片", "大全", "-", "ZOL", "中关村在线"], "segmented_paragraphs": [["已", "选", "条件", ":"], ["更多", "选项", "(", "RAM", "容量", ",", "ROM", "容量", ")", "等", "[", "高级搜索", "]"]], "paragraphs": ["已选条件:", "更多选项(RAM容量,ROM容量)等 [高级搜索]"], "bs_rank_pos": 6}, {"is_selected": false, "title": "高性价比手机推荐_手机销量排行榜 - 手机推荐网", "most_related_para": 17, "segmented_title": ["高", "性价比", "手机", "推荐", "_", "手机", "销量", "排行榜", "-", "手机", "推荐", "网"], "segmented_paragraphs": [["2017", "年", "4", "月", "7", "日", "1000", "左右", "手机", "推荐"], ["手机", "是", "我们", "每天", "都会", "用", "的", "电子产品", ",", "而且", "使用", "的", "频率", "非常", "的", "高", ",", "点", "餐", "、", "购物", "、", "支付", "、", "导航", "几乎", "生活", "中", "的", "方方面面", "都", "离不开", "手机", "。", "手机", "对", "现", ".", ".", "."], ["随着", "手机", "技术", "的", "发展", ",", "现在", "的", "手机", "在", "各方面", "相对", "之", "前", "都", "有", "很大", "提升", ",", "不管", "是", "千元", "级", "的", "产品", ",", "还是", "定位", "于", "旗舰级", "的", "手机", "都", "能", "满足", "用户", "的", "使用", "需求", "。", "不过", "旗舰级", "在", "使用", "体验", "方面", "要", "比", "一般", "的", "千元", "级", "手机", "更为", "出色", ",", "使用", "中", "也", "很少", "出现", "卡顿", "、", "死机", "这些", "现象", ",", "以致", "于", "现在", "的", "消费者", "在", "购买", "手机", "时", "更", "青睐", "旗舰级", "产品", "。", "其实", "在", "千元", "级", "价位", "上", ",", "有些", "产品", "也有", "着", "较", "高", "的", "硬件配置", ",", "加上", "厂商", "对", "这些", ".", ".", "."], ["Tags", ":", "魅族", "华为", "360", "阅读全文"], ["2017", "年", "6", "月", "22", "日", "2000", "左右", "手机", "推荐"], ["2017", "年", "6", "月", "22", "日"], ["在", "5", "、", "6", "月份", ",", "国产", "厂商", "们", "也", "都", "纷纷", "发力", ",", "推出", "了", "不少", "高", "人气", "的", "产品", ",", "这里", "边", "就", "包括", "华为", "、", "荣耀", "、", "金立", "、", "努比亚", "和", "OPPO", "等", "。", "其实", "在", "这个时候", "集中", "推出", "新机", ",", "暑期", "到", "来", "是", "一", "个", "重要", "的", "原因", "。", "荣耀", "推出", "的", "荣耀", "9", "、", "努比亚", "推出", "的", "Z17", "、", "金立", "推出", "的", "S10", "以及", "华为", "推出", "的", "nova", "2", "系列", "等等", ",", "价格", "大都", "集中", "在", "两三千", "元", "档", ",", "同时", "目标人群", "也是", "年轻人", ",", "所以", "趁着", "暑期", "学生", "党", "换机", "潮", "来临", "前", "发布", "新", ".", ".", "."], ["Tags", ":", "华为", "nubia", "金立", "阅读全文"], ["2017", "年", "6", "月", "16", "日", "2000", "左右", "手机", "推荐"], ["2017", "年", "6", "月", "16", "日"], ["众所周知", ",", "2016", "年", "国内", "智能手机", "市场格局", "发生", "了", "大", "变动", ",", "虽然", "华为", "依旧", "稳稳", "占据", "第", "一", "的", "宝座", ",", "但", "以", "OPPO", "、", "vivo", "和", "金立", "为", "代表", "的", "老牌", "厂商", ",", "却", "完成", "了", "一次", "大", "跨越", "。", "这些", "厂商", "的", "崛起", "有", "多", "方面", "的", "因素", ",", "但", "对", "普通", "消费者", "而言", ",", "他们", "最容易", "感知", "的", "一点", "是", ":", "自拍", "神器", "卖", "得", "好", "。", "的", "确", ",", "不只是", "OPPO", "、", "vivo", "和", "金立", ",", "如今", "多数", "国产", "厂商", "都", "开始", "重视", "拍照手机", "。", "纵观", "市", "面", "上高", ".", ".", "."], ["Tags", ":", "华为", "金立", "vivo", "美", "图", "阅读全文"], ["2017", "年", "6", "月", "13", "日", "1000", "以内", "手机", "推荐"], ["2017", "年", "6", "月", "13", "日"], ["进入", "到", "六月份", "后", ",", "离", "618", "购物节", "又", "近", "了", "。", "在", "那一天", "很多", "消费者", "都会", "买", "买", "买", ",", "其实", "从", "六月份", "开始", ",", "有些", "产品", "就", "已经", "降价促销", "了", ",", "而", "对于", "那些", "本身", "价格", "就", "比较", "低廉", "的", "产品", "来", "说", ",", "甚至", "不", "降价", "都是", "值得", "购买", "的", "。", "购物", "有", "三大原则", ",", "理性", "、", "理智", "以及", "明智", "。", "理性", "即", "按", "需", "购物", ",", "理智", "即", "量", "力", "购物", ",", "明智", "则", "是", "货比三家", "。", "简而言之", ",", "就是", "钱", "要", "花", "在", "刀刃", "上", ",", "用", "有限", "的", "预算", "选购", "性价比", "最高", "的", "商品", ",", "这", "项", "原则", "用", "在", ".", ".", "."], ["Tags", ":", "魅族", "华为", "小辣椒", "ivvi", "阅读全文"], ["2017", "年", "6", "月", "12", "日", "手机", "排行榜", "手机", "推荐"], ["第", "24周", ",", "备受", "期待", "的", "、", "几乎", "轰动", "半", "个", "娱乐圈", "的", "OPPO", "R11", "终于", "揭开", "了", "面纱", ",", "另外", ",", "苹果", "WWDC", "2017", "也", "在", "6", "月", "6", "日", "凌晨", "如期举行", ",", "软件", "硬件", "各种", "干货", "一应俱全", ",", "虽然", "十", "周年", "产品", "苹果", "iPhone", "8", "还", "需", "等待", "一", "段", "时", "日", ",", "但", "也", "用", "不", "了", "多久", "了", "。", "那", "第", "24周", "到底", "哪些", "机型", "登上", "手机", "TOP", "30", "榜单", "了", "呢", "?", "哪些", "机型", "的", "排名", "变化", "又", "最大", "?", "第", "23", "周", "里", ",", "已经", "正式上市", "销售", "的", "三星", "GA", ".", ".", "."], ["2017", "年", "6", "月", "9", "日", "2000", "左右", "手机", "推荐"], ["2017", "年", "6", "月", "9", "日"], ["国产", "手机", "取得", "飞速发展", ",", "不仅", "在", "千元", "机", "里", "独占鳌头", ",", "在", "2500", "元", "价位", "里", "也有", "许多", "旗舰级", "机型", "选择", ",", "这些", "手机", "不仅", "在", "做工", "上", ",", "性能", "上", ",", "外观", "颜值", "上", "还是", "系统", "体验", "都", "不", "输", "国外", "品牌", ",", "而且", "3000", "元", "内", "的", "旗舰", "机", "机型", "也是", "各", "路", "商家", "竞争", "最", "激烈", "的", "市场", ",", "在", "2500", "元", "的", "手机", "你", "想要", "的", "性能", "都", "可以", "满足", "了", "。", "最强", "自拍", "旗舰", ":", "vivo", "X9", "推荐理由", ":", "前置", "双", "摄像头", ".", ".", "."], ["Tags", ":", "vivo", "华为", "一", "加", "魅族", "阅读全文"], ["2017", "年", "6", "月", "13", "日", "热度", ":", "512"], ["进入", "到", "六月份", "后", ",", "离", "618", "购物节", "又", "近", "了", "。", "在", "那一天", "很多", "消费者", "都会", "买", "买", "买", ",", "其实", "从", "六月份", "开始", ",", "有些", "产品", "就", "已经", "降价促销", "了", ",", "而", "对于", "那些", "本", ".", ".", "."], ["2017", "年", "6", "月", "23", "日", "热度", ":", "298"], ["随着", "手机", "技术", "的", "发展", ",", "现在", "的", "手机", "在", "各方面", "相对", "之", "前", "都", "有", "很大", "提升", ",", "不管", "是", "千元", "级", "的", "产品", ",", "还是", "定位", "于", "旗舰级", "的", "手机", "都", "能", "满足", "用户", "的", "使用", "需求", ".", ".", "."], ["2017", "年", "6", "月", "22", "日", "热度", ":", "259"], ["在", "5", "、", "6", "月份", ",", "国产", "厂商", "们", "也", "都", "纷纷", "发力", ",", "推出", "了", "不少", "高", "人气", "的", "产品", ",", "这里", "边", "就", "包括", "华为", "、", "荣耀", "、", "金立", "、", "努比亚", "和", "OPPO", "等", "。", "其实", "在", "这个", "时", ".", ".", "."], ["2017", "年", "6", "月", "6", "日", "热度", ":", "452"], ["如今", "的", "手机", "在", "硬件配置", "相对", "之", "前", "有", "了", "很大", "提升", ",", "即使", "是", "百", "元", "级", "的", "手机", "都", "能", "满足", "用户", "的", "基本", "需求", ",", "不过", "百", "元", "级", "的", "手机", "在", "使用", "体验", "上", "就要", "与", "高端", "机", ".", ".", "."], ["2017", "年", "2", "月", "22", "日", "热度", ":", "585"], ["如今", "的", "手机", "在", "硬件", "上", "越来越", "同质化", ",", "手机厂商", "在", "硬件", "上", "也", "很难", "再", "拉", "开", "较", "大", "差距", "了", ",", "要", "想", "再", "吸引", "消费者", "注意", ",", "那么", "就要", "谋求", "其他", "出路", ",", "而为", "自己", ".", ".", "."], ["2017", "年", "6", "月", "26", "日", "热度", ":", "4"], ["OPPOR", "11", "是", "OPPO", "在", "本月", "10", "日", "发布", "的", "一", "款", "主", "打", "自拍", "的", "手机", ",", "在", "人像摄影", "方面", ",", "OPPOR", "11", "前后", "摄像头", "的", "像素", "提升", "到", "了", "2000", ".", ".", "."], ["2017", "年", "6", "月", "12", "日", "热度", ":", "430"], ["第", "24周", ",", "备受", "期待", "的", "、", "几乎", "轰动", "半", "个", "娱乐圈", "的", "OPPO", "R11", "终于", "揭开", "了", "面纱", ",", "另外", ",", "苹果", "WWDC", "2017", "也", "在", "6", "月", "6", "日", "凌晨", "如期举行", ",", ".", ".", "."], ["2017", "年", "6", "月", "27", "日", "热度", ":", "0"], ["还有", "一个月", ",", "大家", "期待", "的", "魅族", "Pro", "7", "就要", "正式发布", "了", ",", "这", "款", "旗舰", "绝对", "重磅", ",", "因为", "在", "大家", "争", "相", "全面", "屏", "之", "时", ",", "魅族", "却", "玩", "起", "了", "双屏", "。", "继", "玻璃", "后", "壳", "版", ".", ".", "."]], "paragraphs": ["2017年4月7日 ⁄ 1000左右手机推荐", "手机是我们每天都会用的电子产品,而且使用的频率非常的高,点餐、购物、支付、导航几乎生活中的方方面面都离不开手机。手机对现...", "随着手机技术的发展,现在的手机在各方面相对之前都有很大提升,不管是千元级的产品,还是定位于旗舰级的手机都能满足用户的使用需求。不过旗舰级在使用体验方面要比一般的千元级手机更为出色,使用中也很少出现卡顿、死机这些现象,以致于现在的消费者在购买手机时更青睐旗舰级产品。  其实在千元级价位上,有些产品也有着较高的硬件配置,加上厂商对这些...", "Tags: 魅族 华为 360 阅读全文", "2017年6月22日 ⁄ 2000左右手机推荐", "2017年6月22日", "在5、6月份,国产厂商们也都纷纷发力,推出了不少高人气的产品,这里边就包括华为、荣耀、金立、努比亚和OPPO等。其实在这个时候集中推出新机,暑期到来是一个重要的原因。荣耀推出的荣耀9、努比亚推出的Z17、金立推出的S10以及华为推出的nova2系列等等,价格大都集中在两三千元档,同时目标人群也是年轻人,所以趁着暑期学生党换机潮来临前发布新...", "Tags: 华为 nubia 金立 阅读全文", "2017年6月16日 ⁄ 2000左右手机推荐", "2017年6月16日", "众所周知,2016年国内智能手机市场格局发生了大变动,虽然华为依旧稳稳占据第一的宝座,但以OPPO、vivo和金立为代表的老牌厂商,却完成了一次大跨越。这些厂商的崛起有多方面的因素,但对普通消费者而言,他们最容易感知的一点是:自拍神器卖得好。  的确,不只是OPPO、vivo和金立,如今多数国产厂商都开始重视拍照手机。纵观市面上高...", "Tags: 华为 金立 vivo 美图 阅读全文", "2017年6月13日 ⁄ 1000以内手机推荐", "2017年6月13日", "进入到六月份后,离618购物节又近了。在那一天很多消费者都会买买买,其实从六月份开始,有些产品就已经降价促销了,而对于那些本身价格就比较低廉的产品来说,甚至不降价都是值得购买的。购物有三大原则,理性、理智以及明智。理性即按需购物,理智即量力购物,明智则是货比三家。简而言之,就是钱要花在刀刃上,用有限的预算选购性价比最高的商品,这项原则用在...", "Tags: 魅族 华为 小辣椒 ivvi 阅读全文", "2017年6月12日 ⁄ 手机排行榜手机推荐", "第24周,备受期待的、几乎轰动半个娱乐圈的OPPOR11终于揭开了面纱,另外,苹果WWDC2017也在6月6日凌晨如期举行,软件硬件各种干货一应俱全,虽然十周年产品苹果iPhone8还需等待一段时日,但也用不了多久了。那第24周到底哪些机型登上手机TOP30榜单了呢?哪些机型的排名变化又最大?第23周里,已经正式上市销售的三星GA...", "2017年6月9日 ⁄ 2000左右手机推荐", "2017年6月9日", "国产手机取得飞速发展,不仅在千元机里独占鳌头,在2500元价位里也有许多旗舰级机型选择,这些手机不仅在做工上,性能上,外观颜值上还是系统体验都不输国外品牌,而且3000元内的旗舰机机型也是各路商家竞争最激烈的市场,在2500元的手机你想要的性能都可以满足了。最强自拍旗舰:vivoX9 推荐理由:前置双摄像头 ...", "Tags: vivo 华为 一加 魅族 阅读全文", "2017年6月13日 ⁄ 热度:512", "进入到六月份后,离618购物节又近了。在那一天很多消费者都会买买买,其实从六月份开始,有些产品就已经降价促销了,而对于那些本...", "2017年6月23日 ⁄ 热度:298", "随着手机技术的发展,现在的手机在各方面相对之前都有很大提升,不管是千元级的产品,还是定位于旗舰级的手机都能满足用户的使用需求...", "2017年6月22日 ⁄ 热度:259", "在5、6月份,国产厂商们也都纷纷发力,推出了不少高人气的产品,这里边就包括华为、荣耀、金立、努比亚和OPPO等。其实在这个时...", "2017年6月6日 ⁄ 热度:452", "如今的手机在硬件配置相对之前有了很大提升,即使是百元级的手机都能满足用户的基本需求,不过百元级的手机在使用体验上就要与高端机...", "2017年2月22日 ⁄ 热度:585", "如今的手机在硬件上越来越同质化,手机厂商在硬件上也很难再拉开较大差距了,要想再吸引消费者注意,那么就要谋求其他出路,而为自己...", "2017年6月26日 ⁄ 热度:4", "OPPOR11是OPPO在本月10日发布的一款主打自拍的手机,在人像摄影方面,OPPOR11前后摄像头的像素提升到了2000...", "2017年6月12日 ⁄ 热度:430", "第24周,备受期待的、几乎轰动半个娱乐圈的OPPOR11终于揭开了面纱,另外,苹果WWDC2017也在6月6日凌晨如期举行,...", "2017年6月27日 ⁄ 热度:0", "还有一个月,大家期待的魅族Pro7就要正式发布了,这款旗舰绝对重磅,因为在大家争相全面屏之时,魅族却玩起了双屏。继玻璃后壳版..."], "bs_rank_pos": 8}], "answer_spans": [], "answer_docs": [], "fake_answers": [], "question": "性价比手机排行榜", "segmented_answers": [["苹果", ",", "三星", ",", "VIVO", ",", "红米", ",", "金立", ",", "小米", ",", "MOTO", "。"]], "answers": ["苹果,三星,VIVO,红米,金立,小米,MOTO。"], "entity_answers": [["苹果", "三星", "VIVO", "红米", "金立", "小米", "MOTO"]], "segmented_question": ["性价比", "手机", "排行榜"], "question_type": "ENTITY", "question_id": 45, "fact_or_opinion": "OPINION", "match_scores": []} -{"documents": [{"is_selected": true, "title": "想买个雾化器在家用,哪个牌子比较好_雾化器吧_百度贴吧", "most_related_para": 1, "segmented_title": ["想", "买", "个", "雾化器", "在", "家用", ",", "哪个", "牌子", "比较好", "_", "雾化器", "吧", "_", "百度贴吧"], "segmented_paragraphs": [["最近", "儿子", "和", "小", "女儿", "都", "感冒", "咳嗽", "了", "~", "~", "每次", "咳嗽", "医生", "都是", "让", "做", "雾化", ",", "做", "一次", "都", "要", "几", "十", "块", ",", "两", "个", "小朋友", "一起", "做", "的", "话", "就", "去掉", "了", "百", "十", "块", "了", "~", "~", "还要", "每天", "跑", "医院", ",", "来", "回车", "费", "又", "去", "了", "十", "几", "块", ",", "花钱", "又", "浪费时间", ",", "听说", "可以", "自己", "买", "个", "雾化", "机", "回来", "自己", "可以", "做", ",", "但", "不知道", "那个", "牌", "比较好", "、", "价格", "怎么样", "?", "这些", "都", "不", "了解", ",", "现", "请", "妈妈们", "帮忙", "帮忙", "~", "~", "~", "谢谢", "了", "~", "`"], ["1", ",", "英华", "融", "泰", "挺不错", "的", ",", "在", "医院", "看到", "的", "这个牌子", ",", "医生", "说", "还不错", ",", "是", "个", "老", "品牌", "。", "送", "了", "两", "套", "雾化", "配件", ",", "包括", "面罩", "、", "杯子", "、", "鼻", "插", "什么", "的", "特别", "全", ",", "可以", "调节", "雾", "量", ",", "这", "点", "很不错", ",", "机器", "运行", "有点", "声音", ",", "这个", "都", "这样", "可以", "接受", ",", "雾", "喷", "出来", "也", "挺", "细腻", "的", ",", "相信", "能", "带来", "好", "的", "效果", "2", ",", "我", "看", "广州市", "第", "八", "人民", "医院", "那里", "用", "的", "是", "英华", "融", "泰", "的", "卖", "五百", "多", ",", "淘宝", "有", "一", "家", "卖", "四", "百", "多", ".", "还", "看", "了", "百瑞", "的", "两千", "多", ",", "评价", "也", "不错", "~", "另外", "所有", "雾化器", "都", "可以", "配", "英华", "融", "泰", "的", "雾化", "杯", "等", "配件", ",", "质量", "不错", "价格", "也", "不错", "评价", "也", "很好", ",", "具体", "还", "得", "你", "自己", "用", "才", "知道", "~"], ["可以", "买", "个", "压缩", "式", "\"", "雾化器", "\"", ".", "百瑞", "品牌", "的", ".", "大人", "小孩", "都", "可以", "用", ",", "现在", "一般", "感冒", "都是", "上呼吸道感染", ",", "急", "支气管", "等", "急性喉炎", ",", "医生", "都会", "建议", "雾化", "的", ".", "总", "比", "打点滴", "好", ",", "而且", "这样", "雾化", "也", "比较", "有效", ".", "药物", "直接", "可", "喷", "入", "呼吸道", ",", "也", "减少", "药物", "浪费", ".", "价钱", "大概", "在", "2000", "左右", ".", "便宜", "点", "的", "可以", "看看", "英华", "融", "泰", ",", "质量", "也", "很不错", "用", "起来", "没", "太", "大", "区别", ",", "出", "雾", "量", "好", "雾化", "颗粒", "小", "比较", "适合", "家用", "。"], ["普元", ",", "英华", "融", "泰", "的", "都", "比较好", ",", "您", "像", "一", "代", "雾化器", "是", "超声波", "的", ",", "二代", "是", "压缩", "式", ",", "三", "代", "的", "是", "筛网", "式", "的", ",", "像", "您", "你", "这种", "是", "给", "孩子", "用", "的", "建议", "您", "买", "普元", "的", "雾化器", ",", "方便携带", ",", "而且", "雾化", "的", "颗粒", "是", "5", "微", "毫", "的", "比较", "均匀", "更容易", "达到", "肺泡", ",", "我", "在", "安贞", "那里", "上班", "旁边", "有", "康复之家", "安贞", "店", "的", "连锁", "医疗器械", "里面", "的", "雾化器", "种类", "类", "比较", "多", "您", "可以", "去", "咨询", "下", "。", "地址", ":", "安贞医院", "急诊", "北", "行", "200", "米", "电话", ":", "64432569"], ["你", "可以", "买", "台湾", "产", "的", "普元", "质量", "不错", "价格适中", "性价比", "很高", "咨询", "电话", "022", "-", "27371200"], ["买", "台湾", "产", "的", "普元", "雾化器", "吧", "质量", "不错", "经济实惠"], ["雾化", "吸入", "治疗", "的", "优势", "(", "1", ")", "药物", "作用", "直接", ",", "雾化", "后", "的", "药物", "可", "直接", "送达", "呼吸道", "患病", "部位", ",", "对", "缓解", "支气管哮喘", "效果显著", "且", "迅速", ",", "优", "于", "其他", "治疗方法", ";", "(", "2", ")", "用药量", "少", ",", "最多", "只有", "其他", "给", "药", "方式", "的", "十分之一", ",", "明显", "地", "减少", "了", "药物", "的", "毒", "副作用", ";", "(", "3", ")", "减少", "全身", "用药", "的", "机会", "及", "用量", ",", "可避免", "打针吃药", "的", "痛苦", ",", "尤其", "适用于", "儿童", "患者", ";", "(", "4", ")", "对", "患者", "协同", "性", "无", "要求", ",", "潮", "式", "呼吸", "即", "有效", ";", "(", "5", ")", "可", "调整", "剂量", ",", "可", "同时", "辅助", "供氧", ",", "可", "实现", "联合", "药物治疗", "(", "若", "药物", "之间", "无", "配伍禁忌", ")", "康复之家", "连锁", "安贞", "店", "有", "卖", "各种", "品牌", "的", "雾化器", "像", "台湾", "普元", "的", "、", "德国", "百瑞", "的", "等", "均", "有", "销售", ",", "价格合理", "公道", ",", "治疗", "效果好", "。", "地址", ":", "安贞医院", "急诊", "北", "行", "200", "米", "电话", ":", "64432569"], ["北京协和医院", "东门", "康复之家", "有", "多", "种", "品牌", "的", "雾化器", ",", "雾化", "颗粒", "的", "大小", "直接", "影响", "药效", "的", "吸收", ",", "一", "个", "雾化器", "可", "全家", "使用", ",", "65135538"], ["台湾", "产", "的", "普元", "雾化器", "质量", "不错", "价格适中"], ["买", "台湾", "产", "的", "普元", "雾化器", "吧", "价格适中", "治疗", "效果", "不错"], ["买", "台湾", "产", "的", "普元", "雾化器", "质量", "不错", "经济实惠"], ["来福士", "儿童", "雾化器", ",", "雾化", "颗粒", "细腻", "均匀", ",", "吸收", "好", "关键", "吸引", "小朋友", "喜欢", ",", "雾化", "不", "抗拒"], ["买", "台湾", "普元", "雾化器", "吧", "性价比", "挺", "高", "的"], ["百瑞", ",", "欧姆龙", ",", "普元", "的", "雾化器", "都", "不错", "。", "你可以", "去", "天津市", "和平区", "鞍山道", "111", "号", "咨询"], ["老人", "和", "孩子", "适合", "用", "压缩", "式", "雾化器", ",", "比如", "德国", "的", "百瑞", ",", "台湾", "的", "普元", ",", "国产", "的", "英华荣泰", ",", "鱼跃", ",", "凯亚", "的", "雾化器", "都是", "质量", "很不错", "的", ",", "有", "需要", "可以", "咨询", "0", "-", "2", "-", "7", "-", "8", "-", "7", "-", "8", "-", "3", "-", "0", "-", "5", "-", "1", "-", "6"], ["买", "台湾", "产", "的", "普元", "雾化器", "吧", "性价比", "高", "咨询", "电话", "022", "-", "27371200"], ["下载", "贴吧", "APP", "看", "高清", "直播", "、", "视频", "!"], ["贴吧", "页面", "意见反馈", "违规", "贴吧", "举报", "反馈", "通道", "贴吧", "违规", "信息处理", "公示"]], "paragraphs": ["最近儿子和小女儿都感冒咳嗽了~~ 每次咳嗽医生都是让做雾化,做一次都要几十块,两个小朋友一起做的话就去掉了百十块了~~还要每天跑医院,来回车费又去了十几块,花钱又浪费时间,听说可以自己买个雾化机回来自己可以做,但不知道那个牌比较好、价格怎么样?这些都不了解,现请妈妈们帮忙帮忙~~~谢谢了~`", "1,英华融泰挺不错的,在医院看到的这个牌子,医生说还不错,是个老品牌。送了两套雾化配件,包括面罩、杯子、鼻插什么的特别全,可以调节雾量,这点很不错,机器运行有点声音,这个都这样可以接受,雾喷出来也挺细腻的,相信能带来好的效果 2,我看广州市第八人民医院那里用的是英华融泰的卖五百多,淘宝有一家卖四百多.还看了百瑞的两千多, 评价也不错~ 另外所有雾化器都可以配英华融泰的雾化杯等配件 ,质量不错价格也不错评价也很好,具体还得你自己用才知道~", "可以买个压缩式\"雾化器\".百瑞品牌的.大人小孩都可以用,现在一般感冒都是上呼吸道感染,急支气管等急性喉炎,医生都会建议雾化的.总比打点滴好,而且这样雾化也比较有效.药物直接可喷入呼吸道,也减少药物浪费.价钱大概在2000左右.便宜点的可以看看英华融泰,质量也很不错用起来没太大区别,出雾量好雾化颗粒小比较适合家用。", "普元,英华融泰的都比较好,您像一代雾化器是超声波的,二代是压缩式,三代的是筛网式的,像您你这种是给孩子用的建议您买普元的雾化器,方便携带,而且雾化的颗粒是5微毫的比较均匀更容易达到肺泡,我在安贞那里上班旁边有康复之家安贞店的连锁医疗器械里面的雾化器种类类比较多您可以去咨询下。地址:安贞医院急诊北行200米 电话:64432569", "你可以买台湾产的普元质量不错价格适中性价比很高咨询电话022-27371200", "买台湾产的普元雾化器吧质量不错经济实惠", "雾化吸入治疗的优势 (1)药物作用直接,雾化后的药物可直接送达呼吸道患病部位,对缓解支气管哮喘效果显著且迅速,优于其他治疗方法; (2)用药量少,最多只有其他给药方式的十分之一,明显地减少了药物的毒副作用; (3)减少全身用药的机会及用量,可避免打针吃药的痛苦,尤其适用于儿童患者; (4)对患者协同性无要求,潮式呼吸即有效; (5)可调整剂量,可同时辅助供氧,可实现联合药物治疗(若药物之间无配伍禁忌) 康复之家连锁安贞店有卖各种品牌的雾化器像台湾普元的、德国百瑞的等均有销售,价格合理公道,治疗效果好。地址:安贞医院急诊北行200米 电话:64432569", "北京协和医院东门康复之家有多种品牌的雾化器,雾化颗粒的大小直接影响药效的吸收,一个雾化器可全家使用,65135538", "台湾产的普元雾化器质量不错价格适中", "买台湾产的普元雾化器吧价格适中治疗效果不错", "买台湾产的普元雾化器质量不错经济实惠", "来福士儿童雾化器,雾化颗粒细腻均匀,吸收好关键吸引小朋友喜欢,雾化不抗拒", "买台湾普元雾化器吧性价比挺高的", "百瑞,欧姆龙,普元的雾化器都不错。你可以去天津市和平区鞍山道111号咨询", "老人和孩子适合用压缩式雾化器,比如德国的百瑞,台湾的普元,国产的英华荣泰,鱼跃,凯亚的雾化器都是质量很不错的,有需要可以咨询0-2-7-8-7-8-3-0-5-1-6", "买台湾产的普元雾化器吧性价比高咨询电话022-27371200", "下载贴吧APP看高清直播、视频!", "贴吧页面意见反馈 违规贴吧举报反馈通道 贴吧违规信息处理公示"], "bs_rank_pos": 1}, {"is_selected": false, "title": "雾化机什么牌子的好 十大品牌排行榜新鲜出炉-土巴兔装修大学", "most_related_para": 15, "segmented_title": ["雾化", "机", "什么", "牌子", "的", "好", "十大", "品牌", "排行榜", "新鲜出炉", "-", "土巴兔", "装修", "大学"], "segmented_paragraphs": [["微信", "加", "好友", "获取", "详细", "报价"], ["装修", "顾问", "-", "馨馨", "4", "年", "行业", "经验", ",", "24", "h", "可", "咨询"], ["10", "秒", "闪电", "通过", "好友"], ["报价", "短信", "已", "发送", "到", "您", "的", "手机"], ["因", "材料", "品牌", "及", "工程", "量", "不同", ",", "具体", "报价", "以量房", "实测", "为准"], ["稍候", "装修", "管家", "将", "回", "电", "您", ",", "免费", "提供", "装修", "咨询服务"], ["您", "的", "装修预算", "约", "?", "万", "元"], ["装修", "管家", "将", "回", "电", "您", ",", "免费", "提供", "装修", "咨询服务"], ["装修", "怕", "上", "当", "?", "问问", "靠谱", "的", "人"], ["(", "四", "年", "装修", "行业", "经验", ")"], ["1", ".", "您", "家", "的", "房屋", "现状", "是", ":", "2", ".", "您", "家", "准备", "什么", "时候开始", "装修", ":", "3", ".", "您", "家", "小区", "名称", ":"], ["请", "选择", "您", "家", "的", "装修", "时间"], ["微信", "手机", "看", "本", "文", "更多", "装修", "流程", "、", "装修", "风水", "随时", "看"], ["目前", "随着", "人们", "健康", "意识", "的", "增强", ",", "对", "自己", "的", "健康", "问题", "越来越", "关注", "了", "。", "雾霾", "成为", "目前", "影响", "健康", "的", "一", "大", "障碍", ",", "为了", "对抗", "雾霾", "对", "身体", "的", "影响", ",", "许多人", "选择", "购买", "一", "台", "家用", "雾化", "机", "。", "今天", ",", "小", "编", "要", "介绍", "给", "大家", "的", "就是", "关于", "雾化", "机", "的", "一些", "知识", ",", "包括", "雾化", "机", "的", "类型", "以及", "雾化", "机", "的", "排名", "问题", ",", "希望", "通过", "这篇文章", "能够", "对", "想要", "购买", "雾化", "机", "的", "朋友", "提供", "一些", "帮助", "。", "好", "了", ",", "下面", "要", "开始", "介绍", "雾化", "机", "什么", "牌子", "的", "好", "。"], ["作为", "雾化器", "的", "中国", "小小", "传道士", ",", "我们", "进行", "了", "国内", "几", "大", "电商", "平台", "雾化器", "品牌", "的", "调查", "。", "至少", "发现", "以下", "几点", ":"], ["1", ".", "众多", "雾化器", "品牌", "已经", "入驻", "天猫", ",", "不", "下", "50", "家", ";", "而", "压缩", "雾化器", "”", "、", "“", "超声", "雾化器", "”", "、", "“", "儿童哮喘", "雾化器", "”", "、", "“", "家用", "雾化器", "等", "产品", "搜索", "词", "作为", "天猫", "的", "主", "推", "搜索", "词", ",", "同时", "也", "体现", "了", "平台", "用户", "的", "选购", "倾向", ";", "2", ".", "京东", "商场", "合作", "的", "雾化器", "品牌", "相对", "要", "少", "很多", ",", "包括", "欧姆龙", "、", "百瑞", "等", "雾化器", "品牌", ",", "仅", "在", "20", "家", "以内", ";", "其", "相关搜索", "“", "雾化器", "家用", "儿童", "”", "、", "“", "雾化器", "医用", "”", "也是", "雾化器", "品类", "搜索", "的", "top", "2", "热", "词", "。", "3", ".", "而", "全球", "最大", "的", "电商", "平台", "亚马逊", ",", "入驻", "品牌", "则", "更为", "狭窄", ",", "但", "也", "囊括", "了", "国际知名", "雾化器", "品牌", ",", "诸如", "压缩", "雾化器", "”", "、", "“", "超声", "雾化器", "”", "、", "“", "儿童哮喘", "雾化器", "”", "、", "“", "家用", "雾化器"], ["根据", "各", "个", "品牌", "的", "市场份额", "和", "用户", "关注", "度", ",", "2013", "年", "雾化器", "十大", "品牌", "排行榜", "如", "下", ":"], ["1", ".", "Omron", "欧姆龙", "雾化器", ":", "日本", "欧姆龙", ",", "多", "种", "雾化器", "产品", ",", "满足", "各类", "需求", ";", "2", ".", "Yuyue", "鱼跃", "雾化器", ":", "江苏", "出品", ",", "超声", "雾化器", "和", "压缩", "空气", "式", "雾化器", ";", "3", ".", "Scian", "西恩", "雾化器", ":", "产地", "不详", ",", "由", "上海", "雷", "乐", "实业", "有限公司", "代理", ";", "4", ".", "Folee", "富林", "雾化器", ":", "江苏", "出品", ";"], ["5", ".", "氧气", "盒子", "O2", "BOX", ":", "广东", "出品", ";"], ["6", ".", "德国", "百瑞", "雾化器", ":", "德国", "出品", ",", "拥有", "国际", "领先", "可控", "技术", ";"], ["7", ".", "德维比斯", "DEVIL", "BISS", ":", "美国", "品牌", ",", "是", "全球", "呼吸系统", "用", "医疗保健", "设备", "的", "最", "主要", "供应商", "之", "一", "。"], ["8", ".", "凯亚", "雾化器", ":", "来自", "广东", "佛山", ",", "KYWH", "1004", ";"], ["9", ".", "米勒", "mele", "雾化器", ":", "来自", "广东", "深圳", ",", "雾", "尔康", "(", "Welcon", ")", "医用", "雾化器", "NW", "-", "5001", ";"], ["10", ".", "英华", "融", "泰", "雾化器", ":", "产品", "出自", "内蒙", ";"], ["雾化", "机", "怎么", "使用"], ["第一步", ":", "准备", "电源", "1", ".", "连接", "雾化器", "和", "电源适配器", "2", ".", "将", "电源适配器", "的", "插头", "插入", "电源", "插座", "第二步", ":", "拧开", "雾化", "杯", "1", ".", "适当", "的", "药液", "量", "约", "为", "2", "~", "7", "ml", "(", "切勿", "超过", "8ml", ")", "2", ".", "药液", "过", "少", "—", "—", "无法", "将", "药液", "吸", "上", "来", ",", "也", "无法", "进行", "雾化", "。", "3", ".", "药液", "过", "多", "—", "—", "将", "导致", "药液", "雾化", "的", "部分", "被", "药液", "覆盖", ",", "进而", "无法", "雾化", "。", "第三步", ":", "将", "雾化", "杯", "与", "雾化", "面罩", "连接", ",", "输氧", "管", "与", "雾化", "杯", "连接", "。", "第四步", ":", "另一端", "连接", "雾化器", "出气", "口", "第五步", ":", "通", "电", "后", "按", "下", "开关", "键", ",", "进行", "正常", "雾化", "。", "雾化", "机", "保养", "维护", "请", "保持", "产品", "的", "最佳状态", "并", "遵循", "以下", "七大", "注意", "指导", "事项", ",", "以", "免", "使", "产品", "遭受", "破坏", ":"], ["1", "、", "请勿", "将", "产品", "放置", "于", "婴儿", "或", "无意识", "患者", "触及", "的", "地方", "。", "2", "、", "请勿", "使", "产品", "受到", "任何", "强烈", "的", "冲撞", ",", "例如", "从", "高处", "摔", "落", "本", "产品", "。", "3", "、", "当", "药液", "瓶", "内存", "在", "药液", "时", ",", "请勿", "搬运", "或", "存放", "产品", "。", "4", "、", "请勿", "把", "产品", "放在", "高温", "、", "低温", "、", "高压", "或", "阳光直射", "的", "地方", "。"], ["5", "、", "请勿", "弄", "折", "送", "气管", "。"], ["6", "、", "关于", "废弃", "的", "本体", "、", "附件", "和", "可", "选", "部件", "的", "处理", "方法", ",", "请", "遵照", "当地政府", "的", "规定", "执行", "。"], ["7", "、", "请勿", "使用", "苯", "、", "稀释剂", "和", "易燃", "化学药品", "来", "清洗", "产品", "。"], ["二", "、", "更换", "过滤", "片"], ["当", "过滤", "片", "变色", "时", ",", "请", "更换", "新", "的", "过滤", "片", ",", "操作步骤", "如", "下", "。"], ["1", "、", "将", "过滤", "片", "盖", "向", "外", "拉", "出", "后", "取下", ",", "即可", "更换", "过滤", "片", "。", "2", "、", "用", "牙签", "等", "尖锐", "的", "工具", "将", "过滤", "片", "取出", "。", "请", "将", "取出", "后", "的", "过滤", "片", "废弃", ",", "更换", "新", "的", "过滤", "片", "。", "3", "、", "安装", "过滤", "片", "盖", "。"], ["仅", "使用", "本", "产品", "专用", "的", "过滤", "片", "。", "请勿", "在", "未", "安装", "过滤", "片", "的", "情况", "下", "使用", "本", "产品", "。"], ["过滤", "片", "不分", "正反面", "。"], ["更换", "前", "请", "确认", "过滤", "片", "清洁", "且", "无", "灰尘", "。"], ["请勿", "清洗", "过滤", "片", "。", "如果", "过滤", "片", "沾湿", ",", "请", "更换", "过滤", "片", "。", "过滤", "片", "沾湿", "时", "将", "引起", "堵塞", "。"], ["为", "防止", "过滤", "片", "盖", "发生", "堵塞", ",", "请", "定期", "清洗", "过滤", "片", "盖", "。", "请勿", "对", "过滤", "片", "盖", "煮沸", "。", "清洗", "时", ",", "请", "务必", "先", "将", "过滤", "片", "盖", "取出", "。", "清洗", "后", "充分", "干燥", ",", "然后", "按照", "正确", "的", "方法", "安装", "过滤", "片", "盖", "。"], ["小", "编", "建议", "大家", "在", "选购", "之", "前", "一定要", "做", "足", "功课", ",", "仔细", "的", "对", "各", "个", "品牌", "的", "雾化", "机", "进行", "对比分析", ",", "从而", "选择", "到", "一款", "物美价廉", "的", "雾化", "机", "。", "如果", ",", "你身边", "的", "朋友", "也", "打算", "购买", "雾化", "机", "的", "化", ",", "你", "可以", "把", "这篇文章", "转发", "给", "你", "的", "朋友", "们", ",", "让", "他们", "也", "了解", "下", "这", "方面", "的", "知识", "。"], ["以上", "就是", "有关", "雾化", "机", "什么", "牌子", "的", "好", "的", "相关内容", ",", "希望", "能", "对", "大家", "有所帮助", "!", "土巴兔", "装修", "网", ",", "全", "行业", "的", "领导者", "。", "在", "此", "页面", "点击", "下列", "链接", ",", "即可", "获得", "大", "品牌", "主材", "供应", ",", "专业", "设计", "团队", "提供", "的", "免费", "优质", "设计", "、", "免费", "验房", "等", ",", "装修", "费用", "立", "省", "40", "%", "!"], ["装修", "报价", "不求人", ",", "10", "秒", "极速", "获取", "报价", "根据", "生肖", "测", "哪", "天", "开工", "最", "吉利", ",", "限时", "免费", "哦", "~"], ["家装", "施工", "工艺流程", "太", "全面", "了", "!"], ["如何", "收房", "?", "详细", "交房", "流程", "教会", "你", "收房", "!"], ["如何", "避免", "装修", "中", "的", "偷", "项", "漏项", "?"]], "paragraphs": ["微信加好友 获取详细报价", "装修顾问-馨馨 4年行业经验,24h可咨询", "10秒闪电通过好友", "报价短信已发送到您的手机", "因材料品牌及工程量不同,具体报价以量房实测为准", "稍候装修管家将回电您,免费提供装修咨询服务", "您的装修预算约 ? 万元", "装修管家将回电您,免费提供装修咨询服务", "装修怕上当?问问靠谱的人", "(四年装修行业经验)", "1. 您家的房屋现状是 : 2. 您家准备什么时候开始装修 : 3. 您家小区名称 :", "请选择您家的装修时间", "微信 手机看本文 更多装修流程、装修风水随时看", "目前随着人们健康意识的增强,对自己的健康问题越来越关注了。雾霾成为目前影响健康的一大障碍,为了对抗雾霾对身体的影响,许多人选择购买一台家用雾化机。今天,小编要介绍给大家的就是关于雾化机的一些知识,包括雾化机的类型以及雾化机的排名问题,希望通过这篇文章能够对想要购买雾化机的朋友提供一些帮助。好了,下面要开始介绍雾化机什么牌子的好。", "作为雾化器的中国小小传道士,我们进行了国内几大电商平台雾化器品牌的调查。至少发现以下几点:", "1. 众多雾化器品牌已经入驻天猫,不下50家;而压缩雾化器”、“超声雾化器”、“儿童哮喘雾化器”、“家用雾化器等产品搜索词作为天猫的主推搜索词,同时也体现了平台用户的选购倾向; 2. 京东商场合作的雾化器品牌相对要少很多,包括欧姆龙、百瑞等雾化器品牌,仅在20家以内;其相关搜索“雾化器 家用 儿童”、“雾化器医用”也是雾化器品类搜索的top2热词。 3. 而全球最大的电商平台亚马逊,入驻品牌则更为狭窄,但也囊括了国际知名雾化器品牌,诸如压缩雾化器”、“超声雾化器”、“儿童哮喘雾化器”、“家用雾化器", "根据各个品牌的市场份额和用户关注度,2013年雾化器十大品牌排行榜如下:", "1. Omron欧姆龙雾化器:日本欧姆龙,多种雾化器产品,满足各类需求; 2. Yuyue鱼跃雾化器:江苏出品,超声雾化器和压缩空气式雾化器; 3. Scian西恩雾化器:产地不详,由上海雷乐实业有限公司代理; 4. Folee富林雾化器:江苏出品;", "5. 氧气盒子O2BOX:广东出品;", "6. 德国百瑞雾化器:德国出品,拥有国际领先可控技术;", "7. 德维比斯DEVILBISS:美国品牌,是全球呼吸系统用医疗保健设备的最主要供应商之一。", "8. 凯亚雾化器:来自广东佛山,KYWH1004;", "9. 米勒mele雾化器:来自广东深圳,雾尔康(Welcon)医用雾化器NW-5001;", "10. 英华融泰雾化器:产品出自内蒙;", "雾化机怎么使用", "第一步:准备电源 1.连接雾化器和电源适配器 2.将电源适配器的插头插入电源插座 第二步:拧开雾化杯 1.适当的药液量约为2~7ml(切勿超过8ml) 2.药液过少——无法将药液吸上来,也无法进行雾化。 3.药液过多——将导致药液雾化的部分被药液覆盖,进而无法雾化。 第三步:将雾化杯与雾化面罩连接,输氧管与雾化杯连接。 第四步:另一端连接雾化器出气口 第五步:通电后按下开关键,进行正常雾化。 雾化机保养维护 请保持产品的最佳状态并遵循以下七大注意指导事项,以免使产品遭受破坏:", "1、请勿将产品放置于婴儿或无意识患者触及的地方。 2、请勿使产品受到任何强烈的冲撞,例如从高处摔落本产品。 3、当药液瓶内存在药液时,请勿搬运或存放产品。 4、请勿把产品放在高温、低温、高压或阳光直射的地方。", "5、请勿弄折送气管。", "6、关于废弃的本体、附件和可选部件的处理方法,请遵照当地政府的规定执行。", "7、请勿使用苯、稀释剂和易燃化学药品来清洗产品。", "二、更换过滤片", "当过滤片变色时,请更换新的过滤片,操作步骤如下。", "1、将过滤片盖向外拉出后取下,即可更换过滤片。 2、用牙签等尖锐的工具将过滤片取出。请将取出后的过滤片废弃,更换新的过滤片。 3、安装过滤片盖。", "仅使用本产品专用的过滤片。请勿在未安装过滤片的情况下使用本产品。", "过滤片不分正反面。", "更换前请确认过滤片清洁且无灰尘。", "请勿清洗过滤片。如果过滤片沾湿,请更换过滤片。过滤片沾湿时将引起堵塞。", "为防止过滤片盖发生堵塞,请定期清洗过滤片盖。请勿对过滤片盖煮沸。清洗时,请务必先将过滤片盖取出。清洗后充分干燥,然后按照正确的方法安装过滤片盖。", "小编建议大家在选购之前一定要做足功课,仔细的对各个品牌的雾化机进行对比分析,从而选择到一款物美价廉的雾化机。如果,你身边的朋友也打算购买雾化机的化,你可以把这篇文章转发给你的朋友们,让他们也了解下这方面的知识。", "以上就是有关雾化机什么牌子的好的相关内容,希望能对大家有所帮助!土巴兔装修网,全行业的领导者。在此页面点击下列链接,即可获得大品牌主材供应,专业设计团队提供的免费优质设计、免费验房等,装修费用立省40%!", "装修报价不求人,10秒极速获取报价 根据生肖测哪天开工最吉利,限时免费哦~", "家装施工工艺流程 太全面了!", "如何收房?详细交房流程教会你收房!", "如何避免装修中的偷项漏项?"], "bs_rank_pos": 2}, {"is_selected": false, "title": "【十大雾化器品牌】【雾化机品牌】雾化器什么牌子好?→ 买购网", "most_related_para": 9, "segmented_title": ["【", "十大", "雾化器", "品牌", "】", "【", "雾化", "机", "品牌", "】", "雾化器", "什么", "牌子", "好", "?", "→", "买", "购", "网"], "segmented_paragraphs": [["综合搜索", ">", "综合搜索"], ["导航", "相关行业", "雾化器", "呼吸机", "制氧机", "理疗", "仪", "血压计", "血糖仪", "按摩椅", "颈椎", "牵引", "器", "血氧", "仪", "静脉曲张", "袜", "拔罐", "器", "足浴", "桶", "胎心仪", "颈椎", "按摩器", "按摩器", "足浴盆", "助听器", "体温计", "脂肪", "测量仪", "健康", "秤", "计步器", "轮椅", "空气净化器", "保健养生", "二级", "行业", "按", "人群", "体育运动", "/", "运动户外", "保健", "按摩", "器材", "保健品", "营养品", "滋补", "食材", "药材", "成人用品", "医药", "/", "医院", "身体", "部位", "健康", "/", "养生", "医疗", "护理", "婴幼儿用品", "/", "设施", "母婴", "文", "教", "图书", "健身", "/", "球", "具", "球拍", "户外", "用品", "/", "旅游", "装备", "一", "级", "行业", "装修材料", "五金", "家饰", "家纺", "房产", "电器", "数码", "办公", "美", "妆", "打扮", "护理", "女士", "女装", "内衣", "男士", "运动户外", "鞋", "帽", "服装", "箱包", "名牌", "时尚", "奢侈", "人群", "医药保健", "母婴", "文", "教", "图书", "食品", "茶水", "特产", "日用百货", "居家", "车", "/", "建工", "/", "农具", "日常生活", "服务", "热门行业", "精选", "按", "模块", "条件", "查看", "按", "人群", "按", "风格", "季节", "流行", "按", "地区", "按", "价格", "按", "行业", "查看", "品牌", "等级", "查看", "精华", "专题", "知识", "大讲堂", "热点聚焦", "文章", "精英", "名人堂", "装修", "/", "美", "图", "招商", "加盟", "网店", "推荐", "名品", "大牌", "销售", "与", "服务", "网点", "生活", "十大", "赚钱", "/", "人生", "指南", "风水", "/", "福", "运", "装修", "/", "空间", "改造", "户型", "/", "房屋类型", "设计", "案例", "材质", "特点", "身体", "部位", "食疗", "/", "健康饮食", "健康", "/", "养生", "菜系", "分类", "菜谱", "食材", "信息", "导航"], ["保健", "按摩", "器材", "人群", "医药保健"], ["雾化器", "十大", "品牌", ",", "医用", "雾化器", "-", "家用", "雾化器", "-", "雾化", "机", "品牌", "榜", "中", "榜", ",", "雾化器", "什么", "牌子", "好", "[", "2017", "]"], ["热门", "品牌", "票", "数", "最近", "品牌", "投票", "TOP", "10", "投票", "榜"], ["注", ":", "以下", "结果", "均", "由", "用户", "自主", "投票", "产生", ",", "投票", "无", "截止日期"], ["雾化器", "的", "作用", "是", "什么", "?"], ["医用", "雾化器", "用于", "治疗", "上呼吸道疾病", "的", "一", "种", "设备", ",", "属于", "医疗器械", ";", "目前", "使用", "的", "雾化", "原理", "主要", "有", "两种", ",", "一", "种", "是", "超声波", "雾化器", ",", "一", "种", "是", "压缩", "雾化器", "。", "雾化", "吸入", "治疗", "是", "呼吸系统疾病", "治疗方法", "中", "一", "种", "重要", "和", "有效", "的", "治疗方法", ",", "采用", "雾化", "吸入器", "将", "药液", "雾化", "成", "微小", "颗粒", ",", "药物", "通过", "呼吸", "吸入", "的", "方式", "进入", "呼吸道", "和", "肺部", "沉积", ",", "从而", "达到", "无痛", "、", "迅速", "适用于", "的", "目的", "。"], ["雾化器", "原理"], ["雾化", "原理", "主要", "有", "两种", ",", "一", "种", "是", "超声波", "雾化器", ",", "一", "种", "是", "压缩", "雾化器", "。", "超声波", "雾化器", "的", "原理", "是", "利用", "电子", "高频", "震荡", "(", "振荡", "频率", "为", "1", ".", "7", "MHz", "或", "2.4", "MHz", ",", "超过", "人", "的", "听觉", "范围", ",", "该", "电子", "振荡", "对", "人体", "及", "动物", "绝", "无", "伤害", ")", ",", "通过", "陶瓷", "雾化", "片", "的", "高频", "谐振", ",", "将", "液态", "水", "分子", "结构", "打散", "而", "产生", "自然", "飘逸", "的", "水雾", ",", "不需", "加热", "或", "添加", "任何", "化学试剂", "。", "而", "压缩", "雾化器", "的", "原理", "是", "利用", "压缩空气", "通过", "细小", "管", "口", "形成", "高速", "气流", ",", "产生", "的", "负压", "带动", "液体", "或", "其它", "流体", "一起", "喷射", "到", "阻挡", "物", "上", ",", "在", "高速", "撞击", "下", "向", "周围", "飞溅", "使", "液", "滴", "变成", "雾", "状", "微粒", "从", "出气管", "喷出", "。"], ["最近更新", "或", "加入", "的", "品牌", "品牌", "微信", "公众", "号"], ["按", "行业", "查看", ":", "雾化器", "呼吸机", "制氧机", "理疗", "仪", "血压计", "血糖仪", "按摩椅", "颈椎", "牵引", "器", "血氧", "仪", "静脉曲张", "袜", "拔罐", "器", "足浴", "桶", "胎心仪", "颈椎", "按摩器", "按摩器", "足浴盆", "助听器", "体温计", "脂肪", "测量仪", "健康", "秤", "计步器", "轮椅", "空气净化器", "保健养生"], ["雾化器", "行业", "品牌推荐", ":", "PARI", "帕", "瑞", "OMRON", "欧姆龙", "鱼跃", "yuwell", "飞利浦", "伟康", "Devil", "biss", "德", "百世", "西恩", "scian", "富林", "FOLEE", "英华", "融", "泰", "YHRT", "MEDICAL", "邦力健", "Bang", "lijian"], ["品牌", "等级", "查看", "筛选", "品牌", ":", "大", "品牌", "著名商标", "驰名", "保护", "高新", "企业", "上市公司", "广东", "江苏", "河北", "上海", "北京"]], "paragraphs": ["综合搜索> 综合搜索", "导航 相关行业 雾化器 呼吸机 制氧机 理疗仪 血压计 血糖仪 按摩椅 颈椎牵引器 血氧仪 静脉曲张袜 拔罐器 足浴桶 胎心仪 颈椎按摩器 按摩器 足浴盆 助听器 体温计 脂肪测量仪 健康秤 计步器 轮椅 空气净化器 保健养生 二级行业 按人群 体育运动/运动户外 保健按摩器材 保健品营养品 滋补食材药材 成人用品 医药/医院 身体部位 健康/养生 医疗护理 婴幼儿用品/设施 母婴文教图书 健身/球具球拍 户外用品/旅游装备 一级行业 装修材料五金 家饰家纺房产 电器数码办公 美妆打扮护理 女士女装内衣 男士运动户外 鞋帽服装箱包 名牌时尚奢侈 人群医药保健 母婴文教图书 食品茶水特产 日用百货居家 车/建工/农具 日常生活服务 热门行业精选 按模块条件查看 按人群 按风格 季节流行 按地区 按价格 按行业查看 品牌等级查看 精华专题 知识大讲堂 热点聚焦文章 精英名人堂 装修/美图 招商加盟 网店推荐 名品大牌 销售与服务网点 生活十大 赚钱/人生指南 风水/福运 装修/空间改造 户型/房屋类型 设计案例 材质特点 身体部位 食疗/健康饮食 健康/养生 菜系分类 菜谱 食材 信息导航", "保健按摩器材 人群医药保健", "雾化器十大品牌,医用雾化器-家用雾化器-雾化机品牌榜中榜,雾化器什么牌子好[2017]", "热门品牌票数 最近品牌投票 TOP10投票榜", "注:以下结果均由用户自主投票产生,投票无截止日期", "雾化器的作用是什么?", "医用雾化器用于治疗上呼吸道疾病的一种设备,属于医疗器械;目前使用的雾化原理主要有两种,一种是超声波雾化器,一种是压缩雾化器。雾化吸入治疗是呼吸系统疾病治疗方法中一种重要和有效的治疗方法,采用雾化吸入器将药液雾化成微小颗粒,药物通过呼吸吸入的方式进入呼吸道和肺部沉积,从而达到无痛、迅速适用于的目的。", "雾化器原理", "雾化原理主要有两种,一种是超声波雾化器,一种是压缩雾化器。超声波雾化器的原理是利用电子高频震荡(振荡频率为1.7MHz 或2.4MHz,超过人的听觉范围,该电子振荡对人体及动物绝无伤害),通过陶瓷雾化片的高频谐振,将液态水分子结构打散而产生自然飘逸的水雾,不需加热或添加任何化学试剂。而压缩雾化器的原理是利用压缩空气通过细小管口形成高速气流,产生的负压带动液体或其它流体一起喷射到阻挡物上,在高速撞击下向周围飞溅使液滴变成雾状微粒从出气管喷出。", "最近更新或加入的品牌 品牌微信公众号", "按行业查看: 雾化器 呼吸机 制氧机 理疗仪 血压计 血糖仪 按摩椅 颈椎牵引器 血氧仪 静脉曲张袜 拔罐器 足浴桶 胎心仪 颈椎按摩器 按摩器 足浴盆 助听器 体温计 脂肪测量仪 健康秤 计步器 轮椅 空气净化器 保健养生", "雾化器行业品牌推荐: PARI帕瑞 OMRON欧姆龙 鱼跃yuwell 飞利浦伟康 Devilbiss德百世 西恩scian 富林FOLEE 英华融泰YHRT MEDICAL 邦力健Banglijian", "品牌等级查看筛选品牌: 大品牌 著名商标 驰名保护 高新企业 上市公司 广东 江苏 河北 上海 北京"], "bs_rank_pos": 3}, {"is_selected": false, "title": "谁能够说一说家用雾化器那个牌子好?怎么样挑选好的家用雾化器?_生活", "most_related_para": 4, "segmented_title": ["谁", "能够", "说", "一", "说", "家用", "雾化器", "那个", "牌子", "好", "?", "怎么样", "挑选", "好", "的", "家用", "雾化器", "?", "_", "生活"], "segmented_paragraphs": [["已", "解决"], ["被", "采纳"], ["家庭", "雾化器", "用", "压缩", "式", "雾化器", "比较好", "。", "使用寿命", "比", "超声波", "和", "网", "式", "的", "要", "长", ",", "也", "更容易", "维护保养", ",", "使用", "也", "要", "简单", "些", "。", "家用", "雾化器", "分类", "1", ".", "压缩", "式", "雾化器", ",", "2", ".", "超声", "式", "雾化器", "3", ".", "网", "式", "雾化器", ".", "家用", "雾化器", "是", "指", "面向", "家庭", "或", "个人", ",", "尤其", "是", "自身免疫力", "差", "容易", "受", "空气污染", "影响", "而", "引发", "呼吸道疾病", "的", "老人", "或", "儿童", ",", "无须", "奔波", "医院", ",", "而是", "直接", "在家", "或是", "随身携带", "即可", "自行", "使用", "雾化", "治疗", "的", "仪器", "。", "好", "的", "家用", "雾化器", "要", "满足", "的", "条件", "1", ".", "雾化", "颗粒", "细", ",", "小于", "5um", "的", "雾化", "颗粒", "所", "占", "比例", "要", "超过", "50", "%", "以上", ",", "这个", "比例", "越", "大", ",", "药物", "吸收", "效果", "越好", ",", "雾化器", "性能", "也", "越好", ",", "相对来将", "的", "价格", "也", "会", "越", "高", "!", "尤其", "是", "儿童", "对", "雾化", "颗粒", "要求", "更高", ",", "2", ".", "工作", "噪声", ",", "一般", "性能", "差", "的", "压缩", "雾化器", "噪声", "可达", "80", "分贝", ",", "而", "质量", "好", "的", "压缩", "雾化器", "噪声", "一般", "都", "低于", "65", "分贝", "。", "3", ".", "工", "使用寿命", ",", "这个", "大家", "不", "说", "大家", "都", "明白", "使用寿命", "越", "长", "肯定", "越好", "。", "4", ".", "连续", "工作", "性", ",", "在", "医院", "治疗", "场所", "一般", "需要", "给", "连续", "给", "多", "个", "患者", "使用", ",", "所以", "连续", "工作", "性", "也是", "判断", "一款", "雾化器", "性能优良", "条件", "。", "5", ".", "药物", "残留", "量", ",", "药物", "残留", "量", "越", "低", "说明", "这", "款", "雾化器", "对", "药液", "利用率", "高", ",", "性能", "也", "就", "更好", ",", "好", "的", "家用", "雾化器", "药物", "残留", "量", "要", "小于", "05", "ml", "。", "6", ".", "便携性", ",", "家用", "雾化器", "是", "单独", "给", "个人", "或者", "是", "一个家庭", "使用", "的", ",", "就是", "为", "满足", "随时", "需要", "随时", "使用", "而", "开发", "的", ",", "所以", "便携性", "好", "的", "话", ",", "使用者", "外出", "也", "可以", "带", "着", "。", "7", ".", "安全性", ",", "过压", "保护", "、", "温控", "保护", "、", "漏电流", "检测", "、", "耐", "高压", "检测", "等等", ",", "这些", "都是", "保障", "使用者", "安全", "方便", "必不可少", "的", "。"], ["坦克", "迷你", "雾化器", ",", "不同于", "超声", "雾化器", "的", "是", ",", "压缩空气", "雾化器", "对", "雾化", "颗粒", "有", "选择性", ",", "使", "产生", "的", "药物", "颗粒", "不仅", "能", "沉积", "在", "上呼吸道", ",", "而且", "可以", "到达", "肺部", ",", "从而", "有效", "治疗", "下", "呼吸道疾病"], ["我", "觉得", "是", "鱼跃", "雾化器", "好", "。", "鱼跃", "有", "超声", "、", "压缩", "、", "手持", "雾化器", "、", "大", "的", "小", "的", "。", "雾化", "颗粒", "大", "。", "雾化", "颗粒", "小", "的", "。", "这些", "中间", "我", "觉得", "鱼跃", "的", "手持", "雾化器", "是", "很好", "的", ",", "小巧", "便携", ",", "关键", "是", "雾化", "颗粒", "真", "的", "很", "精细", ",", "机器", "运行", "没有", "声音", "。", "大人", "小孩", "不", "排斥", ",", "就算", "是", "小孩", ",", "自己", "也", "可以", "拿着", "做", "雾化", ",", "超级", "方便", "。"], ["生活常识", "热门", "问题"], ["相关", "套图", "推荐"]], "paragraphs": ["已解决", "被采纳", "家庭雾化器用压缩式雾化器比较好。使用寿命比超声波和网式的要长,也更容易维护保养,使用也要简单些。家用雾化器分类1.压缩式雾化器,2.超声式雾化器3.网式雾化器.家用雾化器是指面向家庭或个人,尤其是自身免疫力差容易受空气污染影响而引发呼吸道疾病的老人或儿童,无须奔波医院,而是直接在家或是随身携带即可自行使用雾化治疗的仪器。好的家用雾化器要满足的条件1.雾化颗粒细,小于5um的雾化颗粒所占比例要超过50%以上,这个比例越大,药物吸收效果越好,雾化器性能也越好,相对来将的价格也会越高!尤其是儿童对雾化颗粒要求更高,2.工作噪声,一般性能差的压缩雾化器噪声可达80分贝,而质量好的压缩雾化器噪声一般都低于65分贝。3.工使用寿命,这个大家不说大家都明白使用寿命越长肯定越好。4.连续工作性,在医院治疗场所一般需要给连续给多个患者使用,所以连续工作性也是判断一款雾化器性能优良条件。5.药物残留量,药物残留量越低说明这款雾化器对药液利用率高,性能也就更好,好的家用雾化器药物残留量要小于05ml。6.便携性,家用雾化器是单独给个人或者是一个家庭使用的,就是为满足随时需要随时使用而开发的,所以便携性好的话,使用者外出也可以带着。7.安全性,过压保护、温控保护、漏电流检测、耐高压检测等等,这些都是保障使用者安全方便必不可少的。", "坦克迷你雾化器,不同于超声雾化器的是,压缩空气雾化器对雾化颗粒有选择性,使产生的药物颗粒不仅能沉积在上呼吸道,而且可以到达肺部,从而有效治疗下呼吸道疾病", "我觉得是鱼跃雾化器好。鱼跃有超声、压缩、手持雾化器、大的小的。雾化颗粒大。雾化颗粒小的。这些中间我觉得鱼跃的手持雾化器是很好的,小巧便携,关键是雾化颗粒真的很精细,机器运行没有声音。大人小孩不排斥,就算是小孩,自己也可以拿着做雾化,超级方便。", "生活常识热门问题", "相关套图推荐"], "bs_rank_pos": 4}, {"is_selected": false, "title": "如何选购雾化器,雾化器什么牌子好_百度经验", "most_related_para": 15, "segmented_title": ["如何", "选购", "雾化器", ",", "雾化器", "什么", "牌子", "好", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "健康", "/", "养生", ">", "医疗健康"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["如何", "选购", "雾化器", ",", "雾化器", "什么", "牌子", "好", "?"], ["现在", "人们", "的", "健康", "意识", "在", "提高", ",", "越来越", "关注", "自己", "的", "健康", "。", "随着", "雾霾", "等", "空气污染", "状况", "的", "加剧", ",", "以及", "儿童", "老人", "的", "免疫力", "本身", "较差", ",", "越来越多", "的", "人", "患", "上", "了", "呼吸道疾病", ",", "比如", "哮喘", ",", "肺炎", "等", "。", "随着", "医用", "雾化器", "的", "广泛", "使用", ",", "由于", "其", "相对", "于", "传统", "服药", "治疗", "的", "诸多", "优点", ",", "人们", "逐渐", "认可", "和", "接受", "了", "雾化", "吸入", "治疗法", ",", "人们", "都", "在", "考虑", "如何", "选择", "雾化器", "好", "。", "并", "尝试", "着", "从", "去", "医院", "排队", "等", "雾化", ",", "到", "自行", "选购", "家用", "雾化器", ",", "实现", "在家", "就", "可以", "轻松", "雾化", "的", "高品质", "治疗", "。"], ["不管", "是", "医用", "雾化器", ",", "还是", "逐渐", "普及", "的", "家用", "雾化器", ",", "目前", "市场", "内", "品牌", "众多", ",", "有点", "让", "人", "眼花缭乱", "的", "感觉", "。", "所以", "到底", "哪些", "雾化器", "是", "更为", "专业", "可靠", "可", "信赖", "的", "高", "性价比", "品牌", ",", "以及", "如何", "选购", "雾化器", "品牌", "成为", "了", "众多", "雾化器", "需求", "者", "的", "悬疑", "。"], ["作为", "雾化器", "的", "中国", "小小", "传道士", ",", "我们", "进行", "了", "国内", "几", "大", "电商", "平台", "雾化器", "品牌", "的", "调查", "。", "至少", "发现", "以下", "几点", ":"], ["1", ".", "众多", "雾化器", "品牌", "已经", "入驻", "天猫", ",", "不", "下", "50", "家", ";", "而", "压缩", "雾化器", "”", "、", "“", "超声", "雾化器", "”", "、", "“", "儿童哮喘", "雾化器", "”", "、", "“", "家用", "雾化器", "等", "产品", "搜索", "词", "作为", "天猫", "的", "主", "推", "搜索", "词", ",", "同时", "也", "体现", "了", "平台", "用户", "的", "选购", "倾向", ";", "2", ".", "京东", "商场", "合作", "的", "雾化器", "品牌", "相对", "要", "少", "很多", ",", "包括", "欧姆龙", "、", "百瑞", "等", "雾化器", "品牌", ",", "仅", "在", "20", "家", "以内", ";", "其", "相关搜索", "“", "雾化器", "家用", "儿童", "”", "、", "“", "雾化器", "医用", "”", "也是", "雾化器", "品类", "搜索", "的", "top", "2", "热", "词", "。", "3", ".", "而", "全球", "最大", "的", "电商", "平台", "亚马逊", ",", "入驻", "品牌", "则", "更为", "狭窄", ",", "但", "也", "囊括", "了", "国际知名", "雾化器", "品牌", ",", "诸如", "压缩", "雾化器", "”", "、", "“", "超声", "雾化器", "”", "、", "“", "儿童哮喘", "雾化器", "”", "、", "“", "家用", "雾化器"], ["根据", "各", "个", "品牌", "的", "市场份额", "和", "用户", "关注", "度", ",", "2013", "年", "雾化器", "十大", "品牌", "排行榜", "如", "下", ":"], ["1", ".", "Omron", "欧姆龙", "雾化器", ":", "日本", "欧姆龙", ",", "多", "种", "雾化器", "产品", ",", "满足", "各类", "需求", ";", "2", ".", "Yuyue", "鱼跃", "雾化器", ":", "江苏", "出品", ",", "超声", "雾化器", "和", "压缩", "空气", "式", "雾化器", ";", "3", ".", "Scian", "西恩", "雾化器", ":", "产地", "不详", ",", "由", "上海", "雷", "乐", "实业", "有限公司", "代理", ";", "4", ".", "Folee", "富林", "雾化器", ":", "江苏", "出品", ";"], ["5", ".", "氧气", "盒子", "O2", "BOX", ":", "广东", "出品", ";"], ["6", ".", "德国", "百瑞", "雾化器", ":", "德国", "出品", ",", "拥有", "国际", "领先", "可控", "技术", ";"], ["7", ".", "德维比斯", "DEVIL", "BISS", ":", "美国", "品牌", ",", "是", "全球", "呼吸系统", "用", "医疗保健", "设备", "的", "最", "主要", "供应商", "之", "一", "。"], ["8", ".", "凯亚", "雾化器", ":", "来自", "广东", "佛山", ",", "KYWH", "1004", ";"], ["9", ".", "米勒", "mele", "雾化器", ":", "来自", "广东", "深圳", ",", "雾", "尔康", "(", "Welcon", ")", "医用", "雾化器", "NW", "-", "5001", ";"], ["10", ".", "英华", "融", "泰", "雾化器", ":", "产品", "出自", "内蒙", ";"], ["可见", "目前", "只有", "三大", "国际", "品牌", "进驻", "中国", ",", "包括", "欧姆龙", "、", "百瑞", "以及", "德维比斯", ",", "相对而言", "更多", "的", "雾化器", "市场份额", "由", "国内品牌", "占领", ",", "主要", "分布", "于", "江苏", "和", "广东", "两", "大", "雾化器", "国内", "生产基地", "。"], ["调查", "发现", ",", "作为", "雾化器", "产品", "的", "研发", "和", "推动", "者", ",", "以及", "家庭", "雾化", "治疗", "理念", "的", "传播", "者", ",", "欧姆龙", "雾化器", "的", "市场份额", "在", "逐", "年", "走", "高", ",", "其", "不仅", "拥有", "最", "为", "丰富", "的", "产品线", ":", "主流", "的", "超声", "雾化器", "和", "压缩", "雾化器", ",", "还", "开发", "了", "独", "有", "的", "网", "式", "雾化器", ",", "其", "价格", "也", "分", "低", "中", "高三", "个", "档次", ",", "可以", "满足", "不同", "家庭", "的", "价位", "需要", "。"], ["据悉", ",", "2013", "年", "欧姆龙", "新上市", "了", "NE", "-", "C802", "低", "噪", "儿童哮喘", "家用", "压缩", "式", "雾化器", ",", "携带方便", ",", "能", "满足", "随时随地", "实现", "雾化", "吸入", "治疗", ";", "此", "款", "产品", "仅", "网络", "专供", ",", "不", "在线", "下", "售卖", ",", "因此", "其", "价格", "更为", "亲民", ",", "是", "同类", "价格", "中", "的", "一", "款", "高", "性价比", "雾化器", ",", "是", "众多", "妈妈们", "的", "放心", "选择", "。"], ["事实上", ",", "专家", "们", "也", "从", "用户", "角度", "给", "了", "些", "雾化器", "品牌", "选购", "的", "建议", ":", "操作简单", "、", "方便携带", "也是", "衡量", "雾化器", "的", "重要", "指标", ",", "而", "欧姆龙", "压缩", "式", "雾化器", "设计", "了", "单键", "操作", ",", "即使", "儿童", "也", "可", "轻松", "使用", "。", "并且", "体积小巧", ",", "非常", "适合", "外出", "携带", "。", "NE", "-", "C802", "型", "压缩", "式", "雾化器", "还", "专门", "配", "有", "充电器", "和", "充电电池", ",", "以及", "便携式", "手提包", ",", "外出", "游玩", "、", "旅行", "都", "能带", "在身边", "使用", ",", "实现", "随时随地", "进行", "吸入", "治疗", ",", "是", "家用", "雾化器", "品牌产品", "的", "不二", "选择", "。"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验 > 健康/养生 > 医疗健康", "百度经验:jingyan.baidu.com", "如何选购雾化器,雾化器什么牌子好?", "现在人们的健康意识在提高,越来越关注自己的健康。随着雾霾等空气污染状况的加剧,以及儿童老人的免疫力本身较差,越来越多的人患上了呼吸道疾病,比如哮喘,肺炎等。随着医用雾化器的广泛使用,由于其相对于传统服药治疗的诸多优点,人们逐渐认可和接受了雾化吸入治疗法,人们都在考虑如何选择雾化器好。并尝试着从去医院排队等雾化,到自行选购家用雾化器,实现在家就可以轻松雾化的高品质治疗。", "不管是医用雾化器,还是逐渐普及的家用雾化器,目前市场内品牌众多,有点让人眼花缭乱的感觉。所以到底哪些雾化器是更为专业可靠可信赖的高性价比品牌,以及如何选购雾化器品牌成为了众多雾化器需求者的悬疑。", "作为雾化器的中国小小传道士,我们进行了国内几大电商平台雾化器品牌的调查。至少发现以下几点:", "1. 众多雾化器品牌已经入驻天猫,不下50家;而压缩雾化器”、“超声雾化器”、“儿童哮喘雾化器”、“家用雾化器等产品搜索词作为天猫的主推搜索词,同时也体现了平台用户的选购倾向; 2. 京东商场合作的雾化器品牌相对要少很多,包括欧姆龙、百瑞等雾化器品牌,仅在20家以内;其相关搜索“雾化器 家用 儿童”、“雾化器医用”也是雾化器品类搜索的top2热词。 3. 而全球最大的电商平台亚马逊,入驻品牌则更为狭窄,但也囊括了国际知名雾化器品牌,诸如压缩雾化器”、“超声雾化器”、“儿童哮喘雾化器”、“家用雾化器", "根据各个品牌的市场份额和用户关注度,2013年雾化器十大品牌排行榜如下:", "1. Omron欧姆龙雾化器:日本欧姆龙,多种雾化器产品,满足各类需求; 2. Yuyue鱼跃雾化器:江苏出品,超声雾化器和压缩空气式雾化器; 3. Scian西恩雾化器:产地不详,由上海雷乐实业有限公司代理; 4. Folee富林雾化器:江苏出品;", "5. 氧气盒子O2BOX:广东出品;", "6. 德国百瑞雾化器:德国出品,拥有国际领先可控技术;", "7. 德维比斯DEVILBISS:美国品牌,是全球呼吸系统用医疗保健设备的最主要供应商之一。", "8. 凯亚雾化器:来自广东佛山,KYWH1004;", "9. 米勒mele雾化器:来自广东深圳,雾尔康(Welcon)医用雾化器NW-5001;", "10. 英华融泰雾化器:产品出自内蒙;", "可见目前只有三大国际品牌进驻中国,包括欧姆龙、百瑞以及德维比斯,相对而言更多的雾化器市场份额由国内品牌占领,主要分布于江苏和广东两大雾化器国内生产基地。", "调查发现,作为雾化器产品的研发和推动者,以及家庭雾化治疗理念的传播者,欧姆龙雾化器的市场份额在逐年走高,其不仅拥有最为丰富的产品线:主流的超声雾化器和压缩雾化器,还开发了独有的网式雾化器,其价格也分低中高三个档次,可以满足不同家庭的价位需要。", "据悉,2013年欧姆龙新上市了NE-C802低噪儿童哮喘家用压缩式雾化器,携带方便,能满足随时随地实现雾化吸入治疗;此款产品仅网络专供,不在线下售卖,因此其价格更为亲民,是同类价格中的一款高性价比雾化器,是众多妈妈们的放心选择。", "事实上,专家们也从用户角度给了些雾化器品牌选购的建议:操作简单、方便携带也是衡量雾化器的重要指标,而欧姆龙压缩式雾化器设计了单键操作,即使儿童也可轻松使用。并且体积小巧,非常适合外出携带。NE-C802型压缩式雾化器还专门配有充电器和充电电池,以及便携式手提包,外出游玩、旅行都能带在身边使用,实现随时随地进行吸入治疗,是家用雾化器品牌产品的不二选择。", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 5}], "answer_spans": [[2, 75]], "answer_docs": [0], "fake_answers": ["英华融泰挺不错的,在医院看到的这个牌子,医生说还不错,是个老品牌。送了两套雾化配件,包括面罩、杯子、鼻插什么的特别全,可以调节雾量,这点很不错,机器运行有点声音,这个都这样可以接受,雾喷出来也挺细腻的,相信能带来好的效果"], "question": "雾化器哪个牌子好", "segmented_answers": [["英华", "融", "泰", "挺不错", "的", ",", "医生", "说", "还不错", ",", "是", "个", "老", "品牌", "。", "送", "了", "两", "套", "雾化", "配件", ",", "包括", "面罩", "、", "杯子", "、", "鼻", "插", "什么", "的", "特别", "全", ",", "可以", "调节", "雾", "量", ",", "这", "点", "很不错", ",", "机器", "运行", "有点", "声音", ",", "这个", "都", "这样", "可以", "接受", ",", "雾", "喷", "出来", "也", "挺", "细腻", "的", ",", "相信", "能", "带来", "好", "的", "效果", "。"], ["雾化器", "还是", "进口", "百瑞", "的", "好", "。"], ["台湾", "产", "的", "普元", "雾化器", "。", "质量", "不错", ",", "经济实惠", "。"]], "answers": ["英华融泰挺不错的,医生说还不错,是个老品牌。送了两套雾化配件,包括面罩、杯子、鼻插什么的特别全,可以调节雾量,这点很不错,机器运行有点声音,这个都这样可以接受,雾喷出来也挺细腻的,相信能带来好的效果。", "雾化器还是进口百瑞的好。", "台湾产的普元雾化器。质量不错,经济实惠。"], "entity_answers": [["英华融泰"], ["百瑞"], ["普元雾化器"]], "segmented_question": ["雾化器", "哪个", "牌子", "好"], "question_type": "ENTITY", "question_id": 46, "fact_or_opinion": "OPINION", "match_scores": [0.8251748251748252]} -{"documents": [{"is_selected": true, "title": "怎样关闭Apple ID 的两步式验证_百度经验", "most_related_para": 4, "segmented_title": ["怎样", "关闭", "Apple", "ID", "的", "两", "步", "式", "验证", "_", "百度", "经验"], "segmented_paragraphs": [["该", "经验", "图片", "、", "文字", "中", "可能", "存在", "外", "站", "链接", "或", "电话号码", "等", ",", "请注意", "识别", ",", "谨防上当受骗", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["Apple", "ID", "的", "两", "步", "式", "验证", "可以", "更加", "安全", "的", "管理", "我们", "的", "账号", ",", "但是", "不", "想", "用", "要", "怎样", "关闭", "呢", "?", "现在", "就", "为", "大家", "介绍一下"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "首先", "登入", "以下", "网址", ":", "appleid", ".", "apple", ".", "com", "在", "打开", "的", "页面", "上", "点击", "【", "管理", "您", "的", "Apple", "ID", "】", "步骤", "阅读", "2", "然后", "登入", "账号", "和", "密码", "步骤", "阅读", "3", "然后", "需要", "发送", "验证码", "到", "手机", "或者", "绑定", "的", "设备", "步骤", "阅读", "4", "然后", "点击", "【", "密码", "和", "账户", "安全", "】", "步骤", "阅读", "5", "在", "右侧", "拉", "到", "最", "下面", ",", "可以看到", "【", "关闭", "两", "步", "验证", "】", "步骤", "阅读", "6", "然后", "需要", "重新", "设置", "安全问题", ",", "出生日期", "和", "救援", "邮箱", "步骤", "阅读", "7", "然后", "确认", "关闭", "两", "步", "验证", "步骤", "阅读", "8", "关闭", "成功", "步骤", "阅读", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["该经验图片、文字中可能存在外站链接或电话号码等,请注意识别,谨防上当受骗!", "百度经验:jingyan.baidu.com", "Apple ID 的两步式验证可以更加安全的管理我们的账号,但是不想用要怎样关闭呢?现在就为大家介绍一下", "百度经验:jingyan.baidu.com", "1 首先登入以下网址:appleid.apple.com 在打开的页面上点击【管理您的Apple ID】 步骤阅读 2 然后登入账号和密码 步骤阅读 3 然后需要发送验证码到手机或者绑定的设备 步骤阅读 4 然后点击【密码和账户安全】 步骤阅读 5 在右侧拉到最下面,可以看到【关闭两步验证】 步骤阅读 6 然后需要重新设置安全问题,出生日期和救援邮箱 步骤阅读 7 然后确认关闭两步验证 步骤阅读 8 关闭成功 步骤阅读 END", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 0}, {"is_selected": false, "title": "苹果双重认证怎么关闭_百度知道", "most_related_para": 0, "segmented_title": ["苹果", "双重", "认证", "怎么", "关闭", "_", "百度", "知道"], "segmented_paragraphs": [["1", "、", "首先", "登入", "以下", "网址", ":", "appleid", ".", "apple", ".", "com", "在", "打开", "的", "页面", "上", "点击", "【", "管理", "您", "的", "Apple", "ID", "】", "2", "、", "然后", "登入", "账号", "和", "密码", "3", "、", "然后", "需要", "发送", "验证码", "到", "手机", "或者", "绑定", "的", "设备", "4", "、", "然后", "点击", "【", "密码", "和", "账户", "安全", "】", "5", ".", "在", "右侧", "拉", "到", "最", "下面", ",", "可以看到", "【", "关闭", "两", "步", "验证", "】", "6", ".", "然后", "需要", "重新", "设置", "安全问题", ",", "出生日期", "和", "救援", "邮箱", "7", ".", "然后", "确认", "关闭", "两", "步", "验证", "8", "、", "关闭", "成功"]], "paragraphs": ["1、首先登入以下网址:appleid.apple.com 在打开的页面上点击【管理您的Apple ID】 2、然后登入账号和密码 3、然后需要发送验证码到手机或者绑定的设备 4、然后点击【密码和账户安全】 5.在右侧拉到最下面,可以看到【关闭两步验证】 6.然后需要重新设置安全问题,出生日期和救援邮箱 7.然后确认关闭两步验证 8、关闭成功"], "bs_rank_pos": 1}, {"is_selected": false, "title": "苹果id双重认证怎么关闭_百度知道", "most_related_para": 0, "segmented_title": ["苹果", "id", "双重", "认证", "怎么", "关闭", "_", "百度", "知道"], "segmented_paragraphs": [["1", "、", "打开", "Apple", "ID", "管理", "页面", "点击", "管理", "您", "的", "Apple", "ID", "。", "2", "、", "使用", "你", "的", "ID", "用户名", "和", "密码", "来", "登陆", "。", "3", "、", "由于", "已", "开启", "两", "步", "验证", ",", "因此", "登录", "时", "会", "要求", "向", "受", "信任", "设备", "发送", "验证码", "。", "(", "如果", "你", "添加", "了", "多", "个", "受", "信任", "设备", ")", "选择", "在身边", "的", "受", "信任", "设备", "并", "点击", "Send", "发送", "验证码", "。", "4", "、", "受", "信任", "设备", "收到", "验证码", "。", "5", "、", "输入", "受", "信任", "设备", "上", "收到", "的", "验证码", ",", "并", "点击", "右下角", "的", "Continue", "来", "继续", "登陆", "。", "6", "、", "进入", "帐户", "后", "点击左侧", "的", "Password", "and", "Security", "后", ",", "右侧", "可见", "证明", "二", "次", "验证", "已", "开启", "Two", "-", "step", "verification", "is", "enabled", ".", "字样", "。", "点击", "最", "下面", "的", "Turn", "off", "two", "-", "step", "verification", ".", "开始", "关闭", "Apple", "ID", "二", "次", "验证", "。", "7", "、", "首先", "会", "被", "要求", "设置", "三", "个", "安全问题", ",", "因为", "二", "次", "验证", "关闭", "后", "安全问题", "就是", "替代", "的", "验证", "手段", "了", "。", "按", "要求", "填", "好", "安全问题", "并", "牢记", "答案", ",", "最后", "点击", "最", "下", "角", "的", "蓝色", "按钮", "继续", "。", "8", "、", "在", "弹出", "的", "界面", "中", "点击", "Turn", "off", "来", "确认", "关闭", "Apple", "ID", "二", "次", "验证", "。", "9", "、", "最后", "到", "页面", "右下角", "点击", "Save", "来", "保存", "。"], ["关闭", "双重", "认证", "也", "要", "分", "两种", "情况", ":", "第", "一", "种", ":", "账户", "密码", "都", "记得", ",", "受", "信任", "电话号码", "可以", "正常", "接受", "验证码", "。", "这种情况", "比较", "简单", ",", "直接", "在", "Apple", "ID", "账户", "页面", "按照", "上面", "的", "提示", "关闭", "就", "可以", "了", "。", "从", "苹果", "官网", "进入", ",", "点击", "【", "管理", "你", "的", "Apple", "ID", "】", ",", "然后", "登陆", "你", "的", "账户", ",", "到", "账户", "管理", "页面", "。", "点", "按", "【", "安全", "】", "栏目", "最", "右侧", "的", "【", "编辑", "】", ",", "右下角", "就", "有", "【", "关闭", "双重", "认证", "】", "第", "二", "种", ",", "忘记", "账户", "的", "密码", ",", "受", "信任", "电话号码", "无法", "接受", "短信", ",", "或者", "账户", "锁定", "。", "打开", "Apple", "ID", "账户", "页面", ",", "点击", "【", "忘记", "了", "Apple", "ID", "或", "密码", "?", "】", "输入", "账户", "及", "验证", "代码", ",", "点击", "【", "继续", "】", ",", "接下来", "需要", "输入", "账户", "的", "受", "信任", "电话号码", "然后", "继续", "。", "如果", "已经", "更换", "了", "电话号码", ",", "或者", "不记得", "电话号码", ",", "就", "点击", "不知道", "。", "接下来", "就会", "弹", "出来", "对话框", ",", "再次", "点击", "【", "关闭", "双重", "认证", "】", ",", "下一个", "界面", "点击", "【", "继续", "】", "。", "如果", "接下来", "的", "验证", "信息", ",", "安全", "提示", "问题", ",", "出生日期", "你", "都", "能", "顺利", "答对", ",", "那么", "接下来"]], "paragraphs": ["1、打开Apple ID管理页面点击管理您的Apple ID。 2、使用你的ID用户名和密码来登陆。 3、由于已开启两步验证,因此登录时会要求向受信任设备发送验证码。(如果你添加了多个受信任设备)选择在身边的受信任设备并点击Send发送验证码。 4、受信任设备收到验证码。 5、输入受信任设备上收到的验证码,并点击右下角的Continue来继续登陆。 6、进入帐户后点击左侧的Password and Security后,右侧可见证明二次验证已开启Two-step verification is enabled.字样。点击最下面的Turn off two-step verification.开始关闭Apple ID二次验证。 7、首先会被要求设置三个安全问题,因为二次验证关闭后安全问题就是替代的验证手段了。按要求填好安全问题并牢记答案,最后点击最下角的蓝色按钮继续。 8、在弹出的界面中点击Turn off来确认关闭Apple ID二次验证。 9、最后到页面右下角点击Save来保存。", "关闭双重认证也要分两种情况: 第一种:账户密码都记得,受信任电话号码可以正常接受验证码。 这种情况比较简单,直接在Apple ID账户页面按照上面的提示关闭就可以了。 从苹果官网进入,点击【管理你的Apple ID】,然后登陆你的账户,到账户管理页面。 点按【安全】栏目最右侧的【编辑】,右下角就有【关闭双重认证】 第二种,忘记账户的密码,受信任电话号码无法接受短信,或者账户锁定。 打开Apple ID账户页面,点击【忘记了Apple ID或密码?】 输入账户及验证代码,点击【继续】,接下来需要输入账户的受信任电话号码然后继续。 如果已经更换了电话号码,或者不记得电话号码,就点击不知道。 接下来就会弹出来对话框,再次点击【关闭双重认证】,下一个界面点击【继续】。 如果接下来的验证信息,安全提示问题,出生日期你都能顺利答对,那么接下来"], "bs_rank_pos": 2}, {"is_selected": true, "title": "苹果icloud的双重认证怎么关掉?_百度知道", "most_related_para": 1, "segmented_title": ["苹果", "icloud", "的", "双重", "认证", "怎么", "关掉", "?", "_", "百度", "知道"], "segmented_paragraphs": [["首先", "是", "打开", "苹果", "官网", ",", "登陆", "本人", "账号", "后", "点击", "【", "技术支持", "】", "进入", "管理", "Apple", "ID", "的", "页面", "。", "以", "苹果", "safari", "为", "例", ":", "第一步", ",", "点击", "界面", "“", "安全", "”", "信息", "栏", "下", "的", "【", "关闭", "双重", "认证", "】", ";", "第二步", ",", "会", "重复", "验证", "你", "是否", "需要", "关闭", ",", "点击", "【", "继续", "】", ";", "第三步", ",", "与", "两", "步", "验证", "一样", ",", "需要", "重新", "选择", "安全", "提示", "问题", "和", "答案", ",", "点击", "【", "继续", "】", ";", "第四步", ",", "为了", "安全", "起", "见", ",", "输入", "一", "个", "常用", "救援", "邮箱", ",", "选择", "【", "继续", "】", ";", "第五步", ",", "系统提示", "你", "“", "双重", "认证", "已", "关闭", "”", ",", "选择", "【", "好", "】", ",", "退出", "。", "如", "未", "开启", "苹果", "的", "双重", "验证", "但是", "还是", "无法", "在", "第三方", "登陆", "iCloud", "账号", ",", "可", "查看", "是否", "打开", "了", "两", "步", "验证"], ["1", "、", "首先", "登入", "以下", "网址", ":", "appleid", ".", "apple", ".", "com", "在", "打开", "的", "页面", "上", "点击", "【", "管理", "您", "的", "Apple", "ID", "】", "2", "、", "然后", "登入", "账号", "和", "密码", "3", "、", "然后", "需要", "发送", "验证码", "到", "手机", "或者", "绑定", "的", "设备", "4", "、", "然后", "点击", "【", "密码", "和", "账户", "安全", "】", "5", ".", "在", "右侧", "拉", "到", "最", "下面", ",", "可以看到", "【", "关闭", "两", "步", "验证", "】", "6", ".", "然后", "需要", "重新", "设置", "安全问题", ",", "出生日期", "和", "救援", "邮箱", "7", ".", "然后", "确认", "关闭", "两", "步", "验证", "8", "、", "关闭", "成功"]], "paragraphs": ["首先是打开苹果官网,登陆本人账号后点击【技术支持】进入管理Apple ID的页面。以苹果 safari 为例: 第一步,点击界面“安全”信息栏下的【关闭双重认证】; 第二步,会重复验证你是否需要关闭,点击【继续】; 第三步,与两步验证一样,需要重新选择安全提示问题和答案,点击【继续】; 第四步,为了安全起见,输入一个常用救援邮箱,选择【继续】; 第五步,系统提示你“双重认证已关闭”,选择【好】,退出。 如未开启苹果的双重验证但是还是无法在第三方登陆iCloud账号,可查看是否打开了两步验证", "1、首先登入以下网址:appleid.apple.com 在打开的页面上点击【管理您的Apple ID】 2、然后登入账号和密码 3、然后需要发送验证码到手机或者绑定的设备 4、然后点击【密码和账户安全】 5.在右侧拉到最下面,可以看到【关闭两步验证】 6.然后需要重新设置安全问题,出生日期和救援邮箱 7.然后确认关闭两步验证 8、关闭成功"], "bs_rank_pos": 3}, {"is_selected": false, "title": "Apple ID 的双重认证 - Apple 支持", "most_related_para": 1, "segmented_title": ["Apple", "ID", "的", "双重", "认证", "-", "Apple", "支持"], "segmented_paragraphs": [["双重", "认证", "是", "为", "Apple", "ID", "提供", "的", "一", "层", "额外", "安全保护", ",", "旨在", "确保", "只有", "您", "可以", "访问", "自己", "的", "帐户", ",", "即使", "其他人", "知道", "您", "的", "密码", "也是", "如此", "。"], ["有", "了", "双重", "认证", ",", "只能", "通过", "您", "信任", "的", "设备", "(", "如", "iPhone", "、", "iPad", "或", "Mac", ")", "才能", "访问", "您", "的", "帐户", "。", "首次", "登录", "一", "部", "新", "设备", "时", ",", "您", "需要", "提供", "两种", "信息", ":", "您", "的", "密码", "和", "自动", "显示", "在", "您", "的", "受", "信任", "设备", "上", "的", "六", "位", "验证码", "。", "输入", "验证码", "后", ",", "您", "即", "确认", "您", "信任", "这部", "新", "设备", "。", "例如", ",", "如果", "您", "有", "一", "部", "iPhone", "并且", "要", "在", "新", "购", "的", "Mac", "上", "首次", "登录", "您", "的", "帐户", ",", "您", "将", "收到", "提示", "信息", ",", "要求", "您", "输入密码", "和", "自动", "显示", "在", "您", "iPhone", "上", "的", "验证码", "。"], ["由于", "只", "输入密码", "不再", "能够", "访问", "您", "的", "帐户", ",", "因此", "双重", "认证", "显著", "增强", "了", "Apple", "ID", "以及", "所有", "通过", "Apple", "储存", "的", "个人", "信息", "的", "安全性", "。"], ["登录", "后", ",", "系统", "将", "不会", "再次", "要求", "您", "在", "该", "设备", "上", "输入", "验证码", ",", "除非", "您", "完全", "注销", "帐户", "、", "抹掉", "设备", "数据", "或", "出于", "安全", "原因", "而", "需要", "更改密码", "。", "当", "您", "在", "Web", "上", "登录", "时", ",", "可以", "选择", "信任", "您", "的", "浏览器", ",", "这样", "当", "您", "下次", "从", "该", "电脑", "登录", "时", ",", "系统", "就", "不会", "要求", "您", "输入", "验证码", "。"], ["受", "信任", "的", "设备", "是", "您", "已", "使用", "双重", "认证", "登录", "的", "设备", ",", "可以", "是", "装", "有", "iOS", "9", "及", "更高", "版本", "的", "iPhone", "、", "iPad", "或", "iPod", "touch", "或者", "装", "有", "OS", "X", "El", "Capitan", "及", "更高", "版本", "的", "Mac", "。", "我们", "知道", "这", "是", "您", "的", "设备", ",", "并且", "当", "您", "在", "其他", "设备", "或", "浏览器", "上", "登录", "时", ",", "这个", "受", "信任", "设备", "将", "显示", "Apple", "提供", "的", "验证码", "来", "验证", "您", "的", "身份", "。"], ["受", "信任", "的", "电话", "号码", "是", "指", "可", "通过", "短信", "或", "电话", "接收", "验证码", "的", "号码", "。", "您", "必须", "至少", "验证", "一", "个", "受", "信任", "的", "电话号码", "才能", "注册", "双重", "认证", "。"], ["在", "中国", ",", "您", "的", "其中", "一", "个", "受", "信任", "的", "电话号码", "必须", "是", "在", "中国", "注册", "且", "国家", "/", "地区", "代码", "是", "+", "86", "的", "电话号码", "。", "您", "还", "应", "考虑", "验证", "您", "可以", "使用", "的", "其他", "电话号码", ",", "如", "家庭", "电话号码", "或", "亲朋好友", "所用", "的", "号码", "。", "当", "您", "暂时", "无法", "使用", "自己", "的", "设备", "时", ",", "就", "可以", "使用", "这些", "号码", "。"], ["验证码", "是", "您", "使用", "Apple", "ID", "登录", "新", "设备", "或", "浏览器", "时", ",", "发送", "到", "您", "的", "受", "信任", "设备", "或", "电话号码", "的", "临时", "代码", "。", "您", "也", "可以", "从", "受", "信任", "设备", "的", "“", "设置", "”", "中", "获取", "验证码", "。"], ["验证码", "不同于", "您", "输入", "以", "用于", "解锁", "iPhone", "、", "iPad", "或", "iPod", "touch", "的", "设备", "密码", "。"], ["如果", "iCloud", "用户", "至少", "拥有", "一", "个", "装", "有", "iOS", "9", "或者", "OS", "X", "El", "Capitan", "或", "更高", "版本", "的", "设备", ",", "现在", "就", "可以", "使用", "双重", "认证", "。", "进一步了解", "。"], ["您", "可以", "在", "iPhone", "、", "iPad", "或", "iPod", "touch", "上", "按照", "以下", "步骤", "来", "开启", "双重", "认证", "。"], ["如果", "使用", "的", "是", "iOS", "10", ".", "3", "或", "更高", "版本", ":"], ["前往", "“", "设置", "”", ">", "“", "[", "您", "的", "姓名", "]", "”", ">", "“", "密码", "与", "安全性", "”", "。", "轻点", "“", "打开", "双重", "认证", "”", "。", "轻点", "“", "继续", "”", "。"], ["如果", "使用", "的", "是", "iOS", "10", ".", "2", "或", "更", "低", "版本", ":"], ["前往", "“", "设置", "”", ">", "“", "iCloud", "”", "。", "轻点", "您", "的", "Apple", "ID", ">", "“", "密码", "与", "安全性", "”", "。", "轻点", "“", "打开", "双重", "认证", "”", "。", "轻点", "“", "继续", "”", "。"], ["系统", "可能会", "要求", "您", "回答", "Apple", "ID", "安全", "提示", "问题", "。"], ["输入", "您", "想要", "在", "登录", "时", "用来", "接收", "验证码", "的", "电话号码", "。", "您", "可以", "选择", "是", "通过", "短信", "还是", "通过", "电话", "接收", "验证码", "。"], ["轻点", "“", "下一步", "”", "后", ",", "Apple", "会", "向", "您", "提供", "的", "电话号码", "发送", "验证码", "。"], ["输入", "验证码", "以", "验证", "您", "的", "电话号码", ",", "然后", "开启", "双重", "认证", "。"], ["在", "装", "有", "OS", "X", "El", "Capitan", "或", "更高", "版本", "的", "Mac", "上", ",", "请", "按照", "以下", "步骤", "操作", ":"], ["前往", "苹果", "(", ")", "菜单", ">", "“", "系统", "偏好", "设置", "”", ">", "“", "iCloud", "”", ">", "“", "帐户", "详细", "信息", "”", "。", "点", "按", "“", "安全性", "”", "。", "点", "按", "“", "打开", "双重", "认证", "”", "。"], ["在", "iOS", "10", ".", "3", "或", "mac", "OS", "10", ".", "12", ".", "4", "及", "更高", "版本", "中", "创建", "的", "某些", "Apple", "ID", "默认", "受", "双重", "认证", "保护", "。", "如果是这样", ",", "您", "会发现", "这些", "设备", "上", "已", "开启", "双重", "认证", "。"], ["如果", "您", "已经", "在", "使用", "两", "步", "验证", "并", "想要", "升级", ",", "请", "将", "两", "步", "验证", "关闭", ",", "然后", "开启", "双重", "认证", "。"], ["如果", "您", "的", "帐户", "不符合", "双重", "认证", "条件", ",", "您", "仍", "可", "使用", "两", "步", "验证", "来", "保护", "您", "的", "信息", "。"], ["双重", "认证", "会", "显著", "提升", "Apple", "ID", "的", "安全性", "。", "开启", "双重", "认证", "后", ",", "您", "需要", "使用", "密码", "以及", "受", "信任", "设备", "或", "受", "信任", "的", "电话号码", "才能", "登录", "您", "的", "帐户", "。", "为了", "尽可能", "保护", "帐户", "的", "安全性", "并", "确保", "您", "永远不会", "失去", "访问权限", ",", "您", "应", "遵循", "以下", "几", "条", "简单", "准则", ":"], ["牢记", "Apple", "ID", "密码", "。", "在", "您", "的", "所有", "设备", "上", "均", "使用", "一", "个", "设备", "密码", "。", "确保", "受", "信任", "的", "电话号码", "始终", "为", "最新", "号码", "。", "确保", "受", "信任", "设备", "的", "安全", "。"], ["您", "可以", "通过", "Apple", "ID", "帐户", "页面", "管理", "受", "信任", "的", "电话号码", "、", "受", "信任", "的", "设备", "以及", "其他", "帐户", "信息", "。"], ["要", "使用", "双重", "认证", ",", "您", "需要", "至少", "登记", "一", "个", "受", "信任", "的", "电话号码", "以便", "接收", "验证码", "。", "您", "可以", "按照", "以下", "步骤", "来", "更新", "受", "信任", "的", "电话号码", ":"], ["前往", "您", "的", "Apple", "ID", "帐户", "页面", "。", "使用", "您", "的", "Apple", "ID", "登录", "。", "前往", "“", "安全", "”", "部分", ",", "然后", "点", "按", "“", "编辑", "”", "。"], ["如果", "要", "添加", "电话号码", ",", "请", "点", "按", "“", "添加", "受", "信任", "的", "电话", "号码", "”", ",", "然后", "输入", "电话号码", "。", "选择", "是", "以", "短信", "还是", "电话", "方式", "验证", "号码", ",", "然后", "点", "按", "“", "继续", "”", "。", "要", "移除", "受", "信任", "的", "电话", "号码", ",", "请", "点", "按", "要", "移除", "的", "电话号码", "旁边", "的", "。", "在", "中国", ",", "您", "的", "其中", "一", "个", "受", "信任", "的", "电话号码", "必须", "是", "在", "中国", "注册", "且", "国家", "/", "地区", "代码", "是", "+", "86", "的", "电话号码", "。"], ["您", "可以", "在", "您", "的", "Apple", "ID", "帐户", "页面", "的", "“", "设备", "”", "部分", "中", "查看", "并", "管理", "受", "信任", "设备", "的", "列表", "。"], ["前往", "您", "的", "Apple", "ID", "帐户", "页面", "。", "使用", "您", "的", "Apple", "ID", "登录", "。", "前往", "“", "设备", "”", "部分", "。"], ["设备", "列表", "将", "显示", "您", "当前", "使用", "Apple", "ID", "登录", "的", "设备", "。", "选择", "一", "台", "设备", "以", "查看", "型号", "、", "序列号", "和", "其他", "有用", "信息", ",", "包括", "该", "设备", "是否", "受", "信任", "以及", "是否", "可以", "接收", "Apple", "ID", "验证码", "。"], ["您", "还", "可以", "移除", "受", "信任", "设备", "。", "移除", "受", "信任", "设备", "是", "为了", "确保", "它", "不再", "显示", "验证码", ",", "以及", "阻止", "其", "访问", "iCloud", "以及", "设备", "上", "的", "其他", "Apple", "服务", "(", "除非", "您", "再次", "使用", "双重", "认证", "登录", ")", "。", "如果", "需要", "查找", "设备", "或", "抹掉", "设备", "数据", ",", "然后", "将", "其", "从", "受", "信任", "设备", "列表", "中", "移除", ",", "您", "可以", "使用", "“", "查找", "我", "的", "iPhone", "”", "。"], ["开启", "双重", "认证", "后", ",", "您", "需要", "使用", "应用", "专用", "密码", "在", "非", "Apple", "提供", "的", "第三方", "应用", "或", "服务", "(", "如", "电子邮件", "、", "通讯录", "或", "日历", "应用", ")", "中", "登录", "您", "的", "帐户", "。", "请", "按照", "以下", "步骤", "生成", "应用", "专用", "密码", ":"], ["登录", "Apple", "ID", "帐户", "页面", "。", "点", "按", "“", "应用", "专用", "密码", "”", "下", "的", "“", "生成", "密码", "”", "。", "按照", "屏幕", "上", "的", "步骤", "操作", "。"], ["生成", "应用", "专用", "密码", "后", ",", "请", "像", "往常", "一样", "将它", "输入", "或", "粘贴", "到", "相关", "应用", "的", "密码", "栏", "位", "中", "。"], ["需要帮助", "?", "您", "可", "从", "下", "文", "中", "找到", "您", "问题", "的", "答案", "。"], ["是", "的", "。", "双重", "认证", "是", "一", "种", "直接", "内", "建", "在", "iOS", "、", "mac", "OS", "、", "tvOS", "、", "watch", "OS", "和", "Apple", "网站", "中", "的", "新", "服务", "。", "它", "使用", "不同", "的", "方法", "来", "对", "设备", "授信", "和", "发送", "验证码", ",", "而且", "提供", "了", "更为", "简化", "的", "用户体验", "。", "要", "使用", "一些", "具有", "较", "高", "安全", "要求", "的", "功能", ",", "必须", "通过", "双重", "认证", "。"], ["以前", "的", "两", "步", "验证", "功能", "会", "继续", "为", "已", "注册", "的", "用户", "单独", "提供", "服务", "。"], ["您", "可以", "按照", "以下", "步骤", ",", "通过", "受", "信任", "的", "iPhone", "、", "iPad", "或", "iPod", "touch", "来", "重", "设", "或", "更改密码", ":"], ["前往", "“", "设置", "”", ">", "“", "[", "您", "的", "姓名", "]", "”", "。", "如果", "使用", "的", "是", "iOS", "10", ".", "2", "或", "更", "低", "版本", ",", "请", "前往", "“", "设置", "”", ">", "“", "iCloud", "”", ">", "轻点", "您", "的", "Apple", "ID", "。", "轻点", "“", "密码", "与", "安全性", "”", "。", "轻点", "“", "更改密码", "”", "。", "输入", "新", "密码", "。"], ["这些", "步骤", "只能", "在", "已", "启用", "设备", "密码", "的", "受", "信任", "设备", "上", "完成", "。", "如果", "您", "无法访问", "受", "信任", "设备", ",", "请", "前往", "iforgot", ".", "apple", ".", "com", ",", "输入", "您", "的", "Apple", "ID", ",", "然后", "按照", "提示", "重设密码", "。", "如果", "需要帮助", ",", "请", "尝试", "这些", "步骤", "。"], ["如果", "您", "要", "登录", ",", "但是", "手", "边", "没有", "可", "显示", "验证码", "的", "受", "信任", "设备", ",", "您", "可以", "选择", "以", "短信", "或", "电话", "方式", "将", "验证码", "发送", "至", "受", "信任", "的", "电话", "号码", "。", "点", "按", "登录", "屏幕", "上", "的", "“", "没有收到", "验证码", "吗", "”", ",", "然后", "选择", "将", "验证码", "发送", "至", "受", "信任", "的", "电话", "号码", "。", "您", "还", "可以", "直接", "从", "受", "信任", "设备", "的", "“", "设置", "”", "中", "获取", "验证码", "。", "了解", "如何", "获取", "验证码", "。"]], "paragraphs": ["双重认证是为 Apple ID 提供的一层额外安全保护,旨在确保只有您可以访问自己的帐户,即使其他人知道您的密码也是如此。", "有了双重认证,只能通过您信任的设备(如 iPhone、iPad 或 Mac)才能访问您的帐户。首次登录一部新设备时,您需要提供两种信息:您的密码和自动显示在您的受信任设备上的六位验证码。输入验证码后,您即确认您信任这部新设备。例如,如果您有一部 iPhone 并且要在新购的 Mac 上首次登录您的帐户,您将收到提示信息,要求您输入密码和自动显示在您 iPhone 上的验证码。", "由于只输入密码不再能够访问您的帐户,因此双重认证显著增强了 Apple ID 以及所有通过 Apple 储存的个人信息的安全性。", "登录后,系统将不会再次要求您在该设备上输入验证码,除非您完全注销帐户、抹掉设备数据或出于安全原因而需要更改密码。当您在 Web 上登录时,可以选择信任您的浏览器,这样当您下次从该电脑登录时,系统就不会要求您输入验证码。", "受信任的设备是您已使用双重认证登录的设备,可以是装有 iOS 9 及更高版本的 iPhone、iPad 或 iPod touch 或者装有 OS X El Capitan 及更高版本的 Mac。我们知道这是您的设备,并且当您在其他设备或浏览器上登录时,这个受信任设备将显示 Apple 提供的验证码来验证您的身份。", "受信任的电话号码是指可通过短信或电话接收验证码的号码。您必须至少验证一个受信任的电话号码才能注册双重认证。", "在中国,您的其中一个受信任的电话号码必须是在中国注册且国家/地区代码是 +86 的电话号码。您还应考虑验证您可以使用的其他电话号码,如家庭电话号码或亲朋好友所用的号码。当您暂时无法使用自己的设备时,就可以使用这些号码。", "验证码是您使用 Apple ID 登录新设备或浏览器时,发送到您的受信任设备或电话号码的临时代码。您也可以从受信任设备的“设置”中获取验证码。", "验证码不同于您输入以用于解锁 iPhone、iPad 或 iPod touch 的设备密码。", "如果iCloud 用户至少拥有一个装有 iOS 9 或者 OS X El Capitan 或更高版本的设备,现在就可以使用双重认证。进一步了解。", "您可以在 iPhone、iPad 或 iPod touch 上按照以下步骤来开启双重认证。", "如果使用的是 iOS 10.3 或更高版本:", "前往“设置”>“[您的姓名]”>“密码与安全性”。 轻点“打开双重认证”。 轻点“继续”。", "如果使用的是 iOS 10.2 或更低版本:", "前往“设置”>“iCloud”。 轻点您的 Apple ID >“密码与安全性”。 轻点“打开双重认证”。 轻点“继续”。", "系统可能会要求您回答 Apple ID 安全提示问题。", "输入您想要在登录时用来接收验证码的电话号码。您可以选择是通过短信还是通过电话接收验证码。", "轻点“下一步”后,Apple 会向您提供的电话号码发送验证码。", "输入验证码以验证您的电话号码,然后开启双重认证。", "在装有 OS X El Capitan 或更高版本的 Mac 上,请按照以下步骤操作:", "前往苹果 () 菜单 >“系统偏好设置”>“iCloud”>“帐户详细信息”。 点按“安全性”。 点按“打开双重认证”。", "在iOS 10.3 或 macOS 10.12.4 及更高版本中创建的某些 Apple ID 默认受双重认证保护。如果是这样,您会发现这些设备上已开启双重认证。", "如果您已经在使用两步验证并想要升级,请将两步验证关闭,然后开启双重认证。", "如果您的帐户不符合双重认证条件,您仍可使用两步验证来保护您的信息。", "双重认证会显著提升 Apple ID 的安全性。开启双重认证后,您需要使用密码以及受信任设备或受信任的电话号码才能登录您的帐户。为了尽可能保护帐户的安全性并确保您永远不会失去访问权限,您应遵循以下几条简单准则:", "牢记Apple ID 密码。 在您的所有设备上均使用一个设备密码。 确保受信任的电话号码始终为最新号码。 确保受信任设备的安全。", "您可以通过 Apple ID 帐户页面管理受信任的电话号码、受信任的设备以及其他帐户信息。", "要使用双重认证,您需要至少登记一个受信任的电话号码以便接收验证码。您可以按照以下步骤来更新受信任的电话号码:", "前往您的 Apple ID 帐户页面。 使用您的 Apple ID 登录。 前往“安全”部分,然后点按“编辑”。", "如果要添加电话号码,请点按“添加受信任的电话号码”,然后输入电话号码。选择是以短信还是电话方式验证号码,然后点按“继续”。要移除受信任的电话号码,请点按要移除的电话号码旁边的 。在中国,您的其中一个受信任的电话号码必须是在中国注册且国家/地区代码是 +86 的电话号码。", "您可以在您的 Apple ID 帐户页面的“设备”部分中查看并管理受信任设备的列表。", "前往您的 Apple ID 帐户页面。 使用您的 Apple ID 登录。 前往“设备”部分。", "设备列表将显示您当前使用 Apple ID 登录的设备。选择一台设备以查看型号、序列号和其他有用信息,包括该设备是否受信任以及是否可以接收 Apple ID 验证码。", "您还可以移除受信任设备。移除受信任设备是为了确保它不再显示验证码,以及阻止其访问 iCloud 以及设备上的其他 Apple 服务(除非您再次使用双重认证登录)。如果需要查找设备或抹掉设备数据,然后将其从受信任设备列表中移除,您可以使用“查找我的 iPhone”。", "开启双重认证后,您需要使用应用专用密码在非Apple 提供的第三方应用或服务(如电子邮件、通讯录或日历应用)中登录您的帐户。请按照以下步骤生成应用专用密码:", "登录Apple ID 帐户页面。 点按“应用专用密码”下的“生成密码”。 按照屏幕上的步骤操作。", "生成应用专用密码后,请像往常一样将它输入或粘贴到相关应用的密码栏位中。", "需要帮助?您可从下文中找到您问题的答案。", "是的。双重认证是一种直接内建在 iOS、macOS、tvOS、watchOS 和 Apple 网站中的新服务。它使用不同的方法来对设备授信和发送验证码,而且提供了更为简化的用户体验。要使用一些具有较高安全要求的功能,必须通过双重认证。", "以前的两步验证功能会继续为已注册的用户单独提供服务。", "您可以按照以下步骤,通过受信任的 iPhone、iPad 或 iPod touch 来重设或更改密码:", "前往“设置”>“[您的姓名]”。如果使用的是 iOS 10.2 或更低版本,请前往“设置”>“iCloud”> 轻点您的 Apple ID。 轻点“密码与安全性”。 轻点“更改密码”。 输入新密码。", "这些步骤只能在已启用设备密码的受信任设备上完成。如果您无法访问受信任设备,请前往 iforgot.apple.com,输入您的 Apple ID,然后按照提示重设密码。如果需要帮助,请尝试这些步骤。", "如果您要登录,但是手边没有可显示验证码的受信任设备,您可以选择以短信或电话方式将验证码发送至受信任的电话号码。点按登录屏幕上的“没有收到验证码吗”,然后选择将验证码发送至受信任的电话号码。您还可以直接从受信任设备的“设置”中获取验证码。了解如何获取验证码。"], "bs_rank_pos": 4}], "answer_spans": [[0, 93]], "fake_answers": ["1、首先登入以下网址:appleid.apple.com在打开的页面上点击【管理您的AppleID】2、然后登入账号和密码3、然后需要发送验证码到手机或者绑定的设备4、然后点击【密码和账户安全】5.在右侧拉到最下面,可以看到【关闭两步验证】6.然后需要重新设置安全问题,出生日期和救援邮箱7.然后确认关闭两步验证8、关闭成功"], "question": "双重验证怎么关闭", "segmented_answers": [["1", ".", "首先", "登入", "以下", "网址", ":", "appleid", ".", "apple", ".", "com", "。", "在", "打开", "的", "页面", "上", "点击", "【", "管理", "您", "的", "Apple", "ID", "】", "2", ".", "然后", "登入", "账号", "和", "密码", "。", "3", ".", "然后", "需要", "发送", "验证码", "到", "手机", "或者", "绑定", "的", "设备", "。", "4", ".", "然后", "点击", "【", "密码", "和", "账户", "安全", "】", "。", "5", ".", "在", "右侧", "拉", "到", "最", "下面", ",", "可以看到", "【", "关闭", "两", "步", "验证", "】", "。", "6", ".", "然后", "需要", "重新", "设置", "安全问题", ",", "出生日期", "和", "救援", "邮箱", "。", "7", ".", "然后", "确认", "关闭", "两", "步", "验证", "。", "8", ".", "关闭", "成功", "。"], ["第一步", ",", "点击", "界面", "“", "安全", "”", "信息", "栏", "下", "的", "【", "关闭", "双重", "认证", "】", ";", "第二步", ",", "会", "重复", "验证", "你", "是否", "需要", "关闭", ",", "点击", "【", "继续", "】", ";", "第三步", ",", "与", "两", "步", "验证", "一样", ",", "需要", "重新", "选择", "安全", "提示", "问题", "和", "答案", ",", "点击", "【", "继续", "】", ";", "第四步", ",", "为了", "安全", "起", "见", ",", "输入", "一", "个", "常用", "救援", "邮箱", ",", "选择", "【", "继续", "】", ";", "第五步", ",", "系统提示", "你", "“", "双重", "认证", "已", "关闭", "”", ",", "选择", "【", "好", "】", ",", "退出", "。"]], "answers": ["1.首先登入以下网址:appleid.apple.com 。在打开的页面上点击【管理您的Apple ID】2.然后登入账号和密码。3.然后需要发送验证码到手机或者绑定的设备。4.然后点击【密码和账户安全】。5.在右侧拉到最下面,可以看到【关闭两步验证】。6.然后需要重新设置安全问题,出生日期和救援邮箱。7.然后确认关闭两步验证。8.关闭成功。", "第一步,点击界面“安全”信息栏下的【关闭双重认证】;第二步,会重复验证你是否需要关闭,点击【继续】;第三步,与两步验证一样,需要重新选择安全提示问题和答案,点击【继续】;第四步,为了安全起见,输入一个常用救援邮箱,选择【继续】;第五步,系统提示你“双重认证已关闭”,选择【好】,退出。"], "answer_docs": [3], "segmented_question": ["双重", "验证", "怎么", "关闭"], "question_type": "DESCRIPTION", "question_id": 47, "fact_or_opinion": "FACT", "match_scores": [0.8775510204081632]} -{"documents": [{"is_selected": false, "title": "搜狗浏览器5.0无痕浏览在哪_百度经验", "most_related_para": 5, "segmented_title": ["搜狗", "浏览器", "5.0", "无痕", "浏览", "在", "哪", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["我们", "在", "使用", "浏览器", "浏览网页", "的", "时候", ",", "为了", "保护", "自己", "的", "一些", "隐私", ",", "对于", "浏览", "一些", "网页", ",", "想着", "能够", "不留痕迹", "就好", "了", ",", "比如", "有些", "浏览器", "就", "推出", "了", "无痕", "浏览", "模式", "。", "那么", ",", "搜狗", "浏览器", "的", "无痕", "浏览", "在", "哪", "呢", "?", "其实", ",", "在", "搜狗", "浏览器", "四", "点", "几", "的", "时候", ",", "我", "是", "没", "发现", "有", "叫", "无痕", "浏览", "的", ",", "但", "却", "有", "隐私保护", ",", "在", "最", "右下角", "眼睛", "的", "图标", "里", "。", "到", "搜狗", "浏览器", "现在", "5.0", "版本", "时", ",", "才", "看到", "一", "个", "比较", "明显", "的", "选项", "可以", "被", "称为", "无痕", "浏览", ",", "现在", "来", "告诉", "大家", "在", "哪", "吧", "。"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["搜狗", "浏览器", "5.0"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "首先", ",", "这", "是", "搜狗", "浏览器", "5.0", "版本", ",", "如果", "不是", ",", "请", "先", "升级", ",", "升级", "可以", "下载", "官方", "版本", ",", "也", "可以", "在", "帮助", "那里", "找到", "“", "在线升级", "”", ":", "步骤", "阅读", "2", "如果", "是", "搜狗", "浏览器", "5.0", "了", "的", "话", ",", "那么", "看到", "右上角", "有", "个", "“", "文件", "”", "菜单", ":", "步骤", "阅读", "3", "点击", "文件", "后", ",", "可以看到", "有", "个", "“", "新建", "隐私", "窗口", "”", "的", "选项", ":", "步骤", "阅读", "4", "点击", "新建", "隐私", "窗口", ",", "看到", "介绍", "或者", "听到", "这个名字", "也", "知道", ",", "其实", "就是", "其他", "浏览器", "中", "说", "的", "那个", "“", "无痕", "浏览", "”", "了", ":", "步骤", "阅读", "5", "这个", "隐私", "窗口", "中", "浏览", "的", "页面", "是", "不会", "被", "保存", "在", "历史记录", "中", "的", ",", "尝试", "以下", ":", "步骤", "阅读", "6", "所以", "大家", "可以", "很方便", "的", "使用", "搜狗", "浏览器", "的", "隐私", "窗口", "即", "无痕", "浏览", "了", "。", "END"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["如有问题", ",", "可", "在", "下面", "评论", "留言", "讨论", "。", "如", "对", "您", "有", "帮助", ",", "可", "点击", "右上角", "(", "或", "下面", ")", "的", "免费", "投票", "以", "表", "认可", ",", "或者", "收藏", "。", "或者", "您", "可以", "关注", "我", ",", "我", "将", "不", "定时", "更新", "自己", "的", "经验", ",", "也许", "里面", "就", "有", "你", "感兴趣", "的", "呢", "^", "_", "^"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"]], "paragraphs": ["百度经验:jingyan.baidu.com", "我们在使用浏览器浏览网页的时候,为了保护自己的一些隐私,对于浏览一些网页,想着能够不留痕迹就好了,比如有些浏览器就推出了无痕浏览模式。那么,搜狗浏览器的无痕浏览在哪呢?其实,在搜狗浏览器四点几的时候,我是没发现有叫无痕浏览的,但却有隐私保护,在最右下角眼睛的图标里。到搜狗浏览器现在5.0版本时,才看到一个比较明显的选项可以被称为无痕浏览,现在来告诉大家在哪吧。", "百度经验:jingyan.baidu.com", "搜狗浏览器5.0", "百度经验:jingyan.baidu.com", "1 首先,这是搜狗浏览器5.0版本,如果不是,请先升级,升级可以下载官方版本,也可以在帮助那里找到“在线升级”: 步骤阅读 2 如果是搜狗浏览器5.0了的话,那么看到右上角有个“文件”菜单: 步骤阅读 3 点击文件后,可以看到有个“新建隐私窗口”的选项: 步骤阅读 4 点击新建隐私窗口,看到介绍或者听到这个名字也知道,其实就是其他浏览器中说的那个“无痕浏览”了: 步骤阅读 5 这个隐私窗口中浏览的页面是不会被保存在历史记录中的,尝试以下: 步骤阅读 6 所以大家可以很方便的使用搜狗浏览器的隐私窗口即无痕浏览了。 END", "百度经验:jingyan.baidu.com", "如有问题,可在下面评论留言讨论。 如对您有帮助,可点击右上角(或下面)的免费投票以表认可,或者收藏。 或者您可以关注我,我将不定时更新自己的经验,也许里面就有你感兴趣的呢^_^", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "搜狗浏览器怎么设置无痕浏览_百度经验", "most_related_para": 4, "segmented_title": ["搜狗", "浏览器", "怎么", "设置", "无痕", "浏览", "_", "百度", "经验"], "segmented_paragraphs": [["该", "经验", "图片", "、", "文字", "中", "可能", "存在", "外", "站", "链接", "或", "电话号码", "等", ",", "请注意", "识别", ",", "谨防上当受骗", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["搜狗", "浏览器", "怎么", "设置", "无痕", "浏览"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "设置", "无痕", "浏览", "前", "我们", "打开", "要", "设置", "的", "搜狗", "浏览器", "。", "步骤", "阅读", "2", "打开", "搜狗", "浏览器", "后", ",", "在", "主页", "我们", "找到", "“", "文件", "”", "。", "步骤", "阅读", "3", "找到", "文件", "选项", ",", "这里", "我们", "打开文件", "这一项", "。", "步骤", "阅读", "4", "打开文件", "选项", "后", ",", "在", "文件", "选项", "下方", "出", "选项", "。", "步骤", "阅读", "5", "接着", ",", "我们", "点击", "文件", "选项", "下", "的", "“", "新建", "隐私", "窗口", "”", "。", "步骤", "阅读", "6", "新建", "隐私", "窗口", "后", ",", "我们", "电脑", "就会", "自动", "创建", "并", "弹出", "一", "个", "无痕", "浏览", "的", "窗口", "了", "。", "步骤", "阅读", "7", "最后", ",", "在", "这个", "打开", "来", "的", "无痕", "浏览", "窗口", ",", "就", "不会", "让", "我们", "的", "一些", "浏览", "隐私", "让", "别人", "看到", "。", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "过去", "过不去", "都会", "过去"]], "paragraphs": ["该经验图片、文字中可能存在外站链接或电话号码等,请注意识别,谨防上当受骗!", "百度经验:jingyan.baidu.com", "搜狗浏览器怎么设置无痕浏览", "百度经验:jingyan.baidu.com", "1 设置无痕浏览前我们打开要设置的搜狗浏览器。 步骤阅读 2 打开搜狗浏览器后,在主页我们找到“文件”。 步骤阅读 3 找到文件选项,这里我们打开文件这一项。 步骤阅读 4 打开文件选项后,在文件选项下方出选项。 步骤阅读 5 接着,我们点击文件选项下的“新建隐私窗口”。 步骤阅读 6 新建隐私窗口后,我们电脑就会自动创建并弹出一个无痕浏览的窗口了。 步骤阅读 7 最后,在这个打开来的无痕浏览窗口,就不会让我们的一些浏览隐私让别人看到。 END", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:过去过不去都会过去"], "bs_rank_pos": 1}, {"is_selected": true, "title": "搜狗高速浏览器怎么设置无痕浏览 搜狗无痕模式_百度经验", "most_related_para": 6, "segmented_title": ["搜狗", "高速", "浏览器", "怎么", "设置", "无痕", "浏览", "搜狗", "无痕", "模式", "_", "百度", "经验"], "segmented_paragraphs": [["该", "经验", "图片", "、", "文字", "中", "可能", "存在", "外", "站", "链接", "或", "电话号码", "等", ",", "请注意", "识别", ",", "谨防上当受骗", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["现在", "搜狗", "浏览器", "推出", "了", "高速", "浏览器", ",", "我们", "在", "打开", "浏览器", "的", "时候", ",", "会", "自动", "加速", ",", "提高", "我们", "的", "加载", "速度", "。", "那么", "搜狗", "高速", "浏览器", "怎么", "设置", "无痕", "浏览", "呢", "?"], ["下面", "跟", "夏", "夏", "一起来", "看", "下吧", "!"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "首先", "打开", "我们", "的", "搜狗", "高速", "浏览器", ",", "夏", "夏", "在这里", "就", "不", "讲", "怎么", "下载", "搜狗", "浏览器", "了", ",", "这个", "很简单", ",", "夏", "夏", "就", "不", "多", "说", "了", "。", "步骤", "阅读", "2", "打开", "搜狗", "高速", "浏览器", "后", ",", "我们", "在", "右", "上方", "找到", ":", "工具", "“", ",", "如", "下", "图", "所示", "。", "步骤", "阅读", "3", "我们", "点击", "菜单栏", "中", "的", "”", "工具", "“", ",", "点击", "”", "工具", "“", "后", ",", "可以打开", "工具", "的", "下拉菜单", ",", "在", "下拉菜单", "中", ",", "我们", "找到", "”", "清除", "浏览", "记录", "“", ",", "如", "下", "图", "所示", "。", "步骤", "阅读", "4", "找到", "”", "清除", "浏览", "记录", "“", "后", ",", "点击", "”", "清除", "浏览", "记录", "“", ",", "可以看到", "一", "个", "弹窗", ",", "如", "下", "图", "所示", "。", "步骤", "阅读", "5", "在", "打开", "的", "弹窗", "中", ",", "我们", "勾", "选", "我们", "需要", "清理", "的", "选项", ",", "然后", "勾", "选", "下方", "的", "”", "每次", "关闭", "浏览器", "后", "自动清除", "所有", "数据", "“", ",", "如", "下", "图", "所示", "。", "步骤", "阅读", "6", "然后", "点击", "立即", "清除", ",", "就", "可以", "将", "搜狗", "高速", "浏览器", "设置", "为", "无痕", "模式", "了", "。", "7", "在", "没有", "关闭", "浏览器", "前", ",", "我们", "也是", "可以", "查看", "我们", "的", "历史记录", "的", ",", "同时", "也", "可以", "清除", "我们", "的", "历史记录", "。", "在", "”", "工具", "“", "菜单栏", "下", ",", "我们", "可以看到", "”", "历史记录", "\"", ",", "如", "下", "图", "所示", "。", "步骤", "阅读", "8", "点击", "”", "历史记录", "“", ",", "我们", "进入", "到", "“", "历史记录", "”", "的", "页面", ",", "如", "下", "图", "所示", "。", "步骤", "阅读", "9", "在", "历史记录", "的", "页面", ",", "我们", "直接", "点击", "清除", "历史记录", "就", "可以", "了", "。", "步骤", "阅读", "END"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "平面设计", "学习", ",", "平面设计", "爱好者"], ["ps", "制作", "烟花", "效果", "动态图", ",", "gif", "动态", ".", ".", ".", "零", "基础", "学", "AI", "绘图", ":", "怎么", "绘制", "卡通", "女", ".", ".", "."]], "paragraphs": ["该经验图片、文字中可能存在外站链接或电话号码等,请注意识别,谨防上当受骗!", "百度经验:jingyan.baidu.com", "现在搜狗浏览器推出了高速浏览器,我们在打开浏览器的时候,会自动加速,提高我们的加载速度。那么搜狗高速浏览器怎么设置无痕浏览呢?", "下面跟夏夏一起来看下吧!", "百度经验:jingyan.baidu.com", "百度经验:jingyan.baidu.com", "1 首先打开我们的搜狗高速浏览器,夏夏在这里就不讲怎么下载搜狗浏览器了,这个很简单,夏夏就不多说了。 步骤阅读 2 打开搜狗高速浏览器后,我们在右上方找到:工具“,如下图所示。 步骤阅读 3 我们点击菜单栏中的”工具“,点击”工具“后,可以打开工具的下拉菜单,在下拉菜单中,我们找到”清除浏览记录“,如下图所示。 步骤阅读 4 找到”清除浏览记录“后,点击”清除浏览记录“,可以看到一个弹窗,如下图所示。 步骤阅读 5 在打开的弹窗中,我们勾选我们需要清理的选项,然后勾选下方的”每次关闭浏览器后自动清除所有数据“,如下图所示。 步骤阅读 6 然后点击立即清除,就可以将搜狗高速浏览器设置为无痕模式了。 7 在没有关闭浏览器前,我们也是可以查看我们的历史记录的,同时也可以清除我们的历史记录。 在”工具“菜单栏下,我们可以看到”历史记录\",如下图所示。 步骤阅读 8 点击”历史记录“,我们进入到“历史记录”的页面,如下图所示。 步骤阅读 9 在历史记录的页面,我们直接点击清除历史记录就可以了。 步骤阅读 END", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:平面设计学习,平面设计爱好者", "ps制作烟花效果动态图,gif动态... 零基础学AI绘图:怎么绘制卡通女..."], "bs_rank_pos": 2}, {"is_selected": false, "title": "搜狗浏览器怎么设置无痕浏览模式?搜狗浏览器无痕浏览功能使用方法_", "most_related_para": 3, "segmented_title": ["搜狗", "浏览器", "怎么", "设置", "无痕", "浏览", "模式", "?", "搜狗", "浏览器", "无痕", "浏览", "功能", "使用方法", "_"], "segmented_paragraphs": [["搜狗", "浏览器", "无痕", "浏览", "是", "一", "种", "关闭", "浏览器", "后", "就会", "立即", "清除", "浏览", "记录", "的", "功能", ",", "搜狗", "浏览器", "是", "我们", "经常", "使用", "的", "一", "款", "浏览器", "。", "如果", "我们", "不", "想", "让", "别人", "看到", "我", "浏览", "过", "什么", "网页", ",", "我们", "可以", "设置", "浏览器", "无痕", "浏览", ",", "下面", "小", "编", "就", "告诉", "大家", "怎么", "设置", "搜狗", "浏览器", "无痕", "浏览"], ["搜狗", "浏览器", "是", "我们", "经常", "使用", "的", "一", "款", "浏览器", "。", "如果", "我们", "不", "想", "让", "别人", "看到", "我", "浏览", "过", "什么", "网页", ",", "我们", "可以", "设置", "浏览器", "无痕", "浏览", ",", "下面", "小", "编", "就", "告诉", "大家", "怎么", "设置", "搜狗", "浏览器", "无痕", "浏览"], ["软件名称", ":", "搜狗", "浏览器", "搜狗", "高速", "浏览器", "V", "6.4", ".", "6", ".", "21806", "正式", "官方", "安装版", "目前", "最", "快速", "最", "流畅", "的", "浏览器", "软件大小", ":", "43", ".", "4", "MB", "更新时间", ":", "2016", "-", "08", "-", "29"], ["步骤", "一", ":", "我们", "首先", "打开", "浏览器", ",", "点击", "“", "工具", "”", "找到", "“", "搜狗", "高速", "浏览器", "选项", "”", "步骤", "二", ":", "进入", "“", "搜狗", "高速", "浏览器", "选项", "”", "找到", "”", "隐私", "保护", "选项", "“", "在", "右侧", "可以看到", "“", "每次", "关闭", "浏览器", "清除", "”", "我们", "把", "他", "打", "勾", ",", "然后", "点击", "“", "应用", "”", "点击", "“", "确定", "”", "。", "步骤", "三", ":", "然后", "重启", "我们", "的", "浏览器", "再次", "开启", "后", "就", "看不到", "之前", "的", "浏览", "记录", "了", "。"], ["如果", "你", "有时候", "不", "想", "清除", "我们", "可以", "勾", "选", "下面", "的", "“", "每次", "关闭", "浏览器", "清楚", "提示", "用户", "”"]], "paragraphs": ["搜狗浏览器无痕浏览是一种关闭浏览器后就会立即清除浏览记录的功能,搜狗浏览器是我们经常使用的一款浏览器。如果我们不想让别人看到我浏览过什么网页,我们可以设置浏览器无痕浏览,下面小编就告诉大家怎么设置搜狗浏览器无痕浏览", "搜狗浏览器是我们经常使用的一款浏览器。如果我们不想让别人看到我浏览过什么网页,我们可以设置浏览器无痕浏览,下面小编就告诉大家怎么设置搜狗浏览器无痕浏览", "软件名称: 搜狗浏览器 搜狗高速浏览器 V6.4.6.21806 正式官方安装版 目前最快速最流畅的浏览器 软件大小: 43.4MB 更新时间: 2016-08-29", "步骤一:我们首先打开浏览器,点击“工具”找到“搜狗高速浏览器选项” 步骤二:进入“搜狗高速浏览器选项”找到”隐私保护选项“在右侧可以看到“每次关闭浏览器清除”我们把他打勾,然后点击“应用”点击“确定”。 步骤三:然后重启我们的浏览器再次开启后就看不到之前的浏览记录了。", "如果你有时候不想清除我们可以勾选下面的“每次关闭浏览器清楚提示用户”"], "bs_rank_pos": 3}, {"is_selected": false, "title": "搜狗浏览器如何打开隐私窗口?搜狗浏览器的无痕浏览在哪? - 比克尔", "most_related_para": 2, "segmented_title": ["搜狗", "浏览器", "如何", "打开", "隐私", "窗口", "?", "搜狗", "浏览器", "的", "无痕", "浏览", "在", "哪", "?", "-", "比", "克", "尔"], "segmented_paragraphs": [["您", "当前", "所在", "位置", ":", "资讯", "教程", "中心", "-", ">", "软件", "教程", "-", ">", "工具", "软件", "-", ">", "搜狗", "浏览器", "如何", "打开", "隐私", "窗口", "?", "搜狗", "浏览器", "的", "无痕", "浏览", "在", "哪", "?"], ["无论", "是", "哪款", "浏览器", "都会", "拥有", "一", "个", "无痕", "模式", ",", "搜狗", "浏览器", "也是", "如此", ",", "在", "该", "模式", "下", "我们", "上网", "就", "不会", "留下", "任何", "痕迹", "。", "不过", "话说回来", "搜狗", "浏览器", "的", "无痕", "模式", "要", "在", "哪里", "开启", "呢", "?", "接下来", "就", "让", "我们", "一起", "去", "看看", "吧", "。"], ["1", "、", "首先", "我们", "打开", "搜狗", "浏览器", ",", "然后", "在", "其", "右", "上方", "的", "位置", "找到", "“", "文件", "”", ";", "2", "、", "接着", "在", "文件", "中", "有", "一", "个", "“", "新建", "隐私", "窗口", "”", ",", "它", "就是", "无痕", "浏览", "了", "。", "我们", "点击", "它", "后", "会", "弹出", "一", "个", "隐私", "窗口", ",", "在这里", "上网", "就", "不会", "留下", "任何", "痕迹", "了", ";", "3", "、", "如果", "你", "搜狗", "浏览器", "的", "右", "上方", "没有", "“", "文件", "”", "按钮", ",", "那么", "只", "需", "点", "下图", "位置", "的", "按钮", ",", "然后选择", "“", "展开", "菜单栏", "”", "就", "可以", "看到", "了", "。"], ["下一篇", ":", "没有", "记录"]], "paragraphs": ["您当前所在位置:资讯教程中心 -> 软件教程 -> 工具软件 -> 搜狗浏览器如何打开隐私窗口?搜狗浏览器的无痕浏览在哪?", "无论是哪款浏览器都会拥有一个无痕模式,搜狗浏览器也是如此,在该模式下我们上网就不会留下任何痕迹。不过话说回来搜狗浏览器的无痕模式要在哪里开启呢?接下来就让我们一起去看看吧。", "1、首先我们打开搜狗浏览器,然后在其右上方的位置找到“文件”; 2、接着在文件中有一个“新建隐私窗口”,它就是无痕浏览了。我们点击它后会弹出一个隐私窗口,在这里上网就不会留下任何痕迹了; 3、如果你搜狗浏览器的右上方没有“文件”按钮,那么只需点下图位置的按钮,然后选择“展开菜单栏”就可以看到了。", "下一篇:没有记录"], "bs_rank_pos": 4}], "answer_spans": [[1, 94]], "fake_answers": ["设置无痕浏览前我们打开要设置的搜狗浏览器。步骤阅读2打开搜狗浏览器后,在主页我们找到“文件”。步骤阅读3找到文件选项,这里我们打开文件这一项。步骤阅读4打开文件选项后,在文件选项下方出选项。步骤阅读5接着,我们点击文件选项下的“新建隐私窗口”。步骤阅读6新建隐私窗口后,我们电脑就会自动创建并弹出一个无痕浏览的窗口了。"], "question": "搜狗浏览器无痕浏览怎么开启", "segmented_answers": [["设置", "无痕", "浏览", "前", "打开", "要", "设置", "的", "搜狗", "浏览器", "。", "打开", "搜狗", "浏览器", "后", ",", "在", "主页", "我们", "找到", "“", "文件", "”", "。", "找到", "文件", "选项", ",", "这里", "打开文件", "这一项", "。", "打开文件", "选项", "后", ",", "在", "文件", "选项", "下方", "出", "选项", "。", "接着", ",", "点击", "文件", "选项", "下", "的", "“", "新建", "隐私", "窗口", "”", "。", "新建", "隐私", "窗口", "后", ",", "电脑", "就会", "自动", "创建", "并", "弹出", "一", "个", "无痕", "浏览", "的", "窗口", "了", "。"], ["首先", "打开", "搜狗", "高速", "浏览器", ",", "打开", "搜狗", "高速", "浏览器", "后", ",", "在", "右", "上方", "找到", ":", "工具", ",", "如", "下", "图", "所示", "。", "点击", "菜单栏", "中", "的", "工具", ",", "点击", "工具", "后", ",", "可以打开", "工具", "的", "下拉菜单", ",", "在", "下拉菜单", "中", ",", "找到", "清除", "浏览", "记录", "。", "找到", "清除", "浏览", "记录", "“", "后", ",", "点击", "”", "清除", "浏览", "记录", ",", "在", "打开", "的", "弹窗", "中", ",", "勾", "选", "我们", "需要", "清理", "的", "选项", ",", "然后", "勾", "选", "下方", "的", "每次", "关闭", "浏览器", "后", "自动清除", "所有", "数据", ",", "然后", "点击", "立即", "清除", ",", "就", "可以", "将", "搜狗", "高速", "浏览器", "设置", "为", "无痕", "模式", "了", "。", "在", "工具", "菜单栏", "下", ",", "可以看到", "历史记录", "。", "点击", "历史记录", ",", "进入", "到", "“", "历史记录", "”", "的", "页面", ",", "在", "历史记录", "的", "页面", ",", "直接", "点击", "清除", "历史记录", "就", "可以", "了", "。"]], "answers": ["设置无痕浏览前打开要设置的搜狗浏览器。打开搜狗浏览器后,在主页我们找到“文件”。找到文件选项,这里打开文件这一项。打开文件选项后,在文件选项下方出选项。接着,点击文件选项下的“新建隐私窗口”。新建隐私窗口后,电脑就会自动创建并弹出一个无痕浏览的窗口了。", "首先打开搜狗高速浏览器,打开搜狗高速浏览器后,在右上方找到:工具,如下图所示。点击菜单栏中的工具,点击工具后,可以打开工具的下拉菜单,在下拉菜单中,找到清除浏览记录。找到清除浏览记录“后,点击”清除浏览记录,在打开的弹窗中,勾选我们需要清理的选项,然后勾选下方的每次关闭浏览器后自动清除所有数据,然后点击立即清除,就可以将搜狗高速浏览器设置为无痕模式了。在工具菜单栏下,可以看到历史记录。点击历史记录,进入到“历史记录”的页面,在历史记录的页面,直接点击清除历史记录就可以了。"], "answer_docs": [1], "segmented_question": ["搜狗", "浏览器", "无痕", "浏览", "怎么", "开启"], "question_type": "DESCRIPTION", "question_id": 48, "fact_or_opinion": "FACT", "match_scores": [0.8284023668639054]} -{"documents": [{"is_selected": true, "title": "肾阴阳两虚型_百度百科", "most_related_para": 9, "segmented_title": ["肾", "阴阳", "两", "虚", "型", "_", "百度百科"], "segmented_paragraphs": [["肾", "阴阳", "两", "虚", "型", "编辑", "锁定"], ["肾虚", "主要", "是", "四方面", ",", "一", "个", "是", "肾阴虚", ",", "一", "个", "是", "肾阳虚", ",", "一", "个", "是", "肾", "精", "亏", "虚", ",", "一", "个", "是", "肾气虚", ",", "临床", "上", "更多", "的", "是", "肾阴虚", "和", "肾阳虚", ",", "肾阴虚", "当然", "是", "肾虚", "的", "一", "种", ",", "而", "不是", "肾虚", "都是", "肾阴虚", ",", "肾虚", "是", "一", "种", "总称", ",", "肾阴虚", "和", "肾阳虚", "都是", "肾虚", "的", "一部分", ",", "代表", "了", "某", "一", "种", "症", "型", "。"], ["中文名", "肾", "阴阳", "两", "虚", "型", "四方面", "一", "个", "是", "肾阴虚", ",", "一", "个", "是", "肾阳虚"], ["原因", "肾阴", "是", "物质", "上", "的", "缺乏", "治疗方法", "多", "吃", "一些", "补肾", "阴", "的", "药物"], ["1", "区别", "2", "治疗方法", "3", "分类", "特征"], ["肾阴虚", "和", "肾阳虚", "的", "区别", "在于", ",", "肾阴", "是", "物质", "上", "的", "缺乏", ",", "肾阳", "就是", "功能", "上", "的", "匮乏", ",", "物质", "上", "的", "缺乏", "就是", "腰膝酸软", ",", "头晕", ",", "还有", "如果", "在", "年轻人", "的", "身上", "出现", "早泄", "、", "遗精", ",", "还有", "出现", "五心烦热", ",", "失眠", "、", "心烦", ",", "中医", "有", "阴虚", "生", "内热", ",", "阳虚", "生", "外", "寒", ",", "如果", "在", "老年人", "出现", "的", "肾阴虚", "就", "容易", "脱发", "或", "发", "白", "的", "比较", "早", ",", "容易", "耳鸣", "、", "耳背", ",", "牙齿", "松动", ",", "眼花", "的", "比较", "早", "一些", ",", "所以说", ",", "这", "是", "肾阴虚", ",", "肾阴虚", "一般", "说", "在", "中青年", "发生", "的", "比较", "多", ",", "我们", "在", "临床", "上", "的", "症状", "比较", "多", ",", "那么", "我", "再", "说", "肾阳虚", ",", "肾阳虚", "有", "一些", "症状", "和", "肾阴虚", "也是", "有", "共性", "的", ",", "比如说", "腰膝酸软", ",", "四肢", "乏力", ",", "但是", "肾阳虚", "更", "体现", "是", "功能性", "的", "所谓", "出现", "的", "四肢", "不", "温", ",", "那个", "是", "五心烦热", ",", "这个", "是", "手脚", "发", "凉", ",", "面色", "容易", "有", "一些", "黄", "白", "畏寒", "怕冷", ",", "如果", "是", "中青年", "出现", "性欲减退", "、", "阳痿", ",", "人", "感觉", "经常", "有", "一", "种", "神气", "疲惫", "的", "感觉", ",", "因为", "是", "功能性", "的", ",", "更多", "的", "体现", "在", "这", "方面", ",", "我们", "说", "肾阳虚", "和", "肾阴虚", "不是", "截然", "分开", "的", ",", "在", "临床", "上", "经常", "遇到", "这样", "的", "人", ",", "我", "究竟", "是", "肾阴虚", "还是", "肾阳虚", ",", "我", "就", "讲", "了", ",", "我", "说", "肾阴虚", "、", "肾阳虚", "也", "好", ",", "如果", "匮乏", "到", "一定", "程度", "了", ",", "就是", "阴", "损", "积", "阳", ",", "阳", "损", "积", "阴", ",", "肾阳虚", "时间长", "了", "会", "有", "肾阴虚", "的", "症状", ",", "所以", "我们", "再", "补肾", "阳", "的", "时候", ",", "一定要", "补", "肾阴", ",", "而且", "要", "阴", "中", "求", "阳", ",", "而且", "在", "补肾", "阴", "的", "时候", "也", "不是", "一", "味", "的", "只用", "补肾", "阴", "的", "药物", "。"], ["六味地黄丸", "是", "宋朝", "一", "个", "大", "医学家", "耳科", "专家", "叫", "钱乙", "为", "小孩", "创立", "的", "一", "个", "方子", ",", "主要", "儿童", "囟门", "不合", ",", "说话", "晚", "等等", ",", "小儿", "发育", "不好", ",", "畸形", "龟背", ",", "他", "认为", "是", "肾阴虚", "所", "造成", "的", ",", "实际", "脱胎", "于", "汉朝", ",", "去", "调", "了", "肉桂", ",", "热", "性", "就", "少", "了", ",", "我们", "社会", "发展", "到", "今天", "了", ",", "一般", "说", ",", "我们", "在", "衣食", "温饱", "都", "解决", "了", ",", "我们", "的", "住", "的", "房屋", "都", "比较好", ",", "穿戴", "也", "比较好", ",", "阳气虚", "的", "就", "比较", "少", "了", ",", "但是", "我们", "比较", "劳累", ",", "物质", "的", "匮乏", "就", "显示", "出来", "了", ",", "所以", "现代", "的", "男人", "主要", "是", "肾阴虚", "的", "倾向", ",", "所以说", "滋阴", "补肾", ",", "阴", "中", "求", "阳", "是", "中医", "补肾", "的", "主要", "切", "向", ",", "中医", "认为", ",", "任何", "事物", "都", "分为", "阴阳", "两", "个", "方面", ",", "人", "的", "肾", "也有", "肾阴", "和", "肾阳", "之", "分", ",", "肾功能", "障碍", "产生", "的", "原因", "可能", "是", "肾阴虚", "造成", "的", ",", "也", "可能", "是", "肾阳虚", "造成", "的", ",", "所以", ",", "补肾", "要", "查", "明", "原因", ",", "分型", "而", "补", "。"], ["提示", ":", "肾阴虚", "的", "临床表现", ":", "1", ".", "腰酸", "腿", "软", "。", "2", ".", "口干", "、", "烦躁", "。", "3", ".", "手心", "发热", "。", "4", ".", "爱", "出汗", "。"], ["由", "肾阴虚", "导致", "性功能障碍", "的", "男性", ",", "平常", "可以", "多", "吃", "一些", "补肾", "阴", "的", "药物", ",", "另外", "食补", "也是", "很好", "的", "办法", ",", "例如", ",", "用", "桑葚子", "、", "枸杞", "煮粥", ",", "也有", "不错", "的", "效果", "。"], ["肾阳虚", "首先", "会出现", "腰痛", ",", "因为", "腰", "为", "肾", "之", "府", ",", "这种", "痛", "一般", "会", "有", "冷", "的", "感觉", "。", "病人", "痛", "的", "同时", ",", "觉得", "腰", "里面", "发", "凉", ",", "这", "是", "肾阳虚", "的", "一", "个", "典型", "表现", "。", "另外", ",", "它", "扩展", "到", "全身", ",", "会出现", "全身", "也", "怕冷", "。", "因为", "肾阳", "是", "一", "身", "阳气", "的", "根本", ",", "如果", "根", "虚弱", "了", ",", "整个", "身体", "的", "阳气", "的", "温煦", "作用", "就会", "下降", "。"], ["提示", ":", "肾阳虚", "的", "临床表现", ":", "1", ".", "腰痛", "而且", "发", "凉", "。", "2", ".", "手脚", "冰凉", "、", "尿频", "。"], ["肾阳虚", "的", "人", "适合", "吃", "的", "食物", "有", "海产品", "、", "韭菜籽", "。"], ["肾阴虚", "的", "情况", "下", "火", "就", "容易", "旺", ",", "阴虚火旺", ",", "如果", "这时", "再使用", "那些", "温", "热", "的", "壮阳", "药物", ",", "等于", "是", "火上浇油", ",", "病人", "热", "性", "就", "更大", "了", "。", "反过来说", ",", "假如", "病人", "肾阳虚", "、", "怕冷", ",", "你", "再", "用", "一些", "滋阴", "药", ",", "等于", "是", "雪上加霜", ",", "病人", "同样", "也", "受不了", "。"], ["肾阴虚", "、", "肾阳虚", "是", "中医", "的", "一", "个", "术语", ",", "肾阴虚", "和", "肾阳虚", "是", "指", "中医", "讲", "的", "肾脏", "功能", "方面", "的", "症", ",", "我们", "平常", "讲", "肾虚", ",", "实际", "包括", "了", "肾阴虚", "和", "肾阳虚", ",", "也", "包括", "了", "阴阳", "两", "虚", ",", "但是", "现在", "在", "宣传", "上", "不是", "很", "细致", ",", "所以说", "解释", "不", "清", ",", "把", "有些", "问题", "混淆", "了", "。", "我", "简单", "的", "讲", "一", "下", ",", "这个", "涉及", "到", "中医基础理论", ",", "内容", "很多", "。", "肾阴虚", "是", "一", "个", "物质", "的", ",", "肾阴", "和", "肾经", "是", "属于", "物质", "的", ",", "肾阳", "和", "肾气", "是", "功能", "的", "。", "如果", "我们", "消耗", "的", "物质", "比较", "多", ",", "比如说", "肾", "精", "这块", ",", "或者", "是", "性生活", "过于", "频繁", ",", "或者", "是", "由于", "劳动", ",", "包括", "脑力", "、", "体力", "的", "过度", ",", "或者", "是", "生下来", "以后", "身体", "就", "弱", ",", "这样", "他", "的", "物质", "基础", "比较", "低", ",", "而", "出现", "的", "一些", "症状", ",", "比如说", "出现", "了", "一些", "腰膝酸软", "、", "四肢", "乏力", "、", "头晕耳鸣", ",", "包括", "一些", "脱发", ",", "还有", "一些", "牙齿", "松动", ",", "记忆力减退", ",", "容易", "衰老", "的", "也", "比较", "早", ",", "也", "还", "包括", "临床", "上", "的", "性欲减退", ",", "还有", "容易", "遗精", "、", "早泄", "等等", ",", "这", "都", "归", "为", "肾阴虚", "的", "症状", ",", "肾阴虚", "还", "容易", "出现", "虚", "热", ",", "中医", "有", "一", "个", "理论", "阴虚", "生", "内热", ",", "阳虚", "生", "外", "寒", ",", "所以", "有时候", "容易", "出现", "五心烦热", ",", "就是", "两", "个", "手心", ",", "两", "个", "脚心", ",", "心口", "感觉", "热", "的", "感觉", ",", "还有", "睡觉", "的", "时候", ",", "容易", "盗汗", ",", "就是", "睡着", "了", ",", "一", "醒", "身体", "有", "汗", "。"], ["他", "的", "特点", ",", "肾阴虚", "多发生在", "中青年", "的", "时候", ",", "中青年", "活动", "量", "比较", "大", ",", "无论", "是", "学习", "、", "锻炼", ",", "精力", "上", "物质", "耗损", "比较", "多", ",", "对", "性", "功能", "这块", ",", "性欲", "不是", "特别", "低", ",", "但是", "射精", "容易", "快", ",", "有", "遗精", "现象", "。", "那么", "肾阳虚", ",", "大多数", "多少", "功能性", "的", "差", ",", "也有", "和", "肾阴虚", "相同", "的", "情况", ",", "比如说", "腰膝酸软", ",", "四肢", "乏力", ",", "还有", "性欲", "减退", ",", "但是", "因为", "它", "是", "阳", "分", "虚", "了", ",", "肾气虚", "了", ",", "所以", "出现", "一些", "怕冷", "的", "一些", "症状", ",", "中医", "有句话", ",", "阳虚", "生", "外", "寒", ",", "这样的人", "面色", "比较", "虚", "白", ",", "比较", "畏寒", "怕冷", ",", "手脚", "冰凉", "、", "小便", "清", "长", ",", "大便", "汤", "薄", "。", "这种", "人", "性欲", "比较", "低", ",", "和", "现代", "医学", "说", "的", "雄性激素", "低", "有", "相同", "之", "处", "。", "所以", "阳虚", "表现", "的", "是", "外", "在", "的", ",", "一般", "也", "可能", "由于", "身体", "比较", "弱", ",", "有", "肾阳虚", "的", "情况", ",", "但是", "大多数", "的", "是", "在", "中老年", "容易", "出现", "这种", "肾阳虚", "的", "情况", ",", "中青年", "肾阴虚", "比较", "多", "。"], ["所以说", ",", "我", "想", "是", "那样", ",", "一般", "就", "记住", "了", ",", "这", "两", "个", "特征", ",", "一", "个", "是", "年龄", "上", "的", "特征", ",", "肾阴虚", "多发生在", "中青年", ",", "肾阳虚", "多发生在", "中老年", ",", "肾阴虚", "容易", "有", "虚", "热", "的", "一些", "症状", ",", "肾阳虚", "有", "怕冷", "的", "症状", "。", "在", "性", "功能", "这块", ",", "肾阴虚", "是", "容易", "早泄", "遗精", "的", "比较", "多", ",", "肾阳虚", "的", "阳痿", "的", "比较", "多", "。", "当然", "有", "共同", "之", "处", ",", "比如说", "腰酸", "乏力", ",", "四肢", "酸软", "等等", ",", "这个", "是", "共同", "的", "症状", "。", "前列腺炎", "是", "一", "个", "现代", "医学", "术语", ",", "和", "这种", "肾阴虚", "、", "肾阳虚", "有", "交叉", "的", "地方", ",", "确实", "在", "临床", "说", "有", "一些人", ",", "因为", "虚火", "旺", "盛", ",", "也", "出现", "了", "一些", "在", "下", "焦", "这块", "有", "虚火", ",", "再加上", "吃", "一些", "辛辣", "食品", "等等", ",", "结果", "又", "有", "一些", "湿热", ",", "湿热", "和", "这种", "虚火", "交织在一起", ",", "就", "出现", "了", "前列腺炎", "的", "症状", ",", "尿频", "等", "的", "一些", "情况", ",", "小便", "黄", ",", "甚至", "也有", "一些", "小腹", "坠", "胀", "的", "一些", "情况", "。", "我们", "在", "治疗", "慢性前列腺炎", "过程", "中", ",", "如果", "有", "肾虚", "的", "情况", ",", "我们", "就", "应该", "考虑", "进去", ",", "这", "就是", "中医", "治病", "的", "特征", "所在", "。"]], "paragraphs": ["肾阴阳两虚型编辑 锁定", "肾虚主要是四方面,一个是肾阴虚,一个是肾阳虚,一个是肾精亏虚,一个是肾气虚,临床上更多的是肾阴虚和肾阳虚,肾阴虚当然是肾虚的一种,而不是肾虚都是肾阴虚,肾虚是一种总称,肾阴虚和肾阳虚都是肾虚的一部分,代表了某一种症型。", "中文名 肾阴阳两虚型 四方面 一个是肾阴虚,一个是肾阳虚", "原因 肾阴是物质上的缺乏 治疗方法 多吃一些补肾阴的药物", "1 区别 2 治疗方法 3 分类特征", "肾阴虚和肾阳虚的区别在于,肾阴是物质上的缺乏,肾阳就是功能上的匮乏,物质上的缺乏就是腰膝酸软,头晕,还有如果在年轻人的身上出现早泄、遗精,还有出现五心烦热,失眠、心烦,中医有阴虚生内热,阳虚生外寒,如果在老年人出现的肾阴虚就容易脱发或发白的比较早,容易耳鸣、耳背,牙齿松动,眼花的比较早一些,所以说,这是肾阴虚,肾阴虚一般说在中青年发生的比较多,我们在临床上的症状比较多,那么我再说肾阳虚,肾阳虚有一些症状和肾阴虚也是有共性的,比如说腰膝酸软,四肢乏力,但是肾阳虚更体现是功能性的所谓出现的四肢不温,那个是五心烦热,这个是手脚发凉,面色容易有一些黄白畏寒怕冷,如果是中青年出现性欲减退、阳痿,人感觉经常有一种神气疲惫的感觉,因为是功能性的,更多的体现在这方面,我们说肾阳虚和肾阴虚不是截然分开的,在临床上经常遇到这样的人,我究竟是肾阴虚还是肾阳虚,我就讲了,我说肾阴虚、肾阳虚也好,如果匮乏到一定程度了,就是阴损积阳,阳损积阴,肾阳虚时间长了会有肾阴虚的症状,所以我们再补肾阳的时候,一定要补肾阴,而且要阴中求阳,而且在补肾阴的时候也不是一味的只用补肾阴的药物。", "六味地黄丸是宋朝一个大医学家耳科专家叫钱乙为小孩创立的一个方子,主要儿童囟门不合,说话晚等等,小儿发育不好,畸形龟背,他认为是肾阴虚所造成的,实际脱胎于汉朝,去调了肉桂,热性就少了,我们社会发展到今天了,一般说,我们在衣食温饱都解决了,我们的住的房屋都比较好,穿戴也比较好,阳气虚的就比较少了,但是我们比较劳累,物质的匮乏就显示出来了,所以现代的男人主要是肾阴虚的倾向,所以说滋阴补肾,阴中求阳是中医补肾的主要切向, 中医认为,任何事物都分为阴阳两个方面,人的肾也有肾阴和肾阳之分,肾功能障碍产生的原因可能是肾阴虚造成的,也可能是肾阳虚造成的,所以,补肾要查明原因,分型而补。", "提示:肾阴虚的临床表现:1.腰酸腿软。2.口干、烦躁。3.手心发热。4.爱出汗。", "由肾阴虚导致性功能障碍的男性,平常可以多吃一些补肾阴的药物,另外食补也是很好的办法,例如,用桑葚子、枸杞煮粥,也有不错的效果。", "肾阳虚首先会出现腰痛,因为腰为肾之府,这种痛一般会有冷的感觉。病人痛的同时,觉得腰里面发凉,这是肾阳虚的一个典型表现。另外,它扩展到全身,会出现全身也怕冷。因为肾阳是一身阳气的根本,如果根虚弱了,整个身体的阳气的温煦作用就会下降。", "提示:肾阳虚的临床表现:1.腰痛而且发凉。2.手脚冰凉、尿频。", "肾阳虚的人适合吃的食物有海产品、韭菜籽。", "肾阴虚的情况下火就容易旺,阴虚火旺,如果这时再使用那些温热的壮阳药物,等于是火上浇油,病人热性就更大了。反过来说,假如病人肾阳虚、怕冷,你再用一些滋阴药,等于是雪上加霜,病人同样也受不了。", "肾阴虚、肾阳虚是中医的一个术语,肾阴虚和肾阳虚是指中医讲的肾脏功能方面的症,我们平常讲肾虚,实际包括了肾阴虚和肾阳虚,也包括了阴阳两虚,但是现在在宣传上不是很细致,所以说解释不清,把有些问题混淆了。我简单的讲一下,这个涉及到中医基础理论,内容很多。肾阴虚是一个物质的,肾阴和肾经是属于物质的,肾阳和肾气是功能的。如果我们消耗的物质比较多,比如说肾精这块,或者是性生活过于频繁,或者是由于劳动,包括脑力、体力的过度,或者是生下来以后身体就弱,这样他的物质基础比较低,而出现的一些症状,比如说出现了一些腰膝酸软、四肢乏力、头晕耳鸣,包括一些脱发,还有一些牙齿松动,记忆力减退,容易衰老的也比较早,也还包括临床上的性欲减退,还有容易遗精、早泄等等,这都归为肾阴虚的症状,肾阴虚还容易出现虚热,中医有一个理论阴虚生内热,阳虚生外寒,所以有时候容易出现五心烦热,就是两个手心,两个脚心,心口感觉热的感觉,还有睡觉的时候,容易盗汗,就是睡着了,一醒身体有汗。", "他的特点,肾阴虚多发生在中青年的时候,中青年活动量比较大,无论是学习、锻炼,精力上物质耗损比较多,对性功能这块,性欲不是特别低,但是射精容易快,有遗精现象。那么肾阳虚,大多数多少功能性的差,也有和肾阴虚相同的情况,比如说腰膝酸软,四肢乏力,还有性欲减退,但是因为它是阳分虚了,肾气虚了,所以出现一些怕冷的一些症状,中医有句话,阳虚生外寒,这样的人面色比较虚白,比较畏寒怕冷,手脚冰凉、小便清长,大便汤薄。这种人性欲比较低,和现代医学说的雄性激素低有相同之处。所以阳虚表现的是外在的,一般也可能由于身体比较弱,有肾阳虚的情况,但是大多数的是在中老年容易出现这种肾阳虚的情况,中青年肾阴虚比较多。", "所以说,我想是那样,一般就记住了,这两个特征,一个是年龄上的特征,肾阴虚多发生在中青年,肾阳虚多发生在中老年,肾阴虚容易有虚热的一些症状,肾阳虚有怕冷的症状。在性功能这块,肾阴虚是容易早泄遗精的比较多,肾阳虚的阳痿的比较多。当然有共同之处,比如说腰酸乏力,四肢酸软等等,这个是共同的症状。前列腺炎是一个现代医学术语,和这种肾阴虚、肾阳虚有交叉的地方,确实在临床说有一些人,因为虚火旺盛,也出现了一些在下焦这块有虚火,再加上吃一些辛辣食品等等,结果又有一些湿热,湿热和这种虚火交织在一起,就出现了前列腺炎的症状,尿频等的一些情况,小便黄,甚至也有一些小腹坠胀的一些情况。我们在治疗慢性前列腺炎过程中,如果有肾虚的情况,我们就应该考虑进去,这就是中医治病的特征所在。"], "bs_rank_pos": 0}, {"is_selected": true, "title": "【肾阴阳两虚怎么补】阴阳两虚能同时补吗 -有问必答-快速问医生", "most_related_para": 2, "segmented_title": ["【", "肾", "阴阳", "两", "虚", "怎么", "补", "】", "阴阳", "两", "虚", "能", "同时", "补", "吗", "-", "有问必答", "-", "快速", "问", "医生"], "segmented_paragraphs": [["您", "的", "位置", ":", "首页", "→", "热门", "问答", "→", "肾", "阴阳", "两", "虚", "怎么", "补"], ["经常", "感冒", "、", "阴阳", "两", "虚", "医生", "你好", ",", "大夫", "说", "我", "因", "经常", "熬夜", ",", "吸烟", "喝酒", ",", "不", "注意", "锻炼", ",", "引起", "抵抗力", "差", ",", "阴阳", "两", "虚", "、", "气虚", ",", "是", "经常", "感冒", "、", "上火", "的", "主要", "原因", "。", "应该", "服用", "中药", "调理", ",", "我", "觉得", "也", "很", "有道理", ",", "您", "能为", "我", "开", "个", "中药方", "吗", "?", "请问", "六味地黄丸", "、", "知柏地黄丸", "和", "金匮肾气丸", "能", "同时", "服用", ",", "同时", "补", "阴虚", "和", "阳虚", "吗", "?", "您", "能为", "我", "开", "个", "中药方", "吗", "?", "请问", "六味地黄丸", "、", "知柏地黄丸", "和", "金匮肾气丸", "能", "同时", "服用", ",", "同时", "补", "阴虚", "和", "阳虚", "吗", "?"], ["病情", "分析", ":", "阴阳", "两", "虚", ":", "既", "有", "阴虚", "又", "有", "阳虚", ",", "称", "阴阳", "两", "虚", ",", "其", "主要", "表现", "为", ";", "既", "怕冷", "又", "怕热", ",", "冬天", "特别", "怕冷", ",", "夏天", "又", "特别", "怕热", ",", "这", "是", "阴阳", "失调", "或", "阴阳", "两", "虚", "之", "体质", ",", "进补", "宜", "采用", "阴阳", "并", "补", ",", "养阴", "温", "阳", "和", "滋阴", "壮阳", "等", "补", "法", "意见建议", ":", "补", "阴虚", "食品", ":", "甲鱼", "、", "燕窝", "、", "百合", "、", "鸭肉", "、", "黑鱼", "、", "海蜇", "、", "藕", "、", "金针菇", "、", "枸杞", "头", "、", "荸荠", "、", "生", "梨", "等", ",", "可", "经常", "交替", "选", "服", "。", "补", "阴虚", "药膳食疗方", "举例", ":", "银耳", "红枣", "羹", "(", "或", "百合", "莲子羹", ")", ":", "银耳", "、", "红枣", "(", "或", "百合", "、", "莲子", ")", "适量", "共", "煮", "羹", "当", "点心", "服食", ",", "可", "补", "阴虚", "。", "甲鱼", "二子", "汤", ":", "甲鱼", "1", "只", "与", "女贞子", "、", "枸杞子", "各", "20", "g", "同", "煮汤", ",", "加", "调味", ",", "食", "甲鱼", "饮", "汤", ",", "连", "食", "数", "剂", ",", "可", "补", "阴虚", "和", "治", "肝", "肾阴虚", "所致", "的", "腰痛", ",", "遗精", "、", "头晕", "、", "目", "花", "等", "症", "。", "石斛", "河鱼", ";", "石斛", "6g", ",", "河鱼", "1", "条", "共", "蒸", "食", ",", "可", "滋阴", "。", "虫草", "老", "雄", "鸭"], ["病情", "分析", ":", "根据", "你", "的", "症状", ",", "经常", "感冒", ",", "抵抗力", "差", ",", "平时", "还有", "经常", "熬夜", ",", "吸烟", "喝酒", "的", "习惯", ",", "诊断", "你", "为", "阳虚", "是", "可以", "的", ",", "但是", "仅", "凭", "你", "爱", "上火", "就", "说", "你", "有", "阴虚", ",", "感觉", "欠妥", "意见建议", ":", "我", "感觉你", "现在", "最", "主要", "的", "还是", "阳虚", ",", "虽然", "有", "阴阳", "两", "虚", "的", ",", "可以", "同时", "阴阳", "双", "补", ",", "但是", "你", "应该", "先", "补阳", ",", "阳气", "升起", "来", "了", ",", "阴", "液", "自然", "就会", "慢慢", "恢复正常", ",", "况且", "金匮肾气丸", "就是", "在", "六味地黄丸", "的", "基础", "上", "加", "了", "少量", "肉桂", "和", "附子", ",", "取", "‘", "少", "火", "生气", "’", "的", "意思", ",", "所以", "六味地黄丸", "、", "知柏地黄丸", "和", "金匮肾气丸", "你", "不用", "同时", "服用", ",", "只", "服用", "一段时间", "金匮肾气丸", "就", "可以", "了", ",", "祝", "你", "早日康复"], ["的", "中药", "好多", "了", ",", "就是现在", "稍微", "吃", "点", "油腻", "的", "或者", "是", "凉", "的", ",", "早上", "呕吐", "的", "时候", "就能", "看见", "胆汁", "色", ",", "我", "人为", "是", "脾虚", "导致", "的", "胆汁", "反", "流", "性", "胃炎", "(", "去", "医院", "做", "过", "胃镜", ")", "之后", "又", "去", "把脉", ",", "医生", "说", "胆汁", "反", "流", "性", "胃炎", "可以", "了", ",", "得", "平时", "注意", "点", "保养", ",", "然后", "把脉", "说", "肾", "阴阳", "两", "虚", "(", "之", "前", "经常", "手淫", "过", ")", "然后", "当时", "去", "看", "的", "时候", "咽喉", "发炎", "。", "。", "是不是", "虚火", "导致", "的", "?", "大便", "不是", "很", "成型", ",", "有点", "胆汁", "色", ",", "舌苔", "中间", "有点", "胆汁", "色", "舌头", "有", "齿痕", "应该", "是", "脾虚", ",", "想", "问", "下", "脾虚", "肾", "阴阳", "两", "虚", "到底", "该", "怎么办", "?", "而且", "现在", "脖子", "以上", "发热", "腰", "以下", "是", "冷", "的", "是不是", "所谓", "的", "心肾不交", "?", "每次", "睡觉", "起来", "都", "没", "精神", "手心", "和", "脚心", "发热", "出汗", ",", "口干", ",", "喝水", "之后", "也", "口干", ",", "身上", "也", "没事", "就", "出汗", ",", "该怎么办", "?", "现在", "老中医", "给", "我", "开", "阴阳", "双", "补", "的", "中药", "只是", "还", "没", "开始", "喝", "药", "呢", "!", "谁", "能", "给", "个", "合理", "补", "身体", "的", "方案", "!", "!", "跪求", "吃", "过", "中药", "胆汁", "反", "流", "性", "胃炎", "好转", ",", "没有", "根治", ",", "只能", "抱养", ",", "现在", "阴阳", "两", "虚", "开始", "补肾", "医生", "给", "了", "个", "海狗", "肾宝", "丸", "吃", "完", "了", "感觉有点", "用处", "只是", "现在", "老中医", "给", "我", "开", "的", "阴阳", "双", "补", "的", "中药", "还", "没", "吃", "呢", "!", "现在", "一直", "在", "喝", "普洱茶", "感觉", "胆汁", "反", "流", "性", "胃炎", "好多", "了", "!", "应该", "有点", "用", ",", "然后", "每天", "下午", "4", "点", "用", "买", "的", "枸杞", "放在", "舌头", "下面", "含", "着", ",", "能", "治疗", "口干", "的", "问题", "请", "给", "个", "明确", "的", "方案", "想", "吃", "过", "中药", "胆汁", "反", "流", "性", "胃炎", "好转", ",", "没有", "根治", ",", "只能", "抱养", ",", "现在", "阴阳", "两", "虚", "开始", "补肾", "医生", "给", "了", "个", "海狗", "肾宝", "丸", "吃", "完", "了", "感觉有点", "用处", "只是", "现在", "老中医", "给", "我", "开", "的", "阴阳", "双", "补", "的", "中药", "还", "没", "吃", "呢", "!"], ["病情", "分析", ":", "你好", ",", "胃病", "需要", "养", ",", "慢性胃炎", "是", "个", "长期", "的", "过程", ",", "也", "需要", "你", "长期", "注意", "保养", "。", "具体来说", "就是", ",", "饮食", "要", "有", "规律", ",", "一日三餐", "准时", "均匀", ",", "很多人", "不", "吃", "早饭", ",", "这个", "习惯", "是", "非常", "对", "胃病", "不利", "的", "。", "食物", "中", ",", "生", ",", "冷", ",", "硬", ",", "辣", ",", "的", "少", "吃", ",", "甚至", "不", "吃", "。", "指导意见", ":", "这个", "需要", "点", "毅力", ",", "不", "吃", "辣椒", ",", "而且", "再热", "的", "天", "坚决", "不", "喝", "冰水", ",", "不", "吃", "冰激凌", "。", "少", "和", "碳酸饮料", ",", "少", "和", "茶", "。", "睡觉", "前", "喝", "杯", "热", "牛奶", "。", "如此", "保养", "长期", "形成", "习惯", "后", "你", "的", "胃炎", "自然", "就好", "了", "!", "提问", "人", "的", "追问", "2013", "-", "07", "-", "17", "10", ":", "31", ":", "17", "我", "想", "问", "下", "治疗方案", "优先", "治疗", "什么", "都", "需要", "注意", "什么", "!"], ["病情", "分析", ":", "1", ",", "反", "流", "性", "胃炎", "的", "表现", ",", "胃病", "的", "治疗", ",", "用药", "时间", "较", "长", ",", "因为", "每天", "三", "次", "刺激", "胃酸分泌", ".", "所以", "治疗", "的", "关键", "是", "按", "疗程", "治疗", ",", "建议", "如", "下", "治疗", ";", ";", "指导意见", ":", "奥美拉唑", "胶囊", ".", "每天", "2", "次", ",", "早晚", "饭前", "服用", ",", "吗丁啉", "片", ".", "1", "片", ",", "三", "次", ".", "饭前", "服用", ",", "糖铝", "片", ",", "4", "片", ",", "三", "次", ",", "饭前", "服用", ".", "多酶片", ",", "三", "片", ",", "三", "次", ".", "饭前", "服用", ".", "加上", "氨苄", "青霉素", "胶囊", ",", "2", "片", ",", "三", "次", ".", "饭前", "服用", ".", "甲硝唑片", ",", "2", "片", ",", "三", "次", ".", "饭前", "服用", ".", "最多", "服用", "一", "周", "可", "有", "明显", "效果", ",", "建议", "连续", "服用", "一个月", ",", "然后", "再", "复查", ".", "提问", "人", "的", "追问", "2013", "-", "07", "-", "17", "10", ":", "30", ":", "25", "我", "想", "问", "下", "治疗方案", "优先", "治疗", "什么", "都", "需要", "注意", "什么", "!"], ["口臭", ",", "不敢", "吃", "凉", "的", ",", "吃", "了", "恶心", ",", "立刻", "就", "拉肚子", "。", "口", "有时", "苦", ",", "就是", "臭", ",", "还有", "肝火", ",", "肾", "阴阳", "两", "虚", ",", "舌", "体", "胖", "大", "有", "齿痕", ",", "请问", "吃", "啥", "药", "去掉", "臭味", "呢", "?", "谢谢", "。", "女", "49", "岁", ":", "需要", "医生", "帮助", "提供", "远程", "诊断", ":", "需要", "医生", "帮助", "提供", "远程", "诊断"], ["病情", "分析", ":", "你好", ":", "这种情况", "是", "与", "内火", "大", "有关", "。", "指导意见", ":", "建议", ":", "你", "吃", "点", "健胃消食片", "、", "附子理中丸", "、", "龙胆泻肝丸", "试", "试", ",", "不要", "吃", "生", "冷", "食物", "。", "喝", "点", "菊花茶", "。"], ["病情", "分析", ":", "口臭", "多", "是因为", "消化系统", "胃肠道", "出现", "机", "能", "紊乱", ",", "肠胃", "失调", "引起", "的", "。", "指导意见", ":", "建议", ":", "生姜", "大枣", "煮", "水", "喝", ",", "晚上", "睡觉", "前", "逆时针", "揉", "揉", "肚子", ",", "多吃蔬菜", "水果", ",", "饮食", "清淡", ",", "保证", "大便", "正常", "。"], ["腰", "酸痛", "腿", "软", ",", "气短", "乏力", "无", "精神", "易", "困倦", ",", "心悸", "喘", "咳", ",", "小便", "清", "长", ",", "冬天", "手脚", "一天到晚", "是", "冰凉", "的", ",", "心跳", "快", ",", "健忘", ",", "头", "眩晕", "时", "有", "耳鸣", ",", "失眠", "多梦", ",", "遗精", ",", "面色", "黄", ",", "眼圈", "深", "黑", ",", "脱发", "。", "阴囊潮湿", "有", "异味", ",", "阴茎", "举", "而", "不", "坚", "、", "早泄", ",", "尿", "黄", ",", "尿", "口红", ",", "尿", "灼热", ",", "尿频", "短少", ",", "尿", "无力", "滴沥", ",", "射精", "无力", "已经", "有", "4", "年", "以上", "的", "时间", "了", ",", "以前", "有", "手淫", "史前", "年", "在", "医院", "用", "前列腺", "可视", "枪", "介入", "法", "治疗", "过", "几", "次", ",", "每次", "做", "过后", "医生", "都", "说", "差不多", "快", "好", "了", "。", "做", "了", "几", "次", "钱", "花", "了", "近", "2", "万", "还", "没", "好", "我", "就", "没", "信心", "了", "就", "放弃", "治疗", "了", "。", "我", "想", "是不是", "要", "先", "治", "好", "肾虚", "才能", "治", "好", "前列腺", "吧", "帮", "想", "个", "找", "种", "最方便", ",", "花钱", "少", "的", "方法", "。", "中医", "优先", ",", "最好", "能", "开", "个", "妙方", ",", "西医", "也", "可", "。"], ["病情", "分析", ":", "你好", ",", "你", "的", "情况", "很", "有", "可能", "是", "由于", "慢性前列腺炎", "引起", "的", "症状", ",", "一般", "会导致", "尿频", "、", "尿急", "和", "尿", "不", "净", "等", "症状", ",", "一般", "伴有", "阴虚", "的", "症状", "意见建议", ":", "你", "的", "情况", "我", "月", "建议", "首先", "就要", "注意休息", ",", "清淡", "饮食", ",", "多吃蔬菜", "和", "水果", ",", "注意", "外阴", "卫生", ",", "不要", "长时间", "坐", "着", ",", "先", "服药", "治疗", ",", "比如", "服用", "氧氟沙星", "片", "和", "清开灵", "颗粒", "和", "每天", "服用", "100", "克", "南瓜子", "治疗", ",", "实在", "不行", "的", "话", "最好", "到", "医院", "进行", "输", "注", "菌必治", "和", "甲硝唑", "治疗", ",", "多", "参加", "锻炼", "很重要"], ["你", "讲", "的", "如此", "多", "的", "病症", "和", "手淫", "史", "密切相关", "原因", "先前", "的", "医生", "已经", "回答", "不再赘述", "至于", "你", "的", "这个", "年龄", "的", "性交", "次数", "应", "为", "每隔", "3", "天", "或", "以上", "一", "回", "建议", "在", "治疗", "期间", "杜绝", "手淫", "花钱", "少", "的", "方法", "很简单", "第", "一", "是", "炎症", "就", "得", "抗炎", "因", "前列腺", "有", "软膜", "虽然", "药物", "很难", "到达", "但是", "可以", "有", "针对性", "的", "用", "你", "的", "情况", "可用", "左", "客", "的", "抗生素", "口服", "治疗", "是", "泌尿系感染", "的", "金", "标准", "的", "抗生素", "第", "二", "为", "避免", "多", "花钱", "不", "建议", "再", "做", "手术", "治疗", "那个", "抗生素", "肾", "功", "可能会", "有些", "损害", "所以", "建议", "联合", "中药治疗", "减毒", "而", "增效", "可以", "口服", "金", "贵", "肾气", "丸", "是", "张仲景", "的", "古方", "其", "妙难言", "需", "口服", "月", "余", "买", "同仁堂", "的", "最好", "三", "保持", "良好", "心态", "多", "运动", "多", "吃", "水果", "尿", "黄", "可以", "喝", "点", "啤酒", "或者", "口服", "氢氯噻嗪", "一", "片", "一", "日", "就", "行", "15", "天", "即", "止", "四", "阴"]], "paragraphs": ["您的位置:首页→ 热门问答→ 肾阴阳两虚怎么补", "经常感冒、阴阳两虚医生你好,大夫说我因经常熬夜,吸烟喝酒,不注意锻炼,引起抵抗力差,阴阳两虚、气虚,是经常感冒、上火的主要原因。应该服用中药调理,我觉得也很有道理,您能为我开个中药方吗?请问六味地黄丸、知柏地黄丸和金匮肾气丸能同时服用,同时补阴虚和阳虚吗?您能为我开个中药方吗?请问六味地黄丸、知柏地黄丸和金匮肾气丸能同时服用,同时补阴虚和阳虚吗?", "病情分析:阴阳两虚:既有阴虚又有阳虚,称阴阳两虚,其主要表现为;既怕冷又怕热,冬天特别怕冷,夏天又特别怕热,这是阴阳失调或阴阳两虚之体质,进补宜采用阴阳并补,养阴温阳和滋阴壮阳等补法 意见建议:补阴虚食品:甲鱼、燕窝、百合、鸭肉、黑鱼、海蜇、藕、金针菇、枸杞头、荸荠、生梨等,可经常交替选服。 补阴虚药膳食疗方举例: 银耳红枣羹(或百合莲子羹):银耳、红枣(或百合、莲子)适量共煮羹当点心服食,可补阴虚。 甲鱼二子汤:甲鱼1只与女贞子、枸杞子各20g同煮汤,加调味,食甲鱼饮汤,连食数剂,可补阴虚和治肝肾阴虚所致的腰痛,遗精、头晕、目花等症。 石斛河鱼;石斛6g,河鱼1条共蒸食,可滋阴。 虫草老雄鸭", "病情分析:根据你的症状,经常感冒,抵抗力差,平时还有经常熬夜,吸烟喝酒的习惯,诊断你为阳虚是可以的,但是仅凭你爱上火就说你有阴虚,感觉欠妥意见建议:我感觉你现在最主要的还是阳虚,虽然有阴阳两虚的,可以同时阴阳双补,但是你应该先补阳,阳气升起来了,阴液自然就会慢慢恢复正常,况且金匮肾气丸就是在六味地黄丸的基础上加了少量肉桂和附子,取‘少火生气’的意思,所以六味地黄丸、知柏地黄丸和金匮肾气丸你不用同时服用,只服用一段时间金匮肾气丸就可以了,祝你早日康复", "的中药好多了,就是现在稍微吃点油腻的或者是凉的,早上呕吐的时候就能看见胆汁色,我人为是脾虚导致的胆汁反流性胃炎(去医院做过胃镜)之后又去把脉,医生说胆汁反流性胃炎可以了,得平时注意点保养,然后把脉说肾阴阳两虚(之前经常手淫过)然后当时去看的时候咽喉发炎。。是不是虚火导致的? 大便不是很成型,有点胆汁色,舌苔中间有点胆汁色 舌头有齿痕 应该是脾虚,想问下 脾虚肾阴阳两虚 到底该怎么办?而且现在脖子以上发热腰以下是冷的 是不是所谓的心肾不交?每次睡觉起来都没精神手心和脚心发热出汗,口干,喝水之后也口干,身上也没事就出汗,该怎么办?现在老中医给我开阴阳双补的中药 只是还没开始喝药呢!谁能给个合理补身体的方案!!跪求吃过中药 胆汁反流性胃炎好转,没有根治,只能抱养,现在阴阳两虚 开始补肾 医生给了个海狗肾宝丸 吃完了 感觉有点用处 只是现在老中医给我开的阴阳双补的中药还没吃呢!现在一直在喝普洱茶 感觉胆汁反流性胃炎好多了!应该有点用,然后每天下午4点用买的枸杞放在舌头下面含着,能治疗口干的问题 请给个明确的方案想吃过中药 胆汁反流性胃炎好转,没有根治,只能抱养,现在阴阳两虚 开始补肾 医生给了个海狗肾宝丸 吃完了 感觉有点用处 只是现在老中医给我开的阴阳双补的中药还没吃呢!", "病情分析:你好,胃病需要养,慢性胃炎是个长期的过程,也需要你长期注意保养。具体来说就是,饮食要有规律,一日三餐准时均匀,很多人不吃早饭,这个习惯是非常对胃病不利的。食物中,生,冷,硬,辣,的少吃,甚至不吃。指导意见:这个需要点毅力,不吃辣椒,而且再热的天坚决不喝冰水,不吃冰激凌。少和碳酸饮料,少和茶。睡觉前喝杯热牛奶。如此保养长期形成习惯后你的胃炎自然就好了! 提问人的追问 2013-07-17 10:31:17我想问下治疗方案优先治疗什么都需要注意什么!", "病情分析:1,反流性胃炎的表现,胃病的治疗,用药时间较长,因为每天三次刺激胃酸分泌.所以治疗的关键是按疗程治疗,建议如下治疗;;指导意见:奥美拉唑胶囊.每天2次,早晚饭前服用,吗丁啉片.1片,三次.饭前服用,糖铝片,4片,三次,饭前服用.多酶片,三片,三次.饭前服用.加上氨苄青霉素胶囊,2片,三次.饭前服用.甲硝唑片,2片,三次.饭前服用.最多服用一周可有明显效果,建议连续服用一个月,然后再复查. 提问人的追问 2013-07-17 10:30:25我想问下治疗方案优先治疗什么都需要注意什么!", "口臭,不敢吃凉的,吃了恶心,立刻就拉肚子。口有时苦,就是臭,还有肝火,肾阴阳两虚,舌体胖大有齿痕,请问吃啥药去掉臭味呢?谢谢。女49岁:需要医生帮助提供远程诊断:需要医生帮助提供远程诊断", "病情分析:你好:这种情况是与内火大有关。指导意见:建议:你吃点健胃消食片、附子理中丸、龙胆泻肝丸试试,不要吃生冷食物。喝点菊花茶。", "病情分析:口臭多是因为消化系统胃肠道出现机能紊乱,肠胃失调引起的。指导意见:建议:生姜大枣煮水喝,晚上睡觉前逆时针揉揉肚子,多吃蔬菜水果,饮食清淡,保证大便正常。", "腰酸痛腿软,气短乏力无精神易困倦,心悸喘咳,小便清长,冬天手脚一天到晚是冰凉的,心跳快,健忘,头眩晕时有耳鸣,失眠多梦,遗精,面色黄,眼圈深黑,脱发。阴囊潮湿有异味,阴茎举而不坚、早泄,尿黄,尿口红,尿灼热,尿频短少,尿无力滴沥,射精无力已经有4年以上的时间了,以前有手淫史前年在医院用前列腺可视枪介入法治疗过几次,每次做过后医生都说差不多快好了。做了几次钱花了近2万还没好我就没信心了就放弃治疗了。我想是不是要先治好肾虚才能治好前列腺吧帮想个找种最方便,花钱少的方法。中医优先,最好能开个妙方,西医也可。", "病情分析:你好,你的情况很有可能是由于慢性前列腺炎引起的症状,一般会导致尿频、尿急和尿不净等症状,一般伴有阴虚的症状意见建议:你的情况我月建议首先就要注意休息,清淡饮食,多吃蔬菜和水果,注意外阴卫生,不要长时间坐着,先服药治疗,比如服用氧氟沙星片和清开灵颗粒和每天服用100克南瓜子治疗,实在不行的话最好到医院进行输注菌必治和甲硝唑治疗,多参加锻炼很重要", "你讲的如此多的病症 和手淫史密切相关 原因先前的医生已经回答 不再赘述 至于你的这个年龄的性交次数应为 每隔3天或以上一回 建议在治疗期间杜绝手淫 花钱少的方法 很简单 第一 是炎症 就得抗炎 因前列腺有软膜 虽然药物很难到达 但是可以有针对性的用 你的情况可用 左客 的抗生素口服治疗 是泌尿系感染的金标准的抗生素 第二 为避免多花钱 不建议再做手术治疗 那个 抗生素肾功可能会有些损害 所以建议联合中药治疗 减毒而增效 可以口服 金贵肾气丸 是张仲景的古方 其妙难言 需口服月余 买同仁堂的最好 三保持良好心态 多运动 多吃水果 尿黄可以喝点啤酒或者 口服氢氯噻嗪 一片一日就行 15天即止 四阴"], "bs_rank_pos": 1}, {"is_selected": false, "title": "肾阴阳两虚治疗,阴阳双补 ", "most_related_para": 12, "segmented_title": ["肾", "阴阳", "两", "虚", "治疗", ",", "阴阳", "双", "补"], "segmented_paragraphs": [["肾", "阴阳", "两", "虚", "则", "有", "五心烦热", "、", "盗汗", "或", "自汗", "、", "四肢", "发", "凉", "、", "遗精", "失眠", "、", "多梦", "、", "舌", "红", "无苔", "、", "脉", "细", "数", "或", "舌", "淡", "苔", "白", "、", "脉", "沉", "迟", "。", "肾", "的", "阴阳", "俱", "虚", ",", "以", "畏冷", "肢", "凉", ",", "五心烦热", ",", "眩晕", "耳鸣", ",", "腰膝酸痛", ",", "男子", "遗精", "早泄", ",", "女子", "经", "少", "难", "孕", ",", "尺", "脉", "弱", "等", "为", "常见", "症", "的", "证", "候", "。"], ["中医", "认为", ",", "任何", "事物", "都", "分为", "阴阳", "两", "个", "方面", ",", "人", "的", "肾", "也有", "肾阴", "和", "肾阳", "之", "分", ",", "肾功能", "障碍", "产生", "的", "原因", "可能", "是", "肾阴虚", "造成", "的", ",", "也", "可能", "是", "肾阳虚", "造成", "的", ",", "所以", ",", "补肾", "要", "查", "明", "原因", ",", "分型", "而", "补", "。"], ["一", ".", "肾", "阴阳", "虚", "的", "临床表现", "腰", "脊", "痠", "病", ",", "胫痠", "膝", "软", ",", "足跟", "痠痛", ",", "耳鸣", "耳聋", ",", "发", "焦", "脱落", ",", "齿", "摇", "稀松", ",", "遗精", "阳痿早泄", ",", "月经失调", "崩漏", ",", "或", "开心烦", "热", ",", "口干", "咽", "燥", ",", "失眠", "盗汗", ",", "或", "畏寒", "肢", "冷", ",", "面目", "虚浮", ",", "夜尿", "频数", "。", "舌", "红", "或", "淡", ",", "少", "苔", ",", "脉", "双", "尺", "沉", "细", "。", "主要症状", "如", "下", ":", "二", ".", "肾", "阴阳", "两", "虚", "容易", "与", "哪些", "症状", "混淆", "?", "俗称", "命门火衰", ",", "则", "有", "阳虚", "的", "临床表现", ":", "如", "畏寒", "、", "肢", "冷", "、", "小便", "清", "长", "、", "面色", "晃", "白", "、", "性欲减退", "、", "阳痿早泄", "、", "舌", "淡", "苔", "白", "、", "脉", "沉", "迟", "。", "俗称", "肾", "水", "不足", ",", "除", "有", "肾虚", "的", "表现", "外", "还有", "阴虚", "的", "临床表现", ":", "如", "五心烦热", "、", "潮热", "盗汗", "、", "口干舌燥", "、", "尿", "黄", "便", "干", "、", "舌", "红", "少", "苔", "、", "脉", "细", "数", "。", "气短", "自汗", "、", "倦怠", "无力", "、", "面色", "晃", "白", "、", "小便", "频", "多", "、", "遗精", "早泄", "、", "舌苔", "淡", "白", "、", "脉", "细弱", "。", "则", "有", "五心烦热", "、", "盗汗", "或", "自汗", "、", "四肢", "发", "凉", "、", "遗精", "失眠", "、", "多梦", "、", "舌", "红", "无苔", "、", "脉", "细", "数", "或", "舌", "淡", "苔", "白", "、", "脉", "沉", "迟", "。", "三", ".", "肾", "阴阳", "两", "虚", "的", "病因", "中医", "认为", ":", "虚劳", ",", "消渴", ",", "阳痿", ",", "遗精", ",", "水肿", ",", "咳嗽", ",", "喘证", ",", "月经不调", ",", "崩漏", ",", "绝经", "前后", "诸", "证", ",", "西医", ":", "慢性气管炎", ",", "糖尿病", ",", "高血压", ",", "神经衰弱", ",", "肺结核", ",", "肾病综合征", ",", "慢性", "肾功能", "衰竭", ",", "甲状腺", "功能", "减退", ",", "再生障碍性贫血", ",", "月经失调", ",", "更年期综合征", "。", "本", "证", "或", "由", "肾阴", "先", "虚", ",", "日久", "阴", "损", "及", "阳", ",", "发展", "而来", ",", "或", "由", "肾阳", "不足", ",", "日久阳", "损", "及", "阴", ",", "逐渐", "而", "成", "。", "或", "由", "肾阴", "先", "虚", ",", "日久", "阴", "损", "及", "阳", ",", "发展", "而来", ",", "或", "由", "肾阳", "不足", ",", "日久阳", "损", "及", "阴", ",", "逐渐", "而", "成", "。", "肾", "为", "先天", "之", "本", ",", "藏", "真", "阴", "而", "寓", "元阳", ",", "若", "肾", "中", "元阳", "不足", ",", "命门火衰", "与", "肾", "中元", "阴", "不足", ",", "阴精", "亏损", "同时", "并", "见", ",", "即", "为", "肾", "阴阳", "两", "虚", "证", "。", "其", "常见", "原因", "为", "禀赋", "不足", ",", "或", "久", "病", "不愈", ",", "或", "房", "室", "劳伤", ",", "或", "老年", "休", "衰", "等", ",", "以致", "阴精", "、", "阳气", "两", "虑", ",", "不能", "濡养", "、", "温照", "脏腑", "经络", ",", "而", "形成", "此", "证", "。", "病", "仗", "在", "肾", ",", "其", "性质", "属", "虚", ",", "不过", "临床", "常见", "阴阳", "各", "有", "偏重", "的", "不同", ",", "这", "须", "权衡", "阴", "虎", "阳虚", "的", "程度", "而", "定", "。", "四", ".", "肾", "阴阳", "两", "虚", "的", "诊断", "肾", "阴阳", "两", "虚", ",", "则", "有", "五心烦热", "、", "盗汗", "或", "自汗", "、", "四肢", "发", "凉", "、", "遗精", "失眠", "、", "多梦", "、", "舌", "红", "无苔", "、", "脉", "细", "数", "或", "舌", "淡", "苔", "白", "、", "脉", "沉", "迟", "。", "传统医学", "所", "讲", "的", "“", "肾虚", "”", "概念", "中", "的", "“", "肾", "”", ",", "不仅", "指", "解剖学", "上", "的", "肾脏", ",", "而且", "是", "一", "个", "生理", "作用", "相当", "广泛", ",", "与", "人体", "生殖", "、", "生长发育", "、", "消化", "、", "内分泌", "代谢", "等", "都", "有", "直接", "或", "间接", "关系", "的", "重要", "脏器", "。", "“", "肾虚", "症状", "”", "也", "就是", "一", "宽泛", "的", "概念", ",", "他", "包括", "泌尿系统", "、", "生殖系统", "、", "内分泌", "代谢", "系统", "、", "神经", "精神", "系统", "及", "消化", "、", "血液", "、", "呼吸", "等", "诸多", "系统", "的", "相关", "疾病", "。", "所以", ",", "肾虚", "的", "症状", "很多", ",", "概括", "如", "下", ":", "记忆力", "下降", "记忆力减退", ",", "注意力", "不", "集中", ",", "精力", "不足", ",", "工作", "效率", "降低", "。"], ["情绪", "不佳", "情绪", "常", "难以", "自控", ",", "头晕", ",", "易怒", ",", "烦躁", ",", "焦虑", ",", "抑郁", "等", "。"], ["3", ".", "意志", "方面", "表现", "为", ";"], ["信心不足", ",", "缺乏自信", ",", "工作", "没", "热情", ",", "生活", "没", "激情", ",", "没有", "目标", "和", "方向", "。"], ["4", ".", "性", "功能", "方面", "表现", "为", ":"], ["性", "功能", "降低", "男子", "性", "兴趣", "降低", ",", "性欲", "降低", ",", "阳萎", "或", "阳", "物", "举", "而", "不", "坚", ",", "遗精", "、", "滑精", "、", "早泄", ",", "显微镜", "检查", "可见", "精子", "减少", "或", "精子", "活动", "力", "减低", ",", "不育", "。", "女子", "子宫", "发育不良", ",", "如", "幼稚子宫", "、", "卵巢早衰", "闭经", "、", "月经不调", ",", "性欲减退", ",", "不孕", "等", "。"], ["尿频", ",", "尿等待", ",", "小便", "清", "长", "等", "症状", "。"], ["肾虚", "的", "症状", "还", "可能", "有", "早衰", ",", "健忘", "失眠", ",", "食欲不振", ",", "骨骼", "与", "关节疼痛", ",", "腰膝酸软", ",", "不", "耐", "疲劳", ",", "乏力", ",", "视力", "减退", ",", "听力", "衰减", "。", "脱发", "白发", "、", "头发", "脱落", "或", "须", "发", "早", "白", ",", "牙齿", "松动", "易", "落", "等", "。", "容颜", "早衰", "、", "眼袋", "、", "黑眼圈", ",", "肤色", "晦暗", "无", "光泽", ",", "肤质", "粗糙", "、", "干燥", ",", "出现", "皱纹", ",", "色斑", ",", "中年", "暗疮", ",", "肌肤", "缺乏", "弹性", ";", "嗓音", "逐渐", "粗", "哑", ",", "女性乳房", "开始", "下垂", ",", "腰", "、", "腹", "脂肪", "堆积", ";", "男性", "早秃", "等", "。"], ["一", ".", "中医治疗", "原则"], ["由", "肾阴虚", "导致", "性功能障碍", "的", "男性", ",", "平常", "可以", "多", "吃", "一些", "六味地黄丸", "类", "的", "补肾", "阴", "的", "药物", ",", "另外", "食补", "也是", "很好", "的", "办法", ",", "例如", ",", "用", "桑葚子", "、", "枸杞", "煮粥", ",", "也有", "不错", "的", "效果", "。"], ["肾阳虚", "首先", "会出现", "腰痛", ",", "因为", "腰", "为", "肾", "之", "府", ",", "这种", "痛", "一般", "会", "有", "冷", "的", "感觉", "。", "病人", "痛", "的", "同时", ",", "觉得", "腰", "里面", "发", "凉", ",", "这", "是", "肾阳虚", "的", "一", "个", "典型", "表现", "。", "另外", ",", "它", "扩展", "到", "全身", ",", "会出现", "全身", "也", "怕冷", "。", "因为", "肾阳", "是", "一", "身", "阳气", "的", "根本", ",", "如果", "根", "虚弱", "了", ",", "整个", "身体", "的", "阳气", "的", "温煦", "作用", "就会", "下降", "。"], ["肾阳虚", "的", "人", "适合", "吃", "的", "食物", "有", "海产品", "、", "韭菜籽", "。", "补肾", "可以", "选用", "金匮肾气丸", "、", "五子", "衍", "宗", "丸", "等", "。"], ["肾阴虚", "的", "情况", "下", "火", "就", "容易", "旺", ",", "阴虚火旺", ",", "如果", "这时", "再使用", "那些", "温", "热", "的", "壮阳", "药物", ",", "等于", "是", "火上浇油", ",", "病人", "热", "性", "就", "更大", "了", "。", "反过来说", ",", "假如", "病人", "肾阳虚", "、", "怕冷", ",", "你", "再", "用", "一些", "滋阴", "药", ",", "等于", "是", "雪上加霜", ",", "病人", "同样", "也", "受不了", "。"], ["治疗", "法则", ":", "补肾", "温", "阳", "滋阴", ",", "阴阳", "气血双补", "。"], ["1", ".", "肾", "内", "藏", "元", "阴", "元阳", ",", "为", "水火", "之", "脏", ",", "宜", "于", "封", "藏", ",", "忌", "于", "泄漏", ",", "故", "肾病", "多", "见", "虚", "证", "。", "肾", "之", "阴阳", "两", "虚", ",", "多", "由", "阴虎", "或", "阳虚", "证", ",", "日久", "发展", "所致", "。", "治疗", "之", "时", ",", "还", "应", "明确", "阴虚", "偏重", ",", "抑或", "阳虚", "偏重", ",", "然后", "确定", "在", "阴阳", "双", "补", "之", "时", ",", "以", "滋阴", "为", "主", ",", "或", "以", "温", "阳", "为", "要", "。", "2", ".", "肾", "之", "阴阳", "两", "虚", ",", "乃", "精气", "两", "伤", ",", "在", "临", "证", "之", "时", ",", "除", "用", "温补", "元阳", ",", "填补", "真", "阴", ",", "阴阳", "并", "补", "之外", ";", "还", "须", "取", "“", "精", "不足", "者", ",", "补", "之", "以", "味", "”", "之", "义", ",", "酌情", "加", "用", "紫河车", "、", "龟板胶", "、", "鹿角胶", "等", "血肉", "有情", "之", "品", ",", "以", "填补", "精血", "。", "由于", "肾", "与", "其他", "脏腑", "的", "关系", "至", "为", "密切", ",", "还", "须", "结合", "辨证", ",", "明确", "相关", "脏腑", "的", "病", "证", ",", "治", "肾", "及", "参", "治", "他", "脏", ",", "以", "利", "提高", "疗效", "。", "3", ".", "肾", "阴阳", "两", "虚", "为", "慢性", "虚弱", "性病证", ",", "病程", "冗长", ",", "病情", "复杂", ",", "难", "取", "速效", ",", "治疗", "用药", ",", "贵", "在", "坚持", ",", "只要", "辨证", "准确", ",", "应", "守", "方", "不", "移", ",", "不宜", "变动", "过", "多", "。", "综合", "疗法", ",", "摄", "生", "养", "性", ",", "饮食调理", "办", "不可少", "。"], ["肾气丸", "合", "龟", "鹿", "二", "仙", "膏", ",", "可以", "阴阳", "双", "补", "。"], ["龟", "鹿", "二", "仙", "膏", "为", "古方", ",", "明代", "(", "1569", "年", ")", "王", "三才", "所", "著", "《", "医", "便", "》", "记", "述", "详细", ",", "为", "胶", "剂", ",", "现", "被", "列入", "第一批", "国家", "非处方药", "目录", ",", "具有", "温", "肾", "益精", ",", "补气", "养血", "作用", ",", "临床", "用于", "久", "病", "肾虚", "、", "腰酸", "膝", "软", "、", "精血", "不足", "、", "遗精", "阳痿", "等", ",", "被", "称为", "“", "男", "版", "阿胶", "”", "。"], ["龟", "鹿", "二", "仙", "膏", "组", "方", "精", "当", ",", "由", "龟板", "、", "鹿角", "、", "党参", "、", "枸杞子", "四药", "组成", "。", "虚劳", "是", "虚", "损", "劳伤", "的", "意思", ",", "也是", "五脏", "诸", "虚", "不足", "而", "产生", "的", "多种疾病", "的", "概括", ",", "凡", "先天不足", ",", "后天", "失调", ",", "病", "久", "失", "养", ",", "正气", "损伤", ",", "久", "虚", "不复", ",", "表现", "各种", "虚弱", "证", "候", "的", "均", "属", "虚劳", "范畴", "。", "祖国医学", "认为", ",", "龟板", "通", "任脉", "而", "滋阴", "潜阳", ",", "益肾", "生津", ";", "鹿角", "以", "通", "督脉", "而", "壮阳", "补肾", ",", "强", "筋", "健", "骨", ";", "“", "二", "仙", "”", "乃", "“", "血肉", "有情", "之", "品", "”", ",", "合", "用", "则", "沟通", "任", "督", ",", "峻", "补", "阴阳", ";", "另", "配", "党参", "补气", "以", "健脾", "养胃", ",", "益", "肺", "生津", ";", "枸杞子", "养血", "以", "滋补", "肝肾", ",", "益精", "明目", "。", "全", "方", "合", "用", ",", "阳", "生", "阴", "长", ",", "气", "固", "血", "充", ",", "故", "对", "虚劳", "患者", "尤", "能", "取", "效", "。", "实验", "证明", "龟", "鹿", "二", "仙", "膏", "具有", "补血", "、", "补肾", "、", "壮阳", "、", "抗辐射", "、", "抗衰老", "作用", ",", "能", "提高", "细胞", "和", "体液免疫", "功能", "。", "龟", "鹿", "二", "仙", "膏", "的", "药理学", "、", "药效学", "研究", "为", "临床治疗", "诸", "虚", "百损", ",", "抗", "老", "防", "衰", "提供", "了", "科学依据", "。"], ["龟", "鹿", "二", "仙", "膏方", "药", ":", "由", "鹿角", "500", "克", "、", "龟板", "250", "克", "、", "枸杞", "100", "克", "、", "人参", "50", "克", ",", "先", "熬", "龟板", "、", "鹿角", "为", "胶", ",", "再", "将", "人参", "、", "枸杞", "熬", "膏", "和", "入", "而", "成", "。", "每", "晨", "酒", "服", "10", "克", "。"]], "paragraphs": ["肾阴阳两虚则有五心烦热、盗汗或自汗、四肢发凉、遗精失眠、多梦、舌红无苔、脉细数或舌淡苔白、脉沉迟。肾的阴阳俱虚,以畏冷肢凉,五心烦热,眩晕耳鸣,腰膝酸痛,男子遗精早泄,女子经少难孕,尺脉弱等为常见症的证候。", "中医认为,任何事物都分为阴阳两个方面,人的肾也有肾阴和肾阳之分,肾功能障碍产生的原因可能是肾阴虚造成的,也可能是肾阳虚造成的,所以,补肾要查明原因,分型而补。", "一.肾阴阳虚的临床表现 腰脊痠病,胫痠膝软,足跟痠痛,耳鸣耳聋,发焦脱落,齿摇稀松,遗精阳痿早泄,月经失调崩漏,或开心烦热,口干咽燥,失眠盗汗,或畏寒肢冷,面目虚浮,夜尿频数。舌红或淡,少苔,脉双尺沉细。主要症状如下: 二.肾阴阳两虚容易与哪些症状混淆? 俗称命门火衰,则有阳虚的临床表现:如畏寒、肢冷、小便清长、面色晃白、性欲减退、阳痿早泄、舌淡苔白、脉沉迟。 俗称肾水不足,除有肾虚的表现外还有阴虚的临床表现:如五心烦热、潮热盗汗、口干舌燥、尿黄便干、舌红少苔、脉细数。 气短自汗、倦怠无力、面色晃白、小便频多、遗精早泄、舌苔淡白、脉细弱。 则有五心烦热、盗汗或自汗、四肢发凉、遗精失眠、多梦、舌红无苔、脉细数或舌淡苔白、脉沉迟。 三.肾阴阳两虚的病因 中医认为:虚劳,消渴,阳痿,遗精,水肿,咳嗽,喘证,月经不调,崩漏,绝经前后诸证,西医:慢性气管炎,糖尿病,高血压,神经衰弱,肺结核,肾病综合征,慢性肾功能衰竭,甲状腺功能减退,再生障碍性贫血,月经失调,更年期综合征。 本证或由肾阴先虚,日久阴损及阳,发展而来,或由肾阳不足,日久阳损及阴,逐渐而成。 或由肾阴先虚,日久阴损及阳,发展而来,或由肾阳不足,日久阳损及阴,逐渐而成。肾为先天之本,藏真阴而寓元阳,若肾中元阳不足,命门火衰与肾中元阴不足,阴精亏损同时并见,即为肾阴阳两虚证。其常见原因为禀赋不足,或久病不愈,或房室劳伤,或老年休衰等,以致阴精、阳气两虑,不能濡养、温照脏腑经络,而形成此证。病仗在肾,其性质属虚,不过临床常见阴阳各有偏重的不同,这须权衡阴虎阳虚的程度而定。 四.肾阴阳两虚的诊断 肾阴阳两虚,则有五心烦热、盗汗或自汗、四肢发凉、遗精失眠、多梦、舌红无苔、脉细数或舌淡苔白、脉沉迟。传统医学所讲的“肾虚”概念中的“肾”,不仅指解剖学上的肾脏,而且是一个生理作用相当广泛,与人体生殖、生长发育、消化、内分泌代谢等都有直接或间接关系的重要脏器。“肾虚症状”也就是一宽泛的概念,他包括泌尿系统、生殖系统、内分泌代谢系统、神经精神系统及消化、血液、呼吸等诸多系统的相关疾病。所以,肾虚的症状很多,概括如下: 记忆力下降记忆力减退,注意力不集中,精力不足,工作效率降低。", "情绪不佳情绪常难以自控,头晕,易怒,烦躁,焦虑,抑郁等。", "3.意志方面表现为;", "信心不足,缺乏自信,工作没热情,生活没激情,没有目标和方向。", "4.性功能方面表现为:", "性功能降低男子性兴趣降低,性欲降低,阳萎或阳物举而不坚,遗精、滑精、早泄,显微镜检查可见精子减少或精子活动力减低,不育。女子子宫发育不良,如幼稚子宫、卵巢早衰闭经、月经不调,性欲减退,不孕等。", "尿频,尿等待,小便清长等症状。", "肾虚的症状还可能有早衰,健忘失眠,食欲不振,骨骼与关节疼痛,腰膝酸软,不耐疲劳,乏力,视力减退,听力衰减。脱发白发、头发脱落或须发早白,牙齿松动易落等。容颜早衰、眼袋、黑眼圈,肤色晦暗无光泽,肤质粗糙、干燥,出现皱纹,色斑,中年暗疮,肌肤缺乏弹性;嗓音逐渐粗哑,女性乳房开始下垂,腰、腹脂肪堆积;男性早秃等。", "一.中医治疗原则", "由肾阴虚导致性功能障碍的男性,平常可以多吃一些六味地黄丸类的补肾阴的药物,另外食补也是很好的办法,例如,用桑葚子、枸杞煮粥,也有不错的效果。", "肾阳虚首先会出现腰痛,因为腰为肾之府,这种痛一般会有冷的感觉。病人痛的同时,觉得腰里面发凉,这是肾阳虚的一个典型表现。另外,它扩展到全身,会出现全身也怕冷。因为肾阳是一身阳气的根本,如果根虚弱了,整个身体的阳气的温煦作用就会下降。", "肾阳虚的人适合吃的食物有海产品、韭菜籽。补肾可以选用金匮肾气丸、五子衍宗丸等。", "肾阴虚的情况下火就容易旺,阴虚火旺,如果这时再使用那些温热的壮阳药物,等于是火上浇油,病人热性就更大了。反过来说,假如病人肾阳虚、怕冷,你再用一些滋阴药,等于是雪上加霜,病人同样也受不了。", "治疗法则:补肾温阳滋阴,阴阳气血双补。", "1.肾内藏元阴元阳,为水火之脏,宜于封藏,忌于泄漏,故肾病多见虚证。肾之阴阳两虚,多由阴虎或阳虚证,日久发展所致。治疗之时,还应明确阴虚偏重,抑或阳虚偏重,然后确定在阴阳双补之时,以滋阴为主,或以温阳为要。 2.肾之阴阳两虚,乃精气两伤,在临证之时,除用温补元阳,填补真阴,阴阳并补之外;还须取“精不足者,补之以味”之义,酌情加用紫河车、龟板胶、鹿角胶等血肉有情之品,以填补精血。由于肾与其他脏腑的关系至为密切,还须结合辨证,明确相关脏腑的病证,治肾及参治他脏,以利提高疗效。 3. 肾阴阳两虚为慢性虚弱性病证,病程冗长,病情复杂,难取速效,治疗用药,贵在坚持,只要辨证准确,应守方不移,不宜变动过多。综合疗法,摄生养性,饮食调理办不可少。", "肾气丸合龟鹿二仙膏,可以阴阳双补。", "龟鹿二仙膏为古方,明代(1569年)王三才所著《医便》记述详细,为胶剂,现被列入第一批国家非处方药目录,具有温肾益精,补气养血作用,临床用于久病肾虚、腰酸膝软、精血不足、遗精阳痿等,被称为“男版阿胶”。", "龟鹿二仙膏组方精当,由龟板、鹿角、党参、枸杞子四药组成。虚劳是虚损劳伤的意思,也是五脏诸虚不足而产生的多种疾病的概括,凡先天不足,后天失调,病久失养,正气损伤,久虚不复,表现各种虚弱证候的均属虚劳范畴。祖国医学认为,龟板通任脉而滋阴潜阳,益肾生津;鹿角以通督脉而壮阳补肾,强筋健骨;“二仙”乃“血肉有情之品”,合用则沟通任督,峻补阴阳;另配党参补气以健脾养胃,益肺生津;枸杞子养血以滋补肝肾,益精明目。全方合用,阳生阴长,气固血充,故对虚劳患者尤能取效。实验证明龟鹿二仙膏具有补血、补肾、壮阳、抗辐射、抗衰老作用,能提高细胞和体液免疫功能。龟鹿二仙膏的药理学、药效学研究为临床治疗诸虚百损,抗老防衰提供了科学依据。", "龟鹿二仙膏方药:由鹿角 500克、龟板250克、枸杞100克、人参50克,先熬龟板、鹿角为胶,再将人参、枸杞熬膏和入而成。每晨酒服10克。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "手淫引起的,肾阴阳两虚怎么调理_寻医问药网_xywy.com", "most_related_para": 18, "segmented_title": ["手淫", "引起", "的", ",", "肾", "阴阳", "两", "虚", "怎么", "调理", "_", "寻医问药", "网", "_", "xywy", ".", "com"], "segmented_paragraphs": [["手淫", "引起", "的", ",", "肾", "阴阳", "两", "虚", "怎么", "调理", "相关问题"], ["提问", "时间", ":", "2015", "-", "09", "-", "16", "10", ":", "42", ":", "39"], ["患者", "性别", ":", "男", "患者", "年龄", ":", "19", "-", "29"], ["补肾", ",", "由于", "肾", "有", "阴虚", "、", "阳虚", "、", "精", "虚", "、", "气虚", "的", "不同", ",", "补肾", "就", "有", "补肾", "阳", "、", "滋", "肾", "阴", "、", "益", "肾气", "、", "填", "肾", "精", "等等", "不同", "的", "途径", "和", "不同", "的", "用药", ".", "然而", "在", "当前", "却", "有", "一", "种", "错误", "趋向", ",", "即", "保健品", "中", "以", "补", "虚", "为", "主", ",", "补", "虚", "以", "补肾", "为", "主", ",", "补肾", "又", "以", "补肾", "阳", "为", "主", ",", "导"], ["提问", "时间", ":", "2014", "-", "07", "-", "29", "23", ":", "33", ":", "49"], ["患者", "性别", ":", "男", "患者", "年龄", ":", "27", "岁"], ["问题", "分析", ":", "手淫", "引起", "的", "早泄", "怎样", "调理", "?", "以前", "手淫", "着急", "射精", "引起", "的", "早泄", ",", "怎么", "调理", "啊", "意见建议", ":", "可以", "吃", "点", "中成", "药", "调理", "一", "下", ",", "常用", "的", "中成", "药", "有", "复方", "玄", "驹", "胶囊", ",", "固阳", "锁", "精", "丸", ",", "五子", "衍", "宗", "丸", ",", "参茸鞭丸", "等", "。", "中药", "副作用", "小", ",", "但", "服用", "的", "时间", "比"], ["提问", "时间", ":", "2015", "-", "09", "-", "14", "05", ":", "47", ":", "45"], ["患者", "性别", ":", "男", "患者", "年龄", ":", "22"], ["病情", "分析", ":", "你好", ":", "肾虚", "分", "肾阳虚", "与", "肾阴虚", ":", "肾阳虚", "的", "症状", "为", "腰酸", ",", "四肢", "发冷", ",", "畏寒", ",", ",", "也就是说", "表现", "为", "“", "寒", "”", "的", "症状", ",", "肾阳虚", "可以", "吃", "狗肉", ",", "羊肉", ",", "韭菜", ",", "泥鳅", "来", "进行", "食补", ",", "药物", "则", "有", "肾宝", ",", "或", "金匮肾气丸", ",", "肾阴虚", "的", "症状", "为", "“", "热", "”", ",", "主要"], ["提问", "时间", ":", "2014", "-", "12", "-", "21", "16", ":", "41", ":", "32"], ["患者", "性别", ":", "男", "患者", "年龄", ":", "26", "岁"], ["问题", "分析", ":", "经常", "的", "手淫", "现象", "在", "这种", "情况", "有", "可能", "会导致", ",", "肾气", "亏", "虚", "出现", "阳痿", "和", "早泄", "的", "现象", "。", "我们", "需要", "保持", "饮食", "清淡", "多", "运动", "锻炼", "。", "意见建议", ":", "同时", "戒掉", "这种", "不良习惯", "配合", "口服", "一些", "葡萄糖", "钙", "加", "锌", "口服溶液", "多", "种", "维生素", "片", "配合", "口服", "金"], ["提问", "时间", ":", "2013", "-", "11", "-", "10", "10", ":", "27", ":", "03"], ["患者", "性别", ":", "男", "患者", "年龄", ":", "24"], ["意见建议", ":", "气血", "两", "虚", "可以", "饮食调理", "的", "。", "可以", "采取", "当归", "、", "黄芪", "、", "大枣", "、", "乳鸽", "一只", "煲汤", "服用", ",", "可以", "滋补", "气血", "。"], ["提问", "时间", ":", "2013", "-", "04", "-", "10", "10", ":", "12", ":", "17"], ["患者", "性别", ":", "女", "患者", "年龄", ":", "24", "岁"], ["病情", "分析", ":", "你好", ",", "肾", "阴阳", "两", "虚", "则", "有", "五心烦热", "、", "盗汗", "或", "自汗", "、", "四肢", "发", "凉", "、", "遗精", "失眠", "、", "多梦", "、", "舌", "红", "无苔", "、", "脉", "细", "数", "或", "舌", "淡", "苔", "白", "、", "脉", "沉", "迟", "。", "意见建议", ":", "调理", "时", "宜", "采用", "阴阳", "并", "补", ",", "养阴", "温", "阳", "和", "滋阴", "壮阳", "等", "补", "法", "。", "临床", "可用", "补天", "大造丸", "加减", "调理"], ["提问", "时间", ":", "2014", "-", "04", "-", "18", "14", ":", "22", ":", "06"], ["患者", "性别", ":", "男", "患者", "年龄", ":", "69"], ["指导意见", ":", "肾", "阴阳", "两", "虚", ",", "建议", "滋阴", "补肾", ",", "可以", "服用", "六味地黄丸", ",", "滋阴", "补肾", "。", "用于", "肾阴", "亏损", ",", "头晕耳鸣", ",", "腰膝酸软", ",", "骨蒸", "潮热", ",", "盗汗", "遗精", "。", "但", "感冒", "发热", "病人", "不宜", "服用", "。"], ["提问", "时间", ":", "2014", "-", "01", "-", "22", "22", ":", "01", ":", "01"], ["患者", "性别", ":", "男", "患者", "年龄", ":", "33"], ["指导意见", ":", "朋友", ",", "中医", "有", "较好", "的", "治疗", "效果", ",", "建议", "找", "专业", "的", "中医师", "进行", "辨证施治", ",", "可", "达到", "标本兼治", "的", "治疗", "目的", "。"], ["提问", "时间", ":", "2014", "-", "03", "-", "16", "19", ":", "51", ":", "18"], ["患者", "性别", ":", "男", "患者", "年龄", ":", "22", "岁"], ["问题", "分析", ":", "您好", ":", "依据", "您", "所", "提供", "的", "情况", "来看", ",", "肾", "阴阳", "两", "虚", "可以", "服用", "炙甘草汤", "来", "治疗", "。", "炙甘草汤", "是", "滋补", "肾", "阴阳", "两", "虚", "的", "中药", "方剂", "。", "意见建议", ":", "建议", "您", "在", "服用", "中药", "的", "同时", "可以", "摄入", "坚果", "类", "的", "食物", ",", "例如", "腰果", "板栗", "核桃", "黑芝麻", "等", "。", "尽量", "的", "保"], ["提问", "时间", ":", "2014", "-", "12", "-", "14", "19", ":", "34", ":", "37"], ["患者", "性别", ":", "女", "患者", "年龄", ":", "22", "岁"], ["病情", "分析", ":", "肾虚", "分为", "阴虚", "和", "阳虚", "两种", ",", "主要", "是", "肾脏", "精气", "阴阳", "不足", "引起", "的", "意见建议", ":", "一般", "治疗", "采用", "中药", "和", "饮食治疗", "会", "比较好", ",", "饮食", "可以", "吃", "猪腰", ",", "黄精", "枸杞", "牛尾汤", ",", "药物", "可以使用", "六味地黄丸", ",", "左归丸", ",", "右归丸", ",", "金", "贵", "肾气", "丸", "等", "药物"]], "paragraphs": ["手淫引起的,肾阴阳两虚怎么调理相关问题", "提问时间:2015-09-16 10:42:39", "患者性别:男患者年龄:19-29", "补肾,由于肾有阴虚、阳虚、精虚、气虚的不同,补肾就有补肾阳、滋肾阴、益肾气、填肾精等等不同的途径和不同的用药.然而在当前却有一种错误趋向,即保健品中以补虚为主,补虚以补肾为主,补肾又以补肾阳为主,导", "提问时间:2014-07-29 23:33:49", "患者性别:男患者年龄:27岁", "问题分析:手淫引起的早泄怎样调理?以前手淫着急射精引起的早泄,怎么调理啊意见建议:可以吃点中成药调理一下,常用的中成药有复方玄驹胶囊,固阳锁精丸,五子衍宗丸,参茸鞭丸等。中药副作用小,但服用的时间比", "提问时间:2015-09-14 05:47:45", "患者性别:男患者年龄:22", "病情分析: 你好:肾虚分肾阳虚与肾阴虚:肾阳虚的症状为腰酸,四肢发冷,畏寒,,也就是说表现为“寒”的症状, 肾阳虚可以吃狗肉,羊肉,韭菜,泥鳅来进行食补,药物则有肾宝,或金匮肾气丸, 肾阴虚的症状为“热”,主要", "提问时间:2014-12-21 16:41:32", "患者性别:男患者年龄:26岁", "问题分析:经常的手淫现象在这种情况有可能会导致,肾气亏虚出现阳痿和早泄的现象。我们需要保持饮食清淡多运动锻炼。意见建议:同时戒掉这种不良习惯 配合口服一些葡萄糖钙加锌口服溶液 多种维生素片 配合口服金", "提问时间:2013-11-10 10:27:03", "患者性别:男患者年龄:24", "意见建议:气血两虚 可以 饮食调理的。可以采取当归、黄芪、大枣、乳鸽一只煲汤服用,可以滋补气血。", "提问时间:2013-04-10 10:12:17", "患者性别:女患者年龄:24岁", "病情分析: 你好,肾阴阳两虚则有五心烦热、盗汗或自汗、四肢发凉、遗精失眠、多梦、舌红无苔、脉细数或舌淡苔白、脉沉迟。意见建议:调理时宜采用阴阳并补,养阴温阳和滋阴壮阳等补法。临床可用补天大造丸加减调理", "提问时间:2014-04-18 14:22:06", "患者性别:男患者年龄:69", "指导意见:肾阴阳两虚,建议滋阴补肾,可以服用六味地黄丸,滋阴补肾。用于肾阴亏损,头晕耳鸣,腰膝酸软,骨蒸潮热,盗汗遗精。但感冒发热病人不宜服用。", "提问时间:2014-01-22 22:01:01", "患者性别:男患者年龄:33", "指导意见:朋友, 中医有较好的治疗效果,建议找专业的中医师进行辨证施治,可达到标本兼治的治疗目的。", "提问时间:2014-03-16 19:51:18", "患者性别:男患者年龄:22岁", "问题分析:您好:依据您所提供的情况来看,肾阴阳两虚可以服用炙甘草汤来治疗。炙甘草汤是滋补肾阴阳两虚的中药方剂。意见建议:建议您在服用中药的同时可以摄入坚果类的食物,例如腰果板栗核桃黑芝麻等。尽量的保", "提问时间:2014-12-14 19:34:37", "患者性别:女患者年龄:22岁", "病情分析:肾虚分为阴虚和阳虚两种,主要是肾脏精气阴阳不足引起的意见建议:一般治疗采用中药和饮食治疗会比较好,饮食可以吃猪腰,黄精枸杞牛尾汤,药物可以使用六味地黄丸,左归丸,右归丸,金贵肾气丸等药物"], "bs_rank_pos": 3}, {"is_selected": false, "title": "什么叫肾阴阳两虚?怎么治疗?_百度知道", "most_related_para": 0, "segmented_title": ["什么叫", "肾", "阴阳", "两", "虚", "?", "怎么", "治疗", "?", "_", "百度", "知道"], "segmented_paragraphs": [["肾", "阴阳", "两", "虚", ":", "则", "有", "五心烦热", "、", "盗汗", "或", "自汗", "、", "四肢", "发", "凉", "、", "遗精", "失眠", "、", "多梦", "、", "舌", "红", "无苔", "、", "脉", "细", "数", "或", "舌", "淡", "苔", "白", "、", "脉", "沉", "迟", "。", "肾", "阴阳", "两", "虚", ",", "先", "治疗", "肾阴虚", "还是", "先", "治疗", "肾阳虚", "好", ".", "疾病", "的", "发生", ",", "从", "根本", "上", "说", ",", "即时", "阴阳", "的", "相对", "平衡", "遭到", "破坏", ",", "出现", "偏", "盛", "偏", "衰", "的", "结", "果", ".", "对", "以", "阴阳", "的", "偏", "盛", "偏", "衰", ",", "中医学", "指出", "应", "\"", "谨", "察", "阴阳", "所在", "而", "调", "之", ",", "以", "平", "为", "期", ".", "\"", "阴阳", "两", "虚", ",", "应当", "指出", "阴阳", "是", "互", "根", "互", "用", ",", "阴阳", "偏", "衰", "亦可", "互根", ",", "因此", "在", "治疗", "阴阳", "偏", "衰", "病症", "时", ",", "还", "应", "注意", "\"", "阳", "中", "求", "阴", "\"", "或", "\"", "阴", "中", "求", "阳", "\"", "的", "原则", ",", "即", "在", "补", "阴", "同时", "适当", "配", "用", "补阳", "药物", ",", "补阳", "时", "适当", "配", "用", "补", "阴", "药物", ".", "<", "<", "景岳全书", ".", "新八方略", ">", ">", "中", "说", ":", "'", "此阴阳", "相", "济", "之", "妙用", "也", ".", "故", "善补阳", "者", "必", "阴", "中", "求", "阳", ",", "则", "阳", "得", "阴", "助", "而", "生化", "无穷", ",", "善", "补", "阴", "者", "必", "阳", "中", "求", "阴", ",", "则", "阴", "得", "阳", "升", "而", "源泉", "不竭", ".", "\"", "在", "具体", "应用", "中", "肾", "阴阳", "两", "虚", "则", "阴阳", "双", "补", ",", "其", "代表", "方剂", "如", "桂附地黄丸", ".", "方", "中", "桂附", "用量", "少", ",", "意", "不在", "补", "火", ",", "而", "在", "微微", "补", "火", ",", "即", "生", "肾气", ",", "佐", "以", "茯苓", "渗湿"]], "paragraphs": ["肾阴阳两虚:则有五心烦热、盗汗或自汗、四肢发凉、遗精失眠、多梦、舌红无苔、脉细数或舌淡苔白、脉沉迟。 肾阴阳两虚,先治疗肾阴虚还是先治疗肾阳虚好. 疾病的发生,从根本上说,即时阴阳的相对平衡遭到破坏,出现偏盛偏衰的结 果.对以阴阳的偏盛偏衰,中医学指出应\"谨察阴阳所在而调之,以平为期.\" 阴阳两虚,应当指出阴阳是互根互用,阴阳偏衰亦可互根,因此在治疗阴阳偏 衰病症时,还应注意\"阳中求阴\"或\"阴中求阳\"的原则,即在补阴同时适当配用 补阳药物,补阳时适当配用补阴药物. <<景岳全书.新八方略>>中说:'此阴阳相济之妙用也.故善补阳者必阴中求阳 ,则阳得阴助而生化无穷,善补阴者必阳中求阴,则阴得阳升而源泉不竭.\" 在具体应用中肾阴阳两虚则阴阳双补,其代表方剂如桂附地黄丸. 方中桂附用量少,意不在补火,而在微微补火,即生肾气,佐以茯苓渗湿"], "bs_rank_pos": 4}], "answer_spans": [[7, 206]], "fake_answers": ["既有阴虚又有阳虚,称阴阳两虚,其主要表现为;既怕冷又怕热,冬天特别怕冷,夏天又特别怕热,这是阴阳失调或阴阳两虚之体质,进补宜采用阴阳并补,养阴温阳和滋阴壮阳等补法意见建议:补阴虚食品:甲鱼、燕窝、百合、鸭肉、黑鱼、海蜇、藕、金针菇、枸杞头、荸荠、生梨等,可经常交替选服。补阴虚药膳食疗方举例:银耳红枣羹(或百合莲子羹):银耳、红枣(或百合、莲子)适量共煮羹当点心服食,可补阴虚。甲鱼二子汤:甲鱼1只与女贞子、枸杞子各20g同煮汤,加调味,食甲鱼饮汤,连食数剂,可补阴虚和治肝肾阴虚所致的腰痛,遗精、头晕、目花等症。石斛河鱼;石斛6g,河鱼1条共蒸食,可滋阴。虫草老雄鸭"], "question": "肾阴阳两虚怎么治", "segmented_answers": [["由", "肾阴虚", "导致", "性功能障碍", "的", "男性", ",", "平常", "可以", "多", "吃", "一些", "补肾", "阴", "的", "药物", ",", "另外", "食补", "也是", "很好", "的", "办法", ",", "例如", ",", "用", "桑葚子", "、", "枸杞", "煮粥", ",", "也有", "不错", "的", "效果", "。", "肾阳虚", "首先", "会出现", "腰痛", ",", "因为", "腰", "为", "肾", "之", "府", ",", "这种", "痛", "一般", "会", "有", "冷", "的", "感觉", "。", "病人", "痛", "的", "同时", ",", "觉得", "腰", "里面", "发", "凉", ",", "这", "是", "肾阳虚", "的", "一", "个", "典型", "表现", "。", "另外", ",", "它", "扩展", "到", "全身", ",", "会出现", "全身", "也", "怕冷", "。", "因为", "肾阳", "是", "一", "身", "阳气", "的", "根本", ",", "如果", "根", "虚弱", "了", ",", "整个", "身体", "的", "阳气", "的", "温煦", "作用", "就会", "下降", "。", "提示", ":", "肾阳虚", "的", "临床表现", ":", "1", ".", "腰痛", "而且", "发", "凉", "。", "2", ".", "手脚", "冰凉", "、", "尿频", "。", "肾阳虚", "的", "人", "适合", "吃", "的", "食物", "有", "海产品", "、", "韭菜籽", "。", "肾阴虚", "的", "情况", "下", "火", "就", "容易", "旺", ",", "阴虚火旺", ",", "如果", "这时", "再使用", "那些", "温", "热", "的", "壮阳", "药物", ",", "等于", "是", "火上浇油", ",", "病人", "热", "性", "就", "更大", "了", "。", "反过来说", ",", "假如", "病人", "肾阳虚", "、", "怕冷", ",", "你", "再", "用", "一些", "滋阴", "药", ",", "等于", "是", "雪上加霜", ",", "病人", "同样", "也", "受不了", "。"], ["既", "有", "阴虚", "又", "有", "阳虚", ",", "称", "阴阳", "两", "虚", ",", "其", "主要", "表现", "为", ";", "既", "怕冷", "又", "怕热", ",", "冬天", "特别", "怕冷", ",", "夏天", "又", "特别", "怕热", ",", "这", "是", "阴阳", "失调", "或", "阴阳", "两", "虚", "之", "体质", ",", "进补", "宜", "采用", "阴阳", "并", "补", ",", "养阴", "温", "阳", "和", "滋阴", "壮阳", "等", "补", "法", "。", "意见建议", ":", "补", "阴虚", "食品", ":", "甲鱼", "、", "燕窝", "、", "百合", "、", "鸭肉", "、", "黑鱼", "、", "海蜇", "、", "藕", "、", "金针菇", "、", "枸杞", "头", "、", "荸荠", "、", "生", "梨", "等", ",", "可", "经常", "交替", "选", "服", "。", "补", "阴虚", "药膳食疗方", "举例", ":", "银耳", "红枣", "羹", "(", "或", "百合", "莲子羹", ")", ":", "银耳", "、", "红枣", "(", "或", "百合", "、", "莲子", ")", "适量", "共", "煮", "羹", "当", "点心", "服食", ",", "可", "补", "阴虚", "。", "甲鱼", "二子", "汤", ":", "甲鱼", "1", "只", "与", "女贞子", "、", "枸杞子", "各", "20", "g", "同", "煮汤", ",", "加", "调味", ",", "食", "甲鱼", "饮", "汤", ",", "连", "食", "数", "剂", ",", "可", "补", "阴虚", "和", "治", "肝", "肾阴虚", "所致", "的", "腰痛", ",", "遗精", "、", "头晕", "、", "目", "花", "等", "症", "。", "石斛", "河鱼", ";", "石斛", "6g", ",", "河鱼", "1", "条", "共", "蒸", "食", ",", "可", "滋阴", "。", "虫草", "老", "雄", "鸭", "。"]], "answers": ["由肾阴虚导致性功能障碍的男性,平常可以多吃一些补肾阴的药物,另外食补也是很好的办法,例如,用桑葚子、枸杞煮粥,也有不错的效果。肾阳虚首先会出现腰痛,因为腰为肾之府,这种痛一般会有冷的感觉。病人痛的同时,觉得腰里面发凉,这是肾阳虚的一个典型表现。另外,它扩展到全身,会出现全身也怕冷。因为肾阳是一身阳气的根本,如果根虚弱了,整个身体的阳气的温煦作用就会下降。提示:肾阳虚的临床表现:1.腰痛而且发凉。2.手脚冰凉、尿频。肾阳虚的人适合吃的食物有海产品、韭菜籽。肾阴虚的情况下火就容易旺,阴虚火旺,如果这时再使用那些温热的壮阳药物,等于是火上浇油,病人热性就更大了。反过来说,假如病人肾阳虚、怕冷,你再用一些滋阴药,等于是雪上加霜,病人同样也受不了。", "既有阴虚又有阳虚,称阴阳两虚,其主要表现为;既怕冷又怕热,冬天特别怕冷,夏天又特别怕热,这是阴阳失调或阴阳两虚之体质,进补宜采用阴阳并补,养阴温阳和滋阴壮阳等补法。意见建议:补阴虚食品:甲鱼、燕窝、百合、鸭肉、黑鱼、海蜇、藕、金针菇、枸杞头、荸荠、生梨等,可经常交替选服。补阴虚药膳食疗方举例:银耳红枣羹(或百合莲子羹):银耳、红枣(或百合、莲子)适量共煮羹当点心服食,可补阴虚。 甲鱼二子汤:甲鱼1只与女贞子、枸杞子各20g同煮汤,加调味,食甲鱼饮汤,连食数剂,可补阴虚和治肝肾阴虚所致的腰痛,遗精、头晕、目花等症。石斛河鱼;石斛6g,河鱼1条共蒸食,可滋阴。虫草老雄鸭。"], "answer_docs": [1], "segmented_question": ["肾", "阴阳", "两", "虚", "怎么", "治"], "question_type": "DESCRIPTION", "question_id": 49, "fact_or_opinion": "FACT", "match_scores": [0.8606965174129352]} -{"documents": [{"is_selected": true, "title": "脸部摔肿,如何快速消肿_有问必答_快速问医生", "most_related_para": 5, "segmented_title": ["脸部", "摔", "肿", ",", "如何", "快速", "消肿", "_", "有问必答", "_", "快速", "问", "医生"], "segmented_paragraphs": [["健康", "咨询", "描述", ":", "由于", "在", "楼梯", "上", "摔", "了", "一跤", ",", "导致", "颧骨", "浮肿", "无意", "摔跤", "所致"], ["曾经", "的", "治疗", "情况", "和", "效果", ":", "用", "鸡蛋", "揉", "了", "一会"], ["想得到", "怎样", "的", "帮助", ":", "两天", "内", "快速", "消肿"], ["病情", "分析", ":", "这个", "是", "软组织损伤", "导致", "的", "水肿", ",", "一般", "随着", "时间", "的", "推移", "水肿", "是", "可以", "自行", "吸收", "的", "指导意见", ":", "建议", "您", "损伤", "后", "24", "小时", "内", "首先", "进行", "冰敷", ",", "24", "小时", "后", "才", "可以", "进行", "热敷", "的", ",", "如果", "一开始", "就", "热敷", "会", "加重", "水肿", "渗血", "的", ",", "同时", "在", "生活", "上", "注意休息", ",", "不要", "吃", "辛辣", "刺激", "的", "食物", ",", "一般", "两天内", "水肿", "都是", "会", "消退", "的"], ["病情", "分析", ":", "你好", ",", "这种情况", "的", "话", "可能", "是", "外伤", "后", "引起", "的", "水肿", "的", "情况", "的", ",", "需要", "加强", "注意", "的", "。", "指导意见", ":", "一般来说", ",", "大于", "24", "小时", "后", "建议", "及时", "的", "热敷", ",", "适当", "的", "用", "点", "活血化淤", "的", "药物", "改善", "情况", "应该", "是", "比较好", "的", "情况", "的", "。"], ["病情", "分析", ":", "方法", "一", ":", "用", "去", "壳", "的", "鸡蛋", "滚", "来", "滚", "去", "的", ".", "这", "方法", "地球人", "都", "知道", ",", "不", "光", "是", "消肿", ",", "就", "重要", "的", "是", "去", "淤", ",", "一般", "摔", "了", "或者", "打", "肿", "的", "地方", "都会", "有些", "淤血", "的", ",", "刚", "煮", "好", "有点", "烫", "的", "鸡蛋", "最", "快", ",", "不过", "要", "小心", "不要", "烫", "了", "皮肤", ".", "方法", "二", ":", "有些", "同学", "介绍", "用", "冰", "或", "冰水", ",", "其实用", "冷水", "是", "可以", "的", ",", "但是", "冰水", "最好", "就", "不要", "了", ",", "因为", "强烈", "刺激", "会", "伤", "皮肤", "的", ",", "建议", "可以", "用", "毛巾", "包", "着", "冰块", "来", "按", ",", "最好", "就是", "用", "冰袋", ".", "冰袋", "大约", "几块钱", "一", "个", ",", "网上", "一块钱", "也", "买", "得到", ",", "往", "里面", "灌", "点", "水", ",", "里面", "就", "变成", "凝胶", "状", "了", ",", "放", "冰箱", "里", "冻", "起来", ",", "好", "了", "以后", "用", "软", "布", "或", "纱布", "包", "着", "按", "在", "肿", "的", "地方", "就", "可以", "了", ",", "因为", "是", "凝胶", "状", ",", "所以", "时间长", "点", ",", "不", "像", "冰块", "一样", "化", "得", "快", ",", "而且", "不会", "太", "冻", ",", "不会", "伤", "皮肤", ",", "医院", "一般", "现在", "都", "用", "这个", ",", "也许", "医院", "也有", "得", "卖", "的", ",", "可以", "去", "问一下", ".", "指导意见", ":", "方法", "三", ":", "如果", "不太", "靠近", "眼部", ",", "可以", "擦", "一点", "去", "淤", "消肿", "的", "药", "油", ",", "但是", "不要", "太", "用力", "揉", ",", "轻", "揉", ",", "之后", "要", "擦掉", "或", "洗掉", "脸上", "多余", "的", "油", ".", "以上", "是", "对", "“", "脸部", "摔", "肿", ",", "如何", "快速", "消肿", "”", "这个问题", "的", "建议", ",", "希望", "对", "您", "有", "帮助", ",", "祝您健康", "!"], ["病情", "分析", ":", "刚", "摔伤", "的", "时候", "需要", "进行", "冷敷", ",", "一", "两天后", "需要", "进行", "热敷", "来", "促进", "肿", "的", "消散", ".", "指导意见", ":", "建议", "您", "进行", "热敷", ",", "同时", "涂", "些", "活血化瘀", "的", "中药", "液", "."], ["病情", "分析", ":", "最好", "用", "鸡蛋", "来", "快速", "消肿", ".", "指导意见", ":", "温水", "洁面", "后", ",", "将", "煮", "好", "的", "鸡蛋", "趁", "热", "剥皮", ",", "手", "执", "温", "热", "的", "鸡蛋", "在", "脸上", "滚动", ",", "滚动", "时", "按照", "肌肉", "生长", "的", "规律", "进行", ",", "额", "部", ",", "眼部", ",", "嘴", "部", ",", "鼻部", ",", "颊", "部", "都", "要", "照顾", "到", ",", "直到", "鸡蛋", "完全", "冷却", "下来", ".", "由于", "蛋白", "的", "主要", "成分", "是", "蛋白质", ",", "在", "按摩", "过程", "中", ",", "其", "营养物质", "可以通过", "毛孔", "直接", "被", "皮肤", "吸收", ",", "营养", "肌肤", ",", "清热", "消肿", ".", "鸡蛋", "按摩", "后", "再", "用", "冷", "毛巾", "敷", "面", "几分钟", ",", "这样", ",", "刚", "煮熟", "的", "热", "鸡蛋", "促使", "面部", "皮肤", "血管", "舒张", ",", "增强", "血液循环", ",", "再", "用", "冷", "毛巾", "敷", "面", "可", "使", "毛孔", "和", "血管", "收缩", ",", "一张一弛", "令", "皮肤", "富于", "光泽", "和", "弹性", "."], ["病情", "分析", ":", "消肿", "的", "办法", ";", "用", "冰块", "敷", "在", "肿", "起", "的", "地方", ",", "睡一觉", "会好", "很多", ".", "如果", "有", "淤血", "情况", "发生", ",", "不要紧张", ",", "用", "热", "鸡蛋", "在", "肿", "的", "地方", "滚", ".", "超", "有效", ",", "本人", "亲身", "使用", ".", "指导意见", ":", "消肿", "的", "办法", ";", "用", "冰块", "敷", "在", "肿", "起", "的", "地方", ",", "睡一觉", "会好", "很多", ".", "如果", "有", "淤血", "情况", "发生", ",", "不要紧张", ",", "用", "热", "鸡蛋", "在", "肿", "的", "地方", "滚", ".", "超", "有效", ",", "本人", "亲身", "使用", "."], ["氨苯蝶啶", "氢", "参考价格", ":", "56", "查看", "说明书"], ["呋塞米片", "参考价格", ":", "5", "查看", "说明书"], ["呋塞米片", "参考价格", ":", "5", ".", "2", "查看", "说明书"], ["金匮肾气丸", "温补", "肾阳", ",", "化", "气", "行", "水", "。", "用于", "肾虚", "水肿", ",", "腰膝酸软", ",", "小便", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "12"], ["来曲唑片", "本", "品", "用于", "抗", "雌激素", "治疗", "无效", "的", "晚期", "乳腺癌", "绝经", "后", "患者", "。", ".", ".", ".", "[", "说明书", "]", "参考价格", ":", "¥", "510"], ["脸上", "长", "雀斑", "吃什么", "激光", "祛", "雀斑", "后", "怎么", "护理", "美容院", "激光", "点痣", "可靠", "吗", "祛斑", "药膏", "怎么样", "美容院", "可以", "收缩毛孔", "吗", "怎样", "可以", "嫩肤", "激光", "祛斑", "后", "恢复", "过程", "脸上", "有", "斑", "怎么", "可以", "去掉", "激光", "除皱", "会", "伤害", "皮肤", "吗", "雀斑", "怎么", "去除", "天然", "方法", "白醋", "可以", "吗"], ["专家", "在线", "免费咨询"], ["看病", "男科", "妇科", "癫痫", "性病", "养生", "新闻", "白癫风", "牛皮癣"], ["就医", "疾病", "信息", "健康", "经验", "症状", "信息", "手术", "项目", "检查", "项目", "健康", "百科", "求医问药"], ["用药", "药品", "库", "疾病", "用药", "药品", "心得", "用药", "安全", "药品", "资讯", "用药", "方案", "品牌", "药企", "明星", "药品"], ["整形", "整形", "项目", "整形", "案例", "整形", "资讯", "整形医院", "减肥", "塑形", "眼部", "整形", "鼻部", "整形", "面部", "整形"], ["有问必答", "内科", "外科", "儿科", "药品", "遗传", "美容", "检查", "减肥", "中医科", "五官科", "传染科", "体检", "科", "妇产科", "肿瘤科", "康复科", "子女教育", "心理健康", "整形美容", "家居", "环境", "皮肤性病", "营养保健", "其他", "科室", "保健养生"], ["下载", "APP", ",", "免费", "快速", "问", "医生"]], "paragraphs": ["健康咨询描述: 由于在楼梯上摔了一跤,导致颧骨浮肿无意摔跤所致", "曾经的治疗情况和效果: 用鸡蛋揉了一会", "想得到怎样的帮助:两天内快速消肿", "病情分析: 这个是软组织损伤导致的水肿,一般随着时间的推移水肿是可以自行吸收的 指导意见: 建议您损伤后24小时内首先进行冰敷,24小时后才可以进行热敷的,如果一开始就热敷会加重水肿渗血的,同时在生活上注意休息,不要吃辛辣刺激的食物,一般两天内水肿都是会消退的", "病情分析: 你好,这种情况的话可能是外伤后引起的水肿的情况的,需要加强注意的。 指导意见: 一般来说,大于24小时后建议及时的热敷,适当的用点活血化淤的药物改善情况应该是比较好的情况的。", "病情分析: 方法一:用去壳的鸡蛋滚来滚去的.这方法地球人都知道,不光是消肿,就重要的是去淤,一般摔了或者打肿的地方都会有些淤血的,刚煮好有点烫的鸡蛋最快,不过要小心不要烫了皮肤. 方法二:有些同学介绍用冰或冰水,其实用冷水是可以的,但是冰水最好就不要了,因为强烈刺激会伤皮肤的,建议可以用毛巾包着冰块来按,最好就是用冰袋.冰袋大约几块钱一个,网上一块钱也买得到,往里面灌点水,里面就变成凝胶状了,放冰箱里冻起来,好了以后用软布或纱布包着按在肿的地方就可以了,因为是凝胶状,所以时间长点,不像冰块一样化得快,而且不会太冻,不会伤皮肤,医院一般现在都用这个,也许医院也有得卖的,可以去问一下. 指导意见: 方法三:如果不太靠近眼部,可以擦一点去淤消肿的药油,但是不要太用力揉,轻揉,之后要擦掉或洗掉脸上多余的油. 以上是对“脸部摔肿,如何快速消肿”这个问题的建议,希望对您有帮助,祝您健康!", "病情分析: 刚摔伤的时候需要进行冷敷,一两天后需要进行热敷来促进肿的消散. 指导意见: 建议您进行热敷,同时涂些活血化瘀的中药液.", "病情分析: 最好用鸡蛋来快速消肿. 指导意见: 温水洁面后,将煮好的鸡蛋趁热剥皮,手执温热的鸡蛋在脸上滚动,滚动时按照肌肉生长的规律进行,额部,眼部,嘴部,鼻部,颊部都要照顾到,直到鸡蛋完全冷却下来.由于蛋白的主要成分是蛋白质,在按摩过程中,其营养物质可以通过毛孔直接被皮肤吸收,营养肌肤,清热消肿.鸡蛋按摩后再用冷毛巾敷面几分钟,这样,刚煮熟的热鸡蛋促使面部皮肤血管舒张,增强血液循环,再用冷毛巾敷面可使毛孔和血管收缩,一张一弛令皮肤富于光泽和弹性.", "病情分析: 消肿的办法;用冰块敷在肿起的地方,睡一觉会好很多. 如果有淤血情况发生,不要紧张,用热鸡蛋在肿的地方滚.超有效,本人亲身使用. 指导意见: 消肿的办法;用冰块敷在肿起的地方,睡一觉会好很多. 如果有淤血情况发生,不要紧张,用热鸡蛋在肿的地方滚.超有效,本人亲身使用.", "氨苯蝶啶氢 参考价格:56 查看说明书", "呋塞米片 参考价格:5 查看说明书", "呋塞米片 参考价格:5.2 查看说明书", "金匮肾气丸 温补肾阳,化气行水。用于肾虚水肿,腰膝酸软,小便...[说明书] 参考价格:¥12", "来曲唑片 本品用于抗雌激素治疗无效的晚期乳腺癌绝经后患者。...[说明书] 参考价格:¥510", "脸上长雀斑吃什么 激光祛雀斑后怎么护理 美容院激光点痣可靠吗 祛斑药膏怎么样 美容院可以收缩毛孔吗 怎样可以嫩肤 激光祛斑后恢复过程 脸上有斑怎么可以去掉 激光除皱会伤害皮肤吗 雀斑怎么去除天然方法白醋可以吗", "专家在线免费咨询", "看病 男科 妇科 癫痫 性病 养生 新闻 白癫风 牛皮癣", "就医 疾病信息 健康经验 症状信息 手术项目 检查项目 健康百科 求医问药", "用药 药品库 疾病用药 药品心得 用药安全 药品资讯 用药方案 品牌药企 明星药品", "整形 整形项目 整形案例 整形资讯 整形医院 减肥塑形 眼部整形 鼻部整形 面部整形", "有问必答 内科 外科 儿科 药品 遗传 美容 检查 减肥 中医科 五官科 传染科 体检科 妇产科 肿瘤科 康复科 子女教育 心理健康 整形美容 家居环境 皮肤性病 营养保健 其他科室 保健养生", "下载APP,免费快速问医生"], "bs_rank_pos": 0}, {"is_selected": true, "title": "脸肿了怎么消肿_百度经验", "most_related_para": 4, "segmented_title": ["脸", "肿", "了", "怎么", "消肿", "_", "百度", "经验"], "segmented_paragraphs": [["百度", "经验", ">", "健康", "/", "养生", ">", "医疗健康"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["有", "这么", "个", "时候", ",", "早晨", "起床", ",", "懒散", "散", "地", "去", "照镜子", ",", "活", "活", "被", "自己", "吓坏", "了", ",", "脸", "肿", "的", "像", "猪头", "似", "得", "。", "一天", "的", "心情", "都", "给", "破坏", "掉", "了", "。", "不敢", "出门", ",", "怕", "丢脸", "也", "怕", "吓", "到", "别人", "就是", "自己", "的", "不是", "了", "。", "那么", "脸", "肿", "了", "要", "怎么办", "呢", "?"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["1", "生活", "要", "有", "规律", "不要", "熬夜", "脸", "肿", "的", "原因", "之", "一", "就是", "生活", "没", "规律", ",", "经常", "熬夜", "会", "影响", "代谢", "。", "经常", "熬夜", "和", "工作", "压力", "很大", "的", "人", ",", "会", "减慢", "身体", "的", "新陈代谢", ",", "使", "体", "内", "废物", "易于", "积聚", "。", "或者", "饮食", "不", "定时", ",", "也有", "的", "是因为", "压力过大", "引起", "脸部", "浮肿", ",", "因为", "亚健康", "问题", "会", "令", "淋巴", "系统", "运作", "减慢", ",", "因此", "会", "让", "过剩", "的", "水分", "囤积", "在", "体", "内", "无法", "及时", "排出", ",", "造成", "身体", "浮肿", "、", "脸部", "浮肿", "等", "问题", "。", "所以", ",", "生活", "要", "回到", "正常", "的", "轨道", "上", ",", "偶尔", "也", "给", "自己", "精神", "方面", "多", "放松", "。", "步骤", "阅读", "2", "睡前", "不要", "喝", "太多", "水", "喝水", "固然重要", ",", "但", "在", "睡觉", "前", "不能", "喝", "太多", "的", "水", ",", "水分", "会", "囤积", "在", "体", "内", ",", "第二天", "就会", "出现", "浮肿", "的", "现象", "。", "步骤", "阅读", "3", "消肿", "动作", "1", ":", "将", "耳朵", "向上", "拉", "。", "一只手", "将", "同", "边", "的", "耳朵", "向上", "拉", ",", "而", "另一只手", "就", "按住", "拉伸", "耳朵", "的", "那边", "脸", ",", "向", "耳朵", "方向", "推", "按", "。", "2", ":", "双手", "手指", "放在", "额头", "的", "中央", ",", "然后", "向", "太阳穴", "的", "方向", "分别", "推进", ",", "可以", "帮助", "脸部", "水分", "地", "排出", ",", "最后", "移动", "到", "太阳穴", "的", "位置", "而", "按摩", "太阳穴", "。", "步骤", "阅读", "步骤", "阅读", "4", "热", "毛巾", "敷脸", "用", "热", "毛巾", "敷脸", "也", "能", "消肿", ",", "热", "毛巾", "敷脸", "可以", "缓解", "脸部", "的", "肌肉", ",", "疏通", "脸部", "的", "毛孔", "和", "淋巴", ",", "让", "脸上", "多余", "的", "水分", "得到", "彻底", "的", "排出", "。", "一般", "敷", "热", "毛巾", "的", "时间", "是", "15", "-", "20", "分钟", ",", "每", "5", "分钟", "换", "一", "次", "毛巾", "。", "步骤", "阅读"], ["百度", "经验", ":", "jingyan", ".", "baidu", ".", "com"], ["经验", "内容", "仅供参考", ",", "如果", "您", "需", "解决", "具体", "问题", "(", "尤其", "法律", "、", "医学", "等", "领域", ")", ",", "建议", "您", "详细", "咨询", "相关", "领域", "专业人士", "。"], ["个性签名", ":", "微信", ":", "sxy", "08120921"]], "paragraphs": ["百度经验 > 健康/养生 > 医疗健康", "百度经验:jingyan.baidu.com", "有这么个时候,早晨起床,懒散散地去照镜子,活活被自己吓坏了,脸肿的像猪头似得。一天的心情都给破坏掉了。不敢出门,怕丢脸也怕吓到别人就是自己的不是了。那么脸肿了要怎么办呢?", "百度经验:jingyan.baidu.com", "1 生活要有规律不要熬夜 脸肿的原因之一就是生活没规律,经常熬夜会影响代谢。经常熬夜和工作压力很大的人,会减慢身体的新陈代谢,使体内废物易于积聚。或者饮食不定时,也有的是因为压力过大引起脸部浮肿,因为亚健康问题会令淋巴系统运作减慢,因此会让过剩的水分囤积在体内无法及时排出,造成身体浮肿、脸部浮肿等问题。所以,生活要回到正常的轨道上,偶尔也给自己精神方面多放松。 步骤阅读 2 睡前不要喝太多水 喝水固然重要,但在睡觉前不能喝太多的水,水分会囤积在体内,第二天就会出现浮肿的现象。 步骤阅读 3 消肿动作 1:将耳朵向上拉。一只手将同边的耳朵向上拉,而另一只手就按住拉伸耳朵的那边脸,向耳朵方向推按。2:双手手指放在额头的中央,然后向太阳穴的方向分别推进,可以帮助脸部水分地排出,最后移动到太阳穴的位置而按摩太阳穴。 步骤阅读 步骤阅读 4 热毛巾敷脸 用热毛巾敷脸也能消肿,热毛巾敷脸可以缓解脸部的肌肉,疏通脸部的毛孔和淋巴,让脸上多余的水分得到彻底的排出。一般敷热毛巾的时间是15-20分钟,每5分钟换一次毛巾。 步骤阅读", "百度经验:jingyan.baidu.com", "经验内容仅供参考,如果您需解决具体问题(尤其法律、医学等领域),建议您详细咨询相关领域专业人士。", "个性签名:微信:sxy08120921"], "bs_rank_pos": 1}, {"is_selected": false, "title": "脸肿了怎么快速消肿,脸肿了怎么办能消肿,脸肿怎么消肿-乐哈健康网 ", "most_related_para": 4, "segmented_title": ["脸", "肿", "了", "怎么", "快速", "消肿", ",", "脸", "肿", "了", "怎么办", "能", "消肿", ",", "脸", "肿", "怎么", "消肿", "-", "乐", "哈", "健康网"], "segmented_paragraphs": [["美容护肤", ">", "脸", "肿", "了", "怎么", "快速", "消肿"], ["引起", "脸", "肿", "的", "原因", "很多", ",", "可能", "是", "病理性", "的", ",", "也", "可能", "是", "生理", "性", "的", "。", "面对", "脸", "肿", "了", "我们", "可以", "怎样", "进行", "快速", "消肿", "呢", "?"], ["如果", "是", "脸", "肿", "了", "的", "可以", "利用", "盐水", "敷脸", "的", "方法", "来", "帮助", "快速", "消肿", "。", "利用", "高", "渗透压", "的", "原理", ",", "将", "水分", "由", "低", "向", "高", "渗透", ",", "从而", "帮助", "排出", "脸部", "多余", "的", "水分", ",", "帮助", "快速", "消肿", "。"], ["做法", ":", "在", "约", "40", "度", "的", "温水", "中", "加入", "适量", "的", "盐", ",", "搅拌", "均匀", "后", "用", "纱布", "浸泡", "盐水", "后", ",", "将", "纱布", "敷", "在", "脸部", "浮肿", "位置", "即可", "。"], ["如果", "是", "脸部", "水肿", "的", "话", "可以通过", "对", "水肿", "位置", "进行", "按摩", "来", "帮助", "快速", "消肿", "。", "通过", "按摩", "能够", "帮助", "促进", "脸部", "的", "气血", "运行", ",", "并且", "通过", "刺激", "脸部", "的", "穴位", "点", "也", "能够", "帮助", "改善", "脏腑", "功能", "帮助", "消肿", "。"], ["做法", ":", "用", "指", "腹", "按压", "脸部", ",", "特别", "是", "浮肿", "位置", "周围", "。"], ["如果", "是", "脸部", "水肿", "的", "话", "可以通过", "喝", "黑咖啡", "的", "方法", "来", "帮助", "快速", "消肿", "。", "黑咖啡", "中", "含有", "的", "咖啡因", "具有", "很好", "的", "排水", "利尿", "、", "加速", "身体", "热量", "消耗", "的", "作用", ",", "能够", "帮助", "快速", "消除", "脸部", "水肿", "。"], ["做法", ":", "吃", "完", "早饭", "后", "喝一杯", "约", "100", "毫克", "的", "黑咖啡", "即可", ",", "一般", "半小时", "~", "1", "小时", "左右", "能", "消肿", "。"], ["如果", "是", "脸部", "水肿", "的", "话", "可以通过", "利用", "热", "毛巾", "敷脸", "的", "方法", "来", "帮助", "快速", "消肿", "。", "用", "热", "毛巾", "敷脸", "能够", "帮助", "舒缓", "脸部", "的", "肌肉", ",", "扩张", "脸部", "的", "毛孔", "和", "淋巴细胞", ",", "这样", "能够", "帮助", "脸部", "多余", "的", "水分", "排出体外", ",", "从而", "有效", "消肿", "。"], ["做法", ":", "用", "热", "毛巾", "敷", "在", "脸部", "约", "15", "分钟", "左右", "就", "可以", "帮助", "消肿", ",", "一般", "敷", "5", "分钟", "左右", "就", "需要", "换", "一", "次", "毛巾", "。", "要", "注意", "温度", "不宜", "过高", "以", "免", "烫伤", "。"]], "paragraphs": ["美容护肤 > 脸肿了怎么快速消肿", "引起脸肿的原因很多,可能是病理性的,也可能是生理性的。面对脸肿了我们可以怎样进行快速消肿呢?", "如果是脸肿了的可以利用盐水敷脸的方法来帮助快速消肿。利用高渗透压的原理,将水分由低向高渗透,从而帮助排出脸部多余的水分,帮助快速消肿。", "做法:在约40度的温水中加入适量的盐,搅拌均匀后用纱布浸泡盐水后,将纱布敷在脸部浮肿位置即可。", "如果是脸部水肿的话可以通过对水肿位置进行按摩来帮助快速消肿。通过按摩能够帮助促进脸部的气血运行,并且通过刺激脸部的穴位点也能够帮助改善脏腑功能帮助消肿。", "做法:用指腹按压脸部,特别是浮肿位置周围。", "如果是脸部水肿的话可以通过喝黑咖啡的方法来帮助快速消肿。黑咖啡中含有的咖啡因具有很好的排水利尿、加速身体热量消耗的作用,能够帮助快速消除脸部水肿。", "做法:吃完早饭后喝一杯约100毫克的黑咖啡即可,一般半小时~1小时左右能消肿。", "如果是脸部水肿的话可以通过利用热毛巾敷脸的方法来帮助快速消肿。用热毛巾敷脸能够帮助舒缓脸部的肌肉,扩张脸部的毛孔和淋巴细胞,这样能够帮助脸部多余的水分排出体外,从而有效消肿。", "做法:用热毛巾敷在脸部约15分钟左右就可以帮助消肿,一般敷5分钟左右就需要换一次毛巾。要注意温度不宜过高以免烫伤。"], "bs_rank_pos": 2}, {"is_selected": false, "title": "早上起来脸浮肿怎样快速消肿?_百度拇指医生", "most_related_para": 2, "segmented_title": ["早上起来", "脸", "浮肿", "怎样", "快速", "消肿", "?", "_", "百度", "拇指", "医生"], "segmented_paragraphs": [["?", "早上起来", "脸", "浮肿", "怎样", "快速", "消肿", "?"], ["跪求", "高人", "指点", "。", "。", "。"], ["早晨", "起床", "脸", "肿", "的", "原因", "非常", "多", ",", "但", "大部分", "是因为", "错误", "的", "生活习惯", ",", "正常", "的", "血液循环", "和", "新陈代谢", "受阻", "。", "1", "、", "晚上", "睡觉", "前", "不要", "喝", "太多", "水", ",", "不要", "吃", "太多", "零食", ",", "尤其", "是", "带", "咸味", "的", "食品", "。", "2", "、", "晚上", "不要", "睡眠", "太", "晚", ",", "睡前", "用", "热水", "洗脸", ",", "保持", "面部", "清洁", "。", "3", "、", "要", "纠正", "生活习惯", "=", "身体", "肿", "是因为", "体", "内", "积累", "不必要", "的", "水分", "。", "男性", "体", "内", "适当", "水分", "应", "占", "体重", "的", "60", "%", ",", "女性", "应", "占", "50", "%", "。", "正常", "情况", "是", "体", "内", "水分", "的", "三", "分之", "二", "储存", "在", "细胞", "内", "。", "如果", "水分", "泄露", "涤", "行", "└", "胞", "外", ",", "在", "细胞", "之间", "积累", ",", "身体", "就会", "浮肿", "。", "如果", "要", "消肿", ",", "首先", "要", "避免", "吃", "辣", "、", "咸", "、", "刺激性", "的", "食物", "。", "抱川", "中医", "大学", "盆唐", "家庭", "医学系", "教授", "朴基宪", "说", ":", "“", "如果", "吃", "的", "咸", ",", "就会", "喝", "非常", "多", "水", "。", "这样", "不仅", "是", "脸", ",", "且", "在", "体", "内", "也", "会", "积累", "非常", "多", "水分", "。", "且", "睡觉", "前", "最好", "不要", "喝水", ",", "也", "不要", "超过", "必要", "量", "(", "每天", "平均", "1.5", "升", ")", "。", "”", "4", "、", "如果", "把", "脸", "埋", "在", "枕头", "里", "睡觉", "或", "枕头", "太", "高", ",", "脸", "也", "会", "肿", "起来", "。", "如果", "因为", "压力", "和", "失眠症", "睡眠不足", ",", "也", "会", "使", "身体", "肿", "起来", "。", "尤其", "是", ",", "精神", "压力大", "就会", "分泌", "出", "抗", "利尿荷尔蒙", ",", "导致", "小便", "不畅", ",", "身体", "出现", "浮肿", "。", "5", "、", "在", "用", "绝食", "和", "饮食", "减肥法", "减肥", "后", ",", "只要", "暴饮暴食", ",", "身体", "就会", "浮肿", "。", "因为", ",", "突然", "暴食", "会", "使", "水分", "吸收", "的", "速度", "比", "以前", "加快", "。", "6", "、", "如果", "保证", "充足", "的", "睡眠", ",", "就能", "促进", "小便", "畅通", ",", "就", "可以", "不可以", "预防", "浮肿", "。", "如果", "穿", "有", "弹性", "的", "袜子", "和", "长筒袜", ",", "就会", "压迫", "身体", ",", "有助于", "体液", "通过", "静脉", "排出", "。", "7", "、", "利用", "休息时间", "进行", "简单", "的", "体操", "、", "伸展", "运动", "、", "走路", "等", "运动", ",", "就能", "促进", "血液循环", ",", "可以不可以", "预防", "浮肿", "。", "缓解", "办法", ":", "1", "、", "如果", "觉得", "眼部", "浮肿", ",", "将", "一", "茶勺", "的", "盐", "溶", "于", "一", "杯", "暖", "水中", ",", "把", "棉花", "浸湿", "后", "压", "干", "水分", ",", "敷", "在", "眼睛", "上", "数", "分钟", ",", "就能", "有效", "减低", "浮肿", "。", "2", "、", "清晨", "起床后", ",", "喝", "一大", "杯", "温", "热", "的", "柠檬水", ",", "可以不可以", "消除", "体", "内", "毒素", ",", "预防", "眼部", "松弛", "。", "3", "、", "若是", "前", "一晚", "喝", "太多", "水", "导致", "眼部", "浮肿", ",", "可以不可以", "先", "用", "冷水", "洗", "洗脸", ",", "然后", "用", "冷", "毛巾", "敷", "眼睛", ";", "若是", "前一", "天", "晚上", "喝酒", "或", "熬夜", "造成", "眼部", "浮肿", ",", "应该", "用", "温", "毛巾", "覆盖", "眼部", ",", "以", "促进", "眼部", "血液循环", ",", "缓解", "眼部", "肌肉", "疲劳", "。", "4", "、", "挑选", "适合", "我", "的", "眼霜", "质地", "非常重要", "。", "一般", ",", "膏", "状", "的", "眼霜", "营养", "丰厚", ",", "眼部", "啫", "哩", "则", "侧重", "于", "补水", "。", "在", "眼", "肿", "的", "日子", ",", "一定要", "选用", "有", "消除", "浮肿", "功能", "的", "眼霜", "。", "眼部", "消肿", "按摩法", "1", ":", "1", "、", "玩", "了", "整", "整", "一晚", ",", "虽然", "非常", "疲惫", ",", "也", "要", "坚持", "给", "眼部", "额外", "的", "护理", ",", "用", "棉", "棒", "蘸", "取", "稀释", "后", "的", "盐水", ",", "帮助", "缓解", "眼部", "肌肤", "的", "水肿", "情况", "。", "眼部", "消肿", "按摩法", "2", ":", "10", ":", "00", "a", ".", "m", ".", ":", "工作", "的", "间隙", ",", "做", "一些", "简单", "的", "眼部", "运动", ",", "舒缓", "紧盯", "镜头", "造成", "的", "眼部", "疲劳", "。", "简单", "的", "几个", "动作", ",", "就", "可以", "不可以", "让", "你", "僵", "了", "的", "双眸", "焕然一新", ",", "随时", "以", "靓丽", "的", "姿态", "接受", "镜头", "的", "考验", "。", "1", "、", "头部", "保持", "不动", ",", "只", "移动", "双眼", ",", "尽量", "向上", "望", ",", "5", "秒", "后", "转向", "下再望", "5", "秒", "。", "2", "、", "眼睛", "向", "左", "望", ",", "5", "秒", "后", "再", "转", "向右", "望", "。", "3", "、", "从", "左", "至", "右", "慢慢", "转动", "眼球", ",", "重复", "5", "次", "。", "4", "、", "从", "右", "至", "左", "慢慢", "转动", "眼球", ",", "重复", "5", "次", "。", "2", ":", "00", "p", ".", "m", ".", ":", "吃", "过", "午饭", ",", "略", "做", "休息", "后", ",", "做", "个", "简单", "的", "眼部", "按摩", ",", "帮助", "眼", "周", "血液", "流畅", "地", "循环", "。", "1", "、", "用", "中指", "和", "无名指", "轻", "按", "眼眶", ",", "舒缓", "眼部", "组织", "。", "2", "、", "由", "鼻梁", "处", "开始", ",", "用", "中指", "轻柔", "地", "按压", "眼睑", ",", "由", "内", "眼角", "按", "转", "至", "眼", "尾", "。", "3", "、", "从", "外眼角", "开始", ",", "用", "中指", "轻柔", "地", "按压", "眼睑", ",", "由", "眼", "尾", "按", "至", "内", "眼角", "。", "“", "饥不择食", "”", ",", "是", "说", "人", "饿", "的", "时", ",", "食欲", "强烈", "。", "但是", "如果", "抓", "到", "什么", "吃", "什么", ",", "急于", "填", "饱", "肚子", "对", "健康", "是", "非常", "有害", "的", ",", "因为", "有些", "食物", "是", "不宜", "空腹", "食用", "的", ",", "否则", "会", "给", "你", "的", "健康", "埋下", "隐患", "。", "回答", "人", "的", "补充", "还有", "一", "个", "方法", "挺", "有效", "的", ",", "早晨", "起床", "后", "先", "喝一杯", "黑咖啡", "(", "一定要", "是", "纯", "的", "黑咖啡", "哦", ")", ",", "可以", "不可以", "有效", "去除", "水肿", ",", "且", "对", "解决", "便秘", "也", "非常", "有效", "。"]], "paragraphs": ["?早上起来脸浮肿怎样快速消肿?", "跪求高人指点。。。", "早晨起床脸肿的原因非常多,但大部分是因为错误的生活习惯,正常的血液循环和新陈代谢受阻。 1、晚上睡觉前不要喝太多水,不要吃太多零食,尤其是带咸味的食品。 2、晚上不要睡眠太晚,睡前用热水洗脸,保持面部清洁。 3、要纠正生活习惯=身体肿是因为体内积累不必要的水分。男性体内适当水分应占体重的60%,女性应占50%。正常情况是体内水分的三分之二储存在细胞内。如果水分泄露涤行└胞外,在细胞之间积累,身体就会浮肿。如果要消肿,首先要避免吃辣、咸、刺激性的食物。抱川中医大学盆唐家庭医学系教授朴基宪说:“如果吃的咸,就会喝非常多水。这样不仅是脸,且在体内也会积累非常多水分。且睡觉前最好不要喝水,也不要超过必要量(每天平均1.5升)。” 4、如果把脸埋在枕头里睡觉或枕头太高,脸也会肿起来。如果因为压力和失眠症睡眠不足,也会使身体肿起来。尤其是,精神压力大就会分泌出抗利尿荷尔蒙,导致小便不畅,身体出现浮肿。 5、在用绝食和饮食减肥法减肥后,只要暴饮暴食,身体就会浮肿。因为,突然暴食会使水分吸收的速度比以前加快。 6、如果保证充足的睡眠,就能促进小便畅通,就可以不可以预防浮肿。如果穿有弹性的袜子和长筒袜,就会压迫身体,有助于体液通过静脉排出。 7、利用休息时间进行简单的体操、伸展运动、走路等运动,就能促进血液循环,可以不可以预防浮肿。 缓解办法: 1、如果觉得眼部浮肿,将一茶勺的盐溶于一杯暖水中,把棉花浸湿后压干水分,敷在眼睛上数分钟,就能有效减低浮肿。 2、清晨起床后,喝一大杯温热的柠檬水,可以不可以消除体内毒素,预防眼部松弛。 3、若是前一晚喝太多水导致眼部浮肿,可以不可以先用冷水洗洗脸,然后用冷毛巾敷眼睛;若是前一天晚上喝酒或熬夜造成眼部浮肿,应该用温毛巾覆盖眼部,以促进眼部血液循环,缓解眼部肌肉疲劳。 4、挑选适合我的眼霜质地非常重要。一般,膏状的眼霜营养丰厚,眼部啫哩则侧重于补水。在眼肿的日子,一定要选用有消除浮肿功能的眼霜。 眼部消肿按摩法1: 1、玩了整整一晚,虽然非常疲惫,也要坚持给眼部额外的护理,用棉棒蘸取稀释后的盐水,帮助缓解眼部肌肤的水肿情况。 眼部消肿按摩法2: 10:00 a.m.:工作的间隙,做一些简单的眼部运动,舒缓紧盯镜头造成的眼部疲劳。简单的几个动作,就可以不可以让你僵了的双眸焕然一新,随时以靓丽的姿态接受镜头的考验。 1、头部保持不动,只移动双眼,尽量向上望,5秒后转向下再望5秒。 2、眼睛向左望,5秒后再转向右望。 3、从左至右慢慢转动眼球,重复5次。 4、从右至左慢慢转动眼球,重复5次。 2:00 p.m.:吃过午饭,略做休息后,做个简单的眼部按摩,帮助眼周血液流畅地循环。 1、用中指和无名指轻按眼眶,舒缓眼部组织。 2、由鼻梁处开始,用中指轻柔地按压眼睑,由内眼角按转至眼尾。 3、从外眼角开始,用中指轻柔地按压眼睑,由眼尾按至内眼角。 “饥不择食”,是说人饿的时,食欲强烈。但是如果抓到什么吃什么,急于填饱肚子对健康是非常有害的,因为有些食物是不宜空腹食用的,否则会给你的健康埋下隐患。 回答人的补充 还有一个方法挺有效的,早晨起床后先喝一杯黑咖啡(一定要是纯的黑咖啡哦),可以不可以有效去除水肿,且对解决便秘也非常有效。"], "bs_rank_pos": 3}, {"is_selected": false, "title": "脸肿怎么快速消肿_百度知道", "most_related_para": 0, "segmented_title": ["脸", "肿", "怎么", "快速", "消肿", "_", "百度", "知道"], "segmented_paragraphs": [["睡眠不足", ",", "睡前", "喝水", "过", "多", ",", "还有", "睡前", "吃", "的", "一些", "药物", "也有", "可能", "引起", ",", "引致", "身体", "浮肿", "的", "主", "因", "是", "体", "内", "积存", "太多", "水分", "排", "不", "出去", "。", "早上", "眼睛", "浮肿", "的", "常见原因", "是", "睡前", "喝水", "太多", "或", "饮食", "的", "盐分", "过高", "。", "。", "饮食", "消肿", "法", "正常", "来", "说", ",", "由", "食物", "和", "饮料", "中", "吸收", "的", "水分", "经", "血液", "和", "淋巴", "循环", "后", "会", "由", "汗腺", "和", "尿道", "排出体外", ",", "容易", "浮肿", "的", "人", "可能", "是", "这", "两", "个", "系统", "出了毛病", "。", "摄取", "过量", "的", "盐", "会", "令", "水分", "滞留", "体", "内", ",", "也", "会出现", "浮肿", "现象", "。", "所以", "要", "维持", "水分", "平衡", ",", "就", "必须", "将", "多余", "的", "水", "排出体外", ",", "多", "吃", "加强", "水分", "循环", "的", "食物", "可", "帮助", "消肿", "。", "还有", "平", "日", "要", "减少", "摄取", "使", "身体", "易", "受", "寒冷", "的", "食物", "、", "冷饮", "或", "增加", "肠胃", "负担", "的", "食物", ",", "因此", "举", "易", "使", "肠胃", "疲惫", ",", "使", "体", "内", "的", "水分", "滞留", "下来", "。", "此外", ",", "要", "对付", "浮肿", ",", "温和", "或", "有", "利尿", "作用", "的", "食物", "要", "均衡", "摄取", ",", "而", "要", "使", "胃部", "得到", "休息", ",", "晚上", "也", "应", "减少", "饮食", ",", "不应", "大量", "摄入", "水分", "。", "平", "日", "多", "吸收", "钙质", "也", "能", "帮助", "排出", "体", "内", "由", "盐分", "产生", "的", "多余", "水分", "。", "含"]], "paragraphs": ["睡眠不足,睡前喝水过多,还有睡前吃的一些药物也有可能引起,引致身体浮肿的主因是体内积存太多水分排不出去。早上眼睛浮肿的常见原因是睡前喝水太多或饮食的盐分过高。。 饮食消肿法正常来说,由食物和饮料中吸收的水分经血液和淋巴循环后会由汗腺和尿道排出体外,容易浮肿的人可能是这两个系统出了毛病。摄取过量的盐会令水分滞留体内,也会出现浮肿现象。所以要维持水分平衡,就必须将多余的水排出体外,多吃加强水分循环的食物可帮助消肿。还有平日要减少摄取使身体易受寒冷的食物、冷饮或增加肠胃负担的食物,因此举易使肠胃疲惫,使体内的水分滞留下来。此外,要对付浮肿,温和或有利尿作用的食物要均衡摄取,而要使胃部得到休息,晚上也应减少饮食,不应大量摄入水分。平日多吸收钙质也能帮助排出体内由盐分产生的多余水分。含"], "bs_rank_pos": 4}], "answer_spans": [[3, 244]], "fake_answers": ["方法一:用去壳的鸡蛋滚来滚去的.这方法地球人都知道,不光是消肿,就重要的是去淤,一般摔了或者打肿的地方都会有些淤血的,刚煮好有点烫的鸡蛋最快,不过要小心不要烫了皮肤.方法二:有些同学介绍用冰或冰水,其实用冷水是可以的,但是冰水最好就不要了,因为强烈刺激会伤皮肤的,建议可以用毛巾包着冰块来按,最好就是用冰袋.冰袋大约几块钱一个,网上一块钱也买得到,往里面灌点水,里面就变成凝胶状了,放冰箱里冻起来,好了以后用软布或纱布包着按在肿的地方就可以了,因为是凝胶状,所以时间长点,不像冰块一样化得快,而且不会太冻,不会伤皮肤,医院一般现在都用这个,也许医院也有得卖的,可以去问一下.指导意见:方法三:如果不太靠近眼部,可以擦一点去淤消肿的药油,但是不要太用力揉,轻揉,之后要擦掉或洗掉脸上多余的油"], "question": "脸肿怎么消肿", "segmented_answers": [["方法", "一", ":", "用", "去", "壳", "的", "鸡蛋", "滚", "来", "滚", "去", "的", ".", "这", "方法", "地球人", "都", "知道", ",", "不", "光", "是", "消肿", ",", "就", "重要", "的", "是", "去", "淤", ",", "一般", "摔", "了", "或者", "打", "肿", "的", "地方", "都会", "有些", "淤血", "的", ",", "刚", "煮", "好", "有点", "烫", "的", "鸡蛋", "最", "快", ",", "不过", "要", "小心", "不要", "烫", "了", "皮肤", "。", "方法", "二", ":", "有些", "同学", "介绍", "用", "冰", "或", "冰水", ",", "其实用", "冷水", "是", "可以", "的", ",", "但是", "冰水", "最好", "就", "不要", "了", ",", "因为", "强烈", "刺激", "会", "伤", "皮肤", "的", ",", "建议", "可以", "用", "毛巾", "包", "着", "冰块", "来", "按", ",", "最好", "就是", "用", "冰袋", ".", "冰袋", "大约", "几块钱", "一", "个", ",", "网上", "一块钱", "也", "买", "得到", ",", "往", "里面", "灌", "点", "水", ",", "里面", "就", "变成", "凝胶", "状", "了", ",", "放", "冰箱", "里", "冻", "起来", ",", "好", "了", "以后", "用", "软", "布", "或", "纱布", "包", "着", "按", "在", "肿", "的", "地方", "就", "可以", "了", ",", "因为", "是", "凝胶", "状", ",", "所以", "时间长", "点", ",", "不", "像", "冰块", "一样", "化", "得", "快", ",", "而且", "不会", "太", "冻", ",", "不会", "伤", "皮肤", ",", "医院", "一般", "现在", "都", "用", "这个", ",", "也许", "医院", "也有", "得", "卖", "的", ",", "可以", "去", "问一下", "。", "方法", "三", ":", "如果", "不太", "靠近", "眼部", ",", "可以", "擦", "一点", "去", "淤", "消肿", "的", "药", "油", ",", "但是", "不要", "太", "用力", "揉", ",", "轻", "揉", ",", "之后", "要", "擦掉", "或", "洗掉", "脸上", "多余", "的", "油", "。"], ["建议", "损伤", "后", "24", "小时", "内", "首先", "进行", "冰敷", ",", "24", "小时", "后", "才", "可以", "进行", "热敷", "的", ",", "如果", "一开始", "就", "热敷", "会", "加重", "水肿", "渗血", "的", ",", "同时", "在", "生活", "上", "注意休息", ",", "不要", "吃", "辛辣", "刺激", "的", "食物", ",", "一般", "两天内", "水肿", "都是", "会", "消退", "的", "。"], ["1", "将", "耳朵", "向上", "拉", "。", "一只手", "将", "同", "边", "的", "耳朵", "向上", "拉", ",", "而", "另一只手", "就", "按住", "拉伸", "耳朵", "的", "那边", "脸", ",", "向", "耳朵", "方向", "推", "按", "。", "2", "双手", "手指", "放在", "额头", "的", "中央", ",", "然后", "向", "太阳穴", "的", "方向", "分别", "推进", ",", "可以", "帮助", "脸部", "水分", "地", "排出", ",", "最后", "移动", "到", "太阳穴", "的", "位置", "而", "按摩", "太阳穴", "。", "热", "毛巾", "敷脸", "、", "喝", "蜂蜜", "水", "、", "喝", "黑咖啡", "、", "冷热水", "交换", "敷脸", "、", "最好", "垫", "高", "枕头", "睡觉", "、", "减少", "摄取", "易", "受", "寒冷", "的", "食物", "、", "补充营养", "、", "适量", "运动", ",", "保持乐观", "情绪", "、", "泡", "温水", "澡", "。"]], "answers": ["方法一:用去壳的鸡蛋滚来滚去的.这方法地球人都知道,不光是消肿,就重要的是去淤,一般摔了或者打肿的地方都会有些淤血的,刚煮好有点烫的鸡蛋最快,不过要小心不要烫了皮肤。 方法二:有些同学介绍用冰或冰水,其实用冷水是可以的,但是冰水最好就不要了,因为强烈刺激会伤皮肤的,建议可以用毛巾包着冰块来按,最好就是用冰袋.冰袋大约几块钱一个,网上一块钱也买得到,往里面灌点水,里面就变成凝胶状了,放冰箱里冻起来,好了以后用软布或纱布包着按在肿的地方就可以了,因为是凝胶状,所以时间长点,不像冰块一样化得快,而且不会太冻,不会伤皮肤,医院一般现在都用这个,也许医院也有得卖的,可以去问一下。方法三:如果不太靠近眼部,可以擦一点去淤消肿的药油,但是不要太用力揉,轻揉,之后要擦掉或洗掉脸上多余的油。", "建议损伤后24小时内首先进行冰敷,24小时后才可以进行热敷的,如果一开始就热敷会加重水肿渗血的,同时在生活上注意休息,不要吃辛辣刺激的食物,一般两天内水肿都是会消退的。", "1将耳朵向上拉。一只手将同边的耳朵向上拉,而另一只手就按住拉伸耳朵的那边脸,向耳朵方向推按。2双手手指放在额头的中央,然后向太阳穴的方向分别推进,可以帮助脸部水分地排出,最后移动到太阳穴的位置而按摩太阳穴。热毛巾敷脸、喝蜂蜜水、喝黑咖啡、冷热水交换敷脸、最好垫高枕头睡觉、减少摄取易受寒冷的食物、补充营养、适量运动,保持乐观情绪、泡温水澡。"], "answer_docs": [0], "segmented_question": ["脸", "肿", "怎么", "消肿"], "question_type": "DESCRIPTION", "question_id": 50, "fact_or_opinion": "FACT", "match_scores": [0.9730848861283643]} diff --git a/PaddleNLP/Research/ACL2018-DuReader/data/download.sh b/PaddleNLP/Research/ACL2018-DuReader/data/download.sh deleted file mode 100644 index 70ee0cf57d1cca0ee55c726c1a0d6911cb15d596..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/data/download.sh +++ /dev/null @@ -1,30 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - - -# download preprocessed data -wget -c --no-check-certificate https://baidu-nlp.bj.bcebos.com/dureader_machine_reading-dataset-2.0.0.tar.gz -# download trained model parameters and vocabulary -wget -c --no-check-certificate https://baidu-nlp.bj.bcebos.com/dureader_machine_reading-bidaf-1.0.0.tar.gz - -# decompression -tar -zxvf dureader_machine_reading-dataset-2.0.0.tar.gz -tar -zxvf dureader_machine_reading-bidaf-1.0.0.tar.gz - -ln -s trained_model_para/vocab ./ -ln -s trained_model_para/saved_model ./ - diff --git a/PaddleNLP/Research/ACL2018-DuReader/data/md5sum.txt b/PaddleNLP/Research/ACL2018-DuReader/data/md5sum.txt deleted file mode 100644 index 32d109e9c99b4124240b0110bb443a80d1fb4662..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/data/md5sum.txt +++ /dev/null @@ -1,2 +0,0 @@ -02065c4adec24860c52b0192a3615d8d dureader_machine_reading-bidaf-1.0.0.tar.gz -a6b4678ccf319a0c8812b80aed71c24b dureader_machine_reading-dataset-2.0.0.tar.gz diff --git a/PaddleNLP/Research/ACL2018-DuReader/src/.run_ce.sh b/PaddleNLP/Research/ACL2018-DuReader/src/.run_ce.sh deleted file mode 100755 index 006b4d31f374a3dc78cce15c7dd86f1709be1b2a..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/src/.run_ce.sh +++ /dev/null @@ -1,26 +0,0 @@ -#!/bin/bash - -train(){ -python -u run.py \ - --pass_num 1 \ - --learning_rate 0.001 \ - --batch_size 8 \ - --embed_size 300 \ - --hidden_size 150 \ - --max_p_num 5 \ - --max_p_len 500 \ - --max_q_len 60 \ - --max_a_len 200 \ - --enable_ce \ - --train -} - -cudaid=${single:=0} # use 0-th card as default -export CUDA_VISIBLE_DEVICES=$cudaid - -train | python _ce.py - -cudaid=${multi:=0,1,2,3} # use 0,1,2,3 card as default -export CUDA_VISIBLE_DEVICES=$cudaid - -train | python _ce.py diff --git a/PaddleNLP/Research/ACL2018-DuReader/src/UPDATES.md b/PaddleNLP/Research/ACL2018-DuReader/src/UPDATES.md deleted file mode 100644 index cc0904c0292536462733e618bbb73c8149c67af1..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/src/UPDATES.md +++ /dev/null @@ -1,28 +0,0 @@ -# The notes on the updates of PaddlePaddle baseline - -## Updates - -We implement a BiDAF model with PaddlePaddle. Note that we have an update on the PaddlePaddle baseline (Feb 25, 2019). In this document, we give the details of the major updates: - -### 1 Paragraph Extraction - -The first update is that we incorporate a strategy of paragraph extraction to improve the model performance (see the file `paddle/para_extraction.py`). A similar strategy has been used in the Top-1 system (Liu et al. 2018) at [2018 Machine Reading Challenge](http://mrc2018.cipsc.org.cn/). - -The original baseline of DuReader (He et al. 2018) employed a simple strategy to select paragraphs for model training and testing. However, the paragraphs that includes the true answers may not be selected. Hence, we want to incorporate as much information for the answer extraction as possible. - -The detail of the new strategy of paragraph extraction is as follows. We apply the new paragraph extraction strategy on each document. For each document, - - We remove the duplicated paragraphs in the document. - - We concatenate the title and all paragraphs in the document with a pre-defined splitter if it is shorter than a predefined maximum length. Otherwise, - - We compute F1 score of each paragraph relative to the question; - - We concatenate the title and the top-K paragraphs (by F1 score) with a pre-defined splitter to form an extracted paragraph that should be shorter than the predefined maximum length. - -### 2 The Prior of Document Ranking - -We also introduce the prior of document ranking from search engine (see line #176 in `paddle/run.py`). The documents in DuReader are collected from the search results. Hence, the prior scores of document ranking is an important feature. We compute the prior scores from the training data and apply the prior scores in the testing stage. - -## Reference - -- Liu, J., Wei, W., Sun, M., Chen, H., Du, Y. and Lin, D., 2018. A Multi-answer Multi-task Framework for Real-world Machine Reading Comprehension. In Proceedings of the 2018 Conference on Empirical Methods in Natural Language Processing (pp. 2109-2118). - -- He, W., Liu, K., Liu, J., Lyu, Y., Zhao, S., Xiao, X., Liu, Y., Wang, Y., Wu, H., She, Q. and Liu, X., 2017. Dureader: a chinese machine reading comprehension dataset from real-world applications. arXiv preprint arXiv:1711.05073. - diff --git a/PaddleNLP/Research/ACL2018-DuReader/src/__init__.py b/PaddleNLP/Research/ACL2018-DuReader/src/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2018-DuReader/src/_ce.py b/PaddleNLP/Research/ACL2018-DuReader/src/_ce.py deleted file mode 100644 index 4ce6641bd9f10fbc785b477277db5e42c34f92a9..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/src/_ce.py +++ /dev/null @@ -1,68 +0,0 @@ -####this file is only used for continuous evaluation test! - -import os -import sys -sys.path.append(os.environ['ceroot']) -from kpi import CostKpi, DurationKpi, AccKpi - -#### NOTE kpi.py should shared in models in some way!!!! - -train_cost_card1_kpi = CostKpi('train_cost_card1', 0.01, 0, actived=True) -test_cost_card1_kpi = CostKpi('test_cost_card1', 0.01, 0, actived=True) -train_duration_card1_kpi = DurationKpi( - 'train_duration_card1', 0.06, 0, actived=True) -train_cost_card4_kpi = CostKpi('train_cost_card4', 0.01, 0, actived=True) -test_cost_card4_kpi = CostKpi('test_cost_card4', 0.01, 0, actived=True) -train_duration_card4_kpi = DurationKpi( - 'train_duration_card4', 0.06, 0, actived=True) - -tracking_kpis = [ - train_cost_card1_kpi, - test_cost_card1_kpi, - train_duration_card1_kpi, - train_cost_card4_kpi, - test_cost_card4_kpi, - train_duration_card4_kpi, -] - - -def parse_log(log): - ''' - This method should be implemented by model developers. - The suggestion: - each line in the log should be key, value, for example: - " - train_cost\t1.0 - test_cost\t1.0 - train_cost\t1.0 - train_cost\t1.0 - train_acc\t1.2 - " - ''' - for line in log.split('\n'): - fs = line.strip().split('\t') - print(fs) - if len(fs) == 3 and fs[0] == 'kpis': - print("-----%s" % fs) - kpi_name = fs[1] - kpi_value = float(fs[2]) - yield kpi_name, kpi_value - - -def log_to_ce(log): - kpi_tracker = {} - for kpi in tracking_kpis: - kpi_tracker[kpi.name] = kpi - - for (kpi_name, kpi_value) in parse_log(log): - print(kpi_name, kpi_value) - kpi_tracker[kpi_name].add_record(kpi_value) - kpi_tracker[kpi_name].persist() - - -if __name__ == '__main__': - log = sys.stdin.read() - print("*****") - print(log) - print("****") - log_to_ce(log) diff --git a/PaddleNLP/Research/ACL2018-DuReader/src/args.py b/PaddleNLP/Research/ACL2018-DuReader/src/args.py deleted file mode 100644 index 8b3be2b4677cb92e4ead45bdf7b61d3a2fa859c0..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/src/args.py +++ /dev/null @@ -1,91 +0,0 @@ -# Copyright (c) 2018 PaddlePaddle Authors. All Rights Reserve. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import argparse -import distutils.util - - -def parse_args(): - parser = argparse.ArgumentParser(description=__doc__) - parser.add_argument( - '--prepare', - action='store_true', - help='create the directories, prepare the vocabulary and embeddings') - parser.add_argument('--train', action='store_true', help='train the model') - parser.add_argument('--evaluate', action='store_true', help='evaluate the model on dev set') - parser.add_argument('--predict', action='store_true', - help='predict the answers for test set with trained model') - - parser.add_argument("--embed_size", type=int, default=300, - help="The dimension of embedding table. (default: %(default)d)") - parser.add_argument("--hidden_size", type=int, default=150, - help="The size of rnn hidden unit. (default: %(default)d)") - parser.add_argument("--learning_rate", type=float, default=0.001, - help="Learning rate used to train the model. (default: %(default)f)") - parser.add_argument('--optim', default='adam', help='optimizer type') - parser.add_argument("--weight_decay", type=float, default=0.0001, - help="Weight decay. (default: %(default)f)") - - parser.add_argument('--drop_rate', type=float, default=0.0, help="Dropout probability") - parser.add_argument('--random_seed', type=int, default=123) - parser.add_argument("--batch_size", type=int, default=32, - help="The sequence number of a mini-batch data. (default: %(default)d)") - parser.add_argument("--pass_num", type=int, default=5, - help="The number epochs to train. (default: %(default)d)") - parser.add_argument("--use_gpu", type=distutils.util.strtobool, default=True, - help="Whether to use gpu. (default: %(default)d)") - parser.add_argument("--log_interval", type=int, default=50, - help="log the train loss every n batches. (default: %(default)d)") - - parser.add_argument('--max_p_num', type=int, default=5) - parser.add_argument('--max_a_len', type=int, default=200) - parser.add_argument('--max_p_len', type=int, default=500) - parser.add_argument('--max_q_len', type=int, default=60) - parser.add_argument('--doc_num', type=int, default=5) - - parser.add_argument('--vocab_dir', default='../data/vocab', help='vocabulary') - parser.add_argument("--save_dir", type=str, default="../data/models", - help="Specify the path to save trained models.") - parser.add_argument("--save_interval", type=int, default=1, - help="Save the trained model every n passes. (default: %(default)d)") - parser.add_argument("--load_dir", type=str, default="", - help="Specify the path to load trained models.") - parser.add_argument('--log_path', - help='path of the log file. If not set, logs are printed to console') - parser.add_argument('--result_dir', default='../data/results/', - help='the dir to output the results') - parser.add_argument('--result_name', default='test_result', - help='the file name of the predicted results') - - parser.add_argument('--trainset', nargs='+', - default=['../data/demo/trainset/search.train.json'], - help='train dataset') - parser.add_argument('--devset', nargs='+', - default=['../data/demo/devset/search.dev.json'], - help='dev dataset') - parser.add_argument('--testset', nargs='+', - default=['../data/demo/testset/search.test.json'], - help='test dataset') - - parser.add_argument("--enable_ce", action='store_true', - help="If set, run the task with continuous evaluation logs.") - parser.add_argument('--para_print', action='store_true', help="Print debug info") - parser.add_argument("--dev_interval", type=int, default=-1, - help="evaluate on dev set loss every n batches. (default: %(default)d)") - args = parser.parse_args() - return args diff --git a/PaddleNLP/Research/ACL2018-DuReader/src/dataset.py b/PaddleNLP/Research/ACL2018-DuReader/src/dataset.py deleted file mode 100644 index 7c583e100997b41aa5d5229c4c3f8fee59d7539f..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/src/dataset.py +++ /dev/null @@ -1,244 +0,0 @@ -# -*- coding:utf8 -*- -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== -""" -This module implements data process strategies. -""" - -import os -import json -import logging -import numpy as np -from collections import Counter -import io - - -class BRCDataset(object): - """ - This module implements the APIs for loading and using baidu reading comprehension dataset - """ - - def __init__(self, - max_p_num, - max_p_len, - max_q_len, - train_files=[], - dev_files=[], - test_files=[]): - self.logger = logging.getLogger("brc") - self.max_p_num = max_p_num - self.max_p_len = max_p_len - self.max_q_len = max_q_len - - self.train_set, self.dev_set, self.test_set = [], [], [] - if train_files: - for train_file in train_files: - self.train_set += self._load_dataset(train_file, train=True) - self.logger.info('Train set size: {} questions.'.format( - len(self.train_set))) - - if dev_files: - for dev_file in dev_files: - self.dev_set += self._load_dataset(dev_file) - self.logger.info('Dev set size: {} questions.'.format( - len(self.dev_set))) - - if test_files: - for test_file in test_files: - self.test_set += self._load_dataset(test_file) - self.logger.info('Test set size: {} questions.'.format( - len(self.test_set))) - - def _load_dataset(self, data_path, train=False): - """ - Loads the dataset - Args: - data_path: the data file to load - """ - with io.open(data_path, 'r', encoding='utf-8') as fin: - data_set = [] - for lidx, line in enumerate(fin): - sample = json.loads(line.strip()) - if train: - if len(sample['answer_spans']) == 0: - continue - if sample['answer_spans'][0][1] >= self.max_p_len: - continue - - if 'answer_docs' in sample: - sample['answer_passages'] = sample['answer_docs'] - - sample['question_tokens'] = sample['segmented_question'] - - sample['passages'] = [] - for d_idx, doc in enumerate(sample['documents']): - if train: - most_related_para = doc['most_related_para'] - sample['passages'].append({ - 'passage_tokens': - doc['segmented_paragraphs'][most_related_para], - 'is_selected': doc['is_selected'] - }) - else: - para_infos = [] - for para_tokens in doc['segmented_paragraphs']: - question_tokens = sample['segmented_question'] - common_with_question = Counter( - para_tokens) & Counter(question_tokens) - correct_preds = sum(common_with_question.values()) - if correct_preds == 0: - recall_wrt_question = 0 - else: - recall_wrt_question = float( - correct_preds) / len(question_tokens) - para_infos.append((para_tokens, recall_wrt_question, - len(para_tokens))) - para_infos.sort(key=lambda x: (-x[1], x[2])) - fake_passage_tokens = [] - for para_info in para_infos[:1]: - fake_passage_tokens += para_info[0] - sample['passages'].append({ - 'passage_tokens': fake_passage_tokens - }) - data_set.append(sample) - return data_set - - def _one_mini_batch(self, data, indices, pad_id): - """ - Get one mini batch - Args: - data: all data - indices: the indices of the samples to be selected - pad_id: - Returns: - one batch of data - """ - batch_data = { - 'raw_data': [data[i] for i in indices], - 'question_token_ids': [], - 'question_length': [], - 'passage_token_ids': [], - 'passage_length': [], - 'start_id': [], - 'end_id': [], - 'passage_num': [] - } - max_passage_num = max( - [len(sample['passages']) for sample in batch_data['raw_data']]) - max_passage_num = min(self.max_p_num, max_passage_num) - for sidx, sample in enumerate(batch_data['raw_data']): - count = 0 - for pidx in range(max_passage_num): - if pidx < len(sample['passages']): - count += 1 - batch_data['question_token_ids'].append(sample[ - 'question_token_ids'][0:self.max_q_len]) - batch_data['question_length'].append( - min(len(sample['question_token_ids']), self.max_q_len)) - passage_token_ids = sample['passages'][pidx][ - 'passage_token_ids'][0:self.max_p_len] - batch_data['passage_token_ids'].append(passage_token_ids) - batch_data['passage_length'].append( - min(len(passage_token_ids), self.max_p_len)) - # record the start passage index of current sample - passade_idx_offset = sum(batch_data['passage_num']) - batch_data['passage_num'].append(count) - gold_passage_offset = 0 - if 'answer_passages' in sample and len(sample['answer_passages']) and \ - sample['answer_passages'][0] < len(sample['documents']): - for i in range(sample['answer_passages'][0]): - gold_passage_offset += len(batch_data['passage_token_ids'][ - passade_idx_offset + i]) - start_id = min(sample['answer_spans'][0][0], self.max_p_len) - end_id = min(sample['answer_spans'][0][1], self.max_p_len) - batch_data['start_id'].append(gold_passage_offset + start_id) - batch_data['end_id'].append(gold_passage_offset + end_id) - else: - # fake span for some samples, only valid for testing - batch_data['start_id'].append(0) - batch_data['end_id'].append(0) - return batch_data - - def word_iter(self, set_name=None): - """ - Iterates over all the words in the dataset - Args: - set_name: if it is set, then the specific set will be used - Returns: - a generator - """ - if set_name is None: - data_set = self.train_set + self.dev_set + self.test_set - elif set_name == 'train': - data_set = self.train_set - elif set_name == 'dev': - data_set = self.dev_set - elif set_name == 'test': - data_set = self.test_set - else: - raise NotImplementedError('No data set named as {}'.format( - set_name)) - if data_set is not None: - for sample in data_set: - for token in sample['question_tokens']: - yield token - for passage in sample['passages']: - for token in passage['passage_tokens']: - yield token - - def convert_to_ids(self, vocab): - """ - Convert the question and passage in the original dataset to ids - Args: - vocab: the vocabulary on this dataset - """ - for data_set in [self.train_set, self.dev_set, self.test_set]: - if data_set is None: - continue - for sample in data_set: - sample['question_token_ids'] = vocab.convert_to_ids(sample[ - 'question_tokens']) - for passage in sample['passages']: - passage['passage_token_ids'] = vocab.convert_to_ids(passage[ - 'passage_tokens']) - - def gen_mini_batches(self, set_name, batch_size, pad_id, shuffle=True): - """ - Generate data batches for a specific dataset (train/dev/test) - Args: - set_name: train/dev/test to indicate the set - batch_size: number of samples in one batch - pad_id: pad id - shuffle: if set to be true, the data is shuffled. - Returns: - a generator for all batches - """ - if set_name == 'train': - data = self.train_set - elif set_name == 'dev': - data = self.dev_set - elif set_name == 'test': - data = self.test_set - else: - raise NotImplementedError('No data set named as {}'.format( - set_name)) - data_size = len(data) - indices = np.arange(data_size) - if shuffle: - np.random.shuffle(indices) - for batch_start in np.arange(0, data_size, batch_size): - batch_indices = indices[batch_start:batch_start + batch_size] - yield self._one_mini_batch(data, batch_indices, pad_id) diff --git a/PaddleNLP/Research/ACL2018-DuReader/src/paragraph_extraction.py b/PaddleNLP/Research/ACL2018-DuReader/src/paragraph_extraction.py deleted file mode 100644 index d813ffceff61c40cadf229d33924263098fe9681..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/src/paragraph_extraction.py +++ /dev/null @@ -1,213 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -#!/usr/bin/python -#-*- coding:utf-8 -*- - -import sys -if sys.version[0] == '2': - reload(sys) - sys.setdefaultencoding("utf-8") -import json -import copy -from preprocess import metric_max_over_ground_truths, f1_score - - -def compute_paragraph_score(sample): - """ - For each paragraph, compute the f1 score compared with the question - Args: - sample: a sample in the dataset. - Returns: - None - Raises: - None - """ - question = sample["segmented_question"] - for doc in sample['documents']: - doc['segmented_paragraphs_scores'] = [] - for p_idx, para_tokens in enumerate(doc['segmented_paragraphs']): - if len(question) > 0: - related_score = metric_max_over_ground_truths( - f1_score, para_tokens, [question]) - else: - related_score = 0.0 - doc['segmented_paragraphs_scores'].append(related_score) - - -def dup_remove(doc): - """ - For each document, remove the duplicated paragraphs - Args: - doc: a doc in the sample - Returns: - bool - Raises: - None - """ - paragraphs_his = {} - del_ids = [] - para_id = None - if 'most_related_para' in doc: - para_id = doc['most_related_para'] - doc['paragraphs_length'] = [] - for p_idx, (segmented_paragraph, paragraph_score) in \ - enumerate(zip(doc["segmented_paragraphs"], doc["segmented_paragraphs_scores"])): - doc['paragraphs_length'].append(len(segmented_paragraph)) - paragraph = ''.join(segmented_paragraph) - if paragraph in paragraphs_his: - del_ids.append(p_idx) - if p_idx == para_id: - para_id = paragraphs_his[paragraph] - continue - paragraphs_his[paragraph] = p_idx - # delete - prev_del_num = 0 - del_num = 0 - for p_idx in del_ids: - if p_idx < para_id: - prev_del_num += 1 - del doc["segmented_paragraphs"][p_idx - del_num] - del doc["segmented_paragraphs_scores"][p_idx - del_num] - del doc['paragraphs_length'][p_idx - del_num] - del_num += 1 - if len(del_ids) != 0: - if 'most_related_para' in doc: - doc['most_related_para'] = para_id - prev_del_num - doc['paragraphs'] = [] - for segmented_para in doc["segmented_paragraphs"]: - paragraph = ''.join(segmented_para) - doc['paragraphs'].append(paragraph) - return True - else: - return False - - -def paragraph_selection(sample, mode): - """ - For each document, select paragraphs that includes as much information as possible - Args: - sample: a sample in the dataset. - mode: string of ("train", "dev", "test"), indicate the type of dataset to process. - Returns: - None - Raises: - None - """ - # predefined maximum length of paragraph - MAX_P_LEN = 500 - # predefined splitter - splitter = u'' - # topN of related paragraph to choose - topN = 3 - doc_id = None - if 'answer_docs' in sample and len(sample['answer_docs']) > 0: - doc_id = sample['answer_docs'][0] - if doc_id >= len(sample['documents']): - # Data error, answer doc ID > number of documents, this sample - # will be filtered by dataset.py - return - for d_idx, doc in enumerate(sample['documents']): - if 'segmented_paragraphs_scores' not in doc: - continue - status = dup_remove(doc) - segmented_title = doc["segmented_title"] - title_len = len(segmented_title) - para_id = None - if doc_id is not None: - para_id = sample['documents'][doc_id]['most_related_para'] - total_len = title_len + sum(doc['paragraphs_length']) - # add splitter - para_num = len(doc["segmented_paragraphs"]) - total_len += para_num - if total_len <= MAX_P_LEN: - incre_len = title_len - total_segmented_content = copy.deepcopy(segmented_title) - for p_idx, segmented_para in enumerate(doc["segmented_paragraphs"]): - if doc_id == d_idx and para_id > p_idx: - incre_len += len([splitter] + segmented_para) - if doc_id == d_idx and para_id == p_idx: - incre_len += 1 - total_segmented_content += [splitter] + segmented_para - if doc_id == d_idx: - answer_start = incre_len + sample['answer_spans'][0][0] - answer_end = incre_len + sample['answer_spans'][0][1] - sample['answer_spans'][0][0] = answer_start - sample['answer_spans'][0][1] = answer_end - doc["segmented_paragraphs"] = [total_segmented_content] - doc["segmented_paragraphs_scores"] = [1.0] - doc['paragraphs_length'] = [total_len] - doc['paragraphs'] = [''.join(total_segmented_content)] - doc['most_related_para'] = 0 - continue - # find topN paragraph id - para_infos = [] - for p_idx, (para_tokens, para_scores) in \ - enumerate(zip(doc['segmented_paragraphs'], doc['segmented_paragraphs_scores'])): - para_infos.append( - (para_tokens, para_scores, len(para_tokens), p_idx)) - para_infos.sort(key=lambda x: (-x[1], x[2])) - topN_idx = [] - for para_info in para_infos[:topN]: - topN_idx.append(para_info[-1]) - final_idx = [] - total_len = title_len - if doc_id == d_idx: - if mode == "train": - final_idx.append(para_id) - total_len = title_len + 1 + doc['paragraphs_length'][para_id] - for id in topN_idx: - if total_len > MAX_P_LEN: - break - if doc_id == d_idx and id == para_id and mode == "train": - continue - total_len += 1 + doc['paragraphs_length'][id] - final_idx.append(id) - total_segmented_content = copy.deepcopy(segmented_title) - final_idx.sort() - incre_len = title_len - for id in final_idx: - if doc_id == d_idx and id < para_id: - incre_len += 1 + doc['paragraphs_length'][id] - if doc_id == d_idx and id == para_id: - incre_len += 1 - total_segmented_content += [splitter] + doc['segmented_paragraphs'][ - id] - if doc_id == d_idx: - answer_start = incre_len + sample['answer_spans'][0][0] - answer_end = incre_len + sample['answer_spans'][0][1] - sample['answer_spans'][0][0] = answer_start - sample['answer_spans'][0][1] = answer_end - doc["segmented_paragraphs"] = [total_segmented_content] - doc["segmented_paragraphs_scores"] = [1.0] - doc['paragraphs_length'] = [total_len] - doc['paragraphs'] = [''.join(total_segmented_content)] - doc['most_related_para'] = 0 - - -if __name__ == "__main__": - # mode="train"/"dev"/"test" - mode = sys.argv[1] - for line in sys.stdin: - line = line.strip() - if line == "": - continue - try: - sample = json.loads(line, encoding='utf8') - except: - print >> sys.stderr, "Invalid input json format - '{}' will be ignored".format( - line) - continue - compute_paragraph_score(sample) - paragraph_selection(sample, mode) - print(json.dumps(sample, encoding='utf8', ensure_ascii=False)) diff --git a/PaddleNLP/Research/ACL2018-DuReader/src/preprocess.py b/PaddleNLP/Research/ACL2018-DuReader/src/preprocess.py deleted file mode 100644 index af76549f4427a341fed341a7d09fd5bb7230de7b..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/src/preprocess.py +++ /dev/null @@ -1,218 +0,0 @@ -############################################################################### -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== -""" -This module finds the most related paragraph of each document according to recall. -""" - -import sys -if sys.version[0] == '2': - reload(sys) - sys.setdefaultencoding("utf-8") -import json -from collections import Counter - - -def precision_recall_f1(prediction, ground_truth): - """ - This function calculates and returns the precision, recall and f1-score - Args: - prediction: prediction string or list to be matched - ground_truth: golden string or list reference - Returns: - floats of (p, r, f1) - Raises: - None - """ - if not isinstance(prediction, list): - prediction_tokens = prediction.split() - else: - prediction_tokens = prediction - if not isinstance(ground_truth, list): - ground_truth_tokens = ground_truth.split() - else: - ground_truth_tokens = ground_truth - common = Counter(prediction_tokens) & Counter(ground_truth_tokens) - num_same = sum(common.values()) - if num_same == 0: - return 0, 0, 0 - p = 1.0 * num_same / len(prediction_tokens) - r = 1.0 * num_same / len(ground_truth_tokens) - f1 = (2 * p * r) / (p + r) - return p, r, f1 - - -def recall(prediction, ground_truth): - """ - This function calculates and returns the recall - Args: - prediction: prediction string or list to be matched - ground_truth: golden string or list reference - Returns: - floats of recall - Raises: - None - """ - return precision_recall_f1(prediction, ground_truth)[1] - - -def f1_score(prediction, ground_truth): - """ - This function calculates and returns the f1-score - Args: - prediction: prediction string or list to be matched - ground_truth: golden string or list reference - Returns: - floats of f1 - Raises: - None - """ - return precision_recall_f1(prediction, ground_truth)[2] - - -def metric_max_over_ground_truths(metric_fn, prediction, ground_truths): - """ - This function calculates and returns the precision, recall and f1-score - Args: - metric_fn: metric function pointer which calculates scores according to corresponding logic. - prediction: prediction string or list to be matched - ground_truth: golden string or list reference - Returns: - floats of (p, r, f1) - Raises: - None - """ - scores_for_ground_truths = [] - for ground_truth in ground_truths: - score = metric_fn(prediction, ground_truth) - scores_for_ground_truths.append(score) - return max(scores_for_ground_truths) - - -def find_best_question_match(doc, question, with_score=False): - """ - For each document, find the paragraph that matches best to the question. - Args: - doc: The document object. - question: The question tokens. - with_score: If True then the match score will be returned, - otherwise False. - Returns: - The index of the best match paragraph, if with_score=False, - otherwise returns a tuple of the index of the best match paragraph - and the match score of that paragraph. - """ - most_related_para = -1 - max_related_score = 0 - most_related_para_len = 0 - for p_idx, para_tokens in enumerate(doc['segmented_paragraphs']): - if len(question) > 0: - related_score = metric_max_over_ground_truths(recall, - para_tokens, - question) - else: - related_score = 0 - - if related_score > max_related_score \ - or (related_score == max_related_score \ - and len(para_tokens) < most_related_para_len): - most_related_para = p_idx - max_related_score = related_score - most_related_para_len = len(para_tokens) - if most_related_para == -1: - most_related_para = 0 - if with_score: - return most_related_para, max_related_score - return most_related_para - - -def find_fake_answer(sample): - """ - For each document, finds the most related paragraph based on recall, - then finds a span that maximize the f1_score compared with the gold answers - and uses this span as a fake answer span - Args: - sample: a sample in the dataset - Returns: - None - Raises: - None - """ - for doc in sample['documents']: - most_related_para = -1 - most_related_para_len = 999999 - max_related_score = 0 - for p_idx, para_tokens in enumerate(doc['segmented_paragraphs']): - if len(sample['segmented_answers']) > 0: - related_score = metric_max_over_ground_truths(recall, - para_tokens, - sample['segmented_answers']) - else: - continue - if related_score > max_related_score \ - or (related_score == max_related_score - and len(para_tokens) < most_related_para_len): - most_related_para = p_idx - most_related_para_len = len(para_tokens) - max_related_score = related_score - doc['most_related_para'] = most_related_para - - sample['answer_docs'] = [] - sample['answer_spans'] = [] - sample['fake_answers'] = [] - sample['match_scores'] = [] - - best_match_score = 0 - best_match_d_idx, best_match_span = -1, [-1, -1] - best_fake_answer = None - answer_tokens = set() - for segmented_answer in sample['segmented_answers']: - answer_tokens = answer_tokens | set([token for token in segmented_answer]) - for d_idx, doc in enumerate(sample['documents']): - if not doc['is_selected']: - continue - if doc['most_related_para'] == -1: - doc['most_related_para'] = 0 - most_related_para_tokens = doc['segmented_paragraphs'][doc['most_related_para']][:1000] - for start_tidx in range(len(most_related_para_tokens)): - if most_related_para_tokens[start_tidx] not in answer_tokens: - continue - for end_tidx in range(len(most_related_para_tokens) - 1, start_tidx - 1, -1): - span_tokens = most_related_para_tokens[start_tidx: end_tidx + 1] - if len(sample['segmented_answers']) > 0: - match_score = metric_max_over_ground_truths(f1_score, span_tokens, - sample['segmented_answers']) - else: - match_score = 0 - if match_score == 0: - break - if match_score > best_match_score: - best_match_d_idx = d_idx - best_match_span = [start_tidx, end_tidx] - best_match_score = match_score - best_fake_answer = ''.join(span_tokens) - if best_match_score > 0: - sample['answer_docs'].append(best_match_d_idx) - sample['answer_spans'].append(best_match_span) - sample['fake_answers'].append(best_fake_answer) - sample['match_scores'].append(best_match_score) - - -if __name__ == '__main__': - for line in sys.stdin: - sample = json.loads(line) - find_fake_answer(sample) - print(json.dumps(sample, encoding='utf8', ensure_ascii=False)) diff --git a/PaddleNLP/Research/ACL2018-DuReader/src/run.py b/PaddleNLP/Research/ACL2018-DuReader/src/run.py deleted file mode 100644 index 86646a92eb4445773b03fd016a658eb29872fce9..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/src/run.py +++ /dev/null @@ -1,656 +0,0 @@ -# Copyright (c) 2018 PaddlePaddle Authors. All Rights Reserve. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import numpy as np -import time -import os -import random -import json -import six -import multiprocessing - -import paddle -import paddle.fluid as fluid -import paddle.fluid.framework as framework -from paddle.fluid.executor import Executor - -import sys -if sys.version[0] == '2': - reload(sys) - sys.setdefaultencoding("utf-8") -sys.path.append('..') -sys.path.append('../../models/reading_comprehension/') - - -from args import * -import bidaf_model as rc_model -from dataset import BRCDataset -import logging -import pickle -from utils import normalize -from utils import compute_bleu_rouge -from vocab import Vocab - - -def prepare_batch_input(insts, args): - batch_size = len(insts['raw_data']) - inst_num = len(insts['passage_num']) - if batch_size != inst_num: - print("data error %d, %d" % (batch_size, inst_num)) - return None - new_insts = [] - - passage_idx = 0 - for i in range(batch_size): - p_len = 0 - p_id = [] - p_ids = [] - q_ids = [] - q_id = [] - p_id_r = [] - p_ids_r = [] - q_ids_r = [] - q_id_r = [] - - for j in range(insts['passage_num'][i]): - p_ids.append(insts['passage_token_ids'][passage_idx + j]) - p_id = p_id + insts['passage_token_ids'][passage_idx + j] - q_ids.append(insts['question_token_ids'][passage_idx + j]) - q_id = q_id + insts['question_token_ids'][passage_idx + j] - - passage_idx += insts['passage_num'][i] - p_len = len(p_id) - - def _get_label(idx, ref_len): - ret = [0.0] * ref_len - if idx >= 0 and idx < ref_len: - ret[idx] = 1.0 - return [[x] for x in ret] - - start_label = _get_label(insts['start_id'][i], p_len) - end_label = _get_label(insts['end_id'][i], p_len) - new_inst = [q_ids, start_label, end_label, p_ids, q_id] - new_insts.append(new_inst) - return new_insts - - -def batch_reader(batch_list, args): - res = [] - for batch in batch_list: - res.append(prepare_batch_input(batch, args)) - return res - - -def read_multiple(reader, count, clip_last=True): - """ - Stack data from reader for multi-devices. - """ - - def __impl__(): - res = [] - for item in reader(): - res.append(item) - if len(res) == count: - yield res - res = [] - if len(res) == count: - yield res - elif not clip_last: - data = [] - for item in res: - data += item - if len(data) > count: - inst_num_per_part = len(data) // count - yield [ - data[inst_num_per_part * i:inst_num_per_part * (i + 1)] - for i in range(count) - ] - - return __impl__ - - -def LodTensor_Array(lod_tensor): - lod = lod_tensor.lod() - array = np.array(lod_tensor) - new_array = [] - for i in range(len(lod[0]) - 1): - new_array.append(array[lod[0][i]:lod[0][i + 1]]) - return new_array - - -def print_para(train_prog, train_exe, logger, args): - """Print para info for debug purpose""" - if args.para_print: - param_list = train_prog.block(0).all_parameters() - param_name_list = [p.name for p in param_list] - num_sum = 0 - for p_name in param_name_list: - p_array = np.array(train_exe.scope.find_var(p_name).get_tensor()) - param_num = np.prod(p_array.shape) - num_sum = num_sum + param_num - logger.info( - "param: {0}, mean={1} max={2} min={3} num={4} {5}".format( - p_name, - p_array.mean(), - p_array.max(), p_array.min(), p_array.shape, param_num)) - logger.info("total param num: {0}".format(num_sum)) - - -def find_best_answer_for_passage(start_probs, end_probs, passage_len): - """ - Finds the best answer with the maximum start_prob * end_prob from a single passage - """ - if passage_len is None: - passage_len = len(start_probs) - else: - passage_len = min(len(start_probs), passage_len) - best_start, best_end, max_prob = -1, -1, 0 - for start_idx in range(passage_len): - for ans_len in range(args.max_a_len): - end_idx = start_idx + ans_len - if end_idx >= passage_len: - continue - prob = start_probs[start_idx] * end_probs[end_idx] - if prob > max_prob: - best_start = start_idx - best_end = end_idx - max_prob = prob - return (best_start, best_end), max_prob - - -def find_best_answer_for_inst(sample, start_prob, end_prob, inst_lod, - para_prior_scores=(0.44, 0.23, 0.15, 0.09, 0.07)): - """ - Finds the best answer for a sample given start_prob and end_prob for each position. - This will call find_best_answer_for_passage because there are multiple passages in a sample - """ - best_p_idx, best_span, best_score = None, None, 0 - for p_idx, passage in enumerate(sample['passages']): - if p_idx >= args.max_p_num: - continue - if len(start_prob) != len(end_prob): - logger.info('error: {}'.format(sample['question'])) - continue - passage_start = inst_lod[p_idx] - inst_lod[0] - passage_end = inst_lod[p_idx + 1] - inst_lod[0] - passage_len = passage_end - passage_start - passage_len = min(args.max_p_len, len(passage['passage_tokens'])) - answer_span, score = find_best_answer_for_passage( - start_prob[passage_start:passage_end], - end_prob[passage_start:passage_end], passage_len) - if para_prior_scores is not None: - # the Nth prior score = the Number of training samples whose gold answer comes - # from the Nth paragraph / the number of the training samples - score *= para_prior_scores[p_idx] - if score > best_score: - best_score = score - best_p_idx = p_idx - best_span = answer_span - if best_p_idx is None or best_span is None: - best_answer = '' - else: - best_answer = ''.join(sample['passages'][best_p_idx]['passage_tokens'][ - best_span[0]:best_span[1] + 1]) - return best_answer, best_span - - -def validation(inference_program, avg_cost, s_probs, e_probs, match, feed_order, - place, dev_count, vocab, brc_data, logger, args): - """ - do inference with given inference_program - """ - parallel_executor = fluid.ParallelExecutor( - main_program=inference_program, - use_cuda=bool(args.use_gpu), - loss_name=avg_cost.name) - print_para(inference_program, parallel_executor, logger, args) - - # Use test set as validation each pass - total_loss = 0.0 - count = 0 - n_batch_cnt = 0 - n_batch_loss = 0.0 - pred_answers, ref_answers = [], [] - val_feed_list = [ - inference_program.global_block().var(var_name) - for var_name in feed_order - ] - val_feeder = fluid.DataFeeder(val_feed_list, place) - pad_id = vocab.get_id(vocab.pad_token) - dev_reader = lambda:brc_data.gen_mini_batches('dev', args.batch_size, pad_id, shuffle=False) - dev_reader = read_multiple(dev_reader, dev_count) - - for batch_id, batch_list in enumerate(dev_reader(), 1): - feed_data = batch_reader(batch_list, args) - val_fetch_outs = parallel_executor.run( - feed=list(val_feeder.feed_parallel(feed_data, dev_count)), - fetch_list=[avg_cost.name, s_probs.name, e_probs.name, match.name], - return_numpy=False) - total_loss += np.array(val_fetch_outs[0]).sum() - start_probs_m = LodTensor_Array(val_fetch_outs[1]) - end_probs_m = LodTensor_Array(val_fetch_outs[2]) - match_lod = val_fetch_outs[3].lod() - count += len(np.array(val_fetch_outs[0])) - - n_batch_cnt += len(np.array(val_fetch_outs[0])) - n_batch_loss += np.array(val_fetch_outs[0]).sum() - log_every_n_batch = args.log_interval - if log_every_n_batch > 0 and batch_id % log_every_n_batch == 0: - logger.info('Average dev loss from batch {} to {} is {}'.format( - batch_id - log_every_n_batch + 1, batch_id, "%.10f" % ( - n_batch_loss / n_batch_cnt))) - n_batch_loss = 0.0 - n_batch_cnt = 0 - batch_offset = 0 - for idx, batch in enumerate(batch_list): - #one batch - batch_size = len(batch['raw_data']) - batch_range = match_lod[0][batch_offset:batch_offset + batch_size + - 1] - batch_lod = [[batch_range[x], batch_range[x + 1]] - for x in range(len(batch_range[:-1]))] - start_prob_batch = start_probs_m[batch_offset:batch_offset + - batch_size + 1] - end_prob_batch = end_probs_m[batch_offset:batch_offset + batch_size - + 1] - for sample, start_prob_inst, end_prob_inst, inst_range in zip( - batch['raw_data'], start_prob_batch, end_prob_batch, - batch_lod): - #one instance - inst_lod = match_lod[1][inst_range[0]:inst_range[1] + 1] - best_answer, best_span = find_best_answer_for_inst( - sample, start_prob_inst, end_prob_inst, inst_lod) - pred = { - 'question_id': sample['question_id'], - 'question_type': sample['question_type'], - 'answers': [best_answer], - 'entity_answers': [[]], - 'yesno_answers': [] - } - pred_answers.append(pred) - if 'answers' in sample: - ref = { - 'question_id': sample['question_id'], - 'question_type': sample['question_type'], - 'answers': sample['answers'], - 'entity_answers': [[]], - 'yesno_answers': [] - } - ref_answers.append(ref) - batch_offset = batch_offset + batch_size - - result_dir = args.result_dir - result_prefix = args.result_name - if result_dir is not None and result_prefix is not None: - if not os.path.exists(args.result_dir): - os.makedirs(args.result_dir) - result_file = os.path.join(result_dir, result_prefix + '.json') - with open(result_file, 'w') as fout: - for pred_answer in pred_answers: - fout.write(json.dumps(pred_answer, ensure_ascii=False) + '\n') - logger.info('Saving {} results to {}'.format(result_prefix, - result_file)) - - ave_loss = 1.0 * total_loss / count - # compute the bleu and rouge scores if reference answers is provided - if len(ref_answers) > 0: - pred_dict, ref_dict = {}, {} - for pred, ref in zip(pred_answers, ref_answers): - question_id = ref['question_id'] - if len(ref['answers']) > 0: - pred_dict[question_id] = normalize(pred['answers']) - ref_dict[question_id] = normalize(ref['answers']) - bleu_rouge = compute_bleu_rouge(pred_dict, ref_dict) - else: - bleu_rouge = None - return ave_loss, bleu_rouge - - -def l2_loss(train_prog): - param_list = train_prog.block(0).all_parameters() - para_sum = [] - for para in param_list: - para_mul = fluid.layers.elementwise_mul(x=para, y=para, axis=0) - para_sum.append(fluid.layers.reduce_sum(input=para_mul, dim=None)) - return fluid.layers.sums(para_sum) * 0.5 - - -def train(logger, args): - """train a model""" - logger.info('Load data_set and vocab...') - with open(os.path.join(args.vocab_dir, 'vocab.data'), 'rb') as fin: - if six.PY2: - vocab = pickle.load(fin) - else: - vocab = pickle.load(fin, encoding='bytes') - logger.info('vocab size is {} and embed dim is {}'.format(vocab.size( - ), vocab.embed_dim)) - brc_data = BRCDataset(args.max_p_num, args.max_p_len, args.max_q_len, - args.trainset, args.devset) - logger.info('Converting text into ids...') - brc_data.convert_to_ids(vocab) - logger.info('Initialize the model...') - - if not args.use_gpu: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - else: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - - # build model - main_program = fluid.Program() - startup_prog = fluid.Program() - if args.enable_ce: - main_program.random_seed = args.random_seed - startup_prog.random_seed = args.random_seed - with fluid.program_guard(main_program, startup_prog): - with fluid.unique_name.guard(): - avg_cost, s_probs, e_probs, match, feed_order = rc_model.rc_model( - args.hidden_size, vocab, args) - # clone from default main program and use it as the validation program - inference_program = main_program.clone(for_test=True) - - # build optimizer - if args.optim == 'sgd': - optimizer = fluid.optimizer.SGD( - learning_rate=args.learning_rate) - elif args.optim == 'adam': - optimizer = fluid.optimizer.Adam( - learning_rate=args.learning_rate) - elif args.optim == 'rprop': - optimizer = fluid.optimizer.RMSPropOptimizer( - learning_rate=args.learning_rate) - else: - logger.error('Unsupported optimizer: {}'.format(args.optim)) - exit(-1) - if args.weight_decay > 0.0: - obj_func = avg_cost + args.weight_decay * l2_loss(main_program) - optimizer.minimize(obj_func) - else: - obj_func = avg_cost - optimizer.minimize(obj_func) - - # initialize parameters - place = fluid.CUDAPlace(0) if args.use_gpu else fluid.CPUPlace() - exe = Executor(place) - if args.load_dir: - logger.info('load from {}'.format(args.load_dir)) - fluid.io.load_persistables( - exe, args.load_dir, main_program=main_program) - else: - exe.run(startup_prog) - embedding_para = fluid.global_scope().find_var( - 'embedding_para').get_tensor() - embedding_para.set(vocab.embeddings.astype(np.float32), place) - - # prepare data - feed_list = [ - main_program.global_block().var(var_name) - for var_name in feed_order - ] - feeder = fluid.DataFeeder(feed_list, place) - - logger.info('Training the model...') - parallel_executor = fluid.ParallelExecutor( - main_program=main_program, - use_cuda=bool(args.use_gpu), - loss_name=avg_cost.name) - print_para(main_program, parallel_executor, logger, args) - - for pass_id in range(1, args.pass_num + 1): - pass_start_time = time.time() - pad_id = vocab.get_id(vocab.pad_token) - if args.enable_ce: - train_reader = lambda:brc_data.gen_mini_batches('train', args.batch_size, pad_id, shuffle=False) - else: - train_reader = lambda:brc_data.gen_mini_batches('train', args.batch_size, pad_id, shuffle=True) - train_reader = read_multiple(train_reader, dev_count) - log_every_n_batch, n_batch_loss = args.log_interval, 0 - total_num, total_loss = 0, 0 - for batch_id, batch_list in enumerate(train_reader(), 1): - feed_data = batch_reader(batch_list, args) - fetch_outs = parallel_executor.run( - feed=list(feeder.feed_parallel(feed_data, dev_count)), - fetch_list=[obj_func.name], - return_numpy=False) - cost_train = np.array(fetch_outs[0]).mean() - total_num += args.batch_size * dev_count - n_batch_loss += cost_train - total_loss += cost_train * args.batch_size * dev_count - - if args.enable_ce and batch_id >= 100: - break - if log_every_n_batch > 0 and batch_id % log_every_n_batch == 0: - print_para(main_program, parallel_executor, logger, - args) - logger.info( - 'Average loss from batch {} to {} is {}'.format( - batch_id - log_every_n_batch + 1, batch_id, - "%.10f" % (n_batch_loss / log_every_n_batch))) - n_batch_loss = 0 - if args.dev_interval > 0 and batch_id % args.dev_interval == 0: - if brc_data.dev_set is not None: - eval_loss, bleu_rouge = validation( - inference_program, avg_cost, s_probs, e_probs, - match, feed_order, place, dev_count, vocab, - brc_data, logger, args) - logger.info('Dev eval result: {}'.format( - bleu_rouge)) - pass_end_time = time.time() - time_consumed = pass_end_time - pass_start_time - logger.info('epoch: {0}, epoch_time_cost: {1:.2f}'.format( - pass_id, time_consumed)) - logger.info('Evaluating the model after epoch {}'.format( - pass_id)) - if brc_data.dev_set is not None: - eval_loss, bleu_rouge = validation( - inference_program, avg_cost, s_probs, e_probs, match, - feed_order, place, dev_count, vocab, brc_data, logger, - args) - logger.info('Dev eval result: {}'.format(bleu_rouge)) - else: - logger.warning( - 'No dev set is loaded for evaluation in the dataset!') - - logger.info('Average train loss for epoch {} is {}'.format( - pass_id, "%.10f" % (1.0 * total_loss / total_num))) - - if pass_id % args.save_interval == 0: - model_path = os.path.join(args.save_dir, str(pass_id)) - if not os.path.isdir(model_path): - os.makedirs(model_path) - - fluid.io.save_persistables( - executor=exe, - dirname=model_path, - main_program=main_program) - if args.enable_ce: # For CE - print("kpis\ttrain_cost_card%d\t%f" % - (dev_count, total_loss / total_num)) - if brc_data.dev_set is not None: - print("kpis\ttest_cost_card%d\t%f" % - (dev_count, eval_loss)) - print("kpis\ttrain_duration_card%d\t%f" % - (dev_count, time_consumed)) - - -def evaluate(logger, args): - """evaluate a specific model using devset""" - logger.info('Load data_set and vocab...') - with open(os.path.join(args.vocab_dir, 'vocab.data'), 'rb') as fin: - vocab = pickle.load(fin) - logger.info('vocab size is {} and embed dim is {}'.format(vocab.size( - ), vocab.embed_dim)) - brc_data = BRCDataset( - args.max_p_num, args.max_p_len, args.max_q_len, dev_files=args.devset) - logger.info('Converting text into ids...') - brc_data.convert_to_ids(vocab) - logger.info('Initialize the model...') - - # build model - main_program = fluid.Program() - startup_prog = fluid.Program() - with fluid.program_guard(main_program, startup_prog): - with fluid.unique_name.guard(): - avg_cost, s_probs, e_probs, match, feed_order = rc_model.rc_model( - args.hidden_size, vocab, args) - # initialize parameters - if not args.use_gpu: - place = fluid.CPUPlace() - dev_count = int( - os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - else: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - - exe = Executor(place) - if args.load_dir: - logger.info('load from {}'.format(args.load_dir)) - fluid.io.load_persistables( - exe, args.load_dir, main_program=main_program) - else: - logger.error('No model file to load ...') - return - - inference_program = main_program.clone(for_test=True) - eval_loss, bleu_rouge = validation( - inference_program, avg_cost, s_probs, e_probs, match, feed_order, - place, dev_count, vocab, brc_data, logger, args) - logger.info('Dev eval result: {}'.format(bleu_rouge)) - logger.info('Predicted answers are saved to {}'.format( - os.path.join(args.result_dir))) - - -def predict(logger, args): - """do inference on the test dataset """ - logger.info('Load data_set and vocab...') - with open(os.path.join(args.vocab_dir, 'vocab.data'), 'rb') as fin: - vocab = pickle.load(fin) - logger.info('vocab size is {} and embed dim is {}'.format(vocab.size( - ), vocab.embed_dim)) - brc_data = BRCDataset( - args.max_p_num, args.max_p_len, args.max_q_len, dev_files=args.testset) - logger.info('Converting text into ids...') - brc_data.convert_to_ids(vocab) - logger.info('Initialize the model...') - - # build model - main_program = fluid.Program() - startup_prog = fluid.Program() - with fluid.program_guard(main_program, startup_prog): - with fluid.unique_name.guard(): - avg_cost, s_probs, e_probs, match, feed_order = rc_model.rc_model( - args.hidden_size, vocab, args) - # initialize parameters - if not args.use_gpu: - place = fluid.CPUPlace() - dev_count = int( - os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - else: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - - exe = Executor(place) - if args.load_dir: - logger.info('load from {}'.format(args.load_dir)) - fluid.io.load_persistables( - exe, args.load_dir, main_program=main_program) - else: - logger.error('No model file to load ...') - return - - inference_program = main_program.clone(for_test=True) - eval_loss, bleu_rouge = validation( - inference_program, avg_cost, s_probs, e_probs, match, - feed_order, place, dev_count, vocab, brc_data, logger, args) - - -def prepare(logger, args): - """ - checks data, creates the directories, prepare the vocabulary and embeddings - """ - logger.info('Checking the data files...') - for data_path in args.trainset + args.devset + args.testset: - assert os.path.exists(data_path), '{} file does not exist.'.format( - data_path) - logger.info('Preparing the directories...') - for dir_path in [args.vocab_dir, args.save_dir, args.result_dir]: - if not os.path.exists(dir_path): - os.makedirs(dir_path) - - logger.info('Building vocabulary...') - brc_data = BRCDataset(args.max_p_num, args.max_p_len, args.max_q_len, - args.trainset, args.devset, args.testset) - vocab = Vocab(lower=True) - for word in brc_data.word_iter('train'): - vocab.add(word) - - unfiltered_vocab_size = vocab.size() - vocab.filter_tokens_by_cnt(min_cnt=2) - filtered_num = unfiltered_vocab_size - vocab.size() - logger.info('After filter {} tokens, the final vocab size is {}'.format( - filtered_num, vocab.size())) - - logger.info('Assigning embeddings...') - vocab.randomly_init_embeddings(args.embed_size) - - logger.info('Saving vocab...') - with open(os.path.join(args.vocab_dir, 'vocab.data'), 'wb') as fout: - pickle.dump(vocab, fout) - - logger.info('Done with preparing!') - - -if __name__ == '__main__': - args = parse_args() - - if args.enable_ce: - random.seed(args.random_seed) - np.random.seed(args.random_seed) - - logger = logging.getLogger("brc") - logger.setLevel(logging.INFO) - formatter = logging.Formatter( - '%(asctime)s - %(name)s - %(levelname)s - %(message)s') - if args.log_path: - file_handler = logging.FileHandler(args.log_path) - file_handler.setLevel(logging.INFO) - file_handler.setFormatter(formatter) - logger.addHandler(file_handler) - else: - console_handler = logging.StreamHandler() - console_handler.setLevel(logging.INFO) - console_handler.setFormatter(formatter) - logger.addHandler(console_handler) - args = parse_args() - logger.info('Running with args : {}'.format(args)) - try: - if fluid.is_compiled_with_cuda() != True and args.use_cuda == True: - print("\nYou can not set use_cuda = True in the model because you are using paddlepaddle-cpu.\nPlease: 1. Install paddlepaddle-gpu to run your models on GPU or 2. Set use_cuda = False to run models on CPU.\n") - sys.exit(1) - except Exception as e: - pass - if args.prepare: - prepare(logger, args) - if args.train: - train(logger, args) - if args.evaluate: - evaluate(logger, args) - if args.predict: - predict(logger, args) diff --git a/PaddleNLP/Research/ACL2018-DuReader/src/run.sh b/PaddleNLP/Research/ACL2018-DuReader/src/run.sh deleted file mode 100644 index 332ecf34ff2bdbc226f52a1572a024c61d615aba..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/src/run.sh +++ /dev/null @@ -1,52 +0,0 @@ -#!/bin/bash -export CUDA_VISIBLE_DEVICES=0 - -paragraph_extraction () -{ - SOURCE_DIR=$1 - TARGET_DIR=$2 - echo "Start paragraph extraction, this may take a few hours" - echo "Source dir: $SOURCE_DIR" - echo "Target dir: $TARGET_DIR" - mkdir -p $TARGET_DIR/trainset - mkdir -p $TARGET_DIR/devset - mkdir -p $TARGET_DIR/testset - - echo "Processing trainset" - cat $SOURCE_DIR/trainset/search.train.json | python paragraph_extraction.py train \ - > $TARGET_DIR/trainset/search.train.json - cat $SOURCE_DIR/trainset/zhidao.train.json | python paragraph_extraction.py train \ - > $TARGET_DIR/trainset/zhidao.train.json - - echo "Processing devset" - cat $SOURCE_DIR/devset/search.dev.json | python paragraph_extraction.py dev \ - > $TARGET_DIR/devset/search.dev.json - cat $SOURCE_DIR/devset/zhidao.dev.json | python paragraph_extraction.py dev \ - > $TARGET_DIR/devset/zhidao.dev.json - - echo "Processing testset" - cat $SOURCE_DIR/testset/search.test.json | python paragraph_extraction.py test \ - > $TARGET_DIR/testset/search.test.json - cat $SOURCE_DIR/testset/zhidao.test.json | python paragraph_extraction.py test \ - > $TARGET_DIR/testset/zhidao.test.json - echo "Paragraph extraction done!" -} - - -PROCESS_NAME="$1" -case $PROCESS_NAME in - --para_extraction) - # Start paragraph extraction - if [ ! -d ../data/preprocessed ]; then - echo "Please download the preprocessed data first (See README - Preprocess)" - exit 1 - fi - paragraph_extraction ../data/preprocessed ../data/extracted - ;; - --prepare|--train|--evaluate|--predict) - # Start Paddle baseline - python run.py $@ - ;; - *) - echo $"Usage: $0 {--para_extraction|--prepare|--train|--evaluate|--predict}" -esac diff --git a/PaddleNLP/Research/ACL2018-DuReader/src/vocab.py b/PaddleNLP/Research/ACL2018-DuReader/src/vocab.py deleted file mode 100644 index f1662cbcb27d9c012451c1b74cea6b4c60239710..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/src/vocab.py +++ /dev/null @@ -1,200 +0,0 @@ -# -*- coding:utf8 -*- -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== -""" -This module implements the Vocab class for converting string to id and back -""" - -import numpy as np - - -class Vocab(object): - """ - Implements a vocabulary to store the tokens in the data, with their corresponding embeddings. - """ - - def __init__(self, filename=None, initial_tokens=None, lower=False): - self.id2token = {} - self.token2id = {} - self.token_cnt = {} - self.lower = lower - - self.embed_dim = None - self.embeddings = None - - self.pad_token = '' - self.unk_token = '' - self.split_token = '' - - self.initial_tokens = initial_tokens if initial_tokens is not None else [] - self.initial_tokens.extend([self.pad_token, self.unk_token, self.split_token]) - for token in self.initial_tokens: - self.add(token) - - if filename is not None: - self.load_from_file(filename) - - def size(self): - """ - get the size of vocabulary - Returns: - an integer indicating the size - """ - return len(self.id2token) - - def load_from_file(self, file_path): - """ - loads the vocab from file_path - Args: - file_path: a file with a word in each line - """ - for line in open(file_path, 'r'): - token = line.rstrip('\n') - self.add(token) - - def get_id(self, token): - """ - gets the id of a token, returns the id of unk token if token is not in vocab - Args: - key: a string indicating the word - Returns: - an integer - """ - token = token.lower() if self.lower else token - try: - return self.token2id[token] - except KeyError: - return self.token2id[self.unk_token] - - def get_token(self, idx): - """ - gets the token corresponding to idx, returns unk token if idx is not in vocab - Args: - idx: an integer - returns: - a token string - """ - try: - return self.id2token[idx] - except KeyError: - return self.unk_token - - def add(self, token, cnt=1): - """ - adds the token to vocab - Args: - token: a string - cnt: a num indicating the count of the token to add, default is 1 - """ - token = token.lower() if self.lower else token - if token in self.token2id: - idx = self.token2id[token] - else: - idx = len(self.id2token) - self.id2token[idx] = token - self.token2id[token] = idx - if cnt > 0: - if token in self.token_cnt: - self.token_cnt[token] += cnt - else: - self.token_cnt[token] = cnt - return idx - - def filter_tokens_by_cnt(self, min_cnt): - """ - filter the tokens in vocab by their count - Args: - min_cnt: tokens with frequency less than min_cnt is filtered - """ - filtered_tokens = [ - token for token in self.token2id if self.token_cnt[token] >= min_cnt - ] - # rebuild the token x id map - self.token2id = {} - self.id2token = {} - for token in self.initial_tokens: - self.add(token, cnt=0) - for token in filtered_tokens: - self.add(token, cnt=0) - - def randomly_init_embeddings(self, embed_dim): - """ - randomly initializes the embeddings for each token - Args: - embed_dim: the size of the embedding for each token - """ - self.embed_dim = embed_dim - self.embeddings = np.random.rand(self.size(), embed_dim) - for token in [self.pad_token, self.unk_token, self.split_token]: - self.embeddings[self.get_id(token)] = np.zeros([self.embed_dim]) - - def load_pretrained_embeddings(self, embedding_path): - """ - loads the pretrained embeddings from embedding_path, - tokens not in pretrained embeddings will be filtered - Args: - embedding_path: the path of the pretrained embedding file - """ - trained_embeddings = {} - with open(embedding_path, 'r') as fin: - for line in fin: - contents = line.strip().split() - token = contents[0].decode('utf8') - if token not in self.token2id: - continue - trained_embeddings[token] = list(map(float, contents[1:])) - if self.embed_dim is None: - self.embed_dim = len(contents) - 1 - filtered_tokens = trained_embeddings.keys() - # rebuild the token x id map - self.token2id = {} - self.id2token = {} - for token in self.initial_tokens: - self.add(token, cnt=0) - for token in filtered_tokens: - self.add(token, cnt=0) - # load embeddings - self.embeddings = np.zeros([self.size(), self.embed_dim]) - for token in self.token2id.keys(): - if token in trained_embeddings: - self.embeddings[self.get_id(token)] = trained_embeddings[token] - - def convert_to_ids(self, tokens): - """ - Convert a list of tokens to ids, use unk_token if the token is not in vocab. - Args: - tokens: a list of token - Returns: - a list of ids - """ - vec = [self.get_id(label) for label in tokens] - return vec - - def recover_from_ids(self, ids, stop_id=None): - """ - Convert a list of ids to tokens, stop converting if the stop_id is encountered - Args: - ids: a list of ids to convert - stop_id: the stop id, default is None - Returns: - a list of tokens - """ - tokens = [] - for i in ids: - tokens += [self.get_token(i)] - if stop_id is not None and i == stop_id: - break - return tokens diff --git a/PaddleNLP/Research/ACL2018-DuReader/utils/__init__.py b/PaddleNLP/Research/ACL2018-DuReader/utils/__init__.py deleted file mode 100644 index 3c4c8ce95fb22a23dec00649465d192d7793869a..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/utils/__init__.py +++ /dev/null @@ -1,36 +0,0 @@ -# coding:utf8 -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== -""" -This package implements some utility functions shared by PaddlePaddle -and Tensorflow model implementations. - -Authors: liuyuan(liuyuan04@baidu.com) -Date: 2017/10/06 18:23:06 -""" - - -from .dureader_eval import compute_bleu_rouge -from .dureader_eval import normalize -from .preprocess import find_fake_answer -from .preprocess import find_best_question_match - -__all__ = [ - 'compute_bleu_rouge', - 'normalize', - 'find_fake_answer', - 'find_best_question_match', - ] diff --git a/PaddleNLP/Research/ACL2018-DuReader/utils/download_thirdparty.sh b/PaddleNLP/Research/ACL2018-DuReader/utils/download_thirdparty.sh deleted file mode 100755 index cc37da879971c2279edab220485d08d9b20c35fa..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/utils/download_thirdparty.sh +++ /dev/null @@ -1,48 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -# We use Bleu and Rouge as evaluation metrics, the calculation of these metrics -# relies on the scoring scripts under "https://github.com/tylin/coco-caption" - -bleu_base_url='https://raw.githubusercontent.com/tylin/coco-caption/master/pycocoevalcap/bleu' -bleu_files=("LICENSE" "__init__.py" "bleu.py" "bleu_scorer.py") - -rouge_base_url="https://raw.githubusercontent.com/tylin/coco-caption/master/pycocoevalcap/rouge" -rouge_files=("__init__.py" "rouge.py") - -download() { - local metric=$1; shift; - local base_url=$1; shift; - local fnames=($@); - - mkdir -p ${metric} - for fname in ${fnames[@]}; - do - printf "downloading: %s\n" ${base_url}/${fname} - wget --no-check-certificate ${base_url}/${fname} -O ${metric}/${fname} - done -} - -# prepare rouge -download "rouge_metric" ${rouge_base_url} ${rouge_files[@]} - -# prepare bleu -download "bleu_metric" ${bleu_base_url} ${bleu_files[@]} - -# convert python 2.x source code to python 3.x -2to3 -w "../utils/bleu_metric/bleu_scorer.py" -2to3 -w "../utils/bleu_metric/bleu.py" diff --git a/PaddleNLP/Research/ACL2018-DuReader/utils/dureader_eval.py b/PaddleNLP/Research/ACL2018-DuReader/utils/dureader_eval.py deleted file mode 100644 index f3839a46c9c63c83eccc332bbf385b0ce5fd5d46..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/utils/dureader_eval.py +++ /dev/null @@ -1,546 +0,0 @@ -# -*- coding:utf8 -*- -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== -""" -This module computes evaluation metrics for DuReader dataset. -""" - - -import argparse -import json -import sys -import zipfile - -from collections import Counter -from .bleu_metric.bleu import Bleu -from .rouge_metric.rouge import Rouge - -EMPTY = '' -YESNO_LABELS = set(['Yes', 'No', 'Depends']) - - -def normalize(s): - """ - Normalize strings to space joined chars. - - Args: - s: a list of strings. - - Returns: - A list of normalized strings. - """ - if not s: - return s - normalized = [] - for ss in s: - tokens = [c for c in list(ss) if len(c.strip()) != 0] - normalized.append(' '.join(tokens)) - return normalized - - -def data_check(obj, task): - """ - Check data. - - Raises: - Raises AssertionError when data is not legal. - """ - assert 'question_id' in obj, "Missing 'question_id' field." - assert 'question_type' in obj, \ - "Missing 'question_type' field. question_id: {}".format(obj['question_type']) - - assert 'yesno_answers' in obj, \ - "Missing 'yesno_answers' field. question_id: {}".format(obj['question_id']) - assert isinstance(obj['yesno_answers'], list), \ - r"""'yesno_answers' field must be a list, if the 'question_type' is not - 'YES_NO', then this field should be an empty list. - question_id: {}""".format(obj['question_id']) - - assert 'entity_answers' in obj, \ - "Missing 'entity_answers' field. question_id: {}".format(obj['question_id']) - assert isinstance(obj['entity_answers'], list) \ - and len(obj['entity_answers']) > 0, \ - r"""'entity_answers' field must be a list, and has at least one element, - which can be a empty list. question_id: {}""".format(obj['question_id']) - - -def read_file(file_name, task, is_ref=False): - """ - Read predict answers or reference answers from file. - - Args: - file_name: the name of the file containing predict result or reference - result. - - Returns: - A dictionary mapping question_id to the result information. The result - information itself is also a dictionary with has four keys: - - question_type: type of the query. - - yesno_answers: A list of yesno answers corresponding to 'answers'. - - answers: A list of predicted answers. - - entity_answers: A list, each element is also a list containing the entities - tagged out from the corresponding answer string. - """ - def _open(file_name, mode, zip_obj=None): - if zip_obj is not None: - return zip_obj.open(file_name, mode) - return open(file_name, mode) - - results = {} - keys = ['answers', 'yesno_answers', 'entity_answers', 'question_type'] - if is_ref: - keys += ['source'] - - zf = zipfile.ZipFile(file_name, 'r') if file_name.endswith('.zip') else None - file_list = [file_name] if zf is None else zf.namelist() - - for fn in file_list: - for line in _open(fn, 'r', zip_obj=zf): - try: - obj = json.loads(line.strip()) - except ValueError: - raise ValueError("Every line of data should be legal json") - data_check(obj, task) - qid = obj['question_id'] - assert qid not in results, "Duplicate question_id: {}".format(qid) - results[qid] = {} - for k in keys: - results[qid][k] = obj[k] - return results - - -def compute_bleu_rouge(pred_dict, ref_dict, bleu_order=4): - """ - Compute bleu and rouge scores. - """ - assert set(pred_dict.keys()) == set(ref_dict.keys()), \ - "missing keys: {}".format(set(ref_dict.keys()) - set(pred_dict.keys())) - scores = {} - bleu_scores, _ = Bleu(bleu_order).compute_score(ref_dict, pred_dict) - for i, bleu_score in enumerate(bleu_scores): - scores['Bleu-%d' % (i + 1)] = bleu_score - rouge_score, _ = Rouge().compute_score(ref_dict, pred_dict) - scores['Rouge-L'] = rouge_score - return scores - - -def local_prf(pred_list, ref_list): - """ - Compute local precision recall and f1-score, - given only one prediction list and one reference list - """ - common = Counter(pred_list) & Counter(ref_list) - num_same = sum(common.values()) - if num_same == 0: - return 0, 0, 0 - p = 1.0 * num_same / len(pred_list) - r = 1.0 * num_same / len(ref_list) - f1 = (2 * p * r) / (p + r) - return p, r, f1 - - -def compute_prf(pred_dict, ref_dict): - """ - Compute precision recall and f1-score. - """ - pred_question_ids = set(pred_dict.keys()) - ref_question_ids = set(ref_dict.keys()) - correct_preds, total_correct, total_preds = 0, 0, 0 - for question_id in ref_question_ids: - pred_entity_list = pred_dict.get(question_id, [[]]) - assert len(pred_entity_list) == 1, \ - 'the number of entity list for question_id {} is not 1.'.format(question_id) - pred_entity_list = pred_entity_list[0] - all_ref_entity_lists = ref_dict[question_id] - best_local_f1 = 0 - best_ref_entity_list = None - for ref_entity_list in all_ref_entity_lists: - local_f1 = local_prf(pred_entity_list, ref_entity_list)[2] - if local_f1 > best_local_f1: - best_ref_entity_list = ref_entity_list - best_local_f1 = local_f1 - if best_ref_entity_list is None: - if len(all_ref_entity_lists) > 0: - best_ref_entity_list = sorted(all_ref_entity_lists, - key=lambda x: len(x))[0] - else: - best_ref_entity_list = [] - gold_entities = set(best_ref_entity_list) - pred_entities = set(pred_entity_list) - correct_preds += len(gold_entities & pred_entities) - total_preds += len(pred_entities) - total_correct += len(gold_entities) - p = float(correct_preds) / total_preds if correct_preds > 0 else 0 - r = float(correct_preds) / total_correct if correct_preds > 0 else 0 - f1 = 2 * p * r / (p + r) if correct_preds > 0 else 0 - return {'Precision': p, 'Recall': r, 'F1': f1} - - -def prepare_prf(pred_dict, ref_dict): - """ - Prepares data for calculation of prf scores. - """ - preds = {k: v['entity_answers'] for k, v in pred_dict.items()} - refs = {k: v['entity_answers'] for k, v in ref_dict.items()} - return preds, refs - - -def filter_dict(result_dict, key_tag): - """ - Filter a subset of the result_dict, where keys ends with 'key_tag'. - """ - filtered = {} - for k, v in result_dict.items(): - if k.endswith(key_tag): - filtered[k] = v - return filtered - - -def get_metrics(pred_result, ref_result, task, source): - """ - Computes metrics. - """ - metrics = {} - - ref_result_filtered = {} - pred_result_filtered = {} - if source == 'both': - ref_result_filtered = ref_result - pred_result_filtered = pred_result - else: - for question_id, info in ref_result.items(): - if info['source'] == source: - ref_result_filtered[question_id] = info - if question_id in pred_result: - pred_result_filtered[question_id] = pred_result[question_id] - - if task == 'main' or task == 'all' \ - or task == 'description': - pred_dict, ref_dict = prepare_bleu(pred_result_filtered, - ref_result_filtered, - task) - metrics = compute_bleu_rouge(pred_dict, ref_dict) - elif task == 'yesno': - pred_dict, ref_dict = prepare_bleu(pred_result_filtered, - ref_result_filtered, - task) - keys = ['Yes', 'No', 'Depends'] - preds = [filter_dict(pred_dict, k) for k in keys] - refs = [filter_dict(ref_dict, k) for k in keys] - - metrics = compute_bleu_rouge(pred_dict, ref_dict) - - for k, pred, ref in zip(keys, preds, refs): - m = compute_bleu_rouge(pred, ref) - k_metric = [(k + '|' + key, v) for key, v in m.items()] - metrics.update(k_metric) - - elif task == 'entity': - pred_dict, ref_dict = prepare_prf(pred_result_filtered, - ref_result_filtered) - pred_dict_bleu, ref_dict_bleu = prepare_bleu(pred_result_filtered, - ref_result_filtered, - task) - metrics = compute_prf(pred_dict, ref_dict) - metrics.update(compute_bleu_rouge(pred_dict_bleu, ref_dict_bleu)) - else: - raise ValueError("Illegal task name: {}".format(task)) - - return metrics - - -def prepare_bleu(pred_result, ref_result, task): - """ - Prepares data for calculation of bleu and rouge scores. - """ - pred_list, ref_list = [], [] - qids = ref_result.keys() - for qid in qids: - if task == 'main': - pred, ref = get_main_result(qid, pred_result, ref_result) - elif task == 'yesno': - pred, ref = get_yesno_result(qid, pred_result, ref_result) - elif task == 'all': - pred, ref = get_all_result(qid, pred_result, ref_result) - elif task == 'entity': - pred, ref = get_entity_result(qid, pred_result, ref_result) - elif task == 'description': - pred, ref = get_desc_result(qid, pred_result, ref_result) - else: - raise ValueError("Illegal task name: {}".format(task)) - if pred and ref: - pred_list += pred - ref_list += ref - pred_dict = dict(pred_list) - ref_dict = dict(ref_list) - for qid, ans in ref_dict.items(): - ref_dict[qid] = normalize(ref_dict[qid]) - pred_dict[qid] = normalize(pred_dict.get(qid, [EMPTY])) - if not ans or ans == [EMPTY]: - del ref_dict[qid] - del pred_dict[qid] - - for k, v in pred_dict.items(): - assert len(v) == 1, \ - "There should be only one predict answer. question_id: {}".format(k) - return pred_dict, ref_dict - - -def get_main_result(qid, pred_result, ref_result): - """ - Prepare answers for task 'main'. - - Args: - qid: question_id. - pred_result: A dict include all question_id's result information read - from args.pred_file. - ref_result: A dict incluce all question_id's result information read - from args.ref_file. - Returns: - Two lists, the first one contains predict result, the second - one contains reference result of the same question_id. Each list has - elements of tuple (question_id, answers), 'answers' is a list of strings. - """ - ref_ans = ref_result[qid]['answers'] - if not ref_ans: - ref_ans = [EMPTY] - pred_ans = pred_result.get(qid, {}).get('answers', [])[:1] - if not pred_ans: - pred_ans = [EMPTY] - - return [(qid, pred_ans)], [(qid, ref_ans)] - - -def get_entity_result(qid, pred_result, ref_result): - """ - Prepare answers for task 'entity'. - - Args: - qid: question_id. - pred_result: A dict include all question_id's result information read - from args.pred_file. - ref_result: A dict incluce all question_id's result information read - from args.ref_file. - Returns: - Two lists, the first one contains predict result, the second - one contains reference result of the same question_id. Each list has - elements of tuple (question_id, answers), 'answers' is a list of strings. - """ - if ref_result[qid]['question_type'] != 'ENTITY': - return None, None - return get_main_result(qid, pred_result, ref_result) - - -def get_desc_result(qid, pred_result, ref_result): - """ - Prepare answers for task 'description'. - - Args: - qid: question_id. - pred_result: A dict include all question_id's result information read - from args.pred_file. - ref_result: A dict incluce all question_id's result information read - from args.ref_file. - Returns: - Two lists, the first one contains predict result, the second - one contains reference result of the same question_id. Each list has - elements of tuple (question_id, answers), 'answers' is a list of strings. - """ - if ref_result[qid]['question_type'] != 'DESCRIPTION': - return None, None - return get_main_result(qid, pred_result, ref_result) - - -def get_yesno_result(qid, pred_result, ref_result): - """ - Prepare answers for task 'yesno'. - - Args: - qid: question_id. - pred_result: A dict include all question_id's result information read - from args.pred_file. - ref_result: A dict incluce all question_id's result information read - from args.ref_file. - Returns: - Two lists, the first one contains predict result, the second - one contains reference result of the same question_id. Each list has - elements of tuple (question_id, answers), 'answers' is a list of strings. - """ - def _uniq(li, is_ref): - uniq_li = [] - left = [] - keys = set() - for k, v in li: - if k not in keys: - uniq_li.append((k, v)) - keys.add(k) - else: - left.append((k, v)) - - if is_ref: - dict_li = dict(uniq_li) - for k, v in left: - dict_li[k] += v - uniq_li = [(k, v) for k, v in dict_li.items()] - return uniq_li - - def _expand_result(uniq_li): - expanded = uniq_li[:] - keys = set([x[0] for x in uniq_li]) - for k in YESNO_LABELS - keys: - expanded.append((k, [EMPTY])) - return expanded - - def _get_yesno_ans(qid, result_dict, is_ref=False): - if qid not in result_dict: - return [(str(qid) + '_' + k, v) for k, v in _expand_result([])] - yesno_answers = result_dict[qid]['yesno_answers'] - answers = result_dict[qid]['answers'] - lbl_ans = _uniq([(k, [v]) for k, v in zip(yesno_answers, answers)], is_ref) - ret = [(str(qid) + '_' + k, v) for k, v in _expand_result(lbl_ans)] - return ret - - if ref_result[qid]['question_type'] != 'YES_NO': - return None, None - - ref_ans = _get_yesno_ans(qid, ref_result, is_ref=True) - pred_ans = _get_yesno_ans(qid, pred_result) - return pred_ans, ref_ans - - -def get_all_result(qid, pred_result, ref_result): - """ - Prepare answers for task 'all'. - - Args: - qid: question_id. - pred_result: A dict include all question_id's result information read - from args.pred_file. - ref_result: A dict incluce all question_id's result information read - from args.ref_file. - Returns: - Two lists, the first one contains predict result, the second - one contains reference result of the same question_id. Each list has - elements of tuple (question_id, answers), 'answers' is a list of strings. - """ - if ref_result[qid]['question_type'] == 'YES_NO': - return get_yesno_result(qid, pred_result, ref_result) - return get_main_result(qid, pred_result, ref_result) - - -def format_metrics(metrics, task, err_msg): - """ - Format metrics. 'err' field returns any error occured during evaluation. - - Args: - metrics: A dict object contains metrics for different tasks. - task: Task name. - err_msg: Exception raised during evaluation. - Returns: - Formatted result. - """ - result = {} - sources = ["both", "search", "zhidao"] - if err_msg is not None: - return {'errorMsg': str(err_msg), 'errorCode': 1, 'data': []} - data = [] - if task != 'all' and task != 'main': - sources = ["both"] - - if task == 'entity': - metric_names = ["Bleu-4", "Rouge-L"] - metric_names_prf = ["F1", "Precision", "Recall"] - for name in metric_names + metric_names_prf: - for src in sources: - obj = { - "name": name, - "value": round(metrics[src].get(name, 0) * 100, 2), - "type": src, - } - data.append(obj) - elif task == 'yesno': - metric_names = ["Bleu-4", "Rouge-L"] - details = ["Yes", "No", "Depends"] - src = sources[0] - for name in metric_names: - obj = { - "name": name, - "value": round(metrics[src].get(name, 0) * 100, 2), - "type": 'All', - } - data.append(obj) - for d in details: - obj = { - "name": name, - "value": \ - round(metrics[src].get(d + '|' + name, 0) * 100, 2), - "type": d, - } - data.append(obj) - else: - metric_names = ["Bleu-4", "Rouge-L"] - for name in metric_names: - for src in sources: - obj = { - "name": name, - "value": \ - round(metrics[src].get(name, 0) * 100, 2), - "type": src, - } - data.append(obj) - - result["data"] = data - result["errorCode"] = 0 - result["errorMsg"] = "success" - - return result - - -def main(args): - """ - Do evaluation. - """ - err = None - metrics = {} - try: - pred_result = read_file(args.pred_file, args.task) - ref_result = read_file(args.ref_file, args.task, is_ref=True) - sources = ['both', 'search', 'zhidao'] - if args.task not in set(['main', 'all']): - sources = sources[:1] - for source in sources: - metrics[source] = get_metrics( - pred_result, ref_result, args.task, source) - except ValueError as ve: - err = ve - except AssertionError as ae: - err = ae - - print(json.dumps( - format_metrics(metrics, args.task, err), - ensure_ascii=False).encode('utf8')) - - -if __name__ == '__main__': - parser = argparse.ArgumentParser() - parser.add_argument('pred_file', help='predict file') - parser.add_argument('ref_file', help='reference file') - parser.add_argument('task', - help='task name: Main|Yes_No|All|Entity|Description') - - args = parser.parse_args() - args.task = args.task.lower().replace('_', '') - main(args) diff --git a/PaddleNLP/Research/ACL2018-DuReader/utils/get_vocab.py b/PaddleNLP/Research/ACL2018-DuReader/utils/get_vocab.py deleted file mode 100644 index 4dc62a2410ffd37b3bf2be8c1c8df8b588dd5862..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/utils/get_vocab.py +++ /dev/null @@ -1,67 +0,0 @@ -# -*- coding:utf8 -*- -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== -""" -Utility function to generate vocabulary file. -""" - - -import argparse -import sys -import json - -from itertools import chain - - -def get_vocab(files, vocab_file): - """ - Builds vocabulary file from field 'segmented_paragraphs' - and 'segmented_question'. - - Args: - files: A list of file names. - vocab_file: The file that stores the vocabulary. - """ - vocab = {} - for f in files: - with open(f, 'r') as fin: - for line in fin: - obj = json.loads(line.strip()) - paras = [ - chain(*d['segmented_paragraphs']) - for d in obj['documents']] - doc_tokens = chain(*paras) - question_tokens = obj['segmented_question'] - for t in list(doc_tokens) + question_tokens: - vocab[t] = vocab.get(t, 0) + 1 - # output - sorted_vocab = sorted([(v, c) for v, c in vocab.items()], - key=lambda x: x[1], - reverse=True) - with open(vocab_file, 'w') as outf: - for w, c in sorted_vocab: - print >> outf, '{}\t{}'.format(w.encode('utf8'), c) - - -if __name__ == '__main__': - parser = argparse.ArgumentParser() - parser.add_argument('--files', nargs='+', required=True, - help='file list to count vocab from.') - parser.add_argument('--vocab', required=True, - help='file to store counted vocab.') - args = parser.parse_args() - get_vocab(args.files, args.vocab) - diff --git a/PaddleNLP/Research/ACL2018-DuReader/utils/marco_tokenize_data.py b/PaddleNLP/Research/ACL2018-DuReader/utils/marco_tokenize_data.py deleted file mode 100644 index 38e56b5e67c54f9867856f7e477697fdbe5d0bd3..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/utils/marco_tokenize_data.py +++ /dev/null @@ -1,59 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -#coding=utf8 - -import os, sys, json -import nltk - - -def _nltk_tokenize(sequence): - tokens = nltk.word_tokenize(sequence) - - cur_char_offset = 0 - token_offsets = [] - token_words = [] - for token in tokens: - cur_char_offset = sequence.find(token, cur_char_offset) - token_offsets.append( - [cur_char_offset, cur_char_offset + len(token) - 1]) - token_words.append(token) - return token_offsets, token_words - - -def segment(input_js): - _, input_js['segmented_question'] = _nltk_tokenize(input_js['question']) - for doc_id, doc in enumerate(input_js['documents']): - doc['segmented_title'] = [] - doc['segmented_paragraphs'] = [] - for para_id, para in enumerate(doc['paragraphs']): - _, seg_para = _nltk_tokenize(para) - doc['segmented_paragraphs'].append(seg_para) - if 'answers' in input_js: - input_js['segmented_answers'] = [] - for answer_id, answer in enumerate(input_js['answers']): - _, seg_answer = _nltk_tokenize(answer) - input_js['segmented_answers'].append(seg_answer) - - -if __name__ == '__main__': - if len(sys.argv) != 2: - print('Usage: tokenize_data.py ') - exit() - - nltk.download('punkt') - - for line in open(sys.argv[1]): - dureader_js = json.loads(line.strip()) - segment(dureader_js) - print(json.dumps(dureader_js)) diff --git a/PaddleNLP/Research/ACL2018-DuReader/utils/marcov1_to_dureader.py b/PaddleNLP/Research/ACL2018-DuReader/utils/marcov1_to_dureader.py deleted file mode 100644 index 833844824eb30a00ee1f6364afe52e66df412bef..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/utils/marcov1_to_dureader.py +++ /dev/null @@ -1,50 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -#coding=utf8 - -import sys -import json -import pandas as pd - - -def trans(input_js): - output_js = {} - output_js['question'] = input_js['query'] - output_js['question_type'] = input_js['query_type'] - output_js['question_id'] = input_js['query_id'] - output_js['fact_or_opinion'] = "" - output_js['documents'] = [] - for para_id, para in enumerate(input_js['passages']): - doc = {} - doc['title'] = "" - if 'is_selected' in para: - doc['is_selected'] = True if para['is_selected'] != 0 else False - doc['paragraphs'] = [para['passage_text']] - output_js['documents'].append(doc) - - if 'answers' in input_js: - output_js['answers'] = input_js['answers'] - return output_js - - -if __name__ == '__main__': - if len(sys.argv) != 2: - print('Usage: marcov1_to_dureader.py ') - exit() - - df = pd.read_json(sys.argv[1]) - for row in df.iterrows(): - marco_js = json.loads(row[1].to_json()) - dureader_js = trans(marco_js) - print(json.dumps(dureader_js)) diff --git a/PaddleNLP/Research/ACL2018-DuReader/utils/marcov2_to_v1_tojsonl.py b/PaddleNLP/Research/ACL2018-DuReader/utils/marcov2_to_v1_tojsonl.py deleted file mode 100644 index 5b102200bc9a03670fb2df19a8023d47f0d3d33d..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/utils/marcov2_to_v1_tojsonl.py +++ /dev/null @@ -1,27 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import sys -import json -import pandas as pd - -if __name__ == '__main__': - if len(sys.argv) != 3: - print('Usage: tojson.py ') - exit() - infile = sys.argv[1] - outfile = sys.argv[2] - df = pd.read_json(infile) - with open(outfile, 'w') as f: - for row in df.iterrows(): - f.write(row[1].to_json() + '\n') diff --git a/PaddleNLP/Research/ACL2018-DuReader/utils/preprocess.py b/PaddleNLP/Research/ACL2018-DuReader/utils/preprocess.py deleted file mode 100644 index af76549f4427a341fed341a7d09fd5bb7230de7b..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/utils/preprocess.py +++ /dev/null @@ -1,218 +0,0 @@ -############################################################################### -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== -""" -This module finds the most related paragraph of each document according to recall. -""" - -import sys -if sys.version[0] == '2': - reload(sys) - sys.setdefaultencoding("utf-8") -import json -from collections import Counter - - -def precision_recall_f1(prediction, ground_truth): - """ - This function calculates and returns the precision, recall and f1-score - Args: - prediction: prediction string or list to be matched - ground_truth: golden string or list reference - Returns: - floats of (p, r, f1) - Raises: - None - """ - if not isinstance(prediction, list): - prediction_tokens = prediction.split() - else: - prediction_tokens = prediction - if not isinstance(ground_truth, list): - ground_truth_tokens = ground_truth.split() - else: - ground_truth_tokens = ground_truth - common = Counter(prediction_tokens) & Counter(ground_truth_tokens) - num_same = sum(common.values()) - if num_same == 0: - return 0, 0, 0 - p = 1.0 * num_same / len(prediction_tokens) - r = 1.0 * num_same / len(ground_truth_tokens) - f1 = (2 * p * r) / (p + r) - return p, r, f1 - - -def recall(prediction, ground_truth): - """ - This function calculates and returns the recall - Args: - prediction: prediction string or list to be matched - ground_truth: golden string or list reference - Returns: - floats of recall - Raises: - None - """ - return precision_recall_f1(prediction, ground_truth)[1] - - -def f1_score(prediction, ground_truth): - """ - This function calculates and returns the f1-score - Args: - prediction: prediction string or list to be matched - ground_truth: golden string or list reference - Returns: - floats of f1 - Raises: - None - """ - return precision_recall_f1(prediction, ground_truth)[2] - - -def metric_max_over_ground_truths(metric_fn, prediction, ground_truths): - """ - This function calculates and returns the precision, recall and f1-score - Args: - metric_fn: metric function pointer which calculates scores according to corresponding logic. - prediction: prediction string or list to be matched - ground_truth: golden string or list reference - Returns: - floats of (p, r, f1) - Raises: - None - """ - scores_for_ground_truths = [] - for ground_truth in ground_truths: - score = metric_fn(prediction, ground_truth) - scores_for_ground_truths.append(score) - return max(scores_for_ground_truths) - - -def find_best_question_match(doc, question, with_score=False): - """ - For each document, find the paragraph that matches best to the question. - Args: - doc: The document object. - question: The question tokens. - with_score: If True then the match score will be returned, - otherwise False. - Returns: - The index of the best match paragraph, if with_score=False, - otherwise returns a tuple of the index of the best match paragraph - and the match score of that paragraph. - """ - most_related_para = -1 - max_related_score = 0 - most_related_para_len = 0 - for p_idx, para_tokens in enumerate(doc['segmented_paragraphs']): - if len(question) > 0: - related_score = metric_max_over_ground_truths(recall, - para_tokens, - question) - else: - related_score = 0 - - if related_score > max_related_score \ - or (related_score == max_related_score \ - and len(para_tokens) < most_related_para_len): - most_related_para = p_idx - max_related_score = related_score - most_related_para_len = len(para_tokens) - if most_related_para == -1: - most_related_para = 0 - if with_score: - return most_related_para, max_related_score - return most_related_para - - -def find_fake_answer(sample): - """ - For each document, finds the most related paragraph based on recall, - then finds a span that maximize the f1_score compared with the gold answers - and uses this span as a fake answer span - Args: - sample: a sample in the dataset - Returns: - None - Raises: - None - """ - for doc in sample['documents']: - most_related_para = -1 - most_related_para_len = 999999 - max_related_score = 0 - for p_idx, para_tokens in enumerate(doc['segmented_paragraphs']): - if len(sample['segmented_answers']) > 0: - related_score = metric_max_over_ground_truths(recall, - para_tokens, - sample['segmented_answers']) - else: - continue - if related_score > max_related_score \ - or (related_score == max_related_score - and len(para_tokens) < most_related_para_len): - most_related_para = p_idx - most_related_para_len = len(para_tokens) - max_related_score = related_score - doc['most_related_para'] = most_related_para - - sample['answer_docs'] = [] - sample['answer_spans'] = [] - sample['fake_answers'] = [] - sample['match_scores'] = [] - - best_match_score = 0 - best_match_d_idx, best_match_span = -1, [-1, -1] - best_fake_answer = None - answer_tokens = set() - for segmented_answer in sample['segmented_answers']: - answer_tokens = answer_tokens | set([token for token in segmented_answer]) - for d_idx, doc in enumerate(sample['documents']): - if not doc['is_selected']: - continue - if doc['most_related_para'] == -1: - doc['most_related_para'] = 0 - most_related_para_tokens = doc['segmented_paragraphs'][doc['most_related_para']][:1000] - for start_tidx in range(len(most_related_para_tokens)): - if most_related_para_tokens[start_tidx] not in answer_tokens: - continue - for end_tidx in range(len(most_related_para_tokens) - 1, start_tidx - 1, -1): - span_tokens = most_related_para_tokens[start_tidx: end_tidx + 1] - if len(sample['segmented_answers']) > 0: - match_score = metric_max_over_ground_truths(f1_score, span_tokens, - sample['segmented_answers']) - else: - match_score = 0 - if match_score == 0: - break - if match_score > best_match_score: - best_match_d_idx = d_idx - best_match_span = [start_tidx, end_tidx] - best_match_score = match_score - best_fake_answer = ''.join(span_tokens) - if best_match_score > 0: - sample['answer_docs'].append(best_match_d_idx) - sample['answer_spans'].append(best_match_span) - sample['fake_answers'].append(best_fake_answer) - sample['match_scores'].append(best_match_score) - - -if __name__ == '__main__': - for line in sys.stdin: - sample = json.loads(line) - find_fake_answer(sample) - print(json.dumps(sample, encoding='utf8', ensure_ascii=False)) diff --git a/PaddleNLP/Research/ACL2018-DuReader/utils/run_marco2dureader_preprocess.sh b/PaddleNLP/Research/ACL2018-DuReader/utils/run_marco2dureader_preprocess.sh deleted file mode 100644 index fcb7d67a002ef15384b7c725eb14f3a4dd64ec9e..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2018-DuReader/utils/run_marco2dureader_preprocess.sh +++ /dev/null @@ -1,22 +0,0 @@ -#!/bin/bash - -input_file=$1 -output_file=$2 - -# convert the data from MARCO V2 (json) format to MARCO V1 (jsonl) format. -# the script was forked from MARCO repo. -# the format of MARCO V1 is much more easier to explore. -python3 marcov2_to_v1_tojsonl.py $input_file $input_file.marcov1 - -# convert the data from MARCO V1 format to DuReader format. -python3 marcov1_to_dureader.py $input_file.marcov1 >$input_file.dureader_raw - -# tokenize the data. -python3 marco_tokenize_data.py $input_file.dureader_raw >$input_file.segmented - -# find fake answers (indicating the start and end positions of answers in the document) for train and dev sets. -# note that this should not be applied for test set, since there is no ground truth in test set. -python preprocess.py $input_file.segmented >$output_file - -# remove the temporal data files. -rm -rf $input_file.dureader_raw $input_file.segmented diff --git a/PaddleNLP/Research/ACL2019-ARNOR/README.md b/PaddleNLP/Research/ACL2019-ARNOR/README.md index 95051dce95b158cfd0091defd4bf322a0e9cb3a8..5cbe1dc7471272fd92667df50cc8f06ac570f16c 100644 --- a/PaddleNLP/Research/ACL2019-ARNOR/README.md +++ b/PaddleNLP/Research/ACL2019-ARNOR/README.md @@ -1,105 +1 @@ -Data -===== - -This dataset is used in our paper: "ARNOR: Attention Regularization based Noise Reduction for Distant Supervision Relation Classification". We release a new NYT test set for sentence-level evaluation of distant supervision relation extraction model. It increases almost 5 times positive instances than the previous one [2]. And it is carefully annotated to ensure accuracy. - -This dataset is based on Ren's [1] training set that is generated by distant supervision, and a manually annotated test set that contains 395 sentences from Hoffmann [2]. They are all from New York Times news articles [3]. However the number of positive instances in test set is small (only 396), and the quality is insufficient. We revise and annotate more test data based on it, and release two versions of datasets. - -In a data file, each line is a json string. The content is like - - { - "sentText": "The source sentence text", - "relationMentions": [ - { - "em1Text": "The first entity in relation", - "em2Text": "The second entity in relation", - "label": "Relation label", - "is_noise": false # only occur in test set - }, - ... - ], - "entityMentions": [ - { - "text": "Entity words", - "label": "Entity type", - ... - }, - ... - ] - ... - } - -Data version 1.0.0 -===== - -This version of dataset is the original one applied in our paper, which includes four files: train.json, test.json, dev_part.json, and test_part.json. Here dev_part.json and test_part.json are from test.json. **This dataset can be downloaded here: https://baidu-nlp.bj.bcebos.com/arnor_dataset-1.0.0.tar.gz** - - -Data version 2.0.0 -===== - -We strongly recommend to apply this dataset in later relation classification studies. This version contains more annotated test data comparing with version 1.0.0. We continuely annotated more data that is shown in the below table. What is more, we have removed the relation "/location/administrative_division/country" from the training set and changed "/location/country/administrative_divisions" into "/location/location/contains". Because we do not label these two relation types in test set. - -| Test set | version 1.0.0 | version 2.0.0 | -| :-----| :-----| :-----| -| #Sentences | 1,024 | 3,192 | -| #Instances | 4,543 | 9,051 | -| #Positive instances | 671 | 2,224 | - -**The download address is: http://baidu-nlp.bj.bcebos.com/arnor_dataset-2.0.0.tar.gz** - -There are four files in it. Training set, dev set, and test set are all included. In addition, it also includes a "test_noise.json" file, which is for noise reduction evaluation. - -Model Performances on version 2.0.0 ------ - -We reproduce experiments following our ARNOR paper. The results are listed below. - -Main results: - -| Method | Dev Prec. | Dev Rec. | Dev F1 | Test Prec. | Test Rec. | Test F1 | -| :-----| :-----| :-----| :-----| :-----| :-----| :-----| -| CNN | 39.27 | 73.80 | 51.26 | 42.41 | 76.64 | 54.60 | -| PCNN | 39.08 | 74.74 | 51.32 | 42.18 | 77.50 | 54.64 | -| BiLSTM | 41.16 | 70.17 | 52.12 | 44.12 | 71.12 | 54.45 | -| BiLSTM+ATT | 40.81 | 70.37 | 51.66 | 42.77 | 71.59 | 53.55 | -| PCNN+SelATT | 82.41 | 34.10 | 48.24 | 81.00 | 35.50 | 49.37 | -| CNN+RL1 | 42.50 | 71.62 | 53.34 | 43.70 | 72.34 | 54.49 | -| CNN+RL2 | 42.69 | 72.56 | 53.75 | 44.54 | 73.40 | 55.44 | -| ARNOR | 78.14 | 59.82 | 67.77 | 79.70 | 62.30 | 69.93 | - -Components results: - -| Method | Test Prec. | Test Rec. | Test F1 | -| :-----| :-----| :-----| :-----| -| BiLSTM+ATT | 42.77 | 71.59 | 53.55 | -| +IDR | 84.98 | 50.14 | 63.07 | -| +ART | 80.03 | 60.53 | 68.93 | -| +BLP | 79.70 | 62.30 | 69.93 | - -Noise reduction results: - -| Noise Reduction | Prec. | Rec. | F1 | -| :-----| :-----| :-----| :-----| -| CNN+RL2 | 40.19 | 95.39 | 56.56 | -| ARNOR | 73.40 | 73.04 | 73.22 | - - -Reference this ARNOR paper -===== - - @inproceedings{jia2019arnor, - title={ARNOR: Attention Regularization based Noise Reduction for Distant Supervision Relation Classification}, - author={Jia, Wei and Dai, Dai and Xiao, Xinyan and Wu, Hua}, - booktitle={Proceedings of the 57th Annual Meeting of the Association for Computational Linguistics}, - year={2019} - } - -References ------ - -[1] Xiang Ren, Zeqiu Wu, Wenqi He, Meng Qu, Clare R Voss, Heng Ji, Tarek F Abdelzaher, and Jiawei Han. 2017. Cotype: Joint extraction of typed entities and relations with knowledge bases. In Proceedings of the 26th International Conference on World Wide Web, pages 1015–1024. International World Wide Web Conferences Steering Committee. - -[2] Raphael Hoffmann, Congle Zhang, Xiao Ling, Luke Zettlemoyer, and Daniel S Weld. 2011. Knowledge- based weak supervision for information extraction of overlapping relations. In Proceedings of the 49th Annual Meeting of the Association for Computa- tional Linguistics: Human Language Technologies- Volume 1, pages 541–550. Association for Compu- tational Linguistics. - -[3] Sebastian Riedel, Limin Yao, and Andrew McCallum. 2010. Modeling relations and their mentions with- out labeled text. In Joint European Conference on Machine Learning and Knowledge Discovery in Databases, pages 148–163. Springer. +This work has been moved to new address: [NLP](https://github.com/PaddlePaddle/Research/tree/master/NLP) diff --git a/PaddleNLP/Research/ACL2019-DuConv/README.md b/PaddleNLP/Research/ACL2019-DuConv/README.md index 5275676423ea485528344dd9c6c7eb5b32e27244..5cbe1dc7471272fd92667df50cc8f06ac570f16c 100644 --- a/PaddleNLP/Research/ACL2019-DuConv/README.md +++ b/PaddleNLP/Research/ACL2019-DuConv/README.md @@ -1,47 +1 @@ -Proactive Conversation -============================= -[![License: MIT](https://img.shields.io/badge/License-MIT-yellow.svg)](https://opensource.org/licenses/MIT) - -# Motivation -Human-machine conversation is one of the most important topics in artificial intelligence (AI) and has received much attention across academia and industry in recent years. Currently dialogue system is still in its infancy, which usually converses passively and utters their words more as a matter of response rather than on their own initiatives, which is different from human-human conversation. We believe that the ability of proactive conversation of machine is the breakthrough of human-like conversation. - -# What we do ? -* We set up a new conversation task, named ___Proactive Converstion___, where machine proactively leads the conversation following a given goal. -* We also created a new conversation dataset named [DuConv](https://ai.baidu.com/broad/subordinate?dataset=duconv) , and made it publicly available to facilitate the development of proactive conversation systems. -* We established retrival-based and generation-based ___baseline systems___ for DuConv, which are available in this repo. -* In addition, we hold ___competitions___ to encourage more researchers to work in this direction. - -# Paper -* [Proactive Human-Machine Conversation with Explicit Conversation Goals](https://arxiv.org/abs/1906.05572), accepted by ACL 2019 - -# Task Description -Given a dialogue goal g and a set of topic-related background knowledge M = f1 ,f2 ,..., fn , the system is expected to output an utterance "ut" for the current conversation H = u1, u2, ..., ut-1, which keeps the conversation coherent and informative under the guidance of the given goal. During the dialogue, the system is required to proactively lead the conversation from one topic to another. The dialog goal g is given like this: "Start->Topic_A->TOPIC_B", which means the machine should lead the conversation from any start state to topic A and then to topic B. The given background knowledge includes knowledge related to topic A and topic B, and the relations between these two topics.
-![image](https://github.com/PaddlePaddle/models/blob/develop/PaddleNLP/Research/ACL2019-DuConv/images/proactive_conversation_case.png) -*Figure1.Proactive Conversation Case. Each utterance of "BOT" could be predicted by system, e.g., utterances with black words represent history H,and utterance with green words represent the response ut predicted by system.* - -# DuConv -We collected around 30k conversations containing 270k utterances named DuConv. Each conversation was created by two random selected crowdsourced workers. One worker was provided with dialogue goal and the associated knowledge to play the role of leader who proactively leads the conversation by sequentially change the discussion topics following the given goal, meanwhile keeping the conversation as natural and engaging as possible. Another worker was provided with nothing but conversation history and only has to respond to the leader.
-  We devide the collected conversations into training, development, test1 and test2 splits. The test1 part with reference response is used for local testing such as the automatic evaluation of our paper. The test2 part without reference response is used for online testing such as the [competition](http://lic2019.ccf.org.cn/talk) we had held and the ___Leader Board___ which is opened forever in https://ai.baidu.com/broad/leaderboard?dataset=duconv. The dataset is available at https://ai.baidu.com/broad/subordinate?dataset=duconv. - -# Baseline Performance -We provide retrieval-based and generation-based baseline systems. Both systems were implemented by [PaddlePaddle](http://paddlepaddle.org/) (the Baidu deeplearning framework). The performance of the two systems is as follows: - -| baseline system | F1/BLEU1/BLEU2 | DISTINCT1/DISTINCT2 | -| ------------- | ------------ | ------------ | -| retrieval-based | 31.72/0.291/0.156 | 0.118/0.373 | -| generation-based | 32.65/0.300/0.168 | 0.062/0.128 | - -# Competitions -* [Knowledge-driven Dialogue task](http://lic2019.ccf.org.cn/talk) in [2019 Language and Intelligence Challenge](http://lic2019.ccf.org.cn/), has been closed. - * Teams number of registration:1536 - * Teams number of submission result: 178 - * The Top 3 results: - -| Rank | F1/BLEU1/BLEU2 | DISTINCT1/DISTINCT2 | -| ------------- | ------------ | ------------ | -| 1 | 49.22/0.449/0.318 | 0.118/0.299 | -| 2 | 47.76/0.430/0.296 | 0.110/0.275 | -| 3 | 46.40/0.422/0.289 | 0.118/0.303 | - -* [Leader Board](https://ai.baidu.com/broad/leaderboard?dataset=duconv), is opened forever
- We maintain a leader board which provides the official automatic evaluation. You can submit your result to https://ai.baidu.com/broad/submission?dataset=duconv to get the official result. Please make sure submit the result of test2 part. +This work has been moved to new address: [NLP](https://github.com/PaddlePaddle/Research/tree/master/NLP) diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/README.md b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/README.md deleted file mode 100644 index 100bc358352a49e61acde50cee60ee2a15786667..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/README.md +++ /dev/null @@ -1,46 +0,0 @@ -Knowledge-driven Dialogue -============================= -[![License: MIT](https://img.shields.io/badge/License-MIT-yellow.svg)](https://opensource.org/licenses/MIT) - -This is a paddlepaddle implementation of generative-based model for knowledge-driven dialogue - -## Requirements - -* cuda=9.0 -* cudnn=7.0 -* python=2.7 -* numpy -* paddlepaddle>=1.3.2 - -## Quickstart - -### Step 1: Preprocess the data - -Put the data of [DuConv](https://ai.baidu.com/broad/subordinate?dataset=duconv) under the data folder and rename them train/dev/test.txt: - -``` -./data/resource/train.txt -./data/resource/dev.txt -./data/resource/test.txt -``` - -### Step 2: Train the model - -Train model with the following commands. - -```bash -sh run_train.sh -``` - -### Step 3: Test the Model - -Test model with the following commands. - -```bash -sh run_test.sh -``` - -### Note !!! - -* The script run_train.sh/run_test.sh shows all the processes including data processing and model training/testing. Be sure to read it carefully and follow it. -* The files in ./data and ./model is just empty file to show the structure of the document. \ No newline at end of file diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/data/demo.dev b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/data/demo.dev deleted file mode 100755 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/data/demo.test b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/data/demo.test deleted file mode 100755 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/data/demo.train b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/data/demo.train deleted file mode 100755 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/data/resource/dev.txt b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/data/resource/dev.txt deleted file mode 100755 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/data/resource/test.txt b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/data/resource/test.txt deleted file mode 100755 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/data/resource/train.txt b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/data/resource/train.txt deleted file mode 100755 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/models/best.model b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/models/best.model deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/network.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/network.py deleted file mode 100644 index 9c31358bb4074b8a3aa0b88828f05424ee90255d..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/network.py +++ /dev/null @@ -1,530 +0,0 @@ -#!/usr/bin/env python -# -*- coding: UTF-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: network.py -""" - -import argparse - -import numpy as np - -import paddle.fluid as fluid -import paddle.fluid.framework as framework -from paddle.fluid.executor import Executor - -from source.utils.utils import str2bool -from source.utils.utils import id_to_text -from source.utils.utils import init_embedding -from source.utils.utils import build_data_feed -from source.utils.utils import load_id2str_dict -from source.inputters.corpus import KnowledgeCorpus -from source.models.knowledge_seq2seq import knowledge_seq2seq - - -def model_config(): - """ model config """ - parser = argparse.ArgumentParser() - - # Data - data_arg = parser.add_argument_group("Data") - data_arg.add_argument("--data_dir", type=str, default="./data/") - data_arg.add_argument("--data_prefix", type=str, default="demo") - data_arg.add_argument("--save_dir", type=str, default="./models/") - data_arg.add_argument("--vocab_path", type=str, default="./data/vocab.txt") - data_arg.add_argument("--embed_file", type=str, - default="./data/sgns.weibo.300d.txt") - - # Network - net_arg = parser.add_argument_group("Network") - net_arg.add_argument("--embed_size", type=int, default=300) - net_arg.add_argument("--hidden_size", type=int, default=800) - net_arg.add_argument("--bidirectional", type=str2bool, default=True) - net_arg.add_argument("--vocab_size", type=int, default=30004) - net_arg.add_argument("--min_len", type=int, default=1) - net_arg.add_argument("--max_len", type=int, default=500) - net_arg.add_argument("--num_layers", type=int, default=1) - net_arg.add_argument("--attn", type=str, default='dot', - choices=['none', 'mlp', 'dot', 'general']) - - # Training / Testing - train_arg = parser.add_argument_group("Training") - - train_arg.add_argument("--stage", type=int, default="0") - train_arg.add_argument("--run_type", type=str, default="train") - train_arg.add_argument("--init_model", type=str, default="") - train_arg.add_argument("--init_opt_state", type=str, default="") - - train_arg.add_argument("--optimizer", type=str, default="Adam") - train_arg.add_argument("--lr", type=float, default=0.0005) - train_arg.add_argument("--grad_clip", type=float, default=5.0) - train_arg.add_argument("--dropout", type=float, default=0.3) - train_arg.add_argument("--num_epochs", type=int, default=13) - train_arg.add_argument("--pretrain_epoch", type=int, default=5) - train_arg.add_argument("--use_bow", type=str2bool, default=True) - train_arg.add_argument("--use_posterior", type=str2bool, default=False) - - # Geneation - gen_arg = parser.add_argument_group("Generation") - gen_arg.add_argument("--beam_size", type=int, default=10) - gen_arg.add_argument("--max_dec_len", type=int, default=30) - gen_arg.add_argument("--length_average", type=str2bool, default=True) - gen_arg.add_argument("--output", type=str, default="./output/test.result") - gen_arg.add_argument("--model_path", type=str, default="./models/best_model/") - gen_arg.add_argument("--unk_id", type=int, default=1) - gen_arg.add_argument("--bos_id", type=int, default=2) - gen_arg.add_argument("--eos_id", type=int, default=3) - - # MISC - misc_arg = parser.add_argument_group("Misc") - misc_arg.add_argument("--use_gpu", type=str2bool, default=True) - misc_arg.add_argument("--log_steps", type=int, default=300) - misc_arg.add_argument("--valid_steps", type=int, default=1000) - misc_arg.add_argument("--batch_size", type=int, default=1) - - config = parser.parse_args() - - return config - - -def trace_fianl_result(final_score, final_ids, final_index, topk=1, EOS=3): - """ trace fianl result """ - col_size = final_score.shape[1] - row_size = final_score.shape[0] - - found_eos_num = 0 - i = row_size - 1 - - beam_size = col_size - score = final_score[-1] - row_array = [row_size - 1] * beam_size - col_array = [e for e in range(col_size)] - - while i >= 0: - for j in range(col_size - 1, -1, -1): - if final_ids[i, j] == EOS: - repalce_idx = beam_size - (found_eos_num % beam_size) - 1 - score[repalce_idx] = final_score[i, j] - found_eos_num += 1 - - row_array[repalce_idx] = i - col_array[repalce_idx] = j - - i -= 1 - - topk_index = np.argsort(score,)[-topk:] - - trace_result = [] - trace_score = [] - - for index in reversed(topk_index): - start_i = row_array[index] - start_j = col_array[index] - ids = [] - for k in range(start_i, -1, -1): - ids.append(final_ids[k, start_j]) - start_j = final_index[k, start_j] - - ids = ids[::-1] - - trace_result.append(ids) - trace_score.append(score[index]) - - return trace_result, trace_score - - -def load(): - """ load model for predict """ - config = model_config() - config.vocab_size = len(open(config.vocab_path).readlines()) - final_score, final_ids, final_index = knowledge_seq2seq(config) - - final_score.persistable = True - final_ids.persistable = True - final_index.persistable = True - - main_program = fluid.default_main_program() - - if config.use_gpu: - place = fluid.CUDAPlace(0) - else: - place = fluid.CPUPlace() - - exe = Executor(place) - exe.run(framework.default_startup_program()) - - fluid.io.load_params(executor=exe, dirname=config.model_path, main_program=main_program) - - processors = KnowledgeCorpus( - data_dir=config.data_dir, - data_prefix=config.data_prefix, - vocab_path=config.vocab_path, - min_len=config.min_len, - max_len=config.max_len) - - # load dict - id_dict_array = load_id2str_dict(config.vocab_path) - - model_handle = [exe, place, final_score, final_ids, final_index, processors, id_dict_array] - return model_handle - - -def predict(model_handle, text): - """ predict for text by model_handle """ - batch_size = 1 - - [exe, place, final_score, final_ids, final_index, processors, id_dict_array] = model_handle - - data_generator = processors.preprocessing_for_lines([text], batch_size=batch_size) - - results = [] - for batch_id, data in enumerate(data_generator()): - data_feed, sent_num = build_data_feed(data, place, batch_size=batch_size) - out = exe.run(feed=data_feed, - fetch_list=[final_score.name, final_ids.name, final_index.name]) - - batch_score = out[0] - batch_ids = out[1] - batch_pre_index = out[2] - - batch_score_arr = np.split(batch_score, batch_size, axis=1) - batch_ids_arr = np.split(batch_ids, batch_size, axis=1) - batch_pre_index_arr = np.split(batch_pre_index, batch_size, axis=1) - - index = 0 - for (score, ids, pre_index) in zip(batch_score_arr, batch_ids_arr, batch_pre_index_arr): - trace_ids, trace_score = trace_fianl_result(score, ids, pre_index, topk=1, EOS=3) - results.append(id_to_text(trace_ids[0][:-1], id_dict_array)) - - index += 1 - if index >= sent_num: - break - - return results[0] - - -def init_model(config, param_name_list, place): - """ init model """ - stage = config.stage - if stage == 0: - for name in param_name_list: - t = fluid.global_scope().find_var(name).get_tensor() - init_scale = 0.05 - np_t = np.asarray(t) - if str(name) == 'embedding': - np_para = init_embedding(config.embed_file, config.vocab_path, - init_scale, np_t.shape) - else: - np_para = np.random.uniform(-init_scale, init_scale, np_t.shape).astype('float32') - t.set(np_para.astype('float32'), place) - else: - model_init_file = config.init_model - try: - model_init = np.load(model_init_file) - except: - print("load init model failed", model_init_file) - raise Exception("load init model failed") - - print("load init model") - for name in param_name_list: - t = fluid.global_scope().find_var(name).get_tensor() - t.set(model_init[str(name)].astype('float32'), place) - - # load opt state - opt_state_init_file = config.init_opt_state - if opt_state_init_file != "": - print("begin to load opt state") - opt_state_data = np.load(opt_state_init_file) - for k, v in opt_state_data.items(): - t = fluid.global_scope().find_var(str(k)).get_tensor() - t.set(v, place) - print("set opt state finished") - - print("init model parameters finshed") - - -def train_loop(config, - train_generator, valid_generator, - main_program, inference_program, - model_handle, param_name_list, opt_var_name_list): - """ model train loop """ - stage = config.stage - [exe, place, bow_loss, kl_loss, nll_loss, final_loss] = model_handle - - total_step = 0 - start_epoch = 0 if stage == 0 else config.pretrain_epoch - end_epoch = config.pretrain_epoch if stage == 0 else config.num_epochs - print("start end", start_epoch, end_epoch) - - best_score = float('inf') - for epoch_idx in range(start_epoch, end_epoch): - total_bow_loss = 0 - total_kl_loss = 0 - total_nll_loss = 0 - total_final_loss = 0 - sample_num = 0 - - for batch_id, data in enumerate(train_generator()): - data_feed = build_data_feed(data, place, - batch_size=config.batch_size, - is_training=True, - bow_max_len=config.max_len, - pretrain_epoch=epoch_idx < config.pretrain_epoch) - - if data_feed is None: - break - - out = exe.run(main_program, feed=data_feed, - fetch_list=[bow_loss.name, kl_loss.name, nll_loss.name, final_loss.name]) - - total_step += 1 - total_bow_loss += out[0] - total_kl_loss += out[1] - total_nll_loss += out[2] - total_final_loss += out[3] - sample_num += 1 - - if batch_id > 0 and batch_id % config.log_steps == 0: - print("epoch %d step %d | " - "bow loss %0.6f kl loss %0.6f nll loss %0.6f total loss %0.6f" % \ - (epoch_idx, batch_id, - total_bow_loss / sample_num, total_kl_loss / sample_num, \ - total_nll_loss / sample_num, total_final_loss / sample_num)) - - total_bow_loss = 0 - total_kl_loss = 0 - total_nll_loss = 0 - total_final_loss = 0 - sample_num = 0 - - if batch_id > 0 and batch_id % config.valid_steps == 0: - eval_bow_loss, eval_kl_loss, eval_nll_loss, eval_total_loss = \ - vaild_loop(config, valid_generator, inference_program, model_handle) - # save model - if stage != 0: - param_path = config.save_dir + "/" + str(total_step) - fluid.io.save_params(executor=exe, dirname=param_path, - main_program=main_program) - - if eval_nll_loss < best_score: - # save to best - best_model_path = config.save_dir + "/best_model" - print("save to best", eval_nll_loss, best_model_path) - fluid.io.save_params(executor=exe, dirname=best_model_path, - main_program=main_program) - best_score = eval_nll_loss - - eval_bow_loss, eval_kl_loss, eval_nll_loss, eval_total_loss = \ - vaild_loop(config, valid_generator, inference_program, model_handle) - - if stage != 0: - param_path = config.save_dir + "/" + str(total_step) - fluid.io.save_params(executor=exe, dirname=param_path, - main_program=main_program) - if eval_nll_loss < best_score: - best_model_path = config.save_dir + "/best_model" - print("save to best", eval_nll_loss, best_model_path) - fluid.io.save_params(executor=exe, dirname=best_model_path, - main_program=main_program) - best_score = eval_nll_loss - - if stage == 0: - # save last model and opt_stat to npz for next stage init - save_model_file = config.save_dir + "/model_stage_0" - save_opt_state_file = config.save_dir + "/opt_state_stage_0" - - model_stage_0 = {} - for name in param_name_list: - t = np.asarray(fluid.global_scope().find_var(name).get_tensor()) - model_stage_0[name] = t - np.savez(save_model_file, **model_stage_0) - - opt_state_stage_0 = {} - for name in opt_var_name_list: - t_data = np.asarray(fluid.global_scope().find_var(name).get_tensor()) - opt_state_stage_0[name] = t_data - np.savez(save_opt_state_file, **opt_state_stage_0) - - -def vaild_loop(config, valid_generator, inference_program, model_handle): - """ model vaild loop """ - [exe, place, bow_loss, kl_loss, nll_loss, final_loss] = model_handle - valid_num = 0.0 - total_valid_bow_loss = 0.0 - total_valid_kl_loss = 0.0 - total_valid_nll_loss = 0.0 - total_valid_final_loss = 0.0 - for batch_id, data in enumerate(valid_generator()): - data_feed = build_data_feed(data, place, - batch_size=config.batch_size, - is_training=True, - bow_max_len=config.max_len, - pretrain_epoch=False) - - if data_feed is None: - continue - - val_fetch_outs = \ - exe.run(inference_program, - feed=data_feed, - fetch_list=[bow_loss.name, kl_loss.name, nll_loss.name, final_loss.name]) - - total_valid_bow_loss += val_fetch_outs[0] * config.batch_size - total_valid_kl_loss += val_fetch_outs[1] * config.batch_size - total_valid_nll_loss += val_fetch_outs[2] * config.batch_size - total_valid_final_loss += val_fetch_outs[3] * config.batch_size - valid_num += config.batch_size - - print("valid dataset: bow loss %0.6f kl loss %0.6f nll loss %0.6f total loss %0.6f" % \ - (total_valid_bow_loss / valid_num, total_valid_kl_loss / valid_num, \ - total_valid_nll_loss / valid_num, total_valid_final_loss / valid_num)) - - return [total_valid_bow_loss / valid_num, total_valid_kl_loss / valid_num, \ - total_valid_nll_loss / valid_num, total_valid_final_loss / valid_num] - - -def test(config): - """ test """ - batch_size = config.batch_size - config.vocab_size = len(open(config.vocab_path).readlines()) - final_score, final_ids, final_index = knowledge_seq2seq(config) - - final_score.persistable = True - final_ids.persistable = True - final_index.persistable = True - - main_program = fluid.default_main_program() - - if config.use_gpu: - place = fluid.CUDAPlace(0) - else: - place = fluid.CPUPlace() - - exe = Executor(place) - exe.run(framework.default_startup_program()) - - fluid.io.load_params(executor=exe, dirname=config.model_path, - main_program=main_program) - print("laod params finsihed") - - # test data generator - processors = KnowledgeCorpus( - data_dir=config.data_dir, - data_prefix=config.data_prefix, - vocab_path=config.vocab_path, - min_len=config.min_len, - max_len=config.max_len) - test_generator = processors.data_generator( - batch_size=config.batch_size, - phase="test", - shuffle=False) - - # load dict - id_dict_array = load_id2str_dict(config.vocab_path) - - out_file = config.output - fout = open(out_file, 'w') - for batch_id, data in enumerate(test_generator()): - data_feed, sent_num = build_data_feed(data, place, batch_size=batch_size) - - if data_feed is None: - break - - out = exe.run(feed=data_feed, - fetch_list=[final_score.name, final_ids.name, final_index.name]) - - batch_score = out[0] - batch_ids = out[1] - batch_pre_index = out[2] - - batch_score_arr = np.split(batch_score, batch_size, axis=1) - batch_ids_arr = np.split(batch_ids, batch_size, axis=1) - batch_pre_index_arr = np.split(batch_pre_index, batch_size, axis=1) - - index = 0 - for (score, ids, pre_index) in zip(batch_score_arr, batch_ids_arr, batch_pre_index_arr): - trace_ids, trace_score = trace_fianl_result(score, ids, pre_index, topk=1, EOS=3) - fout.write(id_to_text(trace_ids[0][:-1], id_dict_array)) - fout.write('\n') - - index += 1 - if index >= sent_num: - break - - fout.close() - - -def train(config): - """ model training """ - config.vocab_size = len(open(config.vocab_path).readlines()) - bow_loss, kl_loss, nll_loss, final_loss= knowledge_seq2seq(config) - - bow_loss.persistable = True - kl_loss.persistable = True - nll_loss.persistable = True - final_loss.persistable = True - - main_program = fluid.default_main_program() - inference_program = fluid.default_main_program().clone(for_test=True) - - fluid.clip.set_gradient_clip( - clip=fluid.clip.GradientClipByGlobalNorm(clip_norm=config.grad_clip)) - optimizer = fluid.optimizer.Adam(learning_rate=config.lr) - - if config.stage == 0: - print("stage 0") - optimizer.minimize(bow_loss) - else: - print("stage 1") - optimizer.minimize(final_loss) - - opt_var_name_list = optimizer.get_opti_var_name_list() - - if config.use_gpu: - place = fluid.CUDAPlace(0) - else: - place = fluid.CPUPlace() - - exe = Executor(place) - exe.run(framework.default_startup_program()) - - param_list = main_program.block(0).all_parameters() - param_name_list = [p.name for p in param_list] - - init_model(config, param_name_list, place) - - processors = KnowledgeCorpus( - data_dir=config.data_dir, - data_prefix=config.data_prefix, - vocab_path=config.vocab_path, - min_len=config.min_len, - max_len=config.max_len) - train_generator = processors.data_generator( - batch_size=config.batch_size, - phase="train", - shuffle=True) - valid_generator = processors.data_generator( - batch_size=config.batch_size, - phase="dev", - shuffle=False) - - model_handle = [exe, place, bow_loss, kl_loss, nll_loss, final_loss] - - train_loop(config, - train_generator, valid_generator, - main_program, inference_program, - model_handle, param_name_list, opt_var_name_list) - - -if __name__ == "__main__": - config = model_config() - run_type = config.run_type - - if run_type == "train": - train(config) - elif run_type == "test": - test(config) diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/output/predict.txt b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/output/predict.txt deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/run_test.sh b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/run_test.sh deleted file mode 100755 index 9deb95b65f4cb0ca77eda5abd35f7017adb08e13..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/run_test.sh +++ /dev/null @@ -1,72 +0,0 @@ -#!/bin/bash -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ - -# set gpu id to use -export CUDA_VISIBLE_DEVICES=0 - -# generalizes target_a/target_b of goal for all outputs, replaces them with slot mark -TOPIC_GENERALIZATION=1 - -# set python path according to your actual environment -pythonpath='python' - -# the prefix of the file name used by the model, must be consistent with the configuration in network.py -prefix=demo - -# put all data set that used and generated for testing under this folder: datapath -# for more details, please refer to the following data processing instructions -datapath=./data - -# in test stage, you can eval dev.txt or test.txt -# the "dev.txt" and "test.txt" are the original data of DuConv and -# need to be placed in this folder: INPUT_PATH/resource/ -# the following preprocessing will generate the actual data needed for model testing -# after testing, you can run eval.py to get the final eval score if the original data have answer -# DATA_TYPE = "dev" or "test" -datapart=dev - -# ensure that each file is in the correct path -# 1. put the data of DuConv under this folder: datapath/resource/ -# - the data provided consists of three parts: train.txt dev.txt test.txt -# - the train.txt and dev.txt are session data, the test.txt is sample data -# - in test stage, we just use the dev.txt or test.txt -# 2. the sample data extracted from session data is in this folder: datapath/resource/ -# 3. the text file required by the model is in this folder: datapath -# 4. the topic file used to generalize data is in this directory: datapath -corpus_file=${datapath}/resource/${datapart}.txt -sample_file=${datapath}/resource/sample.${datapart}.txt -text_file=${datapath}/${prefix}.test -topic_file=${datapath}/${prefix}.test.topic - -# step 1: if eval dev.txt, firstly have to convert session data to sample data -# if eval test.txt, we can use original test.txt of DuConv directly. -if [ "${datapart}"x = "test"x ]; then - sample_file=${corpus_file} -else - ${pythonpath} ./tools/convert_session_to_sample.py ${corpus_file} ${sample_file} -fi - -# step 2: convert sample data to text data required by the model -${pythonpath} ./tools/convert_conversation_corpus_to_model_text.py ${sample_file} ${text_file} ${topic_file} ${TOPIC_GENERALIZATION} - -# step 3: predict by model -${pythonpath} -u network.py --run_type test \ - --use_gpu True \ - --batch_size 12 \ - --use_posterior False \ - --model_path ./models/best_model \ - --output ./output/test.result - -# step 4: replace slot mark generated during topic generalization with real text -${pythonpath} ./tools/topic_materialization.py ./output/test.result ./output/test.result.final ${topic_file} - -# step 5: if the original file has answers, you can run the following command to get result -# if the original file not has answers, you can upload the ./output/test.result.final -# to the website(https://ai.baidu.com/broad/submission?dataset=duconv) to get the official automatic evaluation -${pythonpath} ./tools/convert_result_for_eval.py ${sample_file} ./output/test.result.final ./output/test.result.eval -${pythonpath} ./tools/eval.py ./output/test.result.eval - diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/run_train.sh b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/run_train.sh deleted file mode 100755 index 7925903a1601f5d20ac20ed06f28ce4a0103fdbb..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/run_train.sh +++ /dev/null @@ -1,86 +0,0 @@ -#!/bin/bash -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ - -# set gpu id to use -export CUDA_VISIBLE_DEVICES=0 - -# generalizes target_a/target_b of goal for all outputs, replaces them with slot mark -TOPIC_GENERALIZATION=1 - -# set python path according to your actual environment -pythonpath='python' - -# the prefix of the file name used by the model, must be consistent with the configuration in network.py -prefix=demo - -# put all data set that used and generated for training under this folder: datapath -# for more details, please refer to the following data processing instructions -datapath=./data - -vocabpath=${datapath}/vocab.txt - -# in train stage, use "train.txt" to train model, and use "dev.txt" to eval model -# the "train.txt" and "dev.txt" are the original data of DuConv and -# need to be placed in this folder: datapath/resource/ -# the following preprocessing will generate the actual data needed for model training -# datatype = "train" or "dev" -datatype=(train dev) - -# data preprocessing -for ((i=0; i<${#datatype[*]}; i++)) -do - # ensure that each file is in the correct path - # 1. put the data of DuConv under this folder: datapath/resource/ - # - the data provided consists of three parts: train.txt dev.txt test.txt - # - the train.txt and dev.txt are session data, the test.txt is sample data - # - in train stage, we just use the train.txt and dev.txt - # 2. the sample data extracted from session data is in this folder: datapath/resource/ - # 3. the text file required by the model is in this folder: datapath - # 4. the topic file used to generalize data is in this directory: datapath - corpus_file=${datapath}/resource/${datatype[$i]}.txt - sample_file=${datapath}/resource/sample.${datatype[$i]}.txt - text_file=${datapath}/${prefix}.${datatype[$i]} - topic_file=${datapath}/${prefix}.${datatype[$i]}.topic - - # step 1: firstly have to convert session data to sample data - ${pythonpath} ./tools/convert_session_to_sample.py ${corpus_file} ${sample_file} - - # step 2: convert sample data to text data required by the model - ${pythonpath} ./tools/convert_conversation_corpus_to_model_text.py ${sample_file} ${text_file} ${topic_file} ${TOPIC_GENERALIZATION} - - # step 3: build vocabulary from the training data - if [ "${datatype[$i]}"x = "train"x ]; then - ${pythonpath} ./tools/build_vocabulary.py ${text_file} ${vocabpath} - fi -done - -# step 4: in train stage, we just use train.txt and dev.txt, so we copy dev.txt to test.txt for model training -cp ${datapath}/${prefix}.dev ${datapath}/${prefix}.test - -# step 5: train model in two stage, you can find the model file in ./models/ after training -# step 5.1: stage 0, you can get model_stage_0.npz and opt_state_stage_0.npz in save_dir after stage 0 -${pythonpath} -u network.py --run_type train \ - --stage 0 \ - --use_gpu True \ - --pretrain_epoch 5 \ - --batch_size 32 \ - --use_posterior True \ - --save_dir ./models \ - --vocab_path ${vocabpath} \ - --embed_file ./data/sgns.weibo.300d.txt - -# step 5.2: stage 1, init the model and opt state using the result of stage 0 and train the model -${pythonpath} -u network.py --run_type train \ - --stage 1 \ - --use_gpu True \ - --init_model ./models/model_stage_0.npz \ - --init_opt_state ./models/opt_state_stage_0.npz \ - --num_epochs 12 \ - --batch_size 24 \ - --use_posterior True \ - --save_dir ./models \ - --vocab_path ${vocabpath} diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/__init__.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/__init__.py deleted file mode 100644 index c97406f8c8cabe37059af944ff962e34fba6c19c..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/__init__.py +++ /dev/null @@ -1,10 +0,0 @@ -#!/usr/bin/env python -# -*- coding: UTF-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: __init__.py -""" \ No newline at end of file diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/inputters/__init__.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/inputters/__init__.py deleted file mode 100644 index fc0494cb77bfbc73d71f5ad326a60981fac343e7..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/inputters/__init__.py +++ /dev/null @@ -1,10 +0,0 @@ -#!/usr/bin/env python -# -*- coding: UTF-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: __init__.py -""" diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/inputters/corpus.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/inputters/corpus.py deleted file mode 100644 index f47338a691fac2ab232f3f7330efac84bb3f99f2..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/inputters/corpus.py +++ /dev/null @@ -1,235 +0,0 @@ -#!/usr/bin/env python -# -*- coding: UTF-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: source/inputters/corpus.py -""" - -import re -import os -import random -import numpy as np - - -class KnowledgeCorpus(object): - """ Corpus """ - def __init__(self, - data_dir, - data_prefix, - vocab_path, - min_len, - max_len): - self.data_dir = data_dir - self.data_prefix = data_prefix - self.vocab_path = vocab_path - self.min_len = min_len - self.max_len = max_len - - self.current_train_example = -1 - self.num_examples = {'train': -1, 'dev': -1, 'test': -1} - self.load_voc() - - def filter_pred(ids): - """ - src_filter_pred - """ - return self.min_len <= len(ids) <= max_len - self.filter_pred = lambda ex: filter_pred(ex['src']) and filter_pred(ex['tgt']) - - def load_voc(self): - """ load vocabulary """ - idx = 0 - self.vocab_dict = dict() - with open(self.vocab_path, 'r') as fr: - for line in fr: - line = line.strip() - self.vocab_dict[line] = idx - idx += 1 - - def read_data(self, data_file): - """ read_data """ - data = [] - with open(data_file, "r") as f: - for line in f: - if line.rstrip('\n').split('\t') < 3: - continue - src, tgt, knowledge = line.rstrip('\n').split('\t')[:3] - filter_knowledge = [] - for sent in knowledge.split('\1'): - filter_knowledge.append(' '.join(sent.split()[: self.max_len])) - data.append({'src': src, 'tgt': tgt, 'cue':filter_knowledge}) - return data - - def tokenize(self, tokens): - """ map tokens to ids """ - if isinstance(tokens, str): - tokens = re.sub('\d+', '', tokens).lower() - toks = tokens.split(' ') - toks_ids = [self.vocab_dict.get('')] + \ - [self.vocab_dict.get(tok, self.vocab_dict.get('')) - for tok in toks] + \ - [self.vocab_dict.get('')] - return toks_ids - elif isinstance(tokens, list): - tokens_list = [self.tokenize(t) for t in tokens] - return tokens_list - - def build_examples(self, data): - """ build examples, data: ``List[Dict]`` """ - examples = [] - for raw_data in data: - example = {} - for name, strings in raw_data.items(): - example[name] = self.tokenize(strings) - if not self.filter_pred(example): - continue - examples.append((example['src'], example['tgt'], example['cue'])) - return examples - - def preprocessing_for_lines(self, lines, batch_size): - """ preprocessing for lines """ - raw_data = [] - for line in lines: - src, tgt, knowledge = line.rstrip('\n').split('\t')[:3] - filter_knowledge = [] - for sent in knowledge.split('\1'): - filter_knowledge.append(' '.join(sent.split()[: self.max_len])) - raw_data.append({'src': src, 'tgt': tgt, 'cue': filter_knowledge}) - - examples = self.build_examples(raw_data) - - def instance_reader(): - """ instance reader """ - for (index, example) in enumerate(examples): - instance = [example[0], example[1], example[2]] - yield instance - - def batch_reader(reader, batch_size): - """ batch reader """ - batch = [] - for instance in reader(): - if len(batch) < batch_size: - batch.append(instance) - else: - yield batch - batch = [instance] - - if len(batch) > 0: - yield batch - - def wrapper(): - """ wrapper """ - for batch in batch_reader(instance_reader, batch_size): - batch_data = self.prepare_batch_data(batch) - yield batch_data - - return wrapper - - def data_generator(self, batch_size, phase, shuffle=False): - """ Generate data for train, dev or test. """ - if phase == 'train': - train_file = os.path.join(self.data_dir, self.data_prefix + ".train") - train_raw = self.read_data(train_file) - examples = self.build_examples(train_raw) - self.num_examples['train'] = len(examples) - elif phase == 'dev': - valid_file = os.path.join(self.data_dir, self.data_prefix + ".dev") - valid_raw = self.read_data(valid_file) - examples = self.build_examples(valid_raw) - self.num_examples['dev'] = len(examples) - elif phase == 'test': - test_file = os.path.join(self.data_dir, self.data_prefix + ".test") - test_raw = self.read_data(test_file) - examples = self.build_examples(test_raw) - self.num_examples['test'] = len(examples) - else: - raise ValueError( - "Unknown phase, which should be in ['train', 'dev', 'test'].") - - def instance_reader(): - """ instance reader """ - if shuffle: - random.shuffle(examples) - for (index, example) in enumerate(examples): - if phase == 'train': - self.current_train_example = index + 1 - instance = [example[0], example[1], example[2]] - yield instance - - def batch_reader(reader, batch_size): - """ batch reader """ - batch = [] - for instance in reader(): - if len(batch) < batch_size: - batch.append(instance) - else: - yield batch - batch = [instance] - - if len(batch) > 0: - yield batch - - def wrapper(): - """ wrapper """ - for batch in batch_reader(instance_reader, batch_size): - batch_data = self.prepare_batch_data(batch) - yield batch_data - - return wrapper - - def prepare_batch_data(self, batch): - """ generate input tensor data """ - batch_source_ids = [inst[0] for inst in batch] - batch_target_ids = [inst[1] for inst in batch] - batch_knowledge_ids = [inst[2] for inst in batch] - - pad_source = max([self.cal_max_len(s_inst) for s_inst in batch_source_ids]) - pad_target = max([self.cal_max_len(t_inst) for t_inst in batch_target_ids]) - pad_kn = max([self.cal_max_len(k_inst) for k_inst in batch_knowledge_ids]) - pad_kn_num = max([len(k_inst) for k_inst in batch_knowledge_ids]) - - source_pad_ids = [self.pad_data(s_inst, pad_source) for s_inst in batch_source_ids] - target_pad_ids = [self.pad_data(t_inst, pad_target) for t_inst in batch_target_ids] - knowledge_pad_ids = [self.pad_data(k_inst, pad_kn, pad_kn_num) - for k_inst in batch_knowledge_ids] - - source_len = [len(inst) for inst in batch_source_ids] - target_len = [len(inst) for inst in batch_target_ids] - kn_len = [[len(term) for term in inst] for inst in batch_knowledge_ids] - kn_len_pad = [] - for elem in kn_len: - if len(elem) < pad_kn_num: - elem += [self.vocab_dict['']] * (pad_kn_num - len(elem)) - kn_len_pad.extend(elem) - - return_array = [np.array(source_pad_ids).reshape(-1, pad_source), np.array(source_len), - np.array(target_pad_ids).reshape(-1, pad_target), np.array(target_len), - np.array(knowledge_pad_ids).astype("int64").reshape(-1, pad_kn_num, pad_kn), - np.array(kn_len_pad).astype("int64").reshape(-1, pad_kn_num)] - - return return_array - - def pad_data(self, insts, pad_len, pad_num=-1): - """ padding ids """ - insts_pad = [] - if isinstance(insts[0], list): - for inst in insts: - inst_pad = inst + [self.vocab_dict['']] * (pad_len - len(inst)) - insts_pad.append(inst_pad) - if len(insts_pad) < pad_num: - insts_pad += [[self.vocab_dict['']] * pad_len] * (pad_num - len(insts_pad)) - else: - insts_pad = insts + [self.vocab_dict['']] * (pad_len - len(insts)) - return insts_pad - - def cal_max_len(self, ids): - """ calculate max sequence length """ - if isinstance(ids[0], list): - pad_len = max([self.cal_max_len(k) for k in ids]) - else: - pad_len = len(ids) - return pad_len diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/models/__init__.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/models/__init__.py deleted file mode 100644 index fc0494cb77bfbc73d71f5ad326a60981fac343e7..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/models/__init__.py +++ /dev/null @@ -1,10 +0,0 @@ -#!/usr/bin/env python -# -*- coding: UTF-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: __init__.py -""" diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/models/knowledge_seq2seq.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/models/knowledge_seq2seq.py deleted file mode 100644 index b8d006dab124a676a82f1578c759d96a610fa39e..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/models/knowledge_seq2seq.py +++ /dev/null @@ -1,590 +0,0 @@ -#!/usr/bin/env python -# -*- coding: UTF-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: source/models/knowledge_seq2seq.py -""" - -import numpy as np -import paddle.fluid as fluid -import paddle.fluid.layers as layers -from paddle.fluid.layers.control_flow import StaticRNN as PaddingRNN -from source.utils.utils import log_softmax - - -def get_embedding(input, emb_size, vocab_size, name=""): - """ get embedding """ - return layers.embedding(input, - size=[vocab_size, emb_size], - param_attr=fluid.ParamAttr(name="embedding"), - is_sparse=True) - - -def fc(input, input_size, output_size, bias=True, name="fc"): - """ fc """ - weight = layers.create_parameter([input_size, output_size], - dtype='float32', - name=name + "_w") - out = layers.matmul(input, weight) - if bias: - bias = layers.create_parameter([output_size], - dtype='float32', - name=name + "_b") - out = out + bias - - return out - - -class GRU_unit(object): - """ GRU unit """ - def __init__(self, input_size, hidden_size, num_layers=1, dropout=0.0, name="gru_unit"): - self.weight_input_array = [] - self.weight_hidden_array = [] - self.bias_input_array = [] - self.bias_hidden_array = [] - self.init_hidden_array = [] - - # init gru param - for i in range(num_layers): - weight_input = layers.create_parameter([input_size, hidden_size * 3], - dtype='float32', - name=name + "_input_w") - self.weight_input_array.append(weight_input) - weight_hidden = layers.create_parameter([hidden_size, hidden_size * 3], - dtype='float32', - name=name + "_hidden_w") - self.weight_hidden_array.append(weight_hidden) - bias_input = layers.create_parameter([hidden_size * 3], - dtype='float32', - name=name + "_input_b") - self.bias_input_array.append(bias_input) - bias_hidden = layers.create_parameter([hidden_size * 3], - dtype='float32', - name=name + "_hidden_b") - self.bias_hidden_array.append(bias_hidden) - - self.dropout = dropout - self.num_layers = num_layers - self.input_size = input_size - self.hidden_size = hidden_size - - def gru_step(self, input, hidden, mask=None): - """ gru step """ - hidden_array = [] - for i in range(self.num_layers): - hidden_temp = layers.slice(hidden, axes = [0], starts = [i], ends = [i + 1]) - hidden_temp = layers.reshape(hidden_temp, shape=[-1, self.hidden_size]) - hidden_array.append(hidden_temp) - - last_hidden_array = [] - for k in range(self.num_layers): - trans_input = layers.matmul(input, self.weight_input_array[k]) - trans_input += self.bias_input_array[k] - trans_hidden = layers.matmul(hidden_array[k], self.weight_hidden_array[k]) - trans_hidden += self.bias_hidden_array[k] - - input_array = layers.split(trans_input, num_or_sections=3, dim=-1) - trans_array = layers.split(trans_hidden, num_or_sections=3, dim=-1) - - reset_gate = layers.sigmoid(input_array[0] + trans_array[0]) - input_gate = layers.sigmoid(input_array[1] + trans_array[1]) - new_gate = layers.tanh(input_array[2] + reset_gate * trans_array[2]) - - new_hidden = new_gate + input_gate * (hidden_array[k] - new_gate) - - if mask: - neg_mask = layers.fill_constant_batch_size_like(input=mask, - shape=[1], - value=1.0, - dtype='float32') - mask - new_hidden = new_hidden * mask + hidden_array[k] * neg_mask - - last_hidden_array.append(new_hidden) - input = new_hidden - - if self.dropout and self.dropout > 0.0: - input = layers.dropout(input, dropout_prob = self.dropout) - - last_hidden = layers.concat(last_hidden_array, 0) - last_hidden = layers.reshape(last_hidden, - shape=[self.num_layers, -1, self.hidden_size]) - - return input, last_hidden - - def __call__(self, input, hidden, mask=None): - return self.gru_step(input, hidden, mask) - - -def gru_rnn(input, input_size, hidden_size, - init_hidden=None, batch_first=False, - mask=None, num_layers=1, dropout=0.0, name="gru"): - """ gru rnn """ - - gru_unit = GRU_unit(input_size, hidden_size, - num_layers=num_layers, dropout=dropout, name=name + "_gru_unit") - - if batch_first: - input = layers.transpose(x=input, perm=[1, 0, 2]) - if mask: - mask = layers.transpose(mask, perm=[1, 0]) - - rnn = PaddingRNN() - with rnn.step(): - step_in = rnn.step_input(input) - step_mask = None - - if mask: - step_mask = rnn.step_input(mask) - - pre_hidden = rnn.memory(init = init_hidden) - new_hidden, last_hidden = gru_unit(step_in, pre_hidden, step_mask) - rnn.update_memory(pre_hidden, last_hidden) - step_in = new_hidden - rnn.step_output(step_in) - rnn.step_output(last_hidden) - - rnn_res = rnn() - rnn_out = rnn_res[0] - last_hidden = layers.slice(rnn_res[1], axes=[0], starts=[-1], ends=[1000000000]) - last_hidden = layers.reshape(last_hidden, shape=[num_layers, -1, hidden_size]) - - if batch_first: - rnnout = layers.transpose(x = rnn_out, perm=[1, 0, 2]) - - return rnnout, last_hidden - - -def bidirec_gru(input, input_size, hidden_size, - batch_size, batch_first=True, num_layers=1, - dropout=0.0, mask=None, last_mask=None, name='bidir_gru'): - """ bidirec gru """ - - # use lod dynamic gru - def gru_fun(gru_in, name=None, is_reverse=False): - """ gru fun """ - fw_last_array = [] - fw_in = gru_in - for i in range(num_layers): - fw_gru_in = layers.fc(input=fw_in, size=hidden_size * 3, - param_attr=fluid.ParamAttr(name=name + "_fc_w"), - bias_attr=fluid.ParamAttr(name=name + "_fc_b")) - fw_gru_out = layers.dynamic_gru(input=fw_gru_in, size=hidden_size, - param_attr= fluid.ParamAttr(name=name + "_w"), - bias_attr=fluid.ParamAttr(name=name + "_b"), - origin_mode=True, is_reverse=is_reverse) - fw_in = fw_gru_out - - if is_reverse: - fw_last_hidden = layers.sequence_first_step(fw_gru_out) - else: - fw_last_hidden = layers.sequence_last_step(fw_gru_out) - - if last_mask: - fw_last_hidden = layers.elementwise_mul(fw_last_hidden, last_mask, axis=0) - - fw_last_array.append(fw_last_hidden) - - if num_layers == 1: - final_fw_last_hidden = layers.unsqueeze(fw_last_array[0], axes=[0]) - else: - final_fw_last_hidden = layers.concat(fw_last_array, axis=0) - final_fw_last_hidden = layers.reshape(final_fw_last_hidden, - shape=[num_layers, -1, hidden_size]) - - final_fw_out = fw_in - return final_fw_out, final_fw_last_hidden - - fw_rnn_out, fw_last_hidden = gru_fun(input, name=name + "_fw") - bw_rnn_out, bw_last_hidden = gru_fun(input, name=name + "_bw", is_reverse=True) - - return [fw_rnn_out, bw_rnn_out, fw_last_hidden, bw_last_hidden] - - -def dot_attention(query, memory, mask=None): - """ dot attention """ - attn = layers.matmul(query, memory, transpose_y=True) - - if mask: - attn += mask * -1000000000 - - weight = layers.softmax(attn) - weight_memory = layers.matmul(weight, memory) - - return weight_memory, weight - - -def rnn_encoder(input, vocab_size, input_size, hidden_size, - batch_size, num_layers, bi_direc, dropout=0.0, - batch_first=True, mask=None, last_mask=None, name="rnn_enc"): - """ rnn encoder """ - input_emb = get_embedding(input, input_size, vocab_size) - fw_rnn_out, bw_rnn_out, fw_last_hidden, bw_last_hidden = \ - bidirec_gru(input_emb, input_size, hidden_size, batch_size, - batch_first=batch_first, num_layers = num_layers, - dropout=dropout, mask=mask, last_mask = last_mask, name=name) - - output = layers.concat([fw_rnn_out, bw_rnn_out], axis = 1) - last_hidden = layers.concat([fw_last_hidden, bw_last_hidden], axis= 2) - - return output, last_hidden - - -def decoder_step(gru_unit, cue_gru_unit, step_in, - hidden, input_size, hidden_size, - memory, memory_mask, knowledge, mask=None): - """ decoder step """ - # get attention out - # get hidden top layers - top_hidden = layers.slice(hidden, axes=[0], starts=[0], ends=[1]) - top_hidden = layers.squeeze(top_hidden, axes=[0]) - top_hidden = layers.unsqueeze(top_hidden, axes=[1]) - - weight_memory, attn = dot_attention(top_hidden, memory, memory_mask) - - step_in = layers.unsqueeze(step_in, axes=[1]) - rnn_input_list = [step_in, weight_memory] - if weight_memory.shape[0] == -1: - knowledge_1 = layers.reshape(knowledge, shape=weight_memory.shape) - else: - knowledge_1 = knowledge - cue_input_list = [knowledge_1, weight_memory] - output_list = [weight_memory] - - rnn_input = layers.concat(rnn_input_list, axis=2) - - rnn_input = layers.squeeze(rnn_input, axes=[1]) - rnn_output, rnn_last_hidden = gru_unit(rnn_input, hidden, mask) - - cue_input = layers.concat(cue_input_list, axis=2) - cue_input = layers.squeeze(cue_input, axes=[1]) - cue_rnn_out, cue_rnn_last_hidden = cue_gru_unit(cue_input, hidden, mask) - - h_y = layers.tanh(fc(rnn_last_hidden, hidden_size, hidden_size, name="dec_fc1")) - h_cue = layers.tanh(fc(cue_rnn_last_hidden, hidden_size, hidden_size, name="dec_fc2")) - - concate_y_cue = layers.concat([h_y, h_cue], axis=2) - k = layers.sigmoid(fc(concate_y_cue, hidden_size * 2, 1, name='dec_fc3')) - - new_hidden = h_y * k - h_cue * (k - 1.0) - - new_hidden_tmp = layers.transpose(new_hidden, perm=[1, 0, 2]) - output_list.append(new_hidden_tmp) - - real_out = layers.concat(output_list, axis=2) - - if mask: - mask_tmp = layers.unsqueeze(mask, axes=[0]) - new_hidden = layers.elementwise_mul((new_hidden - hidden), mask_tmp, axis=0) - new_hidden += hidden - - return real_out, new_hidden - - -def rnn_decoder(gru_unit, cue_gru_unit, input, input_size, hidden_size, - num_layers, memory, memory_mask, knowledge, output_size, - init_hidden=None, mask=None, dropout=0.0, batch_first=True, name="decoder"): - """ rnn decoder """ - input_emb = get_embedding(input, input_size, output_size) - if batch_first: - input_emb = layers.transpose(input_emb, perm=[1, 0, 2]) - if mask: - trans_mask = layers.transpose(mask, perm=[1, 0]) - - rnn = PaddingRNN() - with rnn.step(): - step_in = rnn.step_input(input_emb) - step_mask = None - - if mask: - step_mask = rnn.step_input(trans_mask) - - # split pre_hidden - pre_hidden_list = [] - - pre_hidden = rnn.memory(init = init_hidden) - real_out, last_hidden = \ - decoder_step(gru_unit, cue_gru_unit, step_in, pre_hidden, input_size, - hidden_size, memory, memory_mask, knowledge, mask=step_mask) - - rnn.update_memory(pre_hidden, last_hidden) - - step_in = layers.squeeze(real_out, axes=[1]) - rnn.step_output(step_in) - - rnnout = rnn() - rnnout = layers.transpose(rnnout, perm=[1, 0, 2]) - rnnout = layers.elementwise_mul(rnnout, mask, axis=0) - - output_in_size = hidden_size + hidden_size - rnnout = layers.dropout(rnnout, dropout_prob = dropout) - rnnout = fc(rnnout, output_in_size, hidden_size, name='dec_out_fc1') - rnnout = fc(rnnout, hidden_size, output_size, name='dec_out_fc2') - - softmax_out = layers.softmax(rnnout) - - return softmax_out - - -def knowledge_seq2seq(config): - """ knowledge seq2seq """ - emb_size = config.embed_size - hidden_size = config.hidden_size - input_size = emb_size - num_layers = config.num_layers - bi_direc = config.bidirectional - batch_size = config.batch_size - vocab_size = config.vocab_size - run_type = config.run_type - - enc_input = layers.data(name="enc_input", shape=[1], dtype='int64', lod_level=1) - enc_mask = layers.data(name="enc_mask", shape=[-1, 1], dtype='float32') - cue_input = layers.data(name="cue_input", shape=[1], dtype='int64', lod_level=1) - #cue_mask = layers.data(name='cue_mask', shape=[-1, 1], dtype='float32') - memory_mask = layers.data(name='memory_mask', shape=[-1, 1], dtype='float32') - tar_input = layers.data(name='tar_input', shape=[1], dtype='int64', lod_level=1) - # tar_mask = layers.data(name="tar_mask", shape=[-1, 1], dtype='float32') - - rnn_hidden_size = hidden_size - if bi_direc: - rnn_hidden_size //= 2 - - enc_out, enc_last_hidden = \ - rnn_encoder(enc_input, vocab_size, input_size, rnn_hidden_size, batch_size, num_layers, bi_direc, - dropout=0.0, batch_first=True, name="rnn_enc") - - bridge_out = fc(enc_last_hidden, hidden_size, hidden_size, name="bridge") - bridge_out = layers.tanh(bridge_out) - - cue_last_mask = layers.data(name='cue_last_mask', shape=[-1], dtype='float32') - knowledge_out, knowledge_last_hidden = \ - rnn_encoder(cue_input, vocab_size, input_size, rnn_hidden_size, batch_size, num_layers, bi_direc, - dropout=0.0, batch_first=True, last_mask=cue_last_mask, name="knowledge_enc") - - query = layers.slice(bridge_out, axes=[0], starts=[0], ends=[1]) - query = layers.squeeze(query, axes=[0]) - query = layers.unsqueeze(query, axes=[1]) - query = layers.reshape(query, shape=[batch_size, -1, hidden_size]) - cue_memory = layers.slice(knowledge_last_hidden, axes=[0], starts=[0], ends=[1]) - cue_memory = layers.reshape(cue_memory, shape=[batch_size, -1, hidden_size]) - memory_mask = layers.reshape(memory_mask, shape=[batch_size, 1, -1]) - - weighted_cue, cue_att = dot_attention(query, cue_memory, mask=memory_mask) - - cue_att = layers.reshape(cue_att, shape=[batch_size, -1]) - - knowledge = weighted_cue - if config.use_posterior: - target_out, target_last_hidden = \ - rnn_encoder(tar_input, vocab_size, input_size, rnn_hidden_size, batch_size, num_layers, bi_direc, - dropout=0.0, batch_first=True, name="knowledge_enc") - - # get attenion - target_query = layers.slice(target_last_hidden, axes=[0], starts=[0], ends=[1]) - target_query = layers.squeeze(target_query, axes=[0]) - target_query = layers.unsqueeze(target_query, axes=[1]) - target_query = layers.reshape(target_query, shape=[batch_size, -1, hidden_size]) - - weight_target, target_att = dot_attention(target_query, cue_memory, mask=memory_mask) - target_att = layers.reshape(target_att, shape=[batch_size, -1]) - # add to output - knowledge = weight_target - - enc_memory_mask = layers.data(name="enc_memory_mask", shape=[-1, 1], dtype='float32') - enc_memory_mask = layers.unsqueeze(enc_memory_mask, axes=[1]) - # decoder init_hidden, enc_memory, enc_mask - dec_init_hidden = bridge_out - pad_value = fluid.layers.assign( - input=np.array([0.0], dtype='float32')) - - enc_memory, origl_len_1 = layers.sequence_pad(x = enc_out, pad_value=pad_value) - enc_memory.persistable = True - - gru_unit = GRU_unit(input_size + hidden_size, hidden_size, - num_layers=num_layers, dropout=0.0, name="decoder_gru_unit") - - cue_gru_unit = GRU_unit(hidden_size + hidden_size, hidden_size, - num_layers=num_layers, dropout=0.0, name="decoder_cue_gru_unit") - - tgt_vocab_size = config.vocab_size - if run_type == "train": - if config.use_bow: - bow_logits = fc(knowledge, hidden_size, hidden_size, name='bow_fc_1') - bow_logits = layers.tanh(bow_logits) - bow_logits = fc(bow_logits, hidden_size, tgt_vocab_size, name='bow_fc_2') - bow_logits = layers.softmax(bow_logits) - - bow_label = layers.data(name='bow_label', shape=[-1, config.max_len], dtype='int64') - bow_mask = layers.data(name="bow_mask", shape=[-1, config.max_len], dtype='float32') - - bow_logits = layers.expand(bow_logits, [1, config.max_len, 1]) - bow_logits = layers.reshape(bow_logits, shape=[-1, tgt_vocab_size]) - bow_label = layers.reshape(bow_label, shape=[-1, 1]) - bow_loss = layers.cross_entropy(bow_logits, bow_label, soft_label=False) - bow_loss = layers.reshape(bow_loss, shape=[-1, config.max_len]) - - bow_loss *= bow_mask - bow_loss = layers.reduce_sum(bow_loss, dim=[1]) - bow_loss = layers.reduce_mean(bow_loss) - - dec_input = layers.data(name="dec_input", shape=[-1, 1, 1], dtype='int64') - dec_mask = layers.data(name="dec_mask", shape=[-1, 1], dtype='float32') - - dec_knowledge = weight_target - - decoder_logits = \ - rnn_decoder(gru_unit, cue_gru_unit, dec_input, input_size, hidden_size, num_layers, - enc_memory, enc_memory_mask, dec_knowledge, vocab_size, - init_hidden=dec_init_hidden, mask=dec_mask, dropout=config.dropout) - - target_label = layers.data(name='target_label', shape=[-1, 1], dtype='int64') - target_mask = layers.data(name='target_mask', shape=[-1, 1], dtype='float32') - - decoder_logits = layers.reshape(decoder_logits, shape=[-1, tgt_vocab_size]) - target_label = layers.reshape(target_label, shape=[-1, 1]) - - nll_loss = layers.cross_entropy(decoder_logits, target_label, soft_label = False) - nll_loss = layers.reshape(nll_loss, shape=[batch_size, -1]) - nll_loss *= target_mask - nll_loss = layers.reduce_sum(nll_loss, dim=[1]) - nll_loss = layers.reduce_mean(nll_loss) - - prior_attn = cue_att + 1e-10 - posterior_att = target_att - posterior_att.stop_gradient = True - - prior_attn = layers.log(prior_attn) - - kl_loss = posterior_att * (layers.log(posterior_att + 1e-10) - prior_attn) - kl_loss = layers.reduce_mean(kl_loss) - - kl_and_nll_factor = layers.data(name='kl_and_nll_factor', shape=[1], dtype='float32') - kl_and_nll_factor = layers.reshape(kl_and_nll_factor, shape=[-1]) - - - final_loss = bow_loss + kl_loss * kl_and_nll_factor + nll_loss * kl_and_nll_factor - - return [bow_loss, kl_loss, nll_loss, final_loss] - - elif run_type == "test": - beam_size = config.beam_size - batch_size = config.batch_size - token = layers.fill_constant(shape=[batch_size * beam_size, 1], - value=config.bos_id, dtype='int64') - - token = layers.reshape(token, shape=[-1, 1]) - max_decode_len = config.max_dec_len - - dec_knowledge = knowledge - INF= 100000000.0 - - init_score_np = np.ones([beam_size * batch_size], dtype='float32') * -INF - - for i in range(batch_size): - init_score_np[i * beam_size] = 0.0 - - pre_score = layers.assign(init_score_np) - - pos_index_np = np.arange(batch_size).reshape(-1, 1) - pos_index_np = \ - np.tile(pos_index_np, (1, beam_size)).reshape(-1).astype('int32') * beam_size - - pos_index = layers.assign(pos_index_np) - - id_array = [] - score_array = [] - index_array = [] - init_enc_memory = layers.expand(enc_memory, [1, beam_size, 1]) - init_enc_memory = layers.reshape(init_enc_memory, - shape=[batch_size * beam_size, -1, hidden_size]) - init_enc_mask = layers.expand(enc_memory_mask, [1, beam_size, 1]) - init_enc_mask = layers.reshape(init_enc_mask, shape=[batch_size * beam_size, 1, -1]) - - dec_knowledge = layers.reshape(dec_knowledge, shape=[-1, 1, hidden_size]) - init_dec_knowledge = layers.expand(dec_knowledge, [1, beam_size, 1]) - init_dec_knowledge = layers.reshape(init_dec_knowledge, - shape=[batch_size * beam_size, -1, hidden_size]) - - dec_init_hidden = layers.expand(dec_init_hidden, [1, 1, beam_size]) - dec_init_hidden = layers.reshape(dec_init_hidden, shape=[1, -1, hidden_size]) - - length_average = config.length_average - UNK = config.unk_id - EOS = config.eos_id - for i in range(1, max_decode_len + 1): - dec_emb = get_embedding(token, input_size, vocab_size) - dec_out, dec_last_hidden = \ - decoder_step(gru_unit, cue_gru_unit, - dec_emb, dec_init_hidden, input_size, hidden_size, - init_enc_memory, init_enc_mask, init_dec_knowledge, mask=None) - output_in_size = hidden_size + hidden_size - - rnnout = layers.dropout(dec_out, dropout_prob=config.dropout, is_test = True) - rnnout = fc(rnnout, output_in_size, hidden_size, name='dec_out_fc1') - rnnout = fc(rnnout, hidden_size, vocab_size, name='dec_out_fc2') - - log_softmax_output = log_softmax(rnnout) - log_softmax_output = layers.squeeze(log_softmax_output, axes=[1]) - - if i > 1: - if length_average: - log_softmax_output = layers.elementwise_add((log_softmax_output / i), - (pre_score * (1.0 - 1.0 / i)), - axis=0) - else: - log_softmax_output = layers.elementwise_add(log_softmax_output, - pre_score, axis=0) - else: - log_softmax_output = layers.elementwise_add(log_softmax_output, - pre_score, axis=0) - - log_softmax_output = layers.reshape(log_softmax_output, shape=[batch_size, -1]) - - topk_score, topk_index = layers.topk(log_softmax_output, k = beam_size) - topk_score = layers.reshape(topk_score, shape=[-1]) - topk_index = layers.reshape(topk_index, shape =[-1]) - - vocab_var = layers.fill_constant([1], dtype='int64', value=vocab_size) - new_token = topk_index % vocab_var - - index = topk_index // vocab_var - id_array.append(new_token) - index_array.append(index) - index = index + pos_index - - score_array.append(topk_score) - - eos_ids = layers.fill_constant([beam_size * batch_size], dtype='int64', value=EOS) - unk_ids = layers.fill_constant([beam_size * batch_size], dtype='int64', value=UNK) - eos_eq = layers.cast(layers.equal(new_token, eos_ids), dtype='float32') - - topk_score += eos_eq * -100000000.0 - - unk_eq = layers.cast(layers.equal(new_token, unk_ids), dtype='float32') - topk_score += unk_eq * -100000000.0 - - # update - token = new_token - pre_score = topk_score - token = layers.reshape(token, shape=[-1, 1]) - - index = layers.cast(index, dtype='int32') - dec_last_hidden = layers.squeeze(dec_last_hidden, axes=[0]) - dec_init_hidden = layers.gather(dec_last_hidden, index=index) - dec_init_hidden = layers.unsqueeze(dec_init_hidden, axes=[0]) - init_enc_memory = layers.gather(init_enc_memory, index) - init_enc_mask = layers.gather(init_enc_mask, index) - init_dec_knowledge = layers.gather(init_dec_knowledge, index) - - final_score = layers.concat(score_array, axis=0) - final_ids = layers.concat(id_array, axis=0) - final_index = layers.concat(index_array, axis = 0) - - final_score = layers.reshape(final_score, shape=[max_decode_len, beam_size * batch_size]) - final_ids = layers.reshape(final_ids, shape=[max_decode_len, beam_size * batch_size]) - final_index = layers.reshape(final_index, shape=[max_decode_len, beam_size * batch_size]) - - return final_score, final_ids, final_index diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/utils/__init__.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/utils/__init__.py deleted file mode 100644 index c97406f8c8cabe37059af944ff962e34fba6c19c..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/utils/__init__.py +++ /dev/null @@ -1,10 +0,0 @@ -#!/usr/bin/env python -# -*- coding: UTF-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: __init__.py -""" \ No newline at end of file diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/utils/utils.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/utils/utils.py deleted file mode 100644 index a7228f430665e13cb43de50becb51da896d01822..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/source/utils/utils.py +++ /dev/null @@ -1,244 +0,0 @@ -#!/usr/bin/env python -# -*- coding: UTF-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: source/utils/utils.py -""" - -import argparse -import numpy as np -import paddle.fluid as fluid -import paddle.fluid.layers as layers - - -def str2bool(v): - """ str2bool """ - if v.lower() in ('yes', 'true', 't', 'y', '1'): - return True - elif v.lower() in ('no', 'false', 'f', 'n', '0'): - return False - else: - raise argparse.ArgumentTypeError('Unsupported value encountered.') - - -def load_id2str_dict(vocab_file): - """ load id2str dict """ - id_dict_array = [] - with open(vocab_file, 'r') as fr: - for line in fr: - line = line.strip() - id_dict_array.append(line) - - return id_dict_array - - -def load_str2id_dict(vocab_file): - """ load str2id dict """ - words_dict = {} - with open(vocab_file, 'r') as fr: - for line in fr: - word = line.strip() - words_dict[word] = len(words_dict) - - return words_dict - - -def log_softmax(x): - """ log softmax """ - t1 = layers.exp(x) - t1 = layers.reduce_sum(t1, dim=-1) - t1 = layers.log(t1) - return layers.elementwise_sub(x, t1, axis=0) - - -def id_to_text(ids, id_dict_array): - """ convert id seq to str seq """ - res = [] - for i in ids: - res.append(id_dict_array[i]) - - return ' '.join(res) - - -def pad_to_bath_size(src_ids, src_len, trg_ids, trg_len, kn_ids, kn_len, batch_size): - """ pad to bath size for knowledge corpus""" - real_len = src_ids.shape[0] - - def pad(old): - """ pad """ - old_shape = list(old.shape) - old_shape[0] = batch_size - new_val = np.zeros(old_shape, dtype=old.dtype) - new_val[:real_len] = old - for i in range(real_len, batch_size): - new_val[i] = old[-1] - return new_val - - new_src_ids = pad(src_ids) - new_src_len = pad(src_len) - new_trg_ids = pad(trg_ids) - new_trg_len = pad(trg_len) - new_kn_ids = pad(kn_ids) - new_kn_len = pad(kn_len) - - return [new_src_ids, new_src_len, new_trg_ids, new_trg_len, new_kn_ids, new_kn_len] - - -def to_lodtensor(data, seq_lens, place): - """ convert to LoDTensor """ - cur_len = 0 - lod = [cur_len] - - data_array = [] - for idx, seq in enumerate(seq_lens): - if seq > 0: - data_array.append(data[idx, :seq]) - - cur_len += seq - lod.append(cur_len) - else: - data_array.append(np.zeros([1, 1], dtype='int64')) - cur_len += 1 - lod.append(cur_len) - flattened_data = np.concatenate(data_array, axis=0).astype("int64") - flattened_data = flattened_data.reshape([len(flattened_data), 1]) - res = fluid.LoDTensor() - res.set(flattened_data, place) - - res.set_lod([lod]) - return res - - -def len_to_mask(len_seq, max_len=None): - """ len to mask """ - if max_len is None: - max_len = np.max(len_seq) - - mask = np.zeros((len_seq.shape[0], max_len), dtype='float32') - - for i, l in enumerate(len_seq): - mask[i, :l] = 1.0 - - return mask - - -def build_data_feed(data, place, - batch_size=128, - is_training=False, - bow_max_len=30, - pretrain_epoch=False): - """ build data feed """ - src_ids, src_len, trg_ids, trg_len, kn_ids, kn_len = data - - real_size = src_ids.shape[0] - if src_ids.shape[0] < batch_size: - if not is_training: - src_ids, src_len, trg_ids, trg_len, kn_ids, kn_len = \ - pad_to_bath_size(src_ids, src_len, trg_ids, trg_len, kn_ids, kn_len, batch_size) - else: - return None - - enc_input = np.expand_dims(src_ids[:, 1: -1], axis=2) - enc_mask = len_to_mask(src_len - 2) - - tar_input = np.expand_dims(trg_ids[:, 1: -1], axis=2) - tar_mask = len_to_mask(trg_len - 2) - cue_input = np.expand_dims(kn_ids.reshape((-1, kn_ids.shape[-1]))[:, 1:-1], axis=2) - cue_mask = len_to_mask(kn_len.reshape(-1) - 2) - memory_mask = np.equal(kn_len, 0).astype('float32') - - enc_memory_mask = 1.0 - enc_mask - - if not is_training: - return {'enc_input': to_lodtensor(enc_input, src_len - 2, place), - 'enc_mask': enc_mask, - 'cue_input': to_lodtensor(cue_input, kn_len.reshape(-1) - 2, place), - 'cue_last_mask': np.not_equal(kn_len.reshape(-1), 0).astype('float32'), - 'memory_mask': memory_mask, - 'enc_memory_mask': enc_memory_mask, - }, real_size - - dec_input = np.expand_dims(trg_ids[:, :-1], axis=2) - dec_mask = len_to_mask(trg_len - 1) - - target_label = trg_ids[:, 1:] - target_mask = len_to_mask(trg_len - 1) - - bow_label = target_label[:, :-1] - bow_label = np.pad(bow_label, ((0, 0), (0, bow_max_len - bow_label.shape[1])), 'constant', constant_values=(0)) - bow_mask = np.pad(np.not_equal(bow_label, 0).astype('float32'), ((0, 0), (0, bow_max_len - bow_label.shape[1])), - 'constant', constant_values=(0.0)) - - if not pretrain_epoch: - kl_and_nll_factor = np.ones([1], dtype='float32') - else: - kl_and_nll_factor = np.zeros([1], dtype='float32') - - return {'enc_input': to_lodtensor(enc_input, src_len - 2, place), - 'enc_mask': enc_mask, - 'cue_input': to_lodtensor(cue_input, kn_len.reshape(-1) - 2, place), - 'cue_last_mask': np.not_equal(kn_len.reshape(-1), 0).astype('float32'), - 'memory_mask': memory_mask, - 'enc_memory_mask': enc_memory_mask, - 'tar_input': to_lodtensor(tar_input, trg_len - 2, place), - 'bow_label': bow_label, - 'bow_mask': bow_mask, - 'target_label': target_label, - 'target_mask': target_mask, - 'dec_input': dec_input, - 'dec_mask': dec_mask, - 'kl_and_nll_factor': kl_and_nll_factor} - - -def load_embedding(embedding_file, vocab_file): - """ load pretrain embedding from file """ - words_dict = load_str2id_dict(vocab_file) - coverage = 0 - print("Building word embeddings from '{}' ...".format(embedding_file)) - with open(embedding_file, "r") as f: - num, dim = map(int, f.readline().strip().split()) - embeds = [[0] * dim] * len(words_dict) - for line in f: - w, vs = line.rstrip().split(" ", 1) - if w in words_dict: - try: - vs = [float(x) for x in vs.split(" ")] - except Exception: - vs = [] - if len(vs) == dim: - embeds[words_dict[w]] = vs - coverage += 1 - rate = coverage * 1.0 / len(embeds) - print("{} words have pretrained {}-D word embeddings (coverage: {:.3f})".format( \ - coverage, dim, rate)) - - return np.array(embeds).astype('float32') - - -def init_embedding(embedding_file, vocab_file, init_scale, shape): - """ init embedding by pretrain file or random """ - if embedding_file != "": - try: - emb_np = load_embedding(embedding_file, vocab_file) - except: - print("load init emb file failed", embedding_file) - raise Exception("load embedding file failed") - - if emb_np.shape != shape: - print("shape not match", emb_np.shape, shape) - raise Exception("shape not match") - - zero_count = 0 - for i in range(emb_np.shape[0]): - if np.sum(emb_np[i]) == 0: - zero_count += 1 - emb_np[i] = np.random.uniform(-init_scale, init_scale, emb_np.shape[1:]).astype('float32') - else: - print("random init embeding") - emb_np = np.random.uniform(-init_scale, init_scale, shape).astype('float32') - - return emb_np diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/__init__.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/__init__.py deleted file mode 100755 index c97406f8c8cabe37059af944ff962e34fba6c19c..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/__init__.py +++ /dev/null @@ -1,10 +0,0 @@ -#!/usr/bin/env python -# -*- coding: UTF-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: __init__.py -""" \ No newline at end of file diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/build_vocabulary.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/build_vocabulary.py deleted file mode 100755 index ac194e3ea91f1f0dc7d07fa1dc818bc5a457bc7b..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/build_vocabulary.py +++ /dev/null @@ -1,88 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: build_vocabulary.py -""" - -from __future__ import print_function - -import sys -import re -from collections import Counter - -reload(sys) -sys.setdefaultencoding('utf8') - - -def tokenize(s): - """ - tokenize - """ - s = re.sub('\d+', '', s).lower() - tokens = s.split(' ') - return tokens - - -def build_vocabulary(corpus_file, vocab_file, - vocab_size=30004, min_frequency=0, - min_len=1, max_len=500): - """ - build words dict - """ - specials = ["", "", "", ""] - counter = Counter() - for line in open(corpus_file, 'r'): - src, tgt, knowledge = line.rstrip('\n').split('\t')[:3] - filter_knowledge = [] - for sent in knowledge.split('\1'): - filter_knowledge.append(' '.join(sent.split()[:max_len])) - knowledge = ' '.join(filter_knowledge) - - src = tokenize(src) - tgt = tokenize(tgt) - knowledge = tokenize(knowledge) - - if len(src) < min_len or len(src) > max_len or \ - len(tgt) < min_len or len(tgt) > max_len: - continue - - counter.update(src + tgt + knowledge) - - for tok in specials: - del counter[tok] - - words_and_frequencies = sorted(counter.items(), key=lambda tup: tup[0]) - words_and_frequencies.sort(key=lambda tup: tup[1], reverse=True) - words_and_frequencies = [[tok, sys.maxint] for tok in specials] + words_and_frequencies - words_and_frequencies = words_and_frequencies[:vocab_size] - - fout = open(vocab_file, 'w') - for word, frequency in words_and_frequencies: - if frequency < min_frequency: - break - fout.write(word + '\n') - - fout.close() - - -def main(): - """ - main - """ - if len(sys.argv) < 3: - print("Usage: " + sys.argv[0] + " corpus_file vocab_file") - exit() - - build_vocabulary(sys.argv[1], sys.argv[2]) - - -if __name__ == '__main__': - try: - main() - except KeyboardInterrupt: - print("\nExited from the program ealier!") diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/conversation_client.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/conversation_client.py deleted file mode 100755 index 28ddeb49013842db70e78c6530fd55090343fe70..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/conversation_client.py +++ /dev/null @@ -1,55 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: conversation_client.py -""" - -from __future__ import print_function - -import sys -import socket - -reload(sys) -sys.setdefaultencoding('utf8') - -SERVER_IP = "127.0.0.1" -SERVER_PORT = 8601 - -def conversation_client(text): - """ - conversation_client - """ - mysocket = socket.socket(socket.AF_INET, socket.SOCK_STREAM) - mysocket.connect((SERVER_IP, SERVER_PORT)) - - mysocket.sendall(text.encode()) - result = mysocket.recv(4096).decode() - - mysocket.close() - - return result - - -def main(): - """ - main - """ - if len(sys.argv) < 2: - print("Usage: " + sys.argv[0] + " eval_file") - exit() - - for line in open(sys.argv[1]): - response = conversation_client(line.strip()) - print(response) - - -if __name__ == '__main__': - try: - main() - except KeyboardInterrupt: - print("\nExited from the program ealier!") diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/conversation_server.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/conversation_server.py deleted file mode 100755 index cc6a076b2df3774126300320845a915627daf5a6..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/conversation_server.py +++ /dev/null @@ -1,69 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: conversation_server.py -""" - -from __future__ import print_function - -import sys -sys.path.append("../") -import socket -from thread import start_new_thread -from tools.conversation_strategy import load -from tools.conversation_strategy import predict - -reload(sys) -sys.setdefaultencoding('utf8') - -SERVER_IP = "127.0.0.1" -SERVER_PORT = 8601 - -print("starting conversation server ...") -print("binding socket ...") -s = socket.socket(socket.AF_INET, socket.SOCK_STREAM) -#Bind socket to local host and port -try: - s.bind((SERVER_IP, SERVER_PORT)) -except socket.error as msg: - print("Bind failed. Error Code : " + str(msg[0]) + " Message " + msg[1]) - exit() -#Start listening on socket -s.listen(10) -print("bind socket success !") - -print("loading model...") -model = load() -print("load model success !") - -print("start conversation server success !") - - -def clientthread(conn, addr): - """ - client thread - """ - logstr = "addr:" + addr[0]+ "_" + str(addr[1]) - try: - #Receiving from client - param = conn.recv(4096).decode() - logstr += "\tparam:" + param - if param is not None: - response = predict(model, param.strip()) - logstr += "\tresponse:" + response - conn.sendall(response.encode()) - conn.close() - print(logstr + "\n") - except Exception as e: - print(logstr + "\n", e) - - -while True: - conn, addr = s.accept() - start_new_thread(clientthread, (conn, addr)) -s.close() diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/conversation_strategy.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/conversation_strategy.py deleted file mode 100755 index b15cd2f5e678e2231d50ecfb5f9ce25f7988e563..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/conversation_strategy.py +++ /dev/null @@ -1,64 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: conversation_strategy.py -""" - -from __future__ import print_function - -import sys - -sys.path.append("../") -import network -from tools.convert_conversation_corpus_to_model_text import preprocessing_for_one_conversation - -reload(sys) -sys.setdefaultencoding('utf8') - - -def load(): - """ - load model - """ - return network.load() - - -def predict(model, text): - """ - predict - """ - model_text, topic_dict = \ - preprocessing_for_one_conversation(text.strip(), topic_generalization=True) - - if isinstance(model_text, unicode): - model_text = model_text.encode('utf-8') - - response = network.predict(model, model_text) - - topic_list = sorted(topic_dict.items(), key=lambda item: len(item[1]), reverse=True) - for key, value in topic_list: - response = response.replace(key, value) - - return response - - -def main(): - """ - main - """ - generator = load() - for line in sys.stdin: - response = predict(generator, line.strip()) - print(response) - - -if __name__ == '__main__': - try: - main() - except KeyboardInterrupt: - print("\nExited from the program ealier!") diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/convert_conversation_corpus_to_model_text.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/convert_conversation_corpus_to_model_text.py deleted file mode 100755 index 045f57484eefd4314ed6b9f2e558a5311deab25f..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/convert_conversation_corpus_to_model_text.py +++ /dev/null @@ -1,106 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: convert_conversation_corpus_to_model_text.py -""" - -from __future__ import print_function - -import sys -import json -import collections - -reload(sys) -sys.setdefaultencoding('utf8') - - -def preprocessing_for_one_conversation(text, - topic_generalization=False): - """ - preprocessing_for_one_conversation - """ - conversation = json.loads(text.strip(), encoding="utf-8", \ - object_pairs_hook=collections.OrderedDict) - - goal = conversation["goal"] - knowledge = conversation["knowledge"] - history = conversation["history"] - response = conversation["response"] if "response" in conversation else "null" - - topic_a = goal[0][1] - topic_b = goal[0][2] - for i, [s, p, o] in enumerate(knowledge): - if u"领域" == p: - if topic_a == s: - domain_a = o - elif topic_b == s: - domain_b = o - - topic_dict = {} - if u"电影" == domain_a: - topic_dict["video_topic_a"] = topic_a - else: - topic_dict["person_topic_a"] = topic_a - - if u"电影" == domain_b: - topic_dict["video_topic_b"] = topic_b - else: - topic_dict["person_topic_b"] = topic_b - - chat_path_str = ' '.join([' '.join(spo) for spo in goal]) - knowledge_str1 = ' '.join([' '.join(spo) for spo in knowledge]) - knowledge_str2 = '\1'.join([' '.join(spo) for spo in knowledge]) - history_str = ' '.join(history) - - src = chat_path_str + " " + knowledge_str1 + " : " + history_str - model_text = '\t'.join([src, response, knowledge_str2]) - - if topic_generalization: - topic_list = sorted(topic_dict.items(), key=lambda item: len(item[1]), reverse=True) - for key, value in topic_list: - model_text = model_text.replace(value, key) - - return model_text, topic_dict - - -def convert_conversation_corpus_to_model_text(corpus_file, text_file, topic_file, \ - topic_generalization=False): - """ - convert_conversation_corpus_to_model_text - """ - fout_text = open(text_file, 'w') - fout_topic = open(topic_file, 'w') - with open(corpus_file, 'r') as f: - for i, line in enumerate(f): - model_text, topic_dict = preprocessing_for_one_conversation( - line.strip(), topic_generalization=topic_generalization) - - topic_dict = json.dumps(topic_dict, ensure_ascii=False, encoding="utf-8") - - fout_text.write(model_text + "\n") - fout_topic.write(topic_dict + "\n") - - fout_text.close() - fout_topic.close() - - -def main(): - """ - main - """ - convert_conversation_corpus_to_model_text(sys.argv[1], - sys.argv[2], - sys.argv[3], - int(sys.argv[4]) > 0) - - -if __name__ == '__main__': - try: - main() - except KeyboardInterrupt: - print("\nExited from the program ealier!") diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/convert_result_for_eval.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/convert_result_for_eval.py deleted file mode 100755 index d5a2405b87fa125570acfd9d20dc85d493169f94..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/convert_result_for_eval.py +++ /dev/null @@ -1,53 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: convert_result_for_eval.py -""" - -from __future__ import print_function - -import sys -import json -import collections - -reload(sys) -sys.setdefaultencoding('utf8') - - -def convert_result_for_eval(sample_file, result_file, output_file): - """ - convert_result_for_eval - """ - sample_list = [line.strip() for line in open(sample_file, 'r')] - result_list = [line.strip() for line in open(result_file, 'r')] - - assert len(sample_list) == len(result_list) - fout = open(output_file, 'w') - for i, sample in enumerate(sample_list): - sample = json.loads(sample, encoding="utf-8", \ - object_pairs_hook=collections.OrderedDict) - response = sample["response"] - fout.write(result_list[i] + "\t" + response + "\n") - - fout.close() - - -def main(): - """ - main - """ - convert_result_for_eval(sys.argv[1], - sys.argv[2], - sys.argv[3]) - - -if __name__ == '__main__': - try: - main() - except KeyboardInterrupt: - print("\nExited from the program ealier!") diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/convert_session_to_sample.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/convert_session_to_sample.py deleted file mode 100755 index 02b83a3c6687e7396d83337299b08afd3d1e130d..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/convert_session_to_sample.py +++ /dev/null @@ -1,57 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: convert_session_to_sample.py -""" - -from __future__ import print_function - -import sys -import json -import collections - -reload(sys) -sys.setdefaultencoding('utf8') - - -def convert_session_to_sample(session_file, sample_file): - """ - convert_session_to_sample - """ - fout = open(sample_file, 'w') - with open(session_file, 'r') as f: - for i, line in enumerate(f): - session = json.loads(line.strip(), encoding="utf-8", \ - object_pairs_hook=collections.OrderedDict) - conversation = session["conversation"] - - for j in range(0, len(conversation), 2): - sample = collections.OrderedDict() - sample["goal"] = session["goal"] - sample["knowledge"] = session["knowledge"] - sample["history"] = conversation[:j] - sample["response"] = conversation[j] - - sample = json.dumps(sample, ensure_ascii=False, encoding="utf-8") - - fout.write(sample + "\n") - - fout.close() - - -def main(): - """ - main - """ - convert_session_to_sample(sys.argv[1], sys.argv[2]) - -if __name__ == '__main__': - try: - main() - except KeyboardInterrupt: - print("\nExited from the program ealier!") diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/eval.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/eval.py deleted file mode 100755 index c0ec9485ef60844a6365c286c72c61c60dece6e0..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/eval.py +++ /dev/null @@ -1,179 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: eval.py -""" - -from __future__ import print_function - -import sys -import math -from collections import Counter - -reload(sys) -sys.setdefaultencoding('utf8') - - -if len(sys.argv) < 2: - print("Usage: " + sys.argv[0] + " eval_file") - print("eval file format: pred_response \t gold_response") - exit() - -def get_dict(tokens, ngram, gdict=None): - """ - get_dict - """ - token_dict = {} - if gdict is not None: - token_dict = gdict - tlen = len(tokens) - for i in range(0, tlen - ngram + 1): - ngram_token = "".join(tokens[i:(i + ngram)]) - if token_dict.get(ngram_token) is not None: - token_dict[ngram_token] += 1 - else: - token_dict[ngram_token] = 1 - return token_dict - - -def count(pred_tokens, gold_tokens, ngram, result): - """ - count - """ - cover_count, total_count = result - pred_dict = get_dict(pred_tokens, ngram) - gold_dict = get_dict(gold_tokens, ngram) - cur_cover_count = 0 - cur_total_count = 0 - for token, freq in pred_dict.items(): - if gold_dict.get(token) is not None: - gold_freq = gold_dict[token] - cur_cover_count += min(freq, gold_freq) - cur_total_count += freq - result[0] += cur_cover_count - result[1] += cur_total_count - - -def calc_bp(pair_list): - """ - calc_bp - """ - c_count = 0.0 - r_count = 0.0 - for pair in pair_list: - pred_tokens, gold_tokens = pair - c_count += len(pred_tokens) - r_count += len(gold_tokens) - bp = 1 - if c_count < r_count: - bp = math.exp(1 - r_count / c_count) - return bp - - -def calc_cover_rate(pair_list, ngram): - """ - calc_cover_rate - """ - result = [0.0, 0.0] # [cover_count, total_count] - for pair in pair_list: - pred_tokens, gold_tokens = pair - count(pred_tokens, gold_tokens, ngram, result) - cover_rate = result[0] / result[1] - return cover_rate - - -def calc_bleu(pair_list): - """ - calc_bleu - """ - bp = calc_bp(pair_list) - cover_rate1 = calc_cover_rate(pair_list, 1) - cover_rate2 = calc_cover_rate(pair_list, 2) - cover_rate3 = calc_cover_rate(pair_list, 3) - bleu1 = 0 - bleu2 = 0 - bleu3 = 0 - if cover_rate1 > 0: - bleu1 = bp * math.exp(math.log(cover_rate1)) - if cover_rate2 > 0: - bleu2 = bp * math.exp((math.log(cover_rate1) + math.log(cover_rate2)) / 2) - if cover_rate3 > 0: - bleu3 = bp * math.exp((math.log(cover_rate1) + math.log(cover_rate2) + math.log(cover_rate3)) / 3) - return [bleu1, bleu2] - - -def calc_distinct_ngram(pair_list, ngram): - """ - calc_distinct_ngram - """ - ngram_total = 0.0 - ngram_distinct_count = 0.0 - pred_dict = {} - for predict_tokens, _ in pair_list: - get_dict(predict_tokens, ngram, pred_dict) - for key, freq in pred_dict.items(): - ngram_total += freq - ngram_distinct_count += 1 - #if freq == 1: - # ngram_distinct_count += freq - return ngram_distinct_count / ngram_total - - -def calc_distinct(pair_list): - """ - calc_distinct - """ - distinct1 = calc_distinct_ngram(pair_list, 1) - distinct2 = calc_distinct_ngram(pair_list, 2) - return [distinct1, distinct2] - - -def calc_f1(data): - """ - calc_f1 - """ - golden_char_total = 0.0 - pred_char_total = 0.0 - hit_char_total = 0.0 - for response, golden_response in data: - golden_response = "".join(golden_response).decode("utf8") - response = "".join(response).decode("utf8") - #golden_response = "".join(golden_response) - #response = "".join(response) - common = Counter(response) & Counter(golden_response) - hit_char_total += sum(common.values()) - golden_char_total += len(golden_response) - pred_char_total += len(response) - p = hit_char_total / pred_char_total - r = hit_char_total / golden_char_total - f1 = 2 * p * r / (p + r) - return f1 - - -eval_file = sys.argv[1] -sents = [] -for line in open(eval_file): - tk = line.strip().split("\t") - if len(tk) < 2: - continue - pred_tokens = tk[0].strip().split(" ") - gold_tokens = tk[1].strip().split(" ") - sents.append([pred_tokens, gold_tokens]) -# calc f1 -f1 = calc_f1(sents) -# calc bleu -bleu1, bleu2 = calc_bleu(sents) -# calc distinct -distinct1, distinct2 = calc_distinct(sents) - -output_str = "F1: %.2f%%\n" % (f1 * 100) -output_str += "BLEU1: %.3f%%\n" % bleu1 -output_str += "BLEU2: %.3f%%\n" % bleu2 -output_str += "DISTINCT1: %.3f%%\n" % distinct1 -output_str += "DISTINCT2: %.3f%%\n" % distinct2 -sys.stdout.write(output_str) diff --git a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/topic_materialization.py b/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/topic_materialization.py deleted file mode 100755 index 90c3b38cd682cf4dd9d96ecd057dc2ec7b73c8b7..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/generative_paddle/tools/topic_materialization.py +++ /dev/null @@ -1,54 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: topic_materialization.py -""" - -from __future__ import print_function - -import sys -import json - -reload(sys) -sys.setdefaultencoding('utf8') - - -def topic_materialization(input_file, output_file, topic_file): - """ - topic_materialization - """ - inputs = [line.strip() for line in open(input_file, 'r')] - topics = [line.strip() for line in open(topic_file, 'r')] - - assert len(inputs) == len(topics) - - fout = open(output_file, 'w') - for i, text in enumerate(inputs): - topic_dict = json.loads(topics[i], encoding="utf-8") - topic_list = sorted(topic_dict.items(), key=lambda item: len(item[1]), reverse=True) - for key, value in topic_list: - text = text.replace(key, value) - fout.write(text + "\n") - - fout.close() - - -def main(): - """ - main - """ - topic_materialization(sys.argv[1], - sys.argv[2], - sys.argv[3]) - - -if __name__ == '__main__': - try: - main() - except KeyboardInterrupt: - print("\nExited from the program ealier!") diff --git a/PaddleNLP/Research/ACL2019-DuConv/images/proactive_conversation_case.png b/PaddleNLP/Research/ACL2019-DuConv/images/proactive_conversation_case.png deleted file mode 100644 index 9b95e7fcdc9ac17323fd435b9c7765e366558bda..0000000000000000000000000000000000000000 Binary files a/PaddleNLP/Research/ACL2019-DuConv/images/proactive_conversation_case.png and /dev/null differ diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/README.md b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/README.md deleted file mode 100644 index fd325bbe8c7199815bcd0b4b1491d5dfdef9c236..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/README.md +++ /dev/null @@ -1,51 +0,0 @@ -Knowledge-driven Dialogue -============================= -[![License: MIT](https://img.shields.io/badge/License-MIT-yellow.svg)](https://opensource.org/licenses/MIT) - -This is a paddlepaddle implementation of retrieval-based model for knowledge-driven dialogue - -## Requirements - -* cuda=9.0 -* cudnn=7.0 -* python=2.7 -* numpy -* paddlepaddle>=1.3 - -## Quickstart - -### Step 1: Preprocess the data - -Put the data of [DuConv](https://ai.baidu.com/broad/subordinate?dataset=duconv) under the data folder and rename them train/dev/test.txt: - -``` -./data/resource/train.txt -./data/resource/dev.txt -./data/resource/test.txt -``` - -### Step 2: Train the model - -Train model with the following commands. - -```bash -sh run_train.sh model_name -``` - -3 models were supported: -- match: match, input is history and response -- match_kn: match_kn, input is history, response, chat_path, knowledge -- match_kn_gene: match_kn, input is history, response, chat_path, knowledge and generalizes target_a/target_b of goal for all inputs, replaces them with slot mark - -### Step 3: Test the Model - -Test model with the following commands. - -```bash -sh run_test.sh model_name -``` - -## Note !!! - -* The script run_train.sh/run_test.sh shows all the processes including data processing and model training/testing. Be sure to read it carefully and follow it. -* The files in ./data and ./model is just empty file to show the structure of the document. diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/args.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/args.py deleted file mode 100644 index 4d114012333cb4c766625a688d3625e09bd58f0b..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/args.py +++ /dev/null @@ -1,138 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: args.py -""" - -from __future__ import print_function - -import six -import argparse - - -# define argument parser & add common arguments -def base_parser(): - parser = argparse.ArgumentParser(description="Arguments for running classifier.") - parser.add_argument( - '--epoch', - type=int, - default=100, - help='Number of epoches for training. (default: %(default)d)') - parser.add_argument( - '--task_name', - type=str, - default='match', - help='task name for training') - parser.add_argument( - '--max_seq_len', - type=int, - default=512, - help='Number of word of the longest seqence. (default: %(default)d)') - parser.add_argument( - '--batch_size', - type=int, - default=8096, - help='Total token number in batch for training. (default: %(default)d)') - parser.add_argument( - '--voc_size', - type=int, - default=14373, - help='Total token number in batch for training. (default: %(default)d)') - parser.add_argument( - '--init_checkpoint', - type=str, - default=None, - help='init checkpoint to resume training from. (default: %(default)s)') - parser.add_argument( - '--save_inference_model_path', - type=str, - default="inference_model", - help='save inference model. (default: %(default)s)') - parser.add_argument( - '--output', - type=str, - default="./output/pred.txt", - help='init checkpoint to resume training from. (default: %(default)s)') - parser.add_argument( - '--learning_rate', - type=float, - default=1e-2, - help='Learning rate used to train with warmup. (default: %(default)f)') - parser.add_argument( - '--weight_decay', - type=float, - default=0.01, - help='Weight decay rate for L2 regularizer. (default: %(default)f)') - parser.add_argument( - '--checkpoints', - type=str, - default="checkpoints", - help='Path to save checkpoints. (default: %(default)s)') - parser.add_argument( - '--vocab_path', - type=str, - default=None, - help='Vocabulary path. (default: %(default)s)') - parser.add_argument( - '--data_dir', - type=str, - default="./real_data", - help='Path of training data. (default: %(default)s)') - parser.add_argument( - '--skip_steps', - type=int, - default=10, - help='The steps interval to print loss. (default: %(default)d)') - parser.add_argument( - '--save_steps', - type=int, - default=10000, - help='The steps interval to save checkpoints. (default: %(default)d)') - parser.add_argument( - '--validation_steps', - type=int, - default=1000, - help='The steps interval to evaluate model performance on validation ' - 'set. (default: %(default)d)') - parser.add_argument( - '--use_cuda', action='store_true', help='If set, use GPU for training.') - parser.add_argument( - '--use_fast_executor', - action='store_true', - help='If set, use fast parallel executor (in experiment).') - parser.add_argument( - '--do_lower_case', - type=bool, - default=True, - choices=[True, False], - help="Whether to lower case the input text. Should be True for uncased " - "models and False for cased models.") - parser.add_argument( - '--warmup_proportion', - type=float, - default=0.1, - help='proportion warmup. (default: %(default)f)') - args = parser.parse_args() - return args - -def print_arguments(args): - print('----------- Configuration Arguments -----------') - for arg, value in sorted(six.iteritems(vars(args))): - print('%s: %s' % (arg, value)) - print('------------------------------------------------') - diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/data/dev.txt b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/data/dev.txt deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/data/resource/dev.txt b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/data/resource/dev.txt deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/data/resource/test.txt b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/data/resource/test.txt deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/data/resource/train.txt b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/data/resource/train.txt deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/data/test.txt b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/data/test.txt deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/data/train.txt b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/data/train.txt deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/dict/char.dict b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/dict/char.dict deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/dict/gene.dict b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/dict/gene.dict deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/interact.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/interact.py deleted file mode 100755 index bdbf4a19f189b0023a98d0bc1e2bef695f26ca3b..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/interact.py +++ /dev/null @@ -1,91 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: interact.py -""" - -import paddle.fluid as fluid -import paddle.fluid.framework as framework -from source.inputters.data_provider import load_dict -from source.inputters.data_provider import MatchProcessor -from source.inputters.data_provider import preprocessing_for_one_line - -import numpy as np - -load_dict("./dict/gene.dict") - -def load_model(): - """ - load model function - """ - main_program = fluid.default_main_program() - #place = fluid.CPUPlace() - place = fluid.CUDAPlace(0) - exe = fluid.Executor(place) - exe.run(framework.default_startup_program()) - - path = "./models/inference_model" - [inference_program, feed_dict, fetch_targets] = \ - fluid.io.load_inference_model(dirname=path, executor=exe) - model_handle = [exe, inference_program, feed_dict, fetch_targets, place] - return model_handle - - -def predict(model_handle, text, task_name): - """ - predict score function - """ - exe = model_handle[0] - inference_program = model_handle[1] - feed_dict = model_handle[2] - fetch_targets = model_handle[3] - place = model_handle[4] - - data = preprocessing_for_one_line(text, MatchProcessor.get_labels(), \ - task_name, max_seq_len=256) - context_ids = [elem[0] for elem in data] - context_pos_ids = [elem[1] for elem in data] - context_segment_ids = [elem[2] for elem in data] - context_attn_mask = [elem[3] for elem in data] - labels_ids = [[1]] - if 'kn' in task_name: - kn_ids = [elem[4] for elem in data] - kn_ids = fluid.create_lod_tensor(kn_ids, [[len(kn_ids[0])]], place) - context_next_sent_index = [elem[5] for elem in data] - results = exe.run(inference_program, - feed={feed_dict[0]: np.array(context_ids), - feed_dict[1]: np.array(context_pos_ids), - feed_dict[2]: np.array(context_segment_ids), - feed_dict[3]: np.array(context_attn_mask), - feed_dict[4]: kn_ids, - feed_dict[5]: np.array(labels_ids), - feed_dict[6]: np.array(context_next_sent_index)}, - fetch_list=fetch_targets) - else: - context_next_sent_index = [elem[4] for elem in data] - results = exe.run(inference_program, - feed={feed_dict[0]: np.array(context_ids), - feed_dict[1]: np.array(context_pos_ids), - feed_dict[2]: np.array(context_segment_ids), - feed_dict[3]: np.array(context_attn_mask), - feed_dict[4]: np.array(labels_ids), - feed_dict[5]: np.array(context_next_sent_index)}, - fetch_list=fetch_targets) - score = results[0][0][1] - return score - diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/models/best.model b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/models/best.model deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/output/predict.txt b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/output/predict.txt deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/predict.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/predict.py deleted file mode 100644 index 24c26493a1b14ccb3e3aaae1ab2f6c474c6f69ea..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/predict.py +++ /dev/null @@ -1,101 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: predict.py -Load checkpoint of running classifier to do prediction and save inference model. -""" - -import os -import time -import numpy as np -import paddle.fluid as fluid -import paddle.fluid.framework as framework - -import source.inputters.data_provider as reader - -import multiprocessing -from train import create_model -from args import base_parser -from args import print_arguments -from source.utils.utils import init_pretraining_params - - -def main(args): - - task_name = args.task_name.lower() - processor = reader.MatchProcessor(data_dir=args.data_dir, - task_name=task_name, - vocab_path=args.vocab_path, - max_seq_len=args.max_seq_len, - do_lower_case=args.do_lower_case) - - num_labels = len(processor.get_labels()) - infer_data_generator = processor.data_generator( - batch_size=args.batch_size, - phase='test', - epoch=1, - shuffle=False) - num_test_examples = processor.get_num_examples(phase='test') - main_program = fluid.default_main_program() - - feed_order, loss, probs, accuracy, num_seqs = create_model( - args, - num_labels=num_labels, - is_prediction=True) - - if args.use_cuda: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - - exe = fluid.Executor(place) - exe.run(framework.default_startup_program()) - - if args.init_checkpoint: - init_pretraining_params(exe, args.init_checkpoint, main_program) - - feed_list = [ - main_program.global_block().var(var_name) for var_name in feed_order - ] - feeder = fluid.DataFeeder(feed_list, place) - - out_scores = open(args.output, 'w') - for batch_id, data in enumerate(infer_data_generator()): - results = exe.run( - fetch_list=[probs], - feed=feeder.feed(data), - return_numpy=True) - for elem in results[0]: - out_scores.write(str(elem[1]) + '\n') - - out_scores.close() - if args.save_inference_model_path: - model_path = args.save_inference_model_path - fluid.io.save_inference_model( - model_path, - feed_order, probs, - exe, - main_program=main_program) - - -if __name__ == '__main__': - args = base_parser() - print_arguments(args) - main(args) diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/run_predict.sh b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/run_predict.sh deleted file mode 100644 index 3c88b9b115f6e29a61e46eb673524693b6551030..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/run_predict.sh +++ /dev/null @@ -1,109 +0,0 @@ -#!/bin/bash - -# set gpu id to use -export CUDA_VISIBLE_DEVICES=1 - -# task_name can select from ["match", "match_kn", "match_kn_gene"] -# match task: do not use knowledge info (goal and knowledge) for retrieval model -# match_kn task: use knowledge info (goal and knowledge) for retrieval model -# match_kn_gene task: 1) use knowledge info (goal and knowledge) for retrieval model; -# 2) generalizes target_a/target_b of goal, replaces them with slot mark -# more information about generalization in match_kn_gene, -# you can refer to ./tools/convert_conversation_corpus_to_model_text.py -TASK_NAME=$1 - -if [ "$TASK_NAME" = "match" ] -then - DICT_NAME="./dict/char.dict" - USE_KNOWLEDGE=0 - TOPIC_GENERALIZATION=0 -elif [ "$TASK_NAME" = "match_kn" ] -then - DICT_NAME="./dict/char.dict" - USE_KNOWLEDGE=1 - TOPIC_GENERALIZATION=0 -elif [ "$TASK_NAME" = "match_kn_gene" ] -then - DICT_NAME="./dict/gene.dict" - USE_KNOWLEDGE=1 - TOPIC_GENERALIZATION=1 -else - echo "task name error, should be match|match_kn|match_kn_gene" -fi - -# in predict stage, FOR_PREDICT=1 -FOR_PREDICT=1 - -# put all data set that used and generated for testing under this folder: INPUT_PATH -# for more details, please refer to the following data processing instructions -INPUT_PATH="./data" - -# put the model files needed for testing under this folder: OUTPUT_PATH -OUTPUT_PATH="./models" - -# set python path according to your actual environment -PYTHON_PATH="python" - -# in test stage, you can eval dev.txt or test.txt -# the "dev.txt" and "test.txt" are the original data of DuConv and -# need to be placed in this folder: INPUT_PATH/resource/ -# the following preprocessing will generate the actual data needed for model testing -# after testing, you can run eval.py to get the final eval score if the original data have answer -# DATA_TYPE = "dev" or "test" -DATA_TYPE="dev" - -# candidate set, construct in train stage -candidate_set_file=${INPUT_PATH}/candidate_set.txt - -# ensure that each file is in the correct path -# 1. put the data of DuConv under this folder: INPUT_PATH/resource/ -# - the data provided consists of three parts: train.txt dev.txt test.txt -# - the train.txt and dev.txt are session data, the test.txt is sample data -# - in test stage, we just use the dev.txt or test.txt -# 2. the sample data extracted from session data is in this folder: INPUT_PATH/resource/ -# 3. the candidate data constructed from sample data is in this folder: INPUT_PATH/resource/ -# 4. the text file required by the model is in this folder: INPUT_PATH -corpus_file=${INPUT_PATH}/resource/${DATA_TYPE}.txt -sample_file=${INPUT_PATH}/resource/sample.${DATA_TYPE}.txt -candidate_file=${INPUT_PATH}/resource/candidate.${DATA_TYPE}.txt -text_file=${INPUT_PATH}/test.txt -score_file=./output/score.txt -predict_file=./output/predict.txt - -# step 1: if eval dev.txt, firstly have to convert session data to sample data -# if eval test.txt, we can use original test.txt of DuConv directly. -if [ "${DATA_TYPE}"x = "test"x ]; then - sample_file=${corpus_file} -else - ${PYTHON_PATH} ./tools/convert_session_to_sample.py ${corpus_file} ${sample_file} -fi - -# step 2: construct candidate for sample data -${PYTHON_PATH} ./tools/construct_candidate.py ${sample_file} ${candidate_set_file} ${candidate_file} 10 - -# step 3: convert sample data with candidates to text data required by the model -${PYTHON_PATH} ./tools/convert_conversation_corpus_to_model_text.py ${candidate_file} ${text_file} ${USE_KNOWLEDGE} ${TOPIC_GENERALIZATION} ${FOR_PREDICT} - -# inference_model can used for interact.py -inference_model="./models/inference_model" - -# step 4: predict score by model -$PYTHON_PATH -u predict.py --task_name ${TASK_NAME} \ - --use_cuda \ - --batch_size 10 \ - --init_checkpoint ${OUTPUT_PATH}/50 \ - --data_dir ${INPUT_PATH} \ - --vocab_path ${DICT_NAME} \ - --save_inference_model_path ${inference_model} \ - --max_seq_len 128 \ - --output ${score_file} - -# step 5: extract predict utterance by candidate_file and score_file -# if the original file has answers, the predict_file format is "predict \t gold \n predict \t gold \n ......" -# if the original file not has answers, the predict_file format is "predict \n predict \n predict \n predict \n ......" -${PYTHON_PATH} ./tools/extract_predict_utterance.py ${candidate_file} ${score_file} ${predict_file} - -# step 6: if the original file has answers, you can run the following command to get result -# if the original file not has answers, you can upload the ./output/test.result.final -# to the website(https://ai.baidu.com/broad/submission?dataset=duconv) to get the official automatic evaluation -${PYTHON_PATH} ./tools/eval.py ${predict_file} diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/run_train.sh b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/run_train.sh deleted file mode 100755 index 821be62ce83b5d5235475ff49a30fb1ff1a34449..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/run_train.sh +++ /dev/null @@ -1,109 +0,0 @@ -#!/bin/bash - -# set gpu id to use -export CUDA_VISIBLE_DEVICES=0 - -# task_name can select from ["match", "match_kn", "match_kn_gene"] -# match task: do not use knowledge info (goal and knowledge) for retrieval model -# match_kn task: use knowledge info (goal and knowledge) for retrieval model -# match_kn_gene task: 1) use knowledge info (goal and knowledge) for retrieval model; -# 2) generalizes target_a/target_b of goal, replaces them with slot mark -# more information about generalization in match_kn_gene, -# you can refer to ./tools/convert_conversation_corpus_to_model_text.py -TASK_NAME=$1 - -if [ "$TASK_NAME" = "match" ] -then - DICT_NAME="./dict/char.dict" - USE_KNOWLEDGE=0 - TOPIC_GENERALIZATION=0 -elif [ "$TASK_NAME" = "match_kn" ] -then - DICT_NAME="./dict/char.dict" - USE_KNOWLEDGE=1 - TOPIC_GENERALIZATION=0 -elif [ "$TASK_NAME" = "match_kn_gene" ] -then - DICT_NAME="./dict/gene.dict" - USE_KNOWLEDGE=1 - TOPIC_GENERALIZATION=1 -else - echo "task name error, should be match|match_kn|match_kn_gene" -fi - -# in train stage, FOR_PREDICT=0 -FOR_PREDICT=0 - -# put all data set that used and generated for training under this folder: INPUT_PATH -# for more details, please refer to the following data processing instructions -INPUT_PATH="./data" - -# put the model file that saved in each stage under this folder: OUTPUT_PATH -OUTPUT_PATH="./models" - -# set python path according to your actual environment -PYTHON_PATH="python" - -# in train stage, use "train.txt" to train model, and use "dev.txt" to eval model -# the "train.txt" and "dev.txt" are the original data of DuConv and -# need to be placed in this folder: INPUT_PATH/resource/ -# the following preprocessing will generate the actual data needed for model training -# DATA_TYPE = "train" or "dev" -DATA_TYPE=("train" "dev") - -# candidate set -candidate_set_file=${INPUT_PATH}/candidate_set.txt - -# data preprocessing -for ((i=0; i<${#DATA_TYPE[*]}; i++)) -do - # ensure that each file is in the correct path - # 1. put the data of DuConv under this folder: INPUT_PATH/resource/ - # - the data provided consists of three parts: train.txt dev.txt test.txt - # - the train.txt and dev.txt are session data, the test.txt is sample data - # - in train stage, we just use the train.txt and dev.txt - # 2. the sample data extracted from session data is in this folder: INPUT_PATH/resource/ - # 3. the candidate data constructed from sample data is in this folder: INPUT_PATH/resource/ - # 4. the text file required by the model is in this folder: INPUT_PATH - corpus_file=${INPUT_PATH}/resource/${DATA_TYPE[$i]}.txt - sample_file=${INPUT_PATH}/resource/sample.${DATA_TYPE[$i]}.txt - candidate_file=${INPUT_PATH}/resource/candidate.${DATA_TYPE[$i]}.txt - text_file=${INPUT_PATH}/${DATA_TYPE[$i]}.txt - - # step 1: build candidate set from session data for negative training cases and predicting candidates - if [ "${DATA_TYPE[$i]}"x = "train"x ]; then - ${PYTHON_PATH} ./tools/build_candidate_set_from_corpus.py ${corpus_file} ${candidate_set_file} - fi - - # step 2: firstly have to convert session data to sample data - ${PYTHON_PATH} ./tools/convert_session_to_sample.py ${corpus_file} ${sample_file} - - # step 3: construct candidate for sample data - ${PYTHON_PATH} ./tools/construct_candidate.py ${sample_file} ${candidate_set_file} ${candidate_file} 9 - - # step 4: convert sample data with candidates to text data required by the model - ${PYTHON_PATH} ./tools/convert_conversation_corpus_to_model_text.py ${candidate_file} ${text_file} ${USE_KNOWLEDGE} ${TOPIC_GENERALIZATION} ${FOR_PREDICT} - - # step 5: build dict from the training data, here we build character dict for model - if [ "${DATA_TYPE[$i]}"x = "train"x ]; then - ${PYTHON_PATH} ./tools/build_dict.py ${text_file} ${DICT_NAME} - fi - -done - -# step 5: train model, you can find the model file in OUTPUT_PATH after training -$PYTHON_PATH -u train.py --task_name ${TASK_NAME} \ - --use_cuda \ - --batch_size 128 \ - --data_dir ${INPUT_PATH} \ - --vocab_path ${DICT_NAME} \ - --checkpoints ${OUTPUT_PATH} \ - --save_steps 1000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.1 \ - --validation_steps 1000000 \ - --skip_steps 100 \ - --learning_rate 0.1 \ - --epoch 30 \ - --max_seq_len 256 - diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/__init__.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/__init__.py deleted file mode 100644 index beea29582887d3742858df66ab1893c9e5ff7a3a..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/__init__.py +++ /dev/null @@ -1,20 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: __init__.py -""" \ No newline at end of file diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/encoders/__init__.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/encoders/__init__.py deleted file mode 100644 index 4092841125e1c46072795ef74953698f43f9db34..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/encoders/__init__.py +++ /dev/null @@ -1,20 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: __init__.py -""" diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/encoders/transformer.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/encoders/transformer.py deleted file mode 100755 index 02d2aa836a74b1554c1e777361c1b79f3da4b312..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/encoders/transformer.py +++ /dev/null @@ -1,321 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: transformer.py -""" - -from functools import partial -import numpy as np - -import paddle.fluid as fluid -import paddle.fluid.layers as layers - - -def multi_head_attention(queries, - keys, - values, - attn_bias, - d_key, - d_value, - d_model, - n_head=1, - dropout_rate=0., - cache=None, - name='multi_head_att'): - """ - Multi-Head Attention. Note that attn_bias is added to the logit before - computing softmax activiation to mask certain selected positions so that - they will not considered in attention weights. - """ - keys = queries if keys is None else keys - values = keys if values is None else values - - if not (len(queries.shape) == len(keys.shape) == len(values.shape) == 3): - raise ValueError( - "Inputs: quries, keys and values should all be 3-D tensors.") - - def __compute_qkv(queries, keys, values, n_head, d_key, d_value): - """ - Add linear projection to queries, keys, and values. - """ - q = layers.fc(input=queries, - size=d_key * n_head, - num_flatten_dims=2, - param_attr=name + '_query_fc.w_0', - bias_attr=name + '_query_fc.b_0') - k = layers.fc(input=keys, - size=d_key * n_head, - num_flatten_dims=2, - param_attr=name + '_key_fc.w_0', - bias_attr=name + '_key_fc.b_0') - v = layers.fc(input=values, - size=d_value * n_head, - num_flatten_dims=2, - param_attr=name + '_value_fc.w_0', - bias_attr=name + '_value_fc.b_0') - return q, k, v - - def __split_heads(x, n_head): - """ - Reshape the last dimension of inpunt tensor x so that it becomes two - dimensions and then transpose. Specifically, input a tensor with shape - [bs, max_sequence_length, n_head * hidden_dim] then output a tensor - with shape [bs, n_head, max_sequence_length, hidden_dim]. - """ - hidden_size = x.shape[-1] - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - reshaped = layers.reshape( - x=x, shape=[0, 0, n_head, hidden_size // n_head], inplace=True) - - # permuate the dimensions into: - # [batch_size, n_head, max_sequence_len, hidden_size_per_head] - return layers.transpose(x=reshaped, perm=[0, 2, 1, 3]) - - def __combine_heads(x): - """ - Transpose and then reshape the last two dimensions of inpunt tensor x - so that it becomes one dimension, which is reverse to __split_heads. - """ - if len(x.shape) == 3: return x - if len(x.shape) != 4: - raise ValueError("Input(x) should be a 4-D Tensor.") - - trans_x = layers.transpose(x, perm=[0, 2, 1, 3]) - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - return layers.reshape( - x=trans_x, - shape=[0, 0, trans_x.shape[2] * trans_x.shape[3]], - inplace=True) - - def scaled_dot_product_attention(q, k, v, attn_bias, d_key, dropout_rate): - """ - Scaled Dot-Product Attention - """ - scaled_q = layers.scale(x=q, scale=d_key ** -0.5) - product = layers.matmul(x=scaled_q, y=k, transpose_y=True) - if attn_bias: - product += attn_bias - weights = layers.softmax(product) - if dropout_rate: - weights = layers.dropout( - weights, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - out = layers.matmul(weights, v) - return out - - q, k, v = __compute_qkv(queries, keys, values, n_head, d_key, d_value) - - if cache is not None: # use cache and concat time steps - # Since the inplace reshape in __split_heads changes the shape of k and - # v, which is the cache input for next time step, reshape the cache - # input from the previous time step first. - k = cache["k"] = layers.concat( - [layers.reshape( - cache["k"], shape=[0, 0, d_model]), k], axis=1) - v = cache["v"] = layers.concat( - [layers.reshape( - cache["v"], shape=[0, 0, d_model]), v], axis=1) - - q = __split_heads(q, n_head) - k = __split_heads(k, n_head) - v = __split_heads(v, n_head) - - ctx_multiheads = scaled_dot_product_attention(q, k, v, attn_bias, d_key, - dropout_rate) - - out = __combine_heads(ctx_multiheads) - - # Project back to the model size. - proj_out = layers.fc(input=out, - size=d_model, - num_flatten_dims=2, - param_attr=name + '_output_fc.w_0', - bias_attr=name + '_output_fc.b_0') - return proj_out - - -def positionwise_feed_forward(x, - d_inner_hid, - d_hid, - dropout_rate, - hidden_act, - name='ffn'): - """ - Position-wise Feed-Forward Networks. - This module consists of two linear transformations with a ReLU activation - in between, which is applied to each position separately and identically. - """ - hidden = layers.fc(input=x, - size=d_inner_hid, - num_flatten_dims=2, - act=hidden_act, - param_attr=name + '_fc_0.w_0', - bias_attr=name + '_fc_0.b_0') - if dropout_rate: - hidden = layers.dropout( - hidden, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - out = layers.fc(input=hidden, - size=d_hid, - num_flatten_dims=2, - param_attr=name + '_fc_1.w_0', - bias_attr=name + '_fc_1.b_0') - return out - - -def pre_post_process_layer(prev_out, out, process_cmd, dropout_rate=0., - name=''): - """ - Add residual connection, layer normalization and droput to the out tensor - optionally according to the value of process_cmd. - This will be used before or after multi-head attention and position-wise - feed-forward networks. - """ - for cmd in process_cmd: - if cmd == "a": # add residual connection - out = out + prev_out if prev_out else out - elif cmd == "n": # add layer normalization - out = layers.layer_norm( - out, - begin_norm_axis=len(out.shape) - 1, - param_attr=fluid.ParamAttr( - name=name + '_layer_norm_scale', - initializer=fluid.initializer.Constant(1.)), - bias_attr=fluid.ParamAttr( - name=name + '_layer_norm_bias', - initializer=fluid.initializer.Constant(0.))) - elif cmd == "d": # add dropout - if dropout_rate: - out = layers.dropout( - out, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - return out - - -pre_process_layer = partial(pre_post_process_layer, None) -post_process_layer = pre_post_process_layer - - -def encoder_layer(enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd="n", - postprocess_cmd="da", - name=''): - """The encoder layers that can be stacked to form a deep encoder. - This module consits of a multi-head (self) attention followed by - position-wise feed-forward networks and both the two components companied - with the post_process_layer to add residual connection, layer normalization - and droput. - """ - attn_output = multi_head_attention( - pre_process_layer( - enc_input, - preprocess_cmd, - prepostprocess_dropout, - name=name + '_pre_att'), - None, - None, - attn_bias, - d_key, - d_value, - d_model, - n_head, - attention_dropout, - name=name + '_multi_head_att') - attn_output = post_process_layer( - enc_input, - attn_output, - postprocess_cmd, - prepostprocess_dropout, - name=name + '_post_att') - ffd_output = positionwise_feed_forward( - pre_process_layer( - attn_output, - preprocess_cmd, - prepostprocess_dropout, - name=name + '_pre_ffn'), - d_inner_hid, - d_model, - relu_dropout, - hidden_act, - name=name + '_ffn') - return post_process_layer( - attn_output, - ffd_output, - postprocess_cmd, - prepostprocess_dropout, - name=name + '_post_ffn') - - -def encoder(enc_input, - attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd="n", - postprocess_cmd="da", - name=''): - """ - The encoder is composed of a stack of identical layers returned by calling - encoder_layer. - """ - for i in range(n_layer): - enc_output = encoder_layer( - enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd, - postprocess_cmd, - name=name + '_layer_' + str(i)) - enc_input = enc_output - enc_output = pre_process_layer( - enc_output, preprocess_cmd, prepostprocess_dropout, name="post_encoder") - - return enc_output diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/inputters/__init__.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/inputters/__init__.py deleted file mode 100644 index beea29582887d3742858df66ab1893c9e5ff7a3a..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/inputters/__init__.py +++ /dev/null @@ -1,20 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: __init__.py -""" \ No newline at end of file diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/inputters/data_provider.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/inputters/data_provider.py deleted file mode 100755 index 797ee45f7936eeef76da15d504be68becce30590..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/inputters/data_provider.py +++ /dev/null @@ -1,459 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: data_provider.py -""" - -import re -import os -import types -import csv -import random -import numpy as np - - -VOC_DICT = {} - - -def load_dict(vocab_dict): - """ - load vocabulary dict - """ - idx = 0 - for line in open(vocab_dict): - line = line.strip() - VOC_DICT[line] = idx - idx += 1 - return VOC_DICT - - -def prepare_batch_data(insts, - task_name, - max_len=128, - return_attn_bias=True, - return_max_len=True, - return_num_token=False): - """ - generate self attention mask, [shape: batch_size * max_len * max_len] - """ - batch_context_ids = [inst[0] for inst in insts] - batch_context_pos_ids = [inst[1] for inst in insts] - batch_segment_ids = [inst[2] for inst in insts] - batch_label_ids = [[inst[3]] for inst in insts] - labels_list = batch_label_ids - - context_id, next_sent_context_index, context_attn_bias = \ - pad_batch_data(batch_context_ids, pad_idx=0, max_len=max_len, \ - return_next_sent_pos=True, return_attn_bias=True) - - context_pos_id = pad_batch_data( - batch_context_pos_ids, pad_idx=0, max_len=max_len, return_pos=False, return_attn_bias=False) - - context_segment_id = pad_batch_data( - batch_segment_ids, pad_idx=0, max_len=max_len, return_pos=False, return_attn_bias=False) - - if 'kn' in task_name: - batch_kn_ids = [inst[4] for inst in insts] - kn_id = pad_bath_kn_data(batch_kn_ids, pad_idx=0, max_len=max_len) - - out_list = [] - for i in range(len(insts)): - if 'kn' in task_name: - out = [context_id[i], context_pos_id[i], context_segment_id[i], context_attn_bias[i], \ - kn_id[i], labels_list[i], next_sent_context_index[i]] - else: - out = [context_id[i], context_pos_id[i], context_segment_id[i], \ - context_attn_bias[i], labels_list[i], next_sent_context_index[i]] - out_list.append(out) - return out_list - - -def pad_bath_kn_data(insts, - pad_idx=0, - max_len=128): - kn_list = [] - for inst in insts: - inst = inst[0: min(max_len, len(inst))] - kn_list.append(inst) - return kn_list - - -def pad_batch_data(insts, - pad_idx=0, - max_len=128, - return_pos=False, - return_next_sent_pos=False, - return_attn_bias=False, - return_max_len=False, - return_num_token=False): - """ - Pad the instances to the max sequence length in batch, and generate the - corresponding position data and attention bias. - """ - return_list = [] - - inst_data = np.array( - [inst + list([pad_idx] * (max_len - len(inst))) for inst in insts]) - return_list += [inst_data.astype("int64").reshape([-1, max_len, 1])] - - if return_next_sent_pos: - batch_size = inst_data.shape[0] - max_seq_len = inst_data.shape[1] - next_sent_index = np.array( - range(0, batch_size * max_seq_len, max_seq_len)).astype( - "int64").reshape(-1, 1) - return_list += [next_sent_index] - - if return_pos: - inst_pos = np.array([ - list(range(0, len(inst))) + [pad_idx] * (max_len - len(inst)) - for inst in insts]) - return_list += [inst_pos.astype("int64").reshape([-1, max_len, 1])] - - if return_attn_bias: - slf_attn_bias_data = np.array([[0] * len(inst) + [-1e9] * - (max_len - len(inst)) for inst in insts]) - slf_attn_bias_data = np.tile( - slf_attn_bias_data.reshape([-1, 1, max_len]), [1, max_len, 1]) - return_list += [slf_attn_bias_data.astype("float32")] - - if return_max_len: - return_list += [max_len] - - if return_num_token: - num_token = 0 - for inst in insts: - num_token += len(inst) - return_list += [num_token] - - return return_list if len(return_list) > 1 else return_list[0] - - -def preprocessing_for_one_line(line, labels, task_name, max_seq_len=256): - """ - process text to model inputs - """ - line = line.rstrip('\n').split('\t') - label_text = line[0] - context_text = line[1] - response_text = line[2] - if 'kn' in task_name: - kn_text = "%s [SEP] %s" % (line[3], line[4]) - else: - kn_text = None - - example = InputExample(guid=0, \ - context_text=context_text, \ - response_text=response_text, \ - kn_text=kn_text, \ - label_text=label_text) - - feature = convert_single_example(0, example, labels, max_seq_len) - - instance = [feature.context_ids, feature.context_pos_ids, \ - feature.segment_ids, feature.label_ids, feature.kn_ids] - - batch_data = prepare_batch_data([instance], - task_name, - max_len=max_seq_len, - return_attn_bias=True, - return_max_len=False, - return_num_token=False) - - return batch_data - - -class DataProcessor(object): - """Base class for data converters for sequence classification data sets.""" - def __init__(self, data_dir, task_name, vocab_path, max_seq_len, do_lower_case): - self.data_dir = data_dir - self.max_seq_len = max_seq_len - self.task_name = task_name - - self.current_train_example = -1 - self.num_examples = {'train': -1, 'dev': -1, 'test': -1} - self.current_train_epoch = -1 - VOC_DICT = load_dict(vocab_path) - - def get_train_examples(self, data_dir): - """Gets a collection of `InputExample`s for the train set.""" - raise NotImplementedError() - - def get_dev_examples(self, data_dir): - """Gets a collection of `InputExample`s for the dev set.""" - raise NotImplementedError() - - def get_test_examples(self, data_dir): - """Gets a collection of `InputExample`s for prediction.""" - raise NotImplementedError() - - @classmethod - def get_labels(self): - """Gets the list of labels for this data set.""" - raise NotImplementedError() - - def convert_example(self, index, example, labels, max_seq_len): - """Converts a single `InputExample` into a single `InputFeatures`.""" - feature = convert_single_example(index, example, labels, max_seq_len) - return feature - - def generate_batch_data(self, - batch_data, - voc_size=-1, - mask_id=-1, - return_attn_bias=True, - return_max_len=False, - return_num_token=False): - return prepare_batch_data( - batch_data, - self.task_name, - self.max_seq_len, - return_attn_bias=True, - return_max_len=False, - return_num_token=False) - - @classmethod - def _read_data(cls, input_file): - """Reads a tab separated value file.""" - with open(input_file, "r") as f: - lines = [] - for line in f: - line = line.rstrip('\n').split('\t') - lines.append(line) - return lines - - def get_num_examples(self, phase): - """Get number of examples for train, dev or test.""" - if phase not in ['train', 'dev', 'test']: - raise ValueError("Unknown phase, which should be in ['train', 'dev', 'test'].") - return self.num_examples[phase] - - def get_train_progress(self): - """Gets progress for training phase.""" - return self.current_train_example, self.current_train_epoch - - def data_generator(self, - batch_size, - phase='train', - epoch=1, - shuffle=False): - """ - Generate data for train, dev or test. - """ - if phase == 'train': - examples = self.get_train_examples(self.data_dir) - self.num_examples['train'] = len(examples) - elif phase == 'dev': - examples = self.get_dev_examples(self.data_dir) - self.num_examples['dev'] = len(examples) - elif phase == 'test': - examples = self.get_test_examples(self.data_dir) - self.num_examples['test'] = len(examples) - else: - raise ValueError("Unknown phase, which should be in ['train', 'dev', 'test'].") - - def instance_reader(): - for epoch_index in range(epoch): - if shuffle: - random.shuffle(examples) - if phase == 'train': - self.current_train_epoch = epoch_index - for (index, example) in enumerate(examples): - if phase == 'train': - self.current_train_example = index + 1 - feature = self.convert_example( - index, example, self.get_labels(), self.max_seq_len) - if 'kn' in self.task_name: - instance = [feature.context_ids, feature.context_pos_ids, \ - feature.segment_ids, feature.label_ids, feature.kn_ids] - else: - instance = [feature.context_ids, feature.context_pos_ids, \ - feature.segment_ids, feature.label_ids] - yield instance - - def batch_reader(reader, batch_size): - batch = [] - for instance in reader(): - if len(batch) < batch_size: - batch.append(instance) - else: - yield batch - batch = [instance] - - if len(batch) > 0: - yield batch - - def wrapper(): - for batch_data in batch_reader(instance_reader, batch_size): - batch_data = self.generate_batch_data( - batch_data, - voc_size=-1, - mask_id=-1, - return_attn_bias=True, - return_max_len=False, - return_num_token=False) - yield batch_data - - return wrapper - - -class InputExample(object): - """A single training/test example""" - - def __init__(self, guid, context_text, response_text, kn_text, label_text): - self.guid = guid - self.context_text = context_text - self.response_text = response_text - self.kn_text = kn_text - self.label_text = label_text - - -class InputFeatures(object): - """input features datas""" - def __init__(self, context_ids, context_pos_ids, segment_ids, kn_ids, label_ids): - self.context_ids = context_ids - self.context_pos_ids = context_pos_ids - self.segment_ids = segment_ids - self.kn_ids = kn_ids - self.label_ids = label_ids - - -class MatchProcessor(DataProcessor): - """Processor for the Match data set (GLUE version).""" - - def get_train_examples(self, data_dir): - """See base class.""" - return self._create_examples( - self._read_data(os.path.join(data_dir, "train.txt")), "train") - - def get_dev_examples(self, data_dir): - """See base class.""" - return self._create_examples( - self._read_data(os.path.join(data_dir, "dev.txt")), "dev") - - def get_test_examples(self, data_dir): - """See base class.""" - return self._create_examples( - self._read_data(os.path.join(data_dir, "test.txt")), "test") - - @classmethod - def get_labels(self): - """See base class.""" - return ["0", "1"] - - def _create_examples(self, lines, set_type): - """Creates examples for the training and dev sets.""" - examples = [] - for (i, line) in enumerate(lines): - guid = "%s-%s" % (set_type, i) - context_text = line[1] - label_text = line[0] - response_text = line[2] - if 'kn' in self.task_name: - kn_text = "%s [SEP] %s" % (line[3], line[4]) - else: - kn_text = None - examples.append( - InputExample( - guid=guid, context_text=context_text, response_text=response_text, \ - kn_text=kn_text, label_text=label_text)) - return examples - - -def convert_tokens_to_ids(tokens): - """ - convert input ids - """ - ids = [] - for token in tokens: - if token in VOC_DICT: - ids.append(VOC_DICT[token]) - else: - ids.append(VOC_DICT['[UNK]']) - return ids - - -def convert_single_example(ex_index, example, label_list, max_seq_length): - """Converts a single `InputExample` into a single `InputFeatures`.""" - label_map = {} - for (i, label) in enumerate(label_list): - label_map[label] = i - if example.context_text: - tokens_context = example.context_text - tokens_context = tokens_context.split() - else: - tokens_context = [] - - if example.response_text: - tokens_response = example.response_text - tokens_response = tokens_response.split() - else: - tokens_response = [] - - if example.kn_text: - tokens_kn = example.kn_text - tokens_kn = tokens_kn.split() - tokens_kn = tokens_kn[0: min(len(tokens_kn), max_seq_length)] - else: - tokens_kn = [] - - tokens_response = tokens_response[0: min(50, len(tokens_response))] - if len(tokens_context) > max_seq_length - len(tokens_response) - 3: - tokens_context = tokens_context[len(tokens_context) \ - + len(tokens_response) - max_seq_length + 3:] - - context_tokens = [] - segment_ids = [] - - context_tokens.append("[CLS]") - segment_ids.append(0) - context_tokens.extend(tokens_context) - segment_ids.extend([0] * len(tokens_context)) - context_tokens.append("[SEP]") - segment_ids.append(0) - - context_tokens.extend(tokens_response) - segment_ids.extend([1] * len(tokens_response)) - context_tokens.append("[SEP]") - segment_ids.append(1) - - context_ids = convert_tokens_to_ids(context_tokens) - context_pos_ids = list(range(len(context_ids))) - label_ids = label_map[example.label_text] - if tokens_kn: - kn_ids = convert_tokens_to_ids(tokens_kn) - else: - kn_ids = [] - - feature = InputFeatures( - context_ids=context_ids, - context_pos_ids=context_pos_ids, - segment_ids=segment_ids, - kn_ids = kn_ids, - label_ids=label_ids) - #if ex_index < 5: - # print("*** Example ***") - # print("guid: %s" % (example.guid)) - # print("context tokens: %s" % " ".join(context_tokens)) - # print("context_ids: %s" % " ".join([str(x) for x in context_ids])) - # print("context_pos_ids: %s" % " ".join([str(x) for x in context_pos_ids])) - # print("segment_ids: %s" % " ".join([str(x) for x in segment_ids])) - # print("kn_ids: %s" % " ".join([str(x) for x in kn_ids])) - # print("label: %s (id = %d)" % (example.label_text, label_ids)) - return feature - diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/models/__init__.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/models/__init__.py deleted file mode 100644 index beea29582887d3742858df66ab1893c9e5ff7a3a..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/models/__init__.py +++ /dev/null @@ -1,20 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: __init__.py -""" \ No newline at end of file diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/models/retrieval_model.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/models/retrieval_model.py deleted file mode 100755 index 4e539ae0f99dbec9d2b6cf9c0860368c9bb6a0c3..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/models/retrieval_model.py +++ /dev/null @@ -1,250 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: retrieval_model.py -""" - -import six -import json -import numpy as np -import paddle.fluid as fluid -from source.encoders.transformer import encoder, pre_process_layer - - - -class RetrievalModel(object): - def __init__(self, - context_ids, - context_pos_ids, - context_segment_ids, - context_attn_mask, - kn_ids, - emb_size=1024, - n_layer=12, - n_head=1, - voc_size=10005, - max_position_seq_len=512, - sent_types=2, - hidden_act='relu', - prepostprocess_dropout=0.1, - attention_dropout=0.1, - weight_sharing=True): - self._emb_size = emb_size - self._n_layer = n_layer - self._n_head = n_head - self._voc_size = voc_size - self._sent_types = sent_types - self._max_position_seq_len = max_position_seq_len - self._hidden_act = hidden_act - self._weight_sharing = weight_sharing - self._prepostprocess_dropout = prepostprocess_dropout - self._attention_dropout = attention_dropout - - self._context_emb_name = "context_word_embedding" - self._memory_emb_name = "memory_word_embedding" - self._context_pos_emb_name = "context_pos_embedding" - self._context_segment_emb_name = "context_segment_embedding" - if kn_ids: - self._memory_emb_name = "memory_word_embedding" - self._build_model(context_ids, context_pos_ids, \ - context_segment_ids, context_attn_mask, kn_ids) - - def _build_memory_network(self, kn_ids, rnn_hidden_size=128): - kn_emb_out = fluid.layers.embedding( - input=kn_ids, - size=[self._voc_size, self._emb_size], - dtype='float32') - para_attr = fluid.ParamAttr(initializer=fluid.initializer.Normal(0.0, 0.02)) - bias_attr = fluid.ParamAttr( - initializer=fluid.initializer.Normal(0.0, 0.02)) - - fc_fw = fluid.layers.fc(input=kn_emb_out, - size=rnn_hidden_size * 3, - param_attr=para_attr, - bias_attr=False) - fc_bw = fluid.layers.fc(input=kn_emb_out, - size=rnn_hidden_size * 3, - param_attr=para_attr, - bias_attr=False) - gru_forward = fluid.layers.dynamic_gru( - input=fc_fw, - size=rnn_hidden_size, - param_attr=para_attr, - bias_attr=bias_attr, - candidate_activation='relu') - gru_backward = fluid.layers.dynamic_gru( - input=fc_bw, - size=rnn_hidden_size, - is_reverse=True, - param_attr=para_attr, - bias_attr=bias_attr, - candidate_activation='relu') - - memory_encoder_out = fluid.layers.concat( - input=[gru_forward, gru_backward], axis=1) - - memory_encoder_proj_out = fluid.layers.fc(input=memory_encoder_out, - size=256, - bias_attr=False) - return memory_encoder_out, memory_encoder_proj_out - - def _build_model(self, - context_ids, - context_pos_ids, - context_segment_ids, - context_attn_mask, - kn_ids): - - context_emb_out = fluid.layers.embedding( - input=context_ids, - size=[self._voc_size, self._emb_size], - param_attr=fluid.ParamAttr(name=self._context_emb_name), - is_sparse=False) - - context_position_emb_out = fluid.layers.embedding( - input=context_pos_ids, - size=[self._max_position_seq_len, self._emb_size], - param_attr=fluid.ParamAttr(name=self._context_pos_emb_name), ) - - context_segment_emb_out = fluid.layers.embedding( - input=context_segment_ids, - size=[self._sent_types, self._emb_size], - param_attr=fluid.ParamAttr(name=self._context_segment_emb_name), ) - - context_emb_out = context_emb_out + context_position_emb_out - context_emb_out = context_emb_out + context_segment_emb_out - - context_emb_out = pre_process_layer( - context_emb_out, 'nd', self._prepostprocess_dropout, name='context_pre_encoder') - - n_head_context_attn_mask = fluid.layers.stack( - x=[context_attn_mask] * self._n_head, axis=1) - - n_head_context_attn_mask.stop_gradient = True - - self._context_enc_out = encoder( - enc_input=context_emb_out, - attn_bias=n_head_context_attn_mask, - n_layer=self._n_layer, - n_head=self._n_head, - d_key=self._emb_size // self._n_head, - d_value=self._emb_size // self._n_head, - d_model=self._emb_size, - d_inner_hid=self._emb_size * 4, - prepostprocess_dropout=self._prepostprocess_dropout, - attention_dropout=self._attention_dropout, - relu_dropout=0, - hidden_act=self._hidden_act, - preprocess_cmd="an", - postprocess_cmd="dan", - name='context_encoder') - - if kn_ids: - self.memory_encoder_out, self.memory_encoder_proj_out = \ - self._build_memory_network(kn_ids) - - def get_context_output(self, context_next_sent_index, task_name): - if "kn" in task_name: - cls_feats = self.get_context_response_memory(context_next_sent_index) - else: - cls_feats = self.get_pooled_output(context_next_sent_index) - return cls_feats - - def get_context_response_memory(self, context_next_sent_index): - context_out = self.get_pooled_output(context_next_sent_index) - kn_context = self.attention(context_out, \ - self.memory_encoder_out, self.memory_encoder_proj_out) - cls_feats = fluid.layers.concat(input=[context_out, kn_context], axis=1) - return cls_feats - - def attention(self, hidden_mem, encoder_vec, encoder_vec_proj): - concated = fluid.layers.sequence_expand( - x=hidden_mem, y=encoder_vec_proj) - - concated = encoder_vec_proj + concated - concated = fluid.layers.tanh(x=concated) - attention_weights = fluid.layers.fc(input=concated, - size=1, - act=None, - bias_attr=False) - attention_weights = fluid.layers.sequence_softmax( - input=attention_weights) - weigths_reshape = fluid.layers.reshape(x=attention_weights, shape=[-1]) - scaled = fluid.layers.elementwise_mul( - x=encoder_vec, y=weigths_reshape, axis=0) - context = fluid.layers.sequence_pool(input=scaled, pool_type='sum') - return context - - def get_sequence_output(self): - return (self._context_enc_out, self._response_enc_out) - - def get_pooled_output(self, context_next_sent_index): - context_out = self.get_pooled(context_next_sent_index) - return context_out - - def get_pooled(self, next_sent_index): - """Get the first feature of each sequence for classification""" - reshaped_emb_out = fluid.layers.reshape( - x=self._context_enc_out, shape=[-1, self._emb_size], inplace=True) - next_sent_index = fluid.layers.cast(x=next_sent_index, dtype='int32') - next_sent_feat = fluid.layers.gather( - input=reshaped_emb_out, index=next_sent_index) - next_sent_feat = fluid.layers.fc( - input=next_sent_feat, - size=self._emb_size, - act="tanh", - param_attr=fluid.ParamAttr( - name="pooled_fc.w_0", - initializer=fluid.initializer.TruncatedNormal(scale=0.02)), - bias_attr="pooled_fc.b_0") - return next_sent_feat - - - def get_pooled_output_no_share(self, context_next_sent_index, response_next_sent_index): - """get pooled embedding""" - self._context_reshaped_emb_out = fluid.layers.reshape( - x=self._context_enc_out, shape=[-1, self._emb_size], inplace=True) - context_next_sent_index = fluid.layers.cast(x=context_next_sent_index, dtype='int32') - context_out = fluid.layers.gather( - input=self._context_reshaped_emb_out, index=context_next_sent_index) - context_out = fluid.layers.fc( - input=context_out, - size=self._emb_size, - act="tanh", - param_attr=fluid.ParamAttr( - name="pooled_context_fc.w_0", - initializer=fluid.initializer.TruncatedNormal(scale=0.02)), - bias_attr="pooled_context_fc.b_0") - - self._response_reshaped_emb_out = fluid.layers.reshape( - x=self._response_enc_out, shape=[-1, self._emb_size], inplace=True) - response_next_sent_index = fluid.layers.cast(x=response_next_sent_index, dtype='int32') - response_next_sent_feat = fluid.layers.gather( - input=self._response_reshaped_emb_out, index=response_next_sent_index) - response_next_sent_feat = fluid.layers.fc( - input=response_next_sent_feat, - size=self._emb_size, - act="tanh", - param_attr=fluid.ParamAttr( - name="pooled_response_fc.w_0", - initializer=fluid.initializer.TruncatedNormal(scale=0.02)), - bias_attr="pooled_response_fc.b_0") - - return context_out, response_next_sent_feat - - diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/utils/__init__.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/utils/__init__.py deleted file mode 100644 index beea29582887d3742858df66ab1893c9e5ff7a3a..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/utils/__init__.py +++ /dev/null @@ -1,20 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: __init__.py -""" \ No newline at end of file diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/utils/utils.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/utils/utils.py deleted file mode 100755 index c54fdcb1d6db3540886b3fe44cd89cc45fb7624d..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/source/utils/utils.py +++ /dev/null @@ -1,56 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: utils.py -""" - -from __future__ import print_function - -import os -import six -import ast -import copy - -import numpy as np -import paddle.fluid as fluid - - -def init_checkpoint(exe, init_checkpoint_path, main_program): - assert os.path.exists( - init_checkpoint_path), "[%s] cann't be found." % init_checkpoint_path - fluid.io.load_persistables( - exe, init_checkpoint_path, main_program=main_program) - print("Load model from {}".format(init_checkpoint_path)) - - -def init_pretraining_params(exe, pretraining_params_path, main_program): - assert os.path.exists(pretraining_params_path - ), "[%s] cann't be found." % pretraining_params_path - - def existed_params(var): - if not isinstance(var, fluid.framework.Parameter): - return False - return os.path.exists(os.path.join(pretraining_params_path, var.name)) - - fluid.io.load_vars( - exe, - pretraining_params_path, - main_program=main_program, - predicate=existed_params) - print("Load pretraining parameters from {}".format(pretraining_params_path)) - diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/__init__.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/__init__.py deleted file mode 100644 index beea29582887d3742858df66ab1893c9e5ff7a3a..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/__init__.py +++ /dev/null @@ -1,20 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: __init__.py -""" \ No newline at end of file diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/build_candidate_set_from_corpus.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/build_candidate_set_from_corpus.py deleted file mode 100644 index 57500bc1993eec22ffe86c18f77635306a94a783..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/build_candidate_set_from_corpus.py +++ /dev/null @@ -1,122 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: build_candidate_set_from_corpus.py -""" - -from __future__ import print_function -import sys -import json -import random -import collections - -reload(sys) -sys.setdefaultencoding('utf8') - - -def build_candidate_set_from_corpus(corpus_file, candidate_set_file): - """ - build candidate set from corpus - """ - candidate_set_gener = {} - candidate_set_mater = {} - candidate_set_list = [] - slot_dict = {"topic_a": 1, "topic_b": 1} - with open(corpus_file, 'r') as f: - for i, line in enumerate(f): - conversation = json.loads(line.strip(), encoding="utf-8", \ - object_pairs_hook=collections.OrderedDict) - - chat_path = conversation["goal"] - knowledge = conversation["knowledge"] - session = conversation["conversation"] - - topic_a = chat_path[0][1] - topic_b = chat_path[0][2] - domain_a = None - domain_b = None - cover_att_list = [[["topic_a", topic_a], ["topic_b", topic_b]]] * len(session) - for j, [s, p, o] in enumerate(knowledge): - p_key = "" - if topic_a.replace(' ', '') == s.replace(' ', ''): - p_key = "topic_a_" + p.replace(' ', '') - if u"领域" == p: - domain_a = o - elif topic_b.replace(' ', '') == s.replace(' ', ''): - p_key = "topic_b_" + p.replace(' ', '') - if u"领域" == p: - domain_b = o - - for k, utterance in enumerate(session): - if k % 2 == 1: continue - if o in utterance and o != topic_a and o != topic_b and p_key != "": - cover_att_list[k].append([p_key, o]) - - slot_dict[p_key] = 1 - - assert domain_a is not None and domain_b is not None - - for j, utterance in enumerate(session): - if j % 2 == 1: continue - key = '_'.join([domain_a, domain_b, str(j)]) - - cover_att = sorted(cover_att_list[j], lambda x, y: cmp(len(x[1]), len(y[1])), reverse=True) - - utterance_gener = utterance - for [p_key, o] in cover_att: - utterance_gener = utterance_gener.replace(o, p_key) - - if "topic_a_topic_a_" not in utterance_gener and \ - "topic_a_topic_b_" not in utterance_gener and \ - "topic_b_topic_a_" not in utterance_gener and \ - "topic_b_topic_b_" not in utterance_gener: - if key in candidate_set_gener: - candidate_set_gener[key].append(utterance_gener) - else: - candidate_set_gener[key] = [utterance_gener] - - utterance_mater = utterance - for [p_key, o] in [["topic_a", topic_a], ["topic_b", topic_b]]: - utterance_mater = utterance_mater.replace(o, p_key) - - if key in candidate_set_mater: - candidate_set_mater[key].append(utterance_mater) - else: - candidate_set_mater[key] = [utterance_mater] - - candidate_set_list.append(utterance_mater) - - fout = open(candidate_set_file, 'w') - fout.write(json.dumps(candidate_set_gener, ensure_ascii=False, encoding="utf-8") + "\n") - fout.write(json.dumps(candidate_set_mater, ensure_ascii=False, encoding="utf-8") + "\n") - fout.write(json.dumps(candidate_set_list, ensure_ascii=False, encoding="utf-8") + "\n") - fout.write(json.dumps(slot_dict, ensure_ascii=False, encoding="utf-8")) - fout.close() - - -def main(): - """ - main - """ - build_candidate_set_from_corpus(sys.argv[1], sys.argv[2]) - -if __name__ == '__main__': - try: - main() - except KeyboardInterrupt: - print("\nExited from the program ealier!") \ No newline at end of file diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/build_dict.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/build_dict.py deleted file mode 100755 index e9ba7924140b46b52b57bfe5a4a003de1acfdc1b..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/build_dict.py +++ /dev/null @@ -1,76 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: build_dict.py -""" - -from __future__ import print_function -import sys - -reload(sys) -sys.setdefaultencoding('utf8') - - -def build_dict(corpus_file, dict_file): - """ - build words dict - """ - dict = {} - max_frequency = 1 - for line in open(corpus_file, 'r'): - conversation = line.strip().split('\t') - for i in range(1, len(conversation), 1): - words = conversation[i].split(' ') - for word in words: - if word in dict: - dict[word] = dict[word] + 1 - if dict[word] > max_frequency: - max_frequency = dict[word] - else: - dict[word] = 1 - - dict["[PAD]"] = max_frequency + 4 - dict["[UNK]"] = max_frequency + 3 - dict["[CLS]"] = max_frequency + 2 - dict["[SEP]"] = max_frequency + 1 - - words = sorted(dict.items(), lambda x, y: cmp(x[1], y[1]), reverse=True) - - fout = open(dict_file, 'w') - for word, frequency in words: - fout.write(word + '\n') - - fout.close() - - -def main(): - """ - main - """ - if len(sys.argv) < 3: - print("Usage: " + sys.argv[0] + " corpus_file dict_file") - exit() - - build_dict(sys.argv[1], sys.argv[2]) - - -if __name__ == '__main__': - try: - main() - except KeyboardInterrupt: - print("\nExited from the program ealier!") diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/construct_candidate.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/construct_candidate.py deleted file mode 100644 index 722848f9e03e0b1eea590012d9bfe0f3f65f5edd..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/construct_candidate.py +++ /dev/null @@ -1,185 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: construct_candidate.py -""" - -from __future__ import print_function -import sys -import json -import random -import collections - -reload(sys) -sys.setdefaultencoding('utf8') - - -def load_candidate_set(candidate_set_file): - """ - load candidate set - """ - candidate_set = [] - for line in open(candidate_set_file): - candidate_set.append(json.loads(line.strip(), encoding="utf-8")) - - return candidate_set - - -def candidate_slection(candidate_set, knowledge_dict, slot_dict, candidate_num=10): - """ - candidate slection - """ - random.shuffle(candidate_set) - candidate_legal = [] - for candidate in candidate_set: - is_legal = True - for slot in slot_dict: - if slot in ["topic_a", "topic_b"]: - continue - if slot in candidate: - if slot not in knowledge_dict: - is_legal = False - break - w_ = random.choice(knowledge_dict[slot]) - candidate = candidate.replace(slot, w_) - - for slot in ["topic_a", "topic_b"]: - if slot in candidate: - if slot not in knowledge_dict: - is_legal = False - break - w_ = random.choice(knowledge_dict[slot]) - candidate = candidate.replace(slot, w_) - - if is_legal and candidate not in candidate_legal: - candidate_legal.append(candidate) - - if len(candidate_legal) >= candidate_num: - break - - return candidate_legal - - -def get_candidate_for_conversation(conversation, candidate_set, candidate_num=10): - """ - get candidate for conversation - """ - candidate_set_gener, candidate_set_mater, candidate_set_list, slot_dict = candidate_set - - chat_path = conversation["goal"] - knowledge = conversation["knowledge"] - history = conversation["history"] - - topic_a = chat_path[0][1] - topic_b = chat_path[0][2] - domain_a = None - domain_b = None - knowledge_dict = {"topic_a":[topic_a], "topic_b":[topic_b]} - for i, [s, p, o] in enumerate(knowledge): - p_key = "" - if topic_a.replace(' ', '') == s.replace(' ', ''): - p_key = "topic_a_" + p.replace(' ', '') - if u"领域" == p: - domain_a = o - elif topic_b.replace(' ', '') == s.replace(' ', ''): - p_key = "topic_b_" + p.replace(' ', '') - if u"领域" == p: - domain_b = o - - if p_key == "": - continue - - if p_key in knowledge_dict: - knowledge_dict[p_key].append(o) - else: - knowledge_dict[p_key] = [o] - - assert domain_a is not None and domain_b is not None - - key = '_'.join([domain_a, domain_b, str(len(history))]) - - candidate_legal = [] - if key in candidate_set_gener: - candidate_legal.extend(candidate_slection(candidate_set_gener[key], - knowledge_dict, slot_dict, - candidate_num = candidate_num - len(candidate_legal))) - - if len(candidate_legal) < candidate_num and key in candidate_set_mater: - candidate_legal.extend(candidate_slection(candidate_set_mater[key], - knowledge_dict, slot_dict, - candidate_num = candidate_num - len(candidate_legal))) - - if len(candidate_legal) < candidate_num: - candidate_legal.extend(candidate_slection(candidate_set_list, - knowledge_dict, slot_dict, - candidate_num = candidate_num - len(candidate_legal))) - - return candidate_legal - - -def construct_candidate_for_corpus(corpus_file, candidate_set_file, candidate_file, candidate_num=10): - """ - construct candidate for corpus - - case of data in corpus_file: - { - "goal": [["START", "休 · 劳瑞", "蕾切儿 · 哈伍德"]], - "knowledge": [["休 · 劳瑞", "评论", "完美 的 男人"]], - "history": ["你 对 明星 有没有 到 迷恋 的 程度 呢 ?", - "一般 吧 , 毕竟 年纪 不 小 了 , 只是 追星 而已 。"] - } - - case of data in candidate_file: - { - "goal": [["START", "休 · 劳瑞", "蕾切儿 · 哈伍德"]], - "knowledge": [["休 · 劳瑞", "评论", "完美 的 男人"]], - "history": ["你 对 明星 有没有 到 迷恋 的 程度 呢 ?", - "一般 吧 , 毕竟 年纪 不 小 了 , 只是 追星 而已 。"], - "candidate": ["我 说 的 是 休 · 劳瑞 。", - "我 说 的 是 休 · 劳瑞 。"] - } - """ - candidate_set = load_candidate_set(candidate_set_file) - fout_text = open(candidate_file, 'w') - with open(corpus_file, 'r') as f: - for i, line in enumerate(f): - conversation = json.loads(line.strip(), encoding="utf-8", \ - object_pairs_hook=collections.OrderedDict) - candidates = get_candidate_for_conversation(conversation, - candidate_set, - candidate_num=candidate_num) - conversation["candidate"] = candidates - - conversation = json.dumps(conversation, ensure_ascii=False, encoding="utf-8") - fout_text.write(conversation + "\n") - - fout_text.close() - - -def main(): - """ - main - """ - construct_candidate_for_corpus(sys.argv[1], sys.argv[2], sys.argv[3], int(sys.argv[4])) - - -if __name__ == '__main__': - try: - main() - except KeyboardInterrupt: - print("\nExited from the program ealier!") diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/conversation_client.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/conversation_client.py deleted file mode 100755 index d55a3859d3fff1b4db64f3433d8f38de77788179..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/conversation_client.py +++ /dev/null @@ -1,63 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: conversation_client.py -""" - -from __future__ import print_function -import sys -import socket -reload(sys) -sys.setdefaultencoding('utf8') - -SERVER_IP = "127.0.0.1" -SERVER_PORT = 8601 - -def conversation_client(text): - """ - conversation_client - """ - mysocket = socket.socket(socket.AF_INET, socket.SOCK_STREAM) - mysocket.connect((SERVER_IP, SERVER_PORT)) - - mysocket.sendall(text.encode()) - result = mysocket.recv(4096).decode() - - mysocket.close() - - return result - - -def main(): - """ - main - """ - if len(sys.argv) < 2: - print("Usage: " + sys.argv[0] + " eval_file") - exit() - - for line in open(sys.argv[1]): - response = conversation_client(line.strip()) - print(response) - - -if __name__ == '__main__': - try: - main() - except KeyboardInterrupt: - print("\nExited from the program ealier!") diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/conversation_server.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/conversation_server.py deleted file mode 100644 index 2ee32679dd75526e84f18cd73595fab55b0e6be9..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/conversation_server.py +++ /dev/null @@ -1,78 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: conversation_server.py -""" - -from __future__ import print_function - -import sys -sys.path.append("../") -import socket -from thread import start_new_thread -from tools.conversation_strategy import load -from tools.conversation_strategy import predict -reload(sys) -sys.setdefaultencoding('utf8') - -SERVER_IP = "127.0.0.1" -SERVER_PORT = 8601 - -print("starting conversation server ...") -print("binding socket ...") -s = socket.socket(socket.AF_INET, socket.SOCK_STREAM) -# Bind socket to local host and port -try: - s.bind((SERVER_IP, SERVER_PORT)) -except socket.error as msg: - print("Bind failed. Error Code : " + str(msg[0]) + " Message " + msg[1]) - exit() -# Start listening on socket -s.listen(10) -print("bind socket success !") - -print("loading model...") -model = load() -print("load model success !") - -print("start conversation server success !") - - -def clientthread(conn, addr): - """ - client thread - """ - logstr = "addr:" + addr[0] + "_" + str(addr[1]) - try: - # Receiving from client - param = conn.recv(4096).decode() - logstr += "\tparam:" + param - if param is not None: - response = predict(model, param.strip()) - logstr += "\tresponse:" + response - conn.sendall(response.encode()) - conn.close() - print(logstr + "\n") - except Exception as e: - print(logstr + "\n", e) - - -while True: - conn, addr = s.accept() - start_new_thread(clientthread, (conn, addr)) -s.close() diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/conversation_strategy.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/conversation_strategy.py deleted file mode 100644 index 2f8aad5d27fdeebf3da99784c419584ba0e8184a..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/conversation_strategy.py +++ /dev/null @@ -1,76 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: conversation_strategy.py -""" - -from __future__ import print_function - -import sys -sys.path.append("../") -import interact -from tools.convert_conversation_corpus_to_model_text import preprocessing_for_one_conversation -from tools.construct_candidate import load_candidate_set - -reload(sys) -sys.setdefaultencoding('utf8') - - -def load(): - """ - load - """ - return interact.load_model(), load_candidate_set("../data/candidate_set.txt") - - -def predict(model, text): - """ - predict - """ - model, candidate_set = model - model_text, candidates = \ - preprocessing_for_one_conversation(text.strip(), - candidate_set=candidate_set, - candidate_num=50, - use_knowledge=True, - topic_generalization=True, - for_predict=True) - - for i, text_ in enumerate(model_text): - score = interact.predict(model, text_, task_name="match_kn_gene") - candidates[i] = [candidates[i], score] - - candidate_legal = sorted(candidates, key=lambda item: item[1], reverse=True) - return candidate_legal[0][0] - - -def main(): - """ - main - """ - model = load() - for line in sys.stdin: - response = predict(model, line.strip()) - print(response) - - -if __name__ == '__main__': - try: - main() - except KeyboardInterrupt: - print("\nExited from the program ealier!") diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/convert_conversation_corpus_to_model_text.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/convert_conversation_corpus_to_model_text.py deleted file mode 100644 index a22e8dc344226752b38827764fe1da3e59067b8f..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/convert_conversation_corpus_to_model_text.py +++ /dev/null @@ -1,215 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: convert_conversation_corpus_to_model_text.py -""" - -from __future__ import print_function -import sys -sys.path.append("./") -import re -import json -import collections -from tools.construct_candidate import get_candidate_for_conversation - -reload(sys) -sys.setdefaultencoding('utf8') - -def parser_char_for_word(word): - """ - parser char for word - """ - if word.isdigit(): - word = word.decode('utf8') - for i in range(len(word)): - if word[i] >= u'\u4e00' and word[i] <= u'\u9fa5': - word_out = " ".join([t.encode('utf8') for t in word]) - word_out = re.sub(" +", " ", word_out) - return word_out - return word.encode('utf8') - - -def parser_char_for_text(text): - """ - parser char for text - """ - words = text.strip().split() - for i, word in enumerate(words): - words[i] = parser_char_for_word(word) - return re.sub(" +", " ", ' '.join(words)) - - -def topic_generalization_for_text(text, topic_list): - """ - topic generalization for text - """ - for key, value in topic_list: - text = text.replace(value, key) - - return text - - -def topic_generalization_for_list(text_list, topic_list): - """ - topic generalization for list - """ - for i, text in enumerate(text_list): - text_list[i] = topic_generalization_for_text(text, topic_list) - - return text_list - - -def preprocessing_for_one_conversation(text, \ - candidate_set=None, \ - candidate_num=10, \ - use_knowledge=True, \ - topic_generalization=False, \ - for_predict=True): - """ - preprocessing for one conversation - """ - - conversation = json.loads(text.strip(), encoding="utf-8", \ - object_pairs_hook=collections.OrderedDict) - - goal = conversation["goal"] - knowledge = conversation["knowledge"] - history = conversation["history"] - if not for_predict: - response = conversation["response"] - - - topic_a = goal[0][1] - topic_b = goal[0][2] - for i, [s, p, o] in enumerate(knowledge): - if u"领域" == p: - if topic_a == s: - domain_a = o - elif topic_b == s: - domain_b = o - - topic_dict = {} - if u"电影" == domain_a: - topic_dict["video_topic_a"] = topic_a - else: - topic_dict["person_topic_a"] = topic_a - - if u"电影" == domain_b: - topic_dict["video_topic_b"] = topic_b - else: - topic_dict["person_topic_b"] = topic_b - - if "candidate" in conversation: - candidates = conversation["candidate"] - else: - assert candidate_num > 0 and candidate_set is not None - candidates = get_candidate_for_conversation(conversation, - candidate_set, - candidate_num=candidate_num) - - if topic_generalization: - topic_list = sorted(topic_dict.items(), key=lambda item: len(item[1]), reverse=True) - - goal = [topic_generalization_for_list(spo, topic_list) for spo in goal] - - knowledge = [topic_generalization_for_list(spo, topic_list) for spo in knowledge] - - history = [topic_generalization_for_text(utterance, topic_list) - for utterance in history] - - for i, candidate in enumerate(candidates): - candidates[i] = topic_generalization_for_text(candidate, topic_list) - - if not for_predict: - response = topic_generalization_for_text(response, topic_list) - - goal = ' [PATH_SEP] '.join([parser_char_for_text(' '.join(spo)) - for spo in goal]) - knowledge = ' [KN_SEP] '.join([parser_char_for_text(' '.join(spo)) - for spo in knowledge]) - history = ' [INNER_SEP] '.join([parser_char_for_text(utterance) - for utterance in history]) \ - if len(history) > 0 else '[START]' - - model_text = [] - - for candidate in candidates: - candidate = parser_char_for_text(candidate) - if use_knowledge: - text_ = '\t'.join(["0", history, candidate, goal, knowledge]) - else: - text_ = '\t'.join(["0", history, candidate]) - - text_ = re.sub(" +", " ", text_) - model_text.append(text_) - - if not for_predict: - candidates.append(response) - response = parser_char_for_text(response) - if use_knowledge: - text_ = '\t'.join(["1", history, response, goal, knowledge]) - else: - text_ = '\t'.join(["1", history, response]) - - text_ = re.sub(" +", " ", text_) - model_text.append(text_) - - return model_text, candidates - - -def convert_conversation_corpus_to_model_text(corpus_file, - text_file, - use_knowledge=True, - topic_generalization=False, - for_predict=True): - """ - convert conversation corpus to model text - """ - fout_text = open(text_file, 'w') - with open(corpus_file, 'r') as f: - for i, line in enumerate(f): - model_text, _ = preprocessing_for_one_conversation( - line.strip(), - candidate_set=None, - candidate_num=0, - use_knowledge=use_knowledge, - topic_generalization=topic_generalization, - for_predict=for_predict) - - for text in model_text: - fout_text.write(text + "\n") - - fout_text.close() - - -def main(): - """ - main - """ - convert_conversation_corpus_to_model_text(sys.argv[1], - sys.argv[2], - int(sys.argv[3]) > 0, - int(sys.argv[4]) > 0, - int(sys.argv[5]) > 0) - - -if __name__ == '__main__': - try: - main() - except KeyboardInterrupt: - print("\nExited from the program ealier!") diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/convert_session_to_sample.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/convert_session_to_sample.py deleted file mode 100755 index 6d7d20d294096c9d95a20d028eed37f3937719d1..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/convert_session_to_sample.py +++ /dev/null @@ -1,66 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: convert_session_to_sample.py -""" - -from __future__ import print_function -import sys -import json -import collections - -reload(sys) -sys.setdefaultencoding('utf8') - - -def convert_session_to_sample(session_file, sample_file): - """ - convert_session_to_sample - """ - fout = open(sample_file, 'w') - with open(session_file, 'r') as f: - for i, line in enumerate(f): - session = json.loads(line.strip(), encoding="utf-8", \ - object_pairs_hook=collections.OrderedDict) - conversation = session["conversation"] - - for j in range(0, len(conversation), 2): - sample = collections.OrderedDict() - sample["goal"] = session["goal"] - sample["knowledge"] = session["knowledge"] - sample["history"] = conversation[:j] - sample["response"] = conversation[j] - - sample = json.dumps(sample, ensure_ascii=False, encoding="utf-8") - - fout.write(sample + "\n") - - fout.close() - - -def main(): - """ - main - """ - convert_session_to_sample(sys.argv[1], sys.argv[2]) - -if __name__ == '__main__': - try: - main() - except KeyboardInterrupt: - print("\nExited from the program ealier!") diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/eval.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/eval.py deleted file mode 100755 index e7077e655039762502cc96df454a1bca66fd35c2..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/eval.py +++ /dev/null @@ -1,178 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: eval.py -""" - -from __future__ import print_function - -import sys -import math -from collections import Counter - -reload(sys) -sys.setdefaultencoding('utf8') - -if len(sys.argv) < 2: - print("Usage: " + sys.argv[0] + " eval_file") - print("eval file format: pred_response \t gold_response") - exit() - -def get_dict(tokens, ngram, gdict=None): - """ - get_dict - """ - token_dict = {} - if gdict is not None: - token_dict = gdict - tlen = len(tokens) - for i in range(0, tlen - ngram + 1): - ngram_token = "".join(tokens[i:(i + ngram)]) - if token_dict.get(ngram_token) is not None: - token_dict[ngram_token] += 1 - else: - token_dict[ngram_token] = 1 - return token_dict - - -def count(pred_tokens, gold_tokens, ngram, result): - """ - count - """ - cover_count, total_count = result - pred_dict = get_dict(pred_tokens, ngram) - gold_dict = get_dict(gold_tokens, ngram) - cur_cover_count = 0 - cur_total_count = 0 - for token, freq in pred_dict.items(): - if gold_dict.get(token) is not None: - gold_freq = gold_dict[token] - cur_cover_count += min(freq, gold_freq) - cur_total_count += freq - result[0] += cur_cover_count - result[1] += cur_total_count - - -def calc_bp(pair_list): - """ - calc_bp - """ - c_count = 0.0 - r_count = 0.0 - for pair in pair_list: - pred_tokens, gold_tokens = pair - c_count += len(pred_tokens) - r_count += len(gold_tokens) - bp = 1 - if c_count < r_count: - bp = math.exp(1 - r_count / c_count) - return bp - - -def calc_cover_rate(pair_list, ngram): - """ - calc_cover_rate - """ - result = [0.0, 0.0] # [cover_count, total_count] - for pair in pair_list: - pred_tokens, gold_tokens = pair - count(pred_tokens, gold_tokens, ngram, result) - cover_rate = result[0] / result[1] - return cover_rate - - -def calc_bleu(pair_list): - """ - calc_bleu - """ - bp = calc_bp(pair_list) - cover_rate1 = calc_cover_rate(pair_list, 1) - cover_rate2 = calc_cover_rate(pair_list, 2) - cover_rate3 = calc_cover_rate(pair_list, 3) - bleu1 = 0 - bleu2 = 0 - bleu3 = 0 - if cover_rate1 > 0: - bleu1 = bp * math.exp(math.log(cover_rate1)) - if cover_rate2 > 0: - bleu2 = bp * math.exp((math.log(cover_rate1) + math.log(cover_rate2)) / 2) - if cover_rate3 > 0: - bleu3 = bp * math.exp((math.log(cover_rate1) + math.log(cover_rate2) + math.log(cover_rate3)) / 3) - return [bleu1, bleu2] - - -def calc_distinct_ngram(pair_list, ngram): - """ - calc_distinct_ngram - """ - ngram_total = 0.0 - ngram_distinct_count = 0.0 - pred_dict = {} - for predict_tokens, _ in pair_list: - get_dict(predict_tokens, ngram, pred_dict) - for key, freq in pred_dict.items(): - ngram_total += freq - ngram_distinct_count += 1 - #if freq == 1: - # ngram_distinct_count += freq - return ngram_distinct_count / ngram_total - - -def calc_distinct(pair_list): - """ - calc_distinct - """ - distinct1 = calc_distinct_ngram(pair_list, 1) - distinct2 = calc_distinct_ngram(pair_list, 2) - return [distinct1, distinct2] - - -def calc_f1(data): - """ - calc_f1 - """ - golden_char_total = 0.0 - pred_char_total = 0.0 - hit_char_total = 0.0 - for response, golden_response in data: - golden_response = "".join(golden_response).decode("utf8") - response = "".join(response).decode("utf8") - #golden_response = "".join(golden_response) - #response = "".join(response) - common = Counter(response) & Counter(golden_response) - hit_char_total += sum(common.values()) - golden_char_total += len(golden_response) - pred_char_total += len(response) - p = hit_char_total / pred_char_total - r = hit_char_total / golden_char_total - f1 = 2 * p * r / (p + r) - return f1 - - -eval_file = sys.argv[1] -sents = [] -for line in open(eval_file): - tk = line.strip().split("\t") - if len(tk) < 2: - continue - pred_tokens = tk[0].strip().split(" ") - gold_tokens = tk[1].strip().split(" ") - sents.append([pred_tokens, gold_tokens]) -# calc f1 -f1 = calc_f1(sents) -# calc bleu -bleu1, bleu2 = calc_bleu(sents) -# calc distinct -distinct1, distinct2 = calc_distinct(sents) - -output_str = "F1: %.2f%%\n" % (f1 * 100) -output_str += "BLEU1: %.3f%%\n" % bleu1 -output_str += "BLEU2: %.3f%%\n" % bleu2 -output_str += "DISTINCT1: %.3f%%\n" % distinct1 -output_str += "DISTINCT2: %.3f%%\n" % distinct2 -sys.stdout.write(output_str) diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/extract_predict_utterance.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/extract_predict_utterance.py deleted file mode 100755 index 99e485b9822a7ec700f7b383c56ab19eb0abe004..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/tools/extract_predict_utterance.py +++ /dev/null @@ -1,70 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# -# Copyright (c) 2019 Baidu.com, Inc. All Rights Reserved -# -################################################################################ -""" -File: extract_predict_utterance.py -""" - -from __future__ import print_function - -import sys -import json -import collections - -reload(sys) -sys.setdefaultencoding('utf8') - - -def extract_predict_utterance(sample_file, score_file, output_file): - """ - convert_result_for_eval - """ - sample_list = [line.strip() for line in open(sample_file, 'r')] - score_list = [line.strip() for line in open(score_file, 'r')] - - fout = open(output_file, 'w') - index = 0 - for i, sample in enumerate(sample_list): - sample = json.loads(sample, encoding="utf-8", \ - object_pairs_hook=collections.OrderedDict) - - candidates = sample["candidate"] - scores = score_list[index: index + len(candidates)] - - pridict = candidates[0] - max_score = float(scores[0]) - for j, score in enumerate(scores): - score = float(score) - if score > max_score: - pridict = candidates[j] - max_score = score - - if "response" in sample: - response = sample["response"] - fout.write(pridict + "\t" + response + "\n") - else: - fout.write(pridict + "\n") - - index = index + len(candidates) - - fout.close() - - -def main(): - """ - main - """ - extract_predict_utterance(sys.argv[1], - sys.argv[2], - sys.argv[3]) - - -if __name__ == '__main__': - try: - main() - except KeyboardInterrupt: - print("\nExited from the program ealier!") diff --git a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/train.py b/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/train.py deleted file mode 100644 index 243b29fb64d5685c5156729565bafa05c56bc420..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-DuConv/retrieval_paddle/train.py +++ /dev/null @@ -1,244 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -###################################################################### -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -###################################################################### -""" -File: train.py -""" - -import os -import time -import numpy as np -import multiprocessing - -import paddle -import paddle.fluid as fluid -import paddle.fluid.framework as framework -from paddle.fluid.executor import Executor - -import source.inputters.data_provider as reader -from source.models.retrieval_model import RetrievalModel -from args import base_parser -from args import print_arguments - - -def create_model(args, num_labels, is_prediction=False): - context_ids = fluid.layers.data(name='context_ids', shape=[-1, args.max_seq_len, 1], dtype='int64', lod_level=0) - context_pos_ids = fluid.layers.data(name='context_pos_ids', shape=[-1, args.max_seq_len, 1], dtype='int64', lod_level=0) - context_segment_ids = fluid.layers.data(name='context_segment_ids', shape=[-1, args.max_seq_len, 1], dtype='int64', lod_level=0) - context_attn_mask = fluid.layers.data(name='context_attn_mask', shape=[-1, args.max_seq_len, args.max_seq_len], dtype='float', lod_level=0) - labels = fluid.layers.data(name='labels', shape=[1], dtype='int64', lod_level=0) - context_next_sent_index = fluid.layers.data(name='context_next_sent_index', shape=[1], dtype='int64', lod_level=0) - - if "kn" in args.task_name: - kn_ids = fluid.layers.data(name='kn_ids', shape=[1], dtype='int64', lod_level=1) - feed_order = ["context_ids", "context_pos_ids", "context_segment_ids", "context_attn_mask", "kn_ids", "labels", "context_next_sent_index"] - else: - kn_ids = None - feed_order = ["context_ids", "context_pos_ids", "context_segment_ids", "context_attn_mask", "labels", "context_next_sent_index"] - - if is_prediction: - dropout_prob = 0.1 - attention_dropout = 0.1 - prepostprocess_dropout = 0.1 - else: - dropout_prob = 0.0 - attention_dropout = 0.0 - prepostprocess_dropout = 0.0 - - retrieval_model = RetrievalModel( - context_ids=context_ids, - context_pos_ids=context_pos_ids, - context_segment_ids=context_segment_ids, - context_attn_mask=context_attn_mask, - kn_ids=kn_ids, - emb_size=256, - n_layer=4, - n_head=8, - voc_size=args.voc_size, - max_position_seq_len=args.max_seq_len, - hidden_act="gelu", - attention_dropout=attention_dropout, - prepostprocess_dropout=prepostprocess_dropout) - - context_cls = retrieval_model.get_context_output(context_next_sent_index, args.task_name) - context_cls = fluid.layers.dropout( - x=context_cls, - dropout_prob=dropout_prob, - dropout_implementation="upscale_in_train") - - cls_feats = context_cls - logits = fluid.layers.fc( - input=cls_feats, - size=num_labels, - param_attr=fluid.ParamAttr( - name="cls_out_w", - initializer=fluid.initializer.TruncatedNormal(scale=0.02)), - bias_attr=fluid.ParamAttr( - name="cls_out_b", initializer=fluid.initializer.Constant(0.))) - - ce_loss, predict = fluid.layers.softmax_with_cross_entropy( - logits=logits, label=labels, return_softmax=True) - loss = fluid.layers.reduce_mean(input=ce_loss) - - num_seqs = fluid.layers.create_tensor(dtype='int64') - accuracy = fluid.layers.accuracy(input=predict, label=labels, total=num_seqs) - - loss.persistable = True - predict.persistable = True - accuracy.persistable = True - num_seqs.persistable = True - - return feed_order, loss, predict, accuracy, num_seqs - - -def main(args): - - task_name = args.task_name.lower() - processor = reader.MatchProcessor(data_dir=args.data_dir, - task_name=task_name, - vocab_path=args.vocab_path, - max_seq_len=args.max_seq_len, - do_lower_case=args.do_lower_case) - - args.voc_size = len(open(args.vocab_path, 'r').readlines()) - num_labels = len(processor.get_labels()) - train_data_generator = processor.data_generator( - batch_size=args.batch_size, - phase='train', - epoch=args.epoch, - shuffle=True) - num_train_examples = processor.get_num_examples(phase='train') - dev_data_generator = processor.data_generator( - batch_size=args.batch_size, - phase='dev', - epoch=1, - shuffle=False) - num_dev_examples = processor.get_num_examples(phase='dev') - - if args.use_cuda: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - - max_train_steps = args.epoch * num_train_examples // args.batch_size - warmup_steps = int(max_train_steps * args.warmup_proportion) - - train_program = fluid.Program() - train_startup = fluid.Program() - with fluid.program_guard(train_program, train_startup): - with fluid.unique_name.guard(): - feed_order, loss, predict, accuracy, num_seqs = \ - create_model(args, num_labels, \ - is_prediction=False) - lr_decay = fluid.layers.learning_rate_scheduler.noam_decay(256, warmup_steps) - with fluid.default_main_program()._lr_schedule_guard(): - learning_rate = lr_decay * args.learning_rate - optimizer = fluid.optimizer.Adam( - learning_rate=learning_rate) - optimizer.minimize(loss) - - test_program = fluid.Program() - test_startup = fluid.Program() - with fluid.program_guard(test_program, test_startup): - with fluid.unique_name.guard(): - feed_order, loss, predict, accuracy, num_seqs = \ - create_model(args, num_labels, \ - is_prediction=True) - test_program = test_program.clone(for_test=True) - - exe = Executor(place) - exe.run(train_startup) - exe.run(test_startup) - - exec_strategy = fluid.ExecutionStrategy() - exec_strategy.num_threads = dev_count - - train_exe = fluid.ParallelExecutor( - use_cuda=args.use_cuda, - loss_name=loss.name, - exec_strategy=exec_strategy, - main_program=train_program) - - - test_exe = fluid.ParallelExecutor( - use_cuda=args.use_cuda, - main_program=test_program, - share_vars_from=train_exe) - - feed_list = [ - train_program.global_block().var(var_name) for var_name in feed_order - ] - feeder = fluid.DataFeeder(feed_list, place) - - time_begin = time.time() - total_cost, total_acc, total_num_seqs = [], [], [] - for batch_id, data in enumerate(train_data_generator()): - fetch_outs = train_exe.run( - feed=feeder.feed(data), - fetch_list=[loss.name, accuracy.name, num_seqs.name]) - avg_loss = fetch_outs[0] - avg_acc = fetch_outs[1] - cur_num_seqs = fetch_outs[2] - total_cost.extend(avg_loss * cur_num_seqs) - total_acc.extend(avg_acc * cur_num_seqs) - total_num_seqs.extend(cur_num_seqs) - if batch_id % args.skip_steps == 0: - time_end = time.time() - used_time = time_end - time_begin - current_example, current_epoch = processor.get_train_progress() - print("epoch: %d, progress: %d/%d, step: %d, ave loss: %f, " - "ave acc: %f, speed: %f steps/s" % - (current_epoch, current_example, num_train_examples, - batch_id, np.sum(total_cost) / np.sum(total_num_seqs), - np.sum(total_acc) / np.sum(total_num_seqs), - args.skip_steps / used_time)) - time_begin = time.time() - total_cost, total_acc, total_num_seqs = [], [], [] - - if batch_id % args.validation_steps == 0: - total_dev_cost, total_dev_acc, total_dev_num_seqs = [], [], [] - for dev_id, dev_data in enumerate(dev_data_generator()): - fetch_outs = test_exe.run( - feed=feeder.feed(dev_data), - fetch_list=[loss.name, accuracy.name, num_seqs.name]) - avg_dev_loss = fetch_outs[0] - avg_dev_acc = fetch_outs[1] - cur_dev_num_seqs = fetch_outs[2] - total_dev_cost.extend(avg_dev_loss * cur_dev_num_seqs) - total_dev_acc.extend(avg_dev_acc * cur_dev_num_seqs) - total_dev_num_seqs.extend(cur_dev_num_seqs) - print("valid eval: ave loss: %f, ave acc: %f" % - (np.sum(total_dev_cost) / np.sum(total_dev_num_seqs), - np.sum(total_dev_acc) / np.sum(total_dev_num_seqs))) - total_dev_cost, total_dev_acc, total_dev_num_seqs = [], [], [] - - if batch_id % args.save_steps == 0: - model_path = os.path.join(args.checkpoints, str(batch_id)) - if not os.path.isdir(model_path): - os.makedirs(model_path) - fluid.io.save_persistables( - executor=exe, - dirname=model_path, - main_program=train_program) - - -if __name__ == '__main__': - args = base_parser() - print_arguments(args) - main(args) diff --git a/PaddleNLP/Research/ACL2019-JEMT/README.md b/PaddleNLP/Research/ACL2019-JEMT/README.md index 73e4c02cd3285feb24d1b22e51fcbd754b226ea0..5cbe1dc7471272fd92667df50cc8f06ac570f16c 100644 --- a/PaddleNLP/Research/ACL2019-JEMT/README.md +++ b/PaddleNLP/Research/ACL2019-JEMT/README.md @@ -1,127 +1 @@ -## 简介 - -### 任务说明 - 机器翻译的输入一般是源语言的句子。但在很多实际系统中,比如语音识别系统的输出或者基于拼音的文字输入,源语言句子一般包含很多同音字错误, 这会导致翻译出现很多意想不到的错误。由于可以同时获得发音信息,我们提出了一种在输入端加入发音信息,进而在模型的嵌入层 -融合文字信息和发音信息的翻译方法,大大提高了翻译模型对同音字错误的抵抗能力。 - - 文章地址:https://arxiv.org/abs/1810.06729 - -### 效果说明 - - 我们使用LDC Chinese-to-English数据集训练。中文词典用的是[DaCiDian](https://github.com/aishell-foundation/DaCiDian)。 在newstest2006上进行评测,效果如下所示: - -| beta=0 | beta=0.50 | beta=0.85 | beta=0.95 | -|-|-|-|-| -| 47.96 | 48.71 | 48.85 | 48.46 | - -beta代表发音信息的权重。这表明,即使将绝大部分权重放在发音信息上,翻译的效果依然很好。与此同时,翻译系统对同音字错误的抵抗力大大提高。 - - -## 安装说明 - -1. paddle安装 - - 本项目依赖于 PaddlePaddle Fluid 1.3.1 及以上版本,请参考 [安装指南](http://www.paddlepaddle.org/#quick-start) 进行安装 - -2. 环境依赖 - - 请参考PaddlePaddle[安装说明](http://paddlepaddle.org/documentation/docs/zh/1.3/beginners_guide/install/index_cn.html)部分的内容 - - - -## 如何训练 - -1. 数据格式 - - 数据格式和[Paddle机器翻译](https://github.com/PaddlePaddle/models/tree/develop/PaddleNLP/neural_machine_translation/transformer)的格式一致。为了获得输入句子的发音信息,需要额外提供源语言的发音基本单元和发音的词典。 - - A) 发音基本单元文件 - - 中文的发音基本单元是拼音,将所有的拼音放在一个文件,类似: - - - - bo - - li - - 。。。 - - B)发音词典 - - 根据DaCiDian,对bpe后的源语言中的token赋予一个或者几个发音,类似: - - ▁玻利维亚 bo li wei ya - - ▁举行 ju xing - - ▁总统 zong tong - - ▁与 yu - - 巴斯 ba si - - ▁这个 zhei ge|zhe ge - - 。。。 - -2. 训练模型 - - 数据准备完成后,可以使用 `train.py` 脚本进行训练。例子如下: - -```sh - python train.py \ - --src_vocab_fpath nist_data/vocab_all.28000 \ - --trg_vocab_fpath nist_data/vocab_all.28000 \ - --train_file_pattern nist_data/nist_train.txt \ - --phoneme_vocab_fpath nist_data/zh_pinyins.txt \ - --lexicon_fpath nist_data/zh_lexicon.txt \ - --batch_size 2048 \ - --use_token_batch True \ - --sort_type pool \ - --pool_size 200000 \ - --use_py_reader False \ - --enable_ce False \ - --fetch_steps 1 \ - pass_num 100 \ - learning_rate 2.0 \ - warmup_steps 8000 \ - beta2 0.997 \ - d_model 512 \ - d_inner_hid 2048 \ - n_head 8 \ - weight_sharing True \ - max_length 256 \ - save_freq 10000 \ - beta 0.85 \ - model_dir pinyin_models_beta085 \ - ckpt_dir pinyin_ckpts_beta085 -``` - -上述命令中设置了源语言词典文件路径(`src_vocab_fpath`)、目标语言词典文件路径(`trg_vocab_fpath`)、训练数据文件(`train_file_pattern`,支持通配符), 发音单元文件路径(`phoneme_vocab_fpath`), 发音词典路径(`lexicon_fpath`)等数据相关的参数和构造 batch 方式(`use_token_batch` 指定了数据按照 token 数目或者 sequence 数目组成 batch)等 reader 相关的参数。有关这些参数更详细的信息可以通过执行以下命令查看: - -```sh -python train.py --help -``` - - 更多模型训练相关的参数则在 `config.py` 中的 `ModelHyperParams` 和 `TrainTaskConfig` 内定义;`ModelHyperParams` 定义了 embedding 维度等模型超参数,`TrainTaskConfig` 定义了 warmup 步数等训练需要的参数。这些参数默认使用了 Transformer 论文中 base model 的配置,如需调整可以在该脚本中进行修改。另外这些参数同样可在执行训练脚本的命令行中设置,传入的配置会合并并覆盖 `config.py` 中的配置. - - 注意,如训练时更改了模型配置,使用 `infer.py` 预测时需要使用对应相同的模型配置;另外,训练时默认使用所有 GPU,可以通过 `CUDA_VISIBLE_DEVICES` 环境变量来设置使用指定的 GPU。 - -## 如何预测 - -使用以上提供的数据和模型,可以按照以下代码进行预测,翻译结果将打印到标准输出: - -```sh -python infer.py \ ---src_vocab_fpath nist_data/vocab_all.28000 \ ---trg_vocab_fpath nist_data/vocab_all.28000 \ ---test_file_pattern nist_data/nist_test.txt \ ---phoneme_vocab_fpath nist_data/zh_pinyins.txt \ ---lexicon_fpath nist_data/zh_lexicon.txt \ ---batch_size 32 \ -model_path pinyin_models_beta085/iter_200000.infer.model \ -beam_size 5 \ -max_out_len 255 \ -beta 0.85 -``` +This work has been moved to new address: [NLP](https://github.com/PaddlePaddle/Research/tree/master/NLP) diff --git a/PaddleNLP/Research/ACL2019-JEMT/config.py b/PaddleNLP/Research/ACL2019-JEMT/config.py deleted file mode 100644 index 920fdc34d1b6d970da6d8fed47e26b8ef73bd48c..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-JEMT/config.py +++ /dev/null @@ -1,130 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -class TrainTaskConfig(object): - # support both CPU and GPU now. - use_gpu = True - # the epoch number to train. - pass_num = 30 - # the number of sequences contained in a mini-batch. - # deprecated, set batch_size in args. - batch_size = 32 - # the hyper parameters for Adam optimizer. - # This static learning_rate will be multiplied to the LearningRateScheduler - # derived learning rate the to get the final learning rate. - learning_rate = 2.0 - beta1 = 0.9 - beta2 = 0.997 - eps = 1e-9 - # the parameters for learning rate scheduling. - warmup_steps = 8000 - # the weight used to mix up the ground-truth distribution and the fixed - # uniform distribution in label smoothing when training. - # Set this as zero if label smoothing is not wanted. - label_smooth_eps = 0.1 - # the directory for saving trained models. - model_dir = "trained_models" - # the directory for saving checkpoints. - ckpt_dir = "trained_ckpts" - # the directory for loading checkpoint. - # If provided, continue training from the checkpoint. - ckpt_path = None - # the parameter to initialize the learning rate scheduler. - # It should be provided if use checkpoints, since the checkpoint doesn't - # include the training step counter currently. - start_step = 0 - # the frequency to save trained models. - save_freq = 10000 - - -class InferTaskConfig(object): - use_gpu = True - # the number of examples in one run for sequence generation. - batch_size = 10 - # the parameters for beam search. - beam_size = 5 - max_out_len = 256 - # the number of decoded sentences to output. - n_best = 1 - # the flags indicating whether to output the special tokens. - output_bos = False - output_eos = False - output_unk = True - # the directory for loading the trained model. - model_path = "trained_models/pass_1.infer.model" - - -class ModelHyperParams(object): - # These following five vocabularies related configurations will be set - # automatically according to the passed vocabulary path and special tokens. - # size of source word dictionary. - src_vocab_size = 10000 - # size of target word dictionay - trg_vocab_size = 10000 - # size of phone dictionary - phone_vocab_size = 1000 - # ratio of phoneme embeddings - beta = 0.0 - # index for token - bos_idx = 0 - # index for token - eos_idx = 1 - # index for token - unk_idx = 2 - # index for in phonemes - phone_pad_idx = 0 - # max length of sequences deciding the size of position encoding table. - max_length = 256 - # the dimension for word embeddings, which is also the last dimension of - # the input and output of multi-head attention, position-wise feed-forward - # networks, encoder and decoder. - d_model = 512 - # size of the hidden layer in position-wise feed-forward networks. - d_inner_hid = 2048 - # the dimension that keys are projected to for dot-product attention. - d_key = 64 - # the dimension that values are projected to for dot-product attention. - d_value = 64 - # number of head used in multi-head attention. - n_head = 8 - # number of sub-layers to be stacked in the encoder and decoder. - n_layer = 6 - # dropout rates of different modules. - prepostprocess_dropout = 0.1 - attention_dropout = 0.1 - relu_dropout = 0.1 - # to process before each sub-layer - preprocess_cmd = "n" # layer normalization - # to process after each sub-layer - postprocess_cmd = "da" # dropout + residual connection - # random seed used in dropout for CE. - dropout_seed = None - # the flag indicating whether to share embedding and softmax weights. - # vocabularies in source and target should be same for weight sharing. - weight_sharing = True - - -def merge_cfg_from_list(cfg_list, g_cfgs): - """ - Set the above global configurations using the cfg_list. - """ - assert len(cfg_list) % 2 == 0 - for key, value in zip(cfg_list[0::2], cfg_list[1::2]): - for g_cfg in g_cfgs: - if hasattr(g_cfg, key): - try: - value = eval(value) - except Exception: # for file path - pass - setattr(g_cfg, key, value) - break diff --git a/PaddleNLP/Research/ACL2019-JEMT/desc.py b/PaddleNLP/Research/ACL2019-JEMT/desc.py deleted file mode 100644 index 07326bf4b7f06954d7accb620a0ffdec2383df51..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-JEMT/desc.py +++ /dev/null @@ -1,114 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# The placeholder for batch_size in compile time. Must be -1 currently to be -# consistent with some ops' infer-shape output in compile time, such as the -# sequence_expand op used in beamsearch decoder. -batch_size = -1 -# The placeholder for squence length in compile time. -seq_len = 256 -# The placeholder for phoneme sequence length in comiple time. -phone_len = 16 -# The placeholder for head number in compile time. -n_head = 8 -# The placeholder for model dim in compile time. -d_model = 512 -# Here list the data shapes and data types of all inputs. -# The shapes here act as placeholder and are set to pass the infer-shape in -# compile time. -input_descs = { - # The actual data shape of src_word is: - # [batch_size, max_src_len_in_batch, 1] - "src_word": [(batch_size, seq_len, 1), "int64", 2], - # The actual data shape of src_pos is: - # [batch_size, max_src_len_in_batch, 1] - "src_pos": [(batch_size, seq_len, 1), "int64"], - # This input is used to remove attention weights on paddings in the - # encoder. - # The actual data shape of src_slf_attn_bias is: - # [batch_size, n_head, max_src_len_in_batch, max_src_len_in_batch] - "src_slf_attn_bias": [(batch_size, n_head, seq_len, seq_len), "float32"], - "src_phone": [(batch_size, seq_len, phone_len, 1), "int64"], - "src_phone_mask": [(batch_size, seq_len, phone_len), "int64"], - # The actual data shape of trg_word is: - # [batch_size, max_trg_len_in_batch, 1] - "trg_word": [(batch_size, seq_len, 1), "int64", - 2], # lod_level is only used in fast decoder. - # The actual data shape of trg_pos is: - # [batch_size, max_trg_len_in_batch, 1] - "trg_pos": [(batch_size, seq_len, 1), "int64"], - # This input is used to remove attention weights on paddings and - # subsequent words in the decoder. - # The actual data shape of trg_slf_attn_bias is: - # [batch_size, n_head, max_trg_len_in_batch, max_trg_len_in_batch] - "trg_slf_attn_bias": [(batch_size, n_head, seq_len, seq_len), "float32"], - # This input is used to remove attention weights on paddings of the source - # input in the encoder-decoder attention. - # The actual data shape of trg_src_attn_bias is: - # [batch_size, n_head, max_trg_len_in_batch, max_src_len_in_batch] - "trg_src_attn_bias": [(batch_size, n_head, seq_len, seq_len), "float32"], - # This input is used in independent decoder program for inference. - # The actual data shape of enc_output is: - # [batch_size, max_src_len_in_batch, d_model] - "enc_output": [(batch_size, seq_len, d_model), "float32"], - # The actual data shape of label_word is: - # [batch_size * max_trg_len_in_batch, 1] - "lbl_word": [(batch_size * seq_len, 1), "int64"], - # This input is used to mask out the loss of paddding tokens. - # The actual data shape of label_weight is: - # [batch_size * max_trg_len_in_batch, 1] - "lbl_weight": [(batch_size * seq_len, 1), "float32"], - # This input is used in beam-search decoder. - "init_score": [(batch_size, 1), "float32", 2], - # This input is used in beam-search decoder for the first gather - # (cell states updation) - "init_idx": [(batch_size, ), "int32"], -} - -# Names of word embedding table which might be reused for weight sharing. -word_emb_param_names = ( - "src_word_emb_table", - "trg_word_emb_table", ) - -phone_emb_param_name = "phone_emb_table" - -# Names of position encoding table which will be initialized externally. -pos_enc_param_names = ( - "src_pos_enc_table", - "trg_pos_enc_table", ) -# separated inputs for different usages. -encoder_data_input_fields = ( - "src_word", - "src_pos", - "src_slf_attn_bias", - "src_phone", - "src_phone_mask", ) -decoder_data_input_fields = ( - "trg_word", - "trg_pos", - "trg_slf_attn_bias", - "trg_src_attn_bias", - "enc_output", ) -label_data_input_fields = ( - "lbl_word", - "lbl_weight", ) -# In fast decoder, trg_pos (only containing the current time step) is generated -# by ops and trg_slf_attn_bias is not needed. -fast_decoder_data_input_fields = ( - "trg_word", - "init_score", - "init_idx", - "trg_src_attn_bias", ) - -# Set seed for CE -dropout_seed = None diff --git a/PaddleNLP/Research/ACL2019-JEMT/infer.py b/PaddleNLP/Research/ACL2019-JEMT/infer.py deleted file mode 100644 index 08d1c7d80ef5976236c450a40a4d9cb886d7b675..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-JEMT/infer.py +++ /dev/null @@ -1,346 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import argparse -import ast -import multiprocessing -import numpy as np -import os -import sys -from functools import partial - -import paddle -import paddle.fluid as fluid - -import reader -from config import * -from desc import * -from model import fast_decode as fast_decoder -from train import pad_batch_data, pad_phoneme_data, prepare_data_generator - - -def parse_args(): - parser = argparse.ArgumentParser("Training for Transformer.") - parser.add_argument( - "--src_vocab_fpath", - type=str, - required=True, - help="The path of vocabulary file of source language.") - parser.add_argument( - "--trg_vocab_fpath", - type=str, - required=True, - help="The path of vocabulary file of target language.") - parser.add_argument( - "--phoneme_vocab_fpath", - type=str, - required=True, - help="The path of vocabulary file of phonemes.") - parser.add_argument( - "--lexicon_fpath", - type=str, - required=True, - help="The path of lexicon of source language.") - parser.add_argument( - "--test_file_pattern", - type=str, - required=True, - help="The pattern to match test data files.") - parser.add_argument( - "--batch_size", - type=int, - default=50, - help="The number of examples in one run for sequence generation.") - parser.add_argument( - "--pool_size", - type=int, - default=10000, - help="The buffer size to pool data.") - parser.add_argument( - "--special_token", - type=str, - default=["", "", ""], - nargs=3, - help="The , and tokens in the dictionary.") - parser.add_argument( - "--token_delimiter", - type=lambda x: str(x.encode().decode("unicode-escape")), - default=" ", - help="The delimiter used to split tokens in source or target sentences. " - "For EN-DE BPE data we provided, use spaces as token delimiter. ") - parser.add_argument( - "--use_py_reader", - type=ast.literal_eval, - default=True, - help="The flag indicating whether to use py_reader.") - parser.add_argument( - "--use_parallel_exe", - type=ast.literal_eval, - default=False, - help="The flag indicating whether to use ParallelExecutor.") - parser.add_argument( - 'opts', - help='See config.py for all options', - default=None, - nargs=argparse.REMAINDER) - args = parser.parse_args() - # Append args related to dict - src_dict = reader.DataReader.load_dict(args.src_vocab_fpath) - trg_dict = reader.DataReader.load_dict(args.trg_vocab_fpath) - phone_dict = reader.DataReader.load_dict(args.phoneme_vocab_fpath) - dict_args = [ - "src_vocab_size", str(len(src_dict)), "trg_vocab_size", - str(len(trg_dict)), "phone_vocab_size", str(len(phone_dict)), "bos_idx", - str(src_dict[args.special_token[0]]), "eos_idx", - str(src_dict[args.special_token[1]]), "unk_idx", - str(src_dict[args.special_token[2]]) - ] - merge_cfg_from_list(args.opts + dict_args, - [InferTaskConfig, ModelHyperParams]) - return args - - -def post_process_seq(seq, - bos_idx=ModelHyperParams.bos_idx, - eos_idx=ModelHyperParams.eos_idx, - output_bos=InferTaskConfig.output_bos, - output_eos=InferTaskConfig.output_eos): - """ - Post-process the beam-search decoded sequence. Truncate from the first - and remove the and tokens currently. - """ - eos_pos = len(seq) - 1 - for i, idx in enumerate(seq): - if idx == eos_idx: - eos_pos = i - break - seq = [ - idx for idx in seq[:eos_pos + 1] - if (output_bos or idx != bos_idx) and (output_eos or idx != eos_idx) - ] - return seq - - -def prepare_batch_input(insts, data_input_names, src_pad_idx, phone_pad_idx, - bos_idx, n_head, d_model, place): - """ - Put all padded data needed by beam search decoder into a dict. - """ - src_word, src_pos, src_slf_attn_bias, src_max_len = pad_batch_data( - [inst[0] for inst in insts], src_pad_idx, n_head, is_target=False) - src_word = src_word.reshape(-1, src_max_len, 1) - src_pos = src_pos.reshape(-1, src_max_len, 1) - src_phone, src_phone_mask, max_phone_len = pad_phoneme_data( - [inst[1] for inst in insts], phone_pad_idx, src_max_len) - - # start tokens - trg_word = np.asarray([[bos_idx]] * len(insts), dtype="int64") - trg_src_attn_bias = np.tile(src_slf_attn_bias[:, :, ::src_max_len, :], - [1, 1, 1, 1]).astype("float32") - trg_word = trg_word.reshape(-1, 1, 1) - - def to_lodtensor(data, place, lod=None): - data_tensor = fluid.LoDTensor() - data_tensor.set(data, place) - if lod is not None: - data_tensor.set_lod(lod) - return data_tensor - - # beamsearch_op must use tensors with lod - init_score = to_lodtensor( - np.zeros_like( - trg_word, dtype="float32").reshape(-1, 1), - place, [range(trg_word.shape[0] + 1)] * 2) - trg_word = to_lodtensor(trg_word, place, [range(trg_word.shape[0] + 1)] * 2) - init_idx = np.asarray(range(len(insts)), dtype="int32") - - data_input_dict = dict( - zip(data_input_names, [ - src_word, src_pos, src_slf_attn_bias, src_phone, src_phone_mask, - trg_word, init_score, init_idx, trg_src_attn_bias - ])) - return data_input_dict - - -def prepare_feed_dict_list(data_generator, count, place): - """ - Prepare the list of feed dict for multi-devices. - """ - feed_dict_list = [] - if data_generator is not None: # use_py_reader == False - data_input_names = encoder_data_input_fields + fast_decoder_data_input_fields - data = next(data_generator) - for idx, data_buffer in enumerate(data): - data_input_dict = prepare_batch_input( - data_buffer, data_input_names, ModelHyperParams.eos_idx, - ModelHyperParams.phone_pad_idx, ModelHyperParams.bos_idx, - ModelHyperParams.n_head, ModelHyperParams.d_model, place) - feed_dict_list.append(data_input_dict) - return feed_dict_list if len(feed_dict_list) == count else None - - -def py_reader_provider_wrapper(data_reader, place): - """ - Data provider needed by fluid.layers.py_reader. - """ - - def py_reader_provider(): - data_input_names = encoder_data_input_fields + fast_decoder_data_input_fields - for batch_id, data in enumerate(data_reader()): - data_input_dict = prepare_batch_input( - data, data_input_names, ModelHyperParams.eos_idx, - ModelHyperParams.phone_pad_idx, ModelHyperParams.bos_idx, - ModelHyperParams.n_head, ModelHyperParams.d_model, place) - yield [data_input_dict[item] for item in data_input_names] - - return py_reader_provider - - -def fast_infer(args): - """ - Inference by beam search decoder based solely on Fluid operators. - """ - out_ids, out_scores, pyreader = fast_decoder( - ModelHyperParams.src_vocab_size, - ModelHyperParams.trg_vocab_size, - ModelHyperParams.phone_vocab_size, - ModelHyperParams.max_length + 1, - ModelHyperParams.n_layer, - ModelHyperParams.n_head, - ModelHyperParams.d_key, - ModelHyperParams.d_value, - ModelHyperParams.d_model, - ModelHyperParams.d_inner_hid, - ModelHyperParams.prepostprocess_dropout, - ModelHyperParams.attention_dropout, - ModelHyperParams.relu_dropout, - ModelHyperParams.preprocess_cmd, - ModelHyperParams.postprocess_cmd, - ModelHyperParams.weight_sharing, - InferTaskConfig.beam_size, - InferTaskConfig.max_out_len, - ModelHyperParams.bos_idx, - ModelHyperParams.eos_idx, - beta=ModelHyperParams.beta, - use_py_reader=args.use_py_reader) - - # This is used here to set dropout to the test mode. - infer_program = fluid.default_main_program().clone(for_test=True) - - if InferTaskConfig.use_gpu: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - exe = fluid.Executor(place) - exe.run(fluid.default_startup_program()) - - fluid.io.load_vars( - exe, - InferTaskConfig.model_path, - vars=[ - var for var in infer_program.list_vars() - if isinstance(var, fluid.framework.Parameter) - ]) - - exec_strategy = fluid.ExecutionStrategy() - # For faster executor - exec_strategy.use_experimental_executor = True - exec_strategy.num_threads = 1 - build_strategy = fluid.BuildStrategy() - infer_exe = fluid.ParallelExecutor( - use_cuda=TrainTaskConfig.use_gpu, - main_program=infer_program, - build_strategy=build_strategy, - exec_strategy=exec_strategy) - - # data reader settings for inference - args.train_file_pattern = args.test_file_pattern - args.use_token_batch = False - args.sort_type = reader.SortType.NONE - args.shuffle = False - args.shuffle_batch = False - test_data = prepare_data_generator( - args, - is_test=False, - count=dev_count, - pyreader=pyreader, - py_reader_provider_wrapper=py_reader_provider_wrapper, - place=place) - if args.use_py_reader: - pyreader.start() - data_generator = None - else: - data_generator = test_data() - trg_idx2word = reader.DataReader.load_dict( - dict_path=args.trg_vocab_fpath, reverse=True) - - while True: - try: - feed_dict_list = prepare_feed_dict_list(data_generator, dev_count, - place) - if args.use_parallel_exe: - seq_ids, seq_scores = infer_exe.run( - fetch_list=[out_ids.name, out_scores.name], - feed=feed_dict_list, - return_numpy=False) - else: - seq_ids, seq_scores = exe.run( - program=infer_program, - fetch_list=[out_ids.name, out_scores.name], - feed=feed_dict_list[0] - if feed_dict_list is not None else None, - return_numpy=False, - use_program_cache=True) - seq_ids_list, seq_scores_list = [ - seq_ids - ], [seq_scores] if isinstance( - seq_ids, paddle.fluid.LoDTensor) else (seq_ids, seq_scores) - for seq_ids, seq_scores in zip(seq_ids_list, seq_scores_list): - # How to parse the results: - # Suppose the lod of seq_ids is: - # [[0, 3, 6], [0, 12, 24, 40, 54, 67, 82]] - # then from lod[0]: - # there are 2 source sentences, beam width is 3. - # from lod[1]: - # the first source sentence has 3 hyps; the lengths are 12, 12, 16 - # the second source sentence has 3 hyps; the lengths are 14, 13, 15 - hyps = [[] for i in range(len(seq_ids.lod()[0]) - 1)] - scores = [[] for i in range(len(seq_scores.lod()[0]) - 1)] - for i in range(len(seq_ids.lod()[0]) - - 1): # for each source sentence - start = seq_ids.lod()[0][i] - end = seq_ids.lod()[0][i + 1] - for j in range(end - start): # for each candidate - sub_start = seq_ids.lod()[1][start + j] - sub_end = seq_ids.lod()[1][start + j + 1] - hyps[i].append(" ".join([ - trg_idx2word[idx] - for idx in post_process_seq( - np.array(seq_ids)[sub_start:sub_end]) - ])) - scores[i].append(np.array(seq_scores)[sub_end - 1]) - print(hyps[i][-1]) - if len(hyps[i]) >= InferTaskConfig.n_best: - break - except (StopIteration, fluid.core.EOFException): - # The data pass is over. - if args.use_py_reader: - pyreader.reset() - break - - -if __name__ == "__main__": - args = parse_args() - fast_infer(args) diff --git a/PaddleNLP/Research/ACL2019-JEMT/model.py b/PaddleNLP/Research/ACL2019-JEMT/model.py deleted file mode 100644 index 83e8760a4b4a02e0effc1328b53f89f295b7769d..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-JEMT/model.py +++ /dev/null @@ -1,988 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -from functools import partial -import numpy as np - -import paddle.fluid as fluid -import paddle.fluid.layers as layers - -from desc import * - - -def wrap_layer_with_block(layer, block_idx): - """ - Make layer define support indicating block, by which we can add layers - to other blocks within current block. This will make it easy to define - cache among while loop. - """ - - class BlockGuard(object): - """ - BlockGuard class. - - BlockGuard class is used to switch to the given block in a program by - using the Python `with` keyword. - """ - - def __init__(self, block_idx=None, main_program=None): - self.main_program = fluid.default_main_program( - ) if main_program is None else main_program - self.old_block_idx = self.main_program.current_block().idx - self.new_block_idx = block_idx - - def __enter__(self): - self.main_program.current_block_idx = self.new_block_idx - - def __exit__(self, exc_type, exc_val, exc_tb): - self.main_program.current_block_idx = self.old_block_idx - if exc_type is not None: - return False # re-raise exception - return True - - def layer_wrapper(*args, **kwargs): - with BlockGuard(block_idx): - return layer(*args, **kwargs) - - return layer_wrapper - - -def position_encoding_init(n_position, d_pos_vec): - """ - Generate the initial values for the sinusoid position encoding table. - """ - channels = d_pos_vec - position = np.arange(n_position) - num_timescales = channels // 2 - log_timescale_increment = (np.log(float(1e4) / float(1)) / - (num_timescales - 1)) - inv_timescales = np.exp(np.arange( - num_timescales)) * -log_timescale_increment - scaled_time = np.expand_dims(position, 1) * np.expand_dims(inv_timescales, - 0) - signal = np.concatenate([np.sin(scaled_time), np.cos(scaled_time)], axis=1) - signal = np.pad(signal, [[0, 0], [0, np.mod(channels, 2)]], 'constant') - position_enc = signal - return position_enc.astype("float32") - - -def multi_head_attention(queries, - keys, - values, - attn_bias, - d_key, - d_value, - d_model, - n_head=1, - dropout_rate=0., - cache=None, - gather_idx=None, - static_kv=False): - """ - Multi-Head Attention. Note that attn_bias is added to the logit before - computing softmax activiation to mask certain selected positions so that - they will not considered in attention weights. - """ - keys = queries if keys is None else keys - values = keys if values is None else values - - if not (len(queries.shape) == len(keys.shape) == len(values.shape) == 3): - raise ValueError( - "Inputs: quries, keys and values should all be 3-D tensors.") - - def __compute_qkv(queries, keys, values, n_head, d_key, d_value): - """ - Add linear projection to queries, keys, and values. - """ - q = layers.fc(input=queries, - size=d_key * n_head, - bias_attr=False, - num_flatten_dims=2) - # For encoder-decoder attention in inference, insert the ops and vars - # into global block to use as cache among beam search. - fc_layer = wrap_layer_with_block( - layers.fc, fluid.default_main_program().current_block( - ).parent_idx) if cache is not None and static_kv else layers.fc - k = fc_layer( - input=keys, - size=d_key * n_head, - bias_attr=False, - num_flatten_dims=2) - v = fc_layer( - input=values, - size=d_value * n_head, - bias_attr=False, - num_flatten_dims=2) - return q, k, v - - def __split_heads_qkv(queries, keys, values, n_head, d_key, d_value): - """ - Reshape input tensors at the last dimension to split multi-heads - and then transpose. Specifically, transform the input tensor with shape - [bs, max_sequence_length, n_head * hidden_dim] to the output tensor - with shape [bs, n_head, max_sequence_length, hidden_dim]. - """ - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - reshaped_q = layers.reshape( - x=queries, shape=[0, 0, n_head, d_key], inplace=True) - # permuate the dimensions into: - # [batch_size, n_head, max_sequence_len, hidden_size_per_head] - q = layers.transpose(x=reshaped_q, perm=[0, 2, 1, 3]) - # For encoder-decoder attention in inference, insert the ops and vars - # into global block to use as cache among beam search. - reshape_layer = wrap_layer_with_block( - layers.reshape, - fluid.default_main_program().current_block( - ).parent_idx) if cache is not None and static_kv else layers.reshape - transpose_layer = wrap_layer_with_block( - layers.transpose, - fluid.default_main_program().current_block(). - parent_idx) if cache is not None and static_kv else layers.transpose - reshaped_k = reshape_layer( - x=keys, shape=[0, 0, n_head, d_key], inplace=True) - k = transpose_layer(x=reshaped_k, perm=[0, 2, 1, 3]) - reshaped_v = reshape_layer( - x=values, shape=[0, 0, n_head, d_value], inplace=True) - v = transpose_layer(x=reshaped_v, perm=[0, 2, 1, 3]) - - if cache is not None: # only for faster inference - if static_kv: # For encoder-decoder attention in inference - cache_k, cache_v = cache["static_k"], cache["static_v"] - # To init the static_k and static_v in cache. - # Maybe we can use condition_op(if_else) to do these at the first - # step in while loop to replace these, however it might be less - # efficient. - static_cache_init = wrap_layer_with_block( - layers.assign, - fluid.default_main_program().current_block().parent_idx) - static_cache_init(k, cache_k) - static_cache_init(v, cache_v) - else: # For decoder self-attention in inference - cache_k, cache_v = cache["k"], cache["v"] - # gather cell states corresponding to selected parent - select_k = layers.gather(cache_k, index=gather_idx) - select_v = layers.gather(cache_v, index=gather_idx) - if not static_kv: - # For self attention in inference, use cache and concat time steps. - select_k = layers.concat([select_k, k], axis=2) - select_v = layers.concat([select_v, v], axis=2) - # update cell states(caches) cached in global block - layers.assign(select_k, cache_k) - layers.assign(select_v, cache_v) - return q, select_k, select_v - return q, k, v - - def __combine_heads(x): - """ - Transpose and then reshape the last two dimensions of inpunt tensor x - so that it becomes one dimension, which is reverse to __split_heads. - """ - if len(x.shape) != 4: - raise ValueError("Input(x) should be a 4-D Tensor.") - - trans_x = layers.transpose(x, perm=[0, 2, 1, 3]) - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - return layers.reshape( - x=trans_x, - shape=[0, 0, trans_x.shape[2] * trans_x.shape[3]], - inplace=True) - - def scaled_dot_product_attention(q, k, v, attn_bias, d_key, dropout_rate): - """ - Scaled Dot-Product Attention - """ - product = layers.matmul(x=q, y=k, transpose_y=True, alpha=d_key**-0.5) - if attn_bias: - product += attn_bias - weights = layers.softmax(product) - if dropout_rate: - weights = layers.dropout( - weights, - dropout_prob=dropout_rate, - seed=dropout_seed, - is_test=False) - out = layers.matmul(weights, v) - return out - - q, k, v = __compute_qkv(queries, keys, values, n_head, d_key, d_value) - q, k, v = __split_heads_qkv(q, k, v, n_head, d_key, d_value) - - ctx_multiheads = scaled_dot_product_attention(q, k, v, attn_bias, d_model, - dropout_rate) - - out = __combine_heads(ctx_multiheads) - - # Project back to the model size. - proj_out = layers.fc(input=out, - size=d_model, - bias_attr=False, - num_flatten_dims=2) - return proj_out - - -def positionwise_feed_forward(x, d_inner_hid, d_hid, dropout_rate): - """ - Position-wise Feed-Forward Networks. - This module consists of two linear transformations with a ReLU activation - in between, which is applied to each position separately and identically. - """ - hidden = layers.fc(input=x, - size=d_inner_hid, - num_flatten_dims=2, - act="relu") - if dropout_rate: - hidden = layers.dropout( - hidden, dropout_prob=dropout_rate, seed=dropout_seed, is_test=False) - out = layers.fc(input=hidden, size=d_hid, num_flatten_dims=2) - return out - - -def pre_post_process_layer(prev_out, out, process_cmd, dropout_rate=0.): - """ - Add residual connection, layer normalization and droput to the out tensor - optionally according to the value of process_cmd. - This will be used before or after multi-head attention and position-wise - feed-forward networks. - """ - for cmd in process_cmd: - if cmd == "a": # add residual connection - out = out + prev_out if prev_out else out - elif cmd == "n": # add layer normalization - out = layers.layer_norm( - out, - begin_norm_axis=len(out.shape) - 1, - param_attr=fluid.initializer.Constant(1.), - bias_attr=fluid.initializer.Constant(0.)) - elif cmd == "d": # add dropout - if dropout_rate: - out = layers.dropout( - out, - dropout_prob=dropout_rate, - seed=dropout_seed, - is_test=False) - return out - - -pre_process_layer = partial(pre_post_process_layer, None) -post_process_layer = pre_post_process_layer - - -def prepare_encoder(src_word, - src_pos, - src_vocab_size, - src_phone, - src_phone_mask, - phone_vocab_size, - src_emb_dim, - src_max_len, - beta=0.0, - dropout_rate=0., - bos_idx=0, - phone_pad_idx=-1, - word_emb_param_name=None): - """Add word embeddings and position encodings. - The output tensor has a shape of: - [batch_size, max_src_length_in_batch, d_model]. - This module is used at the bottom of the encoder stacks. - """ - src_word_emb = layers.embedding( - src_word, - size=[src_vocab_size, src_emb_dim], - padding_idx=bos_idx, # set embedding of bos to 0 - param_attr=fluid.ParamAttr( - name=word_emb_param_name, - initializer=fluid.initializer.Normal(0., src_emb_dim**-0.5))) - src_word_emb = layers.scale(x=src_word_emb, scale=src_emb_dim**0.5) - - # shape [batch_size, max_seq_len, max_phone_len, dim] - src_phone_emb = layers.embedding( - src_phone, - size=[phone_vocab_size, src_emb_dim], - padding_idx=phone_pad_idx, # set embedding of phone_pad_idx to 0 - param_attr=fluid.ParamAttr( - name=phone_emb_param_name, - initializer=fluid.initializer.Normal(0., src_emb_dim**-0.5))) - sum_phone_emb = layers.reduce_sum(src_phone_emb, dim=2) - float_mask = layers.cast(src_phone_mask, dtype='float32') - sum_mask = layers.reduce_sum(float_mask, dim=2) + 1e-9 - mean_phone_emb = layers.elementwise_div(sum_phone_emb, sum_mask, axis=0) - - src_pos_enc = layers.embedding( - src_pos, - size=[src_max_len, src_emb_dim], - param_attr=fluid.ParamAttr( - name=pos_enc_param_names[0], trainable=False)) - src_pos_enc.stop_gradient = True - enc_input = (1 - beta) * src_word_emb + beta * mean_phone_emb + src_pos_enc - return layers.dropout( - enc_input, dropout_prob=dropout_rate, seed=dropout_seed, - is_test=False) if dropout_rate else enc_input - - -def prepare_decoder(src_word, - src_pos, - src_vocab_size, - src_emb_dim, - src_max_len, - dropout_rate=0., - bos_idx=0, - word_emb_param_name=None): - """Add word embeddings and position encodings. - The output tensor has a shape of: - [batch_size, max_src_length_in_batch, d_model]. - This module is used at the bottom of the encoder stacks. - """ - src_word_emb = layers.embedding( - src_word, - size=[src_vocab_size, src_emb_dim], - padding_idx=bos_idx, # set embedding of bos to 0 - param_attr=fluid.ParamAttr( - name=word_emb_param_name, - initializer=fluid.initializer.Normal(0., src_emb_dim**-0.5))) - - src_word_emb = layers.scale(x=src_word_emb, scale=src_emb_dim**0.5) - src_pos_enc = layers.embedding( - src_pos, - size=[src_max_len, src_emb_dim], - param_attr=fluid.ParamAttr( - name=pos_enc_param_names[1], trainable=False)) - src_pos_enc.stop_gradient = True - enc_input = src_word_emb + src_pos_enc - return layers.dropout( - enc_input, dropout_prob=dropout_rate, seed=dropout_seed, - is_test=False) if dropout_rate else enc_input - - -def encoder_layer(enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd="n", - postprocess_cmd="da"): - """The encoder layers that can be stacked to form a deep encoder. - This module consits of a multi-head (self) attention followed by - position-wise feed-forward networks and both the two components companied - with the post_process_layer to add residual connection, layer normalization - and droput. - """ - attn_output = multi_head_attention( - pre_process_layer(enc_input, preprocess_cmd, - prepostprocess_dropout), None, None, attn_bias, d_key, - d_value, d_model, n_head, attention_dropout) - attn_output = post_process_layer(enc_input, attn_output, postprocess_cmd, - prepostprocess_dropout) - ffd_output = positionwise_feed_forward( - pre_process_layer(attn_output, preprocess_cmd, prepostprocess_dropout), - d_inner_hid, d_model, relu_dropout) - return post_process_layer(attn_output, ffd_output, postprocess_cmd, - prepostprocess_dropout) - - -def encoder(enc_input, - attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd="n", - postprocess_cmd="da"): - """ - The encoder is composed of a stack of identical layers returned by calling - encoder_layer. - """ - for i in range(n_layer): - enc_output = encoder_layer( - enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, ) - enc_input = enc_output - enc_output = pre_process_layer(enc_output, preprocess_cmd, - prepostprocess_dropout) - return enc_output - - -def decoder_layer(dec_input, - enc_output, - slf_attn_bias, - dec_enc_attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - cache=None, - gather_idx=None): - """ The layer to be stacked in decoder part. - The structure of this module is similar to that in the encoder part except - a multi-head attention is added to implement encoder-decoder attention. - """ - slf_attn_output = multi_head_attention( - pre_process_layer(dec_input, preprocess_cmd, prepostprocess_dropout), - None, - None, - slf_attn_bias, - d_key, - d_value, - d_model, - n_head, - attention_dropout, - cache=cache, - gather_idx=gather_idx) - slf_attn_output = post_process_layer( - dec_input, - slf_attn_output, - postprocess_cmd, - prepostprocess_dropout, ) - enc_attn_output = multi_head_attention( - pre_process_layer(slf_attn_output, preprocess_cmd, - prepostprocess_dropout), - enc_output, - enc_output, - dec_enc_attn_bias, - d_key, - d_value, - d_model, - n_head, - attention_dropout, - cache=cache, - gather_idx=gather_idx, - static_kv=True) - enc_attn_output = post_process_layer( - slf_attn_output, - enc_attn_output, - postprocess_cmd, - prepostprocess_dropout, ) - ffd_output = positionwise_feed_forward( - pre_process_layer(enc_attn_output, preprocess_cmd, - prepostprocess_dropout), - d_inner_hid, - d_model, - relu_dropout, ) - dec_output = post_process_layer( - enc_attn_output, - ffd_output, - postprocess_cmd, - prepostprocess_dropout, ) - return dec_output - - -def decoder(dec_input, - enc_output, - dec_slf_attn_bias, - dec_enc_attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - caches=None, - gather_idx=None): - """ - The decoder is composed of a stack of identical decoder_layer layers. - """ - for i in range(n_layer): - dec_output = decoder_layer( - dec_input, - enc_output, - dec_slf_attn_bias, - dec_enc_attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - cache=None if caches is None else caches[i], - gather_idx=gather_idx) - dec_input = dec_output - dec_output = pre_process_layer(dec_output, preprocess_cmd, - prepostprocess_dropout) - return dec_output - - -def make_all_inputs(input_fields): - """ - Define the input data layers for the transformer model. - """ - inputs = [] - for input_field in input_fields: - input_var = layers.data( - name=input_field, - shape=input_descs[input_field][0], - dtype=input_descs[input_field][1], - lod_level=input_descs[input_field][2] - if len(input_descs[input_field]) == 3 else 0, - append_batch_size=False) - inputs.append(input_var) - - return inputs - - -def make_all_py_reader_inputs(input_fields, is_test=False): - reader = layers.py_reader( - capacity=20, - name="test_reader" if is_test else "train_reader", - shapes=[input_descs[input_field][0] for input_field in input_fields], - dtypes=[input_descs[input_field][1] for input_field in input_fields], - lod_levels=[ - input_descs[input_field][2] - if len(input_descs[input_field]) == 3 else 0 - for input_field in input_fields - ]) - return layers.read_file(reader), reader - - -def transformer(src_vocab_size, - trg_vocab_size, - phone_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - label_smooth_eps, - beta, - bos_idx=0, - use_py_reader=False, - is_test=False): - if weight_sharing: - assert src_vocab_size == trg_vocab_size, ( - "Vocabularies in source and target should be same for weight sharing." - ) - - data_input_names = encoder_data_input_fields + \ - decoder_data_input_fields[:-1] + label_data_input_fields - - if use_py_reader: - all_inputs, reader = make_all_py_reader_inputs(data_input_names, - is_test) - else: - all_inputs = make_all_inputs(data_input_names) - - enc_inputs_len = len(encoder_data_input_fields) - dec_inputs_len = len(decoder_data_input_fields[:-1]) - enc_inputs = all_inputs[0:enc_inputs_len] - dec_inputs = all_inputs[enc_inputs_len:enc_inputs_len + dec_inputs_len] - label = all_inputs[-2] - weights = all_inputs[-1] - - enc_output = wrap_encoder( - src_vocab_size, - phone_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - beta, - enc_inputs, ) - - predict = wrap_decoder( - trg_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - dec_inputs, - enc_output, ) - - # Padding index do not contribute to the total loss. The weights is used to - # cancel padding index in calculating the loss. - if label_smooth_eps: - label = layers.label_smooth( - label=layers.one_hot( - input=label, depth=trg_vocab_size), - epsilon=label_smooth_eps) - - cost = layers.softmax_with_cross_entropy( - logits=predict, - label=label, - soft_label=True if label_smooth_eps else False) - weighted_cost = cost * weights - sum_cost = layers.reduce_sum(weighted_cost) - token_num = layers.reduce_sum(weights) - token_num.stop_gradient = True - avg_cost = sum_cost / token_num - return sum_cost, avg_cost, predict, token_num, reader if use_py_reader else None - - -def wrap_encoder(src_vocab_size, - phone_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - beta, - enc_inputs=None, - bos_idx=0): - """ - The wrapper assembles together all needed layers for the encoder. - """ - if enc_inputs is None: - # This is used to implement independent encoder program in inference. - enc_inputs = make_all_inputs(encoder_data_input_fields) - - src_word = enc_inputs[0] - src_pos = enc_inputs[1] - src_slf_attn_bias = enc_inputs[2] - src_phone = enc_inputs[3] - src_phone_mask = enc_inputs[4] - - enc_input = prepare_encoder( - src_word, - src_pos, - src_vocab_size, - src_phone, - src_phone_mask, - phone_vocab_size, - d_model, - max_length, - beta, - prepostprocess_dropout, - bos_idx=bos_idx, - word_emb_param_name=word_emb_param_names[0]) - enc_output = encoder( - enc_input, - src_slf_attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, ) - return enc_output - - -def wrap_decoder(trg_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - dec_inputs=None, - enc_output=None, - caches=None, - gather_idx=None, - bos_idx=0): - """ - The wrapper assembles together all needed layers for the decoder. - """ - if dec_inputs is None: - # This is used to implement independent decoder program in inference. - dec_inputs = make_all_inputs(decoder_data_input_fields) - trg_word = dec_inputs[0] - trg_pos = dec_inputs[1] - trg_slf_attn_bias = dec_inputs[2] - trg_src_attn_bias = dec_inputs[3] - - dec_input = prepare_decoder( - trg_word, - trg_pos, - trg_vocab_size, - d_model, - max_length, - prepostprocess_dropout, - bos_idx=bos_idx, - word_emb_param_name=word_emb_param_names[0] - if weight_sharing else word_emb_param_names[1]) - dec_output = decoder( - dec_input, - enc_output, - trg_slf_attn_bias, - trg_src_attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - caches=caches, - gather_idx=gather_idx) - # Reshape to 2D tensor to use GEMM instead of BatchedGEMM - dec_output = layers.reshape( - dec_output, shape=[-1, dec_output.shape[-1]], inplace=True) - if weight_sharing: - predict = layers.matmul( - x=dec_output, - y=fluid.default_main_program().global_block().var( - word_emb_param_names[0]), - transpose_y=True) - else: - predict = layers.fc(input=dec_output, - size=trg_vocab_size, - bias_attr=False) - if dec_inputs is None: - # Return probs for independent decoder program. - predict = layers.softmax(predict) - return predict - - -def fast_decode(src_vocab_size, - trg_vocab_size, - phone_vocab_size, - max_in_len, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - beam_size, - max_out_len, - bos_idx, - eos_idx, - beta=0.0, - use_py_reader=False): - """ - Use beam search to decode. Caches will be used to store states of history - steps which can make the decoding faster. - """ - data_input_names = encoder_data_input_fields + fast_decoder_data_input_fields - - if use_py_reader: - all_inputs, reader = make_all_py_reader_inputs(data_input_names) - else: - all_inputs = make_all_inputs(data_input_names) - - enc_inputs_len = len(encoder_data_input_fields) - dec_inputs_len = len(fast_decoder_data_input_fields) - enc_inputs = all_inputs[0:enc_inputs_len] - dec_inputs = all_inputs[enc_inputs_len:enc_inputs_len + dec_inputs_len] - - enc_output = wrap_encoder( - src_vocab_size, - phone_vocab_size, - max_in_len, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - beta, - enc_inputs, - bos_idx=bos_idx) - - start_tokens, init_scores, parent_idx, trg_src_attn_bias = dec_inputs - - def beam_search(): - max_len = layers.fill_constant( - shape=[1], - dtype=start_tokens.dtype, - value=max_out_len, - force_cpu=True) - step_idx = layers.fill_constant( - shape=[1], dtype=start_tokens.dtype, value=0, force_cpu=True) - cond = layers.less_than(x=step_idx, y=max_len) # default force_cpu=True - while_op = layers.While(cond) - # array states will be stored for each step. - ids = layers.array_write( - layers.reshape(start_tokens, (-1, 1)), step_idx) - scores = layers.array_write(init_scores, step_idx) - # cell states will be overwrited at each step. - # caches contains states of history steps in decoder self-attention - # and static encoder output projections in encoder-decoder attention - # to reduce redundant computation. - caches = [ - { - "k": # for self attention - layers.fill_constant_batch_size_like( - input=start_tokens, - shape=[-1, n_head, 0, d_key], - dtype=enc_output.dtype, - value=0), - "v": # for self attention - layers.fill_constant_batch_size_like( - input=start_tokens, - shape=[-1, n_head, 0, d_value], - dtype=enc_output.dtype, - value=0), - "static_k": # for encoder-decoder attention - layers.create_tensor(dtype=enc_output.dtype), - "static_v": # for encoder-decoder attention - layers.create_tensor(dtype=enc_output.dtype) - } for i in range(n_layer) - ] - - with while_op.block(): - pre_ids = layers.array_read(array=ids, i=step_idx) - # Since beam_search_op dosen't enforce pre_ids' shape, we can do - # inplace reshape here which actually change the shape of pre_ids. - pre_ids = layers.reshape(pre_ids, (-1, 1, 1), inplace=True) - pre_scores = layers.array_read(array=scores, i=step_idx) - # gather cell states corresponding to selected parent - pre_src_attn_bias = layers.gather( - trg_src_attn_bias, index=parent_idx) - pre_pos = layers.elementwise_mul( - x=layers.fill_constant_batch_size_like( - input=pre_src_attn_bias, # cann't use lod tensor here - value=1, - shape=[-1, 1, 1], - dtype=pre_ids.dtype), - y=step_idx, - axis=0) - logits = wrap_decoder( - trg_vocab_size, - max_in_len, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - dec_inputs=(pre_ids, pre_pos, None, pre_src_attn_bias), - enc_output=enc_output, - caches=caches, - gather_idx=parent_idx, - bos_idx=bos_idx) - # intra-beam topK - topk_scores, topk_indices = layers.topk( - input=layers.softmax(logits), k=beam_size) - accu_scores = layers.elementwise_add( - x=layers.log(topk_scores), y=pre_scores, axis=0) - # beam_search op uses lod to differentiate branches. - accu_scores = layers.lod_reset(accu_scores, pre_ids) - # topK reduction across beams, also contain special handle of - # end beams and end sentences(batch reduction) - selected_ids, selected_scores, gather_idx = layers.beam_search( - pre_ids=pre_ids, - pre_scores=pre_scores, - ids=topk_indices, - scores=accu_scores, - beam_size=beam_size, - end_id=eos_idx, - return_parent_idx=True) - layers.increment(x=step_idx, value=1.0, in_place=True) - # cell states(caches) have been updated in wrap_decoder, - # only need to update beam search states here. - layers.array_write(selected_ids, i=step_idx, array=ids) - layers.array_write(selected_scores, i=step_idx, array=scores) - layers.assign(gather_idx, parent_idx) - layers.assign(pre_src_attn_bias, trg_src_attn_bias) - length_cond = layers.less_than(x=step_idx, y=max_len) - finish_cond = layers.logical_not(layers.is_empty(x=selected_ids)) - layers.logical_and(x=length_cond, y=finish_cond, out=cond) - - finished_ids, finished_scores = layers.beam_search_decode( - ids, scores, beam_size=beam_size, end_id=eos_idx) - return finished_ids, finished_scores - - finished_ids, finished_scores = beam_search() - return finished_ids, finished_scores, reader if use_py_reader else None diff --git a/PaddleNLP/Research/ACL2019-JEMT/reader.py b/PaddleNLP/Research/ACL2019-JEMT/reader.py deleted file mode 100644 index e6cf619cf5de78e2f8761224151fb2087152ee51..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-JEMT/reader.py +++ /dev/null @@ -1,397 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import glob -import six -import os -import random -import tarfile - -import numpy as np - - -class SortType(object): - GLOBAL = 'global' - POOL = 'pool' - NONE = "none" - - -class SrcConverter(object): - def __init__(self, vocab, end, unk, delimiter, lexicon): - self._vocab = vocab - self._end = end - self._unk = unk - self._delimiter = delimiter - self._lexicon = lexicon - - def __call__(self, sentence): - src_seqs = [] - src_ph_seqs = [] - unk_phs = self._lexicon[''] - for w in sentence.split(self._delimiter): - src_seqs.append(self._vocab.get(w, self._unk)) - ph_groups = self._lexicon.get(w, unk_phs) - src_ph_seqs.append(random.choice(ph_groups)) - src_seqs.append(self._end) - src_ph_seqs.append(unk_phs[0]) - - return src_seqs, src_ph_seqs - - -class TgtConverter(object): - def __init__(self, vocab, beg, end, unk, delimiter): - self._vocab = vocab - self._beg = beg - self._end = end - self._unk = unk - self._delimiter = delimiter - - def __call__(self, sentence): - return [self._beg] + [ - self._vocab.get(w, self._unk) - for w in sentence.split(self._delimiter) - ] + [self._end] - - -class ComposedConverter(object): - def __init__(self, converters): - self._converters = converters - - def __call__(self, parallel_sentence): - return [ - self._converters[i](parallel_sentence[i]) - for i in range(len(self._converters)) - ] - - -class SentenceBatchCreator(object): - def __init__(self, batch_size): - self.batch = [] - self._batch_size = batch_size - - def append(self, info): - self.batch.append(info) - if len(self.batch) == self._batch_size: - tmp = self.batch - self.batch = [] - return tmp - - -class TokenBatchCreator(object): - def __init__(self, batch_size): - self.batch = [] - self.max_len = -1 - self._batch_size = batch_size - - def append(self, info): - cur_len = info.max_len - max_len = max(self.max_len, cur_len) - if max_len * (len(self.batch) + 1) > self._batch_size: - result = self.batch - self.batch = [info] - self.max_len = cur_len - return result - else: - self.max_len = max_len - self.batch.append(info) - - -class SampleInfo(object): - def __init__(self, i, max_len, min_len): - self.i = i - self.min_len = min_len - self.max_len = max_len - - -class MinMaxFilter(object): - def __init__(self, max_len, min_len, underlying_creator): - self._min_len = min_len - self._max_len = max_len - self._creator = underlying_creator - - def append(self, info): - if info.max_len > self._max_len or info.min_len < self._min_len: - return - else: - return self._creator.append(info) - - @property - def batch(self): - return self._creator.batch - - -class DataReader(object): - """ - The data reader loads all data from files and produces batches of data - in the way corresponding to settings. - - An example of returning a generator producing data batches whose data - is shuffled in each pass and sorted in each pool: - - ``` - train_data = DataReader( - src_vocab_fpath='data/src_vocab_file', - trg_vocab_fpath='data/trg_vocab_file', - fpattern='data/part-*', - use_token_batch=True, - batch_size=2000, - pool_size=10000, - sort_type=SortType.POOL, - shuffle=True, - shuffle_batch=True, - start_mark='', - end_mark='', - unk_mark='', - clip_last_batch=False).batch_generator - ``` - - :param src_vocab_fpath: The path of vocabulary file of source language. - :type src_vocab_fpath: basestring - :param trg_vocab_fpath: The path of vocabulary file of target language. - :type trg_vocab_fpath: basestring - :param fpattern: The pattern to match data files. - :type fpattern: basestring - :param batch_size: The number of sequences contained in a mini-batch. - or the maximum number of tokens (include paddings) contained in a - mini-batch. - :type batch_size: int - :param pool_size: The size of pool buffer. - :type pool_size: int - :param sort_type: The grain to sort by length: 'global' for all - instances; 'pool' for instances in pool; 'none' for no sort. - :type sort_type: basestring - :param clip_last_batch: Whether to clip the last uncompleted batch. - :type clip_last_batch: bool - :param tar_fname: The data file in tar if fpattern matches a tar file. - :type tar_fname: basestring - :param min_length: The minimum length used to filt sequences. - :type min_length: int - :param max_length: The maximum length used to filt sequences. - :type max_length: int - :param shuffle: Whether to shuffle all instances. - :type shuffle: bool - :param shuffle_batch: Whether to shuffle the generated batches. - :type shuffle_batch: bool - :param use_token_batch: Whether to produce batch data according to - token number. - :type use_token_batch: bool - :param field_delimiter: The delimiter used to split source and target in - each line of data file. - :type field_delimiter: basestring - :param token_delimiter: The delimiter used to split tokens in source or - target sentences. - :type token_delimiter: basestring - :param start_mark: The token representing for the beginning of - sentences in dictionary. - :type start_mark: basestring - :param end_mark: The token representing for the end of sentences - in dictionary. - :type end_mark: basestring - :param unk_mark: The token representing for unknown word in dictionary. - :type unk_mark: basestring - :param seed: The seed for random. - :type seed: int - """ - - def __init__(self, - src_vocab_fpath, - trg_vocab_fpath, - fpattern, - phoneme_vocab_fpath, - lexicon_fpath, - batch_size, - pool_size, - sort_type=SortType.GLOBAL, - clip_last_batch=True, - tar_fname=None, - min_length=0, - max_length=100, - shuffle=True, - shuffle_batch=False, - use_token_batch=False, - field_delimiter="\t", - token_delimiter=" ", - start_mark="", - end_mark="", - unk_mark="", - seed=0): - self._src_vocab = self.load_dict(src_vocab_fpath) - self._only_src = True - if trg_vocab_fpath is not None: - self._trg_vocab = self.load_dict(trg_vocab_fpath) - self._only_src = False - - self._phoneme_vocab = self.load_dict(phoneme_vocab_fpath) - self._lexicon = self.load_lexicon(lexicon_fpath, self._phoneme_vocab) - - self._pool_size = pool_size - self._batch_size = batch_size - self._use_token_batch = use_token_batch - self._sort_type = sort_type - self._clip_last_batch = clip_last_batch - self._shuffle = shuffle - self._shuffle_batch = shuffle_batch - self._min_length = min_length - self._max_length = max_length - self._field_delimiter = field_delimiter - self._token_delimiter = token_delimiter - self.load_src_trg_ids(end_mark, fpattern, start_mark, tar_fname, - unk_mark) - self._random = np.random - self._random.seed(seed) - - def load_lexicon(self, lexicon_path, phoneme_vocab): - lexicon = {} - with open(lexicon_path) as fp: - for line in fp: - tokens = line.strip().split() - word = tokens[0] - all_phone_str = ' '.join(tokens[1:]) - phone_strs = all_phone_str.split('|') - phone_groups = [] - for phone_str in phone_strs: - cur_phone_seq = [ - phoneme_vocab[x] for x in phone_str.split() - ] - phone_groups.append(cur_phone_seq) - lexicon[word] = phone_groups - - lexicon[''] = [[phoneme_vocab['']]] - return lexicon - - def load_src_trg_ids(self, end_mark, fpattern, start_mark, tar_fname, - unk_mark): - converters = [ - SrcConverter( - vocab=self._src_vocab, - end=self._src_vocab[end_mark], - unk=self._src_vocab[unk_mark], - delimiter=self._token_delimiter, - lexicon=self._lexicon) - ] - if not self._only_src: - converters.append( - TgtConverter( - vocab=self._trg_vocab, - beg=self._trg_vocab[start_mark], - end=self._trg_vocab[end_mark], - unk=self._trg_vocab[unk_mark], - delimiter=self._token_delimiter)) - - converters = ComposedConverter(converters) - - self._src_seq_ids = [] - self._src_phone_ids = [] - self._trg_seq_ids = None if self._only_src else [] - self._sample_infos = [] - - for i, line in enumerate(self._load_lines(fpattern, tar_fname)): - src_trg_ids = converters(line) - self._src_seq_ids.append(src_trg_ids[0][0]) - self._src_phone_ids.append(src_trg_ids[0][1]) - lens = [len(src_trg_ids[0][0])] - if not self._only_src: - self._trg_seq_ids.append(src_trg_ids[1]) - lens.append(len(src_trg_ids[1])) - self._sample_infos.append(SampleInfo(i, max(lens), min(lens))) - - def _load_lines(self, fpattern, tar_fname): - fpaths = glob.glob(fpattern) - - if len(fpaths) == 1 and tarfile.is_tarfile(fpaths[0]): - if tar_fname is None: - raise Exception("If tar file provided, please set tar_fname.") - - f = tarfile.open(fpaths[0], "r") - for line in f.extractfile(tar_fname): - fields = line.strip("\n").split(self._field_delimiter) - if (not self._only_src and len(fields) == 2) or ( - self._only_src and len(fields) == 1): - yield fields - else: - for fpath in fpaths: - if not os.path.isfile(fpath): - raise IOError("Invalid file: %s" % fpath) - - with open(fpath, "rb") as f: - for line in f: - if six.PY3: - line = line.decode() - fields = line.strip("\n").split(self._field_delimiter) - if (not self._only_src and len(fields) == 2) or ( - self._only_src and len(fields) == 1): - yield fields - - @staticmethod - def load_dict(dict_path, reverse=False): - word_dict = {} - with open(dict_path, "rb") as fdict: - for idx, line in enumerate(fdict): - if six.PY3: - line = line.decode() - if reverse: - word_dict[idx] = line.strip("\n") - else: - word_dict[line.strip("\n")] = idx - return word_dict - - def batch_generator(self): - # global sort or global shuffle - if self._sort_type == SortType.GLOBAL: - infos = sorted(self._sample_infos, key=lambda x: x.max_len) - else: - if self._shuffle: - infos = self._sample_infos - self._random.shuffle(infos) - else: - infos = self._sample_infos - - if self._sort_type == SortType.POOL: - reverse = True - for i in range(0, len(infos), self._pool_size): - # to avoid placing short next to long sentences - reverse = not reverse - infos[i:i + self._pool_size] = sorted( - infos[i:i + self._pool_size], - key=lambda x: x.max_len, - reverse=reverse) - - # concat batch - batches = [] - batch_creator = TokenBatchCreator( - self._batch_size - ) if self._use_token_batch else SentenceBatchCreator(self._batch_size) - batch_creator = MinMaxFilter(self._max_length, self._min_length, - batch_creator) - - for info in infos: - batch = batch_creator.append(info) - if batch is not None: - batches.append(batch) - - if not self._clip_last_batch and len(batch_creator.batch) != 0: - batches.append(batch_creator.batch) - - if self._shuffle_batch: - self._random.shuffle(batches) - - for batch in batches: - batch_ids = [info.i for info in batch] - - if self._only_src: - yield [[(self._src_seq_ids[idx], self._src_phone_ids[idx])] - for idx in batch_ids] - else: - yield [(self._src_seq_ids[idx], self._src_phone_ids[idx], - self._trg_seq_ids[idx][:-1], self._trg_seq_ids[idx][1:]) - for idx in batch_ids] diff --git a/PaddleNLP/Research/ACL2019-JEMT/train.py b/PaddleNLP/Research/ACL2019-JEMT/train.py deleted file mode 100644 index 03afbce2a5be22ff99574fcf7fafcd2984003844..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-JEMT/train.py +++ /dev/null @@ -1,827 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -import argparse -import ast -import copy -import logging -import multiprocessing -import os -import six -import sys -import time - -import numpy as np -import paddle.fluid as fluid - -import reader -from config import * -from desc import * -from model import transformer, position_encoding_init - - -def parse_args(): - parser = argparse.ArgumentParser("Training for Transformer.") - parser.add_argument( - "--src_vocab_fpath", - type=str, - required=True, - help="The path of vocabulary file of source language.") - parser.add_argument( - "--trg_vocab_fpath", - type=str, - required=True, - help="The path of vocabulary file of target language.") - parser.add_argument( - "--phoneme_vocab_fpath", - type=str, - required=True, - help="The path of vocabulary file of phonemes.") - parser.add_argument( - "--lexicon_fpath", - type=str, - required=True, - help="The path of lexicon of source language.") - parser.add_argument( - "--train_file_pattern", - type=str, - required=True, - help="The pattern to match training data files.") - parser.add_argument( - "--val_file_pattern", - type=str, - help="The pattern to match validation data files.") - parser.add_argument( - "--use_token_batch", - type=ast.literal_eval, - default=True, - help="The flag indicating whether to " - "produce batch data according to token number.") - parser.add_argument( - "--batch_size", - type=int, - default=4096, - help="The number of sequences contained in a mini-batch, or the maximum " - "number of tokens (include paddings) contained in a mini-batch. Note " - "that this represents the number on single device and the actual batch " - "size for multi-devices will multiply the device number.") - parser.add_argument( - "--pool_size", - type=int, - default=200000, - help="The buffer size to pool data.") - parser.add_argument( - "--sort_type", - default="pool", - choices=("global", "pool", "none"), - help="The grain to sort by length: global for all instances; pool for " - "instances in pool; none for no sort.") - parser.add_argument( - "--shuffle", - type=ast.literal_eval, - default=True, - help="The flag indicating whether to shuffle instances in each pass.") - parser.add_argument( - "--shuffle_batch", - type=ast.literal_eval, - default=True, - help="The flag indicating whether to shuffle the data batches.") - parser.add_argument( - "--special_token", - type=str, - default=["", "", ""], - nargs=3, - help="The , and tokens in the dictionary.") - parser.add_argument( - "--token_delimiter", - type=lambda x: str(x.encode().decode("unicode-escape")), - default=" ", - help="The delimiter used to split tokens in source or target sentences. " - "For EN-DE BPE data we provided, use spaces as token delimiter. ") - parser.add_argument( - 'opts', - help='See config.py for all options', - default=None, - nargs=argparse.REMAINDER) - parser.add_argument( - '--local', - type=ast.literal_eval, - default=True, - help='Whether to run as local mode.') - parser.add_argument( - '--device', - type=str, - default='GPU', - choices=['CPU', 'GPU'], - help="The device type.") - parser.add_argument( - '--update_method', - choices=("pserver", "nccl2"), - default="pserver", - help='Update method.') - parser.add_argument( - '--sync', type=ast.literal_eval, default=True, help="sync mode.") - parser.add_argument( - "--enable_ce", - type=ast.literal_eval, - default=False, - help="The flag indicating whether to run the task " - "for continuous evaluation.") - parser.add_argument( - "--use_py_reader", - type=ast.literal_eval, - default=True, - help="The flag indicating whether to use py_reader.") - parser.add_argument( - "--fetch_steps", - type=int, - default=100, - help="The frequency to fetch and print output.") - - args = parser.parse_args() - # Append args related to dict - src_dict = reader.DataReader.load_dict(args.src_vocab_fpath) - trg_dict = reader.DataReader.load_dict(args.trg_vocab_fpath) - phone_dict = reader.DataReader.load_dict(args.phoneme_vocab_fpath) - dict_args = [ - "src_vocab_size", str(len(src_dict)), "trg_vocab_size", - str(len(trg_dict)), "phone_vocab_size", str(len(phone_dict)), "bos_idx", - str(src_dict[args.special_token[0]]), "eos_idx", - str(src_dict[args.special_token[1]]), "unk_idx", - str(src_dict[args.special_token[2]]) - ] - merge_cfg_from_list(args.opts + dict_args, - [TrainTaskConfig, ModelHyperParams]) - - return args - - -def append_nccl2_prepare(startup_prog, trainer_id, worker_endpoints, - current_endpoint): - assert (trainer_id >= 0 and len(worker_endpoints) > 1 and - current_endpoint in worker_endpoints) - eps = copy.deepcopy(worker_endpoints) - eps.remove(current_endpoint) - nccl_id_var = startup_prog.global_block().create_var( - name="NCCLID", persistable=True, type=fluid.core.VarDesc.VarType.RAW) - startup_prog.global_block().append_op( - type="gen_nccl_id", - inputs={}, - outputs={"NCCLID": nccl_id_var}, - attrs={ - "endpoint": current_endpoint, - "endpoint_list": eps, - "trainer_id": trainer_id - }) - return nccl_id_var - - -def pad_phoneme_data(phoneme_seqs, pad_idx, max_seq_len): - """ - Pad the instances to the max sequence length in batch, and generate the - corresponding position data and attention bias. - """ - ph_seq_lens = [] - for ps in phoneme_seqs: - cur_seq_lens = [len(x) for x in ps] - ph_seq_lens.append(max(cur_seq_lens)) - max_ph_seq_len = max(ph_seq_lens) - - batch_size = len(phoneme_seqs) - phoneme_data = pad_idx * np.ones( - (batch_size, max_seq_len, max_ph_seq_len), dtype=np.int64) - phoneme_mask = np.zeros( - (batch_size, max_seq_len, max_ph_seq_len), dtype=np.int64) - - for i in range(batch_size): - cur_ph_seq = phoneme_seqs[i] - for j, cur_word_phs in enumerate(cur_ph_seq): - word_phs_len = len(cur_word_phs) - phoneme_data[i, j, :word_phs_len] = cur_word_phs - phoneme_mask[i, j, :word_phs_len] = 1 - - phoneme_data = np.reshape(phoneme_data, [batch_size, max_seq_len, -1, 1]) - - return phoneme_data, phoneme_mask, max_ph_seq_len - - -def pad_batch_data(insts, - pad_idx, - n_head, - is_target=False, - is_label=False, - return_attn_bias=True, - return_max_len=True, - return_num_token=False): - """ - Pad the instances to the max sequence length in batch, and generate the - corresponding position data and attention bias. - """ - return_list = [] - max_len = max(len(inst) for inst in insts) - # Any token included in dict can be used to pad, since the paddings' loss - # will be masked out by weights and make no effect on parameter gradients. - inst_data = np.array( - [inst + [pad_idx] * (max_len - len(inst)) for inst in insts]) - return_list += [inst_data.astype("int64").reshape([-1, 1])] - if is_label: # label weight - inst_weight = np.array([[1.] * len(inst) + [0.] * (max_len - len(inst)) - for inst in insts]) - return_list += [inst_weight.astype("float32").reshape([-1, 1])] - else: # position data - inst_pos = np.array([ - list(range(0, len(inst))) + [0] * (max_len - len(inst)) - for inst in insts - ]) - return_list += [inst_pos.astype("int64").reshape([-1, 1])] - if return_attn_bias: - if is_target: - # This is used to avoid attention on paddings and subsequent - # words. - slf_attn_bias_data = np.ones((inst_data.shape[0], max_len, max_len)) - slf_attn_bias_data = np.triu(slf_attn_bias_data, - 1).reshape([-1, 1, max_len, max_len]) - slf_attn_bias_data = np.tile(slf_attn_bias_data, - [1, n_head, 1, 1]) * [-1e9] - else: - # This is used to avoid attention on paddings. - slf_attn_bias_data = np.array([[0] * len(inst) + [-1e9] * - (max_len - len(inst)) - for inst in insts]) - slf_attn_bias_data = np.tile( - slf_attn_bias_data.reshape([-1, 1, 1, max_len]), - [1, n_head, max_len, 1]) - return_list += [slf_attn_bias_data.astype("float32")] - if return_max_len: - return_list += [max_len] - if return_num_token: - num_token = 0 - for inst in insts: - num_token += len(inst) - return_list += [num_token] - return return_list if len(return_list) > 1 else return_list[0] - - -def prepare_batch_input(insts, data_input_names, src_pad_idx, phone_pad_idx, - trg_pad_idx, n_head, d_model): - """ - Put all padded data needed by training into a dict. - """ - src_word, src_pos, src_slf_attn_bias, src_max_len = pad_batch_data( - [inst[0] for inst in insts], src_pad_idx, n_head, is_target=False) - src_word = src_word.reshape(-1, src_max_len, 1) - src_pos = src_pos.reshape(-1, src_max_len, 1) - src_phone, src_phone_mask, max_phone_len = pad_phoneme_data( - [inst[1] for inst in insts], phone_pad_idx, src_max_len) - trg_word, trg_pos, trg_slf_attn_bias, trg_max_len = pad_batch_data( - [inst[2] for inst in insts], trg_pad_idx, n_head, is_target=True) - trg_word = trg_word.reshape(-1, trg_max_len, 1) - trg_pos = trg_pos.reshape(-1, trg_max_len, 1) - - trg_src_attn_bias = np.tile(src_slf_attn_bias[:, :, ::src_max_len, :], - [1, 1, trg_max_len, 1]).astype("float32") - - lbl_word, lbl_weight, num_token = pad_batch_data( - [inst[3] for inst in insts], - trg_pad_idx, - n_head, - is_target=False, - is_label=True, - return_attn_bias=False, - return_max_len=False, - return_num_token=True) - - data_input_dict = dict( - zip(data_input_names, [ - src_word, src_pos, src_slf_attn_bias, src_phone, src_phone_mask, - trg_word, trg_pos, trg_slf_attn_bias, trg_src_attn_bias, lbl_word, - lbl_weight - ])) - - return data_input_dict, np.asarray([num_token], dtype="float32") - - -def prepare_data_generator(args, - is_test, - count, - pyreader, - py_reader_provider_wrapper, - place=None): - """ - Data generator wrapper for DataReader. If use py_reader, set the data - provider for py_reader - """ - data_reader = reader.DataReader( - phoneme_vocab_fpath=args.phoneme_vocab_fpath, - lexicon_fpath=args.lexicon_fpath, - fpattern=args.val_file_pattern if is_test else args.train_file_pattern, - src_vocab_fpath=args.src_vocab_fpath, - trg_vocab_fpath=args.trg_vocab_fpath, - token_delimiter=args.token_delimiter, - use_token_batch=args.use_token_batch, - batch_size=args.batch_size * (1 if args.use_token_batch else count), - pool_size=args.pool_size, - sort_type=args.sort_type, - shuffle=args.shuffle, - shuffle_batch=args.shuffle_batch, - start_mark=args.special_token[0], - end_mark=args.special_token[1], - unk_mark=args.special_token[2], - # count start and end tokens out - max_length=ModelHyperParams.max_length - 2, - clip_last_batch=False).batch_generator - - def stack(data_reader, count, clip_last=True): - def __impl__(): - res = [] - for item in data_reader(): - res.append(item) - if len(res) == count: - yield res - res = [] - if len(res) == count: - yield res - elif not clip_last: - data = [] - for item in res: - data += item - if len(data) > count: - inst_num_per_part = len(data) // count - yield [ - data[inst_num_per_part * i:inst_num_per_part * (i + 1)] - for i in range(count) - ] - - return __impl__ - - def split(data_reader, count): - def __impl__(): - for item in data_reader(): - inst_num_per_part = len(item) // count - for i in range(count): - yield item[inst_num_per_part * i:inst_num_per_part * (i + 1 - )] - - return __impl__ - - if not args.use_token_batch: - # to make data on each device have similar token number - data_reader = split(data_reader, count) - if args.use_py_reader: - pyreader.decorate_tensor_provider( - py_reader_provider_wrapper(data_reader, place)) - data_reader = None - else: # Data generator for multi-devices - data_reader = stack(data_reader, count) - return data_reader - - -def prepare_feed_dict_list(data_generator, init_flag, count): - """ - Prepare the list of feed dict for multi-devices. - """ - feed_dict_list = [] - if data_generator is not None: # use_py_reader == False - data_input_names = encoder_data_input_fields + \ - decoder_data_input_fields[:-1] + label_data_input_fields - data = next(data_generator) - for idx, data_buffer in enumerate(data): - data_input_dict, num_token = prepare_batch_input( - data_buffer, data_input_names, ModelHyperParams.eos_idx, - ModelHyperParams.phone_pad_idx, ModelHyperParams.eos_idx, - ModelHyperParams.n_head, ModelHyperParams.d_model) - feed_dict_list.append(data_input_dict) - if init_flag: - for idx in range(count): - pos_enc_tables = dict() - for pos_enc_param_name in pos_enc_param_names: - pos_enc_tables[pos_enc_param_name] = position_encoding_init( - ModelHyperParams.max_length + 1, ModelHyperParams.d_model) - if len(feed_dict_list) <= idx: - feed_dict_list.append(pos_enc_tables) - else: - feed_dict_list[idx] = dict( - list(pos_enc_tables.items()) + list(feed_dict_list[idx] - .items())) - return feed_dict_list if len(feed_dict_list) == count else None - - -def py_reader_provider_wrapper(data_reader, place): - """ - Data provider needed by fluid.layers.py_reader. - """ - - def py_reader_provider(): - data_input_names = encoder_data_input_fields + \ - decoder_data_input_fields[:-1] + label_data_input_fields - for batch_id, data in enumerate(data_reader()): - data_input_dict, num_token = prepare_batch_input( - data, data_input_names, ModelHyperParams.eos_idx, - ModelHyperParams.phone_pad_idx, ModelHyperParams.eos_idx, - ModelHyperParams.n_head, ModelHyperParams.d_model) - yield [data_input_dict[item] for item in data_input_names] - - return py_reader_provider - - -def test_context(exe, train_exe, dev_count): - # Context to do validation. - test_prog = fluid.Program() - startup_prog = fluid.Program() - if args.enable_ce: - test_prog.random_seed = 1000 - startup_prog.random_seed = 1000 - with fluid.program_guard(test_prog, startup_prog): - with fluid.unique_name.guard(): - sum_cost, avg_cost, predict, token_num, pyreader = transformer( - ModelHyperParams.src_vocab_size, - ModelHyperParams.trg_vocab_size, - ModelHyperParams.max_length + 1, - ModelHyperParams.n_layer, - ModelHyperParams.n_head, - ModelHyperParams.d_key, - ModelHyperParams.d_value, - ModelHyperParams.d_model, - ModelHyperParams.d_inner_hid, - ModelHyperParams.prepostprocess_dropout, - ModelHyperParams.attention_dropout, - ModelHyperParams.relu_dropout, - ModelHyperParams.preprocess_cmd, - ModelHyperParams.postprocess_cmd, - ModelHyperParams.weight_sharing, - TrainTaskConfig.label_smooth_eps, - use_py_reader=args.use_py_reader, - beta=ModelHyperParams.beta, - is_test=True) - test_prog = test_prog.clone(for_test=True) - test_data = prepare_data_generator( - args, - is_test=True, - count=dev_count, - pyreader=pyreader, - py_reader_provider_wrapper=py_reader_provider_wrapper) - - exe.run(startup_prog) # to init pyreader for testing - if TrainTaskConfig.ckpt_path: - fluid.io.load_persistables( - exe, TrainTaskConfig.ckpt_path, main_program=test_prog) - - exec_strategy = fluid.ExecutionStrategy() - exec_strategy.use_experimental_executor = True - build_strategy = fluid.BuildStrategy() - test_exe = fluid.ParallelExecutor( - use_cuda=TrainTaskConfig.use_gpu, - main_program=test_prog, - build_strategy=build_strategy, - exec_strategy=exec_strategy, - share_vars_from=train_exe) - - def test(exe=test_exe, pyreader=pyreader): - test_total_cost = 0 - test_total_token = 0 - - if args.use_py_reader: - pyreader.start() - data_generator = None - else: - data_generator = test_data() - while True: - try: - feed_dict_list = prepare_feed_dict_list(data_generator, False, - dev_count) - outs = test_exe.run(fetch_list=[sum_cost.name, token_num.name], - feed=feed_dict_list) - except (StopIteration, fluid.core.EOFException): - # The current pass is over. - if args.use_py_reader: - pyreader.reset() - break - sum_cost_val, token_num_val = np.array(outs[0]), np.array(outs[1]) - test_total_cost += sum_cost_val.sum() - test_total_token += token_num_val.sum() - test_avg_cost = test_total_cost / test_total_token - test_ppl = np.exp([min(test_avg_cost, 100)]) - return test_avg_cost, test_ppl - - return test - - -def train_loop(exe, - train_prog, - startup_prog, - dev_count, - sum_cost, - avg_cost, - token_num, - predict, - pyreader, - nccl2_num_trainers=1, - nccl2_trainer_id=0): - # Initialize the parameters. - if TrainTaskConfig.ckpt_path: - exe.run(startup_prog) # to init pyreader for training - logging.info("load checkpoint from {}".format( - TrainTaskConfig.ckpt_path)) - fluid.io.load_persistables( - exe, TrainTaskConfig.ckpt_path, main_program=train_prog) - else: - logging.info("init fluid.framework.default_startup_program") - exe.run(startup_prog) - - logging.info("begin reader") - train_data = prepare_data_generator( - args, - is_test=False, - count=dev_count, - pyreader=pyreader, - py_reader_provider_wrapper=py_reader_provider_wrapper) - - # For faster executor - exec_strategy = fluid.ExecutionStrategy() - exec_strategy.use_experimental_executor = True - exec_strategy.num_iteration_per_drop_scope = int(args.fetch_steps) - build_strategy = fluid.BuildStrategy() - # Since the token number differs among devices, customize gradient scale to - # use token average cost among multi-devices. and the gradient scale is - # `1 / token_number` for average cost. - # build_strategy.gradient_scale_strategy = fluid.BuildStrategy.GradientScaleStrategy.Customized - - logging.info("begin executor") - train_exe = fluid.ParallelExecutor( - use_cuda=TrainTaskConfig.use_gpu, - loss_name=avg_cost.name, - main_program=train_prog, - build_strategy=build_strategy, - exec_strategy=exec_strategy, - num_trainers=nccl2_num_trainers, - trainer_id=nccl2_trainer_id) - - if args.val_file_pattern is not None: - test = test_context(exe, train_exe, dev_count) - - # the best cross-entropy value with label smoothing - loss_normalizer = -((1. - TrainTaskConfig.label_smooth_eps) * np.log( - (1. - TrainTaskConfig.label_smooth_eps - )) + TrainTaskConfig.label_smooth_eps * - np.log(TrainTaskConfig.label_smooth_eps / ( - ModelHyperParams.trg_vocab_size - 1) + 1e-20)) - - step_idx = 0 - init_flag = True - - logging.info("begin train") - for pass_id in six.moves.xrange(TrainTaskConfig.pass_num): - pass_start_time = time.time() - - if args.use_py_reader: - pyreader.start() - data_generator = None - else: - data_generator = train_data() - - batch_id = 0 - while True: - try: - feed_dict_list = prepare_feed_dict_list(data_generator, - init_flag, dev_count) - outs = train_exe.run( - fetch_list=[sum_cost.name, token_num.name] - if step_idx % args.fetch_steps == 0 else [], - feed=feed_dict_list) - - if step_idx % args.fetch_steps == 0: - sum_cost_val, token_num_val = np.array(outs[0]), np.array( - outs[1]) - # sum the cost from multi-devices - total_sum_cost = sum_cost_val.sum() - total_token_num = token_num_val.sum() - total_avg_cost = total_sum_cost / total_token_num - - if step_idx == 0: - logging.info( - "step_idx: %d, epoch: %d, batch: %d, avg loss: %f, " - "normalized loss: %f, ppl: %f" % - (step_idx, pass_id, batch_id, total_avg_cost, - total_avg_cost - loss_normalizer, - np.exp([min(total_avg_cost, 100)]))) - avg_batch_time = time.time() - else: - logging.info( - "step_idx: %d, epoch: %d, batch: %d, avg loss: %f, " - "normalized loss: %f, ppl: %f, speed: %.2f step/s" % - (step_idx, pass_id, batch_id, total_avg_cost, - total_avg_cost - loss_normalizer, np.exp( - [min(total_avg_cost, 100)]), - args.fetch_steps / (time.time() - avg_batch_time))) - avg_batch_time = time.time() - - if step_idx % TrainTaskConfig.save_freq == 0 and step_idx > 0: - fluid.io.save_persistables( - exe, - os.path.join(TrainTaskConfig.ckpt_dir, - "latest.checkpoint"), train_prog) - fluid.io.save_params( - exe, - os.path.join(TrainTaskConfig.model_dir, - "iter_" + str(step_idx) + ".infer.model"), - train_prog) - - init_flag = False - batch_id += 1 - step_idx += 1 - except (StopIteration, fluid.core.EOFException): - # The current pass is over. - if args.use_py_reader: - pyreader.reset() - break - - time_consumed = time.time() - pass_start_time - # Validate and save the persistable. - if args.val_file_pattern is not None: - val_avg_cost, val_ppl = test() - logging.info( - "epoch: %d, val avg loss: %f, val normalized loss: %f, val ppl: %f," - " consumed %fs" % (pass_id, val_avg_cost, - val_avg_cost - loss_normalizer, val_ppl, - time_consumed)) - else: - logging.info("epoch: %d, consumed %fs" % (pass_id, time_consumed)) - if not args.enable_ce: - fluid.io.save_persistables( - exe, - os.path.join(TrainTaskConfig.ckpt_dir, - "pass_" + str(pass_id) + ".checkpoint"), - train_prog) - - if args.enable_ce: # For CE - print("kpis\ttrain_cost_card%d\t%f" % (dev_count, total_avg_cost)) - if args.val_file_pattern is not None: - print("kpis\ttest_cost_card%d\t%f" % (dev_count, val_avg_cost)) - print("kpis\ttrain_duration_card%d\t%f" % (dev_count, time_consumed)) - - -def train(args): - # priority: ENV > args > config - is_local = os.getenv("PADDLE_IS_LOCAL", "1") - if is_local == '0': - args.local = False - logging.info(args) - - if args.device == 'CPU': - TrainTaskConfig.use_gpu = False - - training_role = os.getenv("TRAINING_ROLE", "TRAINER") - - if training_role == "PSERVER" or (not TrainTaskConfig.use_gpu): - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - else: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - - exe = fluid.Executor(place) - - train_prog = fluid.Program() - startup_prog = fluid.Program() - - if args.enable_ce: - train_prog.random_seed = 1000 - startup_prog.random_seed = 1000 - - with fluid.program_guard(train_prog, startup_prog): - with fluid.unique_name.guard(): - sum_cost, avg_cost, predict, token_num, pyreader = transformer( - ModelHyperParams.src_vocab_size, - ModelHyperParams.trg_vocab_size, - ModelHyperParams.phone_vocab_size, - ModelHyperParams.max_length + 1, - ModelHyperParams.n_layer, - ModelHyperParams.n_head, - ModelHyperParams.d_key, - ModelHyperParams.d_value, - ModelHyperParams.d_model, - ModelHyperParams.d_inner_hid, - ModelHyperParams.prepostprocess_dropout, - ModelHyperParams.attention_dropout, - ModelHyperParams.relu_dropout, - ModelHyperParams.preprocess_cmd, - ModelHyperParams.postprocess_cmd, - ModelHyperParams.weight_sharing, - TrainTaskConfig.label_smooth_eps, - ModelHyperParams.beta, - ModelHyperParams.bos_idx, - use_py_reader=args.use_py_reader, - is_test=False) - - optimizer = None - if args.sync: - lr_decay = fluid.layers.learning_rate_scheduler.noam_decay( - ModelHyperParams.d_model, TrainTaskConfig.warmup_steps) - logging.info("before adam") - - with fluid.default_main_program()._lr_schedule_guard(): - learning_rate = lr_decay * TrainTaskConfig.learning_rate - - optimizer = fluid.optimizer.Adam( - learning_rate=learning_rate, - beta1=TrainTaskConfig.beta1, - beta2=TrainTaskConfig.beta2, - epsilon=TrainTaskConfig.eps) - else: - optimizer = fluid.optimizer.SGD(0.003) - optimizer.minimize(avg_cost) - - if args.local: - logging.info("local start_up:") - train_loop(exe, train_prog, startup_prog, dev_count, sum_cost, avg_cost, - token_num, predict, pyreader) - else: - if args.update_method == "nccl2": - trainer_id = int(os.getenv("PADDLE_TRAINER_ID", "0")) - port = os.getenv("PADDLE_PORT") - worker_ips = os.getenv("PADDLE_TRAINERS") - worker_endpoints = [] - for ip in worker_ips.split(","): - worker_endpoints.append(':'.join([ip, port])) - trainers_num = len(worker_endpoints) - current_endpoint = os.getenv("POD_IP") + ":" + port - if trainer_id == 0: - logging.info("train_id == 0, sleep 60s") - time.sleep(60) - logging.info("trainers_num:{}".format(trainers_num)) - logging.info("worker_endpoints:{}".format(worker_endpoints)) - logging.info("current_endpoint:{}".format(current_endpoint)) - append_nccl2_prepare(startup_prog, trainer_id, worker_endpoints, - current_endpoint) - train_loop(exe, train_prog, startup_prog, dev_count, sum_cost, - avg_cost, token_num, predict, pyreader, trainers_num, - trainer_id) - return - - port = os.getenv("PADDLE_PORT", "6174") - pserver_ips = os.getenv("PADDLE_PSERVERS") # ip,ip... - eplist = [] - for ip in pserver_ips.split(","): - eplist.append(':'.join([ip, port])) - pserver_endpoints = ",".join(eplist) # ip:port,ip:port... - trainers = int(os.getenv("PADDLE_TRAINERS_NUM", "0")) - current_endpoint = os.getenv("POD_IP") + ":" + port - trainer_id = int(os.getenv("PADDLE_TRAINER_ID")) - - logging.info("pserver_endpoints:{}".format(pserver_endpoints)) - logging.info("current_endpoint:{}".format(current_endpoint)) - logging.info("trainer_id:{}".format(trainer_id)) - logging.info("pserver_ips:{}".format(pserver_ips)) - logging.info("port:{}".format(port)) - - t = fluid.DistributeTranspiler() - t.transpile( - trainer_id, - pservers=pserver_endpoints, - trainers=trainers, - program=train_prog, - startup_program=startup_prog) - - if training_role == "PSERVER": - logging.info("distributed: pserver started") - current_endpoint = os.getenv("POD_IP") + ":" + os.getenv( - "PADDLE_PORT") - if not current_endpoint: - logging.critical("need env SERVER_ENDPOINT") - exit(1) - pserver_prog = t.get_pserver_program(current_endpoint) - pserver_startup = t.get_startup_program(current_endpoint, - pserver_prog) - - exe.run(pserver_startup) - exe.run(pserver_prog) - elif training_role == "TRAINER": - logging.info("distributed: trainer started") - trainer_prog = t.get_trainer_program() - - train_loop(exe, train_prog, startup_prog, dev_count, sum_cost, - avg_cost, token_num, predict, pyreader) - else: - logging.critical( - "environment var TRAINER_ROLE should be TRAINER os PSERVER") - exit(1) - - -if __name__ == "__main__": - LOG_FORMAT = "[%(asctime)s %(levelname)s %(filename)s:%(lineno)d] %(message)s" - logging.basicConfig( - stream=sys.stdout, level=logging.DEBUG, format=LOG_FORMAT) - logging.getLogger().setLevel(logging.INFO) - - args = parse_args() - train(args) diff --git a/PaddleNLP/Research/ACL2019-KTNET/README.md b/PaddleNLP/Research/ACL2019-KTNET/README.md new file mode 100644 index 0000000000000000000000000000000000000000..5cbe1dc7471272fd92667df50cc8f06ac570f16c --- /dev/null +++ b/PaddleNLP/Research/ACL2019-KTNET/README.md @@ -0,0 +1 @@ +This work has been moved to new address: [NLP](https://github.com/PaddlePaddle/Research/tree/master/NLP) diff --git a/PaddleNLP/Research/ACL2019-KTNET/data/ReCoRD/.gitkeep b/PaddleNLP/Research/ACL2019-KTNET/data/ReCoRD/.gitkeep deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-KTNET/data/SQuAD/.gitkeep b/PaddleNLP/Research/ACL2019-KTNET/data/SQuAD/.gitkeep deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-KTNET/downloaded_files.md5 b/PaddleNLP/Research/ACL2019-KTNET/downloaded_files.md5 deleted file mode 100755 index 5bf550dd3e04a23bb1e681b9dc72f26f46f6d663..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/downloaded_files.md5 +++ /dev/null @@ -1,21 +0,0 @@ -ad550852cf26241b20e8364e40340a99 train.json -60c70c4a7e8190483f9899a1c9bc4178 dev.json -df45d93b87ca3c47b54a33e03fabf719 record_official_evaluate.py -981b29407e0affa3b1b156f72073b945 train-v1.1.json -3e85deb501d4e538b6bc56f786231552 dev-v1.1.json -afb04912d18ff20696f7f88eed49bea9 squad_v1_official_evaluate.py -64010b964ae2ebf00148b3519a4aafc8 KTNET_preprocess_squad_tagging_output.tar.gz -e9352221127b7620427c18e39bfae7fc KTNET_preprocess_tokenize_result_record.tar.gz -e52da2b1d096e889d32df267b82f9c77 KTNET_preprocess_tokenize_result_squad.tar.gz -89db2f5cfb07f0c44998d7f49098eb90 KTNET_preprocess_wordnet_concepts.tar.gz -fb62db2fe82d88480ec853f3c6fa237a NELL.08m.1115.esv.csv.gz -a68e68f9dcf4524b356163369c7f9f50 KTNET_preprocess_nell_concepts.tar.gz -d9b62183c6367ffac3ee6f864c9425a5 wn_concept2vec.txt -1f69c3d092089b0a0652616b72d61bd8 nell_concept2vec.txt -5405c050e64fee4ffec17ee50f079b64 cased_L-24_H-1024_A-16.tar.gz -4bd6e911cdad39c543ba8922a70580cd KTNET_fine-tuned-model_record_both.tar.gz -43fa464d6aeabe6dc7a15315d4ea8288 KTNET_fine-tuned-model_record_nell.tar.gz -20aaefead331f64e435a94ac8a7b58aa KTNET_fine-tuned-model_record_wordnet.tar.gz -3abdb7be3fc5e3b98633c918acc25af4 KTNET_fine-tuned-model_squad_both.tar.gz -9232cf27adda9d64265ccb315e1b9c81 KTNET_fine-tuned-model_squad_nell.tar.gz -a36fdd6d5c88e3e931bb3b28f9aeb4e2 KTNET_fine-tuned-model_squad_wordnet.tar.gz diff --git a/PaddleNLP/Research/ACL2019-KTNET/images/architecture.png b/PaddleNLP/Research/ACL2019-KTNET/images/architecture.png deleted file mode 100644 index b408b2174567568401ffddce5af2075da770e11c..0000000000000000000000000000000000000000 Binary files a/PaddleNLP/Research/ACL2019-KTNET/images/architecture.png and /dev/null differ diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_record_nell.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_record_nell.sh deleted file mode 100755 index 2aba6c7ac1e64720a072c76360abea331887c281..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_record_nell.sh +++ /dev/null @@ -1,61 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/nell_concept2vec.txt -CKPT_DIR=$1 - -python3 src/run_record.py \ - --batch_size 6 \ - --do_train false \ - --do_predict true \ - --use_ema false \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --init_checkpoint $CKPT_DIR \ - --train_file $DATA/ReCoRD/train.json \ - --predict_file $DATA/ReCoRD/dev.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --max_seq_len 384 \ - --doc_stride 128 \ - --concept_embedding_path $CPT_EMBEDDING_PATH \ - --use_nell true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_record_twomemory.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_record_twomemory.sh deleted file mode 100755 index 7987eea62de85bdc431bd0fbe0de1fdc3a39f9d4..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_record_twomemory.sh +++ /dev/null @@ -1,64 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -WN_CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/wn_concept2vec.txt -NELL_CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/nell_concept2vec.txt -CKPT_DIR=$1 - -python3 src/run_record_twomemory.py \ - --batch_size 6 \ - --do_train false \ - --do_predict true \ - --use_ema false \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --init_checkpoint $CKPT_DIR \ - --train_file $DATA/ReCoRD/train.json \ - --predict_file $DATA/ReCoRD/dev.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --max_seq_len 384 \ - --doc_stride 128 \ - --wn_concept_embedding_path $WN_CPT_EMBEDDING_PATH \ - --nell_concept_embedding_path $NELL_CPT_EMBEDDING_PATH \ - --use_wordnet true \ - --use_nell true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_record_wordnet.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_record_wordnet.sh deleted file mode 100755 index b96a1d1a53398fb2489c7c5dc80f3bb54200d206..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_record_wordnet.sh +++ /dev/null @@ -1,61 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/wn_concept2vec.txt -CKPT_DIR=$1 - -python3 src/run_record.py \ - --batch_size 6 \ - --do_train false \ - --do_predict true \ - --use_ema false \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --init_checkpoint $CKPT_DIR \ - --train_file $DATA/ReCoRD/train.json \ - --predict_file $DATA/ReCoRD/dev.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --max_seq_len 384 \ - --doc_stride 128 \ - --concept_embedding_path $CPT_EMBEDDING_PATH \ - --use_wordnet true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_squad_nell.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_squad_nell.sh deleted file mode 100755 index a3d61032ba7eb250eb2ec8a5b9e7b50a2d774590..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_squad_nell.sh +++ /dev/null @@ -1,61 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/nell_concept2vec.txt -CKPT_DIR=$1 - -python3 src/run_squad.py \ - --batch_size 6 \ - --do_train false \ - --do_predict true \ - --use_ema false \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --init_checkpoint $CKPT_DIR \ - --train_file $DATA/SQuAD/train-v1.1.json \ - --predict_file $DATA/SQuAD/dev-v1.1.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --max_seq_len 384 \ - --doc_stride 128 \ - --concept_embedding_path $CPT_EMBEDDING_PATH \ - --use_nell true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_squad_twomemory.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_squad_twomemory.sh deleted file mode 100755 index 1747a8584a2622f2048b491beba0e1a276f72578..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_squad_twomemory.sh +++ /dev/null @@ -1,64 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -WN_CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/wn_concept2vec.txt -NELL_CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/nell_concept2vec.txt -CKPT_DIR=$1 - -python3 src/run_squad_twomemory.py \ - --batch_size 6 \ - --do_train false \ - --do_predict true \ - --use_ema false \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --init_checkpoint $CKPT_DIR \ - --train_file $DATA/SQuAD/train-v1.1.json \ - --predict_file $DATA/SQuAD/dev-v1.1.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --max_seq_len 384 \ - --doc_stride 128 \ - --wn_concept_embedding_path $WN_CPT_EMBEDDING_PATH \ - --nell_concept_embedding_path $NELL_CPT_EMBEDDING_PATH \ - --use_wordnet true \ - --use_nell true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_squad_wordnet.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_squad_wordnet.sh deleted file mode 100755 index e672d5abb879e0d75d6b1293d0b3f19d3f699817..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/eval_squad_wordnet.sh +++ /dev/null @@ -1,61 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/wn_concept2vec.txt -CKPT_DIR=$1 - -python3 src/run_squad.py \ - --batch_size 6 \ - --do_train false \ - --do_predict true \ - --use_ema false \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --init_checkpoint $CKPT_DIR \ - --train_file $DATA/SQuAD/train-v1.1.json \ - --predict_file $DATA/SQuAD/dev-v1.1.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --max_seq_len 384 \ - --doc_stride 128 \ - --concept_embedding_path $CPT_EMBEDDING_PATH \ - --use_wordnet true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_nell.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_nell.sh deleted file mode 100755 index f708f912e9e194b7a78baeb4b3e2e22dbb8e7b3b..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_nell.sh +++ /dev/null @@ -1,63 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/nell_concept2vec.txt - -python3 src/run_record.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --train_file $DATA/ReCoRD/train.json \ - --predict_file $DATA/ReCoRD/dev.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.1 \ - --learning_rate 3e-5 \ - --epoch 4 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --concept_embedding_path $CPT_EMBEDDING_PATH \ - --use_nell true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_nell_finetune.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_nell_finetune.sh deleted file mode 100755 index 898a3e10d1c1b2edb91017a1d6c03fc9f164eb86..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_nell_finetune.sh +++ /dev/null @@ -1,63 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/nell_concept2vec.txt - -python3 src/run_record.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --do_lower_case false \ - --init_checkpoint record_nell_first_stage_output/step_41970 \ - --train_file $DATA/ReCoRD/train.json \ - --predict_file $DATA/ReCoRD/dev.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.1 \ - --learning_rate 3e-5 \ - --epoch 4 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --concept_embedding_path $CPT_EMBEDDING_PATH \ - --use_nell true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_nell_pretrain.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_nell_pretrain.sh deleted file mode 100755 index 293693a1945dd74d25014fff18aaba3592d71087..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_nell_pretrain.sh +++ /dev/null @@ -1,64 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d record_nell_first_stage_log ]; then -mkdir record_nell_first_stage_log -else -rm -r record_nell_first_stage_log/* -fi - -if [ ! -d record_nell_first_stage_output ]; then -mkdir record_nell_first_stage_output -else -rm -r record_nell_first_stage_output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/nell_concept2vec.txt - -python3 src/run_record.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --use_ema false \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --train_file $DATA/ReCoRD/train.json \ - --predict_file $DATA/ReCoRD/dev.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze true \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.0 \ - --learning_rate 3e-4 \ - --epoch 10 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --concept_embedding_path $CPT_EMBEDDING_PATH \ - --use_nell true \ - --random_seed 45 \ - --checkpoints record_nell_first_stage_output/ 1>$PWD_DIR/record_nell_first_stage_log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_twomemory.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_twomemory.sh deleted file mode 100755 index fba712acee892ee08549f7b0a9c075f758fe25f7..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_twomemory.sh +++ /dev/null @@ -1,66 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -WN_CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/wn_concept2vec.txt -NELL_CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/nell_concept2vec.txt - -python3 src/run_record_twomemory.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --train_file $DATA/ReCoRD/train.json \ - --predict_file $DATA/ReCoRD/dev.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.1 \ - --learning_rate 3e-5 \ - --epoch 4 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --wn_concept_embedding_path $WN_CPT_EMBEDDING_PATH \ - --nell_concept_embedding_path $NELL_CPT_EMBEDDING_PATH \ - --use_wordnet true \ - --use_nell true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_twomemory_finetune.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_twomemory_finetune.sh deleted file mode 100755 index 4deac0b4ae734e03eb93629682f4bbae6e59e54c..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_twomemory_finetune.sh +++ /dev/null @@ -1,66 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -WN_CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/wn_concept2vec.txt -NELL_CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/nell_concept2vec.txt - -python3 src/run_record_twomemory.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --do_lower_case false \ - --init_checkpoint record_both_first_stage_output/step_41970 \ - --train_file $DATA/ReCoRD/train.json \ - --predict_file $DATA/ReCoRD/dev.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.1 \ - --learning_rate 3e-5 \ - --epoch 4 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --wn_concept_embedding_path $WN_CPT_EMBEDDING_PATH \ - --nell_concept_embedding_path $NELL_CPT_EMBEDDING_PATH \ - --use_wordnet true \ - --use_nell true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_twomemory_pretrain.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_twomemory_pretrain.sh deleted file mode 100755 index 6e6de62bec257d7ad5d1da42c355f5b38997ff0c..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_twomemory_pretrain.sh +++ /dev/null @@ -1,67 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d record_both_first_stage_log ]; then -mkdir record_both_first_stage_log -else -rm -r record_both_first_stage_log/* -fi - -if [ ! -d record_both_first_stage_output ]; then -mkdir record_both_first_stage_output -else -rm -r record_both_first_stage_output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -WN_CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/wn_concept2vec.txt -NELL_CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/nell_concept2vec.txt - -python3 src/run_record_twomemory.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --use_ema false \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --train_file $DATA/ReCoRD/train.json \ - --predict_file $DATA/ReCoRD/dev.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze true \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.0 \ - --learning_rate 3e-4 \ - --epoch 10 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --wn_concept_embedding_path $WN_CPT_EMBEDDING_PATH \ - --nell_concept_embedding_path $NELL_CPT_EMBEDDING_PATH \ - --use_wordnet true \ - --use_nell true \ - --random_seed 45 \ - --checkpoints record_both_first_stage_output/ 1>$PWD_DIR/record_both_first_stage_log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_wordnet.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_wordnet.sh deleted file mode 100755 index c2a22fa359ab400854d8b60efb94bb795c308c6b..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_wordnet.sh +++ /dev/null @@ -1,63 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/wn_concept2vec.txt - -python3 src/run_record.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --train_file $DATA/ReCoRD/train.json \ - --predict_file $DATA/ReCoRD/dev.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.1 \ - --learning_rate 3e-5 \ - --epoch 4 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --concept_embedding_path $CPT_EMBEDDING_PATH \ - --use_wordnet true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_wordnet_finetune.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_wordnet_finetune.sh deleted file mode 100755 index ae755b8315adb64daa8ce67b7a67812a1aeacde1..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_wordnet_finetune.sh +++ /dev/null @@ -1,63 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/wn_concept2vec.txt - -python3 src/run_record.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --do_lower_case false \ - --init_checkpoint record_wn_first_stage_output/step_41970 \ - --train_file $DATA/ReCoRD/train.json \ - --predict_file $DATA/ReCoRD/dev.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.1 \ - --learning_rate 3e-5 \ - --epoch 4 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --concept_embedding_path $CPT_EMBEDDING_PATH \ - --use_wordnet true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_wordnet_pretrain.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_wordnet_pretrain.sh deleted file mode 100755 index 013c70a2f6c674bec0a1ef6705f0d1de85de5580..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_record_wordnet_pretrain.sh +++ /dev/null @@ -1,64 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d record_wn_first_stage_log ]; then -mkdir record_wn_first_stage_log -else -rm -r record_wn_first_stage_log/* -fi - -if [ ! -d record_wn_first_stage_output ]; then -mkdir record_wn_first_stage_output -else -rm -r record_wn_first_stage_output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/wn_concept2vec.txt - -python3 src/run_record.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --use_ema false \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --train_file $DATA/ReCoRD/train.json \ - --predict_file $DATA/ReCoRD/dev.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze true \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.0 \ - --learning_rate 3e-4 \ - --epoch 10 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --concept_embedding_path $CPT_EMBEDDING_PATH \ - --use_wordnet true \ - --random_seed 45 \ - --checkpoints record_wn_first_stage_output/ 1>$PWD_DIR/record_wn_first_stage_log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_nell.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_nell.sh deleted file mode 100755 index 795cbeebb3de4d1945133f109c70a592f8586dc3..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_nell.sh +++ /dev/null @@ -1,63 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/nell_concept2vec.txt - -python3 src/run_squad.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --train_file $DATA/SQuAD/train-v1.1.json \ - --predict_file $DATA/SQuAD/dev-v1.1.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.1 \ - --learning_rate 3e-5 \ - --epoch 3 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --concept_embedding_path $CPT_EMBEDDING_PATH \ - --use_nell true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_nell_finetune.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_nell_finetune.sh deleted file mode 100755 index ef1b9c8de6b5f3896361ae2c4fefc73403d91a98..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_nell_finetune.sh +++ /dev/null @@ -1,63 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/nell_concept2vec.txt - -python3 src/run_squad.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --do_lower_case false \ - --init_checkpoint sqd_nell_first_stage_output/step_3649 \ - --train_file $DATA/SQuAD/train-v1.1.json \ - --predict_file $DATA/SQuAD/dev-v1.1.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.1 \ - --learning_rate 3e-5 \ - --epoch 3 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --concept_embedding_path $CPT_EMBEDDING_PATH \ - --use_nell true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_nell_pretrain.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_nell_pretrain.sh deleted file mode 100755 index b9e96c245801f4a0cc5820fd345bccde665f6fe3..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_nell_pretrain.sh +++ /dev/null @@ -1,64 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d sqd_nell_first_stage_log ]; then -mkdir sqd_nell_first_stage_log -else -rm -r sqd_nell_first_stage_log/* -fi - -if [ ! -d sqd_nell_first_stage_output ]; then -mkdir sqd_nell_first_stage_output -else -rm -r sqd_nell_first_stage_output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/nell_concept2vec.txt - -python3 src/run_squad.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --use_ema false \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --train_file $DATA/SQuAD/train-v1.1.json \ - --predict_file $DATA/SQuAD/dev-v1.1.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze true \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.0 \ - --learning_rate 3e-5 \ - --epoch 1 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --concept_embedding_path $CPT_EMBEDDING_PATH \ - --use_nell true \ - --random_seed 45 \ - --checkpoints sqd_nell_first_stage_output/ 1>$PWD_DIR/sqd_nell_first_stage_log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_twomemory.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_twomemory.sh deleted file mode 100755 index 97e56d3d3c9d787cf760957794eed02609a5f2a0..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_twomemory.sh +++ /dev/null @@ -1,66 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -WN_CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/wn_concept2vec.txt -NELL_CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/nell_concept2vec.txt - -python3 src/run_squad_twomemory.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --train_file $DATA/SQuAD/train-v1.1.json \ - --predict_file $DATA/SQuAD/dev-v1.1.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.1 \ - --learning_rate 3e-5 \ - --epoch 3 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --wn_concept_embedding_path $WN_CPT_EMBEDDING_PATH \ - --nell_concept_embedding_path $NELL_CPT_EMBEDDING_PATH \ - --use_wordnet true \ - --use_nell true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_twomemory_finetune.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_twomemory_finetune.sh deleted file mode 100755 index 478f010313d7fafef132e6e3b90f6206e9b244af..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_twomemory_finetune.sh +++ /dev/null @@ -1,66 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -WN_CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/wn_concept2vec.txt -NELL_CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/nell_concept2vec.txt - -python3 src/run_squad_twomemory.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --do_lower_case false \ - --init_checkpoint sqd_both_first_stage_output/step_3649 \ - --train_file $DATA/SQuAD/train-v1.1.json \ - --predict_file $DATA/SQuAD/dev-v1.1.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.1 \ - --learning_rate 3e-5 \ - --epoch 3 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --wn_concept_embedding_path $WN_CPT_EMBEDDING_PATH \ - --nell_concept_embedding_path $NELL_CPT_EMBEDDING_PATH \ - --use_wordnet true \ - --use_nell true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_twomemory_pretrain.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_twomemory_pretrain.sh deleted file mode 100755 index a16ccbe984564a49bb861c400a6ac3d3fd686ce7..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_twomemory_pretrain.sh +++ /dev/null @@ -1,67 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d sqd_both_first_stage_log ]; then -mkdir sqd_both_first_stage_log -else -rm -r sqd_both_first_stage_log/* -fi - -if [ ! -d sqd_both_first_stage_output ]; then -mkdir sqd_both_first_stage_output -else -rm -r sqd_both_first_stage_output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -WN_CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/wn_concept2vec.txt -NELL_CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/nell_concept2vec.txt - -python3 src/run_squad_twomemory.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --use_ema false \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --train_file $DATA/SQuAD/train-v1.1.json \ - --predict_file $DATA/SQuAD/dev-v1.1.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze true \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.0 \ - --learning_rate 3e-5 \ - --epoch 1 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --wn_concept_embedding_path $WN_CPT_EMBEDDING_PATH \ - --nell_concept_embedding_path $NELL_CPT_EMBEDDING_PATH \ - --use_wordnet true \ - --use_nell true \ - --random_seed 45 \ - --checkpoints sqd_both_first_stage_output/ 1>$PWD_DIR/sqd_both_first_stage_log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_wordnet.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_wordnet.sh deleted file mode 100755 index 67be8a53b43b4fb6de242c90a23a476ed4eade23..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_wordnet.sh +++ /dev/null @@ -1,63 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/wn_concept2vec.txt - -python3 src/run_squad.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --train_file $DATA/SQuAD/train-v1.1.json \ - --predict_file $DATA/SQuAD/dev-v1.1.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.1 \ - --learning_rate 3e-5 \ - --epoch 3 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --concept_embedding_path $CPT_EMBEDDING_PATH \ - --use_wordnet true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_wordnet_finetune.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_wordnet_finetune.sh deleted file mode 100755 index 99b80293fee210a95ef8db232ba667a523cc1068..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_wordnet_finetune.sh +++ /dev/null @@ -1,63 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d log ]; then -mkdir log -else -rm -r log/* -fi - -if [ ! -d output ]; then -mkdir output -else -rm -r output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/wn_concept2vec.txt - -python3 src/run_squad.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --do_lower_case false \ - --init_checkpoint sqd_wn_first_stage_output/step_3649 \ - --train_file $DATA/SQuAD/train-v1.1.json \ - --predict_file $DATA/SQuAD/dev-v1.1.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze false \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.1 \ - --learning_rate 3e-5 \ - --epoch 3 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --concept_embedding_path $CPT_EMBEDDING_PATH \ - --use_wordnet true \ - --random_seed 45 \ - --checkpoints output/ 1>$PWD_DIR/log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_wordnet_pretrain.sh b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_wordnet_pretrain.sh deleted file mode 100755 index 1724e82086b845b474c1321e0c5b9481260e5de3..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/run_squad_wordnet_pretrain.sh +++ /dev/null @@ -1,64 +0,0 @@ -#!/bin/bash -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -export LANG=en_US.UTF-8 -export LC_ALL=en_US.UTF-8 -export LC_CTYPE=en_US.UTF-8 - -if [ ! -d sqd_wn_first_stage_log ]; then -mkdir sqd_wn_first_stage_log -else -rm -r sqd_wn_first_stage_log/* -fi - -if [ ! -d sqd_wn_first_stage_output ]; then -mkdir sqd_wn_first_stage_output -else -rm -r sqd_wn_first_stage_output/* -fi - -export FLAGS_cudnn_deterministic=true -export FLAGS_cpu_deterministic=true - -PWD_DIR=`pwd` -DATA=../data/ -BERT_DIR=cased_L-24_H-1024_A-16 -CPT_EMBEDDING_PATH=../retrieve_concepts/KB_embeddings/wn_concept2vec.txt - -python3 src/run_squad.py \ - --batch_size 6 \ - --do_train true \ - --do_predict true \ - --use_ema false \ - --do_lower_case false \ - --init_pretraining_params $BERT_DIR/params \ - --train_file $DATA/SQuAD/train-v1.1.json \ - --predict_file $DATA/SQuAD/dev-v1.1.json \ - --vocab_path $BERT_DIR/vocab.txt \ - --bert_config_path $BERT_DIR/bert_config.json \ - --freeze true \ - --save_steps 4000 \ - --weight_decay 0.01 \ - --warmup_proportion 0.0 \ - --learning_rate 3e-5 \ - --epoch 1 \ - --max_seq_len 384 \ - --doc_stride 128 \ - --concept_embedding_path $CPT_EMBEDDING_PATH \ - --use_wordnet true \ - --random_seed 45 \ - --checkpoints sqd_wn_first_stage_output/ 1>$PWD_DIR/sqd_wn_first_stage_log/train.log 2>&1 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/batching.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/batching.py deleted file mode 100644 index 5341f6bb729137a17567c69db73cb52e1c2c3d32..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/batching.py +++ /dev/null @@ -1,201 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Mask, padding and batching.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import numpy as np - - -def mask(batch_tokens, total_token_num, vocab_size, CLS=1, SEP=2, MASK=3): - """ - Add mask for batch_tokens, return out, mask_label, mask_pos; - Note: mask_pos responding the batch_tokens after padded; - """ - max_len = max([len(sent) for sent in batch_tokens]) - mask_label = [] - mask_pos = [] - prob_mask = np.random.rand(total_token_num) - # Note: the first token is [CLS], so [low=1] - replace_ids = np.random.randint(1, high=vocab_size, size=total_token_num) - pre_sent_len = 0 - prob_index = 0 - for sent_index, sent in enumerate(batch_tokens): - mask_flag = False - prob_index += pre_sent_len - for token_index, token in enumerate(sent): - prob = prob_mask[prob_index + token_index] - if prob > 0.15: - continue - elif 0.03 < prob <= 0.15: - # mask - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = MASK - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - elif 0.015 < prob <= 0.03: - # random replace - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = replace_ids[prob_index + token_index] - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - else: - # keep the original token - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - mask_pos.append(sent_index * max_len + token_index) - pre_sent_len = len(sent) - - # ensure at least mask one word in a sentence - while not mask_flag: - token_index = int(np.random.randint(1, high=len(sent) - 1, size=1)) - if sent[token_index] != SEP and sent[token_index] != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = MASK - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - mask_label = np.array(mask_label).astype("int64").reshape([-1, 1]) - mask_pos = np.array(mask_pos).astype("int64").reshape([-1, 1]) - return batch_tokens, mask_label, mask_pos - - -def prepare_batch_data(insts, - total_token_num, - voc_size=0, - pad_id=None, - cls_id=None, - sep_id=None, - mask_id=None, - return_input_mask=True, - return_max_len=True, - return_num_token=False, - max_concept_length=50): - """ - 1. generate Tensor of data - 2. generate Tensor of position - 3. generate self attention mask, [shape: batch_size * max_len * max_len] - """ - - batch_src_ids = [inst[0] for inst in insts] - batch_sent_ids = [inst[1] for inst in insts] - batch_pos_ids = [inst[2] for inst in insts] - batch_concept_ids = [inst[3] for inst in insts] - labels_list = [] - # compatible with squad, whose example includes start/end positions, - # or unique id - - for i in range(4, len(insts[0]), 1): - labels = [inst[i] for inst in insts] - labels = np.array(labels).astype("int64").reshape([-1, 1]) - labels_list.append(labels) - - # First step: do mask without padding - if mask_id >= 0: - out, mask_label, mask_pos = mask( - batch_src_ids, - total_token_num, - vocab_size=voc_size, - CLS=cls_id, - SEP=sep_id, - MASK=mask_id) - else: - out = batch_src_ids - # Second step: padding - src_id, self_input_mask = pad_batch_data( - out, pad_idx=pad_id, return_input_mask=True) - pos_id = pad_batch_data( - batch_pos_ids, - pad_idx=pad_id, - return_pos=False, - return_input_mask=False) - sent_id = pad_batch_data( - batch_sent_ids, - pad_idx=pad_id, - return_pos=False, - return_input_mask=False) - concept_ids = pad_batch_data( - batch_concept_ids, pad_idx=[], - max_concept_length=max_concept_length) # 用[0,0,..]来pad - - if mask_id >= 0: - return_list = [ - src_id, pos_id, sent_id, concept_ids, self_input_mask, mask_label, mask_pos - ] + labels_list - else: - return_list = [src_id, pos_id, sent_id, concept_ids, self_input_mask] + labels_list - - return return_list if len(return_list) > 1 else return_list[0] - - -def pad_batch_data(insts, - pad_idx=0, - return_pos=False, - return_input_mask=False, - return_max_len=False, - return_num_token=False, - max_concept_length=50): - """ - Pad the instances to the max sequence length in batch, and generate the - corresponding position data and input mask. - """ - return_list = [] - # max_len = max(len(inst) for inst in insts) - max_len = 384 - # Any token included in dict can be used to pad, since the paddings' loss - # will be masked out by weights and make no effect on parameter gradients. - - if type(pad_idx) == list: # padding list, for concept_ids - inst_data = np.array( - [inst + list([0] * max_concept_length for x in range(max_len - len(inst))) for inst in insts]) - return_list += [inst_data.astype("int64").reshape([-1, max_len, max_concept_length, 1])] - else: - inst_data = np.array([ - list(inst) + list([pad_idx] * (max_len - len(inst))) for inst in insts - ]) - return_list += [inst_data.astype("int64").reshape([-1, max_len, 1])] - - # position data - if return_pos: - inst_pos = np.array([ - list(range(0, len(inst))) + [pad_idx] * (max_len - len(inst)) - for inst in insts - ]) - - return_list += [inst_pos.astype("int64").reshape([-1, max_len, 1])] - - if return_input_mask: - # This is used to avoid attention on paddings. - input_mask_data = np.array([[1] * len(inst) + [0] * - (max_len - len(inst)) for inst in insts]) - input_mask_data = np.expand_dims(input_mask_data, axis=-1) - return_list += [input_mask_data.astype("float32")] - - if return_max_len: - return_list += [max_len] - - if return_num_token: - num_token = 0 - for inst in insts: - num_token += len(inst) - return_list += [num_token] - - return return_list if len(return_list) > 1 else return_list[0] - - -if __name__ == "__main__": - pass diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/batching_twomemory.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/batching_twomemory.py deleted file mode 100644 index 5eb510bdba1db5b464fe54ef6b2d447b37586c75..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/batching_twomemory.py +++ /dev/null @@ -1,206 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Mask, padding and batching.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import numpy as np - - -def mask(batch_tokens, total_token_num, vocab_size, CLS=1, SEP=2, MASK=3): - """ - Add mask for batch_tokens, return out, mask_label, mask_pos; - Note: mask_pos responding the batch_tokens after padded; - """ - max_len = max([len(sent) for sent in batch_tokens]) - mask_label = [] - mask_pos = [] - prob_mask = np.random.rand(total_token_num) - # Note: the first token is [CLS], so [low=1] - replace_ids = np.random.randint(1, high=vocab_size, size=total_token_num) - pre_sent_len = 0 - prob_index = 0 - for sent_index, sent in enumerate(batch_tokens): - mask_flag = False - prob_index += pre_sent_len - for token_index, token in enumerate(sent): - prob = prob_mask[prob_index + token_index] - if prob > 0.15: - continue - elif 0.03 < prob <= 0.15: - # mask - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = MASK - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - elif 0.015 < prob <= 0.03: - # random replace - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = replace_ids[prob_index + token_index] - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - else: - # keep the original token - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - mask_pos.append(sent_index * max_len + token_index) - pre_sent_len = len(sent) - - # ensure at least mask one word in a sentence - while not mask_flag: - token_index = int(np.random.randint(1, high=len(sent) - 1, size=1)) - if sent[token_index] != SEP and sent[token_index] != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = MASK - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - mask_label = np.array(mask_label).astype("int64").reshape([-1, 1]) - mask_pos = np.array(mask_pos).astype("int64").reshape([-1, 1]) - return batch_tokens, mask_label, mask_pos - - -def prepare_batch_data(insts, - total_token_num, - voc_size=0, - pad_id=None, - cls_id=None, - sep_id=None, - mask_id=None, - return_input_mask=True, - return_max_len=True, - return_num_token=False, - max_wn_concept_length=50, - max_nell_concept_length=50): - """ - 1. generate Tensor of data - 2. generate Tensor of position - 3. generate self attention mask, [shape: batch_size * max_len * max_len] - """ - - batch_src_ids = [inst[0] for inst in insts] - batch_sent_ids = [inst[1] for inst in insts] - batch_pos_ids = [inst[2] for inst in insts] - batch_wn_concept_ids = [inst[3] for inst in insts] - batch_nell_concept_ids = [inst[4] for inst in insts] - labels_list = [] - # compatible with squad, whose example includes start/end positions, - # or unique id - - for i in range(5, len(insts[0]), 1): - labels = [inst[i] for inst in insts] - labels = np.array(labels).astype("int64").reshape([-1, 1]) - labels_list.append(labels) - - # First step: do mask without padding - if mask_id >= 0: - out, mask_label, mask_pos = mask( - batch_src_ids, - total_token_num, - vocab_size=voc_size, - CLS=cls_id, - SEP=sep_id, - MASK=mask_id) - else: - out = batch_src_ids - # Second step: padding - src_id, self_input_mask = pad_batch_data( - out, pad_idx=pad_id, return_input_mask=True) - pos_id = pad_batch_data( - batch_pos_ids, - pad_idx=pad_id, - return_pos=False, - return_input_mask=False) - sent_id = pad_batch_data( - batch_sent_ids, - pad_idx=pad_id, - return_pos=False, - return_input_mask=False) - wn_concept_ids = pad_batch_data( - batch_wn_concept_ids, pad_idx=[], - max_concept_length=max_wn_concept_length) # 用[0,0,..]来pad - nell_concept_ids = pad_batch_data( - batch_nell_concept_ids, pad_idx=[], - max_concept_length=max_nell_concept_length) # 用[0,0,..]来pad - - if mask_id >= 0: - return_list = [ - src_id, pos_id, sent_id, wn_concept_ids, nell_concept_ids, self_input_mask, mask_label, mask_pos - ] + labels_list - else: - return_list = [src_id, pos_id, sent_id, wn_concept_ids, nell_concept_ids, self_input_mask] + labels_list - - return return_list if len(return_list) > 1 else return_list[0] - - -def pad_batch_data(insts, - pad_idx=0, - return_pos=False, - return_input_mask=False, - return_max_len=False, - return_num_token=False, - max_concept_length=50): - """ - Pad the instances to the max sequence length in batch, and generate the - corresponding position data and input mask. - """ - return_list = [] - # max_len = max(len(inst) for inst in insts) - max_len = 384 - # Any token included in dict can be used to pad, since the paddings' loss - # will be masked out by weights and make no effect on parameter gradients. - - if type(pad_idx) == list: # padding list, for concept_ids - inst_data = np.array( - [inst + list([0] * max_concept_length for x in range(max_len - len(inst))) for inst in insts]) - return_list += [inst_data.astype("int64").reshape([-1, max_len, max_concept_length, 1])] - else: - inst_data = np.array([ - list(inst) + list([pad_idx] * (max_len - len(inst))) for inst in insts - ]) - return_list += [inst_data.astype("int64").reshape([-1, max_len, 1])] - - # position data - if return_pos: - inst_pos = np.array([ - list(range(0, len(inst))) + [pad_idx] * (max_len - len(inst)) - for inst in insts - ]) - - return_list += [inst_pos.astype("int64").reshape([-1, max_len, 1])] - - if return_input_mask: - # This is used to avoid attention on paddings. - input_mask_data = np.array([[1] * len(inst) + [0] * - (max_len - len(inst)) for inst in insts]) - input_mask_data = np.expand_dims(input_mask_data, axis=-1) - return_list += [input_mask_data.astype("float32")] - - if return_max_len: - return_list += [max_len] - - if return_num_token: - num_token = 0 - for inst in insts: - num_token += len(inst) - return_list += [num_token] - - return return_list if len(return_list) > 1 else return_list[0] - - -if __name__ == "__main__": - pass diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/eval/__init__.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/eval/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/model/__init__.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/model/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/model/bert.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/model/bert.py deleted file mode 100644 index 8bf5c9bc12e214cd67ebfdb5dc9f261dbc53a1f9..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/model/bert.py +++ /dev/null @@ -1,233 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""BERT model.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import six -import json -import logging -import numpy as np -import paddle.fluid as fluid -from model.transformer_encoder import encoder, pre_process_layer - -logging.basicConfig(format = '%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt = '%m/%d/%Y %H:%M:%S', - level = logging.INFO) -logging.getLogger().setLevel(logging.INFO) -logger = logging.getLogger(__name__) - -class BertConfig(object): - def __init__(self, config_path): - self._config_dict = self._parse(config_path) - - def _parse(self, config_path): - try: - with open(config_path) as json_file: - config_dict = json.load(json_file) - except Exception: - raise IOError("Error in parsing bert model config file '%s'" % - config_path) - else: - return config_dict - - def __getitem__(self, key): - return self._config_dict[key] - - def print_config(self): - for arg, value in sorted(six.iteritems(self._config_dict)): - logger.info('%s: %s' % (arg, value)) - logger.info('------------------------------------------------') - - -class BertModel(object): - def __init__(self, - src_ids, - position_ids, - sentence_ids, - input_mask, - config, - weight_sharing=True, - use_fp16=False): - - self._emb_size = config['hidden_size'] - self._n_layer = config['num_hidden_layers'] - self._n_head = config['num_attention_heads'] - self._voc_size = config['vocab_size'] - self._max_position_seq_len = config['max_position_embeddings'] - self._sent_types = config['type_vocab_size'] - self._hidden_act = config['hidden_act'] - self._prepostprocess_dropout = config['hidden_dropout_prob'] - self._attention_dropout = config['attention_probs_dropout_prob'] - self._weight_sharing = weight_sharing - - self._word_emb_name = "word_embedding" - self._pos_emb_name = "pos_embedding" - self._sent_emb_name = "sent_embedding" - self._dtype = "float16" if use_fp16 else "float32" - - # Initialize all weigths by truncated normal initializer, and all biases - # will be initialized by constant zero by default. - self._param_initializer = fluid.initializer.TruncatedNormal( - scale=config['initializer_range']) - - self._build_model(src_ids, position_ids, sentence_ids, input_mask) - - def _build_model(self, src_ids, position_ids, sentence_ids, input_mask): - # padding id in vocabulary must be set to 0 - emb_out = fluid.layers.embedding( - input=src_ids, - size=[self._voc_size, self._emb_size], - dtype=self._dtype, - param_attr=fluid.ParamAttr( - name=self._word_emb_name, initializer=self._param_initializer), - is_sparse=False) - position_emb_out = fluid.layers.embedding( - input=position_ids, - size=[self._max_position_seq_len, self._emb_size], - dtype=self._dtype, - param_attr=fluid.ParamAttr( - name=self._pos_emb_name, initializer=self._param_initializer)) - - sent_emb_out = fluid.layers.embedding( - sentence_ids, - size=[self._sent_types, self._emb_size], - dtype=self._dtype, - param_attr=fluid.ParamAttr( - name=self._sent_emb_name, initializer=self._param_initializer)) - - emb_out = emb_out + position_emb_out - emb_out = emb_out + sent_emb_out - - emb_out = pre_process_layer( - emb_out, 'nd', self._prepostprocess_dropout, name='pre_encoder') - - if self._dtype == "float16": - input_mask = fluid.layers.cast(x=input_mask, dtype=self._dtype) - - # self_attn_mask = fluid.layers.matmul( - # x=input_mask, y=input_mask, transpose_y=True) - self_attn_mask = fluid.layers.expand(fluid.layers.transpose(input_mask, [0, 2, 1]), [1, 384, 1]) - self_attn_mask = fluid.layers.scale( - x=self_attn_mask, scale=10000.0, bias=-1.0, bias_after_scale=False) - n_head_self_attn_mask = fluid.layers.stack( - x=[self_attn_mask] * self._n_head, axis=1) - n_head_self_attn_mask.stop_gradient = True - - self._enc_out = encoder( - enc_input=emb_out, - attn_bias=n_head_self_attn_mask, - n_layer=self._n_layer, - n_head=self._n_head, - d_key=self._emb_size // self._n_head, - d_value=self._emb_size // self._n_head, - d_model=self._emb_size, - d_inner_hid=self._emb_size * 4, - prepostprocess_dropout=self._prepostprocess_dropout, - attention_dropout=self._attention_dropout, - relu_dropout=0, - hidden_act=self._hidden_act, - preprocess_cmd="", - postprocess_cmd="dan", - param_initializer=self._param_initializer, - name='encoder') - - def get_sequence_output(self): - return self._enc_out - - def get_pooled_output(self): - """Get the first feature of each sequence for classification""" - - next_sent_feat = fluid.layers.slice( - input=self._enc_out, axes=[1], starts=[0], ends=[1]) - next_sent_feat = fluid.layers.fc( - input=next_sent_feat, - size=self._emb_size, - act="tanh", - param_attr=fluid.ParamAttr( - name="pooled_fc.w_0", initializer=self._param_initializer), - bias_attr="pooled_fc.b_0") - return next_sent_feat - - def get_pretraining_output(self, mask_label, mask_pos, labels): - """Get the loss & accuracy for pretraining""" - - mask_pos = fluid.layers.cast(x=mask_pos, dtype='int32') - - # extract the first token feature in each sentence - next_sent_feat = self.get_pooled_output() - reshaped_emb_out = fluid.layers.reshape( - x=self._enc_out, shape=[-1, self._emb_size]) - # extract masked tokens' feature - mask_feat = fluid.layers.gather(input=reshaped_emb_out, index=mask_pos) - - # transform: fc - mask_trans_feat = fluid.layers.fc( - input=mask_feat, - size=self._emb_size, - act=self._hidden_act, - param_attr=fluid.ParamAttr( - name='mask_lm_trans_fc.w_0', - initializer=self._param_initializer), - bias_attr=fluid.ParamAttr(name='mask_lm_trans_fc.b_0')) - # transform: layer norm - mask_trans_feat = pre_process_layer( - mask_trans_feat, 'n', name='mask_lm_trans') - - mask_lm_out_bias_attr = fluid.ParamAttr( - name="mask_lm_out_fc.b_0", - initializer=fluid.initializer.Constant(value=0.0)) - if self._weight_sharing: - fc_out = fluid.layers.matmul( - x=mask_trans_feat, - y=fluid.default_main_program().global_block().var( - self._word_emb_name), - transpose_y=True) - fc_out += fluid.layers.create_parameter( - shape=[self._voc_size], - dtype=self._dtype, - attr=mask_lm_out_bias_attr, - is_bias=True) - - else: - fc_out = fluid.layers.fc(input=mask_trans_feat, - size=self._voc_size, - param_attr=fluid.ParamAttr( - name="mask_lm_out_fc.w_0", - initializer=self._param_initializer), - bias_attr=mask_lm_out_bias_attr) - - mask_lm_loss = fluid.layers.softmax_with_cross_entropy( - logits=fc_out, label=mask_label) - mean_mask_lm_loss = fluid.layers.mean(mask_lm_loss) - - next_sent_fc_out = fluid.layers.fc( - input=next_sent_feat, - size=2, - param_attr=fluid.ParamAttr( - name="next_sent_fc.w_0", initializer=self._param_initializer), - bias_attr="next_sent_fc.b_0") - - next_sent_loss, next_sent_softmax = fluid.layers.softmax_with_cross_entropy( - logits=next_sent_fc_out, label=labels, return_softmax=True) - - next_sent_acc = fluid.layers.accuracy( - input=next_sent_softmax, label=labels) - - mean_next_sent_loss = fluid.layers.mean(next_sent_loss) - - loss = mean_next_sent_loss + mean_mask_lm_loss - return next_sent_acc, mean_mask_lm_loss, loss diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/model/layers.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/model/layers.py deleted file mode 100755 index 03df9837c5a77d9af89f2cd8514c3923c5b7f9f0..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/model/layers.py +++ /dev/null @@ -1,329 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""bert model.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import json -import sys -import six -import logging -import numpy as np -import paddle.fluid as fluid -from paddle.fluid.layers import shape - -from model.transformer_encoder import encoder, pre_process_layer - -logging.basicConfig(format = '%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt = '%m/%d/%Y %H:%M:%S', - level = logging.INFO) -logging.getLogger().setLevel(logging.INFO) -logger = logging.getLogger(__name__) - -def dynamic_expand(dynamic_tensor, smaller_tensor): - """ - :param dynamic_tensor: - :param smaller_tensor: - :return: - """ - assert len(dynamic_tensor.shape) > len(smaller_tensor.shape) - if type(smaller_tensor.shape) == list: - for dim_idx, dim in smaller_tensor.shape: - dynamic_tensor_dim_idx = len(dynamic_tensor) - len(smaller_tensor) + dim_idx - assert dynamic_tensor.shape[dynamic_tensor_dim_idx] % dim == 0 - elif type(smaller_tensor.shape) == int: - assert dynamic_tensor.shape[-1] % smaller_tensor.shape == 0 - memory_embs_zero = fluid.layers.scale(dynamic_tensor, scale=0.0) - smaller_tensor = fluid.layers.elementwise_add(memory_embs_zero, smaller_tensor) - return smaller_tensor - - -def print_tensor(tensor, message, print_runtime=False): - logger.info("{}: {}".format(message, tensor.shape)) - if print_runtime: - fluid.layers.Print(tensor, summarize=10, message=message) - - -class MemoryLayer(object): - def __init__(self, bert_config, concept_size, mem_emb_size, mem_method='cat', prefix=None): - self.initializer_range = bert_config['initializer_range'] - self.bert_size = bert_config['hidden_size'] - self.concept_size = concept_size - self.mem_emb_size = mem_emb_size - assert mem_method in ['add', 'cat', 'raw'] - self.mem_method = mem_method - self.prefix = prefix - - def forward(self, bert_output, memory_embs, mem_length, ignore_no_memory_token=True): - """ - :param bert_output: [batch_size, seq_size, bert_size] - :param memory_embs: [batch_size, seq_size, concept_size, mem_emb_size] - :param mem_length: [batch_size, sent_size, 1] - :return: - """ - - bert_size = self.bert_size - concept_size = self.concept_size - mem_emb_size = self.mem_emb_size - - print_tensor(bert_output, "bert_output") - print_tensor(memory_embs, "memory_embs") - print_tensor(mem_length, "mem_length") - - - projected_bert = fluid.layers.fc(bert_output, size=mem_emb_size, num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name='{}_memory_layer_projection.w_0'.format(self.prefix) if self.prefix else 'memory_layer_projection.w_0', - initializer=fluid.initializer.NormalInitializer( - loc=0.0, scale=self.initializer_range)), - bias_attr=False) # [batch_size *seq_size, mem_emb_size] - logger.info("projected_bert: {}".format(projected_bert.shape)) - - expanded_bert = fluid.layers.unsqueeze(projected_bert, axes=[2]) # [batch_size, seq_size, 1, mem_emb_size] - - - extended_memory, memory_score = self.add_sentinel(expanded_bert, memory_embs, mem_emb_size) - # extended_memory: [batch_size, seq_size, 1+concept_size, mem_emb_size] - # memory_score: [batch_size, seq_size, 1+concept_size] - - - concept_ordinal = self.get_concept_oridinal(concept_size, memory_score) # [bs,sq,1+cs] - - memory_reverse_mask = fluid.layers.less_than( - fluid.layers.expand(mem_length, expand_times=[1, 1, 1 + concept_size]) - , concept_ordinal) - # [batch_size, seq_size, 1+concept_size] - memory_reverse_mask = fluid.layers.cast(memory_reverse_mask, dtype="float32") - print_tensor(memory_reverse_mask, "memory_reverse_mask") - - memory_reverse_masked_infinity = fluid.layers.scale(memory_reverse_mask, scale=-1e6) - # [batch_size, seq_size, 1+concept_size] - print_tensor(memory_reverse_masked_infinity, "memory_reverse_masked_infinity") - - memory_score = fluid.layers.elementwise_add(memory_score, memory_reverse_masked_infinity) - # [batch_size, seq_size, 1+concept_size] - logger.info("memory_score:{}".format(memory_score.shape)) - - memory_att = fluid.layers.softmax(memory_score) # [batch_size, seq_size, 1+concept_size] - memory_att = fluid.layers.unsqueeze(memory_att, axes=[2]) # [batch_size, seq_size, 1, 1+concept_size] - logger.info("memory_att: {}".format(memory_att.shape)) - logger.info("extended_memory: {}".format(extended_memory.shape)) - summ = fluid.layers.matmul(memory_att,extended_memory) # [batch_size, seq_size,1, mem_emb_size] - summ = fluid.layers.squeeze(summ, axes=[2]) # [batch_size, seq_size,mem_emb_size] - - if ignore_no_memory_token: - condition = fluid.layers.less_than( - dynamic_expand(mem_length, fluid.layers.zeros([1],"float32")), - mem_length) # [bs, sq] - # summ_true = fluid.layers.elementwise_mul( - # summ, - # fluid.layers.cast(condition, "float32")) # [bs, sq, ms] - # summ_false = fluid.layers.elementwise_mul( - # summ, - # fluid.layers.scale(fluid.layers.cast(condition, "float32"), -1)) # [bs, sq, ms] - # summ = fluid.layers.elementwise_add(summ_true, summ_false) # [bs, sq, ms] - summ = fluid.layers.elementwise_mul( - summ, - fluid.layers.cast(condition, "float32")) # [bs, sq, ms] - - print_tensor(summ, "summ") - - if self.mem_method == "add": - summ_transform = fluid.layers.fc(summ, size=bert_size, num_flatten_dims=2) # [batch_size, seq_size, bert_size] - output = fluid.layers.sums(input=[summ_transform, bert_output]) # [batch_size, seq_size, bert_size] - elif self.mem_method == "cat": - logger.info("bert_output: {}".format(bert_output.shape)) - logger.info("summ: {}".format(summ.shape)) - output = fluid.layers.concat(input=[bert_output, summ], axis=2) # [batch_size, seq_size, bert_size + mem_emb_size] - elif self.mem_method == "raw": - logger.info("bert_output: {}".format(bert_output.shape)) - logger.info("summ: {}".format(summ.shape)) - output = summ # [batch_size, seq_size, mem_emb_size] - else: - raise ValueError("mem_method not supported") - logger.info("output: {}".format(output.shape)) - return output - - def get_concept_oridinal(self, concept_size, memory_score): - """ - - :param concept_size: - :param memory_score: [batch_size, seq_size, 1+concept_size] - :return: - """ - concept_ordinal = fluid.layers.create_tensor(dtype="float32") - fluid.layers.assign(np.arange(start=0, stop=(1 + concept_size), step=1, dtype=np.float32), - concept_ordinal) # [1+cs] - print_tensor(concept_ordinal, "concept_ordinal") - print_tensor(memory_score, "memory_score") - - concept_ordinal = dynamic_expand(memory_score, concept_ordinal) # [bs,sq,1+cs] - - logger.info("concept_ordinal: {}".format(concept_ordinal.shape)) - return concept_ordinal - - def add_sentinel(self, expanded_bert, memory_embs, mem_emb_size): - """ - - :param expanded_bert: [batch_size, seq_size, 1, mem_emb_size] - :param memory_embs: [batch_size, seq_size, concept_size, mem_emb_size] - :param mem_emb_size: - :return: - """ - sentinel = fluid.layers.create_parameter( - name='{}_memory_layer_sentinel'.format(self.prefix) if self.prefix else 'memory_layer_sentinel', - dtype="float32", - shape=[mem_emb_size], - default_initializer=fluid.initializer.ConstantInitializer(0)) # [mem_emb_size] - print_tensor(sentinel, "sentinel") - - memory_embs_squeeze = fluid.layers.slice(memory_embs, axes=[2], starts=[0], - ends=[1]) # [bs,sq,1,ms] - print_tensor(memory_embs_squeeze, "memory_embs_squeeze") - - sentinel = dynamic_expand(memory_embs_squeeze, sentinel) # [bs,sq,1,ms] - print_tensor(sentinel, "sentinel") - print_tensor(memory_embs, "memory_embs") - - extended_memory = fluid.layers.concat([sentinel, memory_embs], - axis=2) # [batch_size, seq_size, 1+concept_size, mem_emb_size] - extended_memory = fluid.layers.transpose(extended_memory, perm=[0, 1, 3, 2]) - # [batch_size, seq_size, mem_emb_size, 1+concept_size] - logger.info("extended_memory: {}".format(extended_memory.shape)) - memory_score = fluid.layers.matmul(expanded_bert, - extended_memory) # [batch_size, seq_size, 1, 1+concept_size] - memory_score = fluid.layers.squeeze(memory_score, axes=[2]) - # [batch_size, seq_size, 1+concept_size] - extended_memory = fluid.layers.transpose(extended_memory, perm=[0, 1, 3, 2]) - # [batch_size, seq_size, 1+concept_size, mem_emb_size] - return extended_memory, memory_score - - -class TriLinearTwoTimeSelfAttentionLayer(object): - def __init__(self, hidden_size, dropout_rate=0.0, - cat_mul=False, cat_sub=False, cat_twotime=False, cat_twotime_mul=False, cat_twotime_sub=False): - self.hidden_size = hidden_size - self.dropout_rate = dropout_rate - self.cat_mul = cat_mul - self.cat_sub = cat_sub - self.cat_twotime = cat_twotime - self.cat_twotime_mul = cat_twotime_mul - self.cat_twotime_sub = cat_twotime_sub - - def forward(self, hidden_emb, sequence_mask): - """ - :param hidden_emb: [batch_size, seq_size, hidden_size] - :param sequence_mask: [batch_size, seq_size, 1] - :return: - """ - assert len(hidden_emb.shape) ==3 and len(sequence_mask.shape) == 3 \ - and sequence_mask.shape[-1] == 1 - assert hidden_emb.shape[:2] == sequence_mask.shape[:2] - - hidden_size = self.hidden_size - - bias = fluid.layers.create_parameter(name='self_matching_layer_bias', shape=[1], dtype="float32", - default_initializer=fluid.initializer.ConstantInitializer(0)) - - weight_1 = fluid.layers.create_parameter(name='self_matching_layer_weight1', shape=[hidden_size], dtype="float32", - default_initializer=fluid.initializer.XavierInitializer(uniform=True, fan_in=1, fan_out=hidden_size)) # [HS] - bs_1_hs = fluid.layers.slice(hidden_emb, axes=[1], starts=[0], ends=[1]) # [bs, 1, hs] - print_tensor(bs_1_hs, "bs_1_hs") - bs_hs_1 = fluid.layers.transpose(bs_1_hs, perm=[0, 2, 1]) # [bs, hs, 1] - print_tensor(bs_hs_1, "bs_hs_1") - print_tensor(weight_1, "weight_1") - weight_1 = dynamic_expand(bs_1_hs, weight_1) # [BS, 1, HS] (a)jk - weight_1 = fluid.layers.transpose(weight_1, perm=[0, 2, 1]) - print_tensor(hidden_emb, "hidden_emb") - print_tensor(weight_1, "weight_1") - r1 = fluid.layers.matmul(hidden_emb, weight_1) # [BS, SQ, 1] aik - print_tensor(r1, "r1") - - weight_2 = fluid.layers.create_parameter(name='self_matching_layer_weight2', shape=[hidden_size], dtype="float32", - default_initializer=fluid.initializer.XavierInitializer(uniform=True, fan_in=1, fan_out=hidden_size)) # [HS] - weight_2 = dynamic_expand(bs_1_hs, weight_2) # # [BS, 1, HS] (a)jk - hidden_emb_transpose = fluid.layers.transpose(hidden_emb, perm=[0, 2, 1]) # [BS, HS, SQ] aji - r2 = fluid.layers.matmul(weight_2, hidden_emb_transpose) # [BS, 1, SQ] aki - print_tensor(r2, "r2") - - weight_mul = fluid.layers.create_parameter(name='self_matching_layer_weightmul', shape=[hidden_size], dtype="float32", - default_initializer=fluid.initializer.XavierInitializer(uniform=True)) # [HS] - - - weight_mul = dynamic_expand(hidden_emb, weight_mul) - rmul_1 = fluid.layers.elementwise_mul(hidden_emb, weight_mul) # for "hidden * self.weight_mul". [bs, sq(i), hs(j)] - print_tensor(rmul_1, "rmul_1") - rmul_2 = fluid.layers.matmul(rmul_1, hidden_emb_transpose) # [bs, sq(i), hs(j)] mul [bs, hs(j), sq(k)] = [bs, sq(i), sq(k)] - print_tensor(rmul_2, "rmul_2") - - r1 = fluid.layers.squeeze(r1, axes=[2]) # [BS, SQ] aik - r1 = dynamic_expand( - fluid.layers.transpose(rmul_2, [1, 0, 2]), # [sq, bs, sq] - r1) # [ SQ(from 1), bs, SQ] - r1 = fluid.layers.transpose(r1, [1, 2, 0]) # [bs, sq, sq(from 1)] - - r2 = fluid.layers.squeeze(r2, axes=[1]) # [BS, SQ] aik - r2 = dynamic_expand( - fluid.layers.transpose(rmul_2, [1, 0, 2]), # [sq, bs, sq] - r2) # [ SQ(from 1), bs, SQ] - r2 = fluid.layers.transpose(r2, [1, 0, 2]) # [bs,sq(from 1),sq] - - bias = dynamic_expand(rmul_2, bias) # [BS, SQ, SQ] - sim_score = fluid.layers.sums(input=[r1, r2, rmul_2, bias]) - # [bs,sq,1]+[bs,1,sq]+[bs,sq,sq]+[bs,sq,sq]=[BS,SQ,SQ] - print_tensor(sim_score, "sim_score") - - sequence_mask = fluid.layers.cast(sequence_mask, dtype="float32") # [BS,SQ,1] - softmax_mask = fluid.layers.elementwise_sub( - sequence_mask, - fluid.layers.fill_constant([1], "float32", 1)) # [BS,SQ,1] - softmax_mask = fluid.layers.scale(softmax_mask, -1) - very_negative_number = fluid.layers.fill_constant([1], value=-1e6, dtype="float32") - logger.info("softmax_mask: {}".format(softmax_mask.shape)) - logger.info("very_negative_number: {}".format(very_negative_number.shape)) - - softmax_mask = fluid.layers.elementwise_mul(softmax_mask, very_negative_number) # [BS,SQ,1] - - softmax_mask = fluid.layers.squeeze(softmax_mask, axes=[2]) # [BS,SQ] - softmax_mask = dynamic_expand(fluid.layers.transpose(sim_score, perm=[2, 0, 1]), softmax_mask) # [sq(1),bs,sq] - softmax_mask = fluid.layers.transpose(softmax_mask, perm=[1, 0, 2]) # [BS,sq(1),SQ] - print_tensor(softmax_mask, "softmax_mask") - sim_score = fluid.layers.elementwise_add(sim_score, softmax_mask) # [bs,sq,sq]+[bs,sq(1),sq]=[BS,SQ,SQ] - print_tensor(sim_score, "sim_score") - - attn_prob = fluid.layers.softmax(sim_score) # [BS,SQ,SQ] - weighted_sum = fluid.layers.matmul(attn_prob, hidden_emb) # [bs,sq,sq]*[bs,sq,hs]=[BS,SQ,HS] - if any([self.cat_twotime, self.cat_twotime_mul, self.cat_twotime_sub]): - twotime_att_prob = fluid.layers.matmul(attn_prob, attn_prob) # [bs,sq,sq]*[bs,sq,sq]=[BS,SQ,SQ] - twotime_weited_sum = fluid.layers.matmul(twotime_att_prob, hidden_emb) # [BS,SQ,HS] - - out_tensors = [hidden_emb, weighted_sum] - if self.cat_mul: - out_tensors.append(fluid.layers.elementwise_mul(hidden_emb, weighted_sum)) - if self.cat_sub: - out_tensors.append(fluid.layers.elementwise_sub(hidden_emb, weighted_sum)) - if self.cat_twotime: - out_tensors.append(twotime_weited_sum) - if self.cat_twotime_mul: - out_tensors.append(fluid.layers.elementwise_mul(hidden_emb, twotime_weited_sum)) - if self.cat_twotime_sub: - out_tensors.append(fluid.layers.elementwise_sub(hidden_emb, twotime_weited_sum)) - output = fluid.layers.concat(out_tensors, axis=2) # [BS,SQ, HS+HS+....] - print_tensor(output, "output") - return output - - - diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/model/transformer_encoder.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/model/transformer_encoder.py deleted file mode 100644 index 5ff0506f256dbbf4e707fce52d23845e041c1abb..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/model/transformer_encoder.py +++ /dev/null @@ -1,372 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Transformer encoder.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -from functools import partial, reduce -import numpy as np - -import paddle.fluid as fluid -import paddle.fluid.layers as layers -from paddle.fluid.layer_helper import LayerHelper - -def layer_norm(x, begin_norm_axis=1, epsilon=1e-12, param_attr=None, bias_attr=None): - """ - Replace build-in layer_norm op with this function - """ - helper = LayerHelper('layer_norm', **locals()) - mean = layers.reduce_mean(x, dim=begin_norm_axis, keep_dim=True) - shift_x = layers.elementwise_sub(x=x, y=mean, axis=0) - variance = layers.reduce_mean(layers.square(shift_x), dim=begin_norm_axis, keep_dim=True) - r_stdev = layers.rsqrt(variance + epsilon) - norm_x = layers.elementwise_mul(x=shift_x, y=r_stdev, axis=0) - - param_shape = [reduce(lambda x, y: x * y, norm_x.shape[begin_norm_axis:])] - param_dtype = norm_x.dtype - scale = helper.create_parameter( - attr=param_attr, - shape=param_shape, - dtype=param_dtype, - default_initializer=fluid.initializer.Constant(1.)) - bias = helper.create_parameter( - attr=bias_attr, - shape=param_shape, - dtype=param_dtype, - is_bias=True, - default_initializer=fluid.initializer.Constant(0.)) - - out = layers.elementwise_mul(x=norm_x, y=scale, axis=-1) - out = layers.elementwise_add(x=out, y=bias, axis=-1) - - return out - -def multi_head_attention(queries, - keys, - values, - attn_bias, - d_key, - d_value, - d_model, - n_head=1, - dropout_rate=0., - cache=None, - param_initializer=None, - name='multi_head_att'): - """ - Multi-Head Attention. Note that attn_bias is added to the logit before - computing softmax activiation to mask certain selected positions so that - they will not considered in attention weights. - """ - keys = queries if keys is None else keys - values = keys if values is None else values - - if not (len(queries.shape) == len(keys.shape) == len(values.shape) == 3): - raise ValueError( - "Inputs: quries, keys and values should all be 3-D tensors.") - - def __compute_qkv(queries, keys, values, n_head, d_key, d_value): - """ - Add linear projection to queries, keys, and values. - """ - q = layers.fc(input=queries, - size=d_key * n_head, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_query_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_query_fc.b_0') - k = layers.fc(input=keys, - size=d_key * n_head, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_key_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_key_fc.b_0') - v = layers.fc(input=values, - size=d_value * n_head, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_value_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_value_fc.b_0') - return q, k, v - - def __split_heads(x, n_head): - """ - Reshape the last dimension of inpunt tensor x so that it becomes two - dimensions and then transpose. Specifically, input a tensor with shape - [bs, max_sequence_length, n_head * hidden_dim] then output a tensor - with shape [bs, n_head, max_sequence_length, hidden_dim]. - """ - hidden_size = x.shape[-1] - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - reshaped = layers.reshape( - x=x, shape=[0, 0, n_head, hidden_size // n_head], inplace=True) - - # permuate the dimensions into: - # [batch_size, n_head, max_sequence_len, hidden_size_per_head] - return layers.transpose(x=reshaped, perm=[0, 2, 1, 3]) - - def __combine_heads(x): - """ - Transpose and then reshape the last two dimensions of inpunt tensor x - so that it becomes one dimension, which is reverse to __split_heads. - """ - if len(x.shape) == 3: return x - if len(x.shape) != 4: - raise ValueError("Input(x) should be a 4-D Tensor.") - - trans_x = layers.transpose(x, perm=[0, 2, 1, 3]) - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - return layers.reshape( - x=trans_x, - shape=[0, 0, trans_x.shape[2] * trans_x.shape[3]], - inplace=True) - - def scaled_dot_product_attention(q, k, v, attn_bias, d_key, dropout_rate): - """ - Scaled Dot-Product Attention - """ - scaled_q = layers.scale(x=q, scale=d_key**-0.5) - product = layers.matmul(x=scaled_q, y=k, transpose_y=True) - if attn_bias: - product += attn_bias - weights = layers.softmax(product) - if dropout_rate: - weights = layers.dropout( - weights, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - out = layers.matmul(weights, v) - return out - - q, k, v = __compute_qkv(queries, keys, values, n_head, d_key, d_value) - - if cache is not None: # use cache and concat time steps - # Since the inplace reshape in __split_heads changes the shape of k and - # v, which is the cache input for next time step, reshape the cache - # input from the previous time step first. - k = cache["k"] = layers.concat( - [layers.reshape( - cache["k"], shape=[0, 0, d_model]), k], axis=1) - v = cache["v"] = layers.concat( - [layers.reshape( - cache["v"], shape=[0, 0, d_model]), v], axis=1) - - q = __split_heads(q, n_head) - k = __split_heads(k, n_head) - v = __split_heads(v, n_head) - - ctx_multiheads = scaled_dot_product_attention(q, k, v, attn_bias, d_key, - dropout_rate) - - out = __combine_heads(ctx_multiheads) - - # Project back to the model size. - proj_out = layers.fc(input=out, - size=d_model, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_output_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_output_fc.b_0') - return proj_out - - -def positionwise_feed_forward(x, - d_inner_hid, - d_hid, - dropout_rate, - hidden_act, - param_initializer=None, - name='ffn'): - """ - Position-wise Feed-Forward Networks. - This module consists of two linear transformations with a ReLU activation - in between, which is applied to each position separately and identically. - """ - hidden = layers.fc(input=x, - size=d_inner_hid, - num_flatten_dims=2, - act=hidden_act, - param_attr=fluid.ParamAttr( - name=name + '_fc_0.w_0', - initializer=param_initializer), - bias_attr=name + '_fc_0.b_0') - if dropout_rate: - hidden = layers.dropout( - hidden, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - out = layers.fc(input=hidden, - size=d_hid, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_fc_1.w_0', initializer=param_initializer), - bias_attr=name + '_fc_1.b_0') - return out - - -def pre_post_process_layer(prev_out, out, process_cmd, dropout_rate=0., - name=''): - """ - Add residual connection, layer normalization and droput to the out tensor - optionally according to the value of process_cmd. - This will be used before or after multi-head attention and position-wise - feed-forward networks. - """ - for cmd in process_cmd: - if cmd == "a": # add residual connection - out = out + prev_out if prev_out else out - elif cmd == "n": # add layer normalization - out_dtype = out.dtype - if out_dtype == fluid.core.VarDesc.VarType.FP16: - out = layers.cast(x=out, dtype="float32") - out = layer_norm( - out, - begin_norm_axis=len(out.shape) - 1, - param_attr=fluid.ParamAttr( - name=name + '_layer_norm_scale', - initializer=fluid.initializer.Constant(1.)), - bias_attr=fluid.ParamAttr( - name=name + '_layer_norm_bias', - initializer=fluid.initializer.Constant(0.))) - if out_dtype == fluid.core.VarDesc.VarType.FP16: - out = layers.cast(x=out, dtype="float16") - elif cmd == "d": # add dropout - if dropout_rate: - out = layers.dropout( - out, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - return out - - -pre_process_layer = partial(pre_post_process_layer, None) -post_process_layer = pre_post_process_layer - - -def encoder_layer(enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd="n", - postprocess_cmd="da", - param_initializer=None, - name=''): - """The encoder layers that can be stacked to form a deep encoder. - This module consits of a multi-head (self) attention followed by - position-wise feed-forward networks and both the two components companied - with the post_process_layer to add residual connection, layer normalization - and droput. - """ - attn_output = multi_head_attention( - pre_process_layer( - enc_input, - preprocess_cmd, - prepostprocess_dropout, - name=name + '_pre_att'), - None, - None, - attn_bias, - d_key, - d_value, - d_model, - n_head, - attention_dropout, - param_initializer=param_initializer, - name=name + '_multi_head_att') - attn_output = post_process_layer( - enc_input, - attn_output, - postprocess_cmd, - prepostprocess_dropout, - name=name + '_post_att') - ffd_output = positionwise_feed_forward( - pre_process_layer( - attn_output, - preprocess_cmd, - prepostprocess_dropout, - name=name + '_pre_ffn'), - d_inner_hid, - d_model, - relu_dropout, - hidden_act, - param_initializer=param_initializer, - name=name + '_ffn') - return post_process_layer( - attn_output, - ffd_output, - postprocess_cmd, - prepostprocess_dropout, - name=name + '_post_ffn') - - -def encoder(enc_input, - attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd="n", - postprocess_cmd="da", - param_initializer=None, - name=''): - """ - The encoder is composed of a stack of identical layers returned by calling - encoder_layer. - """ - for i in range(n_layer): - enc_output = encoder_layer( - enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd, - postprocess_cmd, - param_initializer=param_initializer, - name=name + '_layer_' + str(i)) - enc_input = enc_output - enc_output = pre_process_layer( - enc_output, preprocess_cmd, prepostprocess_dropout, name="post_encoder") - - return enc_output diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/optimization.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/optimization.py deleted file mode 100644 index 23d5a249d924131c7fd3f53e33cff190b51505be..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/optimization.py +++ /dev/null @@ -1,143 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Optimization and learning rate scheduling.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import numpy as np -import paddle.fluid as fluid -from utils.fp16 import create_master_params_grads, master_param_to_train_param - - -def linear_warmup_decay(learning_rate, warmup_steps, num_train_steps): - """ Applies linear warmup of learning rate from 0 and decay to 0.""" - with fluid.default_main_program()._lr_schedule_guard(): - lr = fluid.layers.tensor.create_global_var( - shape=[1], - value=0.0, - dtype='float32', - persistable=True, - name="scheduled_learning_rate") - - global_step = fluid.layers.learning_rate_scheduler._decay_step_counter() - - with fluid.layers.control_flow.Switch() as switch: - with switch.case(global_step < num_train_steps * 0.1): - warmup_lr = learning_rate * (global_step / (num_train_steps * 0.1)) - fluid.layers.tensor.assign(warmup_lr, lr) - with switch.default(): - decayed_lr = fluid.layers.learning_rate_scheduler.polynomial_decay( - learning_rate=learning_rate, - decay_steps=num_train_steps, - end_learning_rate=0.0, - power=1.0, - cycle=False) - fluid.layers.tensor.assign(decayed_lr, lr) - - return lr - - -def optimization(loss, - warmup_steps, - num_train_steps, - learning_rate, - train_program, - startup_prog, - weight_decay, - scheduler='linear_warmup_decay', - use_fp16=False, - loss_scaling=1.0): - if warmup_steps > 0: - if scheduler == 'noam_decay': - scheduled_lr = fluid.layers.learning_rate_scheduler\ - .noam_decay(1/(warmup_steps *(learning_rate ** 2)), - warmup_steps) - elif scheduler == 'linear_warmup_decay': - scheduled_lr = linear_warmup_decay(learning_rate, warmup_steps, - num_train_steps) - else: - raise ValueError("Unkown learning rate scheduler, should be " - "'noam_decay' or 'linear_warmup_decay'") - optimizer = fluid.optimizer.Adam(learning_rate=scheduled_lr, epsilon=1e-6) - else: - optimizer = fluid.optimizer.Adam(learning_rate=learning_rate, epsilon=1e-6) - scheduled_lr = learning_rate - - clip_norm_thres = 1.0 - # When using mixed precision training, scale the gradient clip threshold - # by loss_scaling - if use_fp16 and loss_scaling > 1.0: - clip_norm_thres *= loss_scaling - fluid.clip.set_gradient_clip( - clip=fluid.clip.GradientClipByGlobalNorm(clip_norm=clip_norm_thres)) - - def exclude_from_weight_decay(name): - if name.find("layer_norm") > -1: - return True - bias_suffix = ["_bias", "_b", ".b_0"] - for suffix in bias_suffix: - if name.endswith(suffix): - return True - return False - - param_list = dict() - - if use_fp16: - param_grads = optimizer.backward(loss) - master_param_grads = create_master_params_grads( - param_grads, train_program, startup_prog, loss_scaling) - - for param, _ in master_param_grads: - param_list[param.name] = param * 1.0 - param_list[param.name].stop_gradient = True - - optimizer.apply_gradients(master_param_grads) - - if weight_decay > 0: - for param, grad in master_param_grads: - # if exclude_from_weight_decay(param.name.rstrip(".master")): - # continue - if param.name == 'concept_emb_mat' or param.name == 'wn_concept_emb_mat' or param.name == 'nell_concept_emb_mat': - continue - with param.block.program._optimized_guard( - [param, grad]), fluid.framework.name_scope("weight_decay"): - updated_param = param - param_list[ - param.name] * weight_decay * scheduled_lr - fluid.layers.assign(output=param, input=updated_param) - - master_param_to_train_param(master_param_grads, param_grads, - train_program) - - else: - for param in train_program.global_block().all_parameters(): - param_list[param.name] = param * 1.0 - param_list[param.name].stop_gradient = True - - _, param_grads = optimizer.minimize(loss) - - if weight_decay > 0: - for param, grad in param_grads: - # if exclude_from_weight_decay(param.name): - # continue - if param.name == 'concept_emb_mat' or param.name == 'wn_concept_emb_mat' or param.name == 'nell_concept_emb_mat': - continue - with param.block.program._optimized_guard( - [param, grad]), fluid.framework.name_scope("weight_decay"): - updated_param = param - param_list[ - param.name] * weight_decay * scheduled_lr - fluid.layers.assign(output=param, input=updated_param) - - return scheduled_lr diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/reader/__init__.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/reader/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/reader/record.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/reader/record.py deleted file mode 100644 index c7c820cdf40535c894a6979fbf5020e5b9a697cf..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/reader/record.py +++ /dev/null @@ -1,1049 +0,0 @@ -# coding=utf-8 -# Copyright 2018 The Google AI Language Team Authors. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Run BERT on ReCoRD.""" - -import six -import math -import json -import random -import collections -import os -import pickle -import logging -import tokenization -from batching import prepare_batch_data - -from eval.record_official_evaluate import evaluate, f1_score - -logging.basicConfig(format = '%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt = '%m/%d/%Y %H:%M:%S', - level = logging.INFO) -logging.getLogger().setLevel(logging.INFO) -logger = logging.getLogger(__name__) - -class ReCoRDExample(object): - """A single training/test example for simple sequence classification. - - For examples without an answer, the start and end position are -1. - """ - - def __init__(self, - qas_id, - question_text, - doc_tokens, - orig_answer_text=None, - start_position=None, - end_position=None, - is_impossible=False): - self.qas_id = qas_id - self.question_text = question_text - self.doc_tokens = doc_tokens - self.orig_answer_text = orig_answer_text - self.start_position = start_position - self.end_position = end_position - self.is_impossible = is_impossible - - def __str__(self): - return self.__repr__() - - def __repr__(self): - s = "" - s += "qas_id: %s" % (tokenization.printable_text(self.qas_id)) - s += ", question_text: %s" % ( - tokenization.printable_text(self.question_text)) - s += ", doc_tokens: [%s]" % (" ".join(self.doc_tokens)) - if self.start_position: - s += ", start_position: %d" % (self.start_position) - if self.start_position: - s += ", end_position: %d" % (self.end_position) - if self.start_position: - s += ", is_impossible: %r" % (self.is_impossible) - return s - - -class InputFeatures(object): - """A single set of features of data.""" - - def __init__(self, - unique_id, - example_index, - doc_span_index, - tokens, - token_to_orig_map, - token_is_max_context, - input_ids, - input_mask, - segment_ids, - concept_ids, - start_position=None, - end_position=None, - is_impossible=None): - self.unique_id = unique_id - self.example_index = example_index - self.doc_span_index = doc_span_index - self.tokens = tokens - self.token_to_orig_map = token_to_orig_map - self.token_is_max_context = token_is_max_context - self.input_ids = input_ids - self.input_mask = input_mask - self.segment_ids = segment_ids - self.start_position = start_position - self.end_position = end_position - self.is_impossible = is_impossible - self.concept_ids = concept_ids - - -def read_record_examples(input_file, is_training, version_2_with_negative=False): - """Read a ReCoRD json file into a list of ReCoRDExample.""" - with open(input_file, "r") as reader: - input_data = json.load(reader)["data"] - - def is_whitespace(c): - if c == " " or c == "\t" or c == "\r" or c == "\n" or ord(c) == 0x202F: - return True - return False - - examples = [] - for entry in input_data: - paragraph_text = entry["passage"]["text"].replace('\xa0', ' ') - doc_tokens = [] - char_to_word_offset = [] - prev_is_whitespace = True - for c in paragraph_text: - if is_whitespace(c): - prev_is_whitespace = True - else: - if prev_is_whitespace: - doc_tokens.append(c) - else: - doc_tokens[-1] += c - prev_is_whitespace = False - char_to_word_offset.append(len(doc_tokens) - 1) - - for qa in entry["qas"]: - qas_id = qa["id"] - question_text = qa["query"].replace('\xa0', ' ') - start_position = None - end_position = None - orig_answer_text = None - is_impossible = False - if is_training: - - if version_2_with_negative: - is_impossible = qa["is_impossible"] - # if (len(qa["answers"]) != 1) and (not is_impossible): - # raise ValueError( - # "For training, each question should have exactly 1 answer." - # ) - if not is_impossible: - answer = qa["answers"][0] - orig_answer_text = answer["text"] - answer_offset = answer["start"] - answer_length = len(orig_answer_text) - start_position = char_to_word_offset[answer_offset] - end_position = char_to_word_offset[answer_offset + - answer_length - 1] - # Only add answers where the text can be exactly recovered from the - # document. If this CAN'T happen it's likely due to weird Unicode - # stuff so we will just skip the example. - # - # Note that this means for training mode, every example is NOT - # guaranteed to be preserved. - actual_text = " ".join(doc_tokens[start_position:( - end_position + 1)]) - cleaned_answer_text = " ".join( - tokenization.whitespace_tokenize(orig_answer_text)) - if actual_text.find(cleaned_answer_text) == -1: - logger.info("Could not find answer: '%s' vs. '%s'", - actual_text, cleaned_answer_text) - continue - else: - start_position = -1 - end_position = -1 - orig_answer_text = "" - - example = ReCoRDExample( - qas_id=qas_id, - question_text=question_text, - doc_tokens=doc_tokens, - orig_answer_text=orig_answer_text, - start_position=start_position, - end_position=end_position, - is_impossible=is_impossible) - examples.append(example) - - return examples - -class Examples_To_Features_Converter(object): - def __init__(self, **concept_settings): - self.concept_settings = concept_settings - - # load necessary data files for mapping to related concepts - # 1. mapping from subword-level tokenization to word-level tokenization - tokenization_filepath = self.concept_settings['tokenization_path'] - assert os.path.exists(tokenization_filepath) - self.all_tokenization_info = {} - for item in pickle.load(open(tokenization_filepath, 'rb')): - self.all_tokenization_info[item['id']] = item - - # 2. mapping from concept name to concept id (currently only support one KB) - self.concept2id = self.concept_settings['concept2id'] - - # 3. retrieved related wordnet concepts (if use_wordnet) - if concept_settings['use_wordnet']: - assert not self.concept_settings['use_nell'] - retrieved_synset_filepath = self.concept_settings['retrieved_synset_path'] - assert os.path.exists(retrieved_synset_filepath) - self.synsets_info = pickle.load(open(retrieved_synset_filepath, 'rb')) # token to sysnet names - self.max_concept_length = max([len(synsets) for synsets in self.synsets_info.values()]) - - # 4. retrieved related nell concepts (if use_nell) - if concept_settings['use_nell']: - assert not self.concept_settings['use_wordnet'] - retrieved_nell_concept_filepath = self.concept_settings['retrieved_nell_concept_path'] - assert os.path.exists(retrieved_nell_concept_filepath) - self.nell_retrieve_info = {} - for item in pickle.load(open(retrieved_nell_concept_filepath, 'rb')): - self.nell_retrieve_info[item['id']] = item - self.max_concept_length = max([max([len(entity_info['retrieved_concepts']) for entity_info in item['query_entities'] + item['document_entities']]) - for qid, item in self.nell_retrieve_info.items() if len(item['query_entities'] + item['document_entities']) > 0]) - - # return list of concept ids given input subword list - def _lookup_wordnet_concept_ids(self, sub_tokens, sub_to_ori_index, tokens, tolower, tokenizer): - concept_ids = [] - for index in range(len(sub_tokens)): - original_token = tokens[sub_to_ori_index[index]] - # if tokens are in upper case, we must lower it for retrieving - retrieve_token = tokenizer.basic_tokenizer._run_strip_accents(original_token.lower()) if tolower else original_token - if retrieve_token in self.synsets_info: - concept_ids.append([self.concept2id[synset_name] for synset_name in self.synsets_info[retrieve_token]]) - else: - concept_ids.append([]) - return concept_ids - - def _lookup_nell_concept_ids(self, sub_tokens, sub_to_ori_index, tokens, nell_info): - original_concept_ids = [[] for _ in range(len(tokens))] - for entity_info in nell_info: - for pos in range(entity_info['token_start'], entity_info['token_end'] + 1): - original_concept_ids[pos] += [self.concept2id[category_name] for category_name in entity_info['retrieved_concepts']] - for pos in range(len(original_concept_ids)): - original_concept_ids[pos] = list(set(original_concept_ids[pos])) - concept_ids = [original_concept_ids[sub_to_ori_index[index]] for index in range(len(sub_tokens))] - return concept_ids - - def __call__(self, - examples, - tokenizer, - max_seq_length, - doc_stride, - max_query_length, - is_training): - """Loads a data file into a list of `InputBatch`s.""" - - unique_id = 1000000000 - - for (example_index, example) in enumerate(examples): - tokenization_info = self.all_tokenization_info[example.qas_id] - query_tokens = tokenizer.tokenize(example.question_text) - # check online subword tokenization result is the same as offline result - assert query_tokens == tokenization_info['query_subtokens'] - if self.concept_settings['use_wordnet']: - query_concepts = self._lookup_wordnet_concept_ids(query_tokens, tokenization_info['query_sub_to_ori_index'], - tokenization_info['query_tokens'], - tolower=tokenizer.basic_tokenizer.do_lower_case == False, tokenizer=tokenizer) # if tolower is True, tokenizer must be given - - if self.concept_settings['use_nell']: - query_concepts = self._lookup_nell_concept_ids(query_tokens, tokenization_info['query_sub_to_ori_index'], - tokenization_info['query_tokens'], self.nell_retrieve_info[example.qas_id]['query_entities']) - - if len(query_tokens) > max_query_length: - query_tokens = query_tokens[0:max_query_length] - query_concepts = query_concepts[0:max_query_length] - - tok_to_orig_index = [] - orig_to_tok_index = [] - all_doc_tokens = [] - for (i, token) in enumerate(example.doc_tokens): - orig_to_tok_index.append(len(all_doc_tokens)) - sub_tokens = tokenizer.tokenize(token) - for sub_token in sub_tokens: - tok_to_orig_index.append(i) - all_doc_tokens.append(sub_token) - assert all_doc_tokens == tokenization_info['document_subtokens'] - if self.concept_settings['use_wordnet']: - doc_concepts = self._lookup_wordnet_concept_ids(all_doc_tokens, tokenization_info['document_sub_to_ori_index'], - tokenization_info['document_tokens'], - tolower=tokenizer.basic_tokenizer.do_lower_case == False, tokenizer=tokenizer) # if tolower is True, tokenizer must be given - - if self.concept_settings['use_nell']: - doc_concepts = self._lookup_nell_concept_ids(all_doc_tokens, tokenization_info['document_sub_to_ori_index'], - tokenization_info['document_tokens'], self.nell_retrieve_info[example.qas_id]['document_entities']) - - tok_start_position = None - tok_end_position = None - if is_training and example.is_impossible: - tok_start_position = -1 - tok_end_position = -1 - if is_training and not example.is_impossible: - tok_start_position = orig_to_tok_index[example.start_position] - if example.end_position < len(example.doc_tokens) - 1: - tok_end_position = orig_to_tok_index[example.end_position + - 1] - 1 - else: - tok_end_position = len(all_doc_tokens) - 1 - (tok_start_position, tok_end_position) = _improve_answer_span( - all_doc_tokens, tok_start_position, tok_end_position, tokenizer, - example.orig_answer_text) - - # The -3 accounts for [CLS], [SEP] and [SEP] - max_tokens_for_doc = max_seq_length - len(query_tokens) - 3 - - # We can have documents that are longer than the maximum sequence length. - # To deal with this we do a sliding window approach, where we take chunks - # of the up to our max length with a stride of `doc_stride`. - _DocSpan = collections.namedtuple( # pylint: disable=invalid-name - "DocSpan", ["start", "length"]) - doc_spans = [] - start_offset = 0 - while start_offset < len(all_doc_tokens): - length = len(all_doc_tokens) - start_offset - if length > max_tokens_for_doc: - length = max_tokens_for_doc - doc_spans.append(_DocSpan(start=start_offset, length=length)) - if start_offset + length == len(all_doc_tokens): - break - start_offset += min(length, doc_stride) - - for (doc_span_index, doc_span) in enumerate(doc_spans): - tokens = [] - token_to_orig_map = {} - token_is_max_context = {} - segment_ids = [] - concept_ids = [] - - tokens.append("[CLS]") - segment_ids.append(0) - concept_ids.append([]) - for token, query_concept in zip(query_tokens, query_concepts): - tokens.append(token) - segment_ids.append(0) - concept_ids.append(query_concept) - tokens.append("[SEP]") - segment_ids.append(0) - concept_ids.append([]) - - for i in range(doc_span.length): - split_token_index = doc_span.start + i - token_to_orig_map[len(tokens)] = tok_to_orig_index[split_token_index] - - is_max_context = _check_is_max_context(doc_spans, doc_span_index, - split_token_index) - token_is_max_context[len(tokens)] = is_max_context - tokens.append(all_doc_tokens[split_token_index]) - segment_ids.append(1) - concept_ids.append(doc_concepts[split_token_index]) - tokens.append("[SEP]") - segment_ids.append(1) - concept_ids.append([]) - - input_ids = tokenizer.convert_tokens_to_ids(tokens) - - # The mask has 1 for real tokens and 0 for padding tokens. Only real - # tokens are attended to. - input_mask = [1] * len(input_ids) - - # Zero-pad up to the sequence length. - #while len(input_ids) < max_seq_length: - # input_ids.append(0) - # input_mask.append(0) - # segment_ids.append(0) - - #assert len(input_ids) == max_seq_length - #assert len(input_mask) == max_seq_length - #assert len(segment_ids) == max_seq_length - - for cindex in range(len(concept_ids)): - concept_ids[cindex] = concept_ids[cindex] + [0] * (self.max_concept_length - len(concept_ids[cindex])) - concept_ids[cindex] = concept_ids[cindex][:self.max_concept_length] - assert all([len(id_list) == self.max_concept_length for id_list in concept_ids]) - - start_position = None - end_position = None - if is_training and not example.is_impossible: - # For training, if our document chunk does not contain an annotation - # we throw it out, since there is nothing to predict. - doc_start = doc_span.start - doc_end = doc_span.start + doc_span.length - 1 - # out_of_span = False - if not (tok_start_position >= doc_start and - tok_end_position <= doc_end): - continue - # out_of_span = True - # if out_of_span: - # start_position = 0 - # end_position = 0 - # else: - # doc_offset = len(query_tokens) + 2 - # start_position = tok_start_position - doc_start + doc_offset - # end_position = tok_end_position - doc_start + doc_offset - doc_offset = len(query_tokens) + 2 - start_position = tok_start_position - doc_start + doc_offset - end_position = tok_end_position - doc_start + doc_offset - - if is_training and example.is_impossible: - start_position = 0 - end_position = 0 - - if example_index < 3: - logger.info("*** Example ***") - logger.info("unique_id: %s" % (unique_id)) - logger.info("example_index: %s" % (example_index)) - logger.info("doc_span_index: %s" % (doc_span_index)) - logger.info("tokens: %s" % " ".join( - [tokenization.printable_text(x) for x in tokens])) - logger.info("token_to_orig_map: %s" % " ".join([ - "%d:%d" % (x, y) - for (x, y) in six.iteritems(token_to_orig_map) - ])) - logger.info("token_is_max_context: %s" % " ".join([ - "%d:%s" % (x, y) - for (x, y) in six.iteritems(token_is_max_context) - ])) - logger.info("input_ids: %s" % " ".join([str(x) for x in input_ids])) - logger.info("input_mask: %s" % " ".join([str(x) for x in input_mask])) - logger.info("segment_ids: %s" % - " ".join([str(x) for x in segment_ids])) - logger.info("concept_ids: %s" % " ".join(["{}:{}".format(tidx, list(filter(lambda index:index != 0, x))) for tidx, x in enumerate(concept_ids)])) - if is_training and example.is_impossible: - logger.info("impossible example") - if is_training and not example.is_impossible: - answer_text = " ".join(tokens[start_position:(end_position + - 1)]) - logger.info("start_position: %d" % (start_position)) - logger.info("end_position: %d" % (end_position)) - logger.info("answer: %s" % - (tokenization.printable_text(answer_text))) - - feature = InputFeatures( - unique_id=unique_id, - example_index=example_index, - doc_span_index=doc_span_index, - tokens=tokens, - token_to_orig_map=token_to_orig_map, - token_is_max_context=token_is_max_context, - input_ids=input_ids, - input_mask=input_mask, - segment_ids=segment_ids, - concept_ids=concept_ids, - start_position=start_position, - end_position=end_position, - is_impossible=example.is_impossible) - - unique_id += 1 - - yield feature - - -def _improve_answer_span(doc_tokens, input_start, input_end, tokenizer, - orig_answer_text): - """Returns tokenized answer spans that better match the annotated answer.""" - - # The ReCoRD annotations are character based. We first project them to - # whitespace-tokenized words. But then after WordPiece tokenization, we can - # often find a "better match". For example: - # - # Question: What year was John Smith born? - # Context: The leader was John Smith (1895-1943). - # Answer: 1895 - # - # The original whitespace-tokenized answer will be "(1895-1943).". However - # after tokenization, our tokens will be "( 1895 - 1943 ) .". So we can match - # the exact answer, 1895. - # - # However, this is not always possible. Consider the following: - # - # Question: What country is the top exporter of electornics? - # Context: The Japanese electronics industry is the lagest in the world. - # Answer: Japan - # - # In this case, the annotator chose "Japan" as a character sub-span of - # the word "Japanese". Since our WordPiece tokenizer does not split - # "Japanese", we just use "Japanese" as the annotation. This is fairly rare - # in ReCoRD, but does happen. - tok_answer_text = " ".join(tokenizer.tokenize(orig_answer_text)) - - for new_start in range(input_start, input_end + 1): - for new_end in range(input_end, new_start - 1, -1): - text_span = " ".join(doc_tokens[new_start:(new_end + 1)]) - if text_span == tok_answer_text: - return (new_start, new_end) - - return (input_start, input_end) - - -def _check_is_max_context(doc_spans, cur_span_index, position): - """Check if this is the 'max context' doc span for the token.""" - - # Because of the sliding window approach taken to scoring documents, a single - # token can appear in multiple documents. E.g. - # Doc: the man went to the store and bought a gallon of milk - # Span A: the man went to the - # Span B: to the store and bought - # Span C: and bought a gallon of - # ... - # - # Now the word 'bought' will have two scores from spans B and C. We only - # want to consider the score with "maximum context", which we define as - # the *minimum* of its left and right context (the *sum* of left and - # right context will always be the same, of course). - # - # In the example the maximum context for 'bought' would be span C since - # it has 1 left context and 3 right context, while span B has 4 left context - # and 0 right context. - best_score = None - best_span_index = None - for (span_index, doc_span) in enumerate(doc_spans): - end = doc_span.start + doc_span.length - 1 - if position < doc_span.start: - continue - if position > end: - continue - num_left_context = position - doc_span.start - num_right_context = end - position - score = min(num_left_context, - num_right_context) + 0.01 * doc_span.length - if best_score is None or score > best_score: - best_score = score - best_span_index = span_index - - return cur_span_index == best_span_index - - -class DataProcessor(object): - def __init__(self, vocab_path, do_lower_case, max_seq_length, in_tokens, - doc_stride, max_query_length): - self._tokenizer = tokenization.FullTokenizer( - vocab_file=vocab_path, do_lower_case=do_lower_case) - self._max_seq_length = max_seq_length - self._doc_stride = doc_stride - self._max_query_length = max_query_length - self._in_tokens = in_tokens - - self.vocab = self._tokenizer.vocab - self.vocab_size = len(self.vocab) - self.pad_id = self.vocab["[PAD]"] - self.cls_id = self.vocab["[CLS]"] - self.sep_id = self.vocab["[SEP]"] - self.mask_id = self.vocab["[MASK]"] - - self.current_train_example = -1 - self.num_train_examples = -1 - self.current_train_epoch = -1 - - self.train_examples = None - self.predict_examples = None - self.num_examples = {'train': -1, 'predict': -1} - - self.train_max_concept_length = None - self.predict_max_concept_length = None - - def get_train_progress(self): - """Gets progress for training phase.""" - return self.current_train_example, self.current_train_epoch - - def get_examples(self, - data_path, - is_training, - version_2_with_negative=False): - examples = read_record_examples( - input_file=data_path, - is_training=is_training, - version_2_with_negative=version_2_with_negative) - return examples - - def get_num_examples(self, phase): - if phase not in ['train', 'predict']: - raise ValueError( - "Unknown phase, which should be in ['train', 'predict'].") - return self.num_examples[phase] - - def get_features(self, examples, is_training, **concept_settings): - convert_examples_to_features = Examples_To_Features_Converter(**concept_settings) - features = convert_examples_to_features( - examples=examples, - tokenizer=self._tokenizer, - max_seq_length=self._max_seq_length, - doc_stride=self._doc_stride, - max_query_length=self._max_query_length, - is_training=is_training) - return features - - def data_generator(self, - data_path, - batch_size, - phase='train', - shuffle=False, - dev_count=1, - version_2_with_negative=False, - epoch=1, - **concept_settings): - if phase == 'train': - self.train_examples = self.get_examples( - data_path, - is_training=True, - version_2_with_negative=version_2_with_negative) - examples = self.train_examples - self.num_examples['train'] = len(self.train_examples) - elif phase == 'predict': - self.predict_examples = self.get_examples( - data_path, - is_training=False, - version_2_with_negative=version_2_with_negative) - examples = self.predict_examples - self.num_examples['predict'] = len(self.predict_examples) - else: - raise ValueError( - "Unknown phase, which should be in ['train', 'predict'].") - - def batch_reader(features, batch_size, in_tokens): - batch, total_token_num, max_len = [], 0, 0 - for (index, feature) in enumerate(features): - if phase == 'train': - self.current_train_example = index + 1 - seq_len = len(feature.input_ids) - labels = [feature.unique_id - ] if feature.start_position is None else [ - feature.start_position, feature.end_position - ] - example = [ - # feature.input_ids, feature.segment_ids, range(seq_len), feature.concept_ids - feature.input_ids, feature.segment_ids, range(384), feature.concept_ids - ] + labels - max_len = max(max_len, seq_len) - - #max_len = max(max_len, len(token_ids)) - if in_tokens: - to_append = (len(batch) + 1) * max_len <= batch_size - else: - to_append = len(batch) < batch_size - - if to_append: - batch.append(example) - total_token_num += seq_len - else: - yield batch, total_token_num - batch, total_token_num, max_len = [example - ], seq_len, seq_len - if len(batch) > 0: - yield batch, total_token_num - - if phase == 'train': - self.train_max_concept_length = Examples_To_Features_Converter(**concept_settings).max_concept_length - else: - self.predict_max_concept_length = Examples_To_Features_Converter(**concept_settings).max_concept_length - - def wrapper(): - for epoch_index in range(epoch): - if shuffle: - random.shuffle(examples) - if phase == 'train': - self.current_train_epoch = epoch_index - features = self.get_features(examples, is_training=True, **concept_settings) - max_concept_length = self.train_max_concept_length - else: - features = self.get_features(examples, is_training=False, **concept_settings) - max_concept_length = self.predict_max_concept_length - - all_dev_batches = [] - for batch_data, total_token_num in batch_reader( - features, batch_size, self._in_tokens): - batch_data = prepare_batch_data( - batch_data, - total_token_num, - voc_size=-1, - pad_id=self.pad_id, - cls_id=self.cls_id, - sep_id=self.sep_id, - mask_id=-1, - return_input_mask=True, - return_max_len=False, - return_num_token=False, - max_concept_length=max_concept_length) - if len(all_dev_batches) < dev_count: - all_dev_batches.append(batch_data) - - if len(all_dev_batches) == dev_count: - for batch in all_dev_batches: - yield batch - all_dev_batches = [] - - return wrapper - - -def write_predictions(all_examples, all_features, all_results, n_best_size, - max_answer_length, do_lower_case, output_prediction_file, - output_nbest_file, output_null_log_odds_file, - version_2_with_negative, null_score_diff_threshold, - verbose, predict_file, evaluation_result_file): - """Write final predictions to the json file and log-odds of null if needed.""" - logger.info("Writing predictions to: %s" % (output_prediction_file)) - logger.info("Writing nbest to: %s" % (output_nbest_file)) - logger.info("Writing evaluation result to: %s" % (evaluation_result_file)) - - # load ground truth file for evaluation and post-edit - with open(predict_file, "r", encoding='utf-8') as reader: - predict_json = json.load(reader)["data"] - all_candidates = {} - for passage in predict_json: - passage_text = passage['passage']['text'] - candidates = [] - for entity_info in passage['passage']['entities']: - start_offset = entity_info['start'] - end_offset = entity_info['end'] - candidates.append(passage_text[start_offset: end_offset + 1]) - for qa in passage['qas']: - all_candidates[qa['id']] = candidates - - example_index_to_features = collections.defaultdict(list) - for feature in all_features: - example_index_to_features[feature.example_index].append(feature) - - unique_id_to_result = {} - for result in all_results: - unique_id_to_result[result.unique_id] = result - - _PrelimPrediction = collections.namedtuple( # pylint: disable=invalid-name - "PrelimPrediction", [ - "feature_index", "start_index", "end_index", "start_logit", - "end_logit" - ]) - - all_predictions = collections.OrderedDict() - all_nbest_json = collections.OrderedDict() - scores_diff_json = collections.OrderedDict() - - for (example_index, example) in enumerate(all_examples): - features = example_index_to_features[example_index] - - prelim_predictions = [] - # keep track of the minimum score of null start+end of position 0 - score_null = 1000000 # large and positive - min_null_feature_index = 0 # the paragraph slice with min mull score - null_start_logit = 0 # the start logit at the slice with min null score - null_end_logit = 0 # the end logit at the slice with min null score - for (feature_index, feature) in enumerate(features): - result = unique_id_to_result[feature.unique_id] - start_indexes = _get_best_indexes(result.start_logits, n_best_size) - end_indexes = _get_best_indexes(result.end_logits, n_best_size) - # if we could have irrelevant answers, get the min score of irrelevant - if version_2_with_negative: - feature_null_score = result.start_logits[0] + result.end_logits[ - 0] - if feature_null_score < score_null: - score_null = feature_null_score - min_null_feature_index = feature_index - null_start_logit = result.start_logits[0] - null_end_logit = result.end_logits[0] - for start_index in start_indexes: - for end_index in end_indexes: - # We could hypothetically create invalid predictions, e.g., predict - # that the start of the span is in the question. We throw out all - # invalid predictions. - if start_index >= len(feature.tokens): - continue - if end_index >= len(feature.tokens): - continue - if start_index not in feature.token_to_orig_map: - continue - if end_index not in feature.token_to_orig_map: - continue - if not feature.token_is_max_context.get(start_index, False): - continue - if end_index < start_index: - continue - length = end_index - start_index + 1 - if length > max_answer_length: - continue - prelim_predictions.append( - _PrelimPrediction( - feature_index=feature_index, - start_index=start_index, - end_index=end_index, - start_logit=result.start_logits[start_index], - end_logit=result.end_logits[end_index])) - - if version_2_with_negative: - prelim_predictions.append( - _PrelimPrediction( - feature_index=min_null_feature_index, - start_index=0, - end_index=0, - start_logit=null_start_logit, - end_logit=null_end_logit)) - prelim_predictions = sorted( - prelim_predictions, - key=lambda x: (x.start_logit + x.end_logit), - reverse=True) - - _NbestPrediction = collections.namedtuple( # pylint: disable=invalid-name - "NbestPrediction", ["text", "start_logit", "end_logit"]) - - seen_predictions = {} - nbest = [] - for pred in prelim_predictions: - if len(nbest) >= n_best_size: - break - feature = features[pred.feature_index] - if pred.start_index > 0: # this is a non-null prediction - tok_tokens = feature.tokens[pred.start_index:(pred.end_index + 1 - )] - orig_doc_start = feature.token_to_orig_map[pred.start_index] - orig_doc_end = feature.token_to_orig_map[pred.end_index] - orig_tokens = example.doc_tokens[orig_doc_start:(orig_doc_end + - 1)] - tok_text = " ".join(tok_tokens) - - # De-tokenize WordPieces that have been split off. - tok_text = tok_text.replace(" ##", "") - tok_text = tok_text.replace("##", "") - - # Clean whitespace - tok_text = tok_text.strip() - tok_text = " ".join(tok_text.split()) - orig_text = " ".join(orig_tokens) - - final_text = get_final_text(tok_text, orig_text, do_lower_case, - verbose) - if final_text in seen_predictions: - continue - - seen_predictions[final_text] = True - else: - final_text = "" - seen_predictions[final_text] = True - - nbest.append( - _NbestPrediction( - text=final_text, - start_logit=pred.start_logit, - end_logit=pred.end_logit)) - - # if we didn't inlude the empty option in the n-best, inlcude it - if version_2_with_negative: - if "" not in seen_predictions: - nbest.append( - _NbestPrediction( - text="", - start_logit=null_start_logit, - end_logit=null_end_logit)) - # In very rare edge cases we could have no valid predictions. So we - # just create a nonce prediction in this case to avoid failure. - if not nbest: - nbest.append( - _NbestPrediction( - text="empty", start_logit=0.0, end_logit=0.0)) - - assert len(nbest) >= 1 - - total_scores = [] - best_non_null_entry = None - for entry in nbest: - total_scores.append(entry.start_logit + entry.end_logit) - if not best_non_null_entry: - if entry.text: - best_non_null_entry = entry - # debug - if best_non_null_entry is None: - logger.info("Emmm..., sth wrong") - - probs = _compute_softmax(total_scores) - - nbest_json = [] - for (i, entry) in enumerate(nbest): - output = collections.OrderedDict() - output["text"] = entry.text - output["probability"] = probs[i] - output["start_logit"] = entry.start_logit - output["end_logit"] = entry.end_logit - nbest_json.append(output) - - assert len(nbest_json) >= 1 - - if not version_2_with_negative: - # restrict the finally picked prediction to have overlap with at least one candidate - picked_index = 0 - for pred_index in range(len(nbest_json)): - if any([f1_score(nbest_json[pred_index]['text'], candidate) > 0. for candidate in all_candidates[example.qas_id]]): - picked_index = pred_index - break - all_predictions[example.qas_id] = nbest_json[picked_index]["text"] - else: - # predict "" iff the null score - the score of best non-null > threshold - score_diff = score_null - best_non_null_entry.start_logit - ( - best_non_null_entry.end_logit) - scores_diff_json[example.qas_id] = score_diff - if score_diff > null_score_diff_threshold: - all_predictions[example.qas_id] = "" - else: - all_predictions[example.qas_id] = best_non_null_entry.text - - all_nbest_json[example.qas_id] = nbest_json - - with open(output_prediction_file, "w") as writer: - writer.write(json.dumps(all_predictions, indent=4) + "\n") - - with open(output_nbest_file, "w") as writer: - writer.write(json.dumps(all_nbest_json, indent=4) + "\n") - - if version_2_with_negative: - with open(output_null_log_odds_file, "w") as writer: - writer.write(json.dumps(scores_diff_json, indent=4) + "\n") - - eval_result, _ = evaluate(predict_json, all_predictions) - - with open(evaluation_result_file, "w") as writer: - writer.write(json.dumps(eval_result, indent=4) + "\n") - - return eval_result - -def get_final_text(pred_text, orig_text, do_lower_case, verbose): - """Project the tokenized prediction back to the original text.""" - - # When we created the data, we kept track of the alignment between original - # (whitespace tokenized) tokens and our WordPiece tokenized tokens. So - # now `orig_text` contains the span of our original text corresponding to the - # span that we predicted. - # - # However, `orig_text` may contain extra characters that we don't want in - # our prediction. - # - # For example, let's say: - # pred_text = steve smith - # orig_text = Steve Smith's - # - # We don't want to return `orig_text` because it contains the extra "'s". - # - # We don't want to return `pred_text` because it's already been normalized - # (the ReCoRD eval script also does punctuation stripping/lower casing but - # our tokenizer does additional normalization like stripping accent - # characters). - # - # What we really want to return is "Steve Smith". - # - # Therefore, we have to apply a semi-complicated alignment heruistic between - # `pred_text` and `orig_text` to get a character-to-charcter alignment. This - # can fail in certain cases in which case we just return `orig_text`. - - def _strip_spaces(text): - ns_chars = [] - ns_to_s_map = collections.OrderedDict() - for (i, c) in enumerate(text): - if c == " ": - continue - ns_to_s_map[len(ns_chars)] = i - ns_chars.append(c) - ns_text = "".join(ns_chars) - return (ns_text, ns_to_s_map) - - # We first tokenize `orig_text`, strip whitespace from the result - # and `pred_text`, and check if they are the same length. If they are - # NOT the same length, the heuristic has failed. If they are the same - # length, we assume the characters are one-to-one aligned. - tokenizer = tokenization.BasicTokenizer(do_lower_case=do_lower_case) - - tok_text = " ".join(tokenizer.tokenize(orig_text)) - - start_position = tok_text.find(pred_text) - if start_position == -1: - if verbose: - logger.info("Unable to find text: '%s' in '%s'" % (pred_text, orig_text)) - return orig_text - end_position = start_position + len(pred_text) - 1 - - (orig_ns_text, orig_ns_to_s_map) = _strip_spaces(orig_text) - (tok_ns_text, tok_ns_to_s_map) = _strip_spaces(tok_text) - - if len(orig_ns_text) != len(tok_ns_text): - if verbose: - logger.info("Length not equal after stripping spaces: '%s' vs '%s'", - orig_ns_text, tok_ns_text) - return orig_text - - # We then project the characters in `pred_text` back to `orig_text` using - # the character-to-character alignment. - tok_s_to_ns_map = {} - for (i, tok_index) in six.iteritems(tok_ns_to_s_map): - tok_s_to_ns_map[tok_index] = i - - orig_start_position = None - if start_position in tok_s_to_ns_map: - ns_start_position = tok_s_to_ns_map[start_position] - if ns_start_position in orig_ns_to_s_map: - orig_start_position = orig_ns_to_s_map[ns_start_position] - - if orig_start_position is None: - if verbose: - logger.info("Couldn't map start position") - return orig_text - - orig_end_position = None - if end_position in tok_s_to_ns_map: - ns_end_position = tok_s_to_ns_map[end_position] - if ns_end_position in orig_ns_to_s_map: - orig_end_position = orig_ns_to_s_map[ns_end_position] - - if orig_end_position is None: - if verbose: - logger.info("Couldn't map end position") - return orig_text - - output_text = orig_text[orig_start_position:(orig_end_position + 1)] - return output_text - - -def _get_best_indexes(logits, n_best_size): - """Get the n-best logits from a list.""" - index_and_score = sorted( - enumerate(logits), key=lambda x: x[1], reverse=True) - - best_indexes = [] - for i in range(len(index_and_score)): - if i >= n_best_size: - break - best_indexes.append(index_and_score[i][0]) - return best_indexes - - -def _compute_softmax(scores): - """Compute softmax probability over raw logits.""" - if not scores: - return [] - - max_score = None - for score in scores: - if max_score is None or score > max_score: - max_score = score - - exp_scores = [] - total_sum = 0.0 - for score in scores: - x = math.exp(score - max_score) - exp_scores.append(x) - total_sum += x - - probs = [] - for score in exp_scores: - probs.append(score / total_sum) - return probs diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/reader/record_twomemory.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/reader/record_twomemory.py deleted file mode 100644 index 2f743eff9f3088414e27f52518aa014d1530baef..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/reader/record_twomemory.py +++ /dev/null @@ -1,1068 +0,0 @@ -# coding=utf-8 -# Copyright 2018 The Google AI Language Team Authors. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Run BERT on ReCoRD.""" - -import six -import math -import json -import random -import collections -import os -import pickle -import logging -import tokenization -from batching_twomemory import prepare_batch_data - -from eval.record_official_evaluate import evaluate, f1_score - -logging.basicConfig(format = '%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt = '%m/%d/%Y %H:%M:%S', - level = logging.INFO) -logging.getLogger().setLevel(logging.INFO) -logger = logging.getLogger(__name__) - -class ReCoRDExample(object): - """A single training/test example for simple sequence classification. - - For examples without an answer, the start and end position are -1. - """ - - def __init__(self, - qas_id, - question_text, - doc_tokens, - orig_answer_text=None, - start_position=None, - end_position=None, - is_impossible=False): - self.qas_id = qas_id - self.question_text = question_text - self.doc_tokens = doc_tokens - self.orig_answer_text = orig_answer_text - self.start_position = start_position - self.end_position = end_position - self.is_impossible = is_impossible - - def __str__(self): - return self.__repr__() - - def __repr__(self): - s = "" - s += "qas_id: %s" % (tokenization.printable_text(self.qas_id)) - s += ", question_text: %s" % ( - tokenization.printable_text(self.question_text)) - s += ", doc_tokens: [%s]" % (" ".join(self.doc_tokens)) - if self.start_position: - s += ", start_position: %d" % (self.start_position) - if self.start_position: - s += ", end_position: %d" % (self.end_position) - if self.start_position: - s += ", is_impossible: %r" % (self.is_impossible) - return s - - -class InputFeatures(object): - """A single set of features of data.""" - - def __init__(self, - unique_id, - example_index, - doc_span_index, - tokens, - token_to_orig_map, - token_is_max_context, - input_ids, - input_mask, - segment_ids, - wn_concept_ids, - nell_concept_ids, - start_position=None, - end_position=None, - is_impossible=None): - self.unique_id = unique_id - self.example_index = example_index - self.doc_span_index = doc_span_index - self.tokens = tokens - self.token_to_orig_map = token_to_orig_map - self.token_is_max_context = token_is_max_context - self.input_ids = input_ids - self.input_mask = input_mask - self.segment_ids = segment_ids - self.start_position = start_position - self.end_position = end_position - self.is_impossible = is_impossible - self.wn_concept_ids = wn_concept_ids - self.nell_concept_ids = nell_concept_ids - - -def read_record_examples(input_file, is_training, version_2_with_negative=False): - """Read a ReCoRD json file into a list of ReCoRDExample.""" - with open(input_file, "r") as reader: - input_data = json.load(reader)["data"] - - def is_whitespace(c): - if c == " " or c == "\t" or c == "\r" or c == "\n" or ord(c) == 0x202F: - return True - return False - - examples = [] - for entry in input_data: - paragraph_text = entry["passage"]["text"].replace('\xa0', ' ') - doc_tokens = [] - char_to_word_offset = [] - prev_is_whitespace = True - for c in paragraph_text: - if is_whitespace(c): - prev_is_whitespace = True - else: - if prev_is_whitespace: - doc_tokens.append(c) - else: - doc_tokens[-1] += c - prev_is_whitespace = False - char_to_word_offset.append(len(doc_tokens) - 1) - - for qa in entry["qas"]: - qas_id = qa["id"] - question_text = qa["query"].replace('\xa0', ' ') - start_position = None - end_position = None - orig_answer_text = None - is_impossible = False - if is_training: - - if version_2_with_negative: - is_impossible = qa["is_impossible"] - # if (len(qa["answers"]) != 1) and (not is_impossible): - # raise ValueError( - # "For training, each question should have exactly 1 answer." - # ) - if not is_impossible: - answer = qa["answers"][0] - orig_answer_text = answer["text"] - answer_offset = answer["start"] - answer_length = len(orig_answer_text) - start_position = char_to_word_offset[answer_offset] - end_position = char_to_word_offset[answer_offset + - answer_length - 1] - # Only add answers where the text can be exactly recovered from the - # document. If this CAN'T happen it's likely due to weird Unicode - # stuff so we will just skip the example. - # - # Note that this means for training mode, every example is NOT - # guaranteed to be preserved. - actual_text = " ".join(doc_tokens[start_position:( - end_position + 1)]) - cleaned_answer_text = " ".join( - tokenization.whitespace_tokenize(orig_answer_text)) - if actual_text.find(cleaned_answer_text) == -1: - logger.info("Could not find answer: '%s' vs. '%s'", - actual_text, cleaned_answer_text) - continue - else: - start_position = -1 - end_position = -1 - orig_answer_text = "" - - example = ReCoRDExample( - qas_id=qas_id, - question_text=question_text, - doc_tokens=doc_tokens, - orig_answer_text=orig_answer_text, - start_position=start_position, - end_position=end_position, - is_impossible=is_impossible) - examples.append(example) - - return examples - -class Examples_To_Features_Converter(object): - def __init__(self, **concept_settings): - self.concept_settings = concept_settings - - # load necessary data files for mapping to related concepts - # 1. mapping from subword-level tokenization to word-level tokenization - tokenization_filepath = self.concept_settings['tokenization_path'] - assert os.path.exists(tokenization_filepath) - self.all_tokenization_info = {} - for item in pickle.load(open(tokenization_filepath, 'rb')): - self.all_tokenization_info[item['id']] = item - - # 2. mapping from concept name to concept id - self.wn_concept2id = self.concept_settings['wn_concept2id'] - self.nell_concept2id = self.concept_settings['nell_concept2id'] - - # 3. retrieved related wordnet concepts (if use_wordnet) - if concept_settings['use_wordnet']: - retrieved_synset_filepath = self.concept_settings['retrieved_synset_path'] - assert os.path.exists(retrieved_synset_filepath) - self.synsets_info = pickle.load(open(retrieved_synset_filepath, 'rb')) # token to sysnet names - self.max_wn_concept_length = max([len(synsets) for synsets in self.synsets_info.values()]) - - # 4. retrieved related nell concepts (if use_nell) - if concept_settings['use_nell']: - retrieved_nell_concept_filepath = self.concept_settings['retrieved_nell_concept_path'] - assert os.path.exists(retrieved_nell_concept_filepath) - self.nell_retrieve_info = {} - for item in pickle.load(open(retrieved_nell_concept_filepath, 'rb')): - self.nell_retrieve_info[item['id']] = item - self.max_nell_concept_length = max([max([len(entity_info['retrieved_concepts']) for entity_info in item['query_entities'] + item['document_entities']]) - for qid, item in self.nell_retrieve_info.items() if len(item['query_entities'] + item['document_entities']) > 0]) - - # return list of concept ids given input subword list - def _lookup_wordnet_concept_ids(self, sub_tokens, sub_to_ori_index, tokens, tolower, tokenizer): - concept_ids = [] - for index in range(len(sub_tokens)): - original_token = tokens[sub_to_ori_index[index]] - # if tokens are in upper case, we must lower it for retrieving - retrieve_token = tokenizer.basic_tokenizer._run_strip_accents(original_token.lower()) if tolower else original_token - if retrieve_token in self.synsets_info: - concept_ids.append([self.wn_concept2id[synset_name] for synset_name in self.synsets_info[retrieve_token]]) - else: - concept_ids.append([]) - return concept_ids - - def _lookup_nell_concept_ids(self, sub_tokens, sub_to_ori_index, tokens, nell_info): - original_concept_ids = [[] for _ in range(len(tokens))] - for entity_info in nell_info: - for pos in range(entity_info['token_start'], entity_info['token_end'] + 1): - original_concept_ids[pos] += [self.nell_concept2id[category_name] for category_name in entity_info['retrieved_concepts']] - for pos in range(len(original_concept_ids)): - original_concept_ids[pos] = list(set(original_concept_ids[pos])) - concept_ids = [original_concept_ids[sub_to_ori_index[index]] for index in range(len(sub_tokens))] - return concept_ids - - def __call__(self, - examples, - tokenizer, - max_seq_length, - doc_stride, - max_query_length, - is_training): - """Loads a data file into a list of `InputBatch`s.""" - - unique_id = 1000000000 - - for (example_index, example) in enumerate(examples): - tokenization_info = self.all_tokenization_info[example.qas_id] - query_tokens = tokenizer.tokenize(example.question_text) - # check online subword tokenization result is the same as offline result - assert query_tokens == tokenization_info['query_subtokens'] - if self.concept_settings['use_wordnet']: - query_wn_concepts = self._lookup_wordnet_concept_ids(query_tokens, tokenization_info['query_sub_to_ori_index'], - tokenization_info['query_tokens'], - tolower=tokenizer.basic_tokenizer.do_lower_case == False, tokenizer=tokenizer) # if tolower is True, tokenizer must be given - - if self.concept_settings['use_nell']: - query_nell_concepts = self._lookup_nell_concept_ids(query_tokens, tokenization_info['query_sub_to_ori_index'], - tokenization_info['query_tokens'], self.nell_retrieve_info[example.qas_id]['query_entities']) - - if len(query_tokens) > max_query_length: - query_tokens = query_tokens[0:max_query_length] - query_wn_concepts = query_wn_concepts[0:max_query_length] - query_nell_concepts = query_nell_concepts[0:max_query_length] - - tok_to_orig_index = [] - orig_to_tok_index = [] - all_doc_tokens = [] - for (i, token) in enumerate(example.doc_tokens): - orig_to_tok_index.append(len(all_doc_tokens)) - sub_tokens = tokenizer.tokenize(token) - for sub_token in sub_tokens: - tok_to_orig_index.append(i) - all_doc_tokens.append(sub_token) - assert all_doc_tokens == tokenization_info['document_subtokens'] - if self.concept_settings['use_wordnet']: - doc_wn_concepts = self._lookup_wordnet_concept_ids(all_doc_tokens, tokenization_info['document_sub_to_ori_index'], - tokenization_info['document_tokens'], - tolower=tokenizer.basic_tokenizer.do_lower_case == False, tokenizer=tokenizer) # if tolower is True, tokenizer must be given - - if self.concept_settings['use_nell']: - doc_nell_concepts = self._lookup_nell_concept_ids(all_doc_tokens, tokenization_info['document_sub_to_ori_index'], - tokenization_info['document_tokens'], self.nell_retrieve_info[example.qas_id]['document_entities']) - - tok_start_position = None - tok_end_position = None - if is_training and example.is_impossible: - tok_start_position = -1 - tok_end_position = -1 - if is_training and not example.is_impossible: - tok_start_position = orig_to_tok_index[example.start_position] - if example.end_position < len(example.doc_tokens) - 1: - tok_end_position = orig_to_tok_index[example.end_position + - 1] - 1 - else: - tok_end_position = len(all_doc_tokens) - 1 - (tok_start_position, tok_end_position) = _improve_answer_span( - all_doc_tokens, tok_start_position, tok_end_position, tokenizer, - example.orig_answer_text) - - # The -3 accounts for [CLS], [SEP] and [SEP] - max_tokens_for_doc = max_seq_length - len(query_tokens) - 3 - - # We can have documents that are longer than the maximum sequence length. - # To deal with this we do a sliding window approach, where we take chunks - # of the up to our max length with a stride of `doc_stride`. - _DocSpan = collections.namedtuple( # pylint: disable=invalid-name - "DocSpan", ["start", "length"]) - doc_spans = [] - start_offset = 0 - while start_offset < len(all_doc_tokens): - length = len(all_doc_tokens) - start_offset - if length > max_tokens_for_doc: - length = max_tokens_for_doc - doc_spans.append(_DocSpan(start=start_offset, length=length)) - if start_offset + length == len(all_doc_tokens): - break - start_offset += min(length, doc_stride) - - for (doc_span_index, doc_span) in enumerate(doc_spans): - tokens = [] - token_to_orig_map = {} - token_is_max_context = {} - segment_ids = [] - wn_concept_ids = [] - nell_concept_ids = [] - - tokens.append("[CLS]") - segment_ids.append(0) - wn_concept_ids.append([]) - nell_concept_ids.append([]) - for token, query_wn_concept, query_nell_concept in zip(query_tokens, query_wn_concepts, query_nell_concepts): - tokens.append(token) - segment_ids.append(0) - wn_concept_ids.append(query_wn_concept) - nell_concept_ids.append(query_nell_concept) - tokens.append("[SEP]") - segment_ids.append(0) - wn_concept_ids.append([]) - nell_concept_ids.append([]) - - - for i in range(doc_span.length): - split_token_index = doc_span.start + i - token_to_orig_map[len(tokens)] = tok_to_orig_index[split_token_index] - - is_max_context = _check_is_max_context(doc_spans, doc_span_index, - split_token_index) - token_is_max_context[len(tokens)] = is_max_context - tokens.append(all_doc_tokens[split_token_index]) - segment_ids.append(1) - wn_concept_ids.append(doc_wn_concepts[split_token_index]) - nell_concept_ids.append(doc_nell_concepts[split_token_index]) - tokens.append("[SEP]") - segment_ids.append(1) - wn_concept_ids.append([]) - nell_concept_ids.append([]) - - input_ids = tokenizer.convert_tokens_to_ids(tokens) - - # The mask has 1 for real tokens and 0 for padding tokens. Only real - # tokens are attended to. - input_mask = [1] * len(input_ids) - - # Zero-pad up to the sequence length. - #while len(input_ids) < max_seq_length: - # input_ids.append(0) - # input_mask.append(0) - # segment_ids.append(0) - - #assert len(input_ids) == max_seq_length - #assert len(input_mask) == max_seq_length - #assert len(segment_ids) == max_seq_length - - for concept_ids, max_concept_length in zip((wn_concept_ids, nell_concept_ids), (self.max_wn_concept_length, self.max_nell_concept_length)): - for cindex in range(len(concept_ids)): - concept_ids[cindex] = concept_ids[cindex] + [0] * (max_concept_length - len(concept_ids[cindex])) - concept_ids[cindex] = concept_ids[cindex][:max_concept_length] - assert all([len(id_list) == max_concept_length for id_list in concept_ids]) - - start_position = None - end_position = None - if is_training and not example.is_impossible: - # For training, if our document chunk does not contain an annotation - # we throw it out, since there is nothing to predict. - doc_start = doc_span.start - doc_end = doc_span.start + doc_span.length - 1 - # out_of_span = False - if not (tok_start_position >= doc_start and - tok_end_position <= doc_end): - continue - # out_of_span = True - # if out_of_span: - # start_position = 0 - # end_position = 0 - # else: - # doc_offset = len(query_tokens) + 2 - # start_position = tok_start_position - doc_start + doc_offset - # end_position = tok_end_position - doc_start + doc_offset - doc_offset = len(query_tokens) + 2 - start_position = tok_start_position - doc_start + doc_offset - end_position = tok_end_position - doc_start + doc_offset - - if is_training and example.is_impossible: - start_position = 0 - end_position = 0 - - if example_index < 3: - logger.info("*** Example ***") - logger.info("unique_id: %s" % (unique_id)) - logger.info("example_index: %s" % (example_index)) - logger.info("doc_span_index: %s" % (doc_span_index)) - logger.info("tokens: %s" % " ".join( - [tokenization.printable_text(x) for x in tokens])) - logger.info("token_to_orig_map: %s" % " ".join([ - "%d:%d" % (x, y) - for (x, y) in six.iteritems(token_to_orig_map) - ])) - logger.info("token_is_max_context: %s" % " ".join([ - "%d:%s" % (x, y) - for (x, y) in six.iteritems(token_is_max_context) - ])) - logger.info("input_ids: %s" % " ".join([str(x) for x in input_ids])) - logger.info("input_mask: %s" % " ".join([str(x) for x in input_mask])) - logger.info("segment_ids: %s" % - " ".join([str(x) for x in segment_ids])) - logger.info("wordnet_concept_ids: %s" % " ".join(["{}:{}".format(tidx, list(filter(lambda index:index != 0, x))) for tidx, x in enumerate(wn_concept_ids)])) - logger.info("nell_concept_ids: %s" % " ".join(["{}:{}".format(tidx, list(filter(lambda index:index != 0, x))) for tidx, x in enumerate(nell_concept_ids)])) - if is_training and example.is_impossible: - logger.info("impossible example") - if is_training and not example.is_impossible: - answer_text = " ".join(tokens[start_position:(end_position + - 1)]) - logger.info("start_position: %d" % (start_position)) - logger.info("end_position: %d" % (end_position)) - logger.info("answer: %s" % - (tokenization.printable_text(answer_text))) - - feature = InputFeatures( - unique_id=unique_id, - example_index=example_index, - doc_span_index=doc_span_index, - tokens=tokens, - token_to_orig_map=token_to_orig_map, - token_is_max_context=token_is_max_context, - input_ids=input_ids, - input_mask=input_mask, - segment_ids=segment_ids, - wn_concept_ids=wn_concept_ids, - nell_concept_ids=nell_concept_ids, - start_position=start_position, - end_position=end_position, - is_impossible=example.is_impossible) - - unique_id += 1 - - yield feature - - -def _improve_answer_span(doc_tokens, input_start, input_end, tokenizer, - orig_answer_text): - """Returns tokenized answer spans that better match the annotated answer.""" - - # The ReCoRD annotations are character based. We first project them to - # whitespace-tokenized words. But then after WordPiece tokenization, we can - # often find a "better match". For example: - # - # Question: What year was John Smith born? - # Context: The leader was John Smith (1895-1943). - # Answer: 1895 - # - # The original whitespace-tokenized answer will be "(1895-1943).". However - # after tokenization, our tokens will be "( 1895 - 1943 ) .". So we can match - # the exact answer, 1895. - # - # However, this is not always possible. Consider the following: - # - # Question: What country is the top exporter of electornics? - # Context: The Japanese electronics industry is the lagest in the world. - # Answer: Japan - # - # In this case, the annotator chose "Japan" as a character sub-span of - # the word "Japanese". Since our WordPiece tokenizer does not split - # "Japanese", we just use "Japanese" as the annotation. This is fairly rare - # in ReCoRD, but does happen. - tok_answer_text = " ".join(tokenizer.tokenize(orig_answer_text)) - - for new_start in range(input_start, input_end + 1): - for new_end in range(input_end, new_start - 1, -1): - text_span = " ".join(doc_tokens[new_start:(new_end + 1)]) - if text_span == tok_answer_text: - return (new_start, new_end) - - return (input_start, input_end) - - -def _check_is_max_context(doc_spans, cur_span_index, position): - """Check if this is the 'max context' doc span for the token.""" - - # Because of the sliding window approach taken to scoring documents, a single - # token can appear in multiple documents. E.g. - # Doc: the man went to the store and bought a gallon of milk - # Span A: the man went to the - # Span B: to the store and bought - # Span C: and bought a gallon of - # ... - # - # Now the word 'bought' will have two scores from spans B and C. We only - # want to consider the score with "maximum context", which we define as - # the *minimum* of its left and right context (the *sum* of left and - # right context will always be the same, of course). - # - # In the example the maximum context for 'bought' would be span C since - # it has 1 left context and 3 right context, while span B has 4 left context - # and 0 right context. - best_score = None - best_span_index = None - for (span_index, doc_span) in enumerate(doc_spans): - end = doc_span.start + doc_span.length - 1 - if position < doc_span.start: - continue - if position > end: - continue - num_left_context = position - doc_span.start - num_right_context = end - position - score = min(num_left_context, - num_right_context) + 0.01 * doc_span.length - if best_score is None or score > best_score: - best_score = score - best_span_index = span_index - - return cur_span_index == best_span_index - - -class DataProcessor(object): - def __init__(self, vocab_path, do_lower_case, max_seq_length, in_tokens, - doc_stride, max_query_length): - self._tokenizer = tokenization.FullTokenizer( - vocab_file=vocab_path, do_lower_case=do_lower_case) - self._max_seq_length = max_seq_length - self._doc_stride = doc_stride - self._max_query_length = max_query_length - self._in_tokens = in_tokens - - self.vocab = self._tokenizer.vocab - self.vocab_size = len(self.vocab) - self.pad_id = self.vocab["[PAD]"] - self.cls_id = self.vocab["[CLS]"] - self.sep_id = self.vocab["[SEP]"] - self.mask_id = self.vocab["[MASK]"] - - self.current_train_example = -1 - self.num_train_examples = -1 - self.current_train_epoch = -1 - - self.train_examples = None - self.predict_examples = None - self.num_examples = {'train': -1, 'predict': -1} - - self.train_wn_max_concept_length = None - self.predict_wn_max_concept_length = None - self.train_nell_max_concept_length = None - self.predict_nell_max_concept_length = None - - def get_train_progress(self): - """Gets progress for training phase.""" - return self.current_train_example, self.current_train_epoch - - def get_examples(self, - data_path, - is_training, - version_2_with_negative=False): - examples = read_record_examples( - input_file=data_path, - is_training=is_training, - version_2_with_negative=version_2_with_negative) - return examples - - def get_num_examples(self, phase): - if phase not in ['train', 'predict']: - raise ValueError( - "Unknown phase, which should be in ['train', 'predict'].") - return self.num_examples[phase] - - def get_features(self, examples, is_training, **concept_settings): - convert_examples_to_features = Examples_To_Features_Converter(**concept_settings) - features = convert_examples_to_features( - examples=examples, - tokenizer=self._tokenizer, - max_seq_length=self._max_seq_length, - doc_stride=self._doc_stride, - max_query_length=self._max_query_length, - is_training=is_training) - return features - - def data_generator(self, - data_path, - batch_size, - phase='train', - shuffle=False, - dev_count=1, - version_2_with_negative=False, - epoch=1, - **concept_settings): - if phase == 'train': - self.train_examples = self.get_examples( - data_path, - is_training=True, - version_2_with_negative=version_2_with_negative) - examples = self.train_examples - self.num_examples['train'] = len(self.train_examples) - elif phase == 'predict': - self.predict_examples = self.get_examples( - data_path, - is_training=False, - version_2_with_negative=version_2_with_negative) - examples = self.predict_examples - self.num_examples['predict'] = len(self.predict_examples) - else: - raise ValueError( - "Unknown phase, which should be in ['train', 'predict'].") - - def batch_reader(features, batch_size, in_tokens): - batch, total_token_num, max_len = [], 0, 0 - for (index, feature) in enumerate(features): - if phase == 'train': - self.current_train_example = index + 1 - seq_len = len(feature.input_ids) - labels = [feature.unique_id - ] if feature.start_position is None else [ - feature.start_position, feature.end_position - ] - example = [ - # feature.input_ids, feature.segment_ids, range(seq_len), feature.wn_concept_ids, feature.nell_concept_ids - feature.input_ids, feature.segment_ids, range(384), feature.wn_concept_ids, feature.nell_concept_ids - ] + labels - max_len = max(max_len, seq_len) - - #max_len = max(max_len, len(token_ids)) - if in_tokens: - to_append = (len(batch) + 1) * max_len <= batch_size - else: - to_append = len(batch) < batch_size - - if to_append: - batch.append(example) - total_token_num += seq_len - else: - yield batch, total_token_num - batch, total_token_num, max_len = [example - ], seq_len, seq_len - if len(batch) > 0: - yield batch, total_token_num - - if phase == 'train': - self.train_wn_max_concept_length = Examples_To_Features_Converter(**concept_settings).max_wn_concept_length - self.train_nell_max_concept_length = Examples_To_Features_Converter(**concept_settings).max_nell_concept_length - else: - self.predict_wn_max_concept_length = Examples_To_Features_Converter(**concept_settings).max_wn_concept_length - self.predict_nell_max_concept_length = Examples_To_Features_Converter(**concept_settings).max_nell_concept_length - - def wrapper(): - for epoch_index in range(epoch): - if shuffle: - random.shuffle(examples) - if phase == 'train': - self.current_train_epoch = epoch_index - features = self.get_features(examples, is_training=True, **concept_settings) - max_wn_concept_length = self.train_wn_max_concept_length - max_nell_concept_length = self.train_nell_max_concept_length - else: - features = self.get_features(examples, is_training=False, **concept_settings) - max_wn_concept_length = self.predict_wn_max_concept_length - max_nell_concept_length = self.predict_nell_max_concept_length - - all_dev_batches = [] - for batch_data, total_token_num in batch_reader( - features, batch_size, self._in_tokens): - batch_data = prepare_batch_data( - batch_data, - total_token_num, - voc_size=-1, - pad_id=self.pad_id, - cls_id=self.cls_id, - sep_id=self.sep_id, - mask_id=-1, - return_input_mask=True, - return_max_len=False, - return_num_token=False, - max_wn_concept_length=max_wn_concept_length, - max_nell_concept_length=max_nell_concept_length) - if len(all_dev_batches) < dev_count: - all_dev_batches.append(batch_data) - - if len(all_dev_batches) == dev_count: - for batch in all_dev_batches: - yield batch - all_dev_batches = [] - - return wrapper - - -def write_predictions(all_examples, all_features, all_results, n_best_size, - max_answer_length, do_lower_case, output_prediction_file, - output_nbest_file, output_null_log_odds_file, - version_2_with_negative, null_score_diff_threshold, - verbose, predict_file, evaluation_result_file): - """Write final predictions to the json file and log-odds of null if needed.""" - logger.info("Writing predictions to: %s" % (output_prediction_file)) - logger.info("Writing nbest to: %s" % (output_nbest_file)) - logger.info("Writing evaluation result to: %s" % (evaluation_result_file)) - - # load ground truth file for evaluation and post-edit - with open(predict_file, "r", encoding='utf-8') as reader: - predict_json = json.load(reader)["data"] - all_candidates = {} - for passage in predict_json: - passage_text = passage['passage']['text'] - candidates = [] - for entity_info in passage['passage']['entities']: - start_offset = entity_info['start'] - end_offset = entity_info['end'] - candidates.append(passage_text[start_offset: end_offset + 1]) - for qa in passage['qas']: - all_candidates[qa['id']] = candidates - - example_index_to_features = collections.defaultdict(list) - for feature in all_features: - example_index_to_features[feature.example_index].append(feature) - - unique_id_to_result = {} - for result in all_results: - unique_id_to_result[result.unique_id] = result - - _PrelimPrediction = collections.namedtuple( # pylint: disable=invalid-name - "PrelimPrediction", [ - "feature_index", "start_index", "end_index", "start_logit", - "end_logit" - ]) - - all_predictions = collections.OrderedDict() - all_nbest_json = collections.OrderedDict() - scores_diff_json = collections.OrderedDict() - - for (example_index, example) in enumerate(all_examples): - features = example_index_to_features[example_index] - - prelim_predictions = [] - # keep track of the minimum score of null start+end of position 0 - score_null = 1000000 # large and positive - min_null_feature_index = 0 # the paragraph slice with min mull score - null_start_logit = 0 # the start logit at the slice with min null score - null_end_logit = 0 # the end logit at the slice with min null score - for (feature_index, feature) in enumerate(features): - result = unique_id_to_result[feature.unique_id] - start_indexes = _get_best_indexes(result.start_logits, n_best_size) - end_indexes = _get_best_indexes(result.end_logits, n_best_size) - # if we could have irrelevant answers, get the min score of irrelevant - if version_2_with_negative: - feature_null_score = result.start_logits[0] + result.end_logits[ - 0] - if feature_null_score < score_null: - score_null = feature_null_score - min_null_feature_index = feature_index - null_start_logit = result.start_logits[0] - null_end_logit = result.end_logits[0] - for start_index in start_indexes: - for end_index in end_indexes: - # We could hypothetically create invalid predictions, e.g., predict - # that the start of the span is in the question. We throw out all - # invalid predictions. - if start_index >= len(feature.tokens): - continue - if end_index >= len(feature.tokens): - continue - if start_index not in feature.token_to_orig_map: - continue - if end_index not in feature.token_to_orig_map: - continue - if not feature.token_is_max_context.get(start_index, False): - continue - if end_index < start_index: - continue - length = end_index - start_index + 1 - if length > max_answer_length: - continue - prelim_predictions.append( - _PrelimPrediction( - feature_index=feature_index, - start_index=start_index, - end_index=end_index, - start_logit=result.start_logits[start_index], - end_logit=result.end_logits[end_index])) - - if version_2_with_negative: - prelim_predictions.append( - _PrelimPrediction( - feature_index=min_null_feature_index, - start_index=0, - end_index=0, - start_logit=null_start_logit, - end_logit=null_end_logit)) - prelim_predictions = sorted( - prelim_predictions, - key=lambda x: (x.start_logit + x.end_logit), - reverse=True) - - _NbestPrediction = collections.namedtuple( # pylint: disable=invalid-name - "NbestPrediction", ["text", "start_logit", "end_logit"]) - - seen_predictions = {} - nbest = [] - for pred in prelim_predictions: - if len(nbest) >= n_best_size: - break - feature = features[pred.feature_index] - if pred.start_index > 0: # this is a non-null prediction - tok_tokens = feature.tokens[pred.start_index:(pred.end_index + 1 - )] - orig_doc_start = feature.token_to_orig_map[pred.start_index] - orig_doc_end = feature.token_to_orig_map[pred.end_index] - orig_tokens = example.doc_tokens[orig_doc_start:(orig_doc_end + - 1)] - tok_text = " ".join(tok_tokens) - - # De-tokenize WordPieces that have been split off. - tok_text = tok_text.replace(" ##", "") - tok_text = tok_text.replace("##", "") - - # Clean whitespace - tok_text = tok_text.strip() - tok_text = " ".join(tok_text.split()) - orig_text = " ".join(orig_tokens) - - final_text = get_final_text(tok_text, orig_text, do_lower_case, - verbose) - if final_text in seen_predictions: - continue - - seen_predictions[final_text] = True - else: - final_text = "" - seen_predictions[final_text] = True - - nbest.append( - _NbestPrediction( - text=final_text, - start_logit=pred.start_logit, - end_logit=pred.end_logit)) - - # if we didn't inlude the empty option in the n-best, inlcude it - if version_2_with_negative: - if "" not in seen_predictions: - nbest.append( - _NbestPrediction( - text="", - start_logit=null_start_logit, - end_logit=null_end_logit)) - # In very rare edge cases we could have no valid predictions. So we - # just create a nonce prediction in this case to avoid failure. - if not nbest: - nbest.append( - _NbestPrediction( - text="empty", start_logit=0.0, end_logit=0.0)) - - assert len(nbest) >= 1 - - total_scores = [] - best_non_null_entry = None - for entry in nbest: - total_scores.append(entry.start_logit + entry.end_logit) - if not best_non_null_entry: - if entry.text: - best_non_null_entry = entry - # debug - if best_non_null_entry is None: - logger.info("Emmm..., sth wrong") - - probs = _compute_softmax(total_scores) - - nbest_json = [] - for (i, entry) in enumerate(nbest): - output = collections.OrderedDict() - output["text"] = entry.text - output["probability"] = probs[i] - output["start_logit"] = entry.start_logit - output["end_logit"] = entry.end_logit - nbest_json.append(output) - - assert len(nbest_json) >= 1 - - if not version_2_with_negative: - # restrict the finally picked prediction to have overlap with at least one candidate - picked_index = 0 - for pred_index in range(len(nbest_json)): - if any([f1_score(nbest_json[pred_index]['text'], candidate) > 0. for candidate in all_candidates[example.qas_id]]): - picked_index = pred_index - break - all_predictions[example.qas_id] = nbest_json[picked_index]["text"] - else: - # predict "" iff the null score - the score of best non-null > threshold - score_diff = score_null - best_non_null_entry.start_logit - ( - best_non_null_entry.end_logit) - scores_diff_json[example.qas_id] = score_diff - if score_diff > null_score_diff_threshold: - all_predictions[example.qas_id] = "" - else: - all_predictions[example.qas_id] = best_non_null_entry.text - - all_nbest_json[example.qas_id] = nbest_json - - with open(output_prediction_file, "w") as writer: - writer.write(json.dumps(all_predictions, indent=4) + "\n") - - with open(output_nbest_file, "w") as writer: - writer.write(json.dumps(all_nbest_json, indent=4) + "\n") - - if version_2_with_negative: - with open(output_null_log_odds_file, "w") as writer: - writer.write(json.dumps(scores_diff_json, indent=4) + "\n") - - eval_result, _ = evaluate(predict_json, all_predictions) - - with open(evaluation_result_file, "w") as writer: - writer.write(json.dumps(eval_result, indent=4) + "\n") - - return eval_result - -def get_final_text(pred_text, orig_text, do_lower_case, verbose): - """Project the tokenized prediction back to the original text.""" - - # When we created the data, we kept track of the alignment between original - # (whitespace tokenized) tokens and our WordPiece tokenized tokens. So - # now `orig_text` contains the span of our original text corresponding to the - # span that we predicted. - # - # However, `orig_text` may contain extra characters that we don't want in - # our prediction. - # - # For example, let's say: - # pred_text = steve smith - # orig_text = Steve Smith's - # - # We don't want to return `orig_text` because it contains the extra "'s". - # - # We don't want to return `pred_text` because it's already been normalized - # (the ReCoRD eval script also does punctuation stripping/lower casing but - # our tokenizer does additional normalization like stripping accent - # characters). - # - # What we really want to return is "Steve Smith". - # - # Therefore, we have to apply a semi-complicated alignment heruistic between - # `pred_text` and `orig_text` to get a character-to-charcter alignment. This - # can fail in certain cases in which case we just return `orig_text`. - - def _strip_spaces(text): - ns_chars = [] - ns_to_s_map = collections.OrderedDict() - for (i, c) in enumerate(text): - if c == " ": - continue - ns_to_s_map[len(ns_chars)] = i - ns_chars.append(c) - ns_text = "".join(ns_chars) - return (ns_text, ns_to_s_map) - - # We first tokenize `orig_text`, strip whitespace from the result - # and `pred_text`, and check if they are the same length. If they are - # NOT the same length, the heuristic has failed. If they are the same - # length, we assume the characters are one-to-one aligned. - tokenizer = tokenization.BasicTokenizer(do_lower_case=do_lower_case) - - tok_text = " ".join(tokenizer.tokenize(orig_text)) - - start_position = tok_text.find(pred_text) - if start_position == -1: - if verbose: - logger.info("Unable to find text: '%s' in '%s'" % (pred_text, orig_text)) - return orig_text - end_position = start_position + len(pred_text) - 1 - - (orig_ns_text, orig_ns_to_s_map) = _strip_spaces(orig_text) - (tok_ns_text, tok_ns_to_s_map) = _strip_spaces(tok_text) - - if len(orig_ns_text) != len(tok_ns_text): - if verbose: - logger.info("Length not equal after stripping spaces: '%s' vs '%s'", - orig_ns_text, tok_ns_text) - return orig_text - - # We then project the characters in `pred_text` back to `orig_text` using - # the character-to-character alignment. - tok_s_to_ns_map = {} - for (i, tok_index) in six.iteritems(tok_ns_to_s_map): - tok_s_to_ns_map[tok_index] = i - - orig_start_position = None - if start_position in tok_s_to_ns_map: - ns_start_position = tok_s_to_ns_map[start_position] - if ns_start_position in orig_ns_to_s_map: - orig_start_position = orig_ns_to_s_map[ns_start_position] - - if orig_start_position is None: - if verbose: - logger.info("Couldn't map start position") - return orig_text - - orig_end_position = None - if end_position in tok_s_to_ns_map: - ns_end_position = tok_s_to_ns_map[end_position] - if ns_end_position in orig_ns_to_s_map: - orig_end_position = orig_ns_to_s_map[ns_end_position] - - if orig_end_position is None: - if verbose: - logger.info("Couldn't map end position") - return orig_text - - output_text = orig_text[orig_start_position:(orig_end_position + 1)] - return output_text - - -def _get_best_indexes(logits, n_best_size): - """Get the n-best logits from a list.""" - index_and_score = sorted( - enumerate(logits), key=lambda x: x[1], reverse=True) - - best_indexes = [] - for i in range(len(index_and_score)): - if i >= n_best_size: - break - best_indexes.append(index_and_score[i][0]) - return best_indexes - - -def _compute_softmax(scores): - """Compute softmax probability over raw logits.""" - if not scores: - return [] - - max_score = None - for score in scores: - if max_score is None or score > max_score: - max_score = score - - exp_scores = [] - total_sum = 0.0 - for score in scores: - x = math.exp(score - max_score) - exp_scores.append(x) - total_sum += x - - probs = [] - for score in exp_scores: - probs.append(score / total_sum) - return probs diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/reader/squad.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/reader/squad.py deleted file mode 100644 index d05dcf45ede168db6f3f2ce092d858904b76f655..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/reader/squad.py +++ /dev/null @@ -1,1034 +0,0 @@ -# coding=utf-8 -# Copyright 2018 The Google AI Language Team Authors. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Run BERT on SQuAD 1.1 and SQuAD 2.0.""" - -import six -import math -import json -import random -import collections -import os -import pickle -import logging -import tokenization -from batching import prepare_batch_data - -from eval.squad_v1_official_evaluate import evaluate - -logging.basicConfig(format = '%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt = '%m/%d/%Y %H:%M:%S', - level = logging.INFO) -logging.getLogger().setLevel(logging.INFO) -logger = logging.getLogger(__name__) - -class SquadExample(object): - """A single training/test example for simple sequence classification. - - For examples without an answer, the start and end position are -1. - """ - - def __init__(self, - qas_id, - question_text, - doc_tokens, - orig_answer_text=None, - start_position=None, - end_position=None, - is_impossible=False): - self.qas_id = qas_id - self.question_text = question_text - self.doc_tokens = doc_tokens - self.orig_answer_text = orig_answer_text - self.start_position = start_position - self.end_position = end_position - self.is_impossible = is_impossible - - def __str__(self): - return self.__repr__() - - def __repr__(self): - s = "" - s += "qas_id: %s" % (tokenization.printable_text(self.qas_id)) - s += ", question_text: %s" % ( - tokenization.printable_text(self.question_text)) - s += ", doc_tokens: [%s]" % (" ".join(self.doc_tokens)) - if self.start_position: - s += ", start_position: %d" % (self.start_position) - if self.start_position: - s += ", end_position: %d" % (self.end_position) - if self.start_position: - s += ", is_impossible: %r" % (self.is_impossible) - return s - - -class InputFeatures(object): - """A single set of features of data.""" - - def __init__(self, - unique_id, - example_index, - doc_span_index, - tokens, - token_to_orig_map, - token_is_max_context, - input_ids, - input_mask, - segment_ids, - concept_ids, - start_position=None, - end_position=None, - is_impossible=None): - self.unique_id = unique_id - self.example_index = example_index - self.doc_span_index = doc_span_index - self.tokens = tokens - self.token_to_orig_map = token_to_orig_map - self.token_is_max_context = token_is_max_context - self.input_ids = input_ids - self.input_mask = input_mask - self.segment_ids = segment_ids - self.start_position = start_position - self.end_position = end_position - self.is_impossible = is_impossible - self.concept_ids = concept_ids - - -def read_squad_examples(input_file, is_training, version_2_with_negative=False): - """Read a SQuAD json file into a list of SquadExample.""" - with open(input_file, "r") as reader: - input_data = json.load(reader)["data"] - - def is_whitespace(c): - if c == " " or c == "\t" or c == "\r" or c == "\n" or ord(c) == 0x202F: - return True - return False - - examples = [] - for entry in input_data: - for paragraph in entry["paragraphs"]: - paragraph_text = paragraph["context"] - doc_tokens = [] - char_to_word_offset = [] - prev_is_whitespace = True - for c in paragraph_text: - if is_whitespace(c): - prev_is_whitespace = True - else: - if prev_is_whitespace: - doc_tokens.append(c) - else: - doc_tokens[-1] += c - prev_is_whitespace = False - char_to_word_offset.append(len(doc_tokens) - 1) - - for qa in paragraph["qas"]: - qas_id = qa["id"] - question_text = qa["question"] - start_position = None - end_position = None - orig_answer_text = None - is_impossible = False - if is_training: - - if version_2_with_negative: - is_impossible = qa["is_impossible"] - if (len(qa["answers"]) != 1) and (not is_impossible): - raise ValueError( - "For training, each question should have exactly 1 answer." - ) - if not is_impossible: - answer = qa["answers"][0] - orig_answer_text = answer["text"] - answer_offset = answer["answer_start"] - answer_length = len(orig_answer_text) - start_position = char_to_word_offset[answer_offset] - end_position = char_to_word_offset[answer_offset + - answer_length - 1] - # Only add answers where the text can be exactly recovered from the - # document. If this CAN'T happen it's likely due to weird Unicode - # stuff so we will just skip the example. - # - # Note that this means for training mode, every example is NOT - # guaranteed to be preserved. - actual_text = " ".join(doc_tokens[start_position:( - end_position + 1)]) - cleaned_answer_text = " ".join( - tokenization.whitespace_tokenize(orig_answer_text)) - if actual_text.find(cleaned_answer_text) == -1: - logger.info("Could not find answer: '%s' vs. '%s'", - actual_text, cleaned_answer_text) - continue - else: - start_position = -1 - end_position = -1 - orig_answer_text = "" - - example = SquadExample( - qas_id=qas_id, - question_text=question_text, - doc_tokens=doc_tokens, - orig_answer_text=orig_answer_text, - start_position=start_position, - end_position=end_position, - is_impossible=is_impossible) - examples.append(example) - - return examples - -class Examples_To_Features_Converter(object): - def __init__(self, **concept_settings): - self.concept_settings = concept_settings - - # load necessary data files for mapping to related concepts - # 1. mapping from subword-level tokenization to word-level tokenization - tokenization_filepath = self.concept_settings['tokenization_path'] - assert os.path.exists(tokenization_filepath) - self.all_tokenization_info = {} - for item in pickle.load(open(tokenization_filepath, 'rb')): - self.all_tokenization_info[item['id']] = item - - # 2. mapping from concept name to concept id (currently only support one KB) - self.concept2id = self.concept_settings['concept2id'] - - # 3. retrieved related wordnet concepts (if use_wordnet) - if concept_settings['use_wordnet']: - assert not self.concept_settings['use_nell'] - retrieved_synset_filepath = self.concept_settings['retrieved_synset_path'] - assert os.path.exists(retrieved_synset_filepath) - self.synsets_info = pickle.load(open(retrieved_synset_filepath, 'rb')) # token to sysnet names - self.max_concept_length = max([len(synsets) for synsets in self.synsets_info.values()]) - - # 4. retrieved related nell concepts (if use_nell) - if concept_settings['use_nell']: - assert not self.concept_settings['use_wordnet'] - retrieved_nell_concept_filepath = self.concept_settings['retrieved_nell_concept_path'] - assert os.path.exists(retrieved_nell_concept_filepath) - self.nell_retrieve_info = {} - for item in pickle.load(open(retrieved_nell_concept_filepath, 'rb')): - self.nell_retrieve_info[item['id']] = item - self.max_concept_length = max([max([len(entity_info['retrieved_concepts']) for entity_info in item['query_entities'] + item['document_entities']]) - for qid, item in self.nell_retrieve_info.items() if len(item['query_entities'] + item['document_entities']) > 0]) - - # return list of concept ids given input subword list - def _lookup_wordnet_concept_ids(self, sub_tokens, sub_to_ori_index, tokens, tolower, tokenizer): - concept_ids = [] - for index in range(len(sub_tokens)): - original_token = tokens[sub_to_ori_index[index]] - # if tokens are in upper case, we must lower it for retrieving - retrieve_token = tokenizer.basic_tokenizer._run_strip_accents(original_token.lower()) if tolower else original_token - if retrieve_token in self.synsets_info: - concept_ids.append([self.concept2id[synset_name] for synset_name in self.synsets_info[retrieve_token]]) - else: - concept_ids.append([]) - return concept_ids - - def _lookup_nell_concept_ids(self, sub_tokens, sub_to_ori_index, tokens, nell_info): - original_concept_ids = [[] for _ in range(len(tokens))] - for entity_info in nell_info: - for pos in range(entity_info['token_start'], entity_info['token_end'] + 1): - original_concept_ids[pos] += [self.concept2id[category_name] for category_name in entity_info['retrieved_concepts']] - for pos in range(len(original_concept_ids)): - original_concept_ids[pos] = list(set(original_concept_ids[pos])) - concept_ids = [original_concept_ids[sub_to_ori_index[index]] for index in range(len(sub_tokens))] - return concept_ids - - def __call__(self, - examples, - tokenizer, - max_seq_length, - doc_stride, - max_query_length, - is_training): - """Loads a data file into a list of `InputBatch`s.""" - - unique_id = 1000000000 - - for (example_index, example) in enumerate(examples): - tokenization_info = self.all_tokenization_info[example.qas_id] - query_tokens = tokenizer.tokenize(example.question_text) - # check online subword tokenization result is the same as offline result - assert query_tokens == tokenization_info['query_subtokens'] - if self.concept_settings['use_wordnet']: - query_concepts = self._lookup_wordnet_concept_ids(query_tokens, tokenization_info['query_sub_to_ori_index'], - tokenization_info['query_tokens'], - tolower=tokenizer.basic_tokenizer.do_lower_case == False, tokenizer=tokenizer) # if tolower is True, tokenizer must be given - - if self.concept_settings['use_nell']: - query_concepts = self._lookup_nell_concept_ids(query_tokens, tokenization_info['query_sub_to_ori_index'], - tokenization_info['query_tokens'], self.nell_retrieve_info[example.qas_id]['query_entities']) - - if len(query_tokens) > max_query_length: - query_tokens = query_tokens[0:max_query_length] - query_concepts = query_concepts[0:max_query_length] - - tok_to_orig_index = [] - orig_to_tok_index = [] - all_doc_tokens = [] - for (i, token) in enumerate(example.doc_tokens): - orig_to_tok_index.append(len(all_doc_tokens)) - sub_tokens = tokenizer.tokenize(token) - for sub_token in sub_tokens: - tok_to_orig_index.append(i) - all_doc_tokens.append(sub_token) - assert all_doc_tokens == tokenization_info['document_subtokens'] - if self.concept_settings['use_wordnet']: - doc_concepts = self._lookup_wordnet_concept_ids(all_doc_tokens, tokenization_info['document_sub_to_ori_index'], - tokenization_info['document_tokens'], - tolower=tokenizer.basic_tokenizer.do_lower_case == False, tokenizer=tokenizer) # if tolower is True, tokenizer must be given - - if self.concept_settings['use_nell']: - doc_concepts = self._lookup_nell_concept_ids(all_doc_tokens, tokenization_info['document_sub_to_ori_index'], - tokenization_info['document_tokens'], self.nell_retrieve_info[example.qas_id]['document_entities']) - - tok_start_position = None - tok_end_position = None - if is_training and example.is_impossible: - tok_start_position = -1 - tok_end_position = -1 - if is_training and not example.is_impossible: - tok_start_position = orig_to_tok_index[example.start_position] - if example.end_position < len(example.doc_tokens) - 1: - tok_end_position = orig_to_tok_index[example.end_position + - 1] - 1 - else: - tok_end_position = len(all_doc_tokens) - 1 - (tok_start_position, tok_end_position) = _improve_answer_span( - all_doc_tokens, tok_start_position, tok_end_position, tokenizer, - example.orig_answer_text) - - # The -3 accounts for [CLS], [SEP] and [SEP] - max_tokens_for_doc = max_seq_length - len(query_tokens) - 3 - - # We can have documents that are longer than the maximum sequence length. - # To deal with this we do a sliding window approach, where we take chunks - # of the up to our max length with a stride of `doc_stride`. - _DocSpan = collections.namedtuple( # pylint: disable=invalid-name - "DocSpan", ["start", "length"]) - doc_spans = [] - start_offset = 0 - while start_offset < len(all_doc_tokens): - length = len(all_doc_tokens) - start_offset - if length > max_tokens_for_doc: - length = max_tokens_for_doc - doc_spans.append(_DocSpan(start=start_offset, length=length)) - if start_offset + length == len(all_doc_tokens): - break - start_offset += min(length, doc_stride) - - for (doc_span_index, doc_span) in enumerate(doc_spans): - tokens = [] - token_to_orig_map = {} - token_is_max_context = {} - segment_ids = [] - concept_ids = [] - - tokens.append("[CLS]") - segment_ids.append(0) - concept_ids.append([]) - for token, query_concept in zip(query_tokens, query_concepts): - tokens.append(token) - segment_ids.append(0) - concept_ids.append(query_concept) - tokens.append("[SEP]") - segment_ids.append(0) - concept_ids.append([]) - - for i in range(doc_span.length): - split_token_index = doc_span.start + i - token_to_orig_map[len(tokens)] = tok_to_orig_index[split_token_index] - - is_max_context = _check_is_max_context(doc_spans, doc_span_index, - split_token_index) - token_is_max_context[len(tokens)] = is_max_context - tokens.append(all_doc_tokens[split_token_index]) - segment_ids.append(1) - concept_ids.append(doc_concepts[split_token_index]) - tokens.append("[SEP]") - segment_ids.append(1) - concept_ids.append([]) - - input_ids = tokenizer.convert_tokens_to_ids(tokens) - - # The mask has 1 for real tokens and 0 for padding tokens. Only real - # tokens are attended to. - input_mask = [1] * len(input_ids) - - # Zero-pad up to the sequence length. - #while len(input_ids) < max_seq_length: - # input_ids.append(0) - # input_mask.append(0) - # segment_ids.append(0) - - #assert len(input_ids) == max_seq_length - #assert len(input_mask) == max_seq_length - #assert len(segment_ids) == max_seq_length - - for cindex in range(len(concept_ids)): - concept_ids[cindex] = concept_ids[cindex] + [0] * (self.max_concept_length - len(concept_ids[cindex])) - concept_ids[cindex] = concept_ids[cindex][:self.max_concept_length] - assert all([len(id_list) == self.max_concept_length for id_list in concept_ids]) - - start_position = None - end_position = None - if is_training and not example.is_impossible: - # For training, if our document chunk does not contain an annotation - # we throw it out, since there is nothing to predict. - doc_start = doc_span.start - doc_end = doc_span.start + doc_span.length - 1 - # out_of_span = False - if not (tok_start_position >= doc_start and - tok_end_position <= doc_end): - continue - # out_of_span = True - # if out_of_span: - # start_position = 0 - # end_position = 0 - # else: - # doc_offset = len(query_tokens) + 2 - # start_position = tok_start_position - doc_start + doc_offset - # end_position = tok_end_position - doc_start + doc_offset - doc_offset = len(query_tokens) + 2 - start_position = tok_start_position - doc_start + doc_offset - end_position = tok_end_position - doc_start + doc_offset - - if is_training and example.is_impossible: - start_position = 0 - end_position = 0 - - if example_index < 3: - logger.info("*** Example ***") - logger.info("unique_id: %s" % (unique_id)) - logger.info("example_index: %s" % (example_index)) - logger.info("doc_span_index: %s" % (doc_span_index)) - logger.info("tokens: %s" % " ".join( - [tokenization.printable_text(x) for x in tokens])) - logger.info("token_to_orig_map: %s" % " ".join([ - "%d:%d" % (x, y) - for (x, y) in six.iteritems(token_to_orig_map) - ])) - logger.info("token_is_max_context: %s" % " ".join([ - "%d:%s" % (x, y) - for (x, y) in six.iteritems(token_is_max_context) - ])) - logger.info("input_ids: %s" % " ".join([str(x) for x in input_ids])) - logger.info("input_mask: %s" % " ".join([str(x) for x in input_mask])) - logger.info("segment_ids: %s" % - " ".join([str(x) for x in segment_ids])) - logger.info("concept_ids: %s" % " ".join(["{}:{}".format(tidx, list(filter(lambda index:index != 0, x))) for tidx, x in enumerate(concept_ids)])) - if is_training and example.is_impossible: - logger.info("impossible example") - if is_training and not example.is_impossible: - answer_text = " ".join(tokens[start_position:(end_position + - 1)]) - logger.info("start_position: %d" % (start_position)) - logger.info("end_position: %d" % (end_position)) - logger.info("answer: %s" % - (tokenization.printable_text(answer_text))) - - feature = InputFeatures( - unique_id=unique_id, - example_index=example_index, - doc_span_index=doc_span_index, - tokens=tokens, - token_to_orig_map=token_to_orig_map, - token_is_max_context=token_is_max_context, - input_ids=input_ids, - input_mask=input_mask, - segment_ids=segment_ids, - concept_ids=concept_ids, - start_position=start_position, - end_position=end_position, - is_impossible=example.is_impossible) - - unique_id += 1 - - yield feature - - -def _improve_answer_span(doc_tokens, input_start, input_end, tokenizer, - orig_answer_text): - """Returns tokenized answer spans that better match the annotated answer.""" - - # The SQuAD annotations are character based. We first project them to - # whitespace-tokenized words. But then after WordPiece tokenization, we can - # often find a "better match". For example: - # - # Question: What year was John Smith born? - # Context: The leader was John Smith (1895-1943). - # Answer: 1895 - # - # The original whitespace-tokenized answer will be "(1895-1943).". However - # after tokenization, our tokens will be "( 1895 - 1943 ) .". So we can match - # the exact answer, 1895. - # - # However, this is not always possible. Consider the following: - # - # Question: What country is the top exporter of electornics? - # Context: The Japanese electronics industry is the lagest in the world. - # Answer: Japan - # - # In this case, the annotator chose "Japan" as a character sub-span of - # the word "Japanese". Since our WordPiece tokenizer does not split - # "Japanese", we just use "Japanese" as the annotation. This is fairly rare - # in SQuAD, but does happen. - tok_answer_text = " ".join(tokenizer.tokenize(orig_answer_text)) - - for new_start in range(input_start, input_end + 1): - for new_end in range(input_end, new_start - 1, -1): - text_span = " ".join(doc_tokens[new_start:(new_end + 1)]) - if text_span == tok_answer_text: - return (new_start, new_end) - - return (input_start, input_end) - - -def _check_is_max_context(doc_spans, cur_span_index, position): - """Check if this is the 'max context' doc span for the token.""" - - # Because of the sliding window approach taken to scoring documents, a single - # token can appear in multiple documents. E.g. - # Doc: the man went to the store and bought a gallon of milk - # Span A: the man went to the - # Span B: to the store and bought - # Span C: and bought a gallon of - # ... - # - # Now the word 'bought' will have two scores from spans B and C. We only - # want to consider the score with "maximum context", which we define as - # the *minimum* of its left and right context (the *sum* of left and - # right context will always be the same, of course). - # - # In the example the maximum context for 'bought' would be span C since - # it has 1 left context and 3 right context, while span B has 4 left context - # and 0 right context. - best_score = None - best_span_index = None - for (span_index, doc_span) in enumerate(doc_spans): - end = doc_span.start + doc_span.length - 1 - if position < doc_span.start: - continue - if position > end: - continue - num_left_context = position - doc_span.start - num_right_context = end - position - score = min(num_left_context, - num_right_context) + 0.01 * doc_span.length - if best_score is None or score > best_score: - best_score = score - best_span_index = span_index - - return cur_span_index == best_span_index - - -class DataProcessor(object): - def __init__(self, vocab_path, do_lower_case, max_seq_length, in_tokens, - doc_stride, max_query_length): - self._tokenizer = tokenization.FullTokenizer( - vocab_file=vocab_path, do_lower_case=do_lower_case) - self._max_seq_length = max_seq_length - self._doc_stride = doc_stride - self._max_query_length = max_query_length - self._in_tokens = in_tokens - - self.vocab = self._tokenizer.vocab - self.vocab_size = len(self.vocab) - self.pad_id = self.vocab["[PAD]"] - self.cls_id = self.vocab["[CLS]"] - self.sep_id = self.vocab["[SEP]"] - self.mask_id = self.vocab["[MASK]"] - - self.current_train_example = -1 - self.num_train_examples = -1 - self.current_train_epoch = -1 - - self.train_examples = None - self.predict_examples = None - self.num_examples = {'train': -1, 'predict': -1} - - self.train_max_concept_length = None - self.predict_max_concept_length = None - - def get_train_progress(self): - """Gets progress for training phase.""" - return self.current_train_example, self.current_train_epoch - - def get_examples(self, - data_path, - is_training, - version_2_with_negative=False): - examples = read_squad_examples( - input_file=data_path, - is_training=is_training, - version_2_with_negative=version_2_with_negative) - return examples - - def get_num_examples(self, phase): - if phase not in ['train', 'predict']: - raise ValueError( - "Unknown phase, which should be in ['train', 'predict'].") - return self.num_examples[phase] - - def get_features(self, examples, is_training, **concept_settings): - convert_examples_to_features = Examples_To_Features_Converter(**concept_settings) - features = convert_examples_to_features( - examples=examples, - tokenizer=self._tokenizer, - max_seq_length=self._max_seq_length, - doc_stride=self._doc_stride, - max_query_length=self._max_query_length, - is_training=is_training) - return features - - def data_generator(self, - data_path, - batch_size, - phase='train', - shuffle=False, - dev_count=1, - version_2_with_negative=False, - epoch=1, - **concept_settings): - if phase == 'train': - self.train_examples = self.get_examples( - data_path, - is_training=True, - version_2_with_negative=version_2_with_negative) - examples = self.train_examples - self.num_examples['train'] = len(self.train_examples) - elif phase == 'predict': - self.predict_examples = self.get_examples( - data_path, - is_training=False, - version_2_with_negative=version_2_with_negative) - examples = self.predict_examples - self.num_examples['predict'] = len(self.predict_examples) - else: - raise ValueError( - "Unknown phase, which should be in ['train', 'predict'].") - - def batch_reader(features, batch_size, in_tokens): - batch, total_token_num, max_len = [], 0, 0 - for (index, feature) in enumerate(features): - if phase == 'train': - self.current_train_example = index + 1 - seq_len = len(feature.input_ids) - labels = [feature.unique_id - ] if feature.start_position is None else [ - feature.start_position, feature.end_position - ] - example = [ - # feature.input_ids, feature.segment_ids, range(seq_len), feature.concept_ids - feature.input_ids, feature.segment_ids, range(384), feature.concept_ids - ] + labels - max_len = max(max_len, seq_len) - - #max_len = max(max_len, len(token_ids)) - if in_tokens: - to_append = (len(batch) + 1) * max_len <= batch_size - else: - to_append = len(batch) < batch_size - - if to_append: - batch.append(example) - total_token_num += seq_len - else: - yield batch, total_token_num - batch, total_token_num, max_len = [example - ], seq_len, seq_len - if len(batch) > 0: - yield batch, total_token_num - - if phase == 'train': - self.train_max_concept_length = Examples_To_Features_Converter(**concept_settings).max_concept_length - else: - self.predict_max_concept_length = Examples_To_Features_Converter(**concept_settings).max_concept_length - - def wrapper(): - for epoch_index in range(epoch): - if shuffle: - random.shuffle(examples) - if phase == 'train': - self.current_train_epoch = epoch_index - features = self.get_features(examples, is_training=True, **concept_settings) - max_concept_length = self.train_max_concept_length - else: - features = self.get_features(examples, is_training=False, **concept_settings) - max_concept_length = self.predict_max_concept_length - - all_dev_batches = [] - for batch_data, total_token_num in batch_reader( - features, batch_size, self._in_tokens): - batch_data = prepare_batch_data( - batch_data, - total_token_num, - voc_size=-1, - pad_id=self.pad_id, - cls_id=self.cls_id, - sep_id=self.sep_id, - mask_id=-1, - return_input_mask=True, - return_max_len=False, - return_num_token=False, - max_concept_length=max_concept_length) - if len(all_dev_batches) < dev_count: - all_dev_batches.append(batch_data) - - if len(all_dev_batches) == dev_count: - for batch in all_dev_batches: - yield batch - all_dev_batches = [] - - return wrapper - - -def write_predictions(all_examples, all_features, all_results, n_best_size, - max_answer_length, do_lower_case, output_prediction_file, - output_nbest_file, output_null_log_odds_file, - version_2_with_negative, null_score_diff_threshold, - verbose, predict_file, evaluation_result_file): - """Write final predictions to the json file and log-odds of null if needed.""" - logger.info("Writing predictions to: %s" % (output_prediction_file)) - logger.info("Writing nbest to: %s" % (output_nbest_file)) - logger.info("Writing evaluation result to: %s" % (evaluation_result_file)) - - # load ground truth file for evaluation and post-edit - with open(predict_file, "r", encoding='utf-8') as reader: - predict_json = json.load(reader)["data"] - - example_index_to_features = collections.defaultdict(list) - for feature in all_features: - example_index_to_features[feature.example_index].append(feature) - - unique_id_to_result = {} - for result in all_results: - unique_id_to_result[result.unique_id] = result - - _PrelimPrediction = collections.namedtuple( # pylint: disable=invalid-name - "PrelimPrediction", [ - "feature_index", "start_index", "end_index", "start_logit", - "end_logit" - ]) - - all_predictions = collections.OrderedDict() - all_nbest_json = collections.OrderedDict() - scores_diff_json = collections.OrderedDict() - - for (example_index, example) in enumerate(all_examples): - features = example_index_to_features[example_index] - - prelim_predictions = [] - # keep track of the minimum score of null start+end of position 0 - score_null = 1000000 # large and positive - min_null_feature_index = 0 # the paragraph slice with min mull score - null_start_logit = 0 # the start logit at the slice with min null score - null_end_logit = 0 # the end logit at the slice with min null score - for (feature_index, feature) in enumerate(features): - result = unique_id_to_result[feature.unique_id] - start_indexes = _get_best_indexes(result.start_logits, n_best_size) - end_indexes = _get_best_indexes(result.end_logits, n_best_size) - # if we could have irrelevant answers, get the min score of irrelevant - if version_2_with_negative: - feature_null_score = result.start_logits[0] + result.end_logits[ - 0] - if feature_null_score < score_null: - score_null = feature_null_score - min_null_feature_index = feature_index - null_start_logit = result.start_logits[0] - null_end_logit = result.end_logits[0] - for start_index in start_indexes: - for end_index in end_indexes: - # We could hypothetically create invalid predictions, e.g., predict - # that the start of the span is in the question. We throw out all - # invalid predictions. - if start_index >= len(feature.tokens): - continue - if end_index >= len(feature.tokens): - continue - if start_index not in feature.token_to_orig_map: - continue - if end_index not in feature.token_to_orig_map: - continue - if not feature.token_is_max_context.get(start_index, False): - continue - if end_index < start_index: - continue - length = end_index - start_index + 1 - if length > max_answer_length: - continue - prelim_predictions.append( - _PrelimPrediction( - feature_index=feature_index, - start_index=start_index, - end_index=end_index, - start_logit=result.start_logits[start_index], - end_logit=result.end_logits[end_index])) - - if version_2_with_negative: - prelim_predictions.append( - _PrelimPrediction( - feature_index=min_null_feature_index, - start_index=0, - end_index=0, - start_logit=null_start_logit, - end_logit=null_end_logit)) - prelim_predictions = sorted( - prelim_predictions, - key=lambda x: (x.start_logit + x.end_logit), - reverse=True) - - _NbestPrediction = collections.namedtuple( # pylint: disable=invalid-name - "NbestPrediction", ["text", "start_logit", "end_logit"]) - - seen_predictions = {} - nbest = [] - for pred in prelim_predictions: - if len(nbest) >= n_best_size: - break - feature = features[pred.feature_index] - if pred.start_index > 0: # this is a non-null prediction - tok_tokens = feature.tokens[pred.start_index:(pred.end_index + 1 - )] - orig_doc_start = feature.token_to_orig_map[pred.start_index] - orig_doc_end = feature.token_to_orig_map[pred.end_index] - orig_tokens = example.doc_tokens[orig_doc_start:(orig_doc_end + - 1)] - tok_text = " ".join(tok_tokens) - - # De-tokenize WordPieces that have been split off. - tok_text = tok_text.replace(" ##", "") - tok_text = tok_text.replace("##", "") - - # Clean whitespace - tok_text = tok_text.strip() - tok_text = " ".join(tok_text.split()) - orig_text = " ".join(orig_tokens) - - final_text = get_final_text(tok_text, orig_text, do_lower_case, - verbose) - if final_text in seen_predictions: - continue - - seen_predictions[final_text] = True - else: - final_text = "" - seen_predictions[final_text] = True - - nbest.append( - _NbestPrediction( - text=final_text, - start_logit=pred.start_logit, - end_logit=pred.end_logit)) - - # if we didn't inlude the empty option in the n-best, inlcude it - if version_2_with_negative: - if "" not in seen_predictions: - nbest.append( - _NbestPrediction( - text="", - start_logit=null_start_logit, - end_logit=null_end_logit)) - # In very rare edge cases we could have no valid predictions. So we - # just create a nonce prediction in this case to avoid failure. - if not nbest: - nbest.append( - _NbestPrediction( - text="empty", start_logit=0.0, end_logit=0.0)) - - assert len(nbest) >= 1 - - total_scores = [] - best_non_null_entry = None - for entry in nbest: - total_scores.append(entry.start_logit + entry.end_logit) - if not best_non_null_entry: - if entry.text: - best_non_null_entry = entry - # debug - if best_non_null_entry is None: - logger.info("Emmm..., sth wrong") - - probs = _compute_softmax(total_scores) - - nbest_json = [] - for (i, entry) in enumerate(nbest): - output = collections.OrderedDict() - output["text"] = entry.text - output["probability"] = probs[i] - output["start_logit"] = entry.start_logit - output["end_logit"] = entry.end_logit - nbest_json.append(output) - - assert len(nbest_json) >= 1 - - if not version_2_with_negative: - all_predictions[example.qas_id] = nbest_json[0]["text"] - else: - # predict "" iff the null score - the score of best non-null > threshold - score_diff = score_null - best_non_null_entry.start_logit - ( - best_non_null_entry.end_logit) - scores_diff_json[example.qas_id] = score_diff - if score_diff > null_score_diff_threshold: - all_predictions[example.qas_id] = "" - else: - all_predictions[example.qas_id] = best_non_null_entry.text - - all_nbest_json[example.qas_id] = nbest_json - - with open(output_prediction_file, "w") as writer: - writer.write(json.dumps(all_predictions, indent=4) + "\n") - - with open(output_nbest_file, "w") as writer: - writer.write(json.dumps(all_nbest_json, indent=4) + "\n") - - if version_2_with_negative: - with open(output_null_log_odds_file, "w") as writer: - writer.write(json.dumps(scores_diff_json, indent=4) + "\n") - - eval_result = evaluate(predict_json, all_predictions) - - with open(evaluation_result_file, "w") as writer: - writer.write(json.dumps(eval_result, indent=4) + "\n") - - return eval_result - -def get_final_text(pred_text, orig_text, do_lower_case, verbose): - """Project the tokenized prediction back to the original text.""" - - # When we created the data, we kept track of the alignment between original - # (whitespace tokenized) tokens and our WordPiece tokenized tokens. So - # now `orig_text` contains the span of our original text corresponding to the - # span that we predicted. - # - # However, `orig_text` may contain extra characters that we don't want in - # our prediction. - # - # For example, let's say: - # pred_text = steve smith - # orig_text = Steve Smith's - # - # We don't want to return `orig_text` because it contains the extra "'s". - # - # We don't want to return `pred_text` because it's already been normalized - # (the SQuAD eval script also does punctuation stripping/lower casing but - # our tokenizer does additional normalization like stripping accent - # characters). - # - # What we really want to return is "Steve Smith". - # - # Therefore, we have to apply a semi-complicated alignment heruistic between - # `pred_text` and `orig_text` to get a character-to-charcter alignment. This - # can fail in certain cases in which case we just return `orig_text`. - - def _strip_spaces(text): - ns_chars = [] - ns_to_s_map = collections.OrderedDict() - for (i, c) in enumerate(text): - if c == " ": - continue - ns_to_s_map[len(ns_chars)] = i - ns_chars.append(c) - ns_text = "".join(ns_chars) - return (ns_text, ns_to_s_map) - - # We first tokenize `orig_text`, strip whitespace from the result - # and `pred_text`, and check if they are the same length. If they are - # NOT the same length, the heuristic has failed. If they are the same - # length, we assume the characters are one-to-one aligned. - tokenizer = tokenization.BasicTokenizer(do_lower_case=do_lower_case) - - tok_text = " ".join(tokenizer.tokenize(orig_text)) - - start_position = tok_text.find(pred_text) - if start_position == -1: - if verbose: - logger.info("Unable to find text: '%s' in '%s'" % (pred_text, orig_text)) - return orig_text - end_position = start_position + len(pred_text) - 1 - - (orig_ns_text, orig_ns_to_s_map) = _strip_spaces(orig_text) - (tok_ns_text, tok_ns_to_s_map) = _strip_spaces(tok_text) - - if len(orig_ns_text) != len(tok_ns_text): - if verbose: - logger.info("Length not equal after stripping spaces: '%s' vs '%s'", - orig_ns_text, tok_ns_text) - return orig_text - - # We then project the characters in `pred_text` back to `orig_text` using - # the character-to-character alignment. - tok_s_to_ns_map = {} - for (i, tok_index) in six.iteritems(tok_ns_to_s_map): - tok_s_to_ns_map[tok_index] = i - - orig_start_position = None - if start_position in tok_s_to_ns_map: - ns_start_position = tok_s_to_ns_map[start_position] - if ns_start_position in orig_ns_to_s_map: - orig_start_position = orig_ns_to_s_map[ns_start_position] - - if orig_start_position is None: - if verbose: - logger.info("Couldn't map start position") - return orig_text - - orig_end_position = None - if end_position in tok_s_to_ns_map: - ns_end_position = tok_s_to_ns_map[end_position] - if ns_end_position in orig_ns_to_s_map: - orig_end_position = orig_ns_to_s_map[ns_end_position] - - if orig_end_position is None: - if verbose: - logger.info("Couldn't map end position") - return orig_text - - output_text = orig_text[orig_start_position:(orig_end_position + 1)] - return output_text - - -def _get_best_indexes(logits, n_best_size): - """Get the n-best logits from a list.""" - index_and_score = sorted( - enumerate(logits), key=lambda x: x[1], reverse=True) - - best_indexes = [] - for i in range(len(index_and_score)): - if i >= n_best_size: - break - best_indexes.append(index_and_score[i][0]) - return best_indexes - - -def _compute_softmax(scores): - """Compute softmax probability over raw logits.""" - if not scores: - return [] - - max_score = None - for score in scores: - if max_score is None or score > max_score: - max_score = score - - exp_scores = [] - total_sum = 0.0 - for score in scores: - x = math.exp(score - max_score) - exp_scores.append(x) - total_sum += x - - probs = [] - for score in exp_scores: - probs.append(score / total_sum) - return probs diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/reader/squad_twomemory.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/reader/squad_twomemory.py deleted file mode 100644 index 32b522ed3df1b833d9bff25e4056a9c4310740cb..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/reader/squad_twomemory.py +++ /dev/null @@ -1,1053 +0,0 @@ -# coding=utf-8 -# Copyright 2018 The Google AI Language Team Authors. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Run BERT on SQuAD 1.1 and SQuAD 2.0.""" - -import six -import math -import json -import random -import collections -import os -import pickle -import logging -import tokenization -from batching_twomemory import prepare_batch_data - -from eval.squad_v1_official_evaluate import evaluate - -logging.basicConfig(format = '%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt = '%m/%d/%Y %H:%M:%S', - level = logging.INFO) -logging.getLogger().setLevel(logging.INFO) -logger = logging.getLogger(__name__) - -class SquadExample(object): - """A single training/test example for simple sequence classification. - - For examples without an answer, the start and end position are -1. - """ - - def __init__(self, - qas_id, - question_text, - doc_tokens, - orig_answer_text=None, - start_position=None, - end_position=None, - is_impossible=False): - self.qas_id = qas_id - self.question_text = question_text - self.doc_tokens = doc_tokens - self.orig_answer_text = orig_answer_text - self.start_position = start_position - self.end_position = end_position - self.is_impossible = is_impossible - - def __str__(self): - return self.__repr__() - - def __repr__(self): - s = "" - s += "qas_id: %s" % (tokenization.printable_text(self.qas_id)) - s += ", question_text: %s" % ( - tokenization.printable_text(self.question_text)) - s += ", doc_tokens: [%s]" % (" ".join(self.doc_tokens)) - if self.start_position: - s += ", start_position: %d" % (self.start_position) - if self.start_position: - s += ", end_position: %d" % (self.end_position) - if self.start_position: - s += ", is_impossible: %r" % (self.is_impossible) - return s - - -class InputFeatures(object): - """A single set of features of data.""" - - def __init__(self, - unique_id, - example_index, - doc_span_index, - tokens, - token_to_orig_map, - token_is_max_context, - input_ids, - input_mask, - segment_ids, - wn_concept_ids, - nell_concept_ids, - start_position=None, - end_position=None, - is_impossible=None): - self.unique_id = unique_id - self.example_index = example_index - self.doc_span_index = doc_span_index - self.tokens = tokens - self.token_to_orig_map = token_to_orig_map - self.token_is_max_context = token_is_max_context - self.input_ids = input_ids - self.input_mask = input_mask - self.segment_ids = segment_ids - self.start_position = start_position - self.end_position = end_position - self.is_impossible = is_impossible - self.wn_concept_ids = wn_concept_ids - self.nell_concept_ids = nell_concept_ids - - -def read_squad_examples(input_file, is_training, version_2_with_negative=False): - """Read a SQuAD json file into a list of SquadExample.""" - with open(input_file, "r") as reader: - input_data = json.load(reader)["data"] - - def is_whitespace(c): - if c == " " or c == "\t" or c == "\r" or c == "\n" or ord(c) == 0x202F: - return True - return False - - examples = [] - for entry in input_data: - for paragraph in entry["paragraphs"]: - paragraph_text = paragraph["context"] - doc_tokens = [] - char_to_word_offset = [] - prev_is_whitespace = True - for c in paragraph_text: - if is_whitespace(c): - prev_is_whitespace = True - else: - if prev_is_whitespace: - doc_tokens.append(c) - else: - doc_tokens[-1] += c - prev_is_whitespace = False - char_to_word_offset.append(len(doc_tokens) - 1) - - for qa in paragraph["qas"]: - qas_id = qa["id"] - question_text = qa["question"] - start_position = None - end_position = None - orig_answer_text = None - is_impossible = False - if is_training: - - if version_2_with_negative: - is_impossible = qa["is_impossible"] - if (len(qa["answers"]) != 1) and (not is_impossible): - raise ValueError( - "For training, each question should have exactly 1 answer." - ) - if not is_impossible: - answer = qa["answers"][0] - orig_answer_text = answer["text"] - answer_offset = answer["answer_start"] - answer_length = len(orig_answer_text) - start_position = char_to_word_offset[answer_offset] - end_position = char_to_word_offset[answer_offset + - answer_length - 1] - # Only add answers where the text can be exactly recovered from the - # document. If this CAN'T happen it's likely due to weird Unicode - # stuff so we will just skip the example. - # - # Note that this means for training mode, every example is NOT - # guaranteed to be preserved. - actual_text = " ".join(doc_tokens[start_position:( - end_position + 1)]) - cleaned_answer_text = " ".join( - tokenization.whitespace_tokenize(orig_answer_text)) - if actual_text.find(cleaned_answer_text) == -1: - logger.info("Could not find answer: '%s' vs. '%s'", - actual_text, cleaned_answer_text) - continue - else: - start_position = -1 - end_position = -1 - orig_answer_text = "" - - example = SquadExample( - qas_id=qas_id, - question_text=question_text, - doc_tokens=doc_tokens, - orig_answer_text=orig_answer_text, - start_position=start_position, - end_position=end_position, - is_impossible=is_impossible) - examples.append(example) - - return examples - -class Examples_To_Features_Converter(object): - def __init__(self, **concept_settings): - self.concept_settings = concept_settings - - # load necessary data files for mapping to related concepts - # 1. mapping from subword-level tokenization to word-level tokenization - tokenization_filepath = self.concept_settings['tokenization_path'] - assert os.path.exists(tokenization_filepath) - self.all_tokenization_info = {} - for item in pickle.load(open(tokenization_filepath, 'rb')): - self.all_tokenization_info[item['id']] = item - - # 2. mapping from concept name to concept id - self.wn_concept2id = self.concept_settings['wn_concept2id'] - self.nell_concept2id = self.concept_settings['nell_concept2id'] - - # 3. retrieved related wordnet concepts (if use_wordnet) - if concept_settings['use_wordnet']: - retrieved_synset_filepath = self.concept_settings['retrieved_synset_path'] - assert os.path.exists(retrieved_synset_filepath) - self.synsets_info = pickle.load(open(retrieved_synset_filepath, 'rb')) # token to sysnet names - self.max_wn_concept_length = max([len(synsets) for synsets in self.synsets_info.values()]) - - # 4. retrieved related nell concepts (if use_nell) - if concept_settings['use_nell']: - retrieved_nell_concept_filepath = self.concept_settings['retrieved_nell_concept_path'] - assert os.path.exists(retrieved_nell_concept_filepath) - self.nell_retrieve_info = {} - for item in pickle.load(open(retrieved_nell_concept_filepath, 'rb')): - self.nell_retrieve_info[item['id']] = item - self.max_nell_concept_length = max([max([len(entity_info['retrieved_concepts']) for entity_info in item['query_entities'] + item['document_entities']]) - for qid, item in self.nell_retrieve_info.items() if len(item['query_entities'] + item['document_entities']) > 0]) - - # return list of concept ids given input subword list - def _lookup_wordnet_concept_ids(self, sub_tokens, sub_to_ori_index, tokens, tolower, tokenizer): - concept_ids = [] - for index in range(len(sub_tokens)): - original_token = tokens[sub_to_ori_index[index]] - # if tokens are in upper case, we must lower it for retrieving - retrieve_token = tokenizer.basic_tokenizer._run_strip_accents(original_token.lower()) if tolower else original_token - if retrieve_token in self.synsets_info: - concept_ids.append([self.wn_concept2id[synset_name] for synset_name in self.synsets_info[retrieve_token]]) - else: - concept_ids.append([]) - return concept_ids - - def _lookup_nell_concept_ids(self, sub_tokens, sub_to_ori_index, tokens, nell_info): - original_concept_ids = [[] for _ in range(len(tokens))] - for entity_info in nell_info: - for pos in range(entity_info['token_start'], entity_info['token_end'] + 1): - original_concept_ids[pos] += [self.nell_concept2id[category_name] for category_name in entity_info['retrieved_concepts']] - for pos in range(len(original_concept_ids)): - original_concept_ids[pos] = list(set(original_concept_ids[pos])) - concept_ids = [original_concept_ids[sub_to_ori_index[index]] for index in range(len(sub_tokens))] - return concept_ids - - def __call__(self, - examples, - tokenizer, - max_seq_length, - doc_stride, - max_query_length, - is_training): - """Loads a data file into a list of `InputBatch`s.""" - - unique_id = 1000000000 - - for (example_index, example) in enumerate(examples): - tokenization_info = self.all_tokenization_info[example.qas_id] - query_tokens = tokenizer.tokenize(example.question_text) - # check online subword tokenization result is the same as offline result - assert query_tokens == tokenization_info['query_subtokens'] - if self.concept_settings['use_wordnet']: - query_wn_concepts = self._lookup_wordnet_concept_ids(query_tokens, tokenization_info['query_sub_to_ori_index'], - tokenization_info['query_tokens'], - tolower=tokenizer.basic_tokenizer.do_lower_case == False, tokenizer=tokenizer) # if tolower is True, tokenizer must be given - - if self.concept_settings['use_nell']: - query_nell_concepts = self._lookup_nell_concept_ids(query_tokens, tokenization_info['query_sub_to_ori_index'], - tokenization_info['query_tokens'], self.nell_retrieve_info[example.qas_id]['query_entities']) - - if len(query_tokens) > max_query_length: - query_tokens = query_tokens[0:max_query_length] - query_wn_concepts = query_wn_concepts[0:max_query_length] - query_nell_concepts = query_nell_concepts[0:max_query_length] - - tok_to_orig_index = [] - orig_to_tok_index = [] - all_doc_tokens = [] - for (i, token) in enumerate(example.doc_tokens): - orig_to_tok_index.append(len(all_doc_tokens)) - sub_tokens = tokenizer.tokenize(token) - for sub_token in sub_tokens: - tok_to_orig_index.append(i) - all_doc_tokens.append(sub_token) - assert all_doc_tokens == tokenization_info['document_subtokens'] - if self.concept_settings['use_wordnet']: - doc_wn_concepts = self._lookup_wordnet_concept_ids(all_doc_tokens, tokenization_info['document_sub_to_ori_index'], - tokenization_info['document_tokens'], - tolower=tokenizer.basic_tokenizer.do_lower_case == False, tokenizer=tokenizer) # if tolower is True, tokenizer must be given - - if self.concept_settings['use_nell']: - doc_nell_concepts = self._lookup_nell_concept_ids(all_doc_tokens, tokenization_info['document_sub_to_ori_index'], - tokenization_info['document_tokens'], self.nell_retrieve_info[example.qas_id]['document_entities']) - - tok_start_position = None - tok_end_position = None - if is_training and example.is_impossible: - tok_start_position = -1 - tok_end_position = -1 - if is_training and not example.is_impossible: - tok_start_position = orig_to_tok_index[example.start_position] - if example.end_position < len(example.doc_tokens) - 1: - tok_end_position = orig_to_tok_index[example.end_position + - 1] - 1 - else: - tok_end_position = len(all_doc_tokens) - 1 - (tok_start_position, tok_end_position) = _improve_answer_span( - all_doc_tokens, tok_start_position, tok_end_position, tokenizer, - example.orig_answer_text) - - # The -3 accounts for [CLS], [SEP] and [SEP] - max_tokens_for_doc = max_seq_length - len(query_tokens) - 3 - - # We can have documents that are longer than the maximum sequence length. - # To deal with this we do a sliding window approach, where we take chunks - # of the up to our max length with a stride of `doc_stride`. - _DocSpan = collections.namedtuple( # pylint: disable=invalid-name - "DocSpan", ["start", "length"]) - doc_spans = [] - start_offset = 0 - while start_offset < len(all_doc_tokens): - length = len(all_doc_tokens) - start_offset - if length > max_tokens_for_doc: - length = max_tokens_for_doc - doc_spans.append(_DocSpan(start=start_offset, length=length)) - if start_offset + length == len(all_doc_tokens): - break - start_offset += min(length, doc_stride) - - for (doc_span_index, doc_span) in enumerate(doc_spans): - tokens = [] - token_to_orig_map = {} - token_is_max_context = {} - segment_ids = [] - wn_concept_ids = [] - nell_concept_ids = [] - - tokens.append("[CLS]") - segment_ids.append(0) - wn_concept_ids.append([]) - nell_concept_ids.append([]) - for token, query_wn_concept, query_nell_concept in zip(query_tokens, query_wn_concepts, query_nell_concepts): - tokens.append(token) - segment_ids.append(0) - wn_concept_ids.append(query_wn_concept) - nell_concept_ids.append(query_nell_concept) - tokens.append("[SEP]") - segment_ids.append(0) - wn_concept_ids.append([]) - nell_concept_ids.append([]) - - - for i in range(doc_span.length): - split_token_index = doc_span.start + i - token_to_orig_map[len(tokens)] = tok_to_orig_index[split_token_index] - - is_max_context = _check_is_max_context(doc_spans, doc_span_index, - split_token_index) - token_is_max_context[len(tokens)] = is_max_context - tokens.append(all_doc_tokens[split_token_index]) - segment_ids.append(1) - wn_concept_ids.append(doc_wn_concepts[split_token_index]) - nell_concept_ids.append(doc_nell_concepts[split_token_index]) - tokens.append("[SEP]") - segment_ids.append(1) - wn_concept_ids.append([]) - nell_concept_ids.append([]) - - input_ids = tokenizer.convert_tokens_to_ids(tokens) - - # The mask has 1 for real tokens and 0 for padding tokens. Only real - # tokens are attended to. - input_mask = [1] * len(input_ids) - - # Zero-pad up to the sequence length. - #while len(input_ids) < max_seq_length: - # input_ids.append(0) - # input_mask.append(0) - # segment_ids.append(0) - - #assert len(input_ids) == max_seq_length - #assert len(input_mask) == max_seq_length - #assert len(segment_ids) == max_seq_length - - for concept_ids, max_concept_length in zip((wn_concept_ids, nell_concept_ids), (self.max_wn_concept_length, self.max_nell_concept_length)): - for cindex in range(len(concept_ids)): - concept_ids[cindex] = concept_ids[cindex] + [0] * (max_concept_length - len(concept_ids[cindex])) - concept_ids[cindex] = concept_ids[cindex][:max_concept_length] - assert all([len(id_list) == max_concept_length for id_list in concept_ids]) - - start_position = None - end_position = None - if is_training and not example.is_impossible: - # For training, if our document chunk does not contain an annotation - # we throw it out, since there is nothing to predict. - doc_start = doc_span.start - doc_end = doc_span.start + doc_span.length - 1 - # out_of_span = False - if not (tok_start_position >= doc_start and - tok_end_position <= doc_end): - continue - # out_of_span = True - # if out_of_span: - # start_position = 0 - # end_position = 0 - # else: - # doc_offset = len(query_tokens) + 2 - # start_position = tok_start_position - doc_start + doc_offset - # end_position = tok_end_position - doc_start + doc_offset - doc_offset = len(query_tokens) + 2 - start_position = tok_start_position - doc_start + doc_offset - end_position = tok_end_position - doc_start + doc_offset - - if is_training and example.is_impossible: - start_position = 0 - end_position = 0 - - if example_index < 3: - logger.info("*** Example ***") - logger.info("unique_id: %s" % (unique_id)) - logger.info("example_index: %s" % (example_index)) - logger.info("doc_span_index: %s" % (doc_span_index)) - logger.info("tokens: %s" % " ".join( - [tokenization.printable_text(x) for x in tokens])) - logger.info("token_to_orig_map: %s" % " ".join([ - "%d:%d" % (x, y) - for (x, y) in six.iteritems(token_to_orig_map) - ])) - logger.info("token_is_max_context: %s" % " ".join([ - "%d:%s" % (x, y) - for (x, y) in six.iteritems(token_is_max_context) - ])) - logger.info("input_ids: %s" % " ".join([str(x) for x in input_ids])) - logger.info("input_mask: %s" % " ".join([str(x) for x in input_mask])) - logger.info("segment_ids: %s" % - " ".join([str(x) for x in segment_ids])) - logger.info("wordnet_concept_ids: %s" % " ".join(["{}:{}".format(tidx, list(filter(lambda index:index != 0, x))) for tidx, x in enumerate(wn_concept_ids)])) - logger.info("nell_concept_ids: %s" % " ".join(["{}:{}".format(tidx, list(filter(lambda index:index != 0, x))) for tidx, x in enumerate(nell_concept_ids)])) - if is_training and example.is_impossible: - logger.info("impossible example") - if is_training and not example.is_impossible: - answer_text = " ".join(tokens[start_position:(end_position + - 1)]) - logger.info("start_position: %d" % (start_position)) - logger.info("end_position: %d" % (end_position)) - logger.info("answer: %s" % - (tokenization.printable_text(answer_text))) - - feature = InputFeatures( - unique_id=unique_id, - example_index=example_index, - doc_span_index=doc_span_index, - tokens=tokens, - token_to_orig_map=token_to_orig_map, - token_is_max_context=token_is_max_context, - input_ids=input_ids, - input_mask=input_mask, - segment_ids=segment_ids, - wn_concept_ids=wn_concept_ids, - nell_concept_ids=nell_concept_ids, - start_position=start_position, - end_position=end_position, - is_impossible=example.is_impossible) - - unique_id += 1 - - yield feature - - -def _improve_answer_span(doc_tokens, input_start, input_end, tokenizer, - orig_answer_text): - """Returns tokenized answer spans that better match the annotated answer.""" - - # The SQuAD annotations are character based. We first project them to - # whitespace-tokenized words. But then after WordPiece tokenization, we can - # often find a "better match". For example: - # - # Question: What year was John Smith born? - # Context: The leader was John Smith (1895-1943). - # Answer: 1895 - # - # The original whitespace-tokenized answer will be "(1895-1943).". However - # after tokenization, our tokens will be "( 1895 - 1943 ) .". So we can match - # the exact answer, 1895. - # - # However, this is not always possible. Consider the following: - # - # Question: What country is the top exporter of electornics? - # Context: The Japanese electronics industry is the lagest in the world. - # Answer: Japan - # - # In this case, the annotator chose "Japan" as a character sub-span of - # the word "Japanese". Since our WordPiece tokenizer does not split - # "Japanese", we just use "Japanese" as the annotation. This is fairly rare - # in SQuAD, but does happen. - tok_answer_text = " ".join(tokenizer.tokenize(orig_answer_text)) - - for new_start in range(input_start, input_end + 1): - for new_end in range(input_end, new_start - 1, -1): - text_span = " ".join(doc_tokens[new_start:(new_end + 1)]) - if text_span == tok_answer_text: - return (new_start, new_end) - - return (input_start, input_end) - - -def _check_is_max_context(doc_spans, cur_span_index, position): - """Check if this is the 'max context' doc span for the token.""" - - # Because of the sliding window approach taken to scoring documents, a single - # token can appear in multiple documents. E.g. - # Doc: the man went to the store and bought a gallon of milk - # Span A: the man went to the - # Span B: to the store and bought - # Span C: and bought a gallon of - # ... - # - # Now the word 'bought' will have two scores from spans B and C. We only - # want to consider the score with "maximum context", which we define as - # the *minimum* of its left and right context (the *sum* of left and - # right context will always be the same, of course). - # - # In the example the maximum context for 'bought' would be span C since - # it has 1 left context and 3 right context, while span B has 4 left context - # and 0 right context. - best_score = None - best_span_index = None - for (span_index, doc_span) in enumerate(doc_spans): - end = doc_span.start + doc_span.length - 1 - if position < doc_span.start: - continue - if position > end: - continue - num_left_context = position - doc_span.start - num_right_context = end - position - score = min(num_left_context, - num_right_context) + 0.01 * doc_span.length - if best_score is None or score > best_score: - best_score = score - best_span_index = span_index - - return cur_span_index == best_span_index - - -class DataProcessor(object): - def __init__(self, vocab_path, do_lower_case, max_seq_length, in_tokens, - doc_stride, max_query_length): - self._tokenizer = tokenization.FullTokenizer( - vocab_file=vocab_path, do_lower_case=do_lower_case) - self._max_seq_length = max_seq_length - self._doc_stride = doc_stride - self._max_query_length = max_query_length - self._in_tokens = in_tokens - - self.vocab = self._tokenizer.vocab - self.vocab_size = len(self.vocab) - self.pad_id = self.vocab["[PAD]"] - self.cls_id = self.vocab["[CLS]"] - self.sep_id = self.vocab["[SEP]"] - self.mask_id = self.vocab["[MASK]"] - - self.current_train_example = -1 - self.num_train_examples = -1 - self.current_train_epoch = -1 - - self.train_examples = None - self.predict_examples = None - self.num_examples = {'train': -1, 'predict': -1} - - self.train_wn_max_concept_length = None - self.predict_wn_max_concept_length = None - self.train_nell_max_concept_length = None - self.predict_nell_max_concept_length = None - - def get_train_progress(self): - """Gets progress for training phase.""" - return self.current_train_example, self.current_train_epoch - - def get_examples(self, - data_path, - is_training, - version_2_with_negative=False): - examples = read_squad_examples( - input_file=data_path, - is_training=is_training, - version_2_with_negative=version_2_with_negative) - return examples - - def get_num_examples(self, phase): - if phase not in ['train', 'predict']: - raise ValueError( - "Unknown phase, which should be in ['train', 'predict'].") - return self.num_examples[phase] - - def get_features(self, examples, is_training, **concept_settings): - convert_examples_to_features = Examples_To_Features_Converter(**concept_settings) - features = convert_examples_to_features( - examples=examples, - tokenizer=self._tokenizer, - max_seq_length=self._max_seq_length, - doc_stride=self._doc_stride, - max_query_length=self._max_query_length, - is_training=is_training) - return features - - def data_generator(self, - data_path, - batch_size, - phase='train', - shuffle=False, - dev_count=1, - version_2_with_negative=False, - epoch=1, - **concept_settings): - if phase == 'train': - self.train_examples = self.get_examples( - data_path, - is_training=True, - version_2_with_negative=version_2_with_negative) - examples = self.train_examples - self.num_examples['train'] = len(self.train_examples) - elif phase == 'predict': - self.predict_examples = self.get_examples( - data_path, - is_training=False, - version_2_with_negative=version_2_with_negative) - examples = self.predict_examples - self.num_examples['predict'] = len(self.predict_examples) - else: - raise ValueError( - "Unknown phase, which should be in ['train', 'predict'].") - - def batch_reader(features, batch_size, in_tokens): - batch, total_token_num, max_len = [], 0, 0 - for (index, feature) in enumerate(features): - if phase == 'train': - self.current_train_example = index + 1 - seq_len = len(feature.input_ids) - labels = [feature.unique_id - ] if feature.start_position is None else [ - feature.start_position, feature.end_position - ] - example = [ - # feature.input_ids, feature.segment_ids, range(seq_len), feature.wn_concept_ids, feature.nell_concept_ids - feature.input_ids, feature.segment_ids, range(384), feature.wn_concept_ids, feature.nell_concept_ids - ] + labels - max_len = max(max_len, seq_len) - - #max_len = max(max_len, len(token_ids)) - if in_tokens: - to_append = (len(batch) + 1) * max_len <= batch_size - else: - to_append = len(batch) < batch_size - - if to_append: - batch.append(example) - total_token_num += seq_len - else: - yield batch, total_token_num - batch, total_token_num, max_len = [example - ], seq_len, seq_len - if len(batch) > 0: - yield batch, total_token_num - - if phase == 'train': - self.train_wn_max_concept_length = Examples_To_Features_Converter(**concept_settings).max_wn_concept_length - self.train_nell_max_concept_length = Examples_To_Features_Converter(**concept_settings).max_nell_concept_length - else: - self.predict_wn_max_concept_length = Examples_To_Features_Converter(**concept_settings).max_wn_concept_length - self.predict_nell_max_concept_length = Examples_To_Features_Converter(**concept_settings).max_nell_concept_length - - def wrapper(): - for epoch_index in range(epoch): - if shuffle: - random.shuffle(examples) - if phase == 'train': - self.current_train_epoch = epoch_index - features = self.get_features(examples, is_training=True, **concept_settings) - max_wn_concept_length = self.train_wn_max_concept_length - max_nell_concept_length = self.train_nell_max_concept_length - else: - features = self.get_features(examples, is_training=False, **concept_settings) - max_wn_concept_length = self.predict_wn_max_concept_length - max_nell_concept_length = self.predict_nell_max_concept_length - - all_dev_batches = [] - for batch_data, total_token_num in batch_reader( - features, batch_size, self._in_tokens): - batch_data = prepare_batch_data( - batch_data, - total_token_num, - voc_size=-1, - pad_id=self.pad_id, - cls_id=self.cls_id, - sep_id=self.sep_id, - mask_id=-1, - return_input_mask=True, - return_max_len=False, - return_num_token=False, - max_wn_concept_length=max_wn_concept_length, - max_nell_concept_length=max_nell_concept_length) - if len(all_dev_batches) < dev_count: - all_dev_batches.append(batch_data) - - if len(all_dev_batches) == dev_count: - for batch in all_dev_batches: - yield batch - all_dev_batches = [] - - return wrapper - - -def write_predictions(all_examples, all_features, all_results, n_best_size, - max_answer_length, do_lower_case, output_prediction_file, - output_nbest_file, output_null_log_odds_file, - version_2_with_negative, null_score_diff_threshold, - verbose, predict_file, evaluation_result_file): - """Write final predictions to the json file and log-odds of null if needed.""" - logger.info("Writing predictions to: %s" % (output_prediction_file)) - logger.info("Writing nbest to: %s" % (output_nbest_file)) - logger.info("Writing evaluation result to: %s" % (evaluation_result_file)) - - # load ground truth file for evaluation and post-edit - with open(predict_file, "r", encoding='utf-8') as reader: - predict_json = json.load(reader)["data"] - - example_index_to_features = collections.defaultdict(list) - for feature in all_features: - example_index_to_features[feature.example_index].append(feature) - - unique_id_to_result = {} - for result in all_results: - unique_id_to_result[result.unique_id] = result - - _PrelimPrediction = collections.namedtuple( # pylint: disable=invalid-name - "PrelimPrediction", [ - "feature_index", "start_index", "end_index", "start_logit", - "end_logit" - ]) - - all_predictions = collections.OrderedDict() - all_nbest_json = collections.OrderedDict() - scores_diff_json = collections.OrderedDict() - - for (example_index, example) in enumerate(all_examples): - features = example_index_to_features[example_index] - - prelim_predictions = [] - # keep track of the minimum score of null start+end of position 0 - score_null = 1000000 # large and positive - min_null_feature_index = 0 # the paragraph slice with min mull score - null_start_logit = 0 # the start logit at the slice with min null score - null_end_logit = 0 # the end logit at the slice with min null score - for (feature_index, feature) in enumerate(features): - result = unique_id_to_result[feature.unique_id] - start_indexes = _get_best_indexes(result.start_logits, n_best_size) - end_indexes = _get_best_indexes(result.end_logits, n_best_size) - # if we could have irrelevant answers, get the min score of irrelevant - if version_2_with_negative: - feature_null_score = result.start_logits[0] + result.end_logits[ - 0] - if feature_null_score < score_null: - score_null = feature_null_score - min_null_feature_index = feature_index - null_start_logit = result.start_logits[0] - null_end_logit = result.end_logits[0] - for start_index in start_indexes: - for end_index in end_indexes: - # We could hypothetically create invalid predictions, e.g., predict - # that the start of the span is in the question. We throw out all - # invalid predictions. - if start_index >= len(feature.tokens): - continue - if end_index >= len(feature.tokens): - continue - if start_index not in feature.token_to_orig_map: - continue - if end_index not in feature.token_to_orig_map: - continue - if not feature.token_is_max_context.get(start_index, False): - continue - if end_index < start_index: - continue - length = end_index - start_index + 1 - if length > max_answer_length: - continue - prelim_predictions.append( - _PrelimPrediction( - feature_index=feature_index, - start_index=start_index, - end_index=end_index, - start_logit=result.start_logits[start_index], - end_logit=result.end_logits[end_index])) - - if version_2_with_negative: - prelim_predictions.append( - _PrelimPrediction( - feature_index=min_null_feature_index, - start_index=0, - end_index=0, - start_logit=null_start_logit, - end_logit=null_end_logit)) - prelim_predictions = sorted( - prelim_predictions, - key=lambda x: (x.start_logit + x.end_logit), - reverse=True) - - _NbestPrediction = collections.namedtuple( # pylint: disable=invalid-name - "NbestPrediction", ["text", "start_logit", "end_logit"]) - - seen_predictions = {} - nbest = [] - for pred in prelim_predictions: - if len(nbest) >= n_best_size: - break - feature = features[pred.feature_index] - if pred.start_index > 0: # this is a non-null prediction - tok_tokens = feature.tokens[pred.start_index:(pred.end_index + 1 - )] - orig_doc_start = feature.token_to_orig_map[pred.start_index] - orig_doc_end = feature.token_to_orig_map[pred.end_index] - orig_tokens = example.doc_tokens[orig_doc_start:(orig_doc_end + - 1)] - tok_text = " ".join(tok_tokens) - - # De-tokenize WordPieces that have been split off. - tok_text = tok_text.replace(" ##", "") - tok_text = tok_text.replace("##", "") - - # Clean whitespace - tok_text = tok_text.strip() - tok_text = " ".join(tok_text.split()) - orig_text = " ".join(orig_tokens) - - final_text = get_final_text(tok_text, orig_text, do_lower_case, - verbose) - if final_text in seen_predictions: - continue - - seen_predictions[final_text] = True - else: - final_text = "" - seen_predictions[final_text] = True - - nbest.append( - _NbestPrediction( - text=final_text, - start_logit=pred.start_logit, - end_logit=pred.end_logit)) - - # if we didn't inlude the empty option in the n-best, inlcude it - if version_2_with_negative: - if "" not in seen_predictions: - nbest.append( - _NbestPrediction( - text="", - start_logit=null_start_logit, - end_logit=null_end_logit)) - # In very rare edge cases we could have no valid predictions. So we - # just create a nonce prediction in this case to avoid failure. - if not nbest: - nbest.append( - _NbestPrediction( - text="empty", start_logit=0.0, end_logit=0.0)) - - assert len(nbest) >= 1 - - total_scores = [] - best_non_null_entry = None - for entry in nbest: - total_scores.append(entry.start_logit + entry.end_logit) - if not best_non_null_entry: - if entry.text: - best_non_null_entry = entry - # debug - if best_non_null_entry is None: - logger.info("Emmm..., sth wrong") - - probs = _compute_softmax(total_scores) - - nbest_json = [] - for (i, entry) in enumerate(nbest): - output = collections.OrderedDict() - output["text"] = entry.text - output["probability"] = probs[i] - output["start_logit"] = entry.start_logit - output["end_logit"] = entry.end_logit - nbest_json.append(output) - - assert len(nbest_json) >= 1 - - if not version_2_with_negative: - all_predictions[example.qas_id] = nbest_json[0]["text"] - else: - # predict "" iff the null score - the score of best non-null > threshold - score_diff = score_null - best_non_null_entry.start_logit - ( - best_non_null_entry.end_logit) - scores_diff_json[example.qas_id] = score_diff - if score_diff > null_score_diff_threshold: - all_predictions[example.qas_id] = "" - else: - all_predictions[example.qas_id] = best_non_null_entry.text - - all_nbest_json[example.qas_id] = nbest_json - - with open(output_prediction_file, "w") as writer: - writer.write(json.dumps(all_predictions, indent=4) + "\n") - - with open(output_nbest_file, "w") as writer: - writer.write(json.dumps(all_nbest_json, indent=4) + "\n") - - if version_2_with_negative: - with open(output_null_log_odds_file, "w") as writer: - writer.write(json.dumps(scores_diff_json, indent=4) + "\n") - - eval_result = evaluate(predict_json, all_predictions) - - with open(evaluation_result_file, "w") as writer: - writer.write(json.dumps(eval_result, indent=4) + "\n") - - return eval_result - -def get_final_text(pred_text, orig_text, do_lower_case, verbose): - """Project the tokenized prediction back to the original text.""" - - # When we created the data, we kept track of the alignment between original - # (whitespace tokenized) tokens and our WordPiece tokenized tokens. So - # now `orig_text` contains the span of our original text corresponding to the - # span that we predicted. - # - # However, `orig_text` may contain extra characters that we don't want in - # our prediction. - # - # For example, let's say: - # pred_text = steve smith - # orig_text = Steve Smith's - # - # We don't want to return `orig_text` because it contains the extra "'s". - # - # We don't want to return `pred_text` because it's already been normalized - # (the SQuAD eval script also does punctuation stripping/lower casing but - # our tokenizer does additional normalization like stripping accent - # characters). - # - # What we really want to return is "Steve Smith". - # - # Therefore, we have to apply a semi-complicated alignment heruistic between - # `pred_text` and `orig_text` to get a character-to-charcter alignment. This - # can fail in certain cases in which case we just return `orig_text`. - - def _strip_spaces(text): - ns_chars = [] - ns_to_s_map = collections.OrderedDict() - for (i, c) in enumerate(text): - if c == " ": - continue - ns_to_s_map[len(ns_chars)] = i - ns_chars.append(c) - ns_text = "".join(ns_chars) - return (ns_text, ns_to_s_map) - - # We first tokenize `orig_text`, strip whitespace from the result - # and `pred_text`, and check if they are the same length. If they are - # NOT the same length, the heuristic has failed. If they are the same - # length, we assume the characters are one-to-one aligned. - tokenizer = tokenization.BasicTokenizer(do_lower_case=do_lower_case) - - tok_text = " ".join(tokenizer.tokenize(orig_text)) - - start_position = tok_text.find(pred_text) - if start_position == -1: - if verbose: - logger.info("Unable to find text: '%s' in '%s'" % (pred_text, orig_text)) - return orig_text - end_position = start_position + len(pred_text) - 1 - - (orig_ns_text, orig_ns_to_s_map) = _strip_spaces(orig_text) - (tok_ns_text, tok_ns_to_s_map) = _strip_spaces(tok_text) - - if len(orig_ns_text) != len(tok_ns_text): - if verbose: - logger.info("Length not equal after stripping spaces: '%s' vs '%s'", - orig_ns_text, tok_ns_text) - return orig_text - - # We then project the characters in `pred_text` back to `orig_text` using - # the character-to-character alignment. - tok_s_to_ns_map = {} - for (i, tok_index) in six.iteritems(tok_ns_to_s_map): - tok_s_to_ns_map[tok_index] = i - - orig_start_position = None - if start_position in tok_s_to_ns_map: - ns_start_position = tok_s_to_ns_map[start_position] - if ns_start_position in orig_ns_to_s_map: - orig_start_position = orig_ns_to_s_map[ns_start_position] - - if orig_start_position is None: - if verbose: - logger.info("Couldn't map start position") - return orig_text - - orig_end_position = None - if end_position in tok_s_to_ns_map: - ns_end_position = tok_s_to_ns_map[end_position] - if ns_end_position in orig_ns_to_s_map: - orig_end_position = orig_ns_to_s_map[ns_end_position] - - if orig_end_position is None: - if verbose: - logger.info("Couldn't map end position") - return orig_text - - output_text = orig_text[orig_start_position:(orig_end_position + 1)] - return output_text - - -def _get_best_indexes(logits, n_best_size): - """Get the n-best logits from a list.""" - index_and_score = sorted( - enumerate(logits), key=lambda x: x[1], reverse=True) - - best_indexes = [] - for i in range(len(index_and_score)): - if i >= n_best_size: - break - best_indexes.append(index_and_score[i][0]) - return best_indexes - - -def _compute_softmax(scores): - """Compute softmax probability over raw logits.""" - if not scores: - return [] - - max_score = None - for score in scores: - if max_score is None or score > max_score: - max_score = score - - exp_scores = [] - total_sum = 0.0 - for score in scores: - x = math.exp(score - max_score) - exp_scores.append(x) - total_sum += x - - probs = [] - for score in exp_scores: - probs.append(score / total_sum) - return probs diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/run_record.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/run_record.py deleted file mode 100644 index 7991d05d07679b4be3521458b3b4f7ea02186b4a..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/run_record.py +++ /dev/null @@ -1,594 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Finetuning on ReCoRD.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import argparse -import collections -import multiprocessing -import os -import time -import logging -import random -import numpy as np -import paddle -import paddle.fluid as fluid - -from reader.record import DataProcessor, write_predictions -from model.bert import BertConfig, BertModel -from model.layers import MemoryLayer, TriLinearTwoTimeSelfAttentionLayer -from utils.args import ArgumentGroup, print_arguments -from optimization import optimization -from utils.init import init_pretraining_params, init_checkpoint - -logging.basicConfig(format = '%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt = '%m/%d/%Y %H:%M:%S', - level = logging.INFO) -logging.getLogger().setLevel(logging.INFO) -logger = logging.getLogger(__name__) - -# yapf: disable -parser = argparse.ArgumentParser() -model_g = ArgumentGroup(parser, "model", "model configuration and paths.") -model_g.add_arg("bert_config_path", str, None, "Path to the json file for bert model config.") -model_g.add_arg("init_checkpoint", str, None, "Init checkpoint to resume training from.") -model_g.add_arg("init_pretraining_params", str, None, - "Init pre-training params which preforms fine-tuning from. If the " - "arg 'init_checkpoint' has been set, this argument wouldn't be valid.") -model_g.add_arg("checkpoints", str, "checkpoints", "Path to save checkpoints.") - -train_g = ArgumentGroup(parser, "training", "training options.") -train_g.add_arg("epoch", int, 3, "Number of epoches for fine-tuning.") -train_g.add_arg("learning_rate", float, 5e-5, "Learning rate used to train with warmup.") -train_g.add_arg("lr_scheduler", str, "linear_warmup_decay", - "scheduler of learning rate.", choices=['linear_warmup_decay', 'noam_decay']) -train_g.add_arg("weight_decay", float, 0.01, "Weight decay rate for L2 regularizer.") -train_g.add_arg("warmup_proportion", float, 0.1, - "Proportion of training steps to perform linear learning rate warmup for.") -train_g.add_arg("save_steps", int, 1000, "The steps interval to save checkpoints.") -train_g.add_arg("validation_steps", int, 1000, "The steps interval for validation (effective only when do_val is True).") -train_g.add_arg("use_ema", bool, True, "Whether to use ema.") -train_g.add_arg("ema_decay", float, 0.9999, "Decay rate for expoential moving average.") -train_g.add_arg("use_fp16", bool, False, "Whether to use fp16 mixed precision training.") -train_g.add_arg("loss_scaling", float, 1.0, - "Loss scaling factor for mixed precision training, only valid when use_fp16 is enabled.") - -log_g = ArgumentGroup(parser, "logging", "logging related.") -log_g.add_arg("skip_steps", int, 10, "The steps interval to print loss.") -log_g.add_arg("verbose", bool, False, "Whether to output verbose log.") - -data_g = ArgumentGroup(parser, "data", "Data paths, vocab paths and data processing options") -data_g.add_arg("train_file", str, None, "ReCoRD json for training. E.g., train.json.") -data_g.add_arg("predict_file", str, None, "ReCoRD json for predictions. E.g. dev.json.") -data_g.add_arg("vocab_path", str, None, "Vocabulary path.") -data_g.add_arg("version_2_with_negative", bool, False, - "If true, the SQuAD examples contain some that do not have an answer. If using squad v2.0, it should be set true.") -data_g.add_arg("max_seq_len", int, 512, "Number of words of the longest seqence.") -data_g.add_arg("max_query_length", int, 64, "Max query length.") -data_g.add_arg("max_answer_length", int, 30, "Max answer length.") -data_g.add_arg("batch_size", int, 12, "Total examples' number in batch for training. see also --in_tokens.") -data_g.add_arg("in_tokens", bool, False, - "If set, the batch size will be the maximum number of tokens in one batch. " - "Otherwise, it will be the maximum number of examples in one batch.") -data_g.add_arg("do_lower_case", bool, True, - "Whether to lower case the input text. Should be True for uncased models and False for cased models.") -data_g.add_arg("doc_stride", int, 128, - "When splitting up a long document into chunks, how much stride to take between chunks.") -data_g.add_arg("n_best_size", int, 20, - "The total number of n-best predictions to generate in the nbest_predictions.json output file.") -data_g.add_arg("null_score_diff_threshold", float, 0.0, - "If null_score - best_non_null is greater than the threshold predict null.") -data_g.add_arg("random_seed", int, 42, "Random seed.") - -run_type_g = ArgumentGroup(parser, "run_type", "running type options.") -run_type_g.add_arg("use_cuda", bool, True, "If set, use GPU for training.") -run_type_g.add_arg("use_fast_executor", bool, False, "If set, use fast parallel executor (in experiment).") -run_type_g.add_arg("num_iteration_per_drop_scope", int, 1, "Ihe iteration intervals to clean up temporary variables.") -run_type_g.add_arg("do_train", bool, False, "Whether to perform training.") -run_type_g.add_arg("do_val", bool, False, "Whether to perform validation during training.") -run_type_g.add_arg("do_predict", bool, False, "Whether to perform prediction.") -run_type_g.add_arg("freeze", bool, False, "freeze bert parameters") - -mem_settings_g = ArgumentGroup(parser, "memory", "memory settings.") -mem_settings_g.add_arg('concept_embedding_path', str, None, 'path of pretrained concept file') -mem_settings_g.add_arg('use_wordnet', bool, False, 'whether to use wordnet memory') -mem_settings_g.add_arg('retrieved_synset_path', str, '../retrieve_concepts/retrieve_wordnet/output_record/retrived_synsets.data', 'path of retrieved synsets') -mem_settings_g.add_arg('use_nell', bool, False, 'whether to use nell memory') -mem_settings_g.add_arg('train_retrieved_nell_concept_path', str, '../retrieve_concepts/retrieve_nell/output_record/train.retrieved_nell_concepts.data', 'path of retrieved concepts for trainset') -mem_settings_g.add_arg('dev_retrieved_nell_concept_path', str, '../retrieve_concepts/retrieve_nell/output_record/dev.retrieved_nell_concepts.data', 'path of retrieved concepts for devset') - -args = parser.parse_args() -# yapf: enable. - -def create_model(pyreader_name, bert_config, max_concept_length, concept_embedding_mat, is_training=False, freeze=False): - if is_training: - pyreader = fluid.layers.py_reader( - capacity=50, - shapes=[[-1, args.max_seq_len, 1], [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, max_concept_length, 1], - [-1, args.max_seq_len, 1], [-1, 1], [-1, 1]], - dtypes=[ - 'int64', 'int64', 'int64', 'int64', 'float32', 'int64', 'int64'], - lod_levels=[0, 0, 0, 0, 0, 0, 0], - name=pyreader_name, - use_double_buffer=True) - (src_ids, pos_ids, sent_ids, concept_ids, input_mask, start_positions, - end_positions) = fluid.layers.read_file(pyreader) - else: - pyreader = fluid.layers.py_reader( - capacity=50, - shapes=[[-1, args.max_seq_len, 1], [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, max_concept_length, 1], - [-1, args.max_seq_len, 1], [-1, 1]], - dtypes=['int64', 'int64', 'int64', 'int64', 'float32', 'int64'], - lod_levels=[0, 0, 0, 0, 0, 0], - name=pyreader_name, - use_double_buffer=True) - (src_ids, pos_ids, sent_ids, concept_ids, input_mask, unique_id) = fluid.layers.read_file(pyreader) - - '''1st Layer: BERT Layer''' - bert = BertModel( - src_ids=src_ids, - position_ids=pos_ids, - sentence_ids=sent_ids, - input_mask=input_mask, - config=bert_config, - use_fp16=args.use_fp16) - - enc_out = bert.get_sequence_output() - if freeze: - enc_out.stop_gradient=True - logger.info("enc_out.stop_gradient: {}".format(enc_out.stop_gradient)) - - '''2nd layer: Memory Layer''' - # get memory embedding - concept_vocab_size = concept_embedding_mat.shape[0] - concept_dim = concept_embedding_mat.shape[1] - memory_embs = fluid.layers.embedding(concept_ids, - size=(concept_vocab_size, concept_dim), - param_attr=fluid.ParamAttr(name="concept_emb_mat", - do_model_average=False, - trainable=False), - dtype='float32') - - # get memory length - concept_ids_reduced = fluid.layers.equal(concept_ids, - fluid.layers.fill_constant(shape=[1], value=0, dtype="int64")) # [batch_size, sent_size, concept_size, 1] - concept_ids_reduced = fluid.layers.cast(concept_ids_reduced, dtype="float32") # [batch_size, sent_size, concept_size, 1] - concept_ids_reduced = fluid.layers.scale( - fluid.layers.elementwise_sub( - concept_ids_reduced, - fluid.layers.fill_constant([1], "float32", 1) - ), - scale=-1 - ) - mem_length = fluid.layers.reduce_sum(concept_ids_reduced, dim=2) # [batch_size, sent_size, 1] - - # select and integrate - memory_layer = MemoryLayer(bert_config, max_concept_length, concept_dim, mem_method='cat') - memory_output = memory_layer.forward(enc_out, memory_embs, mem_length, ignore_no_memory_token=True) - - '''3rd layer: Self-Matching Layer''' - # calculate input dim for self-matching layer - if memory_layer.mem_method == 'add': - memory_output_size = bert_config['hidden_size'] - elif memory_layer.mem_method == 'cat': - memory_output_size = bert_config['hidden_size'] + concept_dim - else: - raise ValueError("memory_layer.mem_method must be 'add' or 'cat'") - logger.info("memory_output_size: {}".format(memory_output_size)) - - # do matching - self_att_layer = TriLinearTwoTimeSelfAttentionLayer( - memory_output_size, dropout_rate=0.0, - cat_mul=True, cat_sub=True, cat_twotime=True, - cat_twotime_mul=False, cat_twotime_sub=True) # [bs, sq, concat_hs] - att_output = self_att_layer.forward(memory_output, input_mask) # [bs, sq, concat_hs] - - '''4th layer: Output Layer''' - logits = fluid.layers.fc( - input=att_output, - size=2, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name="cls_squad_out_w", - initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=bert_config['initializer_range'])), - bias_attr=fluid.ParamAttr( - name="cls_squad_out_b", initializer=fluid.initializer.Constant(0.))) - - logits = fluid.layers.transpose(x=logits, perm=[2, 0, 1]) - start_logits, end_logits = fluid.layers.unstack(x=logits, axis=0) - - batch_ones = fluid.layers.fill_constant_batch_size_like( - input=start_logits, dtype='int64', shape=[1], value=1) - num_seqs = fluid.layers.reduce_sum(input=batch_ones) - - if is_training: - - def compute_loss(logits, positions): - loss = fluid.layers.softmax_with_cross_entropy( - logits=logits, label=positions) - loss = fluid.layers.mean(x=loss) - return loss - - start_loss = compute_loss(start_logits, start_positions) - end_loss = compute_loss(end_logits, end_positions) - total_loss = (start_loss + end_loss) / 2.0 - if args.use_fp16 and args.loss_scaling > 1.0: - total_loss = total_loss * args.loss_scaling - - return pyreader, total_loss, num_seqs - else: - return pyreader, unique_id, start_logits, end_logits, num_seqs - - -RawResult = collections.namedtuple("RawResult", - ["unique_id", "start_logits", "end_logits"]) - - -def predict(test_exe, test_program, test_pyreader, fetch_list, processor, eval_concept_settings, eval_output_name='eval_result.json'): - if not os.path.exists(args.checkpoints): - os.makedirs(args.checkpoints) - output_prediction_file = os.path.join(args.checkpoints, "predictions.json") - output_nbest_file = os.path.join(args.checkpoints, "nbest_predictions.json") - output_null_log_odds_file = os.path.join(args.checkpoints, "null_odds.json") - output_evaluation_result_file = os.path.join(args.checkpoints, eval_output_name) - - test_pyreader.start() - all_results = [] - time_begin = time.time() - while True: - try: - np_unique_ids, np_start_logits, np_end_logits, np_num_seqs = test_exe.run( - fetch_list=fetch_list, program=test_program) - for idx in range(np_unique_ids.shape[0]): - if len(all_results) % 1000 == 0: - logger.info("Processing example: %d" % len(all_results)) - unique_id = int(np_unique_ids[idx]) - start_logits = [float(x) for x in np_start_logits[idx].flat] - end_logits = [float(x) for x in np_end_logits[idx].flat] - all_results.append( - RawResult( - unique_id=unique_id, - start_logits=start_logits, - end_logits=end_logits)) - except fluid.core.EOFException: - test_pyreader.reset() - break - time_end = time.time() - - features = processor.get_features( - processor.predict_examples, is_training=False, **eval_concept_settings) - eval_result = write_predictions(processor.predict_examples, features, all_results, - args.n_best_size, args.max_answer_length, - args.do_lower_case, output_prediction_file, - output_nbest_file, output_null_log_odds_file, - args.version_2_with_negative, - args.null_score_diff_threshold, args.verbose, args.predict_file, output_evaluation_result_file) - return eval_result - -def read_concept_embedding(embedding_path): - fin = open(embedding_path, encoding='utf-8') - info = [line.strip() for line in fin] - dim = len(info[0].split(' ')[1:]) - n_concept = len(info) - embedding_mat = [] - id2concept, concept2id = [], {} - # add padding concept into vocab - id2concept.append('') - concept2id[''] = 0 - embedding_mat.append([0.0 for _ in range(dim)]) - for line in info: - concept_name = line.split(' ')[0] - embedding = [float(value_str) for value_str in line.split(' ')[1:]] - assert len(embedding) == dim and not np.any(np.isnan(embedding)) - embedding_mat.append(embedding) - concept2id[concept_name] = len(id2concept) - id2concept.append(concept_name) - embedding_mat = np.array(embedding_mat, dtype=np.float32) - return id2concept, concept2id, embedding_mat - -def train(args): - bert_config = BertConfig(args.bert_config_path) - bert_config.print_config() - - if not (args.do_train or args.do_predict or args.do_val): - raise ValueError("For args `do_train` and `do_predict`, at " - "least one of them must be True.") - - if args.use_cuda: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - exe = fluid.Executor(place) - - id2concept, concept2id, concept_embedding_mat = read_concept_embedding( - args.concept_embedding_path) - - processor = DataProcessor( - vocab_path=args.vocab_path, - do_lower_case=args.do_lower_case, - max_seq_length=args.max_seq_len, - in_tokens=args.in_tokens, - doc_stride=args.doc_stride, - max_query_length=args.max_query_length) - - startup_prog = fluid.Program() - if args.random_seed is not None: - startup_prog.random_seed = args.random_seed - random.seed(args.random_seed) - np.random.seed(args.random_seed) - - if args.do_train: - train_concept_settings = { - 'tokenization_path': '../retrieve_concepts/tokenization_record/tokens/train.tokenization.{}.data'.format('uncased' if args.do_lower_case else 'cased'), - 'concept2id': concept2id, - 'use_wordnet': args.use_wordnet, - 'retrieved_synset_path': args.retrieved_synset_path, - 'use_nell': args.use_nell, - 'retrieved_nell_concept_path': args.train_retrieved_nell_concept_path, - } - train_data_generator = processor.data_generator( - data_path=args.train_file, - batch_size=args.batch_size, - phase='train', - shuffle=True, - dev_count=dev_count, - version_2_with_negative=args.version_2_with_negative, - epoch=args.epoch, - **train_concept_settings) - - num_train_examples = processor.get_num_examples(phase='train') - if args.in_tokens: - max_train_steps = args.epoch * num_train_examples // ( - args.batch_size // args.max_seq_len) // dev_count - else: - max_train_steps = args.epoch * num_train_examples // ( - args.batch_size) // dev_count - warmup_steps = int(max_train_steps * args.warmup_proportion) - logger.info("Device count: %d" % dev_count) - logger.info("Num train examples: %d" % num_train_examples) - logger.info("Max train steps: %d" % max_train_steps) - logger.info("Num warmup steps: %d" % warmup_steps) - - train_program = fluid.Program() - # if args.random_seed is not None: - # train_program.random_seed = args.random_seed - with fluid.program_guard(train_program, startup_prog): - with fluid.unique_name.guard(): - train_pyreader, loss, num_seqs = create_model( - pyreader_name='train_reader', - bert_config=bert_config, - max_concept_length=processor.train_max_concept_length, - concept_embedding_mat=concept_embedding_mat, - is_training=True, - freeze=args.freeze) - - scheduled_lr = optimization( - loss=loss, - warmup_steps=warmup_steps, - num_train_steps=max_train_steps, - learning_rate=args.learning_rate, - train_program=train_program, - startup_prog=startup_prog, - weight_decay=args.weight_decay, - scheduler=args.lr_scheduler, - use_fp16=args.use_fp16, - loss_scaling=args.loss_scaling) - - if args.use_ema: - ema = fluid.optimizer.ExponentialMovingAverage(args.ema_decay) - ema.update() - - fluid.memory_optimize(train_program, skip_opt_set=[loss.name, num_seqs.name]) - - if args.verbose: - if args.in_tokens: - lower_mem, upper_mem, unit = fluid.contrib.memory_usage( - program=train_program, - batch_size=args.batch_size // args.max_seq_len) - else: - lower_mem, upper_mem, unit = fluid.contrib.memory_usage( - program=train_program, batch_size=args.batch_size) - logger.info("Theoretical memory usage in training: %.3f - %.3f %s" % - (lower_mem, upper_mem, unit)) - - if args.do_predict or args.do_val: - eval_concept_settings = { - 'tokenization_path': '../retrieve_concepts/tokenization_record/tokens/dev.tokenization.{}.data'.format('uncased' if args.do_lower_case else 'cased'), - 'concept2id': concept2id, - 'use_wordnet': args.use_wordnet, - 'retrieved_synset_path': args.retrieved_synset_path, - 'use_nell': args.use_nell, - 'retrieved_nell_concept_path': args.dev_retrieved_nell_concept_path, - } - eval_data_generator = processor.data_generator( - data_path=args.predict_file, - batch_size=args.batch_size, - phase='predict', - shuffle=False, - dev_count=1, - epoch=1, - **eval_concept_settings) - - test_prog = fluid.Program() - # if args.random_seed is not None: - # test_prog.random_seed = args.random_seed - with fluid.program_guard(test_prog, startup_prog): - with fluid.unique_name.guard(): - test_pyreader, unique_ids, start_logits, end_logits, num_seqs = create_model( - pyreader_name='test_reader', - bert_config=bert_config, - max_concept_length=processor.predict_max_concept_length, - concept_embedding_mat=concept_embedding_mat, - is_training=False) - - if args.use_ema and 'ema' not in dir(): - ema = fluid.optimizer.ExponentialMovingAverage(args.ema_decay) - - fluid.memory_optimize(test_prog, skip_opt_set=[unique_ids.name, - start_logits.name, end_logits.name, num_seqs.name]) - - test_prog = test_prog.clone(for_test=True) - # if args.random_seed is not None: - # test_prog.random_seed = args.random_seed - - exe.run(startup_prog) - - if args.do_train: - logger.info('load pretrained concept embedding') - fluid.global_scope().find_var('concept_emb_mat').get_tensor().set(concept_embedding_mat, place) - - if args.init_checkpoint and args.init_pretraining_params: - logger.info( - "WARNING: args 'init_checkpoint' and 'init_pretraining_params' " - "both are set! Only arg 'init_checkpoint' is made valid.") - if args.init_checkpoint: - init_checkpoint( - exe, - args.init_checkpoint, - main_program=startup_prog, - use_fp16=args.use_fp16) - elif args.init_pretraining_params: - init_pretraining_params( - exe, - args.init_pretraining_params, - main_program=startup_prog, - use_fp16=args.use_fp16) - elif args.do_predict or args.do_val: - if not args.init_checkpoint: - raise ValueError("args 'init_checkpoint' should be set if" - "only doing prediction!") - init_checkpoint( - exe, - args.init_checkpoint, - main_program=startup_prog, - use_fp16=args.use_fp16) - - if args.do_train: - exec_strategy = fluid.ExecutionStrategy() - exec_strategy.use_experimental_executor = args.use_fast_executor - exec_strategy.num_threads = dev_count - exec_strategy.num_iteration_per_drop_scope = args.num_iteration_per_drop_scope - - train_exe = fluid.ParallelExecutor( - use_cuda=args.use_cuda, - loss_name=loss.name, - exec_strategy=exec_strategy, - main_program=train_program) - - train_pyreader.decorate_tensor_provider(train_data_generator) - - train_pyreader.start() - steps = 0 - total_cost, total_num_seqs = [], [] - time_begin = time.time() - while steps < max_train_steps: - try: - steps += 1 - if steps % args.skip_steps == 0: - if warmup_steps <= 0: - fetch_list = [loss.name, num_seqs.name] - else: - fetch_list = [ - loss.name, scheduled_lr.name, num_seqs.name - ] - else: - fetch_list = [] - - outputs = train_exe.run(fetch_list=fetch_list) - - if steps % args.skip_steps == 0: - if warmup_steps <= 0: - np_loss, np_num_seqs = outputs - else: - np_loss, np_lr, np_num_seqs = outputs - total_cost.extend(np_loss * np_num_seqs) - total_num_seqs.extend(np_num_seqs) - - if args.verbose: - verbose = "train pyreader queue size: %d, " % train_pyreader.queue.size( - ) - verbose += "learning rate: %f" % ( - np_lr[0] - if warmup_steps > 0 else args.learning_rate) - logger.info(verbose) - - time_end = time.time() - used_time = time_end - time_begin - current_example, epoch = processor.get_train_progress() - - logger.info("epoch: %d, progress: %d/%d, step: %d, loss: %f, " - "speed: %f steps/s" % - (epoch, current_example, num_train_examples, steps, - np.sum(total_cost) / np.sum(total_num_seqs), - args.skip_steps / used_time)) - total_cost, total_num_seqs = [], [] - time_begin = time.time() - - if steps % args.save_steps == 0 or steps == max_train_steps: - save_path = os.path.join(args.checkpoints, - "step_" + str(steps)) - fluid.io.save_persistables(exe, save_path, train_program) - - if steps % args.validation_steps == 0 or steps == max_train_steps: - if args.do_val: - test_pyreader.decorate_tensor_provider( - processor.data_generator( - data_path=args.predict_file, - batch_size=args.batch_size, - phase='predict', - shuffle=False, - dev_count=1, - epoch=1, - **eval_concept_settings) - ) - val_performance = predict(exe, test_prog, test_pyreader, [ - unique_ids.name, start_logits.name, end_logits.name, num_seqs.name - ], processor, eval_concept_settings, 'validate_result_step_{}.json'.format(steps)) - logger.info("Validation performance after step {}:\n* Exact_match: {}\n* F1: {}".format(steps, val_performance['exact_match'], val_performance['f1'])) - - except fluid.core.EOFException: - save_path = os.path.join(args.checkpoints, - "step_" + str(steps) + "_final") - fluid.io.save_persistables(exe, save_path, train_program) - train_pyreader.reset() - break - - if args.do_predict: - test_pyreader.decorate_tensor_provider(eval_data_generator) - - if args.use_ema: - with ema.apply(exe): - eval_performance = predict(exe, test_prog, test_pyreader, [ - unique_ids.name, start_logits.name, end_logits.name, num_seqs.name - ], processor, eval_concept_settings) - else: - eval_performance = predict(exe, test_prog, test_pyreader, [ - unique_ids.name, start_logits.name, end_logits.name, num_seqs.name - ], processor, eval_concept_settings) - - logger.info("Eval performance:\n* Exact_match: {}\n* F1: {}".format(eval_performance['exact_match'], eval_performance['f1'])) - - -if __name__ == '__main__': - print_arguments(args) - train(args) diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/run_record_twomemory.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/run_record_twomemory.py deleted file mode 100644 index 5fd9fd5a688f0f84dd6d7f5aa76211d1738334a4..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/run_record_twomemory.py +++ /dev/null @@ -1,626 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Finetuning on ReCoRD.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import argparse -import collections -import multiprocessing -import os -import time -import logging -import random -import numpy as np -import paddle -import paddle.fluid as fluid - -from reader.record_twomemory import DataProcessor, write_predictions -from model.bert import BertConfig, BertModel -from model.layers import MemoryLayer, TriLinearTwoTimeSelfAttentionLayer -from utils.args import ArgumentGroup, print_arguments -from optimization import optimization -from utils.init import init_pretraining_params, init_checkpoint - -logging.basicConfig(format = '%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt = '%m/%d/%Y %H:%M:%S', - level = logging.INFO) -logging.getLogger().setLevel(logging.INFO) -logger = logging.getLogger(__name__) - -# yapf: disable -parser = argparse.ArgumentParser() -model_g = ArgumentGroup(parser, "model", "model configuration and paths.") -model_g.add_arg("bert_config_path", str, None, "Path to the json file for bert model config.") -model_g.add_arg("init_checkpoint", str, None, "Init checkpoint to resume training from.") -model_g.add_arg("init_pretraining_params", str, None, - "Init pre-training params which preforms fine-tuning from. If the " - "arg 'init_checkpoint' has been set, this argument wouldn't be valid.") -model_g.add_arg("checkpoints", str, "checkpoints", "Path to save checkpoints.") - -train_g = ArgumentGroup(parser, "training", "training options.") -train_g.add_arg("epoch", int, 3, "Number of epoches for fine-tuning.") -train_g.add_arg("learning_rate", float, 5e-5, "Learning rate used to train with warmup.") -train_g.add_arg("lr_scheduler", str, "linear_warmup_decay", - "scheduler of learning rate.", choices=['linear_warmup_decay', 'noam_decay']) -train_g.add_arg("weight_decay", float, 0.01, "Weight decay rate for L2 regularizer.") -train_g.add_arg("warmup_proportion", float, 0.1, - "Proportion of training steps to perform linear learning rate warmup for.") -train_g.add_arg("save_steps", int, 1000, "The steps interval to save checkpoints.") -train_g.add_arg("validation_steps", int, 1000, "The steps interval for validation (effective only when do_val is True).") -train_g.add_arg("use_ema", bool, True, "Whether to use ema.") -train_g.add_arg("ema_decay", float, 0.9999, "Decay rate for expoential moving average.") -train_g.add_arg("use_fp16", bool, False, "Whether to use fp16 mixed precision training.") -train_g.add_arg("loss_scaling", float, 1.0, - "Loss scaling factor for mixed precision training, only valid when use_fp16 is enabled.") - -log_g = ArgumentGroup(parser, "logging", "logging related.") -log_g.add_arg("skip_steps", int, 10, "The steps interval to print loss.") -log_g.add_arg("verbose", bool, False, "Whether to output verbose log.") - -data_g = ArgumentGroup(parser, "data", "Data paths, vocab paths and data processing options") -data_g.add_arg("train_file", str, None, "ReCoRD json for training. E.g., train.json.") -data_g.add_arg("predict_file", str, None, "ReCoRD json for predictions. E.g. dev.json.") -data_g.add_arg("vocab_path", str, None, "Vocabulary path.") -data_g.add_arg("version_2_with_negative", bool, False, - "If true, the SQuAD examples contain some that do not have an answer. If using squad v2.0, it should be set true.") -data_g.add_arg("max_seq_len", int, 512, "Number of words of the longest seqence.") -data_g.add_arg("max_query_length", int, 64, "Max query length.") -data_g.add_arg("max_answer_length", int, 30, "Max answer length.") -data_g.add_arg("batch_size", int, 12, "Total examples' number in batch for training. see also --in_tokens.") -data_g.add_arg("in_tokens", bool, False, - "If set, the batch size will be the maximum number of tokens in one batch. " - "Otherwise, it will be the maximum number of examples in one batch.") -data_g.add_arg("do_lower_case", bool, True, - "Whether to lower case the input text. Should be True for uncased models and False for cased models.") -data_g.add_arg("doc_stride", int, 128, - "When splitting up a long document into chunks, how much stride to take between chunks.") -data_g.add_arg("n_best_size", int, 20, - "The total number of n-best predictions to generate in the nbest_predictions.json output file.") -data_g.add_arg("null_score_diff_threshold", float, 0.0, - "If null_score - best_non_null is greater than the threshold predict null.") -data_g.add_arg("random_seed", int, 42, "Random seed.") - -run_type_g = ArgumentGroup(parser, "run_type", "running type options.") -run_type_g.add_arg("use_cuda", bool, True, "If set, use GPU for training.") -run_type_g.add_arg("use_fast_executor", bool, False, "If set, use fast parallel executor (in experiment).") -run_type_g.add_arg("num_iteration_per_drop_scope", int, 1, "Ihe iteration intervals to clean up temporary variables.") -run_type_g.add_arg("do_train", bool, False, "Whether to perform training.") -run_type_g.add_arg("do_val", bool, False, "Whether to perform validation during training.") -run_type_g.add_arg("do_predict", bool, False, "Whether to perform prediction.") -run_type_g.add_arg("freeze", bool, False, "freeze bert parameters") - -mem_settings_g = ArgumentGroup(parser, "memory", "memory settings.") -mem_settings_g.add_arg('wn_concept_embedding_path', str, None, 'path of wordnet pretrained concept file') -mem_settings_g.add_arg('nell_concept_embedding_path', str, None, 'path of nell pretrained concept file') -mem_settings_g.add_arg('use_wordnet', bool, False, 'whether to use wordnet memory') -mem_settings_g.add_arg('retrieved_synset_path', str, '../retrieve_concepts/retrieve_wordnet/output_record/retrived_synsets.data', 'path of retrieved synsets') -mem_settings_g.add_arg('use_nell', bool, False, 'whether to use nell memory') -mem_settings_g.add_arg('train_retrieved_nell_concept_path', str, '../retrieve_concepts/retrieve_nell/output_record/train.retrieved_nell_concepts.data', 'path of retrieved concepts for trainset') -mem_settings_g.add_arg('dev_retrieved_nell_concept_path', str, '../retrieve_concepts/retrieve_nell/output_record/dev.retrieved_nell_concepts.data', 'path of retrieved concepts for devset') - -args = parser.parse_args() -# yapf: enable. - -def create_model(pyreader_name, bert_config, max_wn_concept_length, max_nell_concept_length, wn_concept_embedding_mat, nell_concept_embedding_mat, is_training=False, freeze=False): - if is_training: - pyreader = fluid.layers.py_reader( - capacity=50, - shapes=[[-1, args.max_seq_len, 1], [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, max_wn_concept_length, 1], - [-1, args.max_seq_len, max_nell_concept_length, 1], - [-1, args.max_seq_len, 1], [-1, 1], [-1, 1]], - dtypes=[ - 'int64', 'int64', 'int64', 'int64', 'int64', 'float32', 'int64', 'int64'], - lod_levels=[0, 0, 0, 0, 0, 0, 0, 0], - name=pyreader_name, - use_double_buffer=True) - (src_ids, pos_ids, sent_ids, wn_concept_ids, nell_concept_ids, input_mask, start_positions, - end_positions) = fluid.layers.read_file(pyreader) - else: - pyreader = fluid.layers.py_reader( - capacity=50, - shapes=[[-1, args.max_seq_len, 1], [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, max_wn_concept_length, 1], - [-1, args.max_seq_len, max_nell_concept_length, 1], - [-1, args.max_seq_len, 1], [-1, 1]], - dtypes=['int64', 'int64', 'int64', 'int64', 'int64', 'float32', 'int64'], - lod_levels=[0, 0, 0, 0, 0, 0, 0], - name=pyreader_name, - use_double_buffer=True) - (src_ids, pos_ids, sent_ids, wn_concept_ids, nell_concept_ids, input_mask, unique_id) = fluid.layers.read_file(pyreader) - - '''1st Layer: BERT Layer''' - bert = BertModel( - src_ids=src_ids, - position_ids=pos_ids, - sentence_ids=sent_ids, - input_mask=input_mask, - config=bert_config, - use_fp16=args.use_fp16) - - enc_out = bert.get_sequence_output() - if freeze: - enc_out.stop_gradient=True - logger.info("enc_out.stop_gradient: {}".format(enc_out.stop_gradient)) - - '''2nd layer: Memory Layer''' - # get memory embedding - wn_concept_vocab_size = wn_concept_embedding_mat.shape[0] - wn_concept_dim = wn_concept_embedding_mat.shape[1] - nell_concept_vocab_size = nell_concept_embedding_mat.shape[0] - nell_concept_dim = nell_concept_embedding_mat.shape[1] - wn_memory_embs = fluid.layers.embedding(wn_concept_ids, - size=(wn_concept_vocab_size, wn_concept_dim), - param_attr=fluid.ParamAttr(name="wn_concept_emb_mat", - do_model_average=False, - trainable=False), - dtype='float32') - nell_memory_embs = fluid.layers.embedding(nell_concept_ids, - size=(nell_concept_vocab_size, nell_concept_dim), - param_attr=fluid.ParamAttr(name="nell_concept_emb_mat", - do_model_average=False, - trainable=False), - dtype='float32') - - # get memory length - wn_concept_ids_reduced = fluid.layers.equal(wn_concept_ids, - fluid.layers.fill_constant(shape=[1], value=0, dtype="int64")) # [batch_size, sent_size, concept_size, 1] - wn_concept_ids_reduced = fluid.layers.cast(wn_concept_ids_reduced, dtype="float32") # [batch_size, sent_size, concept_size, 1] - wn_concept_ids_reduced = fluid.layers.scale( - fluid.layers.elementwise_sub( - wn_concept_ids_reduced, - fluid.layers.fill_constant([1], "float32", 1) - ), - scale=-1 - ) - wn_mem_length = fluid.layers.reduce_sum(wn_concept_ids_reduced, dim=2) # [batch_size, sent_size, 1] - - nell_concept_ids_reduced = fluid.layers.equal(nell_concept_ids, - fluid.layers.fill_constant(shape=[1], value=0, dtype="int64")) # [batch_size, sent_size, concept_size, 1] - nell_concept_ids_reduced = fluid.layers.cast(nell_concept_ids_reduced, dtype="float32") # [batch_size, sent_size, concept_size, 1] - nell_concept_ids_reduced = fluid.layers.scale( - fluid.layers.elementwise_sub( - nell_concept_ids_reduced, - fluid.layers.fill_constant([1], "float32", 1) - ), - scale=-1 - ) - nell_mem_length = fluid.layers.reduce_sum(nell_concept_ids_reduced, dim=2) # [batch_size, sent_size, 1] - - # select and integrate - wn_memory_layer = MemoryLayer(bert_config, max_wn_concept_length, wn_concept_dim, mem_method='raw', prefix='wn') - wn_memory_output = wn_memory_layer.forward(enc_out, wn_memory_embs, wn_mem_length, ignore_no_memory_token=True) - - nell_memory_layer = MemoryLayer(bert_config, max_nell_concept_length, nell_concept_dim, mem_method='raw', prefix='nell') - nell_memory_output = nell_memory_layer.forward(enc_out, nell_memory_embs, nell_mem_length, ignore_no_memory_token=True) - - memory_output = fluid.layers.concat([enc_out, wn_memory_output, nell_memory_output], axis=2) - - '''3rd layer: Self-Matching Layer''' - # calculate input dim for self-matching layer - memory_output_size = bert_config['hidden_size'] + wn_concept_dim + nell_concept_dim - logger.info("memory_output_size: {}".format(memory_output_size)) - - # do matching - self_att_layer = TriLinearTwoTimeSelfAttentionLayer( - memory_output_size, dropout_rate=0.0, - cat_mul=True, cat_sub=True, cat_twotime=True, - cat_twotime_mul=False, cat_twotime_sub=True) # [bs, sq, concat_hs] - att_output = self_att_layer.forward(memory_output, input_mask) # [bs, sq, concat_hs] - - '''4th layer: Output Layer''' - logits = fluid.layers.fc( - input=att_output, - size=2, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name="cls_squad_out_w", - initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=bert_config['initializer_range'])), - bias_attr=fluid.ParamAttr( - name="cls_squad_out_b", initializer=fluid.initializer.Constant(0.))) - - logits = fluid.layers.transpose(x=logits, perm=[2, 0, 1]) - start_logits, end_logits = fluid.layers.unstack(x=logits, axis=0) - - batch_ones = fluid.layers.fill_constant_batch_size_like( - input=start_logits, dtype='int64', shape=[1], value=1) - num_seqs = fluid.layers.reduce_sum(input=batch_ones) - - if is_training: - - def compute_loss(logits, positions): - loss = fluid.layers.softmax_with_cross_entropy( - logits=logits, label=positions) - loss = fluid.layers.mean(x=loss) - return loss - - start_loss = compute_loss(start_logits, start_positions) - end_loss = compute_loss(end_logits, end_positions) - total_loss = (start_loss + end_loss) / 2.0 - if args.use_fp16 and args.loss_scaling > 1.0: - total_loss = total_loss * args.loss_scaling - - return pyreader, total_loss, num_seqs - else: - return pyreader, unique_id, start_logits, end_logits, num_seqs - - -RawResult = collections.namedtuple("RawResult", - ["unique_id", "start_logits", "end_logits"]) - - -def predict(test_exe, test_program, test_pyreader, fetch_list, processor, eval_concept_settings, eval_output_name='eval_result.json'): - if not os.path.exists(args.checkpoints): - os.makedirs(args.checkpoints) - output_prediction_file = os.path.join(args.checkpoints, "predictions.json") - output_nbest_file = os.path.join(args.checkpoints, "nbest_predictions.json") - output_null_log_odds_file = os.path.join(args.checkpoints, "null_odds.json") - output_evaluation_result_file = os.path.join(args.checkpoints, eval_output_name) - - test_pyreader.start() - all_results = [] - time_begin = time.time() - while True: - try: - np_unique_ids, np_start_logits, np_end_logits, np_num_seqs = test_exe.run( - fetch_list=fetch_list, program=test_program) - for idx in range(np_unique_ids.shape[0]): - if len(all_results) % 1000 == 0: - logger.info("Processing example: %d" % len(all_results)) - unique_id = int(np_unique_ids[idx]) - start_logits = [float(x) for x in np_start_logits[idx].flat] - end_logits = [float(x) for x in np_end_logits[idx].flat] - all_results.append( - RawResult( - unique_id=unique_id, - start_logits=start_logits, - end_logits=end_logits)) - except fluid.core.EOFException: - test_pyreader.reset() - break - time_end = time.time() - - features = processor.get_features( - processor.predict_examples, is_training=False, **eval_concept_settings) - eval_result = write_predictions(processor.predict_examples, features, all_results, - args.n_best_size, args.max_answer_length, - args.do_lower_case, output_prediction_file, - output_nbest_file, output_null_log_odds_file, - args.version_2_with_negative, - args.null_score_diff_threshold, args.verbose, args.predict_file, output_evaluation_result_file) - return eval_result - -def read_concept_embedding(embedding_path): - fin = open(embedding_path, encoding='utf-8') - info = [line.strip() for line in fin] - dim = len(info[0].split(' ')[1:]) - n_concept = len(info) - embedding_mat = [] - id2concept, concept2id = [], {} - # add padding concept into vocab - id2concept.append('') - concept2id[''] = 0 - embedding_mat.append([0.0 for _ in range(dim)]) - for line in info: - concept_name = line.split(' ')[0] - embedding = [float(value_str) for value_str in line.split(' ')[1:]] - assert len(embedding) == dim and not np.any(np.isnan(embedding)) - embedding_mat.append(embedding) - concept2id[concept_name] = len(id2concept) - id2concept.append(concept_name) - embedding_mat = np.array(embedding_mat, dtype=np.float32) - return id2concept, concept2id, embedding_mat - -def train(args): - bert_config = BertConfig(args.bert_config_path) - bert_config.print_config() - - if not (args.do_train or args.do_predict or args.do_val): - raise ValueError("For args `do_train` and `do_predict`, at " - "least one of them must be True.") - - if args.use_cuda: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - exe = fluid.Executor(place) - - wn_id2concept, wn_concept2id, wn_concept_embedding_mat = read_concept_embedding( - args.wn_concept_embedding_path) - nell_id2concept, nell_concept2id, nell_concept_embedding_mat = read_concept_embedding( - args.nell_concept_embedding_path) - - processor = DataProcessor( - vocab_path=args.vocab_path, - do_lower_case=args.do_lower_case, - max_seq_length=args.max_seq_len, - in_tokens=args.in_tokens, - doc_stride=args.doc_stride, - max_query_length=args.max_query_length) - - startup_prog = fluid.Program() - if args.random_seed is not None: - startup_prog.random_seed = args.random_seed - random.seed(args.random_seed) - np.random.seed(args.random_seed) - - if args.do_train: - train_concept_settings = { - 'tokenization_path': '../retrieve_concepts/tokenization_record/tokens/train.tokenization.{}.data'.format('uncased' if args.do_lower_case else 'cased'), - 'wn_concept2id': wn_concept2id, - 'nell_concept2id': nell_concept2id, - 'use_wordnet': args.use_wordnet, - 'retrieved_synset_path': args.retrieved_synset_path, - 'use_nell': args.use_nell, - 'retrieved_nell_concept_path': args.train_retrieved_nell_concept_path, - } - train_data_generator = processor.data_generator( - data_path=args.train_file, - batch_size=args.batch_size, - phase='train', - shuffle=True, - dev_count=dev_count, - version_2_with_negative=args.version_2_with_negative, - epoch=args.epoch, - **train_concept_settings) - - num_train_examples = processor.get_num_examples(phase='train') - if args.in_tokens: - max_train_steps = args.epoch * num_train_examples // ( - args.batch_size // args.max_seq_len) // dev_count - else: - max_train_steps = args.epoch * num_train_examples // ( - args.batch_size) // dev_count - warmup_steps = int(max_train_steps * args.warmup_proportion) - logger.info("Device count: %d" % dev_count) - logger.info("Num train examples: %d" % num_train_examples) - logger.info("Max train steps: %d" % max_train_steps) - logger.info("Num warmup steps: %d" % warmup_steps) - - train_program = fluid.Program() - # if args.random_seed is not None: - # train_program.random_seed = args.random_seed - with fluid.program_guard(train_program, startup_prog): - with fluid.unique_name.guard(): - train_pyreader, loss, num_seqs = create_model( - pyreader_name='train_reader', - bert_config=bert_config, - max_wn_concept_length=processor.train_wn_max_concept_length, - max_nell_concept_length=processor.train_nell_max_concept_length, - wn_concept_embedding_mat=wn_concept_embedding_mat, - nell_concept_embedding_mat=nell_concept_embedding_mat, - is_training=True, - freeze=args.freeze) - - scheduled_lr = optimization( - loss=loss, - warmup_steps=warmup_steps, - num_train_steps=max_train_steps, - learning_rate=args.learning_rate, - train_program=train_program, - startup_prog=startup_prog, - weight_decay=args.weight_decay, - scheduler=args.lr_scheduler, - use_fp16=args.use_fp16, - loss_scaling=args.loss_scaling) - - if args.use_ema: - ema = fluid.optimizer.ExponentialMovingAverage(args.ema_decay) - ema.update() - - fluid.memory_optimize(train_program, skip_opt_set=[loss.name, num_seqs.name]) - - if args.verbose: - if args.in_tokens: - lower_mem, upper_mem, unit = fluid.contrib.memory_usage( - program=train_program, - batch_size=args.batch_size // args.max_seq_len) - else: - lower_mem, upper_mem, unit = fluid.contrib.memory_usage( - program=train_program, batch_size=args.batch_size) - logger.info("Theoretical memory usage in training: %.3f - %.3f %s" % - (lower_mem, upper_mem, unit)) - - if args.do_predict or args.do_val: - eval_concept_settings = { - 'tokenization_path': '../retrieve_concepts/tokenization_record/tokens/dev.tokenization.{}.data'.format('uncased' if args.do_lower_case else 'cased'), - 'wn_concept2id': wn_concept2id, - 'nell_concept2id': nell_concept2id, - 'use_wordnet': args.use_wordnet, - 'retrieved_synset_path': args.retrieved_synset_path, - 'use_nell': args.use_nell, - 'retrieved_nell_concept_path': args.dev_retrieved_nell_concept_path, - } - eval_data_generator = processor.data_generator( - data_path=args.predict_file, - batch_size=args.batch_size, - phase='predict', - shuffle=False, - dev_count=1, - epoch=1, - **eval_concept_settings) - - test_prog = fluid.Program() - # if args.random_seed is not None: - # test_prog.random_seed = args.random_seed - with fluid.program_guard(test_prog, startup_prog): - with fluid.unique_name.guard(): - test_pyreader, unique_ids, start_logits, end_logits, num_seqs = create_model( - pyreader_name='test_reader', - bert_config=bert_config, - max_wn_concept_length=processor.predict_wn_max_concept_length, - max_nell_concept_length=processor.predict_nell_max_concept_length, - wn_concept_embedding_mat=wn_concept_embedding_mat, - nell_concept_embedding_mat=nell_concept_embedding_mat, - is_training=False) - - if args.use_ema and 'ema' not in dir(): - ema = fluid.optimizer.ExponentialMovingAverage(args.ema_decay) - - fluid.memory_optimize(test_prog, skip_opt_set=[unique_ids.name, - start_logits.name, end_logits.name, num_seqs.name]) - - test_prog = test_prog.clone(for_test=True) - # if args.random_seed is not None: - # test_prog.random_seed = args.random_seed - - exe.run(startup_prog) - - if args.do_train: - logger.info('load pretrained concept embedding') - fluid.global_scope().find_var('wn_concept_emb_mat').get_tensor().set(wn_concept_embedding_mat, place) - fluid.global_scope().find_var('nell_concept_emb_mat').get_tensor().set(nell_concept_embedding_mat, place) - - if args.init_checkpoint and args.init_pretraining_params: - logger.info( - "WARNING: args 'init_checkpoint' and 'init_pretraining_params' " - "both are set! Only arg 'init_checkpoint' is made valid.") - if args.init_checkpoint: - init_checkpoint( - exe, - args.init_checkpoint, - main_program=startup_prog, - use_fp16=args.use_fp16) - elif args.init_pretraining_params: - init_pretraining_params( - exe, - args.init_pretraining_params, - main_program=startup_prog, - use_fp16=args.use_fp16) - elif args.do_predict or args.do_val: - if not args.init_checkpoint: - raise ValueError("args 'init_checkpoint' should be set if" - "only doing prediction!") - init_checkpoint( - exe, - args.init_checkpoint, - main_program=startup_prog, - use_fp16=args.use_fp16) - - if args.do_train: - exec_strategy = fluid.ExecutionStrategy() - exec_strategy.use_experimental_executor = args.use_fast_executor - exec_strategy.num_threads = dev_count - exec_strategy.num_iteration_per_drop_scope = args.num_iteration_per_drop_scope - - train_exe = fluid.ParallelExecutor( - use_cuda=args.use_cuda, - loss_name=loss.name, - exec_strategy=exec_strategy, - main_program=train_program) - - train_pyreader.decorate_tensor_provider(train_data_generator) - - train_pyreader.start() - steps = 0 - total_cost, total_num_seqs = [], [] - time_begin = time.time() - while steps < max_train_steps: - try: - steps += 1 - if steps % args.skip_steps == 0: - if warmup_steps <= 0: - fetch_list = [loss.name, num_seqs.name] - else: - fetch_list = [ - loss.name, scheduled_lr.name, num_seqs.name - ] - else: - fetch_list = [] - - outputs = train_exe.run(fetch_list=fetch_list) - - if steps % args.skip_steps == 0: - if warmup_steps <= 0: - np_loss, np_num_seqs = outputs - else: - np_loss, np_lr, np_num_seqs = outputs - total_cost.extend(np_loss * np_num_seqs) - total_num_seqs.extend(np_num_seqs) - - if args.verbose: - verbose = "train pyreader queue size: %d, " % train_pyreader.queue.size( - ) - verbose += "learning rate: %f" % ( - np_lr[0] - if warmup_steps > 0 else args.learning_rate) - logger.info(verbose) - - time_end = time.time() - used_time = time_end - time_begin - current_example, epoch = processor.get_train_progress() - - logger.info("epoch: %d, progress: %d/%d, step: %d, loss: %f, " - "speed: %f steps/s" % - (epoch, current_example, num_train_examples, steps, - np.sum(total_cost) / np.sum(total_num_seqs), - args.skip_steps / used_time)) - total_cost, total_num_seqs = [], [] - time_begin = time.time() - - if steps % args.save_steps == 0 or steps == max_train_steps: - save_path = os.path.join(args.checkpoints, - "step_" + str(steps)) - fluid.io.save_persistables(exe, save_path, train_program) - - if steps % args.validation_steps == 0 or steps == max_train_steps: - if args.do_val: - test_pyreader.decorate_tensor_provider( - processor.data_generator( - data_path=args.predict_file, - batch_size=args.batch_size, - phase='predict', - shuffle=False, - dev_count=1, - epoch=1, - **eval_concept_settings) - ) - val_performance = predict(exe, test_prog, test_pyreader, [ - unique_ids.name, start_logits.name, end_logits.name, num_seqs.name - ], processor, eval_concept_settings, 'validate_result_step_{}.json'.format(steps)) - logger.info("Validation performance after step {}:\n* Exact_match: {}\n* F1: {}".format(steps, val_performance['exact_match'], val_performance['f1'])) - - except fluid.core.EOFException: - save_path = os.path.join(args.checkpoints, - "step_" + str(steps) + "_final") - fluid.io.save_persistables(exe, save_path, train_program) - train_pyreader.reset() - break - - if args.do_predict: - test_pyreader.decorate_tensor_provider(eval_data_generator) - - if args.use_ema: - with ema.apply(exe): - eval_performance = predict(exe, test_prog, test_pyreader, [ - unique_ids.name, start_logits.name, end_logits.name, num_seqs.name - ], processor, eval_concept_settings) - else: - eval_performance = predict(exe, test_prog, test_pyreader, [ - unique_ids.name, start_logits.name, end_logits.name, num_seqs.name - ], processor, eval_concept_settings) - - logger.info("Eval performance:\n* Exact_match: {}\n* F1: {}".format(eval_performance['exact_match'], eval_performance['f1'])) - - -if __name__ == '__main__': - print_arguments(args) - train(args) diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/run_squad.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/run_squad.py deleted file mode 100644 index bf0a225bcae788fa3ce7333b9e8bfe86c463a562..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/run_squad.py +++ /dev/null @@ -1,594 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Finetuning on SQuAD.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import argparse -import collections -import multiprocessing -import os -import time -import logging -import random -import numpy as np -import paddle -import paddle.fluid as fluid - -from reader.squad import DataProcessor, write_predictions -from model.bert import BertConfig, BertModel -from model.layers import MemoryLayer, TriLinearTwoTimeSelfAttentionLayer -from utils.args import ArgumentGroup, print_arguments -from optimization import optimization -from utils.init import init_pretraining_params, init_checkpoint - -logging.basicConfig(format = '%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt = '%m/%d/%Y %H:%M:%S', - level = logging.INFO) -logging.getLogger().setLevel(logging.INFO) -logger = logging.getLogger(__name__) - -# yapf: disable -parser = argparse.ArgumentParser() -model_g = ArgumentGroup(parser, "model", "model configuration and paths.") -model_g.add_arg("bert_config_path", str, None, "Path to the json file for bert model config.") -model_g.add_arg("init_checkpoint", str, None, "Init checkpoint to resume training from.") -model_g.add_arg("init_pretraining_params", str, None, - "Init pre-training params which preforms fine-tuning from. If the " - "arg 'init_checkpoint' has been set, this argument wouldn't be valid.") -model_g.add_arg("checkpoints", str, "checkpoints", "Path to save checkpoints.") - -train_g = ArgumentGroup(parser, "training", "training options.") -train_g.add_arg("epoch", int, 3, "Number of epoches for fine-tuning.") -train_g.add_arg("learning_rate", float, 5e-5, "Learning rate used to train with warmup.") -train_g.add_arg("lr_scheduler", str, "linear_warmup_decay", - "scheduler of learning rate.", choices=['linear_warmup_decay', 'noam_decay']) -train_g.add_arg("weight_decay", float, 0.01, "Weight decay rate for L2 regularizer.") -train_g.add_arg("warmup_proportion", float, 0.1, - "Proportion of training steps to perform linear learning rate warmup for.") -train_g.add_arg("save_steps", int, 1000, "The steps interval to save checkpoints.") -train_g.add_arg("validation_steps", int, 1000, "The steps interval for validation (effective only when do_val is True).") -train_g.add_arg("use_ema", bool, True, "Whether to use ema.") -train_g.add_arg("ema_decay", float, 0.9999, "Decay rate for expoential moving average.") -train_g.add_arg("use_fp16", bool, False, "Whether to use fp16 mixed precision training.") -train_g.add_arg("loss_scaling", float, 1.0, - "Loss scaling factor for mixed precision training, only valid when use_fp16 is enabled.") - -log_g = ArgumentGroup(parser, "logging", "logging related.") -log_g.add_arg("skip_steps", int, 10, "The steps interval to print loss.") -log_g.add_arg("verbose", bool, False, "Whether to output verbose log.") - -data_g = ArgumentGroup(parser, "data", "Data paths, vocab paths and data processing options") -data_g.add_arg("train_file", str, None, "SQuAD json for training. E.g., train-v1.1.json.") -data_g.add_arg("predict_file", str, None, "SQuAD json for predictions. E.g. dev-v1.1.json or test-v1.1.json.") -data_g.add_arg("vocab_path", str, None, "Vocabulary path.") -data_g.add_arg("version_2_with_negative", bool, False, - "If true, the SQuAD examples contain some that do not have an answer. If using squad v2.0, it should be set true.") -data_g.add_arg("max_seq_len", int, 512, "Number of words of the longest seqence.") -data_g.add_arg("max_query_length", int, 64, "Max query length.") -data_g.add_arg("max_answer_length", int, 30, "Max answer length.") -data_g.add_arg("batch_size", int, 12, "Total examples' number in batch for training. see also --in_tokens.") -data_g.add_arg("in_tokens", bool, False, - "If set, the batch size will be the maximum number of tokens in one batch. " - "Otherwise, it will be the maximum number of examples in one batch.") -data_g.add_arg("do_lower_case", bool, True, - "Whether to lower case the input text. Should be True for uncased models and False for cased models.") -data_g.add_arg("doc_stride", int, 128, - "When splitting up a long document into chunks, how much stride to take between chunks.") -data_g.add_arg("n_best_size", int, 20, - "The total number of n-best predictions to generate in the nbest_predictions.json output file.") -data_g.add_arg("null_score_diff_threshold", float, 0.0, - "If null_score - best_non_null is greater than the threshold predict null.") -data_g.add_arg("random_seed", int, 42, "Random seed.") - -run_type_g = ArgumentGroup(parser, "run_type", "running type options.") -run_type_g.add_arg("use_cuda", bool, True, "If set, use GPU for training.") -run_type_g.add_arg("use_fast_executor", bool, False, "If set, use fast parallel executor (in experiment).") -run_type_g.add_arg("num_iteration_per_drop_scope", int, 1, "Ihe iteration intervals to clean up temporary variables.") -run_type_g.add_arg("do_train", bool, False, "Whether to perform training.") -run_type_g.add_arg("do_val", bool, False, "Whether to perform validation during training.") -run_type_g.add_arg("do_predict", bool, False, "Whether to perform prediction.") -run_type_g.add_arg("freeze", bool, False, "freeze bert parameters") - -mem_settings_g = ArgumentGroup(parser, "memory", "memory settings.") -mem_settings_g.add_arg('concept_embedding_path', str, None, 'path of pretrained concept file') -mem_settings_g.add_arg('use_wordnet', bool, False, 'whether to use wordnet memory') -mem_settings_g.add_arg('retrieved_synset_path', str, '../retrieve_concepts/retrieve_wordnet/output_squad/retrived_synsets.data', 'path of retrieved synsets') -mem_settings_g.add_arg('use_nell', bool, False, 'whether to use nell memory') -mem_settings_g.add_arg('train_retrieved_nell_concept_path', str, '../retrieve_concepts/retrieve_nell/output_squad/train.retrieved_nell_concepts.data', 'path of retrieved concepts for trainset') -mem_settings_g.add_arg('dev_retrieved_nell_concept_path', str, '../retrieve_concepts/retrieve_nell/output_squad/dev.retrieved_nell_concepts.data', 'path of retrieved concepts for devset') - -args = parser.parse_args() -# yapf: enable. - -def create_model(pyreader_name, bert_config, max_concept_length, concept_embedding_mat, is_training=False, freeze=False): - if is_training: - pyreader = fluid.layers.py_reader( - capacity=50, - shapes=[[-1, args.max_seq_len, 1], [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, max_concept_length, 1], - [-1, args.max_seq_len, 1], [-1, 1], [-1, 1]], - dtypes=[ - 'int64', 'int64', 'int64', 'int64', 'float32', 'int64', 'int64'], - lod_levels=[0, 0, 0, 0, 0, 0, 0], - name=pyreader_name, - use_double_buffer=True) - (src_ids, pos_ids, sent_ids, concept_ids, input_mask, start_positions, - end_positions) = fluid.layers.read_file(pyreader) - else: - pyreader = fluid.layers.py_reader( - capacity=50, - shapes=[[-1, args.max_seq_len, 1], [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, max_concept_length, 1], - [-1, args.max_seq_len, 1], [-1, 1]], - dtypes=['int64', 'int64', 'int64', 'int64', 'float32', 'int64'], - lod_levels=[0, 0, 0, 0, 0, 0], - name=pyreader_name, - use_double_buffer=True) - (src_ids, pos_ids, sent_ids, concept_ids, input_mask, unique_id) = fluid.layers.read_file(pyreader) - - '''1st Layer: BERT Layer''' - bert = BertModel( - src_ids=src_ids, - position_ids=pos_ids, - sentence_ids=sent_ids, - input_mask=input_mask, - config=bert_config, - use_fp16=args.use_fp16) - - enc_out = bert.get_sequence_output() - if freeze: - enc_out.stop_gradient=True - logger.info("enc_out.stop_gradient: {}".format(enc_out.stop_gradient)) - - '''2nd layer: Memory Layer''' - # get memory embedding - concept_vocab_size = concept_embedding_mat.shape[0] - concept_dim = concept_embedding_mat.shape[1] - memory_embs = fluid.layers.embedding(concept_ids, - size=(concept_vocab_size, concept_dim), - param_attr=fluid.ParamAttr(name="concept_emb_mat", - do_model_average=False, - trainable=False), - dtype='float32') - - # get memory length - concept_ids_reduced = fluid.layers.equal(concept_ids, - fluid.layers.fill_constant(shape=[1], value=0, dtype="int64")) # [batch_size, sent_size, concept_size, 1] - concept_ids_reduced = fluid.layers.cast(concept_ids_reduced, dtype="float32") # [batch_size, sent_size, concept_size, 1] - concept_ids_reduced = fluid.layers.scale( - fluid.layers.elementwise_sub( - concept_ids_reduced, - fluid.layers.fill_constant([1], "float32", 1) - ), - scale=-1 - ) - mem_length = fluid.layers.reduce_sum(concept_ids_reduced, dim=2) # [batch_size, sent_size, 1] - - # select and integrate - memory_layer = MemoryLayer(bert_config, max_concept_length, concept_dim, mem_method='cat') - memory_output = memory_layer.forward(enc_out, memory_embs, mem_length, ignore_no_memory_token=True) - - '''3rd layer: Self-Matching Layer''' - # calculate input dim for self-matching layer - if memory_layer.mem_method == 'add': - memory_output_size = bert_config['hidden_size'] - elif memory_layer.mem_method == 'cat': - memory_output_size = bert_config['hidden_size'] + concept_dim - else: - raise ValueError("memory_layer.mem_method must be 'add' or 'cat'") - logger.info("memory_output_size: {}".format(memory_output_size)) - - # do matching - self_att_layer = TriLinearTwoTimeSelfAttentionLayer( - memory_output_size, dropout_rate=0.0, - cat_mul=True, cat_sub=True, cat_twotime=True, - cat_twotime_mul=False, cat_twotime_sub=True) # [bs, sq, concat_hs] - att_output = self_att_layer.forward(memory_output, input_mask) # [bs, sq, concat_hs] - - '''4th layer: Output Layer''' - logits = fluid.layers.fc( - input=att_output, - size=2, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name="cls_squad_out_w", - initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=bert_config['initializer_range'])), - bias_attr=fluid.ParamAttr( - name="cls_squad_out_b", initializer=fluid.initializer.Constant(0.))) - - logits = fluid.layers.transpose(x=logits, perm=[2, 0, 1]) - start_logits, end_logits = fluid.layers.unstack(x=logits, axis=0) - - batch_ones = fluid.layers.fill_constant_batch_size_like( - input=start_logits, dtype='int64', shape=[1], value=1) - num_seqs = fluid.layers.reduce_sum(input=batch_ones) - - if is_training: - - def compute_loss(logits, positions): - loss = fluid.layers.softmax_with_cross_entropy( - logits=logits, label=positions) - loss = fluid.layers.mean(x=loss) - return loss - - start_loss = compute_loss(start_logits, start_positions) - end_loss = compute_loss(end_logits, end_positions) - total_loss = (start_loss + end_loss) / 2.0 - if args.use_fp16 and args.loss_scaling > 1.0: - total_loss = total_loss * args.loss_scaling - - return pyreader, total_loss, num_seqs - else: - return pyreader, unique_id, start_logits, end_logits, num_seqs - - -RawResult = collections.namedtuple("RawResult", - ["unique_id", "start_logits", "end_logits"]) - - -def predict(test_exe, test_program, test_pyreader, fetch_list, processor, eval_concept_settings, eval_output_name='eval_result.json'): - if not os.path.exists(args.checkpoints): - os.makedirs(args.checkpoints) - output_prediction_file = os.path.join(args.checkpoints, "predictions.json") - output_nbest_file = os.path.join(args.checkpoints, "nbest_predictions.json") - output_null_log_odds_file = os.path.join(args.checkpoints, "null_odds.json") - output_evaluation_result_file = os.path.join(args.checkpoints, eval_output_name) - - test_pyreader.start() - all_results = [] - time_begin = time.time() - while True: - try: - np_unique_ids, np_start_logits, np_end_logits, np_num_seqs = test_exe.run( - fetch_list=fetch_list, program=test_program) - for idx in range(np_unique_ids.shape[0]): - if len(all_results) % 1000 == 0: - logger.info("Processing example: %d" % len(all_results)) - unique_id = int(np_unique_ids[idx]) - start_logits = [float(x) for x in np_start_logits[idx].flat] - end_logits = [float(x) for x in np_end_logits[idx].flat] - all_results.append( - RawResult( - unique_id=unique_id, - start_logits=start_logits, - end_logits=end_logits)) - except fluid.core.EOFException: - test_pyreader.reset() - break - time_end = time.time() - - features = processor.get_features( - processor.predict_examples, is_training=False, **eval_concept_settings) - eval_result = write_predictions(processor.predict_examples, features, all_results, - args.n_best_size, args.max_answer_length, - args.do_lower_case, output_prediction_file, - output_nbest_file, output_null_log_odds_file, - args.version_2_with_negative, - args.null_score_diff_threshold, args.verbose, args.predict_file, output_evaluation_result_file) - return eval_result - -def read_concept_embedding(embedding_path): - fin = open(embedding_path, encoding='utf-8') - info = [line.strip() for line in fin] - dim = len(info[0].split(' ')[1:]) - n_concept = len(info) - embedding_mat = [] - id2concept, concept2id = [], {} - # add padding concept into vocab - id2concept.append('') - concept2id[''] = 0 - embedding_mat.append([0.0 for _ in range(dim)]) - for line in info: - concept_name = line.split(' ')[0] - embedding = [float(value_str) for value_str in line.split(' ')[1:]] - assert len(embedding) == dim and not np.any(np.isnan(embedding)) - embedding_mat.append(embedding) - concept2id[concept_name] = len(id2concept) - id2concept.append(concept_name) - embedding_mat = np.array(embedding_mat, dtype=np.float32) - return id2concept, concept2id, embedding_mat - -def train(args): - bert_config = BertConfig(args.bert_config_path) - bert_config.print_config() - - if not (args.do_train or args.do_predict or args.do_val): - raise ValueError("For args `do_train` and `do_predict`, at " - "least one of them must be True.") - - if args.use_cuda: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - exe = fluid.Executor(place) - - id2concept, concept2id, concept_embedding_mat = read_concept_embedding( - args.concept_embedding_path) - - processor = DataProcessor( - vocab_path=args.vocab_path, - do_lower_case=args.do_lower_case, - max_seq_length=args.max_seq_len, - in_tokens=args.in_tokens, - doc_stride=args.doc_stride, - max_query_length=args.max_query_length) - - startup_prog = fluid.Program() - if args.random_seed is not None: - startup_prog.random_seed = args.random_seed - random.seed(args.random_seed) - np.random.seed(args.random_seed) - - if args.do_train: - train_concept_settings = { - 'tokenization_path': '../retrieve_concepts/tokenization_squad/tokens/train.tokenization.{}.data'.format('uncased' if args.do_lower_case else 'cased'), - 'concept2id': concept2id, - 'use_wordnet': args.use_wordnet, - 'retrieved_synset_path': args.retrieved_synset_path, - 'use_nell': args.use_nell, - 'retrieved_nell_concept_path': args.train_retrieved_nell_concept_path, - } - train_data_generator = processor.data_generator( - data_path=args.train_file, - batch_size=args.batch_size, - phase='train', - shuffle=True, - dev_count=dev_count, - version_2_with_negative=args.version_2_with_negative, - epoch=args.epoch, - **train_concept_settings) - - num_train_examples = processor.get_num_examples(phase='train') - if args.in_tokens: - max_train_steps = args.epoch * num_train_examples // ( - args.batch_size // args.max_seq_len) // dev_count - else: - max_train_steps = args.epoch * num_train_examples // ( - args.batch_size) // dev_count - warmup_steps = int(max_train_steps * args.warmup_proportion) - logger.info("Device count: %d" % dev_count) - logger.info("Num train examples: %d" % num_train_examples) - logger.info("Max train steps: %d" % max_train_steps) - logger.info("Num warmup steps: %d" % warmup_steps) - - train_program = fluid.Program() - # if args.random_seed is not None: - # train_program.random_seed = args.random_seed - with fluid.program_guard(train_program, startup_prog): - with fluid.unique_name.guard(): - train_pyreader, loss, num_seqs = create_model( - pyreader_name='train_reader', - bert_config=bert_config, - max_concept_length=processor.train_max_concept_length, - concept_embedding_mat=concept_embedding_mat, - is_training=True, - freeze=args.freeze) - - scheduled_lr = optimization( - loss=loss, - warmup_steps=warmup_steps, - num_train_steps=max_train_steps, - learning_rate=args.learning_rate, - train_program=train_program, - startup_prog=startup_prog, - weight_decay=args.weight_decay, - scheduler=args.lr_scheduler, - use_fp16=args.use_fp16, - loss_scaling=args.loss_scaling) - - if args.use_ema: - ema = fluid.optimizer.ExponentialMovingAverage(args.ema_decay) - ema.update() - - fluid.memory_optimize(train_program, skip_opt_set=[loss.name, num_seqs.name]) - - if args.verbose: - if args.in_tokens: - lower_mem, upper_mem, unit = fluid.contrib.memory_usage( - program=train_program, - batch_size=args.batch_size // args.max_seq_len) - else: - lower_mem, upper_mem, unit = fluid.contrib.memory_usage( - program=train_program, batch_size=args.batch_size) - logger.info("Theoretical memory usage in training: %.3f - %.3f %s" % - (lower_mem, upper_mem, unit)) - - if args.do_predict or args.do_val: - eval_concept_settings = { - 'tokenization_path': '../retrieve_concepts/tokenization_squad/tokens/dev.tokenization.{}.data'.format('uncased' if args.do_lower_case else 'cased'), - 'concept2id': concept2id, - 'use_wordnet': args.use_wordnet, - 'retrieved_synset_path': args.retrieved_synset_path, - 'use_nell': args.use_nell, - 'retrieved_nell_concept_path': args.dev_retrieved_nell_concept_path, - } - eval_data_generator = processor.data_generator( - data_path=args.predict_file, - batch_size=args.batch_size, - phase='predict', - shuffle=False, - dev_count=1, - epoch=1, - **eval_concept_settings) - - test_prog = fluid.Program() - # if args.random_seed is not None: - # test_prog.random_seed = args.random_seed - with fluid.program_guard(test_prog, startup_prog): - with fluid.unique_name.guard(): - test_pyreader, unique_ids, start_logits, end_logits, num_seqs = create_model( - pyreader_name='test_reader', - bert_config=bert_config, - max_concept_length=processor.predict_max_concept_length, - concept_embedding_mat=concept_embedding_mat, - is_training=False) - - if args.use_ema and 'ema' not in dir(): - ema = fluid.optimizer.ExponentialMovingAverage(args.ema_decay) - - fluid.memory_optimize(test_prog, skip_opt_set=[unique_ids.name, - start_logits.name, end_logits.name, num_seqs.name]) - - test_prog = test_prog.clone(for_test=True) - # if args.random_seed is not None: - # test_prog.random_seed = args.random_seed - - exe.run(startup_prog) - - if args.do_train: - logger.info('load pretrained concept embedding') - fluid.global_scope().find_var('concept_emb_mat').get_tensor().set(concept_embedding_mat, place) - - if args.init_checkpoint and args.init_pretraining_params: - logger.info( - "WARNING: args 'init_checkpoint' and 'init_pretraining_params' " - "both are set! Only arg 'init_checkpoint' is made valid.") - if args.init_checkpoint: - init_checkpoint( - exe, - args.init_checkpoint, - main_program=startup_prog, - use_fp16=args.use_fp16) - elif args.init_pretraining_params: - init_pretraining_params( - exe, - args.init_pretraining_params, - main_program=startup_prog, - use_fp16=args.use_fp16) - elif args.do_predict or args.do_val: - if not args.init_checkpoint: - raise ValueError("args 'init_checkpoint' should be set if" - "only doing prediction!") - init_checkpoint( - exe, - args.init_checkpoint, - main_program=startup_prog, - use_fp16=args.use_fp16) - - if args.do_train: - exec_strategy = fluid.ExecutionStrategy() - exec_strategy.use_experimental_executor = args.use_fast_executor - exec_strategy.num_threads = dev_count - exec_strategy.num_iteration_per_drop_scope = args.num_iteration_per_drop_scope - - train_exe = fluid.ParallelExecutor( - use_cuda=args.use_cuda, - loss_name=loss.name, - exec_strategy=exec_strategy, - main_program=train_program) - - train_pyreader.decorate_tensor_provider(train_data_generator) - - train_pyreader.start() - steps = 0 - total_cost, total_num_seqs = [], [] - time_begin = time.time() - while steps < max_train_steps: - try: - steps += 1 - if steps % args.skip_steps == 0: - if warmup_steps <= 0: - fetch_list = [loss.name, num_seqs.name] - else: - fetch_list = [ - loss.name, scheduled_lr.name, num_seqs.name - ] - else: - fetch_list = [] - - outputs = train_exe.run(fetch_list=fetch_list) - - if steps % args.skip_steps == 0: - if warmup_steps <= 0: - np_loss, np_num_seqs = outputs - else: - np_loss, np_lr, np_num_seqs = outputs - total_cost.extend(np_loss * np_num_seqs) - total_num_seqs.extend(np_num_seqs) - - if args.verbose: - verbose = "train pyreader queue size: %d, " % train_pyreader.queue.size( - ) - verbose += "learning rate: %f" % ( - np_lr[0] - if warmup_steps > 0 else args.learning_rate) - logger.info(verbose) - - time_end = time.time() - used_time = time_end - time_begin - current_example, epoch = processor.get_train_progress() - - logger.info("epoch: %d, progress: %d/%d, step: %d, loss: %f, " - "speed: %f steps/s" % - (epoch, current_example, num_train_examples, steps, - np.sum(total_cost) / np.sum(total_num_seqs), - args.skip_steps / used_time)) - total_cost, total_num_seqs = [], [] - time_begin = time.time() - - if steps % args.save_steps == 0 or steps == max_train_steps: - save_path = os.path.join(args.checkpoints, - "step_" + str(steps)) - fluid.io.save_persistables(exe, save_path, train_program) - - if steps % args.validation_steps == 0 or steps == max_train_steps: - if args.do_val: - test_pyreader.decorate_tensor_provider( - processor.data_generator( - data_path=args.predict_file, - batch_size=args.batch_size, - phase='predict', - shuffle=False, - dev_count=1, - epoch=1, - **eval_concept_settings) - ) - val_performance = predict(exe, test_prog, test_pyreader, [ - unique_ids.name, start_logits.name, end_logits.name, num_seqs.name - ], processor, eval_concept_settings, 'validate_result_step_{}.json'.format(steps)) - logger.info("Validation performance after step {}:\n* Exact_match: {}\n* F1: {}".format(steps, val_performance['exact_match'], val_performance['f1'])) - - except fluid.core.EOFException: - save_path = os.path.join(args.checkpoints, - "step_" + str(steps) + "_final") - fluid.io.save_persistables(exe, save_path, train_program) - train_pyreader.reset() - break - - if args.do_predict: - test_pyreader.decorate_tensor_provider(eval_data_generator) - - if args.use_ema: - with ema.apply(exe): - eval_performance = predict(exe, test_prog, test_pyreader, [ - unique_ids.name, start_logits.name, end_logits.name, num_seqs.name - ], processor, eval_concept_settings) - else: - eval_performance = predict(exe, test_prog, test_pyreader, [ - unique_ids.name, start_logits.name, end_logits.name, num_seqs.name - ], processor, eval_concept_settings) - - logger.info("Eval performance:\n* Exact_match: {}\n* F1: {}".format(eval_performance['exact_match'], eval_performance['f1'])) - - -if __name__ == '__main__': - print_arguments(args) - train(args) diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/run_squad_twomemory.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/run_squad_twomemory.py deleted file mode 100644 index 514ae51fa806392a783dd9a20063a44df585477e..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/run_squad_twomemory.py +++ /dev/null @@ -1,626 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Finetuning on SQuAD.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import argparse -import collections -import multiprocessing -import os -import time -import logging -import random -import numpy as np -import paddle -import paddle.fluid as fluid - -from reader.squad_twomemory import DataProcessor, write_predictions -from model.bert import BertConfig, BertModel -from model.layers import MemoryLayer, TriLinearTwoTimeSelfAttentionLayer -from utils.args import ArgumentGroup, print_arguments -from optimization import optimization -from utils.init import init_pretraining_params, init_checkpoint - -logging.basicConfig(format = '%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt = '%m/%d/%Y %H:%M:%S', - level = logging.INFO) -logging.getLogger().setLevel(logging.INFO) -logger = logging.getLogger(__name__) - -# yapf: disable -parser = argparse.ArgumentParser() -model_g = ArgumentGroup(parser, "model", "model configuration and paths.") -model_g.add_arg("bert_config_path", str, None, "Path to the json file for bert model config.") -model_g.add_arg("init_checkpoint", str, None, "Init checkpoint to resume training from.") -model_g.add_arg("init_pretraining_params", str, None, - "Init pre-training params which preforms fine-tuning from. If the " - "arg 'init_checkpoint' has been set, this argument wouldn't be valid.") -model_g.add_arg("checkpoints", str, "checkpoints", "Path to save checkpoints.") - -train_g = ArgumentGroup(parser, "training", "training options.") -train_g.add_arg("epoch", int, 3, "Number of epoches for fine-tuning.") -train_g.add_arg("learning_rate", float, 5e-5, "Learning rate used to train with warmup.") -train_g.add_arg("lr_scheduler", str, "linear_warmup_decay", - "scheduler of learning rate.", choices=['linear_warmup_decay', 'noam_decay']) -train_g.add_arg("weight_decay", float, 0.01, "Weight decay rate for L2 regularizer.") -train_g.add_arg("warmup_proportion", float, 0.1, - "Proportion of training steps to perform linear learning rate warmup for.") -train_g.add_arg("save_steps", int, 1000, "The steps interval to save checkpoints.") -train_g.add_arg("validation_steps", int, 1000, "The steps interval for validation (effective only when do_val is True).") -train_g.add_arg("use_ema", bool, True, "Whether to use ema.") -train_g.add_arg("ema_decay", float, 0.9999, "Decay rate for expoential moving average.") -train_g.add_arg("use_fp16", bool, False, "Whether to use fp16 mixed precision training.") -train_g.add_arg("loss_scaling", float, 1.0, - "Loss scaling factor for mixed precision training, only valid when use_fp16 is enabled.") - -log_g = ArgumentGroup(parser, "logging", "logging related.") -log_g.add_arg("skip_steps", int, 10, "The steps interval to print loss.") -log_g.add_arg("verbose", bool, False, "Whether to output verbose log.") - -data_g = ArgumentGroup(parser, "data", "Data paths, vocab paths and data processing options") -data_g.add_arg("train_file", str, None, "SQuAD json for training. E.g., train-v1.1.json.") -data_g.add_arg("predict_file", str, None, "SQuAD json for predictions. E.g. dev-v1.1.json or test-v1.1.json.") -data_g.add_arg("vocab_path", str, None, "Vocabulary path.") -data_g.add_arg("version_2_with_negative", bool, False, - "If true, the SQuAD examples contain some that do not have an answer. If using squad v2.0, it should be set true.") -data_g.add_arg("max_seq_len", int, 512, "Number of words of the longest seqence.") -data_g.add_arg("max_query_length", int, 64, "Max query length.") -data_g.add_arg("max_answer_length", int, 30, "Max answer length.") -data_g.add_arg("batch_size", int, 12, "Total examples' number in batch for training. see also --in_tokens.") -data_g.add_arg("in_tokens", bool, False, - "If set, the batch size will be the maximum number of tokens in one batch. " - "Otherwise, it will be the maximum number of examples in one batch.") -data_g.add_arg("do_lower_case", bool, True, - "Whether to lower case the input text. Should be True for uncased models and False for cased models.") -data_g.add_arg("doc_stride", int, 128, - "When splitting up a long document into chunks, how much stride to take between chunks.") -data_g.add_arg("n_best_size", int, 20, - "The total number of n-best predictions to generate in the nbest_predictions.json output file.") -data_g.add_arg("null_score_diff_threshold", float, 0.0, - "If null_score - best_non_null is greater than the threshold predict null.") -data_g.add_arg("random_seed", int, 42, "Random seed.") - -run_type_g = ArgumentGroup(parser, "run_type", "running type options.") -run_type_g.add_arg("use_cuda", bool, True, "If set, use GPU for training.") -run_type_g.add_arg("use_fast_executor", bool, False, "If set, use fast parallel executor (in experiment).") -run_type_g.add_arg("num_iteration_per_drop_scope", int, 1, "Ihe iteration intervals to clean up temporary variables.") -run_type_g.add_arg("do_train", bool, False, "Whether to perform training.") -run_type_g.add_arg("do_val", bool, False, "Whether to perform validation during training.") -run_type_g.add_arg("do_predict", bool, False, "Whether to perform prediction.") -run_type_g.add_arg("freeze", bool, False, "freeze bert parameters") - -mem_settings_g = ArgumentGroup(parser, "memory", "memory settings.") -mem_settings_g.add_arg('wn_concept_embedding_path', str, None, 'path of wordnet pretrained concept file') -mem_settings_g.add_arg('nell_concept_embedding_path', str, None, 'path of nell pretrained concept file') -mem_settings_g.add_arg('use_wordnet', bool, False, 'whether to use wordnet memory') -mem_settings_g.add_arg('retrieved_synset_path', str, '../retrieve_concepts/retrieve_wordnet/output_squad/retrived_synsets.data', 'path of retrieved synsets') -mem_settings_g.add_arg('use_nell', bool, False, 'whether to use nell memory') -mem_settings_g.add_arg('train_retrieved_nell_concept_path', str, '../retrieve_concepts/retrieve_nell/output_squad/train.retrieved_nell_concepts.data', 'path of retrieved concepts for trainset') -mem_settings_g.add_arg('dev_retrieved_nell_concept_path', str, '../retrieve_concepts/retrieve_nell/output_squad/dev.retrieved_nell_concepts.data', 'path of retrieved concepts for devset') - -args = parser.parse_args() -# yapf: enable. - -def create_model(pyreader_name, bert_config, max_wn_concept_length, max_nell_concept_length, wn_concept_embedding_mat, nell_concept_embedding_mat, is_training=False, freeze=False): - if is_training: - pyreader = fluid.layers.py_reader( - capacity=50, - shapes=[[-1, args.max_seq_len, 1], [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, max_wn_concept_length, 1], - [-1, args.max_seq_len, max_nell_concept_length, 1], - [-1, args.max_seq_len, 1], [-1, 1], [-1, 1]], - dtypes=[ - 'int64', 'int64', 'int64', 'int64', 'int64', 'float32', 'int64', 'int64'], - lod_levels=[0, 0, 0, 0, 0, 0, 0, 0], - name=pyreader_name, - use_double_buffer=True) - (src_ids, pos_ids, sent_ids, wn_concept_ids, nell_concept_ids, input_mask, start_positions, - end_positions) = fluid.layers.read_file(pyreader) - else: - pyreader = fluid.layers.py_reader( - capacity=50, - shapes=[[-1, args.max_seq_len, 1], [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, max_wn_concept_length, 1], - [-1, args.max_seq_len, max_nell_concept_length, 1], - [-1, args.max_seq_len, 1], [-1, 1]], - dtypes=['int64', 'int64', 'int64', 'int64', 'int64', 'float32', 'int64'], - lod_levels=[0, 0, 0, 0, 0, 0, 0], - name=pyreader_name, - use_double_buffer=True) - (src_ids, pos_ids, sent_ids, wn_concept_ids, nell_concept_ids, input_mask, unique_id) = fluid.layers.read_file(pyreader) - - '''1st Layer: BERT Layer''' - bert = BertModel( - src_ids=src_ids, - position_ids=pos_ids, - sentence_ids=sent_ids, - input_mask=input_mask, - config=bert_config, - use_fp16=args.use_fp16) - - enc_out = bert.get_sequence_output() - if freeze: - enc_out.stop_gradient=True - logger.info("enc_out.stop_gradient: {}".format(enc_out.stop_gradient)) - - '''2nd layer: Memory Layer''' - # get memory embedding - wn_concept_vocab_size = wn_concept_embedding_mat.shape[0] - wn_concept_dim = wn_concept_embedding_mat.shape[1] - nell_concept_vocab_size = nell_concept_embedding_mat.shape[0] - nell_concept_dim = nell_concept_embedding_mat.shape[1] - wn_memory_embs = fluid.layers.embedding(wn_concept_ids, - size=(wn_concept_vocab_size, wn_concept_dim), - param_attr=fluid.ParamAttr(name="wn_concept_emb_mat", - do_model_average=False, - trainable=False), - dtype='float32') - nell_memory_embs = fluid.layers.embedding(nell_concept_ids, - size=(nell_concept_vocab_size, nell_concept_dim), - param_attr=fluid.ParamAttr(name="nell_concept_emb_mat", - do_model_average=False, - trainable=False), - dtype='float32') - - # get memory length - wn_concept_ids_reduced = fluid.layers.equal(wn_concept_ids, - fluid.layers.fill_constant(shape=[1], value=0, dtype="int64")) # [batch_size, sent_size, concept_size, 1] - wn_concept_ids_reduced = fluid.layers.cast(wn_concept_ids_reduced, dtype="float32") # [batch_size, sent_size, concept_size, 1] - wn_concept_ids_reduced = fluid.layers.scale( - fluid.layers.elementwise_sub( - wn_concept_ids_reduced, - fluid.layers.fill_constant([1], "float32", 1) - ), - scale=-1 - ) - wn_mem_length = fluid.layers.reduce_sum(wn_concept_ids_reduced, dim=2) # [batch_size, sent_size, 1] - - nell_concept_ids_reduced = fluid.layers.equal(nell_concept_ids, - fluid.layers.fill_constant(shape=[1], value=0, dtype="int64")) # [batch_size, sent_size, concept_size, 1] - nell_concept_ids_reduced = fluid.layers.cast(nell_concept_ids_reduced, dtype="float32") # [batch_size, sent_size, concept_size, 1] - nell_concept_ids_reduced = fluid.layers.scale( - fluid.layers.elementwise_sub( - nell_concept_ids_reduced, - fluid.layers.fill_constant([1], "float32", 1) - ), - scale=-1 - ) - nell_mem_length = fluid.layers.reduce_sum(nell_concept_ids_reduced, dim=2) # [batch_size, sent_size, 1] - - # select and integrate - wn_memory_layer = MemoryLayer(bert_config, max_wn_concept_length, wn_concept_dim, mem_method='raw', prefix='wn') - wn_memory_output = wn_memory_layer.forward(enc_out, wn_memory_embs, wn_mem_length, ignore_no_memory_token=True) - - nell_memory_layer = MemoryLayer(bert_config, max_nell_concept_length, nell_concept_dim, mem_method='raw', prefix='nell') - nell_memory_output = nell_memory_layer.forward(enc_out, nell_memory_embs, nell_mem_length, ignore_no_memory_token=True) - - memory_output = fluid.layers.concat([enc_out, wn_memory_output, nell_memory_output], axis=2) - - '''3rd layer: Self-Matching Layer''' - # calculate input dim for self-matching layer - memory_output_size = bert_config['hidden_size'] + wn_concept_dim + nell_concept_dim - logger.info("memory_output_size: {}".format(memory_output_size)) - - # do matching - self_att_layer = TriLinearTwoTimeSelfAttentionLayer( - memory_output_size, dropout_rate=0.0, - cat_mul=True, cat_sub=True, cat_twotime=True, - cat_twotime_mul=False, cat_twotime_sub=True) # [bs, sq, concat_hs] - att_output = self_att_layer.forward(memory_output, input_mask) # [bs, sq, concat_hs] - - '''4th layer: Output Layer''' - logits = fluid.layers.fc( - input=att_output, - size=2, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name="cls_squad_out_w", - initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=bert_config['initializer_range'])), - bias_attr=fluid.ParamAttr( - name="cls_squad_out_b", initializer=fluid.initializer.Constant(0.))) - - logits = fluid.layers.transpose(x=logits, perm=[2, 0, 1]) - start_logits, end_logits = fluid.layers.unstack(x=logits, axis=0) - - batch_ones = fluid.layers.fill_constant_batch_size_like( - input=start_logits, dtype='int64', shape=[1], value=1) - num_seqs = fluid.layers.reduce_sum(input=batch_ones) - - if is_training: - - def compute_loss(logits, positions): - loss = fluid.layers.softmax_with_cross_entropy( - logits=logits, label=positions) - loss = fluid.layers.mean(x=loss) - return loss - - start_loss = compute_loss(start_logits, start_positions) - end_loss = compute_loss(end_logits, end_positions) - total_loss = (start_loss + end_loss) / 2.0 - if args.use_fp16 and args.loss_scaling > 1.0: - total_loss = total_loss * args.loss_scaling - - return pyreader, total_loss, num_seqs - else: - return pyreader, unique_id, start_logits, end_logits, num_seqs - - -RawResult = collections.namedtuple("RawResult", - ["unique_id", "start_logits", "end_logits"]) - - -def predict(test_exe, test_program, test_pyreader, fetch_list, processor, eval_concept_settings, eval_output_name='eval_result.json'): - if not os.path.exists(args.checkpoints): - os.makedirs(args.checkpoints) - output_prediction_file = os.path.join(args.checkpoints, "predictions.json") - output_nbest_file = os.path.join(args.checkpoints, "nbest_predictions.json") - output_null_log_odds_file = os.path.join(args.checkpoints, "null_odds.json") - output_evaluation_result_file = os.path.join(args.checkpoints, eval_output_name) - - test_pyreader.start() - all_results = [] - time_begin = time.time() - while True: - try: - np_unique_ids, np_start_logits, np_end_logits, np_num_seqs = test_exe.run( - fetch_list=fetch_list, program=test_program) - for idx in range(np_unique_ids.shape[0]): - if len(all_results) % 1000 == 0: - logger.info("Processing example: %d" % len(all_results)) - unique_id = int(np_unique_ids[idx]) - start_logits = [float(x) for x in np_start_logits[idx].flat] - end_logits = [float(x) for x in np_end_logits[idx].flat] - all_results.append( - RawResult( - unique_id=unique_id, - start_logits=start_logits, - end_logits=end_logits)) - except fluid.core.EOFException: - test_pyreader.reset() - break - time_end = time.time() - - features = processor.get_features( - processor.predict_examples, is_training=False, **eval_concept_settings) - eval_result = write_predictions(processor.predict_examples, features, all_results, - args.n_best_size, args.max_answer_length, - args.do_lower_case, output_prediction_file, - output_nbest_file, output_null_log_odds_file, - args.version_2_with_negative, - args.null_score_diff_threshold, args.verbose, args.predict_file, output_evaluation_result_file) - return eval_result - -def read_concept_embedding(embedding_path): - fin = open(embedding_path, encoding='utf-8') - info = [line.strip() for line in fin] - dim = len(info[0].split(' ')[1:]) - n_concept = len(info) - embedding_mat = [] - id2concept, concept2id = [], {} - # add padding concept into vocab - id2concept.append('') - concept2id[''] = 0 - embedding_mat.append([0.0 for _ in range(dim)]) - for line in info: - concept_name = line.split(' ')[0] - embedding = [float(value_str) for value_str in line.split(' ')[1:]] - assert len(embedding) == dim and not np.any(np.isnan(embedding)) - embedding_mat.append(embedding) - concept2id[concept_name] = len(id2concept) - id2concept.append(concept_name) - embedding_mat = np.array(embedding_mat, dtype=np.float32) - return id2concept, concept2id, embedding_mat - -def train(args): - bert_config = BertConfig(args.bert_config_path) - bert_config.print_config() - - if not (args.do_train or args.do_predict or args.do_val): - raise ValueError("For args `do_train` and `do_predict`, at " - "least one of them must be True.") - - if args.use_cuda: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - exe = fluid.Executor(place) - - wn_id2concept, wn_concept2id, wn_concept_embedding_mat = read_concept_embedding( - args.wn_concept_embedding_path) - nell_id2concept, nell_concept2id, nell_concept_embedding_mat = read_concept_embedding( - args.nell_concept_embedding_path) - - processor = DataProcessor( - vocab_path=args.vocab_path, - do_lower_case=args.do_lower_case, - max_seq_length=args.max_seq_len, - in_tokens=args.in_tokens, - doc_stride=args.doc_stride, - max_query_length=args.max_query_length) - - startup_prog = fluid.Program() - if args.random_seed is not None: - startup_prog.random_seed = args.random_seed - random.seed(args.random_seed) - np.random.seed(args.random_seed) - - if args.do_train: - train_concept_settings = { - 'tokenization_path': '../retrieve_concepts/tokenization_squad/tokens/train.tokenization.{}.data'.format('uncased' if args.do_lower_case else 'cased'), - 'wn_concept2id': wn_concept2id, - 'nell_concept2id': nell_concept2id, - 'use_wordnet': args.use_wordnet, - 'retrieved_synset_path': args.retrieved_synset_path, - 'use_nell': args.use_nell, - 'retrieved_nell_concept_path': args.train_retrieved_nell_concept_path, - } - train_data_generator = processor.data_generator( - data_path=args.train_file, - batch_size=args.batch_size, - phase='train', - shuffle=True, - dev_count=dev_count, - version_2_with_negative=args.version_2_with_negative, - epoch=args.epoch, - **train_concept_settings) - - num_train_examples = processor.get_num_examples(phase='train') - if args.in_tokens: - max_train_steps = args.epoch * num_train_examples // ( - args.batch_size // args.max_seq_len) // dev_count - else: - max_train_steps = args.epoch * num_train_examples // ( - args.batch_size) // dev_count - warmup_steps = int(max_train_steps * args.warmup_proportion) - logger.info("Device count: %d" % dev_count) - logger.info("Num train examples: %d" % num_train_examples) - logger.info("Max train steps: %d" % max_train_steps) - logger.info("Num warmup steps: %d" % warmup_steps) - - train_program = fluid.Program() - # if args.random_seed is not None: - # train_program.random_seed = args.random_seed - with fluid.program_guard(train_program, startup_prog): - with fluid.unique_name.guard(): - train_pyreader, loss, num_seqs = create_model( - pyreader_name='train_reader', - bert_config=bert_config, - max_wn_concept_length=processor.train_wn_max_concept_length, - max_nell_concept_length=processor.train_nell_max_concept_length, - wn_concept_embedding_mat=wn_concept_embedding_mat, - nell_concept_embedding_mat=nell_concept_embedding_mat, - is_training=True, - freeze=args.freeze) - - scheduled_lr = optimization( - loss=loss, - warmup_steps=warmup_steps, - num_train_steps=max_train_steps, - learning_rate=args.learning_rate, - train_program=train_program, - startup_prog=startup_prog, - weight_decay=args.weight_decay, - scheduler=args.lr_scheduler, - use_fp16=args.use_fp16, - loss_scaling=args.loss_scaling) - - if args.use_ema: - ema = fluid.optimizer.ExponentialMovingAverage(args.ema_decay) - ema.update() - - fluid.memory_optimize(train_program, skip_opt_set=[loss.name, num_seqs.name]) - - if args.verbose: - if args.in_tokens: - lower_mem, upper_mem, unit = fluid.contrib.memory_usage( - program=train_program, - batch_size=args.batch_size // args.max_seq_len) - else: - lower_mem, upper_mem, unit = fluid.contrib.memory_usage( - program=train_program, batch_size=args.batch_size) - logger.info("Theoretical memory usage in training: %.3f - %.3f %s" % - (lower_mem, upper_mem, unit)) - - if args.do_predict or args.do_val: - eval_concept_settings = { - 'tokenization_path': '../retrieve_concepts/tokenization_squad/tokens/dev.tokenization.{}.data'.format('uncased' if args.do_lower_case else 'cased'), - 'wn_concept2id': wn_concept2id, - 'nell_concept2id': nell_concept2id, - 'use_wordnet': args.use_wordnet, - 'retrieved_synset_path': args.retrieved_synset_path, - 'use_nell': args.use_nell, - 'retrieved_nell_concept_path': args.dev_retrieved_nell_concept_path, - } - eval_data_generator = processor.data_generator( - data_path=args.predict_file, - batch_size=args.batch_size, - phase='predict', - shuffle=False, - dev_count=1, - epoch=1, - **eval_concept_settings) - - test_prog = fluid.Program() - # if args.random_seed is not None: - # test_prog.random_seed = args.random_seed - with fluid.program_guard(test_prog, startup_prog): - with fluid.unique_name.guard(): - test_pyreader, unique_ids, start_logits, end_logits, num_seqs = create_model( - pyreader_name='test_reader', - bert_config=bert_config, - max_wn_concept_length=processor.predict_wn_max_concept_length, - max_nell_concept_length=processor.predict_nell_max_concept_length, - wn_concept_embedding_mat=wn_concept_embedding_mat, - nell_concept_embedding_mat=nell_concept_embedding_mat, - is_training=False) - - if args.use_ema and 'ema' not in dir(): - ema = fluid.optimizer.ExponentialMovingAverage(args.ema_decay) - - fluid.memory_optimize(test_prog, skip_opt_set=[unique_ids.name, - start_logits.name, end_logits.name, num_seqs.name]) - - test_prog = test_prog.clone(for_test=True) - # if args.random_seed is not None: - # test_prog.random_seed = args.random_seed - - exe.run(startup_prog) - - if args.do_train: - logger.info('load pretrained concept embedding') - fluid.global_scope().find_var('wn_concept_emb_mat').get_tensor().set(wn_concept_embedding_mat, place) - fluid.global_scope().find_var('nell_concept_emb_mat').get_tensor().set(nell_concept_embedding_mat, place) - - if args.init_checkpoint and args.init_pretraining_params: - logger.info( - "WARNING: args 'init_checkpoint' and 'init_pretraining_params' " - "both are set! Only arg 'init_checkpoint' is made valid.") - if args.init_checkpoint: - init_checkpoint( - exe, - args.init_checkpoint, - main_program=startup_prog, - use_fp16=args.use_fp16) - elif args.init_pretraining_params: - init_pretraining_params( - exe, - args.init_pretraining_params, - main_program=startup_prog, - use_fp16=args.use_fp16) - elif args.do_predict or args.do_val: - if not args.init_checkpoint: - raise ValueError("args 'init_checkpoint' should be set if" - "only doing prediction!") - init_checkpoint( - exe, - args.init_checkpoint, - main_program=startup_prog, - use_fp16=args.use_fp16) - - if args.do_train: - exec_strategy = fluid.ExecutionStrategy() - exec_strategy.use_experimental_executor = args.use_fast_executor - exec_strategy.num_threads = dev_count - exec_strategy.num_iteration_per_drop_scope = args.num_iteration_per_drop_scope - - train_exe = fluid.ParallelExecutor( - use_cuda=args.use_cuda, - loss_name=loss.name, - exec_strategy=exec_strategy, - main_program=train_program) - - train_pyreader.decorate_tensor_provider(train_data_generator) - - train_pyreader.start() - steps = 0 - total_cost, total_num_seqs = [], [] - time_begin = time.time() - while steps < max_train_steps: - try: - steps += 1 - if steps % args.skip_steps == 0: - if warmup_steps <= 0: - fetch_list = [loss.name, num_seqs.name] - else: - fetch_list = [ - loss.name, scheduled_lr.name, num_seqs.name - ] - else: - fetch_list = [] - - outputs = train_exe.run(fetch_list=fetch_list) - - if steps % args.skip_steps == 0: - if warmup_steps <= 0: - np_loss, np_num_seqs = outputs - else: - np_loss, np_lr, np_num_seqs = outputs - total_cost.extend(np_loss * np_num_seqs) - total_num_seqs.extend(np_num_seqs) - - if args.verbose: - verbose = "train pyreader queue size: %d, " % train_pyreader.queue.size( - ) - verbose += "learning rate: %f" % ( - np_lr[0] - if warmup_steps > 0 else args.learning_rate) - logger.info(verbose) - - time_end = time.time() - used_time = time_end - time_begin - current_example, epoch = processor.get_train_progress() - - logger.info("epoch: %d, progress: %d/%d, step: %d, loss: %f, " - "speed: %f steps/s" % - (epoch, current_example, num_train_examples, steps, - np.sum(total_cost) / np.sum(total_num_seqs), - args.skip_steps / used_time)) - total_cost, total_num_seqs = [], [] - time_begin = time.time() - - if steps % args.save_steps == 0 or steps == max_train_steps: - save_path = os.path.join(args.checkpoints, - "step_" + str(steps)) - fluid.io.save_persistables(exe, save_path, train_program) - - if steps % args.validation_steps == 0 or steps == max_train_steps: - if args.do_val: - test_pyreader.decorate_tensor_provider( - processor.data_generator( - data_path=args.predict_file, - batch_size=args.batch_size, - phase='predict', - shuffle=False, - dev_count=1, - epoch=1, - **eval_concept_settings) - ) - val_performance = predict(exe, test_prog, test_pyreader, [ - unique_ids.name, start_logits.name, end_logits.name, num_seqs.name - ], processor, eval_concept_settings, 'validate_result_step_{}.json'.format(steps)) - logger.info("Validation performance after step {}:\n* Exact_match: {}\n* F1: {}".format(steps, val_performance['exact_match'], val_performance['f1'])) - - except fluid.core.EOFException: - save_path = os.path.join(args.checkpoints, - "step_" + str(steps) + "_final") - fluid.io.save_persistables(exe, save_path, train_program) - train_pyreader.reset() - break - - if args.do_predict: - test_pyreader.decorate_tensor_provider(eval_data_generator) - - if args.use_ema: - with ema.apply(exe): - eval_performance = predict(exe, test_prog, test_pyreader, [ - unique_ids.name, start_logits.name, end_logits.name, num_seqs.name - ], processor, eval_concept_settings) - else: - eval_performance = predict(exe, test_prog, test_pyreader, [ - unique_ids.name, start_logits.name, end_logits.name, num_seqs.name - ], processor, eval_concept_settings) - - logger.info("Eval performance:\n* Exact_match: {}\n* F1: {}".format(eval_performance['exact_match'], eval_performance['f1'])) - - -if __name__ == '__main__': - print_arguments(args) - train(args) diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/tokenization.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/tokenization.py deleted file mode 100644 index f906b537177dce430888fbc1738cd4b33906d705..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/tokenization.py +++ /dev/null @@ -1,370 +0,0 @@ -# coding=utf-8 -# Copyright 2018 The Google AI Language Team Authors. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Tokenization classes.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import collections -import unicodedata -import six - - -def convert_to_unicode(text): - """Converts `text` to Unicode (if it's not already), assuming utf-8 input.""" - if six.PY3: - if isinstance(text, str): - return text - elif isinstance(text, bytes): - return text.decode("utf-8", "ignore") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - elif six.PY2: - if isinstance(text, str): - return text.decode("utf-8", "ignore") - elif isinstance(text, unicode): - return text - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - else: - raise ValueError("Not running on Python2 or Python 3?") - - -def printable_text(text): - """Returns text encoded in a way suitable for print or `tf.logging`.""" - - # These functions want `str` for both Python2 and Python3, but in one case - # it's a Unicode string and in the other it's a byte string. - if six.PY3: - if isinstance(text, str): - return text - elif isinstance(text, bytes): - return text.decode("utf-8", "ignore") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - elif six.PY2: - if isinstance(text, str): - return text - elif isinstance(text, unicode): - return text.encode("utf-8") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - else: - raise ValueError("Not running on Python2 or Python 3?") - - -def load_vocab(vocab_file): - """Loads a vocabulary file into a dictionary.""" - vocab = collections.OrderedDict() - fin = open(vocab_file) - for num, line in enumerate(fin): - items = convert_to_unicode(line.strip()).split("\t") - if len(items) > 2: - break - token = items[0] - index = items[1] if len(items) == 2 else num - token = token.strip() - vocab[token] = int(index) - return vocab - - -def convert_by_vocab(vocab, items): - """Converts a sequence of [tokens|ids] using the vocab.""" - output = [] - for item in items: - output.append(vocab[item]) - return output - - -def convert_tokens_to_ids(vocab, tokens): - return convert_by_vocab(vocab, tokens) - - -def convert_ids_to_tokens(inv_vocab, ids): - return convert_by_vocab(inv_vocab, ids) - - -def whitespace_tokenize(text): - """Runs basic whitespace cleaning and splitting on a peice of text.""" - text = text.strip() - if not text: - return [] - tokens = text.split() - return tokens - - -class FullTokenizer(object): - """Runs end-to-end tokenziation.""" - - def __init__(self, vocab_file, do_lower_case=True): - self.vocab = load_vocab(vocab_file) - self.inv_vocab = {v: k for k, v in self.vocab.items()} - self.basic_tokenizer = BasicTokenizer(do_lower_case=do_lower_case) - self.wordpiece_tokenizer = WordpieceTokenizer(vocab=self.vocab) - - def tokenize(self, text): - split_tokens = [] - for token in self.basic_tokenizer.tokenize(text): - for sub_token in self.wordpiece_tokenizer.tokenize(token): - split_tokens.append(sub_token) - - return split_tokens - - def convert_tokens_to_ids(self, tokens): - return convert_by_vocab(self.vocab, tokens) - - def convert_ids_to_tokens(self, ids): - return convert_by_vocab(self.inv_vocab, ids) - - -class CharTokenizer(object): - """Runs end-to-end tokenziation.""" - - def __init__(self, vocab_file, do_lower_case=True): - self.vocab = load_vocab(vocab_file) - self.inv_vocab = {v: k for k, v in self.vocab.items()} - self.wordpiece_tokenizer = WordpieceTokenizer(vocab=self.vocab) - - def tokenize(self, text): - split_tokens = [] - for token in text.lower().split(" "): - for sub_token in self.wordpiece_tokenizer.tokenize(token): - split_tokens.append(sub_token) - - return split_tokens - - def convert_tokens_to_ids(self, tokens): - return convert_by_vocab(self.vocab, tokens) - - def convert_ids_to_tokens(self, ids): - return convert_by_vocab(self.inv_vocab, ids) - - -class BasicTokenizer(object): - """Runs basic tokenization (punctuation splitting, lower casing, etc.).""" - - def __init__(self, do_lower_case=True): - """Constructs a BasicTokenizer. - - Args: - do_lower_case: Whether to lower case the input. - """ - self.do_lower_case = do_lower_case - - def tokenize(self, text): - """Tokenizes a piece of text.""" - text = convert_to_unicode(text) - text = self._clean_text(text) - - # This was added on November 1st, 2018 for the multilingual and Chinese - # models. This is also applied to the English models now, but it doesn't - # matter since the English models were not trained on any Chinese data - # and generally don't have any Chinese data in them (there are Chinese - # characters in the vocabulary because Wikipedia does have some Chinese - # words in the English Wikipedia.). - text = self._tokenize_chinese_chars(text) - - orig_tokens = whitespace_tokenize(text) - split_tokens = [] - for token in orig_tokens: - if self.do_lower_case: - token = token.lower() - token = self._run_strip_accents(token) - split_tokens.extend(self._run_split_on_punc(token)) - - output_tokens = whitespace_tokenize(" ".join(split_tokens)) - return output_tokens - - def _run_strip_accents(self, text): - """Strips accents from a piece of text.""" - text = unicodedata.normalize("NFD", text) - output = [] - for char in text: - cat = unicodedata.category(char) - if cat == "Mn": - continue - output.append(char) - return "".join(output) - - def _run_split_on_punc(self, text): - """Splits punctuation on a piece of text.""" - chars = list(text) - i = 0 - start_new_word = True - output = [] - while i < len(chars): - char = chars[i] - if _is_punctuation(char): - output.append([char]) - start_new_word = True - else: - if start_new_word: - output.append([]) - start_new_word = False - output[-1].append(char) - i += 1 - - return ["".join(x) for x in output] - - def _tokenize_chinese_chars(self, text): - """Adds whitespace around any CJK character.""" - output = [] - for char in text: - cp = ord(char) - if self._is_chinese_char(cp): - output.append(" ") - output.append(char) - output.append(" ") - else: - output.append(char) - return "".join(output) - - def _is_chinese_char(self, cp): - """Checks whether CP is the codepoint of a CJK character.""" - # This defines a "chinese character" as anything in the CJK Unicode block: - # https://en.wikipedia.org/wiki/CJK_Unified_Ideographs_(Unicode_block) - # - # Note that the CJK Unicode block is NOT all Japanese and Korean characters, - # despite its name. The modern Korean Hangul alphabet is a different block, - # as is Japanese Hiragana and Katakana. Those alphabets are used to write - # space-separated words, so they are not treated specially and handled - # like the all of the other languages. - if ((cp >= 0x4E00 and cp <= 0x9FFF) or # - (cp >= 0x3400 and cp <= 0x4DBF) or # - (cp >= 0x20000 and cp <= 0x2A6DF) or # - (cp >= 0x2A700 and cp <= 0x2B73F) or # - (cp >= 0x2B740 and cp <= 0x2B81F) or # - (cp >= 0x2B820 and cp <= 0x2CEAF) or - (cp >= 0xF900 and cp <= 0xFAFF) or # - (cp >= 0x2F800 and cp <= 0x2FA1F)): # - return True - - return False - - def _clean_text(self, text): - """Performs invalid character removal and whitespace cleanup on text.""" - output = [] - for char in text: - cp = ord(char) - if cp == 0 or cp == 0xfffd or _is_control(char): - continue - if _is_whitespace(char): - output.append(" ") - else: - output.append(char) - return "".join(output) - - -class WordpieceTokenizer(object): - """Runs WordPiece tokenziation.""" - - def __init__(self, vocab, unk_token="[UNK]", max_input_chars_per_word=100): - self.vocab = vocab - self.unk_token = unk_token - self.max_input_chars_per_word = max_input_chars_per_word - - def tokenize(self, text): - """Tokenizes a piece of text into its word pieces. - - This uses a greedy longest-match-first algorithm to perform tokenization - using the given vocabulary. - - For example: - input = "unaffable" - output = ["un", "##aff", "##able"] - - Args: - text: A single token or whitespace separated tokens. This should have - already been passed through `BasicTokenizer. - - Returns: - A list of wordpiece tokens. - """ - - text = convert_to_unicode(text) - - output_tokens = [] - for token in whitespace_tokenize(text): - chars = list(token) - if len(chars) > self.max_input_chars_per_word: - output_tokens.append(self.unk_token) - continue - - is_bad = False - start = 0 - sub_tokens = [] - while start < len(chars): - end = len(chars) - cur_substr = None - while start < end: - substr = "".join(chars[start:end]) - if start > 0: - substr = "##" + substr - if substr in self.vocab: - cur_substr = substr - break - end -= 1 - if cur_substr is None: - is_bad = True - break - sub_tokens.append(cur_substr) - start = end - - if is_bad: - output_tokens.append(self.unk_token) - else: - output_tokens.extend(sub_tokens) - return output_tokens - - -def _is_whitespace(char): - """Checks whether `chars` is a whitespace character.""" - # \t, \n, and \r are technically contorl characters but we treat them - # as whitespace since they are generally considered as such. - if char == " " or char == "\t" or char == "\n" or char == "\r": - return True - cat = unicodedata.category(char) - if cat == "Zs": - return True - return False - - -def _is_control(char): - """Checks whether `chars` is a control character.""" - # These are technically control characters but we count them as whitespace - # characters. - if char == "\t" or char == "\n" or char == "\r": - return False - cat = unicodedata.category(char) - if cat.startswith("C"): - return True - return False - - -def _is_punctuation(char): - """Checks whether `chars` is a punctuation character.""" - cp = ord(char) - # We treat all non-letter/number ASCII as punctuation. - # Characters such as "^", "$", and "`" are not in the Unicode - # Punctuation class but we treat them as punctuation anyways, for - # consistency. - if ((cp >= 33 and cp <= 47) or (cp >= 58 and cp <= 64) or - (cp >= 91 and cp <= 96) or (cp >= 123 and cp <= 126)): - return True - cat = unicodedata.category(char) - if cat.startswith("P"): - return True - return False diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/utils/__init__.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/utils/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/utils/args.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/utils/args.py deleted file mode 100644 index 8c6c98879c909ffd5052f412a3a19e4082778224..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/utils/args.py +++ /dev/null @@ -1,54 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Arguments for configuration.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import six -import argparse -import logging - -logging.basicConfig(format = '%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt = '%m/%d/%Y %H:%M:%S', - level = logging.INFO) -logging.getLogger().setLevel(logging.INFO) -logger = logging.getLogger(__name__) - -def str2bool(v): - # because argparse does not support to parse "true, False" as python - # boolean directly - return v.lower() in ("true", "t", "1") - - -class ArgumentGroup(object): - def __init__(self, parser, title, des): - self._group = parser.add_argument_group(title=title, description=des) - - def add_arg(self, name, type, default, help, **kwargs): - type = str2bool if type == bool else type - self._group.add_argument( - "--" + name, - default=default, - type=type, - help=help + ' Default: %(default)s.', - **kwargs) - - -def print_arguments(args): - logger.info('----------- Configuration Arguments -----------') - for arg, value in sorted(six.iteritems(vars(args))): - logger.info('%s: %s' % (arg, value)) - logger.info('------------------------------------------------') diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/utils/fp16.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/utils/fp16.py deleted file mode 100644 index e153c2b9a1029897def264278c5dbe72e1f369f5..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/utils/fp16.py +++ /dev/null @@ -1,97 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from __future__ import print_function -import paddle -import paddle.fluid as fluid - - -def cast_fp16_to_fp32(i, o, prog): - prog.global_block().append_op( - type="cast", - inputs={"X": i}, - outputs={"Out": o}, - attrs={ - "in_dtype": fluid.core.VarDesc.VarType.FP16, - "out_dtype": fluid.core.VarDesc.VarType.FP32 - }) - - -def cast_fp32_to_fp16(i, o, prog): - prog.global_block().append_op( - type="cast", - inputs={"X": i}, - outputs={"Out": o}, - attrs={ - "in_dtype": fluid.core.VarDesc.VarType.FP32, - "out_dtype": fluid.core.VarDesc.VarType.FP16 - }) - - -def copy_to_master_param(p, block): - v = block.vars.get(p.name, None) - if v is None: - raise ValueError("no param name %s found!" % p.name) - new_p = fluid.framework.Parameter( - block=block, - shape=v.shape, - dtype=fluid.core.VarDesc.VarType.FP32, - type=v.type, - lod_level=v.lod_level, - stop_gradient=p.stop_gradient, - trainable=p.trainable, - optimize_attr=p.optimize_attr, - regularizer=p.regularizer, - gradient_clip_attr=p.gradient_clip_attr, - error_clip=p.error_clip, - name=v.name + ".master") - return new_p - - -def create_master_params_grads(params_grads, main_prog, startup_prog, - loss_scaling): - master_params_grads = [] - tmp_role = main_prog._current_role - OpRole = fluid.core.op_proto_and_checker_maker.OpRole - main_prog._current_role = OpRole.Backward - for p, g in params_grads: - # create master parameters - master_param = copy_to_master_param(p, main_prog.global_block()) - startup_master_param = startup_prog.global_block()._clone_variable( - master_param) - startup_p = startup_prog.global_block().var(p.name) - cast_fp16_to_fp32(startup_p, startup_master_param, startup_prog) - # cast fp16 gradients to fp32 before apply gradients - if g.name.find("layer_norm") > -1: - if loss_scaling > 1: - scaled_g = g / float(loss_scaling) - else: - scaled_g = g - master_params_grads.append([p, scaled_g]) - continue - master_grad = fluid.layers.cast(g, "float32") - if loss_scaling > 1: - master_grad = master_grad / float(loss_scaling) - master_params_grads.append([master_param, master_grad]) - main_prog._current_role = tmp_role - return master_params_grads - - -def master_param_to_train_param(master_params_grads, params_grads, main_prog): - for idx, m_p_g in enumerate(master_params_grads): - train_p, _ = params_grads[idx] - if train_p.name.find("layer_norm") > -1: - continue - with main_prog._optimized_guard([m_p_g[0], m_p_g[1]]): - cast_fp32_to_fp16(m_p_g[0], train_p, main_prog) diff --git a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/utils/init.py b/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/utils/init.py deleted file mode 100644 index 176b5a9fae9276e390dc419977dcb9288db5545f..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/reading_comprehension/src/utils/init.py +++ /dev/null @@ -1,87 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from __future__ import print_function - -import os -import six -import ast -import copy -import logging - -import numpy as np -import paddle.fluid as fluid - -logging.basicConfig(format = '%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt = '%m/%d/%Y %H:%M:%S', - level = logging.INFO) -logging.getLogger().setLevel(logging.INFO) -logger = logging.getLogger(__name__) - -def cast_fp32_to_fp16(exe, main_program): - logger.info("Cast parameters to float16 data format.") - for param in main_program.global_block().all_parameters(): - if not param.name.endswith(".master"): - param_t = fluid.global_scope().find_var(param.name).get_tensor() - data = np.array(param_t) - if param.name.find("layer_norm") == -1: - param_t.set(np.float16(data).view(np.uint16), exe.place) - master_param_var = fluid.global_scope().find_var(param.name + - ".master") - if master_param_var is not None: - master_param_var.get_tensor().set(data, exe.place) - - -def init_checkpoint(exe, init_checkpoint_path, main_program, use_fp16=False): - assert os.path.exists( - init_checkpoint_path), "[%s] cann't be found." % init_checkpoint_path - - def existed_persitables(var): - if not fluid.io.is_persistable(var): - return False - return os.path.exists(os.path.join(init_checkpoint_path, var.name)) - - fluid.io.load_vars( - exe, - init_checkpoint_path, - main_program=main_program, - predicate=existed_persitables) - logger.info("Load model from {}".format(init_checkpoint_path)) - - if use_fp16: - cast_fp32_to_fp16(exe, main_program) - - -def init_pretraining_params(exe, - pretraining_params_path, - main_program, - use_fp16=False): - assert os.path.exists(pretraining_params_path - ), "[%s] cann't be found." % pretraining_params_path - - def existed_params(var): - if not isinstance(var, fluid.framework.Parameter): - return False - return os.path.exists(os.path.join(pretraining_params_path, var.name)) - - fluid.io.load_vars( - exe, - pretraining_params_path, - main_program=main_program, - predicate=existed_params) - logger.info("Load pretraining parameters from {}.".format( - pretraining_params_path)) - - if use_fp16: - cast_fp32_to_fp16(exe, main_program) diff --git a/PaddleNLP/Research/ACL2019-KTNET/readme.md b/PaddleNLP/Research/ACL2019-KTNET/readme.md deleted file mode 100644 index 4e60f74b3a925aefcbb6f76215a90a3d7423de4c..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/readme.md +++ /dev/null @@ -1,228 +0,0 @@ -# KT-NET - -## Introduction - -KT-NET (Knowledge and Text fusion NET) is a machine reading comprehension (MRC) model which integrates knowledge from knowledge bases (KBs) into pre-trained contextualized representations. The model is proposed in ACL2019 paper [Enhancing Pre-Trained Language Representations with Rich Knowledge for Machine Reading Comprehension](https://www.aclweb.org/anthology/P19-1226). The overall architecture of the model is shown as follows: - -

-
-Overall Architecture of KT-NET -

- -This repository contains the PaddlePaddle implementation of KT-NET. The trained checkpoints are also provided for reproducing the results in the paper. - -## How to Run - -### Environment - -This project should work fine if the following requirements have been satisfied: -+ python >= 3.7 -+ paddlepaddle-gpu (the latest develop version is recommended) -+ NLTK >= 3.3 (with WordNet 3.0) -+ tqdm -+ CoreNLP (3.8.0 version is recommended) -+ pycorenlp -+ CUDA, CuDNN and NCCL (CUDA 9.0, CuDNN v7 and NCCL 2.3.7 are recommended) - -All of the experiments in the paper are performed on 4 P40 GPUs. - -### Download the MRC datasets - -In this work, we empirically evaluate our model on two benchmarks: - -#### 1. ReCoRD - -[ReCoRD](https://sheng-z.github.io/ReCoRD-explorer/) (Reading Comprehension with Commonsense Reasoning Dataset) is a large-scale MRC dataset requiring commonsense reasoning. The official dataset in JSON format can be downloaded using Google drive (training set: [link](https://drive.google.com/file/d/1PoHmphyH79pETNws8kU2OwuerU7SWLHj/view), valid set: [link](https://drive.google.com/file/d/1WNaxBpXEGgPbymTzyN249P4ub-uU5dkO/view)). *(For convenience, we have provided the MD5 for each downloadable file of this readme in `downloaded_files.md5`. It's recommended to use it to check the completeness of the downloaded file.)* Please place the downloaded files `train.json` and `dev.json` into the `data/ReCoRD/` directory of this repository. We will also use the official evaluation script of ReCoRD, so please run the following command: -``` -curl -o record_official_evaluate.py https://sheng-z.github.io/ReCoRD-explorer/evaluation.py -mv record_official_evaluate.py reading_comprehension/src/eval/ -``` - -#### 2. SQuAD v1.1 - -[SQuAD v1.1](https://rajpurkar.github.io/SQuAD-explorer/) is a well-known extractive MRC dataset that consists of questions created by crowdworkers for Wikipedia articles. Please run the following command to download the official dataset and evaluation script. -``` -curl -O https://rajpurkar.github.io/SQuAD-explorer/dataset/train-v1.1.json -curl -O https://rajpurkar.github.io/SQuAD-explorer/dataset/dev-v1.1.json -mv train-v1.1.json dev-v1.1.json data/SQuAD/ -curl -o squad_v1_official_evaluate.py https://worksheets.codalab.org/rest/bundles/0xbcd57bee090b421c982906709c8c27e1/contents/blob/ -mv squad_v1_official_evaluate.py reading_comprehension/src/eval/ -``` - -### Retrieve KB entries - -Relevant knowledge should be retrieved and encoded before training the model. In this project, we leveraged two KBs: [WordNet](https://wordnet.princeton.edu/) and [NELL](http://rtw.ml.cmu.edu/rtw/). WordNet records lexical relations between words and NELL stores beliefs about entities. The following procedure describes how we retrieve relevant WordNet synsets and NELL concepts for MRC samples. - -#### 1. Named entity recognition (only for SQuAD) - -To retrieve NELL concepts about entities, the named entity mentions in MRC samples should be annotated. For ReCoRD, the entity mentions have been provided in the dataset. For SQuAD, named entity recognition (NER) needs to be performed before the retrieval. We use [Stanford CoreNLP](https://stanfordnlp.github.io/CoreNLP/index.html) in this step. After CoreNLP is [downloaded](http://nlp.stanford.edu/software/stanford-corenlp-full-2017-06-09.zip) and unzipped, run the following command at the CoreNLP directory to start the CoreNLP server: -``` -java -mx10g -cp "*" edu.stanford.nlp.pipeline.StanfordCoreNLPServer -port 9753 -timeout 20000 -``` -Then run the command: -``` -cd retrieve_concepts/ner_tagging_squad -python3 tagging.py -``` -The tagged dataset will be saved at `retrieve_concepts/ner_tagging_squad/output` directory. We have provided our output files for convenience ([download link](https://baidu-nlp.bj.bcebos.com/KTNET_preprocess_squad_tagging_output.tar.gz)). - -#### 2. Tokenization - -Tokenization should be performed for retrieval. We use the same tokenizer with [BERT](https://github.com/google-research/bert). -For ReCoRD, run the following command to tokenize the raw dataset (or directly download our output from [link](https://baidu-nlp.bj.bcebos.com/KTNET_preprocess_tokenize_result_record.tar.gz)): -``` -cd retrieve_concepts/tokenization_record -python3 do_tokenization.py -``` -For SQuAD, run the following command to process the NER tagged dataset (or directly download our output from [link](https://baidu-nlp.bj.bcebos.com/KTNET_preprocess_tokenize_result_squad.tar.gz)): -``` -cd retrieve_concepts/tokenization_squad -python3 do_tokenization.py -``` - -#### 3. Retrieve WordNet - -This step retrieves the WordNet (WN18) synsets for each non-stop word in the MRC samples. -For ReCoRD, run the command: -``` -cd retrieve_concepts/retrieve_wordnet -python3 retrieve.py --train_token ../tokenization_record/tokens/train.tokenization.uncased.data --eval_token ../tokenization_record/tokens/dev.tokenization.uncased.data --output_dir output_record/ --no_stopwords -``` -For SQuAD, run the command: -``` -cd retrieve_concepts/retrieve_wordnet -python3 retrieve.py --train_token ../tokenization_squad/tokens/train.tokenization.uncased.data --eval_token ../tokenization_squad/tokens/dev.tokenization.uncased.data --output_dir output_squad/ --no_stopwords -``` -The outputs are pickled into binary files. We have also provided our output files for convenience ([download link](https://baidu-nlp.bj.bcebos.com/KTNET_preprocess_wordnet_concepts.tar.gz)). - -#### 4. Retrieve NELL - -Using string mapping, this step finds corresponding named entities for each entity mention in the given MRC example and returns their categories as relevant NELL concepts. The latest NELL beliefs should be downloaded first. -``` -wget http://rtw.ml.cmu.edu/resources/results/08m/NELL.08m.1115.esv.csv.gz -gzip -d NELL.08m.1115.esv.csv.gz -mv NELL.08m.1115.esv.csv retrieve_concepts/retrieve_nell -``` -For ReCoRD, run the command: -``` -cd retrieve_concepts/retrieve_nell -python3 retrieve.py --train_token ../tokenization_record/tokens/train.tokenization.uncased.data --eval_token ../tokenization_record/tokens/dev.tokenization.uncased.data --output_dir output_record/ -``` -For SQuAD, run the command: -``` -cd retrieve_concepts/retrieve_nell -python3 retrieve.py --train_token ../tokenization_squad/tokens/train.tokenization.uncased.data --eval_token ../tokenization_squad/tokens/dev.tokenization.uncased.data --output_dir output_squad/ -``` -The outputs are pickled into binary files. The output files can also be downloaded from [download link](https://baidu-nlp.bj.bcebos.com/KTNET_preprocess_nell_concepts.tar.gz). - -#### 5. Prepare KB embedding - -Following the work of [Yang et al., 2015](https://arxiv.org/pdf/1412.6575.pdf), we leverage their KB embedding for WordNet synsets and NELL categories trained by the BILINEAR model. -``` -curl -O https://raw.githubusercontent.com/bishanyang/kblstm/master/embeddings/wn_concept2vec.txt -curl -O https://raw.githubusercontent.com/bishanyang/kblstm/master/embeddings/nell_concept2vec.txt -mv wn_concept2vec.txt nell_concept2vec.txt retrieve_concepts/KB_embeddings -``` -The 100-dimensional embeddings are stored in the following format: -``` -concept:coach -0.123886 0.0477016 0.517474 0.154645 0.32559 ... -``` -For other knowledge bases, please refer to the source code for training the BILINEAR model from [Yang's github repo](https://github.com/bishanyang/kblstm/tree/master/code/models). - -### Training KT-NET - -#### Prepare BERT checkpoint - -The text encoder module of KT-NET is initialized with pretrained BERT large-cased parameters, run the command: -``` -cd reading_comprehension -wget https://bert-models.bj.bcebos.com/cased_L-24_H-1024_A-16.tar.gz --no-check-certificate -tar xvf cased_L-24_H-1024_A-16.tar.gz -``` - -#### Directly fine-tuning - -We have provided scripts to execute training and inference for KT-NET. To train a model for ReCoRD dataset with both WordNet and NELL concepts employed, just run the command: -``` -cd reading_comprehension && sh ./run_record_twomemory.sh -``` -The hyper-parameters, such as training epochs, learning rate and batch size, can be adjusted in the script. After training and evaluation, the following files and directories will be created: -+ `output/eval_result.json`: the performance of the trained model on the benchmark -+ `output/predictions.json`: the predicted answers for the development set -+ `output/nbest_predictions.json`: n-best predicted answers for the development set -+ `output/step_XXXX`: the directory of model checkpoint -+ `log/train.log`: the logging file - -To run with single KB, replace `run_record_twomemory.sh` with `run_record_wordnet.sh` or `run_record_nell.sh`. - -Similarly, for SQuAD, use `run_squad_twomemory.sh`, `run_squad_wordnet.sh` or `run_squad_nell.sh`. - -#### Two-staged fine-tuning (Recommended) - -In our experiments, we found that employing a "two-staged" training strategy achieves better model performance, which freezes BERT params in the first stage and unfreezes them later. We recommend to adopt this strategy to train KT-NET. To run two-staged fine-tuning, just first execute the `XXX_pretrain.sh` script and then run `XXX_finetune.sh`. E.g., to train a KT-NET on ReCoRD with both KBs, firstly run -``` -cd reading_comprehension && sh ./run_record_twomemory_pretrain.sh -``` -and then run the command after the first stage has been finished -``` -sh ./run_record_twomemory_finetune.sh -``` - -The finally created `output/` and `log/` directories have the same folder structure with directly fine-tuning. - -In the first stage, we trained 10 epochs for ReCoRD and 1 epoch for SQuAD. As for the second stage, we recommend to fine-tune 2-4 epochs for ReCoRD and 2-3 epochs for SQuAD. - -#### Reproduce the paper results - -We have released the following checkpoints for our trained KT-NET which can reproduce the performance in the paper: - -| ReCoRD Model | F1 score | Exact Match | Inference Script | -| :------------- | :---------: | :----------: | :--------- | -| [KT-NET (WordNet)](https://baidu-nlp.bj.bcebos.com/KTNET_fine-tuned-model_record_wordnet.tar.gz) | 72.76 | 70.56 | eval_record_wordnet.sh | -| [KT-NET (NELL)](https://baidu-nlp.bj.bcebos.com/KTNET_fine-tuned-model_record_nell.tar.gz) | 72.52 | 70.54 | eval_record_nell.sh | -| [KT-NET (Both)](https://baidu-nlp.bj.bcebos.com/KTNET_fine-tuned-model_record_both.tar.gz) | 73.62 | 71.60 | eval_record_twomemory.sh | - -| SQuAD Model | F1 score | Exact Match | Inference Script | -| :------------- | :---------: | :----------: | :--------- | -| [KT-NET (WordNet)](https://baidu-nlp.bj.bcebos.com/KTNET_fine-tuned-model_squad_wordnet.tar.gz) | 91.70 | 85.16 | eval_squad_wordnet.sh | -| [KT-NET (NELL)](https://baidu-nlp.bj.bcebos.com/KTNET_fine-tuned-model_squad_nell.tar.gz) | 91.70 | 85.02 | eval_squad_nell.sh | -| [KT-NET (Both)](https://baidu-nlp.bj.bcebos.com/KTNET_fine-tuned-model_squad_both.tar.gz) | 91.65 | 84.97 | eval_squad_twomemory.sh | - -After downloading and extracting the checkpoint file, please execute the corresponding inference script. E.g.: -``` -cd reading_comprehension && sh ./eval_record_twomemory.sh extracted_ckpt_dir_path -``` -The following result is expected to be created in the `output/` directory: -``` -{ - "exact_match": 71.61, - "f1": 73.62396522806482 -} -``` - -## Citation - -If you use any source code included in this project in your work, please cite the following paper: -``` -@inproceedings{yang-etal-2019-enhancing-pre, - title = {Enhancing Pre-Trained Language Representations with Rich Knowledge for Machine Reading Comprehension}, - author = {An Yang, Quan Wang, Jing Liu, Kai Liu, Yajuan Lyu, Hua Wu, Qiaoqiao She and Sujian Li}, - booktitle = {Proceedings of the 57th Annual Meeting of the Association for Computational Linguistics}, - year = {2019}, - publisher = {Association for Computational Linguistics}, - pages = {2346--2357}, -} -``` - -## Copyright and License - -Copyright 2019 Baidu.com, Inc. All Rights Reserved -Licensed under the Apache License, Version 2.0 (the "License"); -you may not use this file except in compliance with the License. -You may obtain a copy of the License at - http://www.apache.org/licenses/LICENSE-2.0 -Unless required by applicable law or agreed to in writing, software -distributed under the License is distributed on an "AS IS" BASIS, -WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -See the License for the specific language governing permissions and -limitations under the License. \ No newline at end of file diff --git a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/KB_embeddings/.gitkeep b/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/KB_embeddings/.gitkeep deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/ner_tagging_squad/tagging.py b/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/ner_tagging_squad/tagging.py deleted file mode 100644 index da531f980aa7a74def415e4de7d71f8a19c34e1a..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/ner_tagging_squad/tagging.py +++ /dev/null @@ -1,120 +0,0 @@ -# -*- coding: utf-8 -*- -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -# This script perform NER tagging for raw SQuAD datasets -# All the named entites found in question and context are recorded with their offsets in the output file -# CoreNLP is used for NER tagging - -import os -import json -import argparse -import logging -import urllib -import sys -from tqdm import tqdm -from pycorenlp import StanfordCoreNLP - -logging.basicConfig(format = '%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt = '%m/%d/%Y %H:%M:%S', - level = logging.INFO) -logger = logging.getLogger(__name__) - -def parse_args(): - parser = argparse.ArgumentParser() - parser.add_argument("--output_dir", default='output', type=str, - help="The output directory to store tagging results.") - parser.add_argument("--train_file", default='../../data/SQuAD/train-v1.1.json', type=str, help="SQuAD json for training. E.g., train-v1.1.json") - parser.add_argument("--predict_file", default='../../data/SQuAD/dev-v1.1.json', type=str, - help="SQuAD json for predictions. E.g., dev-v1.1.json or test-v1.1.json") - return parser.parse_args() - -# transform corenlp tagging output into entity list -# some questions begins with whitespaces and they are striped by corenlp, thus begin offset should be added. -def parse_output(text, tagging_output, begin_offset=0): - entities = [] - select_states = ['ORGANIZATION', 'PERSON', 'MISC', 'LOCATION'] - for sent in tagging_output['sentences']: - state = 'O' - start_pos, end_pos = -1, -1 - for token in sent['tokens']: - tag = token['ner'] - if tag == 'O' and state != 'O': - if state in select_states: - entities.append({'text': text[begin_offset + start_pos: begin_offset + end_pos], 'start': begin_offset + start_pos, 'end': begin_offset + end_pos - 1}) - state = 'O' - elif tag != 'O': - if state == tag: - end_pos = token['characterOffsetEnd'] - else: - if state in select_states: - entities.append({'text': text[begin_offset + start_pos: begin_offset + end_pos], 'start': begin_offset + start_pos, 'end': begin_offset + end_pos - 1}) - state = tag - start_pos = token['characterOffsetBegin'] - end_pos = token['characterOffsetEnd'] - if state in select_states: - entities.append({'text': text[begin_offset + start_pos: begin_offset + end_pos], 'start': begin_offset + start_pos, 'end': begin_offset + end_pos - 1}) - return entities - -def tagging(dataset, nlp): - skip_context_cnt, skip_question_cnt = 0, 0 - for article in tqdm(dataset['data']): - for paragraph in tqdm(article['paragraphs']): - context = paragraph['context'] - context_tagging_output = nlp.annotate(urllib.parse.quote(context), properties={'annotators': 'ner', 'outputFormat': 'json'}) - # assert the context length is not changed - if len(context.strip()) == context_tagging_output['sentences'][-1]['tokens'][-1]['characterOffsetEnd']: - context_entities = parse_output(context, context_tagging_output, len(context) - len(context.lstrip())) - else: - context_entities = [] - skip_context_cnt += 1 - logger.info('Skipped context due to offset mismatch:') - logger.info(context) - paragraph['context_entities'] = context_entities - for qa in tqdm(paragraph['qas']): - question = qa['question'] - question_tagging_output = nlp.annotate(urllib.parse.quote(question), properties={'annotators': 'ner', 'outputFormat': 'json'}) - if len(question.strip()) == question_tagging_output['sentences'][-1]['tokens'][-1]['characterOffsetEnd']: - question_entities = parse_output(question, question_tagging_output, len(context) - len(context.lstrip())) - else: - question_entities = [] - skip_question_cnt += 1 - logger.info('Skipped question due to offset mismatch:') - logger.info(question) - qa['question_entities'] = question_entities - logger.info('In total, {} contexts and {} questions are skipped...'.format(skip_context_cnt, skip_question_cnt)) - -if __name__ == '__main__': - args = parse_args() - - # make output directory if not exist - if not os.path.exists(args.output_dir): - os.mkdir(args.output_dir) - - # register corenlp server - nlp = StanfordCoreNLP('http://localhost:9753') - - # load train and dev datasets - ftrain = open(args.train_file, 'r', encoding='utf-8') - trainset = json.load(ftrain) - fdev = open(args.predict_file, 'r', encoding='utf-8') - devset = json.load(fdev) - - for dataset, path, name in zip((trainset, devset), (args.train_file, args.predict_file), ('train', 'dev')): - tagging(dataset, nlp) - output_path = os.path.join(args.output_dir, "{}.tagged.json".format(os.path.basename(path)[:-5])) - json.dump(dataset, open(output_path, 'w', encoding='utf-8')) - logger.info('Finished tagging {} set'.format(name)) diff --git a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/retrieve_nell/nell_concept_list.txt b/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/retrieve_nell/nell_concept_list.txt deleted file mode 100644 index 36b816bede8bc456ffda01351d47c9abd35604c0..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/retrieve_nell/nell_concept_list.txt +++ /dev/null @@ -1,280 +0,0 @@ -concept:coach -concept:musicfestival -concept:book -concept:professor -concept:dateliteral -concept:mountainrange -concept:wine -concept:flooritem -concept:clothing -concept:mlalgorithm -concept:drug -concept:musicgenre -concept:parlourgame -concept:website -concept:eventoutcome -concept:planet -concept:mammal -concept:organization -concept:female -concept:vehicle -concept:event -concept:legume -concept:weatherphenomenon -concept:perceptionevent -concept:emotion -concept:bombingevent -concept:highway -concept:creativework -concept:comedian -concept:gamescore -concept:software -concept:personcanada -concept:musicalbum -concept:beach -concept:geopoliticalorganization -concept:product -concept:street -concept:astronaut -concept:virus -concept:criminal -concept:trail -concept:roadaccidentevent -concept:physicalaction -concept:archaea -concept:personafrica -concept:personasia -concept:medicalprocedure -concept:monument -concept:tool -concept:politician -concept:conference -concept:insect -concept:restaurant -concept:sportsequipment -concept:politicsblog -concept:physicalcharacteristic -concept:bakedgood -concept:sociopolitical -concept:meetingeventtype -concept:blog -concept:mediacompany -concept:bridge -concept:male -concept:researchproject -concept:traditionalgame -concept:recipe -concept:crustacean -concept:militaryeventtype -concept:color -concept:race -concept:religion -concept:furniture -concept:building -concept:geopoliticallocation -concept:personsouthamerica -concept:beverage -concept:nondiseasecondition -concept:school -concept:politicalparty -concept:politicsbill -concept:zoo -concept:artery -concept:recordlabel -concept:cave -concept:visualartmovement -concept:musicartist -concept:olympics -concept:visualizableattribute -concept:sportsteamposition -concept:boardgame -concept:person -concept:actor -concept:perceptionaction -concept:dayofweek -concept:householditem -concept:fungus -concept:bird -concept:fruit -concept:amphibian -concept:victim -concept:musicsong -concept:newspaper -concept:farm -concept:tradeunion -concept:bone -concept:month -concept:personaustralia -concept:movie -concept:convention -concept:nonneginteger -concept:nerve -concept:highschool -concept:time -concept:lake -concept:placeofworship -concept:mlmetric -concept:visualartform -concept:grandprix -concept:agriculturalproduct -concept:bedroomitem -concept:chemical -concept:muscle -concept:sportsgame -concept:physiologicalcondition -concept:radiostation -concept:televisionstation -concept:personus -concept:coffeedrink -concept:airport -concept:invertebrate -concept:bathroomitem -concept:physicsterm -concept:company -concept:meetingeventtitle -concept:earthquakeevent -concept:judge -concept:skiarea -concept:personeurope -concept:politicsissue -concept:nongovorganization -concept:mlconference -concept:politicaloffice -concept:url -concept:visualartist -concept:hotel -concept:caf_ -concept:bacteria -concept:kitchenitem -concept:militaryconflict -concept:protestevent -concept:sportsteam -concept:politicianus -concept:mlauthor -concept:retailstore -concept:architect -concept:location -concept:shoppingmall -concept:sportsevent -concept:politicsgroup -concept:buildingmaterial -concept:televisionshow -concept:consumerelectronicitem -concept:petroleumrefiningcompany -concept:room -concept:academicfield -concept:reptile -concept:wallitem -concept:buildingfeature -concept:programminglanguage -concept:mollusk -concept:monarch -concept:bank -concept:creditunion -concept:park -concept:island -concept:governmentorganization -concept:celltype -concept:game -concept:videogamesystem -concept:automobileengine -concept:biotechcompany -concept:nonprofitorganization -concept:geometricshape -concept:museum -concept:port -concept:cardgame -concept:landscapefeatures -concept:televisionnetwork -concept:musicinstrument -concept:ethnicgroup -concept:language -concept:grain -concept:mlarea -concept:director -concept:weapon -concept:cognitiveactions -concept:mlsoftware -concept:species -concept:fish -concept:athlete -concept:ceo -concept:publication -concept:vertebrate -concept:sportsleague -concept:mediatype -concept:filmfestival -concept:university -concept:stadiumoreventvenue -concept:zipcode -concept:writer -concept:continent -concept:oilgasfield -concept:videogame -concept:country -concept:river -concept:personnorthamerica -concept:currency -concept:nut -concept:hallwayitem -concept:professionalorganization -concept:skyscraper -concept:lymphnode -concept:meat -concept:scientist -concept:tableitem -concept:winery -concept:disease -concept:magazine -concept:condiment -concept:economicsector -concept:visualizablescene -concept:mldataset -concept:mountain -concept:braintissue -concept:chef -concept:vegetable -concept:model -concept:protein -concept:city -concept:personbylocation -concept:arachnid -concept:date -concept:scientificterm -concept:officeitem -concept:automobilemodel -concept:musician -concept:election -concept:automobilemaker -concept:sport -concept:food -concept:attraction -concept:candy -concept:profession -concept:county -concept:celebrity -concept:crimeorcharge -concept:vein -concept:aquarium -concept:year -concept:plant -concept:journalist -concept:bodypart -concept:stateorprovince -concept:refineryproduct -concept:jobposition -concept:personmexico -concept:trainstation -concept:productlaunchevent -concept:awardtrophytournament -concept:officebuildingroom -concept:animal -concept:arthropod -concept:hobby -concept:charactertrait -concept:hospital -concept:transportation -concept:cheese -concept:terroristorganization -concept:personalcareitem -concept:geopoliticalentity \ No newline at end of file diff --git a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/retrieve_nell/retrieve.py b/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/retrieve_nell/retrieve.py deleted file mode 100644 index 36f3fc9aeca368e585324e36dca694c24fb5b892..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/retrieve_nell/retrieve.py +++ /dev/null @@ -1,190 +0,0 @@ -# -*- coding: utf-8 -*- -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -# This script retrieve related NELL entities and their concepts for each named-entity in ReCoRD -# 1. transform ReCoRD entity from word sequences into strings (use _ to replace whitespace and eliminate punc) -# 2. preprocess NELL entity name (remove front 'n' for NELL entities when digit is in the beginning and additional _) -# 3. for ReCoRD entities with more than one token, use exact match -# 4. for one-word ReCoRD entities, do wordnet lemmatization before matching (and matching by both raw and morphed forms) -# 5. in a passage, if entity A is a suffix of entity B, use B's categories instead - -import pickle -import logging -import string -import argparse -import os -import nltk -from collections import namedtuple -from tqdm import tqdm -from nltk.corpus import wordnet as wn - -logging.basicConfig(format = '%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt = '%m/%d/%Y %H:%M:%S', - level = logging.INFO) -logger = logging.getLogger(__name__) - -# remove category part of NELL entities, digit prefix 'n' and additional '_' -def preprocess_nell_ent_name(raw_name): - ent_name = raw_name.split(':')[-1] - digits = set(string.digits) - if ent_name.startswith('n') and all([char in digits for char in ent_name.split('_')[0][1:]]): - ent_name = ent_name[1:] - ent_name = "_".join(filter(lambda x:len(x) > 0, ent_name.split('_'))) - return ent_name - -puncs = set(string.punctuation) -def preprocess_record_ent_name(raw_token_seq): - return "_".join(filter(lambda x:x not in puncs, raw_token_seq)) - -def main(): - parser = argparse.ArgumentParser() - parser.add_argument('--train_token', type=str, default='../tokenization_record/tokens/train.tokenization.uncased.data', help='token file of train set') - parser.add_argument('--eval_token', type=str, default='../tokenization_record/tokens/dev.tokenization.uncased.data', help='token file of dev set') - parser.add_argument('--score_threshold', type=float, default=0.9, help='only keep generalizations relations with score >= threshold') - parser.add_argument('--output_dir', type=str, default='output_record/', help='output directory') - args = parser.parse_args() - - # make output directory if not exist - if not os.path.exists(args.output_dir): - os.mkdir(args.output_dir) - - # load set of concepts with pre-trained embedding - concept_set = set() - with open('nell_concept_list.txt') as fin: - for line in fin: - concept_name = line.strip() - concept_set.add(concept_name) - - # read nell csv file and build NELL entity to category dict - logger.info('Begin to read NELL csv...') - fin = open('NELL.08m.1115.esv.csv') - nell_ent_to_cpt = {} - nell_ent_to_fullname = {} - - header = True - for line in fin: - if header: - header = False - continue - line = line.strip() - items = line.split('\t') - if items[1] == 'generalizations' and float(items[4]) >= args.score_threshold: - nell_ent_name = preprocess_nell_ent_name(items[0]) - category = items[2] - if nell_ent_name not in nell_ent_to_cpt: - nell_ent_to_cpt[nell_ent_name] = set() - nell_ent_to_fullname[nell_ent_name] = set() - nell_ent_to_cpt[nell_ent_name].add(category) - nell_ent_to_fullname[nell_ent_name].add(items[0]) - logger.info('Finished reading NELL csv.') - - # load record dataset - logger.info('Begin to load tokenization results...') - train_samples = pickle.load(open(args.train_token, 'rb')) - dev_samples = pickle.load(open(args.eval_token, 'rb')) - logger.info('Finished loading tokenization results.') - - # build record entity set - record_ent_set = set() - for sample in train_samples + dev_samples: - query_tokens = sample['query_tokens'] - document_tokens = sample['document_tokens'] - for entity_info in sample['document_entities']: - entity_token_seq = document_tokens[entity_info[1]: entity_info[2] + 1] - record_ent_set.add(preprocess_record_ent_name(entity_token_seq)) - for entity_info in sample['query_entities']: - entity_token_seq = query_tokens[entity_info[1]: entity_info[2] + 1] - record_ent_set.add(preprocess_record_ent_name(entity_token_seq)) - logger.info('Finished making tokenization results into entity set.') - - # do mapping - record_ent_to_cpt = {} - record_ent_to_nell_ent = {} - for record_ent in tqdm(record_ent_set): - cpt, nell_ent = set(), set() - if record_ent in nell_ent_to_cpt: - cpt.update(nell_ent_to_cpt[record_ent]) - nell_ent.update(nell_ent_to_fullname[record_ent]) - # length is 1, do morphy - if '_' not in record_ent: - for pos_tag in ['n', 'v', 'a', 'r']: - morph = wn.morphy(record_ent, pos_tag) - if morph is not None and morph in nell_ent_to_cpt: - cpt.update(nell_ent_to_cpt[morph]) - nell_ent.update(nell_ent_to_fullname[morph]) - record_ent_to_cpt[record_ent] = cpt - record_ent_to_nell_ent[record_ent] = nell_ent - logger.info('Finished matching record entities to nell entities.') - - # map the record entity in the set back to passage - logger.info('Begin to generate output file...') - _TempRectuple = namedtuple('entity_record', [ - 'entity_string', 'start', 'end', 'retrieved_concepts', 'retrieved_entities']) - for outfn, samples in zip(('{}.retrieved_nell_concepts.data'.format(prefix) for prefix in ('train', 'dev')), (train_samples, dev_samples)): - all_outputs = [] - for sample in tqdm(samples): - doc_entities = [] - document_tokens = sample['document_tokens'] - for entity_info in sample['document_entities']: - entity_token_seq = document_tokens[entity_info[1]: entity_info[2] + 1] - entity_whitespace_str = " ".join(entity_token_seq) - entity_retrieve_str = preprocess_record_ent_name( - entity_token_seq) - doc_entities.append(_TempRectuple( - entity_whitespace_str, entity_info[1], entity_info[2], record_ent_to_cpt[entity_retrieve_str], record_ent_to_nell_ent[entity_retrieve_str])) - query_entities = [] - query_tokens = sample['query_tokens'] - for entity_info in sample['query_entities']: - entity_token_seq = query_tokens[entity_info[1]: entity_info[2] + 1] - entity_whitespace_str = " ".join(entity_token_seq) - entity_retrieve_str = preprocess_record_ent_name( - entity_token_seq) - query_entities.append(_TempRectuple( - entity_whitespace_str, entity_info[1], entity_info[2], record_ent_to_cpt[entity_retrieve_str], record_ent_to_nell_ent[entity_retrieve_str])) - - # perform suffix replacement rule (eg. use the result of "Donald Trump" to replace "Trump" in the passage) - doc_entities_final, query_entities_final = [], [] - for entities, entities_final in zip((doc_entities, query_entities), (doc_entities_final, query_entities_final)): - for trt in entities: - new_nell_cpt_set, new_nell_ent_set = set(), set() - for other_trt in doc_entities + query_entities: - if other_trt.entity_string != trt.entity_string and other_trt.entity_string.endswith(trt.entity_string): - new_nell_cpt_set.update(other_trt.retrieved_concepts) - new_nell_ent_set.update(other_trt.retrieved_entities) - # no need to replace - if len(new_nell_cpt_set) == 0: - new_nell_cpt_set = trt.retrieved_concepts - new_nell_ent_set = trt.retrieved_entities - new_nell_cpt_set = new_nell_cpt_set & concept_set # filter concepts with pretrained embedding - entities_final.append({ - 'entity_string': trt.entity_string, - 'token_start': trt.start, - 'token_end': trt.end, - 'retrieved_concepts': list(new_nell_cpt_set), - 'retrieved_entities': list(new_nell_ent_set), - }) - - all_outputs.append({ - 'id': sample['id'], - 'document_entities': doc_entities_final, - 'query_entities': query_entities_final, - }) - pickle.dump(all_outputs, open(os.path.join(args.output_dir, outfn), 'wb')) - logger.info('Output retrieved results have been dumped.') - -if __name__ == '__main__': - main() diff --git a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/retrieve_wordnet/retrieve.py b/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/retrieve_wordnet/retrieve.py deleted file mode 100644 index 5cd6caf7e34945f300de58e863123d1f6119b5b9..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/retrieve_wordnet/retrieve.py +++ /dev/null @@ -1,104 +0,0 @@ -# -*- coding: utf-8 -*- -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -import pickle -import argparse -import os -import nltk -import logging -import string -from tqdm import tqdm -from nltk.corpus import wordnet as wn - -logging.basicConfig(format = '%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt = '%m/%d/%Y %H:%M:%S', - level = logging.INFO) -logger = logging.getLogger(__name__) - -def main(): - parser = argparse.ArgumentParser() - parser.add_argument('--train_token', type=str, default='../tokenization_record/tokens/train.tokenization.uncased.data', help='token file of train set') - parser.add_argument('--eval_token', type=str, default='../tokenization_record/tokens/dev.tokenization.uncased.data', help='token file of dev set') - parser.add_argument('--output_dir', type=str, default='output_record/', help='output directory') - parser.add_argument('--no_stopwords', action='store_true', help='ignore stopwords') - parser.add_argument('--ignore_length', type=int, default=0, help='ignore words with length <= ignore_length') - args = parser.parse_args() - - # initialize mapping from offset id to wn18 synset name - offset_to_wn18name_dict = {} - fin = open('wordnet-mlj12-definitions.txt') - for line in fin: - info = line.strip().split('\t') - offset_str, synset_name = info[0], info[1] - offset_to_wn18name_dict[offset_str] = synset_name - logger.info('Finished loading wn18 definition file.') - - - # load pickled samples - logger.info('Begin to load tokenization results...') - train_samples = pickle.load(open(args.train_token, 'rb')) - dev_samples = pickle.load(open(args.eval_token, 'rb')) - logger.info('Finished loading tokenization results.') - - # build token set - all_token_set = set() - for sample in train_samples + dev_samples: - for token in sample['query_tokens'] + sample['document_tokens']: - all_token_set.add(token) - logger.info('Finished making tokenization results into token set.') - - # load stopwords - stopwords = set(nltk.corpus.stopwords.words('english')) - logger.info('Finished loading stopwords list.') - - # retrive synsets - logger.info('Begin to retrieve synsets...') - token2synset = dict() - stopword_cnt = 0 - punctuation_cnt = 0 - for token in tqdm(all_token_set): - if token in set(string.punctuation): - logger.info('{} is punctuation, skipped!'.format(token)) - punctuation_cnt += 1 - continue - if args.no_stopwords and token in stopwords: - logger.info('{} is stopword, skipped!'.format(token)) - stopword_cnt += 1 - continue - if args.ignore_length > 0 and len(token) <= args.ignore_length: - logger.info('{} is too short, skipped!'.format(token)) - continue - synsets = wn.synsets(token) - wn18synset_names = [] - for synset in synsets: - offset_str = str(synset.offset()).zfill(8) - if offset_str in offset_to_wn18name_dict: - wn18synset_names.append(offset_to_wn18name_dict[offset_str]) - if len(wn18synset_names) > 0: - token2synset[token] = wn18synset_names - logger.info('Finished retrieving sysnets.') - logger.info('{} / {} tokens retrieved at lease 1 synset. {} stopwords and {} punctuations skipped.'.format(len(token2synset), len(all_token_set), stopword_cnt, punctuation_cnt)) - - if not os.path.exists(args.output_dir): - os.makedirs(args.output_dir) - - with open(os.path.join(args.output_dir, 'retrived_synsets.data'), 'wb') as fout: - pickle.dump(token2synset, fout) - logger.info('Finished dumping retrieved synsets.') - -if __name__ == '__main__': - main() diff --git a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/retrieve_wordnet/wordnet-mlj12-definitions.txt b/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/retrieve_wordnet/wordnet-mlj12-definitions.txt deleted file mode 100644 index 8fc1c4b8bafcfcbb4e8b8e1c94212f68a724f0d7..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/retrieve_wordnet/wordnet-mlj12-definitions.txt +++ /dev/null @@ -1,40943 +0,0 @@ -14854262 __stool_NN_2 solid excretory product evacuated from the bowels -00590383 __chieftainship_NN_1 the position of chieftain -08769179 __saxony_NN_1 an area in Germany around the upper Elbe river; the original home of the Saxons -02338145 __ondatra_zibethica_NN_1 beaver-like aquatic rodent of North America with dark glossy brown fur -01990168 __founder_VB_2 sink below the surface -11812094 __rose_campion_NN_1 an old cottage garden plant of southeastern Europe widely cultivated for its attractive white woolly foliage and showy crimson flowers -07491708 __enjoyment_NN_1 the pleasure felt when having a good time -02106662 __german_shepherd_dog_NN_1 breed of large shepherd dogs used in police work and as a guide for the blind -01667449 __quilt_VB_1 stitch or sew together; "quilt the skirt" -08838556 __wake_island_NN_1 an island in the western Pacific between Guam and Hawaii -01973759 __raise_VB_8 move upwards; "lift one's eyes" -08349548 __admiralty_NN_1 the department in charge of the navy (as in Great Britain) -03848348 __opener_NN_3 a hand tool used for opening sealed containers (bottles or cans) -10770059 __watchman_NN_1 a guard who keeps watch -13547513 __reducing_NN_2 loss of excess weight (as by dieting); becoming slimmer; "a doctor supervised her reducing" -01036804 __twaddle_VB_1 speak (about unimportant matters) rapidly and incessantly -07123710 __yodel_NN_1 a songlike cry in which the voice fluctuates rapidly between the normal voice and falsetto -09799607 __apostolic_delegate_NN_1 (Roman Catholic Church) a representative of the Holy See in a country that has no formal diplomatic relations with it -07528212 __exhilaration_NN_1 the feeling of lively and cheerful joy; "he could hardly conceal his excitement when she agreed" -03646916 __latticework_NN_1 framework consisting of an ornamental design made of strips of wood or metal -10261041 __lifer_NN_1 a prisoner serving a term of life imprisonment -12906334 __mandragora_NN_1 a genus of stemless herbs of the family Solanaceae -13625237 __bit_NN_6 a unit of measurement of information (from binary + digit); the amount of information in a system having two equiprobable states; "there are 8 bits in a byte" -01219893 __dispraise_NN_1 the act of speaking contemptuously of -12046251 __genus_bletia_NN_1 genus of tropical American terrestrial orchids with large purple or pink flowers -09166902 __silicon_valley_NN_1 a region in California to the south of San Francisco that is noted for its concentration of high-technology industries -01119950 __rush_VB_2 attack suddenly -01479937 __placodermi_NN_1 extinct group of bony-plated fishes with primitive jaws -01218766 __idolization_NN_1 the act of admiring strongly -01487743 __rhincodontidae_NN_1 small-toothed sharks comprising only one species -02426634 __taurotragus_NN_1 African antelopes: elands -08207672 __saddam's_martyrs_NN_1 a feared paramilitary unit formed in 1995 by young soldiers to serve Saddam Hussein against domestic opponents -02076535 __otariidae_NN_1 eared seals: sea lions and fur seals -06743230 __preachification_NN_1 moralization delivered tediously in a preachy manner -05376844 __vena_peroneus_NN_1 accompany the peroneal arteries; arising in the heel and running up the back of the leg to join the posterior tibial veins of the popliteal vein -11377851 __webb_NN_2 English sociologist and economist and a central member of the Fabian Society (1859-1947) -03731695 __sledgehammer_NN_1 a heavy long-handled hammer used to drive stakes or wedges -04197235 __shipyard_NN_1 a workplace where ships are built or repaired -04792357 __adequateness_NN_1 the quality of being able to meet a need satisfactorily: "he questioned the adequacy of the usual sentimental interpretation of the Golden Rule" -08168117 __third_estate_NN_1 the common people -04066476 __redoubt_NN_1 (military) a temporary or supplementary fortification; typically square or polygonal without flanking defenses -10109662 __freewheeler_NN_1 someone acting freely or even irresponsibly -10738515 __union_representative_NN_1 a representative for a labor union -11659500 __sundacarpus_NN_1 one species -02772868 __baffle_board_NN_1 a flat plate that controls or directs the flow of fluid or energy -01545314 __squat_VB_1 sit on one's heels; "In some cultures, the women give birth while squatting"; "The children hunkered down to protect themselves from the sandstorm" -12523475 __jacaranda_NN_1 an important Brazilian timber tree yielding a heavy hard dark-colored wood streaked with black -11883137 __genus_cheiranthus_NN_1 Old World perennial plants grown for their showy flowers -05779712 __supposition_NN_3 the cognitive process of supposing -08988609 __st._lucia_NN_1 a country on the island of Saint Lucia; gained independence from Great Britain in 1979 -02125223 __wind_VB_4 catch the scent of; get wind of; "The dog nosed out the drugs" -01534034 __pyrrhula_NN_1 bullfinches -09166534 __slezsko_NN_1 a region of central Europe rich in deposits of coal and iron ore; annexed by Prussia in 1742 but now largely in Poland -00284409 __ramble_NN_1 an aimless amble on a winding course -05064722 __lobularity_NN_1 the property of having lobules -01364587 __family_bacteroidaceae_NN_1 family of bacteria living usually in the alimentary canal or on mucous surfaces of warm-blooded animals; sometimes associated with acute infective processes -02169497 __leaf_beetle_NN_1 brightly colored beetle that feeds on plant leaves; larvae infest roots and stems -15203565 __school_year_NN_1 the period of time each year when the school is open and people are studying -10368113 __papal_nuncio_NN_1 (Roman Catholic Church) a diplomatic representative of the Pope having ambassadorial status -03912664 __talwin_NN_1 analgesic drug (trade name Talwin) that is less addictive than morphine -05998356 __allometry_NN_1 the study of the relative growth of a part of an organism in relation to the growth of the whole -05303232 __uterine_cervix_NN_1 necklike opening to the uterus -08564307 __midwestern_united_states_NN_1 the north central region of the United States (sometimes called the heartland or the breadbasket of America) -01455754 __run_up_VB_2 raise; "hoist the flags"; "hoist a sail" -06439712 __obadiah_NN_2 an Old Testament book telling Obadiah's prophecies; the shortest book in the Christian Bible -14170772 __hemophilia_a_NN_1 hemophilia caused by a congenital deficiency of factor VIII; occurs almost exclusively in men -01591490 __paridae_NN_1 titmice and chickadees -01986538 __family_crangonidae_NN_1 shrimps -00558963 __excite_VB_8 produce a magnetic field in; "excite the neurons" -00853487 __surgical_contraception_NN_1 contraception by surgical sterilization -09194357 __the_alps_NN_1 a large mountain system in south-central Europe; scenic beauty and winter sports make them a popular tourist attraction -01152033 __privatization_NN_1 changing something from state to private ownership or control -01310249 __spade_VB_1 dig (up) with a spade; "I spade compost into the flower beds" -14691822 __propellent_NN_1 any substance that propels -02049299 __podicipitiformes_NN_1 grebes -02432704 __odocoileus_hemionus_columbianus_NN_1 mule deer of western Rocky Mountains -07122730 __noise_NN_4 a loud outcry of protest or complaint; "the announcement of the election recount caused a lot of noise"; "whatever it was he didn't like it and he was going to let them know by making as loud a noise as he could" -00746479 __fate_VB_1 decree or designate beforehand; "She was destined to become a great pianist" -10135953 __no-account_NN_1 an idle worthless person -10644839 __staff_officer_NN_1 a commissioned officer assigned to a military commander's staff -00644839 __credible_JJ_1 capable of being believed; "completely credible testimony"; "credible information" -04478657 __trench_NN_1 a ditch dug as a fortification having a parapet of the excavated earth -05611302 __psyche_NN_1 that which is responsible for one's thoughts and feelings; the seat of the faculty of reason; "his mind wandered"; "I couldn't get his words out of my head" -07425011 __mutation_NN_2 (genetics) any event that changes genetic structure; any alteration in the inherited nucleic acid sequence of the genotype of an organism -08970445 __rabat_NN_1 the capital of Morocco; located in the northwestern on the Atlantic coast -04340750 __strongbox_NN_1 a strongly made box for holding money or valuables; can be locked -11157580 __robert_nesta_marley_NN_1 Jamaican singer who popularized reggae (1945-1981) -09029457 __sudan_NN_1 a republic in northeastern Africa on the Red Sea; achieved independence from Egypt and the United Kingdom in 1956 -02483564 __symphalangus_NN_1 used in some classifications for the siamangs pull (a person) apart with four horses tied to his extremities, so as to execute him; "in the old days, people were drawn and quartered for certain crimes" -02639786 __psephurus_NN_1 a genus of Polyodontidae -11065345 __victor_hugo_NN_1 French poet and novelist and dramatist; leader of the romantic movement in France (1802-1885) -14176895 __mycosis_NN_1 an inflammatory condition caused by a fungus -10286855 __maltster_NN_1 a maker of malt -09605289 __grownup_NN_1 a fully developed person from maturity onward -08722844 __manchuria_NN_1 a region in northeastern China -12573256 __bush_pea_NN_1 any of various plants of the genus Thermopsis having trifoliate leaves and yellow or purple racemose flowers -12844939 __flame_nettle_NN_1 any of various Old World tropical plants of the genus Coleus having multicolored decorative leaves and spikes of blue flowers -05388805 __ticker_NN_1 the hollow muscular organ located behind the sternum and between the lungs; its rhythmic contractions move the blood through the body; "he stood still, his heart thumping wildly" -14705718 __sealer_NN_1 a kind of sealing material that is used to form a hard coating on a porous surface (as a coat of paint or varnish used to size a surface) -12349916 __rhexia_NN_1 deer grass -10080337 __fastener_NN_1 a person who fastens or makes fast; "he found the door fastened and wondered who the fastener was" -02077148 __spread_out_VB_4 extend in one or more directions; "The dough expands" -00936465 __confide_VB_1 reveal in private; tell confidentially -10511069 __receptionist_NN_1 a secretary whose main duty is to answer the telephone and receive visitors -00560293 __rushing_NN_1 (American football) an attempt to advance the ball by running into the line; "the linebackers were ready to stop a rush" -01543272 __vidua_NN_1 whydahs -02250653 __pseudococcus_NN_1 type genus of the Pseudococcidae -05545047 __sutura_sagittalis_NN_1 the suture uniting the two parietal bones -00793785 __tempt_VB_1 dispose or incline or entice to; "We were tempted by the delicious-looking food" -10071557 __existentialist_philosopher_NN_1 a philosopher who emphasizes freedom of choice and personal responsibility but who regards human existence in a hostile universe as unexplainable -00952182 __voice_VB_2 utter with vibrating vocal chords -04904664 __discomposure_NN_2 a temperament that is perturbed and lacking in composure -11348812 __trevino_NN_1 United States golfer (born in 1939) -09700823 __salvadorian_NN_1 a native or inhabitant of El Salvador -03792048 __mound_NN_4 structure consisting of an artificial heap or bank usually of earth or stones; "they built small mounds to hide behind" -00642379 __polite_JJ_3 not rude; marked by satisfactory (or especially minimal) adherence to social usages and sufficient but not noteworthy consideration for others; "even if he didn't like them he should have been civil"- W.S. Maugham -05749619 __taste_NN_3 delicate discrimination (especially of aesthetic values); "arrogance and lack of taste contributed to his rapid success"; "to ask at that particular time was the ultimate in bad taste" -10237069 __kinswoman_NN_1 a female relative -09392162 __pillars_of_hercules_NN_1 the two promontories at the eastern end of the Strait of Gibraltar; according to legend they were formed by Hercules -12061614 __epidendrum_venosum_NN_1 Mexican epiphytic orchid having pale green or yellow-green flowers with white purple-veined lip -01677989 __tinsel_VB_2 adorn with tinsel; "snow flakes tinseled the trees" -02977058 __cash_machine_NN_1 an unattended machine (outside some banks) that dispenses money when a personal coded card is used -09903501 __violoncellist_NN_1 someone who plays a violoncello -04921900 __training_NN_2 the result of good upbringing (especially knowledge of correct social behavior); "a woman of breeding and refinement" -07426893 __retrogression_NN_1 passing from a more complex to a simpler biological form -10050432 __elevator_operator_NN_1 an operator of an elevator -00283090 __dye_VB_1 color with dye; "Please dye these shoes" -07150850 __arbitration_NN_1 (law) the hearing and determination of a dispute by an impartial referee agreed to by both parties (often used to settle disputes between labor and management) -09810166 __comer_NN_2 someone who arrives (or has arrived) -03912328 __peritrate_NN_1 a coronary vasodilator (trade name Peritrate) used to treat angina pectoris -00589217 __attorneyship_NN_1 the position of attorney -12078954 __pleione_NN_1 small genus of dwarf orchids; India to Thailand and Taiwan -09365288 __nanga_parbat_NN_1 a mountain in the Himalayas in Kashmir (26,660 feet high) -12027538 __salsify_NN_1 edible root of the salsify plant -03042490 __cliff_dwelling_NN_1 a rock and adobe dwelling built on sheltered ledges in the sides of a cliff; "the Anasazi built cliff dwellings in the southwestern United States" -09545000 __houri_NN_2 (Islam) one of the dark-eyed virgins of perfect beauty believed to live with the blessed in Paradise -03421768 __gas_shell_NN_1 (military) bomb consisting of an explosive projectile filled with a toxic gas that is released when the bomb explodes -06350127 __tachygraphy_NN_1 a method of writing rapidly -13874384 __arc_NN_2 a continuous portion of a circle -02729837 __appliance_NN_2 durable goods for home or office use -14480065 __phase_NN_2 (physical chemistry) a distinct state of matter in a system; matter that is identical in chemical composition and physical state and separated from other material by the phase boundary; "the reaction occurs in the liquid phase of the system" -12002651 __winter_heliotrope_NN_1 European herb with vanilla-scented white-pink flowers -08569591 __fault_line_NN_1 (geology) line determined by the intersection of a geological fault and the earth's surface -02777734 __balcony_NN_2 a platform projecting from the wall of a building and surrounded by a balustrade or railing or parapet -00869583 __operation_NN_10 (mathematics) calculation by mathematical methods; "the problems at the end of the chapter demonstrated the mathematical processes involved in the derivation"; "they were learning the basic operations of arithmetic" -09476521 __weakener_NN_1 that which weakens or causes a loss of strength; "doubt is a great weakener of resolve" -08720280 __ndjamena_NN_1 the capital and largest city of Chad; located in the southwestern on the Shari river -13786960 __trigonometric_function_NN_1 function of an angle expressed as a ratio of the length of the sides of right-angled triangle containing the angle -07569873 __soybean_meal_NN_1 meal made from soybeans -01679254 __bedizen_VB_1 decorate tastelessly -02523351 __pass_VB_9 go unchallenged; be approved; "The bill cleared the House" -00135578 __demythologize_VB_1 remove the mythical element from (writings); "the Bible should be demythologized and examined for its historical value" -09543353 __the_tempter_NN_1 (Judeo-Christian and Islamic religions) chief spirit of evil and adversary of God; tempter of mankind; master of Hell -09830194 __back_NN_4 (football) a person who plays in the backfield -13231436 __genus_armillaria_NN_1 genus of edible mushrooms having white spores an annulus and blue juice; some are edible; some cause root rot -06946823 __west_germanic_language_NN_1 a branch of the Germanic languages -13064247 __genus_cronartium_NN_1 rust fungi having aecia produced in raised or swollen sori and teliospores borne in waxy columns -12317296 __ironwood_tree_NN_2 a small slow-growing deciduous tree of northern Iran having a low domed shape -08288753 __subculture_NN_1 a social group within a national culture that has distinctive patterns of behavior and beliefs -00291004 __countermarch_NN_1 (military) a march in the reverse direction or back along the same route -15266265 __presidential_term_NN_1 the tenure of a president; "things were quiet during the Eisenhower administration" -02932891 __pleasure_craft_NN_1 a large motorboat that has a cabin and plumbing and other conveniences necessary for living on board -05527085 __prepuce_NN_1 a fold of skin covering the tip of the clitoris -01421164 __cryptophyceae_NN_1 motile usually brownish-green protozoa-like algae -12759120 __genus_anacardium_NN_1 type genus of the Anacardiaceae: cashew -01412759 __clout_VB_1 strike hard, especially with the fist; "He clouted his attacker" -00550242 __panto_NN_1 an abbreviation of pantomime -00059019 __have_a_bun_in_the_oven_VB_1 be pregnant with; "She is bearing his child"; "The are expecting another child in January"; "I am carrying his child" -02258065 __philaenus_NN_1 a genus of Cercopidae -04059157 __ready-to-wear_NN_1 ready-made clothing; "she couldn't find anything in ready-to-wear that she liked" -14543931 __vulnerability_NN_1 the state of being vulnerable or exposed; "his vulnerability to litigation"; "his exposure to ridicule" -02214972 __superfamily_sphecoidea_NN_1 families Sphecidae and Stizidae -08539717 __urban_sprawl_NN_1 an aggregation or continuous network of urban communities -07957193 __long_suit_NN_1 in a hand, the suit having the most cards -00314469 __seafaring_NN_1 the work of a sailor -08780881 __hellenic_republic_NN_1 a republic in southeastern Europe on the southern part of the Balkan peninsula; known for grapes and olives and olive oil -01437805 __order_cypriniformes_NN_1 an order of animals including almost entirely freshwater fishes: characins; loaches; carp; suckers; sometimes classified as a suborder of Ostariophysi -09361816 __mount_carmel_NN_1 a mountain range in northwestern Israel near the Mediterranean coast; "according to the Old Testament, Elijah defeated the priests of Baal at Mount Carmel" -12662223 __genus_chiococca_NN_1 shrubs of tropical and subtropical New World -08372847 __twelve_tribes_of_israel_NN_1 twelve kin groups of ancient Israel each traditionally descended from one of the twelve sons of Jacob -01954516 __solenogaster_NN_1 deep-water wormlike mollusks lacking calcareous plates on the body but having fine slimy spicules on the covering mantle -13742840 __monas_NN_1 a singular metaphysical entity from which material properties are said to derive -01769843 __persuasive_JJ_1 intended or having the power to induce action or belief; "persuasive eloquence"; "a most persuasive speaker"; "a persuasive argument" -01128193 __protect_VB_1 shield from danger, injury, destruction, or damage; "Weatherbeater protects your roof from the rain" -05367341 __vena_facialis_NN_1 any of several veins draining the face -12874429 __sesame_family_NN_1 the family of plants of order Polemoniales -06311852 __possessive_case_NN_1 the case expressing ownership -08821187 __acadia_NN_1 the French-speaking part of the Canadian Maritime Provinces -03896233 __passenger_train_NN_1 a train that carries passengers -01454702 __gasterosteidae_NN_1 sticklebacks -02978205 __casque_NN_1 (15-16th century) any armor for the head; usually ornate without a visor -03666362 __light-emitting_diode_NN_1 diode such that light emitted at a p-n junction is proportional to the bias current; color depends on the material used -14367341 __elephantiasis_NN_1 hypertrophy of certain body parts (usually legs and scrotum); the end state of the disease filariasis -08564739 __pacific_northwest_NN_1 a region of the northwestern United States usually including Washington and Oregon and sometimes southwestern British Columbia -11727976 __genus_caltha_NN_1 a genus of Caltha -02454657 __genus_dasypus_NN_1 type genus of the Dasypodidae -14548343 __impairment_NN_3 the condition of being unable to perform as a consequence of physical or mental unfitness; "reading disability"; "hearing impairment" -03338009 __filler_NN_5 the tobacco used to form the core of a cigar -11643506 __sandarac_NN_1 durable fragrant wood; used in building (as in the roof of the cathedral at Cordova, Spain) -08750822 __santiago_de_cuba_NN_1 a port city in southeastern Cuba; industrial center -10820163 __mark_antony_NN_1 Roman general under Julius Caesar in the Gallic wars; repudiated his wife for the Egyptian queen Cleopatra; they were defeated by Octavian at Actium (83-30 BC) -08304135 __hanseatic_league_NN_1 a commercial and defensive confederation of free cities in northern Germany and surrounding areas; formed in 1241 and most influential in the 14th century when it included over 100 towns and functioned as an independent political power; the last official assembly was held in 1669 -10384496 __orphan_NN_2 someone or something who lacks support or care or supervision -03539875 __hosepipe_NN_1 a flexible pipe for conveying a liquid or gas -09292751 __great_lakes_NN_1 a group of five large, interconnected lakes in central North America -01570969 __paradisaeidae_NN_1 birds of paradise -14671587 __cinnabar_NN_1 a heavy reddish mineral consisting of mercuric sulfide; the chief source of mercury -08728882 __tientsin_NN_1 a major industrial center in northeastern China on the Grand Canal near the Yellow Sea; 3rd largest city in China -11876803 __broccoli_NN_1 plant with dense clusters of tight green flower buds -03055670 __four-in-hand_NN_2 a carriage pulled by four horses with one driver -01064696 __unspell_VB_1 release from a spell -08035233 __nestor_paz_zamora_commission_NN_1 a terrorist organization in Bolivia that acts as an umbrella for numerous small indigenous subversive groups; a revival of a group with Marxist-Leninist ideologies originally established by Che Guevara in the 1960s -01950502 __barge_VB_2 transport by barge on a body of water -12627347 __crataegus_crus-galli_NN_1 eastern United States hawthorn with long straight thorns -07524529 __fear_NN_2 an anxious feeling; "care had aged him"; "they hushed it up out of fear of public reaction" -08510456 __provenience_NN_1 where something originated or was nurtured in its early existence; "the birthplace of civilization" -08214470 __platoon_NN_1 a military unit that is a subdivision of a company; usually has a headquarters and two or more squads; usually commanded by a lieutenant -09146813 __waco_NN_1 a city in east central Texas -04438742 __timolol_NN_1 a beta blocker (trade name Blocadren) administered after heart attacks -08401248 __subdivision_NN_3 a division of some larger or more complex organization; "a branch of Congress"; "botany is a branch of biology"; "the Germanic branch of Indo-European languages" -02056873 __spheniscus_NN_1 type genus of the Spheniscidae: jackass penguins -03455488 __tombstone_NN_1 a stone that is used to mark a grave -13829047 __perpendicularity_NN_1 the relation of opposition between things at right angles -03031422 __pocket_lighter_NN_1 a lighter for cigars or cigarettes -04847991 __theological_virtue_NN_1 according to Christian ethics: one of the three virtues (faith, hope, and charity) created by God to round out the natural virtues -08778597 __fijis_NN_1 a group of more than 800 islands (100 inhabited) in the southwestern Pacific; larger islands (Viti Levu and Vanua Levu) are of volcanic origin surrounded by coral reefs; smaller islands are coral -10169419 __hellion_NN_1 a rowdy or mischievous person (usually a young man); "he chased the young hellions out of his yard" -06609785 __shmegegge_NN_1 (Yiddish) baloney; hot air; nonsense -06224657 __paganism_NN_1 any of various religions other than Christianity or Judaism or Islamism -08285896 __training_college_NN_1 a school providing training for a special field or profession -06153186 __taxonomy_NN_2 (biology) study of the general principles of scientific classification -00925735 __marvel_VB_2 express astonishment or surprise about something -03826945 __nitrous_oxide_NN_1 inhalation anesthetic used as an anesthetic in dentistry and surgery -12854600 __sweet_balm_NN_1 bushy perennial Old World mint having small white or yellowish flowers and fragrant lemon-flavored leaves; a garden escapee in northern Europe and North America -10455619 __portrayer_NN_1 a painter or drawer of portraits -02071974 __seep_VB_1 pass gradually or leak through or as if through small openings -10365984 __nullifier_NN_1 an advocate of nullification; someone who believes that a state can resist federal laws -12560016 __pea_plant_NN_1 a leguminous plant of the genus Pisum with small white flowers and long green pods containing edible green seeds -12572188 __templetonia_retusa_NN_1 Australian shrub having simple obovate leaves and brilliant scarlet flowers -08025835 __islamic_party_of_turkestan_NN_1 a terrorist group of Islamic militants formed in 1996; opposes Uzbekistan's secular regime and wants to establish an Islamic state in central Asia; is a conduit for drugs from Afghanistan to central Asian countries -01566645 __cackler_NN_2 any of various insectivorous Old World birds with a loud incessant song; in some classifications considered members of the family Muscicapidae -01825237 __want_VB_1 feel or have a desire for; want strongly; "I want to go home now"; "I want my own room" -10353016 __newborn_infant_NN_1 a baby from birth to four weeks -08311687 __privy_council_NN_1 an advisory council to a ruler (especially to the British Crown) -02622408 __lepidocybium_NN_1 a genus of Gempylidae -00103834 __thrust_NN_3 the act of applying force to propel something; "after reaching the desired velocity the drive is cut off" -02683419 __catapultic_JJ_1 of or like a catapult; "a catapultic kind of action" -01492357 __smooth_dogfish_NN_1 small bottom-dwelling shark found along both Atlantic coasts -02221820 __slave-making_ant_NN_1 an ant that attacks colonies of other ant species and carries off the young to be reared as slave ants -02969323 __carriageway_NN_1 one of the two sides of a motorway where traffic travels in one direction only usually in two or three lanes -09442838 __splinter_NN_1 a small thin sharp bit or wood or glass or metal; "he got a splinter in his finger"; "it broke into slivers" -01121855 __remuneration_NN_2 the act of paying for goods or services or to recompense for losses; "adequate remuneration for his work" -02702830 __suit_VB_1 be agreeable or acceptable to; "This suits my needs" -11641963 __taxodium_distichum_NN_1 common cypress of southeastern United States having trunk expanded at base; found in coastal swamps and flooding river bottoms -13486115 __gametogenesis_NN_1 the development and maturation of sex cells through meiosis -05625465 __vision_NN_4 the formation of a mental image of something that is not perceived as real and is not present to the senses; "popular imagination created a world of demons"; "imagination reveals what the world could be" -03103128 __engine_cooling_system_NN_1 equipment in a motor vehicle that cools the engine -02973017 __magazine_NN_6 a metal frame or container holding cartridges; can be inserted into an automatic gun -11632794 __genus_athrotaxis_NN_1 a genus of gymnosperm -15203229 __schooltime_NN_1 the period of instruction in a school; the time period when school is in session; "stay after school"; "he didn't miss a single day of school"; "when the school day was done we would walk home together" -10676682 __supernumerary_NN_1 a person serving no apparent function; "reducing staff is difficult because our employees include no supernumeraries" -00402539 __perplex_VB_2 make more complicated; "There was a new development that complicated the matter" -01856553 __greylag_goose_NN_1 common grey wild goose of Europe; ancestor of many domestic breeds -12957467 __marsilea_NN_1 clover ferns -03954731 __woodworking_plane_NN_1 a carpenter's hand tool with an adjustable blade for smoothing or shaping wood; "the cabinetmaker used a plane for the finish work" -10541229 __swayer_NN_1 a person who rules or commands; "swayer of the universe" -12669803 __psychotria_capensis_NN_1 South African evergreen having hard tough wood -02353529 __geomyidae_NN_1 North American pocket gophers -07803895 __stodge_NN_1 heavy and filling (and usually starchy) food -00591725 __deanship_NN_1 the position or office of a dean -10226556 __steamroller_NN_1 a massive inexorable force that seems to crush everything in its way -02680754 __adjustable_wrench_NN_1 can be changed to different settings -10661732 __straw_boss_NN_1 a member of a work gang who supervises the other workers -12651821 __fruit_tree_NN_1 tree bearing edible fruit -15222012 __summer_solstice_NN_1 June 21, when the sun is at its northernmost point -07362075 __surcease_NN_1 a stopping; "a cessation of the thunder" -02856109 __blueprint_NN_2 photographic print of plans or technical drawings etc. -10352299 __neighbour_NN_1 a person who lives (or is located) near another -03069567 __showpiece_NN_1 the outstanding item (the prize piece or main exhibit) in a collection -02502085 __order_dermoptera_NN_1 flying lemurs -00739662 __relegate_VB_4 assign to a class or kind; "How should algae be classified?"; "People argue about how to relegate certain mushrooms" -01750027 __genus_acanthophis_NN_1 Australian elapid snakes -07602454 __chocolate_candy_NN_1 candy made with chocolate -02880008 __stem_NN_5 front part of a vessel or aircraft; "he pointed the bow of the boat toward the finish line" -00944449 __extensile_JJ_1 capable of being protruded or stretched or opened out; "an extensile tongue"; "an extensible measuring rule" -08208560 __team_NN_1 a cooperative unit (especially in sports) -03747508 __mephobarbital_NN_1 a long-acting crystalline barbiturate (trade name Mebaral) used as a sedative and as an anticonvulsant in the treatment of epilepsy -00842281 __pinch_NN_5 a small sharp bite or snip -00967993 __bw_defense_NN_1 defense against biological warfare -11178161 __michelangelo_buonarroti_NN_1 Florentine sculptor and painter and architect; one of the outstanding figures of the Renaissance (1475-1564) -07487695 __sexual_urge_NN_1 all of the feelings resulting from the urge to gratify sexual impulses; "he wanted a better sex life"; "the film contained no sex or violence" -06827219 __boldface_NN_1 a typeface with thick heavy lines -00947128 __utilization_NN_1 the act of using; "he warned against the use of narcotic drugs"; "skilled in the utilization of computers" -00502085 __nazify_VB_1 cause or force to adopt Nazism or a Nazi character; "Hitler nazified Germany in the 1930's"; "The arts were nazified everywhere in Germany" -00527367 __conventionalize_VB_1 make conventional or adapt to conventions; "conventionalized behavior" -01157384 __rearmament_NN_1 the act of arming again; "he opposed the rearmament of Japan after World War II" -07029247 __theme_NN_3 (music) melodic subject of a musical composition; "the theme is announced in the first measures"; "the accompanist picked up the idea and elaborated it" -03830111 __norinyl_NN_1 trade name for an oral contraceptive containing norethindrone and mestranol -10261388 __lighterman_NN_1 someone who operates a barge -07014854 __explosion_NN_6 a sudden outburst; "an explosion of laughter"; "an explosion of rage" -01663443 __throw_VB_12 make on a potter's wheel; "she threw a beautiful teapot" -07994331 __herd_NN_1 a group of cattle or sheep or other domestic mammals all of the same kind that are herded by humans -01488555 __surcharge_VB_6 place too much a load on; "don't overload the car" -08786855 __delphi_NN_1 an ancient Greek city on the slopes of Mount Parnassus; site of the oracle of Delphi -04092168 __rigout_NN_1 a person's costume (especially if bizarre); "What a queer rigout!" -00867231 __sign_VB_8 make the sign of the cross over someone in order to call on God for protection; consecrate -10613505 __small_person_NN_1 a person of below average size -09572425 __titan_NN_2 (Greek mythology) any of the primordial giant gods who ruled the Earth until overthrown by Zeus; the Titans were offspring of Uranus (Heaven) and Gaea (Earth) -02302620 __wild_wilkworm_NN_1 larva of a saturniid moth; spins a large amount of strong silk in constructing its cocoon -02153959 __hoof_NN_1 the foot of an ungulate mammal -10131268 __girondist_NN_1 a member of the moderate republican party that was in power during the French Revolution; the Girondists were overthrown by their more radical rivals the Jacobins -01178415 __boston_tea_party_NN_1 demonstration (1773) by citizens of Boston who (disguised as Indians) raided three British ships in Boston harbor and dumped hundreds of chests of tea into the harbor; organized as a protest against taxes on tea -02575723 __trick_VB_1 deceive somebody; "We tricked the teacher into thinking that class would be cancelled next week" -13468094 __dissolving_NN_1 the process of going into solution; "the dissolving of salt in water" -04033287 __queen_NN_8 (chess) the most powerful piece -01283185 __lake_trasimenus_NN_1 a battle in 217 BC in which Hannibal ambushed a Roman army led by Flaminius -05403149 __serum_NN_1 an amber, watery fluid, rich in proteins, that separates out when blood coagulates -13984613 __shadowiness_NN_1 relative darkness caused by light rays being intercepted by an opaque body; "it is much cooler in the shade"; "there's too much shadiness to take good photographs" -08731953 __french_indochina_NN_1 the French colonies of the territory now occupied by Cambodia, Laos, and Vietnam -02527085 __compass_VB_1 bring about; accomplish; "This writer attempts more than his talents can compass" -11859981 __lewisia_NN_1 genus of western North American low-growing herbs having linear woolly leaves and large pink flowers -06477371 __identity_card_NN_1 a card certifying the identity of the bearer; "he had to show his card to get in" -07165086 __tender_NN_3 a formal proposal to buy at a specified price -01801088 __scrub_fowl_NN_1 large-footed short-winged birds of Australasia; build mounds of decaying vegetation to incubate eggs -08751317 __hispaniola_NN_1 an island in the West Indies -08000304 __range_of_a_function_NN_1 (mathematics) the set of values of the dependent variable for which a function is defined; "the image of f(x) = x^2 is the set of all non-negative real numbers if the domain of the function is the set of all real numbers" -08124649 __center_for_disease_control_and_prevention_NN_1 a federal agency in the Department of Health and Human Services; located in Atlanta; investigates and diagnoses and tries to control or prevent diseases (especially new and unusual diseases) -08784905 __isole_egadi_NN_1 a group of islands off the west coast of Sicily in the Mediterranean -01726960 __family_colubridae_NN_1 nonvenomous snakes; about two-thirds of all living species -06872122 __singing_voice_NN_1 the musical quality of the voice while singing -07520612 __terror_NN_1 an overwhelming feeling of fear and anxiety -13465530 __diffusion_NN_1 (physics) the process in which there is movement of a substance from an area of high concentration of that substance to an area of lower concentration -13053816 __genus_fomes_NN_1 genus of bracket fungi forming corky or woody perennial shelflike sporophores often of large size; includes some that cause destructive heartrot in trees -05295381 __ligament_NN_1 a sheet or band of tough fibrous tissue connecting bones or cartilages or supporting muscles or organs -00521641 __blue_VB_1 turn blue -02677028 __acrylic_NN_4 a synthetic fabric -07812913 __wintergreen_oil_NN_1 oil or flavoring obtained from the creeping wintergreen or teaberry plant -01906749 __sponge_NN_4 primitive multicellular marine animal whose porous body is supported by a fibrous skeletal framework; usually occurs in sessile colonies -12812235 __acanthus_NN_1 any plant of the genus Acanthus having large spiny leaves and spikes or white or purplish flowers; native to Mediterranean region but widely cultivated -01908287 __coelenterate_family_NN_1 a family of coelenterates -08548733 __department_NN_2 the territorial and administrative division of some countries (such as France) -12875861 __sweet_unicorn_plant_NN_1 a herbaceous plant of the genus Proboscidea -00081725 __heal_VB_3 provide a cure for, make healthy again; "The treatment cured the boy's acne"; "The quack pretended to heal patients but never managed to" -12107489 __genus_alopecurus_NN_1 annual or perennial grasses including decorative and meadow species as well as notorious agricultural weeds -10350220 __nazi_NN_1 a German member of Adolf Hitler's political party -04588739 __window_NN_8 (computer science) a rectangular part of a computer screen that contains a display different from the rest of the screen -09044862 __usa_NN_1 North American republic containing 50 states - 48 conterminous states in North America plus Alaska in northwest North America and the Hawaiian Islands in the Pacific Ocean; achieved independence in 1776 -02435689 __tragulidae_NN_1 chevrotains -03249342 __pharmacy_NN_2 a retail shop where medicine and other articles are sold -08278324 __college_NN_2 an institution of higher education created to educate and grant degrees; often a part of a university -01985331 __genus_astacus_NN_1 type genus of the family Astacidae; Old World crayfish -01555809 __true_flycatcher_NN_1 any of a large group of small songbirds that feed on insects taken on the wing -09748239 __krauthead_NN_1 offensive term for a person of German descent -07383823 __step_NN_7 the sound of a step of someone walking; "he heard footsteps on the porch" -12508309 __milk_vetch_NN_1 any of various plants of the genus Astragalus -11612018 __swiss_stone_pine_NN_1 large five-needled European pine; yields cembra nuts and a resinous exudate -02514988 __subclass_crossopterygii_NN_1 fishes having paired fins resembling limbs and regarded as ancestral to amphibians -08410688 __public_school_NN_2 private independent secondary school in Great Britain supported by endowment and tuition -08729971 __nei_monggol_NN_1 an autonomous region of northeastern China that was annexed by the Manchu rulers in 1635 and became an integral part of China in 1911 -09993901 __woolgatherer_NN_1 someone who indulges in idle or absentminded daydreaming -05869584 __whole_NN_1 all of something including all its component elements or parts; "Europe considered as a whole"; "the whole of American literature" -08834916 __northern_territory_NN_1 a territory in north central Australia -01105259 __transportation_NN_5 the commercial enterprise of moving goods and materials -11161412 __virgin_mary_NN_1 the mother of Jesus; Christians refer to her as the Virgin Mary; she is especially honored by Roman Catholics -00328015 __return_NN_5 the act of going back to a prior location; "they set out on their return to the base camp" -10511960 __recorder_NN_3 a barrister or solicitor who serves as part-time judge in towns or boroughs -01833906 __prolapse_VB_1 slip or fall out of place, as of body parts; "prolapsed rectum" -10067305 __evangelist_NN_2 (when capitalized) any of the spiritual leaders who are assumed to be authors of the Gospels in the New Testament: Matthew, Mark, Luke, and John -02800497 __cellar_NN_1 the lowermost portion of a structure partly or wholly below ground level; often used for storage -11390364 __williams_NN_1 United States country singer and songwriter (1923-1953) -00803394 __doubling_NN_2 raising the stakes in a card game by a factor of 2; "I decided his double was a bluff" -09947127 __complexifier_NN_1 someone makes things complex -04514738 __upper_deck_NN_1 a higher deck -01710190 __belly_dance_VB_1 perform a belly dance -14023997 __arousal_NN_2 a state of heightened physiological activity -01375204 __actinomycete_NN_1 any bacteria (some of which are pathogenic for humans and animals) belonging to the order Actinomycetales -03331599 __fibre_optic_cable_NN_1 a cable made of optical fibers that can transmit large amounts of information at the speed of light -13844690 __temporal_relation_NN_1 a relation involving time -01053221 __hoot_VB_2 utter the characteristic sound of owls -07828275 __lemon_extract_NN_1 a flavoring made from (or imitating) lemons -07203696 __affirmative_NN_1 a reply of affirmation; "he answered in the affirmative" -02058074 __family_diomedeidae_NN_1 albatrosses -04601159 __workhouse_NN_1 a poorhouse where able-bodied poor are compelled to labor -08251303 __conspiracy_NN_3 a group of conspirators banded together to achieve some harmful or illegal purpose -01608086 __pernis_NN_1 a common European bird of prey; dull brown with white-streaked underparts -01633578 __megalobatrachus_NN_1 giant salamanders; in some classifications included in the genus Cryptobranchus -04980920 __body_odour_NN_1 malodorousness resulting from a failure to bathe -06977434 __ancient_greek_NN_1 the Greek language prior to the Roman Empire -10613996 __sweetheart_NN_3 a very attractive or seductive looking woman -06339416 __title_of_respect_NN_1 an identifying appellation signifying status or function: e.g. `Mr.' or `General'; "the professor didn't like his friends to use his formal title" -08015321 __supporters_of_islam_NN_1 a radical Islamic group of terrorists in the Iraqi part of Kurdistan who oppose an independent secular nation as advocated by the United States; some members fought with the Taliban and al-Qaeda forces in Afghanistan; said to receive financial support from Saddam Hussein -07931280 __wassail_NN_1 a punch made of sweetened ale or wine heated with spices and roasted apples; especially at Christmas -14785325 __native_sulphur_NN_1 an old name for sulfur -04641153 __obligingness_NN_1 a disposition or tendency to yield to the will of others -07349532 __rolling_wave_NN_1 a long heavy sea wave as it advances towards the shore -09201031 __aperture_NN_2 a natural opening in something -10337488 __mugwump_NN_2 a neutral or uncommitted person (especially in politics) -09747191 __vietnamese_NN_1 a native or inhabitant of Vietnam -01032368 __church_service_NN_1 a service conducted in a house of worship; "don't be late for church" -10543795 __rusher_NN_3 a person who rushes; someone in a hurry; someone who acts precipitously -10218989 __jacobite_NN_1 a supporter of James II after he was overthrown or a supporter of the Stuarts -09196103 __heilong_jiang_NN_1 an Asian river between China and Russia; flows into the Sea of Okhotsk -09338453 __river_lethe_NN_1 (Greek mythology) a river in Hades; the souls of the dead had to drink from it, which made them forget all they had done and suffered when they were alive -03474167 __riding_habit_NN_1 attire that is typically worn by a horseback rider (especially a woman's attire) -05038251 __savagery_NN_1 the property of being untamed and ferocious; "the coastline is littered with testaments to the savageness of the waters"; "a craving for barbaric splendor, for savagery and color and the throb of drums" -11598100 __genus_catha_NN_1 a genus of African evergreen shrubs characterized by thick leaves and white flowers -02463704 __shrink_from_VB_1 avoid (one's assigned duties); "The derelict soldier shirked his duties" -06891022 __presentation_NN_3 the act of making something publicly available; presenting news or other information by broadcasting or printing it; "he prepared his presentation carefully in advance" -03973170 __pocketbook_NN_3 pocket-sized paperback book -12250180 __white_alder_NN_2 shrub of eastern and southern coastal United States having beautiful racemes of spice-scented white flowers -07967982 __race_NN_3 people who are believed to belong to the same genetic stock; "some biologists doubt that there are important genetic differences between races of human beings" -05456945 __gamete_NN_1 a mature sexual reproductive cell having a single set of unpaired chromosomes -12908432 __genus_nierembergia_NN_1 genus of tropical American erect or creeping herbs with solitary flowers -12474167 __solomon's-seal_NN_1 any of several plants of the genus Polygonatum having paired drooping yellowish-green flowers and a thick rootstock with scars shaped like Solomon's seal -09418484 __sacramento_mountains_NN_1 mountain range in New Mexico to the east of the Rio Grande -06743506 __solvent_NN_2 a statement that solves a problem or explains how to solve the problem; "they were trying to find a peaceful solution"; "the answers were in the back of the book"; "he computed the result to four decimal places" -10234867 __king_of_the_germans_NN_1 the sovereign ruler of the Germans -04027367 __push-button_radio_NN_1 a radio receiver that can be tuned by pressing buttons -12655869 __raspberry_bush_NN_1 woody brambles bearing usually red but sometimes black or yellow fruits that separate from the receptacle when ripe and are rounder and smaller than blackberries -02512922 __nonviolent_JJ_1 abstaining (on principle) from the use of violence -10060352 __entrepreneur_NN_1 someone who organizes a business venture and assumes the risk for it -00311687 __pilgrimage_NN_1 a journey to a sacred place -02392282 __genus_rhinoceros_NN_1 type genus of the Rhinocerotidae -14424517 __restoration_NN_4 the state of being restored to its former good condition; "the inn was a renovation of a Colonial house" -10741590 __user_NN_1 a person who makes use of a thing; someone who uses or employs something -12253229 __epacris_NN_1 any heathlike evergreen shrub of the genus Epacris grown for their showy and crowded spikes of small bell-shaped or tubular flowers -06663940 __dictate_NN_1 an authoritative rule -01589125 __family_certhiidae_NN_1 creepers -14080622 __periodontitis_NN_1 a disease that attacks the gum and bone and around the teeth -09393108 __pit_NN_1 a sizeable hole (usually in the ground); "they dug a pit to bury the body" -11374281 __ward_NN_4 English economist and conservationist (1914-1981) -09272468 __eliminator_NN_1 an agent that eliminates something -02189535 __mayetiola_NN_1 a genus of Cecidomyidae -06641924 __stock_market_index_NN_1 index based on a statistical compilation of the share prices of a number of representative stocks -11810559 __hernaria_NN_1 low-growing Old World herbs with minute bright green leaves -12792638 __saxifraga_NN_1 type genus of the Saxifragaceae; large genus of usually perennial herbs of Arctic and cool regions of northern hemisphere: saxifrage -01507175 __bird_genus_NN_1 a genus of birds -05129565 __length_NN_4 size of the gap between two places; "the distance from New York to Chicago"; "he determined the length of the shortest line segment joining the two points" -08946187 __republic_of_ghana_NN_1 a republic in West Africa on the Gulf of Guinea; "Ghana was colonized as the Gold Coast by the British" -00176756 __enucleate_VB_1 remove the nucleus from (a cell) -00132601 __single_NN_1 a base hit on which the batter stops safely at first base -08057816 __chain_NN_4 (business) a number of similar establishments (stores or restaurants or banks or hotels or theaters) under one ownership -10168584 __inheritor_NN_1 a person who is entitled by law or by the terms of a will to inherit the estate of another -08349916 __central_bank_NN_1 a government monetary authority that issues currency and regulates the supply of credit and holds the reserves of other banks and sells new issues of securities for the government -05658603 __smell_NN_4 the faculty that enables us to distinguish scents -02450034 __marten_cat_NN_1 agile slender-bodied arboreal mustelids somewhat larger than weasels -12109827 __oat_NN_1 annual grass of Europe and North Africa; grains used as food and fodder (referred to primarily in the plural: `oats') -02055658 __sphenisciform_seabird_NN_1 flightless cold-water seabirds: penguins -02534352 __salmonidae_NN_1 salmon and trout -06380879 __rondel_NN_1 a French verse form of 10 or 13 lines running on two rhymes; the opening phrase is repeated as the refrain of the second and third stanzas -05864177 __variate_NN_1 a variable quantity that is random -06743362 __explication_NN_2 a detailed explanation of the meaning of something -01751389 __underplay_VB_1 act (a role) with great restraint -00604424 __speakership_NN_1 the position of Speaker -02655135 __be_VB_3 occupy a certain position or area; be somewhere; "Where is my umbrella?" "The toolshed is in the back"; "What is behind this behavior?" -09504135 __supernatural_being_NN_1 an incorporeal being believed to have powers to affect the course of human events -06820425 __ascii_character_NN_1 any member of the standard code for representing characters by binary numbers -00740342 __culpable_negligence_NN_1 (law) recklessly acting without reasonable caution and putting another person at risk of injury or death (or failing to do something with the same consequences) -09759311 __schoolman_NN_2 a scholar who is skilled in academic disputation -00846021 __shtup_NN_1 slang for sexual intercourse -08705397 __democratic_and_popular_republic_of_algeria_NN_1 a republic in northwestern Africa on the Mediterranean Sea with a population that is predominantly Sunni Muslim; colonized by France in the 19th century but gained autonomy in the early 1960s -10625285 __sophisticate_NN_1 a worldly-wise person -05650579 __attention_NN_5 the faculty or power of mental concentration; "keeping track of all the details requires your complete attention" -00625963 __panel_VB_2 select from a list; "empanel prospective jurors" -02457586 __megalonychidae_NN_1 mammal family consisting of the two-toed sloths -00390560 __deaden_VB_1 make vague or obscure or make (an image) less visible; "muffle the message" -02499434 __genus_arctocebus_NN_1 a genus of Lorisidae -12638556 __wild_plum_tree_NN_1 an uncultivated plum tree or shrub -09956387 __connoisseur_NN_1 an expert able to appreciate a field; especially in the fine arts -12710577 __satsuma_tree_NN_1 a variety of mandarin orange -02340930 __pitymys_pinetorum_NN_1 short-tailed glossy-furred burrowing vole of the eastern United States -01456088 __upheave_VB_1 lift forcefully from beneath -02886599 __bracing_NN_1 a structural member used to stiffen a framework -07220773 __yarn_NN_1 the act of giving an account describing incidents or a course of events; "his narration was hesitant" -09609871 __modifier_NN_3 a person who changes something; "an inveterate changer of the menu" -02421374 __unloosen_VB_1 grant freedom to; free from confinement -11931918 __aster_NN_1 any of various chiefly fall-blooming herbs of the genus Aster with showy daisylike flowers -02495038 __detain_VB_1 deprive of freedom; take into confinement -00593219 __headship_NN_1 the position of headmaster or headmistress -05681117 __sleeping_NN_1 the state of being asleep -09267490 __discard_NN_1 anything that is cast aside or discarded -13356112 __pecuniary_resource_NN_1 assets in the form of money -09017005 __odessa_NN_1 a port city of south central Ukraine on an arm of the Black Sea -04695102 __inkblot_NN_1 a blot made with ink -00262792 __courageous_JJ_1 possessing or displaying courage; able to face and deal with danger or fear without flinching; "Familiarity with danger makes a brave man braver but less daring"- Herman Melville; "a frank courageous heart...triumphed over pain"- William Wordsworth; "set a courageous example by leading them safely into and out of enemy-held territory" -01407465 __illegitimate_JJ_2 algae distinguished chiefly by having flagella and a clear green color, their chlorophyll being masked little if at all by other pigments of marriages and offspring; not recognized as lawful -00183505 __voting_NN_1 a choice that is made by counting the number of people in favor of each alternative; "there were only 17 votes in favor of the motion"; "they allowed just one vote per person" -10438042 __plaiter_NN_1 someone who plaits (hair or fabric etc.) -01867697 __somersault_VB_1 do a somersault -07902336 __ardent_spirits_NN_1 strong distilled liquor or brandy -05136150 __width_NN_1 the extent of something from side to side -06824757 __small_letter_NN_1 the characters that were once kept in bottom half of a compositor's type case -00646332 __urinalysis_NN_1 (medicine) the chemical analysis of urine (for medical diagnosis) -12822650 __symphytum_NN_1 comfrey -00063557 __inflame_VB_5 become inflamed; get sore; "His throat inflamed" -09773245 __resister_NN_2 someone who offers opposition -05560787 __leg_NN_1 a human limb; commonly used to refer to a whole limb but technically only the part of the limb between the knee and ankle -11744583 __plant_family_NN_1 a family of plants -01266491 __promulgation_NN_3 the formal act of proclaiming; giving public notice; "his promulgation of the policy proved to be premature" -01744082 __scale_VB_2 pattern, make, regulate, set, measure, or estimate according to some rate or standard -01413744 __rhodophyceae_NN_1 coextensive with the Rhodophyta: red algae -11402463 __yeats_NN_1 Irish poet and dramatist (1865-1939) -10569179 __second-rater_NN_1 a person of second-rate ability or value; "a team of aging second-raters"; "shone among the mediocrities who surrounded him" -07341860 __pass_NN_10 one complete cycle of operations (as by a computer); "it was not possible to complete the computation in a single pass" -09776261 __affiant_NN_1 a person who makes an affidavit -00100905 __warm_up_VB_4 cause to do preliminary exercises so as to stretch the muscles; "The coach warmed up the players before the game" -07257815 __stake_NN_2 a pole or stake set up to mark something (as the start or end of a race track); "a pair of posts marked the goal"; "the corner of the lot was indicated by a stake" -11956208 __genus_conyza_NN_1 common American weed or wildflower -12059479 __genus_disa_NN_1 genus of showy tropical African terrestrial orchids -12300441 __order_oleales_NN_1 coextensive with the family Oleaceae; in some classifications included in the order Gentianales -07410207 __smash_NN_1 a vigorous blow; "the sudden knock floored him"; "he took a bash right in his face"; "he got a bang on the head" -14976448 __wadding_NN_1 any material used especially to protect something -03160309 __dyke_NN_2 a barrier constructed to contain the flow of water or to keep out the sea -06346681 __credit_NN_8 an entry on a list of persons who contributed to a film or written work; "the credits were given at the end of the film" -13329047 __tax_write-off_NN_1 a reduction in the gross amount on which a tax is calculated; reduces taxes by the percentage fixed for the taxpayer's income bracket -12457091 __lemon_lily_NN_1 a day lily with yellow flowers -04336645 __stretch_NN_3 a straightaway section of a racetrack -03314378 __face_mask_NN_1 mask that provides a protective covering for the face in such sports as baseball or football or hockey -01830042 __upupa_epops_NN_1 pinkish-brown hoopoe with black-and-white wings be exuberant or high-spirited; "Make the people's hearts glow" -01013367 __stress_VB_1 to stress, single out as important; "Dr. Jones emphasizes exercise in addition to a change in diet" -00060063 __abort_VB_2 cease development, die, and be aborted; "an aborting fetus" -02607455 __medical_JJ_3 of or belonging to Aesculapius or the healing art -05554189 __mammary_gland_NN_1 milk-secreting organ of female mammals -06768735 __misstatement_NN_1 a statement that contains a mistake -08405490 __posse_comitatus_NN_1 a temporary police force -10550673 __st._nick_NN_1 the legendary patron saint of children; an imaginary being who is thought to bring presents to children at Christmas -02432867 __genus_alces_NN_1 elk or moose -02507863 __procyon_NN_2 the type genus of the family Procyonidae: raccoons -02291391 __tineidae_NN_1 clothes moths -03556811 __scooter_NN_4 a sailing vessel with runners and a cross-shaped frame; suitable for traveling over ice -02630052 __istiophoridae_NN_1 sailfishes; spearfishes; marlins -01385017 __entozoon_NN_1 any of various parasites that live in the internal organs of animals (especially intestinal worms) -04434932 __tights_NN_1 skintight knit hose covering the body from the waist to the feet worn by acrobats and dancers and as stockings by women and girls -03456665 __topcoat_NN_1 a heavy coat worn over clothes in winter -09062585 __berkeley_NN_2 a city in California on the eastern shore of San Francisco Bay; site of the University of California at Berkeley -09880427 __bureaucrat_NN_1 an official of a bureaucracy -12453186 __snake's_head_fritillary_NN_1 Eurasian checkered lily with pendant flowers usually veined and checkered with purple or maroon on a pale ground and shaped like the bells carried by lepers in medieval times; widely grown as an ornamental -09753204 __scorpion_NN_1 (astrology) a person who is born while the sun is in Scorpio -04987620 __tone_NN_3 (music) the distinctive property of a complex sound (a voice or noise or musical sound); "the timbre of her soprano was rich and lovely"; "the muffled tones of the broken bell summoned them to meet" -00407458 __fix_VB_7 kill, preserve, and harden (tissue) in order to prepare for microscopic study -03471030 __gusher_NN_1 an oil well with a strong natural flow so that pumping is not necessary -01655763 __frame_up_VB_1 construct by fitting or uniting parts together -09547353 __flying_dutchman_NN_1 the captain of a phantom ship (the Flying Dutchman) who was condemned to sail against the wind until Judgment Day -02804590 __suburban_JJ_1 relating to or characteristic of or situated in suburbs; "suburban population" -02299269 __subscribe_VB_4 pay (an amount of money) as a contribution to a charity or service, especially at regular intervals; "I pledged $10 a month to my favorite radio station" -12629523 __genus_eriobotrya_NN_1 Asiatic evergreen fruit trees -01143838 __track_down_VB_1 pursue for food or sport (as of wild animals); "Goering often hunted wild boars in Poland"; "The dogs are running deer"; "The Duke hunted in these woods" -09095751 __hub_of_the_universe_NN_1 state capital and largest city of Massachusetts; a major center for banking and financial services -09860415 __blogger_NN_1 a person who keeps and updates a blog -05233100 __gonion_NN_1 the craniometric point on either side at the apex of the lower jaw -00238022 __unveiling_NN_2 the act of beginning something new; "they looked forward to the debut of their new product line" -07988857 __mates_NN_1 a pair of people who live together; "a married couple from Chicago" -12847749 __hedeoma_NN_1 small genus of American herbs (American pennyroyal) -00652622 __catalogue_VB_1 make an itemized list or catalog of; classify; "He is cataloguing his photographic negatives" -15239292 __season_NN_3 a recurrent time marked by major holidays; "it was the Christmas season" -10480253 __professional_person_NN_1 a person engaged in one of the learned professions -01962223 __family_anomiidae_NN_1 saddle oysters -06893285 __premiere_NN_1 the first public performance of a play or movie -04012084 __propeller_plane_NN_1 an airplane that is driven by a propeller -05725269 __twinge_NN_2 a sharp stab of pain -12618942 __rosales_NN_1 in some classifications this category does not include Leguminosae -05504532 __autonomic_nervous_system_NN_1 the part of the nervous system of vertebrates that controls involuntary actions of the smooth muscles and heart and glands -02101108 __spaniel_NN_1 any of several breeds of small to medium-sized gun dogs with a long silky coat and long frilled ears -07518132 __ill_temper_NN_1 a persisting angry mood -06469377 __review_NN_7 a summary at the end that repeats the substance of a longer discussion -02126022 __stink_up_VB_1 cause to smell bad; fill with a bad smell -08983105 __warszawa_NN_1 the capital and largest city of Poland; located in central Poland -09984298 __steward_NN_5 one having charge of buildings or grounds or animals -09777353 __agent_NN_2 a representative who acts on behalf of other persons or organizations -02317983 __subclass_euryalida_NN_1 basket stars -08855763 __governador_valadares_NN_1 a city in eastern Brazil to the northeast of Belo Horizonte -01835769 __european_nightjar_NN_1 Old World goatsucker -12936333 __genus_coriandrum_NN_1 small genus of annual Mediterranean herbs -01068773 __abstinence_NN_2 act or practice of refraining from indulging an appetite -12600417 __polygonales_NN_1 coextensive with the family Polygonaceae, -10661216 __stranger_NN_2 an individual that one is not acquainted with -09513902 __semitic_deity_NN_1 a deity worshipped by the ancient Semites -03417345 __garden_NN_1 a plot of ground where plants are cultivated -10867708 __sir_david_bruce_NN_1 Australian physician and bacteriologist who described the bacterium that causes undulant fever or brucellosis (1855-1931) -02860415 __spool_NN_1 a winder around which thread or tape or film or other flexible materials can be wound -00611481 __remember_VB_8 call to remembrance; keep alive the memory of someone or something, as in a ceremony; "We remembered the 50th anniversary of the liberation of Auschwitz"; "Remember the dead of the First World War" -03340463 __filter-tipped_cigarette_NN_1 a cigarette with a filter tip -02027226 __huddle_together_VB_1 crowd or draw together; "let's huddle together--it's cold!" -01495192 __squatinidae_NN_1 bottom-dwelling ray-like sharks -01053067 __superposition_NN_4 the placement of one thing on top of another -02848216 __blade_NN_9 the flat part of a tool or weapon that (usually) has a cutting edge -14868564 __filtrate_NN_1 the product of filtration; a gas or liquid that has been passed through a filter -03812119 __shore_station_NN_1 military installation servicing naval forces -13956488 __verity_NN_1 conformity to reality or actuality; "they debated the truth of the proposition"; "the situation brought home to us the blunt truth of the military threat"; "he was famous for the truth of his portraits"; "he turned to religion in his search for eternal verities" -00052374 __wear_VB_1 be dressed in; "She was wearing yellow that day" -10757193 __visitor_NN_1 someone who visits -00730052 __think_of_VB_4 intend to refer to; "I'm thinking of good food when I talk about France"; "Yes, I meant you when I complained about people who gossip!" -00490722 __step_VB_9 measure (distances) by pacing; "step off ten yards" -09126305 __tar_heel_state_NN_1 a state in southeastern United States; one of the original 13 colonies -10386071 __ouster_NN_1 a person who ousts or supplants someone else -04532106 __vestment_NN_1 gown (especially ceremonial garments) worn by the clergy -07668702 __pork_NN_1 meat from a domestic hog or pig -07555863 __solid_food_NN_1 any solid substance (as opposed to liquid) that is used as a source of nourishment; "food and drink" -06507941 __scorecard_NN_1 (golf) a record of scores (as in golf); "you have to turn in your card to get a handicap" -10974740 __president_ford_NN_1 38th President of the United States; appointed vice president and succeeded Nixon when Nixon resigned (1913-) -04316646 __tail_NN_8 the rear part of a ship -06533039 __rico_act_NN_1 law intended to eradicate organized crime by establishing strong sanctions and forfeiture provisions -02962545 __card_NN_1 one of a set of small pieces of stiff paper marked in various ways and used for playing games or for telling fortunes; "he collected cards and traded them with the other boys" -00967098 __report_VB_5 be responsible for reporting the details of, as in journalism; "Snow reported on China in the 1950's"; "The cub reporter covered New York City" -01899360 __imprudent_JJ_1 not prudent or wise; "very imprudent of her mother to encourage her in such silly romantic ideas"; "would be imprudent for a noneconomist to talk about the details of economic policy"- A.M.Schlesinger -01358023 __stud_VB_2 provide with or construct with studs; "stud the wall" -02704153 __upper_NN_3 a central nervous system stimulant that increases energy and decreases appetite; used to treat narcolepsy and some forms of depression -01207527 __touch_VB_11 tamper with; "Don't touch my CDs!" -05962414 __gymnosophy_NN_1 the doctrine of a sect of Hindu philosophers who practiced nudity and asceticism and meditation -05928513 __version_NN_5 a mental representation of the meaning or significance of something -05403849 __chyle_NN_1 a milky fluid consisting of lymph and emulsified fats; formed in the small intestine during digestion of ingested fats -05308310 __tooth_root_NN_1 the part of a tooth that is embedded in the jaw and serves as support -07042735 __keen_NN_1 a funeral lament sung with loud wailing -09443453 __spring_NN_3 a natural flow of ground water -00435853 __roll_up_VB_1 form into a cylinder by rolling; "Roll up the cloth" -15153472 __middle_age_NN_1 the time of life between youth and old age (e.g., between 40 and 60 years of age) -06928839 __mongolic_language_NN_1 a family of Altaic language spoken in Mongolia -03561657 __overlapping_NN_1 covering with a design in which one element covers a part of another (as with tiles or shingles) -08932568 __paris_NN_1 the capital and largest city of France; and international center of culture and commerce -04280970 __spit_NN_3 a skewer for holding meat over a fire -13499165 __deflation_NN_1 (geology) the erosion of soil as a consequence of sand and dust and loose rocks being removed by the wind; "a constant deflation of the desert landscape" -02773838 __travelling_bag_NN_1 a portable rectangular container for carrying clothes; "he carried his small bag onto the plane with him" -03724417 __masher_NN_2 a kitchen utensil used for mashing (e.g. potatoes) -00355691 __relaxation_NN_7 the act of making less strict -09038990 __kurdistan_NN_1 an extensive geographical region in the Middle East to the south of the Caucasus -13454318 __cultivation_NN_4 the process of fostering the growth of something; "the cultivation of bees for honey" -03023415 __chlortetracycline_NN_1 a yellow crystalline antibiotic (trade name Aureomycin) used to treat certain bacterial and rickettsial diseases -09962414 __convert_NN_1 a person who has been converted to another religious or political belief -02130524 __look_VB_1 perceive with attention; direct one's gaze towards; "She looked over the expanse of land"; "Look at your child!"; "Look--a deer in the backyard!" -01300508 __ypres_NN_3 battle in World War I (1914); heavy but indecisive fighting as the Allies and the Germans both tried to break through the lines of the others -08221348 __division_NN_7 (biology) a group of organisms forming a subdivision of a larger category -00892467 __recognize_VB_7 express obligation, thanks, or gratitude for; "We must acknowledge the kindness she showed towards us" -02653651 __axiomatic_JJ_2 containing aphorisms or maxims; "axiomatic wisdom" -02525703 __rattail_fish_NN_1 deep-sea fish with a large head and body and long tapering tail -14636523 __hahnium_NN_1 a transuranic element -08645212 __weald_NN_1 an area of open or forested country -03058726 __coat_of_arms_NN_1 the official symbols of a family, state, etc. -03116767 __tabulator_NN_1 a calculator that keeps a record of the number of times something happens -01331518 __hemstitch_VB_1 sew with hemstitches; "hemstitch a sleeve" -02724417 __relate_VB_4 be in a relationship with; "How are these two observations related?" -06060845 __pathology_NN_1 the branch of medical science that studies the causes and nature and effects of diseases -04510456 __us_mint_NN_1 the mint that manufactures and distributes United States coins for circulation through Federal Reserve Banks; processes gold and silver bullion -01363648 __put_on_VB_7 apply to a surface; "She applied paint to the back of the house"; "Put on make-up!" -12132502 __sugarcane_NN_2 tall tropical southeast Asian grass having stout fibrous jointed stalks; sap is a chief source of sugar -04326084 __stone_NN_2 building material consisting of a piece of rock hewn in a definite shape for a special purpose; "he wanted a special stone to mark the site" -04294879 __stalls_NN_1 a farm building for housing horses or other livestock -00885217 __oblige_VB_2 bind by an obligation; cause to be indebted; "He's held by a contract"; "I'll hold you by your promise" -02699141 __typify_VB_1 embody the essential characteristics of or be a typical example of; "The fugue typifies Bach's style of composition" -10698368 __tv_reporter_NN_1 someone who reports news stories via television -07047804 __adagio_NN_1 (music) a composition played in adagio tempo (slowly and gracefully); "they played the adagio too quickly" -08436562 __trade_NN_5 people who perform a particular kind of skilled work; "he represented the craft of brewers"; "as they say in the trade" -06416206 __catalogue_NN_2 a book or pamphlet containing an enumeration of things; "he found it in the Sears catalog" -08921392 __kyushu_NN_1 the southernmost of the four main islands of Japan; contains coal fields -07575076 __tiffin_NN_1 a midday meal -06856568 __scale_NN_6 (music) a series of notes differing in pitch according to a specific scheme (usually within an octave) -07860988 __dough_NN_1 a flour mixture stiff enough to knead or roll -01915811 __coral_NN_4 marine colonial polyp characterized by a calcareous skeleton; masses in a variety of shapes often forming reefs -00043609 __disposition_NN_2 the act or means of getting rid of something -09184405 __wee_small_voice_NN_1 an inner voice that judges your behavior -10778345 __friar_preacher_NN_1 a Roman Catholic friar wearing the black mantle of the Dominican order -01822164 __psittacula_NN_1 a genus of Psittacidae -08038379 __popular_front_for_the_liberation_of_palestine_NN_1 a terrorist group of limited popularity formed in 1967 after the Six-Day War; combined Marxist-Leninist ideology with Palestinian nationalism; used terrorism to gain attention for their cause; hoped to eliminate the state of Israel -14629149 __atomic_number_33_NN_1 a very poisonous metallic element that has three allotropic forms; arsenic and arsenic compounds are used as herbicides and insecticides and various alloys; found in arsenopyrite and orpiment and realgar -00300317 __anglicize_VB_1 make English in appearance; "She anglicised her name after moving from Paris to London" -12641413 __cherry_tree_NN_1 any of numerous trees and shrubs producing a small fleshy round fruit with a single hard stone; many also produce a valuable hardwood -08736517 __republic_of_cote_d'ivoire_NN_1 a republic in western Africa on the Gulf of Guinea; one of the most prosperous and politically stable countries in Africa -02664769 __equal_VB_1 be identical or equivalent to; "One dollar equals 1,000 rubles these days!" -02645839 __weigh_VB_4 have weight; have import, carry weight; "It does not matter much" -00908351 __nurture_VB_1 help develop, help grow; "nurture his talents" -11567411 __magnoliopsid_genus_NN_1 genus of flowering plants having two cotyledons (embryonic leaves) in the seed which usually appear at germination -08958334 __tyre_NN_1 a port in southern Lebanon on the Mediterranean Sea; formerly a major Phoenician seaport famous for silks -15214840 __kislev_NN_1 the third month of the civil year; the ninth month of the ecclesiastical year in the Jewish calendar (in November and December) -07011529 __soliloquy_NN_2 a (usually long) dramatic speech intended to give the illusion of unspoken reflections -00365810 __sublime_VB_1 vaporize and then condense right back again -11832480 __beta_vulgaris_rubra_NN_1 beet having a massively swollen red root; widely grown for human consumption -00762478 __negociate_VB_5 confer with another in order to come to terms or reach an agreement; "The parties negociated all night" -08521816 __midpoint_NN_1 a point equidistant from the ends of a line or the extremities of a figure -10406072 __patrial_NN_1 a person who has the right to be considered legally a British citizen (by virtue of the birth of a parent or grandparent) -13395407 __tenner_NN_2 a United States bill worth 10 dollars -10351874 __treater_NN_1 someone who negotiates (confers with others in order to reach a settlement) -03079230 __compact_disk_NN_1 a digitally encoded recording on an optical disk that is smaller than a phonograph record; played back by a laser -08558963 __residence_NN_1 any address at which you dwell more than temporarily; "a person can have several residences" -01742726 __cultivate_VB_1 foster the growth of -03916470 __perfumery_NN_1 perfumes in general -01964271 __mytilus_edulis_NN_1 a mussel with a dark shell that lives attached to rocks -04931428 __touch_NN_4 a distinguishing style; "this room needs a woman's touch" -11985739 __krigia_NN_1 any small branched yellow-flowered North American herb of the genus Krigia -00135311 __jab_NN_3 the act of touching someone suddenly with your finger or elbow; "she gave me a sharp dig in the ribs" -00739850 __concurrent_negligence_NN_1 (law) negligence of two of more persons acting independently; the plaintiff may sue both together or separately -13783038 __logical_relation_NN_1 a relation between propositions -01613615 __young_bird_NN_1 a bird that is still young -08287844 __culture_NN_1 a particular society at a particular time and place; "early Mayan civilization" -07711569 __mashed_potato_NN_1 potato that has been peeled and boiled and then mashed -08688076 __pisces_the_fishes_NN_1 the twelfth sign of the zodiac; the sun is in this sign from about February 19 to March 20 -07531536 __pride_NN_2 satisfaction with your (or another's) achievements; "he takes pride in his son's success" -00335384 __inclining_NN_1 the act of inclining; bending forward; "an inclination of his head indicated his agreement" -10616204 __snitcher_NN_1 a thief who steals without using violence -13187167 __genus_cyathea_NN_1 type genus of the Cyatheaceae: tree ferns of the tropical rain forest to temperate woodlands -01263018 __spoiling_NN_2 the act of spoiling something by causing damage to it; "her spoiling my dress was deliberate" -01378556 __spread_VB_1 distribute or disperse widely; "The invaders spread their language all over the country" -13983807 __total_darkness_NN_1 total absence of light; "they fumbled around in total darkness"; "in the black of night" -04939324 __breakableness_NN_1 the consistency of something that breaks under pressure -12097556 __marlberry_NN_1 tropical American shrub or small tree with brown wood and dark berries -05651680 __understanding_NN_4 the capacity for rational thought or inference or discrimination; "we are told that man is endowed with reason and capable of distinguishing good from evil" -00706243 __propose_VB_2 present for consideration, examination, criticism, etc.; "He proposed a new plan for dealing with terrorism"; "She proposed a new theory of relativity" -07769584 __quince_NN_2 aromatic acid-tasting pear-shaped fruit used in preserves -02451912 __interfere_VB_1 a fictional mouse created by Lewis Carroll come between so as to be hindrance or obstacle; "Your talking interferes with my work!" -14137561 __lymphopathia_venereum_NN_1 infectious disease caused by a species of chlamydia bacterium; transmitted by sexual contact; characterized by genital lesions and swelling of lymph nodes in the groin -00462894 __burke_VB_2 get rid of, silence, or suppress; "burke an issue" -11454591 __inundation_NN_1 the rising of a body of water and its overflowing onto normally dry land; "plains fertilized by annual inundations" -00597265 __president_of_the_united_states_NN_2 the office of the United States head of state; "a President is elected every four years" -01703613 __sonnet_VB_2 compose a sonnet -12682054 __family_dipsacaceae_NN_1 chiefly southern European herbs with flowers usually in dense cymose heads -01397114 __algae_NN_1 primitive chlorophyll-containing mainly aquatic eukaryotic organisms lacking true stems and roots and leaves -07323922 __origination_NN_1 an event that is a beginning; a first part or stage of subsequent events -09157021 __wheeling_NN_1 a city in the northern panhandle of West Virginia on the Ohio river -10712690 __tippler_NN_1 someone who drinks liquor repeatedly in small quantities -11263558 __ritz_NN_1 Swiss hotelier who created a chain of elegant hotels (1850-1918) -04216963 __sights_NN_1 an optical instrument for aiding the eye in aiming, as on a firearm or surveying instrument -11855122 __phytolacca_NN_1 type genus of Phytolaccaceae: pokeweed -03169390 __ornamentation_NN_2 something used to beautify -03826443 __nitrofurantoin_NN_1 derivative of nitrofuran used as an antibacterial medicine (trade name Macrodantin) effective against a broad range of Gram-positive and Gram-negative bacteria; used to treat infections of the urinary tract -00541178 __swing_NN_9 a square dance figure; a pair of dancers join hands and dance around a point between them -09354511 __midstream_NN_1 the middle of a stream -09032843 __interlaken_NN_1 a popular resort town in the Alps in west central Switzerland -06142118 __ip_NN_1 the sciences concerned with gathering, manipulating, storing, retrieving, and classifying recorded information -08753294 __san_juan_NN_1 the capital and largest city of Puerto Rico -00001740 __take_a_breath_VB_1 that which is perceived or known or inferred to have its own distinct existence (living or nonliving) draw air into, and expel out of, the lungs; "I can breathe better when the air is clean"; "The patient is respiring" (usually followed by `to') having the necessary means or skill or know-how or authority to do something; "able to swim"; "she was able to program her computer"; "we were at last able to buy a car"; "able to get a grant for the project" without musical accompaniment; "they performed a cappella" -01672950 __rhynchocephalia_NN_1 tuataras; extinct forms from middle Triassic -01450453 __holocentrus_NN_1 type genus of the family Holocentridae; squirrelfishes -11917633 __genus_ageratina_NN_1 annual to perennial herbs or shrubs of eastern United States and Central and South America -00273445 __habituate_VB_2 make psychologically or physically used (to something); "She became habituated to the background music" -09215437 __basin_NN_3 a natural depression in the surface of the land often with a lake at the bottom of it; "the basin of the Great Salt Lake" -01105296 __outroar_VB_1 roar louder than -02678438 __worry_VB_4 be on the mind of; "I worry about the second Germanic consonant shift" -03318294 __fairy_light_NN_1 a small colored light used for decoration (especially at Christmas) -09643545 __yellow_man_NN_1 offensive term for an Asian man -01033903 __little_office_NN_1 a Roman Catholic office honoring the Virgin Mary; similar to but shorter than the Divine Office -12406715 __ulmus_carpinifolia_NN_1 European elm with lustrous smooth leaves used as an ornamental -12510774 __red_gram_NN_1 tropical woody herb with showy yellow flowers and flat pods; much cultivated in the tropics -05896733 __hallucination_NN_2 a mistaken or unfounded opinion or idea; "he has delusions of competence"; "his dreams of vast wealth are a hallucination" -02873244 __boot_NN_2 British term for the luggage compartment in a car -01546039 __scrubbird_NN_1 small fast-running Australian bird resembling a wren and frequenting brush or scrub -07944050 __youth_NN_2 young people collectively; "rock music appeals to the young"; "youth everywhere rises in revolt" -13998263 __vassalage_NN_1 the state of a serf -11359187 __vanderbilt_NN_1 United States financier who accumulated great wealth from railroad and shipping businesses (1794-1877) -08390374 __paratroops_NN_1 infantry trained and equipped to parachute -09229409 __creek_NN_1 a natural stream of water smaller than a river (and often a tributary of a river); "the creek dried up every summer" -08097072 __sivaism_NN_1 a Hindu sect worshiping Shiva -03029603 __sloping_trough_NN_1 sloping channel through which things can descend -13120211 __liana_NN_1 a woody climbing usually tropical plant -10540656 __roundhead_NN_1 a brachycephalic person -05633672 __inventiveness_NN_1 the power of creative imagination -01970826 __go_down_VB_1 move downward and lower, but not necessarily all the way; "The temperature is going down"; "The barometer is falling"; "The curtain fell on the diva"; "Her hand went up and then fell again" -13651931 __quarter_mile_NN_1 a unit of length equal to a quarter of 1 mile -01445027 __tusk_VB_1 stab or pierce with a horn or tusk; "the rhino horned the explorer" -13971065 __agreement_NN_3 harmony of people's opinions or actions or characters; "the two parties were in agreement" -02555863 __perch_NN_7 any of numerous spiny-finned fishes of various families of the order Perciformes -10691764 __tapster_NN_1 a tavern keeper who taps kegs or casks -15167027 __nighttime_NN_1 the time after sunset and before sunrise while it is dark outside -04590746 __wiper_blade_NN_1 a mechanical device that cleans the windshield -03014440 __chessman_NN_1 any of 16 white and 16 black pieces used in playing the game of chess -12349091 __melastoma_NN_1 type genus of Melastomataceae; Asiatic shrubs with leathery leaves and large purple flowers followed by edible fleshy black berries -04999401 __fatness_NN_1 excess bodily weight; "she disliked fatness in herself as well as in others" -09138538 __charleston_NN_2 a port city in southeastern South Carolina -01653026 __western_narrow-mouthed_toad_NN_1 small secretive toad with smooth tough skin of central and western North America -01545752 __family_atrichornithidae_NN_1 scrubbirds -06775812 __sentimentalism_NN_1 the excessive expression of tender feelings, nostalgia, or sadness in any form -11269085 __roget_NN_1 English physician who in retirement compiled a well-known thesaurus (1779-1869) -02191131 __genus_glossina_NN_1 type genus of the Glossinidae: tsetse flies -10316862 __military_leader_NN_1 a leader of military forces -01015104 __vouch_VB_1 give personal assurance; guarantee; "Will he vouch for me?" -09899289 __cashier_NN_2 a person responsible for receiving payments for goods and services (as in a shop or restaurant) -00112674 __depression_NN_10 pushing down; "depression of the space bar on the typewriter" -13123431 __strangler_tree_NN_1 an epiphytic vine or tree whose aerial roots extend down the trunk of a supporting tree and coalesce around it eventually strangling the tree -07351612 __turning_NN_4 a movement in a new direction; "the turning of the wind" -11313911 __st._denis_NN_1 United States dancer and choreographer who collaborated with Ted Shawn (1877-1968) -08737041 __republic_of_guatemala_NN_1 a republic in Central America; achieved independence from Spain in 1821; noted for low per capita income and illiteracy; politically unstable -09949946 __typographer_NN_1 one who sets written material into type -09535622 __goddess_NN_1 a female deity -01205341 __quislingism_NN_1 act of cooperating traitorously with an enemy that is occupying your country -07124340 __vulgarism_NN_1 an offensive or indecent word or phrase -03132438 __loop_NN_1 fastener consisting of a metal ring for lining a small hole to permit the attachment of cords or lines -13555915 __sink_NN_2 (technology) a process that acts to absorb or remove energy or a substance from a system; "the ocean is a sink for carbon dioxide" -01445597 __gnaw_VB_1 bite or chew on with the teeth; "gnaw an old cracker" -03545961 __house_of_correction_NN_1 (formerly) a jail or other place of detention for persons convicted of minor offences -01846916 __travel_VB_4 travel upon or across; "travel the oceans" -02987177 __mutational_JJ_1 of or relating to or resulting from mutation -07122555 __hoot_NN_1 a loud raucous cry (as of an owl) -08459252 __sequence_NN_1 serial arrangement in which things follow in logical order or a recurrent pattern; "the sequence of names was alphabetical"; "he invented a technique to determine the sequence of base pairs in DNA" -15187619 __presidents'_day_NN_1 the third Monday in February; commemorates both presidents Lincoln and Washington -11649878 __celery_pine_NN_1 Australasian evergreen conifer having a graceful head of foliage resembling celery that is composed of phyllodes borne in the axils of scalelike leaves -02330407 __rail_VB_3 provide with rails; "The yard was railed" -11818636 __vaccaria_pyramidata_NN_1 European annual with pale rose-colored flowers; cultivated flower or self-sown grainfield weed; introduced in North America; sometimes classified as a soapwort -01589718 __certhia_americana_NN_1 a common creeper in North America with a down-curved bill -00899352 __curtsy_VB_2 make a curtsy; usually done only by girls and women; as a sign of respect; "She curtsied when she shook the Queen's hand" -07446599 __spritz_NN_1 a quick squirt of some liquid (usually carbonated water) -10733999 __twaddler_NN_1 someone who twaddles; someone who writes or talks twaddle -02244670 __genus_arilus_NN_1 a genus of Reduviidae -07631672 __simnel_NN_2 a fruitcake (sometimes covered with almond paste) eaten at mid-Lent or Easter or Christmas -09928845 __clever_dick_NN_1 an intellectual who is ostentatiously and irritatingly knowledgeable -02313250 __deprive_VB_2 keep from having, keeping, or obtaining -00321731 __instilment_NN_1 the introduction of a liquid (by pouring or injection) drop by drop -12249542 __vaccinium_vitis-idaea_NN_1 low evergreen shrub of high north temperate regions of Europe and Asia and America bearing red edible berries -03739693 __medical_instrument_NN_1 instrument used in the practice of medicine -00951601 __misspeak_VB_1 pronounce a word incorrectly; "She mispronounces many Latinate words" -10059162 __enrollee_NN_1 a person who enrolls in (or is enrolled in) a class or course of study -01813668 __walk_on_air_VB_1 feel extreme happiness or elation -13304186 __bid_price_NN_1 (stock market) the price at which a broker is willing to buy a certain security -02410313 __genus_bison_NN_1 sometimes considered a subgenus of genus Bos: American buffalo -02074542 __hydrodamalis_NN_1 a genus of the family Dugongidae comprising only Steller's sea cow -01203074 __carry_VB_34 be able to feed; "This land will carry ten cows to the acre" -10547145 __saint_NN_1 a person who has died and has been declared a saint by canonization -06719404 __patronage_NN_3 a communication that indicates lack of respect by patronizing the recipient -04443257 __tobacconist_shop_NN_1 a shop that sells pipes and pipe tobacco and cigars and cigarettes -12494629 __genus_delonix_NN_1 evergreen or deciduous trees of tropical Africa and India -00852922 __deride_VB_1 treat or speak of with contempt; "He derided his student's attempt to solve the biggest problem in mathematics" -00338817 __confident_JJ_1 having or marked by confidence or assurance; "a confident speaker"; "a confident reply"; "his manner is more confident these days"; "confident of fulfillment" -10154013 __woman's_doctor_NN_1 a specialist in gynecology -11338796 __thomas_the_doubting_apostle_NN_1 the Apostle who would not believe the resurrection of Jesus until he saw Jesus with his own eyes -05500594 __rhombencephalon_NN_1 the posterior portion of the brain including cerebellum and brainstem -13855828 __flip_side_NN_1 a different aspect of something (especially the opposite aspect); "the flip side of your positive qualities sometimes get out of control"; "on the flip side of partnerships he talked about their competition" -02372326 __reciprocate_VB_1 act, feel, or give mutually or in return; "We always invite the neighbors and they never reciprocate!" -07525057 __uneasiness_NN_1 feelings of anxiety that make you tense and irritable -02059162 __petrel_NN_1 relatively small long-winged tube-nosed bird that flies far from land -08937995 __toulon_NN_1 a port city and naval base in southeastern France on the Mediterranean coast -04186051 __shaving_soap_NN_1 toiletry consisting of a preparation of soap and fatty acids that forms a rich lather for softening the beard before shaving -05194874 __grip_NN_6 an intellectual hold or understanding; "a good grip on French history"; "they kept a firm grip on the two top priorities"; "he was in the grip of a powerful emotion"; "a terrible power had her in its grasp" -01190364 __judgment_on_the_merits_NN_1 judgment rendered through analysis and adjudication of the factual issues presented -00205349 __turndown_NN_1 the act of refusing an offer; "the turndown was polite but very firm" -04771890 __variability_NN_2 the quality of being uneven and lacking uniformity -14862753 __propionic_acid_NN_1 a liquid fatty acid found in milk and sweat and in fuel distillates -12322099 __white-heart_hickory_NN_1 smooth-barked North American hickory with 7 to 9 leaflets bearing a hard-shelled edible nut -10053004 __emperor_NN_1 the male ruler of an empire -14698000 __sedimentary_rock_NN_1 rock formed from consolidated clay sediments -14646152 __neon_NN_1 a colorless odorless gaseous element that give a red glow in a vacuum tube; one of the six inert gasses; occurs in the air in small amounts -02132580 __ursus_horribilis_NN_1 powerful brownish-yellow bear of the uplands of western North America -11915658 __compass_plant_NN_2 any of several plants having leaves so arranged on the axis as to indicate the cardinal points of the compass -04842993 __sensitivity_NN_5 the ability to respond to affective changes in your interpersonal environment -10526300 __drunken_reveller_NN_1 someone who engages in drinking bouts -02641379 __lepisosteus_osseus_NN_1 primitive predaceous North American fish covered with hard scales and having long jaws with needlelike teeth -01112420 __marketing_NN_2 the commercial processes involved in promoting and selling and distributing a product or service; "most companies have a manager in charge of marketing" -09370552 __niagara_river_NN_1 a river flowing from Lake Erie into Lake Ontario; forms boundary between Ontario and New York -05264247 __scab_NN_2 the crustlike surface of a healing skin lesion -08083320 __catholic_church_NN_1 any of several churches claiming to have maintained historical continuity with the original Christian Church -02240223 __family_cimicidae_NN_1 wingless flat-bodied bloodsucking insects -01985757 __sag_down_VB_1 cause to sag; "The children sagged their bottoms down even more comfortably" -08937109 __nantes_NN_1 a port city in western France on the Loire estuary -10594043 __showman_NN_1 a person skilled at making effective presentations -01592084 __chickadee_NN_1 any of various small grey-and-black songbirds of North America -02378415 __warhorse_NN_3 horse used in war -10461424 __power_NN_5 one possessing or exercising power or influence or authority; "the mysterious presence of an evil power"; "may the force be with you"; "the forces of evil" -10844031 __prospero_lambertini_NN_1 pope who was a patron of the arts and who denounced the cruelty to the indigenous peoples of South America (1675-1758) -01045306 __woman-worship_NN_1 the worship of women -03358726 __flash_camera_NN_1 a camera with a photoflash attachment -01460785 __screen_VB_6 separate with a riddle, as grain from chaff -04831727 __generousness_NN_1 the trait of being willing to give your money or time -08856793 __sao_bernardo_do_campo_NN_1 a city in southeastern Brazil; an industrial suburb of Sao Paulo -01901289 __waver_VB_3 move hesitatingly, as if about to give way -07744811 __blackberry_NN_1 large sweet black or very dark purple edible aggregate fruit of any of various bushes of the genus Rubus -03210940 __presentation_NN_5 a visual representation of something -12538603 __lathyrus_NN_1 genus of climbing herbs of Old World and temperate North and South America: vetchling; wild pea -04027023 __push_button_NN_1 an electrical switch operated by pressing; "the elevator was operated by push buttons"; "the push beside the bed operated a buzzer at the desk" -10308394 __club_member_NN_1 someone who is a member of a club -04502851 __twenty-two_NN_2 a .22 caliber firearm (pistol or rifle) -06827679 __screen_font_NN_1 the font that is displayed on a computer screen; "when the screen font resembles a printed font a document may look approximately the same on the screen as it will when printed" -02957586 __capsule_NN_2 a pill in the form of a small rounded gelatinous container with medicine inside -02690373 __airliner_NN_1 a commercial airplane that carries passengers -01428580 __soft-finned_fish_NN_1 any fish of the superorder Malacopterygii -11983910 __hypochoeris_NN_1 widely distributed genus of herbs with milky juice; includes some cosmopolitan weeds -04630689 __sunshine_NN_3 the quality of being cheerful and dispelling gloom; "flowers added a note of cheerfulness to the drab room" -00589596 __cadetship_NN_1 the position of cadet -06816106 __sheet_music_NN_1 a musical composition in printed or written form; "she turned the pages of the music as he played" -00445802 __pugilism_NN_1 fighting with the fists -08986526 __setubal_NN_1 a port city on the Atlantic coast of Portugal to the southeast of Lisbon -09285979 __galilean_satellite_NN_1 one of the four satellites of Jupiter that were discovered by Galileo -11334003 __thatch_NN_3 an English pirate who operated in the Caribbean and off the Atlantic coast of North America (died in 1718) -01556514 __whistler_NN_5 Australian and southeastern Asian birds with a melodious whistling call -04763293 __individuation_NN_2 the quality of being individual; "so absorbed by the movement that she lost all sense of individuality" -12927921 __pedilanthus_NN_1 tropical American succulent shrubs -12487394 __family_caesalpiniaceae_NN_1 spiny trees, shrubs, or perennial herbs, including the genera Caesalpinia, Cassia, Ceratonia, Bauhinia; commonly included in the family Leguminosae -11705921 __lindera_NN_1 aromatic evergreen or deciduous dioecious shrubs or trees of eastern Asia and North America -03472232 __gymnastic_apparatus_NN_1 sports equipment used in gymnastic exercises -08679369 __watershed_NN_1 a ridge of land that separates two adjacent river systems -08925287 __hiroshima_NN_1 a port city on the southwestern coast of Honshu in Japan; on August 6, 1945 Hiroshima was almost completely destroyed by the first atomic bomb dropped on a populated area -04955160 __polish_NN_1 the property of being smooth and shiny -08555333 __stockbroker_belt_NN_1 a wealthy residential suburb -00145299 __scollop_VB_3 shape or cut in scallops; "scallop the hem of the dress" -00216038 __dissolution_NN_4 the termination of a meeting -00303849 __parachuting_NN_1 descent with a parachute; "he had done a lot of parachuting in the army" -00175605 __shark_repellent_NN_1 a measure undertaken by a corporation to discourage unwanted takeover attempts -12007766 __swan_river_everlasting_NN_1 Australian annual everlasting having light pink nodding flower heads; sometimes placed in genus Helipterum -02068974 __dolphin_NN_2 any of various small toothed whales with a beaklike snout; larger than porpoises -03838298 __objective_lens_NN_1 the lens or system of lenses in a telescope or microscope that is nearest the object being viewed -09877951 __sidekick_NN_1 a close friend who accompanies his buddies in their activities -02717701 __loll_VB_1 hang loosely or laxly; "His tongue lolled" -08342039 __international_intelligence_agency_NN_1 an intelligence agency outside the United States -08044676 __sl_NN_1 a terrorist group formed in Peru in the late 1960s as a splinter group from the communist party of Peru; is among the most ruthless guerilla organizations in the world; seeks to destroy Peruvian institutions and replace them with a Maoist peasant regime; is involved in the cocaine trade; "Shining Path has been responsible for 30,000 deaths" -04248607 __snapshot_NN_1 an informal photograph; usually made with a small hand-held camera; "my snapshots haven't been developed yet"; "he tried to get unposed shots of his friends" -01429349 __fish_family_NN_1 any of various families of fish -00896526 __close-order_drill_NN_1 (military) military drill of troops in standard marching (shoulder-to-shoulder) -02142295 __genus_macrotus_NN_1 leafnose bats -07689217 __shawnee_cake_NN_1 form of johnnycake -02511303 __gill_bar_NN_1 one of the bony or cartilaginous arches on each side of the pharynx that support the gills of fishes and aquatic amphibians -00527572 __cure_VB_2 prepare by drying, salting, or chemical processing in order to preserve; "cure meats"; "cure pickles"; "cure hay" -00583523 __professionalize_VB_1 become professional or proceed in a professional manner or in an activity for pay or as a means of livelihood -00365995 __dilation_NN_2 the act of expanding an aperture; "the dilation of the pupil of the eye" -01666802 __kinosternidae_NN_1 mud turtles; musk turtles -02827883 __belt_NN_1 endless loop of flexible material between two rotating shafts or pulleys -07553964 __ruth_NN_3 a feeling of sympathy and sorrow for the misfortunes of others; "the blind are too often objects of pity" -07489548 __libido_NN_1 (psychoanalysis) a Freudian term for sexual urge or desire -07725531 __green_pea_NN_1 fresh pea -09026780 __oviedo_NN_1 a city in northwestern Spain near the Cantabrian Mountains -03464266 __wytensin_NN_1 antihypertensive drug (trade name Wytensin) that reduces blood pressure by its effect on the central nervous system -03412906 __gallows_NN_1 an instrument of execution consisting of a wooden frame from which a condemned person is executed by hanging -01057200 __supplying_NN_1 the activity of supplying or providing something -04908396 __willfulness_NN_1 the trait of being prone to disobedience and lack of discipline -12393269 __ramie_NN_1 tall perennial herb of tropical Asia with dark green leaves; cultivated for the fiber from its woody stems that resembles flax -12357485 __shellflower_NN_2 cultivated for its shining oblong leaves and arching clusters of white flowers with pink shading and crinkled yellow lips with variegated magenta stripes -10233445 __king_of_great_britain_NN_1 the sovereign ruler of England -12764202 __virginian_sumac_NN_1 deciduous shrubby tree or eastern North America with compound leaves that turn brilliant red in fall and dense panicles of greenish yellow flowers followed by crimson acidic berries -00541035 __sashay_NN_1 a square dance figure; partners circle each other taking sideways steps -00307568 __extravasate_VB_2 become active and spew forth lava and rocks; "Vesuvius erupts once in a while" -10203298 __indian_chieftain_NN_1 the leader of a group of Native Americans -09772930 __trollop_NN_2 a woman adulterer -00673095 __quantize_VB_1 approximate (a signal varying continuously in amplitude) by one whose amplitude is restricted to a prescribed set of discrete values -10560352 __schoolteacher_NN_1 a teacher in a school below the college level -07719213 __asparagus_NN_2 edible young shoots of the asparagus plant -12013811 __seriphidium_NN_1 woody plants grown chiefly for their silver or grey and often aromatic foliage; formerly included in the genus Artemisia -04074329 __remaking_NN_1 creation that is created again or anew; "it is a remake of an old film" -05964445 __majority_rule_NN_1 the doctrine that the numerical majority of an organized group can make decisions binding on the whole group -00683127 __bethink_VB_2 consider or ponder something carefully; "She bethought her of their predicament" -01607103 __genus_buteo_NN_1 broad-winged soaring hawks -01630903 __pry_VB_4 make an uninvited or presumptuous inquiry; "They pried the information out of him" -02064000 __greenland_whale_NN_1 large-mouthed Arctic whale -06027051 __stratified_sample_NN_1 the population is divided into strata and a random sample is taken from each stratum -10765189 __wallpaperer_NN_1 a worker who papers walls -00092690 __recuperate_VB_4 get over an illness or shock; "The patient is recuperating" -00749767 __treason_NN_3 an act of deliberate betrayal -01890792 __toss_VB_4 move or stir about violently; "The feverish patient thrashed around in his bed" -13879320 __trilateral_NN_1 a three-sided polygon -11800359 __schefflera_NN_1 large genus of shrubby and climbing tropical plants having showy digitately compound foliage -10063461 __escort_NN_3 an attendant who is employed to accompany someone -07202579 __label_NN_1 a brief description given for purposes of identification; "the label Modern is applied to many different kinds of architecture" -12576029 __vicia_faba_NN_1 Old World upright plant grown especially for its large flat edible seeds but also as fodder -10761693 __vulgarian_NN_1 a vulgar person (especially someone who makes a vulgar display of wealth) -11529603 __plantae_NN_1 (botany) the taxonomic kingdom comprising all living or extinct plants -12278371 __quercus_stellata_NN_1 small deciduous tree of eastern and central United States having dark green lyrate pinnatifid leaves and tough moisture-resistant wood used especially for fence posts -01766407 __reassure_VB_1 cause to feel sure; give reassurance to; "The airline tried to reassure the customers that the planes were safe" -08108784 __tribe_NN_3 (biology) a taxonomic category between a genus and a subfamily -10344656 __name_dropper_NN_1 someone who pretends that famous people are his/her friends -06684383 __dedication_NN_3 a message that makes a pledge -03555426 __hypermarket_NN_1 a huge supermarket (usually built on the outskirts of a town) -10365846 __nudnik_NN_1 (Yiddish) someone who is a boring pest -02004227 __run_down_VB_7 pursue until captured; "They ran down the fugitive" -09973422 __cowgirl_NN_1 a woman cowboy -01523105 __reel_VB_3 extinct flightless bird of New Zealand wind onto or off a reel -00885925 __oblige_VB_3 provide a service or favor for someone; "We had to oblige him" -03822951 __nyse_NN_1 a stock exchange in New York -15121406 __history_NN_1 the aggregate of past events; "a critical time in the school's history" -15196186 __xmas_NN_1 a Christian holiday celebrating the birth of Christ; a quarter day in England, Wales, and Ireland -03842156 __office_furniture_NN_1 furniture intended for use in an office -01153305 __federation_NN_3 the act of constituting a political unity out of a number of separate states or colonies or provinces so that each member retains the management of its internal affairs -07787429 __steamer_clam_NN_1 a clam that is usually steamed in the shell -09995573 __steerer_NN_2 a beguiler who leads someone into danger (usually as part of a plot) -06615927 __coming_attraction_NN_1 a movie that is advertised to draw customers -07485475 __craving_NN_1 an intense desire for some particular thing -00004227 __expire_VB_3 expel air; "Exhale when you lift the weight" -10760340 __voter_NN_1 a citizen who has a legal right to vote -07419960 __subsidence_NN_1 an abatement in intensity or degree (as in the manifestations of a disease); "his cancer is in remission" -07140659 __word_NN_5 an exchange of views on some topic; "we had a good discussion"; "we had a word or two about it" -01791973 __fluster_VB_1 be flustered; behave in a confused manner -08517449 __bull's_eye_NN_2 the center of a target -00474994 __precipitate_VB_2 separate as a fine suspension of solid particles -10901589 __lorenzo_ganganelli_NN_1 Italian pope from 1769 to 1774 who lost whatever support remained of Catholic Europe, causing the church to fall into the hands of secular princes (1705-1774) -10789118 __womanizer_NN_1 a man who likes many women and has short sexual relationships with them -12073410 __miltonia_NN_1 genus of tropical American orchids -04811126 __outlawry_NN_1 illegality as a consequence of unlawful acts; defiance of the law -01547832 __tyrant_flycatcher_NN_1 large American birds that characteristically catch insects on the wing -12508936 __genus_baphia_NN_1 small genus of shrubs and lianas and trees of Africa and Madagascar -04637108 __laziness_NN_1 inactivity resulting from a dislike of work -07266178 __buoy_NN_1 bright-colored; a float attached by rope to the seabed to mark channels in a harbor or underwater hazards -04250850 __snorkel_breather_NN_1 air passage provided by a retractable device containing intake and exhaust pipes; permits a submarine to stay submerged for extended periods of time -09197815 __anion_NN_1 a negatively charged ion -12192373 __family_elaeocarpaceae_NN_1 genus of trees and shrubs widely distributed in warm regions some yielding useful timber; in some classifications included in the family Santalaceae -10562391 __scorer_NN_1 a player who makes a score in a game or contest -13412321 __register_NN_3 a book in which names and transactions are listed -01155090 __overtake_VB_1 catch up with and possibly overtake; "The Rolls Royce caught us near the exit ramp" -02663657 __soleidae_NN_1 soles -07249336 __mailer_NN_3 an advertisement that is sent by mail -13628761 __gigabyte_NN_2 a unit of information equal to 1024 mebibytes or 2^30 (1,073,741,824) bytes -14055052 __white_lung_NN_1 acute lung injury characterized by coughing and rales; inflammation of the lungs which become stiff and fibrous and cannot exchange oxygen; occurs among persons exposed to irritants such as corrosive chemical vapors or ammonia or chlorine etc. -05034225 __strength_NN_7 capacity to produce strong physiological or chemical effects; "the toxin's potency"; "the strength of the drinks" -01518047 __twine_VB_3 make by twisting together or intertwining; "twine a rope" -06571301 __web_browser_NN_1 a program used to view HTML documents -11733904 __hellebore_NN_2 any plant of the Eurasian genus Helleborus -04704346 __softness_NN_8 the quality of being indistinct and without sharp outlines -14025478 __orthodox_sleep_NN_1 a recurring sleep state during which rapid eye movements do not occur and dreaming does not occur; accounts for about 75% of normal sleep time -00385266 __breaking_away_NN_1 the act of breaking away or withdrawing from; "there was a breakaway by the discontented members"; "a breaking away from family and neighborhood" -03568117 __indicator_NN_3 a device for showing the operating condition of some system -10652954 __statistician_NN_2 someone versed in the collection and interpretation of numerical data (especially someone who uses statistics to calculate insurance premiums) -02301825 __take_over_VB_4 take on as one's own the expenses or debts of another person; "I'll accept the charges"; "She agreed to bear the responsibility" -11859024 __genus_claytonia_NN_1 genus of mainly North American succulent herbs with white or pink flowers usually in terminal racemes -14171492 __congenital_afibrinogenemia_NN_1 a rare congenital disorder of blood coagulation in which no fibrinogen is found in the blood plasma -07449157 __masquerade_ball_NN_1 a ball at which guests wear costumes and masks -11183955 __modigliani_NN_1 Italian painter and sculptor (1884-1920) -08718577 __central_african_republic_NN_1 a landlocked country in central Africa; formerly under French control; became independent in 1960 -05274808 __os_tarsi_fibulare_NN_1 the largest tarsal bone; forms the human heel -02002591 __quest_VB_2 search the trail of (game); "The dog went off and quested" -01682920 __family_amphisbaenidae_NN_1 worm lizards -04980656 __stinkiness_NN_1 the attribute of having a strong offensive smell -05952979 __theory_NN_3 a belief that can guide behavior; "the architect has a theory that more is less"; "they killed him on the theory that dead men tell no tales" -01436139 __propagate_VB_3 transmit; "propagate sound or light through air" -09143321 __brownsville_NN_1 a city in southern Texas on the Rio Grande near its mouth into the Gulf of Mexico; has a channel that accommodates oceangoing ships -12631224 __geum_NN_1 avens -04847733 __natural_virtue_NN_1 (scholasticism) one of the four virtues (prudence, justice, fortitude, and temperance) derived from nature -10544748 __wrecker_NN_2 someone who commits sabotage or deliberately causes wrecks -05677952 __sentience_NN_1 state of elementary or undifferentiated consciousness; "the crash intruded on his awareness" -02364221 __family_caviidae_NN_1 a family of Hystricomorpha -10568200 __second_sacker_NN_1 (baseball) the person who plays second base -11056654 __holly_NN_2 United States rock star (1936-1959) -01599539 __casket_VB_1 enclose in a casket -03298211 __prosom_NN_1 a frequently prescribed sleeping pill (trade name ProSom) -08226838 __moshav_NN_1 a cooperative Israeli village or settlement comprised of small farms -06795290 __bend_sinister_NN_1 a mark of bastardy; lines from top right to bottom left -00442267 __vaporize_VB_2 turn into gas; "The substance gasified" -02605139 __family_chaetodontidae_NN_1 butterfly fishes -07366627 __variant_NN_1 an event that departs from expectations -01463792 __tease_apart_VB_1 disentangle and raise the fibers of; "tease wool" -00202284 __resistance_NN_1 the action of opposing something that you disapprove or disagree with; "he encountered a general feeling of resistance from many citizens"; "despite opposition from the newspapers he went ahead" -08924913 __kobe_NN_1 a port city in Japan on Osaka Bay in southern Honshu; was damaged by an earthquake in 1995 -02895154 __egis_NN_1 armor plate that protects the chest; the front part of a cuirass -05611062 __zone_NN_4 (anatomy) any encircling or beltlike structure -13786187 __isometry_NN_2 a one-to-one mapping of one metric space into another metric space that preserves the distances between each pair of points; "the isometries of the cube" -06782680 __surmise_NN_1 a message expressing an opinion based on incomplete evidence -13266170 __scholarship_NN_1 financial aid provided to a student on the basis of academic merit -06536227 __statute_book_NN_1 a record of the whole body of legislation in a given jurisdiction -00076563 __trip-up_NN_1 an unintentional but embarrassing blunder; "he recited the whole poem without a single trip"; "he arranged his robes to avoid a trip-up later"; "confusion caused his unfortunate misstep" -13903738 __verge_NN_1 a region marking a boundary -08804487 __lucania_NN_1 a region of southern Italy (forming the instep of the Italian `boot') -00210940 __tone_ending_NN_1 (music) the act or manner of terminating a musical phrase or tone -00096513 __salvation_NN_4 saving someone or something from harm or from an unpleasant situation; "the salvation of his party was the president's major concern" -10583250 __servitor_NN_1 someone who performs the duties of an attendant for someone else -10252354 __reader_NN_6 someone who reads the lessons in a church service; someone ordained in a minor order of the Roman Catholic Church -00345926 __vibration_NN_1 the act of vibrating -02404186 __beef_cattle_NN_1 cattle that are reared for their meat -11993007 __machaeranthera_NN_1 wildflowers of western North America -05455690 __yellow_spot_NN_2 a small yellowish central area of the retina that is rich in cones and that mediates clear detailed vision -01379252 __genus_staphylococcus_NN_1 includes many pathogenic species -00024720 __state_NN_2 the way something is with respect to its main attributes; "the current state of knowledge"; "his state of health"; "in a weak financial state" -01768402 __superclass_chelicerata_NN_1 spiders; scorpions; horseshoe crabs -11432758 __moderate_breeze_NN_1 wind moving 13-18 knots; 4 on the Beaufort scale -06241825 __tibetan_buddhism_NN_1 a Buddhist doctrine that includes elements from India that are not Buddhist and elements of preexisting shamanism -08277805 __academy_NN_3 a school for special training -08565894 __end_NN_9 a boundary marking the extremities of something; "the end of town" -01150164 __tackle_VB_3 seize and throw down an opponent player, who usually carries the ball -02445276 __genus_enhydra_NN_1 sea otters -09889346 __genevan_NN_2 an adherent of the theological doctrines of John Calvin -01638438 __old_JJ_2 of long duration; not new; "old tradition"; "old house"; "old wine"; "old country"; "old friendships"; "old money" -07715561 __squash_NN_2 edible fruit of a squash plant; eaten as a vegetable -00900583 __welcome_VB_2 bid welcome to; greet upon arrival -13122985 __epiphytic_plant_NN_1 plant that derives moisture and nutrients from the air and rain; usually grows on another plant but not parasitic on it -08573472 __front_end_NN_1 the side that is forward or prominent -04677952 __semblance_NN_1 an outward or token appearance or form that is deliberately misleading; "he hoped his claims would have a semblance of authenticity"; "he tried to give his falsehood the gloss of moral sanction"; "the situation soon took on a different color" -00282840 __march_NN_3 a steady advance; "the march of science"; "the march of time" -15078050 __transparent_gem_NN_1 a gemstone having the property of transmitting light without serious diffusion -14526635 __zeitgeist_NN_1 the spirit of the time; the spirit characteristic of an age or generation -13188096 __davallia_NN_1 any fern of the genus Davallia; having scaly creeping rhizomes -11946051 __safflower_NN_1 thistlelike Eurasian plant widely grown for its red or orange flower heads and seeds that yield a valuable oil -11753936 __mimosaceae_NN_1 family of spiny woody plants (usually shrubs or small trees) whose leaves mimic animals in sensitivity to touch; commonly included in the family Leguminosae -13403331 __document_NN_3 a written account of ownership or obligation -10592152 __tradesman_NN_1 a merchant who owns or manages a shop -05551318 __side_NN_3 either the left or right half of a body; "he had a pain in his side" -02019431 __muscle_VB_1 make one's way by force; "He muscled his way into the office" -01328702 __virus_NN_1 (virology) ultramicroscopic infectious agent that replicates itself only within cells of living hosts; many are pathogenic; a piece of nucleic acid (DNA or RNA) wrapped in a thin coat of protein -08216647 __rearguard_NN_1 a detachment assigned to protect the rear of a (retreating) military body -03124700 __cox-2_inhibitor_NN_1 an anti-inflammatory drug that fights pain and blocks Cox-2 activity without impeding the activity of Cox-1; increases the risk of heart attacks; "Cox-2 inhibitors reduce the symptoms of arthritis without endangering the stomach and kidneys" -08282696 __graduate_school_NN_1 a school in a university offering study leading to degrees beyond the bachelor's degree -00550117 __switch_VB_3 lay aside, abandon, or leave for another; "switch to a different brand of beer"; "She switched psychiatrists"; "The car changed lanes" -04425656 __thiothixene_NN_1 a tranquilizer (trade name Navane) used to treat schizophrenia -00273690 __change_of_color_NN_1 an act that changes the light that something reflects -04825383 __prevarication_NN_2 intentionally vague or ambiguous -01347431 __division_archaebacteria_NN_1 in some classifications considered a kingdom -01320513 __shear_VB_1 cut with shears; "shear hedges" -07939880 __duality_NN_1 being twofold; a classification into two opposed parts or subclasses; "the dichotomy between eastern and western culture" -02253456 __pay_off_VB_4 do or give something to somebody in return; "Does she pay you for the work you are doing?" -08585657 __visible_horizon_NN_1 the line at which the sky and Earth appear to meet -02551494 __scombresox_NN_1 a genus of Scomberesocidae -02038993 __pratincole_NN_1 Old World shorebird with long pointed wings and short legs; closely related to the coursers -10156629 __hakim_NN_2 a Muslim physician -05235607 __symphysion_NN_1 the most forward point of the alveolar process of the mandible -01886334 __scramble_VB_1 to move hurriedly; "The friend scrambled after them" -04362025 __surface_NN_1 the outer boundary of an artifact or a material layer constituting or resembling such a boundary; "there is a special cleaner for these surfaces"; "the cloth had a pattern of red dots on a white surface" -07236759 __plaint_NN_1 (United Kingdom) a written statement of the grounds of complaint made to court of law asking for the grievance to be redressed -09041371 __hellespont_NN_1 the strait between the Aegean and the Sea of Marmara that separates European Turkey from Asian Turkey -13043264 __order_lycoperdales_NN_1 small order of basidiomycetous fungi having fleshy often globose fruiting bodies; includes puffballs and earthstars -09865954 __booking_agent_NN_1 someone who engages a person or company for performances -02241008 __notonecta_undulata_NN_1 predaceous aquatic insect that swims on its back and may inflict painful bites -05772356 __reasoning_NN_1 thinking that is coherent and logical -14276649 __zoonotic_disease_NN_1 an animal disease that can be transmitted to humans -05454070 __red_blood_cell_NN_1 a mature blood cell that contains hemoglobin to carry oxygen to the bodily tissues; a biconcave disc that has no nucleus -00518303 __oktoberfest_NN_2 an autumn festival that involves merrymaking and drinking beer -05102101 __radius_NN_1 the length of a line segment between the center and circumference of a circle or sphere -04275661 __spike_NN_2 sports equipment consisting of a sharp point on the sole of a shoe worn by athletes; "spikes provide greater traction" -00185698 __mercerize_VB_1 treat to strengthen and improve the luster; "mercerize cotton" -00400645 __rehabilitation_NN_1 the restoration of someone to a useful place in society -08749864 __windward_isles_NN_1 a group of islands in the southeastern West Indies; the southern part of the Lesser Antilles -08143321 __irs_NN_1 the bureau of the Treasury Department responsible for tax collections -02049532 __podicipitiform_seabird_NN_1 aquatic birds related to the loons -14038993 __desire_NN_3 something that is desired -06828389 __star_NN_7 a star-shaped character * used in printing -10829733 __ibn-sina_NN_1 Arabian physician and influential Islamic philosopher; his interpretation of Aristotle influenced St. Thomas Aquinas; writings on medicine were important for almost 500 years (980-1037) -02044659 __genus_catharacta_NN_1 skuas -14452294 __surfeit_NN_1 the state of being more than full -02353537 __curtain_VB_1 provide with drapery; "curtain the bedrooms" -10672662 __suffragette_NN_1 a woman advocate of women's right to vote (especially a militant advocate in the United Kingdom at the beginning of the 20th century) -02688443 __surface_NN_6 a device that provides reactive force when in motion relative to the surrounding air; can lift or control a plane in flight -12685831 __cranesbill_NN_1 any of numerous geraniums of the genus Geranium -02818832 __bed_NN_1 a piece of furniture that provides a place to sleep; "he sat on the edge of the bed"; "the room had only a bed and chair" -01106808 __transaction_NN_1 the act of transacting within or between groups (as carrying on commercial activities); "no transactions are possible without him"; "he has always been honest is his dealings with me" -09704630 __londoner_NN_1 a native or resident of London -03895293 __passage_NN_3 a way through or along which someone or something may pass -07492516 __comfort_NN_2 a feeling of freedom from worry or disappointment -05227572 __trigonum_cerebrale_NN_1 an arched bundle of white fibers at the base of the brain by which the hippocampus of each hemisphere projects to the contralateral hippocampus and to the thalamus and mamillary bodies -01104852 __overreach_VB_2 beat through cleverness and wit; "I beat the traffic"; "She outfoxed her competitors" -08904731 __mysore_NN_1 a city in southern India to the southwest of Bangalore -01274341 __circumcise_VB_2 cut the foreskin off male babies or teenage boys; "During the bris, the baby boy is circumcised" -02728440 __wearing_apparel_NN_1 clothing in general; "she was refined in her choice of apparel"; "he always bought his clothes at the same store"; "fastidious about his dress" -01479643 __superclass_gnathostomata_NN_1 comprising all vertebrates with upper and lower jaws -14871968 __fluorocarbon_NN_1 a halocarbon in which some hydrogen atoms have been replaced by fluorine; used in refrigerators and aerosols -05715864 __tang_NN_3 the taste experience when a savoury condiment is taken into the mouth -02089555 __foxhound_NN_1 medium-sized glossy-coated hounds developed for hunting foxes -02636811 __spidery_JJ_1 relating to or resembling a member of the class Arachnida -05512139 __vesica_NN_1 a distensible membranous sac (usually containing liquid or gas) -02727883 __sell_VB_2 be sold at a certain price or in a certain way; "These books sell like hot cakes" -12971157 __rhizopogonaceae_NN_1 a family of fungi of order Hymenogastrales having round subterranean sporophores -07487063 __pining_NN_1 a feeling of deep longing -01734273 __lampropeltis_NN_1 king snakes and milk snakes -00177578 __ablate_VB_2 remove an organ or bodily structure -05054130 __persistence_NN_1 the property of a continuous and connected period of time -09725772 __pakistani_NN_1 a native or inhabitant of Pakistan -03894379 __partition_NN_1 a vertical structure that divides or separates (as a wall divides one room from another) -08818835 __ragusa_NN_1 a port city in southwestern Croatia on the Adriatic; a popular tourist center -03844045 __oil_lamp_NN_1 a lamp that burns oil (as kerosine) for light -09607630 __appointment_NN_4 a person who is appointed to a job or position -08801546 __ticino_NN_1 an Italian-speaking region of southern Switzerland -02075764 __skedaddle_VB_1 run away, as if in a panic -07656077 __cut_of_beef_NN_1 cut of meat from beef cattle -10247880 __latin_NN_3 a person who is a member of those peoples whose languages derived from Latin -05531666 __bronchiole_NN_1 any of the smallest bronchial ducts; ending in alveoli -06453849 __new_testament_NN_1 the collection of books of the Gospels, Acts of the Apostles, the Pauline and other epistles, and Revelation; composed soon after Christ's death; the second half of the Christian Bible -13171447 __parkeriaceae_NN_1 coextensive with the genus Ceratopteris; sometimes included in family Polypodiaceae -02713097 __anklet_NN_3 an ornament worn around the ankle -07314658 __puncture_NN_1 loss of air pressure in a tire when a hole is made by some sharp object -15282696 __velocity_NN_1 distance travelled per unit time -04821277 __coherency_NN_2 logical and orderly and consistent relation of parts -12606797 __tradescantia_NN_1 spiderworts -01475648 __osteostracan_NN_1 extinct jawless fish of the Devonian with armored head -05656042 __binocular_vision_NN_1 vision involving the use of both eyes -12256112 __wintergreen_NN_1 any of several evergreen perennials of the genus Pyrola -07646927 __wildfowl_NN_1 flesh of any of a number of wild game birds suitable for food -00280586 __movement_NN_11 the act of changing the location of something; "the movement of cargo onto the vessel" -00877327 __research_VB_1 attempt to find out in a systematically and scientific manner; "The student researched the history of that word" -10275395 __stalwart_NN_1 a person who is loyal to their allegiance (especially in times of revolt) -05128370 __pallet_NN_1 the range of colour characteristic of a particular artist or painting or school of art -12149521 __phyllostachys_bambusoides_NN_1 large bamboo having thick-walled culms; native of China and perhaps Japan; widely grown elsewhere -15291498 __term_of_office_NN_1 the term during which some position is held -00644583 __study_VB_1 consider in detail and subject to an analysis in order to discover essential features or meaning; "analyze a sonnet by Shakespeare"; "analyze the evidence in a criminal trial"; "analyze your real motives" -08933084 __left_bank_NN_1 the region of Paris on the southern bank of the Seine; a center of artistic and student life -11786539 __taro_plant_NN_1 herb of the Pacific islands grown throughout the tropics for its edible root and in temperate areas as an ornamental for its large glossy leaves -01741943 __boa_NN_2 any of several chiefly tropical constrictors with vestigial hind limbs -09837824 __banker_NN_1 a financier who owns or is an executive in a bank -00930868 __dramatization_NN_1 conversion into dramatic form; "the play was a dramatization of a short story" -01543383 __widow_bird_NN_1 mostly black African weaverbird -07505047 __care_NN_4 a cause for feeling concern; "his major care was the illness of his wife" -07648267 __thigh_NN_2 the upper joint of the leg of a fowl -05202284 __voice_NN_9 the ability to speak; "he lost his voice" -06507041 __registry_NN_1 an official written record of names or events or transactions -11623105 __true_cedar_NN_1 any cedar of the genus Cedrus -00349080 __standing_NN_3 the act of assuming or maintaining an erect upright position -03554460 __hygrometer_NN_1 measuring instrument for measuring the relative humidity of the atmosphere -07828156 __celery_seed_NN_1 seed of the celery plant used as seasoning -10343554 __religious_mystic_NN_1 someone who believes in the existence of realities beyond human comprehension -02706478 __shimmer_VB_2 give off a shimmering reflection, as of silk -02524524 __hake_NN_2 any of several marine food fishes related to cod -11842204 __cactus_NN_1 any succulent plant of the family Cactaceae native chiefly to arid regions of the New World and usually having spines -10500942 __quizmaster_NN_1 the host or chairman of a radio or tv quiz show or panel game -00395841 __melt_VB_4 lose its distinct outline or shape; blend gradually; "Hundreds of actors were melting into the scene" -05068080 __tilt_NN_4 the property possessed by a line or surface that departs from the vertical; "the tower had a pronounced tilt"; "the ship developed a list to starboard"; "he walked with a heavy inclination to the right" -04028472 __pyelogram_NN_1 an X ray of the kidneys and ureters -10177150 __historiographer_NN_1 a person who is an authority on history and who studies it and writes about it -09643670 __yellow_woman_NN_1 offensive term for an Asian woman -02607630 __labridae_NN_1 wrasses -00548266 __push_through_VB_1 break out; "The tooth erupted and had to be extracted" -02150306 __family_desmodontidae_NN_1 true vampire bats -02806907 __symbolical_JJ_1 relating to or using or proceeding by means of symbols; "symbolic logic"; "symbolic operations"; "symbolic thinking" -08916832 __babylon_NN_1 the chief city of ancient Mesopotamia and capital of the ancient kingdom of Babylonia -04085017 __reverse_gear_NN_1 the gears by which the motion of a machine can be reversed -10779897 __whoremonger_NN_2 a pimp who procures whores -07606764 __kiss_NN_3 any of several bite-sized candies -06720371 __libel_NN_1 a false and malicious publication printed for the purpose of defaming a living person -00190999 __aerate_VB_2 aerate (sewage) so as to favor the growth of organisms that decompose organic matter -12064814 __gymnadeniopsis_NN_1 genus of North American terrestrial orchids usually included in genus Habenaria -10442815 __plowman_NN_1 a man who plows -13477462 __instruction_execution_NN_1 (computer science) the process of carrying out an instruction by a computer -03285912 __enclosure_NN_1 a structure consisting of an area that has been enclosed for some purpose -10560637 __scientist_NN_1 a person with advanced knowledge of one or more sciences -02250464 __pseudococcidae_NN_1 scalelike insects: mealybugs -09467185 __urals_NN_1 a mountain range in western Russia extending from the Arctic to the Caspian Sea; forms part of the traditional boundary between Europe and Asia -12541403 __lathyrus_sativus_NN_1 European annual grown for forage; seeds used for food in India and for stock elsewhere -02647660 __sea_poker_NN_1 small slender fish (to 8 inches) with body covered by bony plates; chiefly of deeper northern Pacific waters -05023233 __inelasticity_NN_1 the lack of elasticity -12545232 __prairie_trefoil_NN_1 North American annual with red or rose-colored flowers -00430191 __unclear_JJ_2 not clear to the mind; "the law itself was unclear on that point"; "the reason for their actions is unclear to this day" -08142972 __uscb_NN_1 the agency of the Treasury Department that enforces import tariffs -02097925 __fall_out_VB_3 come off; "His hair and teeth fell out" -00361041 __bite_NN_9 a portion removed from the whole; "the government's weekly bite from my paycheck" -08933437 __clichy-la-garenne_NN_1 a northwestern suburb of Paris; the residence of the Merovingian royalty in the 7th century -03560161 __idol_NN_1 a material effigy that is worshipped; "thou shalt not make unto thee any graven image"; "money was his god" -01387301 __ruffle_VB_9 pleat or gather into a ruffle; "ruffle the curtain fabric" -00901799 __premise_VB_2 furnish with a preface or introduction; "She always precedes her lectures with a joke"; "He prefaced his lecture with a critical remark about the institution" -10325656 __humdinger_NN_1 someone of remarkable excellence; "a humdinger of a secretary" -10489426 __psychophysicist_NN_1 a psychologist trained in psychophysics -02721948 __antimalarial_drug_NN_1 a medicinal drug used to prevent or treat malaria -10840021 __thomas_a_becket_NN_1 (Roman Catholic Church) archbishop of Canterbury from 1162 to 1170; murdered following his opposition to Henry II's attempts to control the clergy (1118-1170) -08801364 __italian_peninsula_NN_1 a boot-shaped peninsula in southern Europe extending into the Mediterranean Sea -01394464 __grind_VB_2 make a grating or grinding sound by rubbing together; "grate one's teeth in anger" -02480855 __gorilla_gorilla_NN_1 largest anthropoid ape; terrestrial and vegetarian; of forests of central west Africa -00103875 __tan_VB_2 get a tan, from wind or sun -01690703 __xenosauridae_NN_1 monotypic family of Mexican lizards -09289331 __glacier_NN_1 a slowly moving mass of ice -00438752 __retard_VB_1 cause to move more slowly or operate at a slower rate; "This drug will retard your heart rate" -05867413 __section_NN_6 one of the portions into which something is regarded as divided and which together constitute a whole; "the written part of the exam"; "the finance section of the company"; "the BBC's engineering division" -03497657 __lid_NN_3 headdress that protects the head from bad weather; has shaped crown and usually a brim -00135718 __inappropriate_JJ_1 not suitable for a particular occasion etc; "noise seems inappropriate at a time of sadness"; "inappropriate shoes for a walk on the beach"; "put inappropriate pressure on them" -02921884 __sepulture_NN_2 a chamber that is used as a grave -10149867 __turnkey_NN_1 someone who guards prisoners -00059728 __clinch_NN_1 (boxing) the act of one boxer holding onto the other to avoid being hit and to rest momentarily -07335716 __disappearance_NN_2 the event of passing out of sight -08956140 __inchon_NN_1 a port city in western South Korea on the Yellow Sea -02510240 __genus_ailuropoda_NN_1 only the giant panda: in some classifications considered a genus of the separate family Ailuropodidae -01086356 __conferral_NN_1 the act of conferring an honor or presenting a gift -02026498 __genus_aphriza_NN_1 a genus of Scolopacidae -01644050 __induce_VB_1 cause to arise; "induce a crisis" -00451866 __blood_sport_NN_1 sport that involves killing animals (especially hunting) -00655378 __isolate_VB_4 separate (experiences) from the emotions relating to them -12069488 __himantoglossum_NN_1 small genus of terrestrial orchids of Europe and Mediterranean region -07424109 __revolution_NN_1 a drastic and far-reaching change in ways of thinking and behaving; "the industrial revolution was also a cultural revolution" -07774295 __hickory_nut_NN_1 small hard-shelled nut of North American hickory trees especially the shagbark hickories -12656229 __red_raspberry_NN_1 any of several raspberries bearing red fruit -07709333 __leafy_vegetable_NN_1 any of various leafy plants or their leaves and stems eaten as vegetables -02017663 __take_water_VB_1 enter the water; "the wild ducks took water" -09962966 __yardbird_NN_2 a person serving a sentence in a jail or prison -01799629 __hamstring_VB_1 make ineffective or powerless; "The teachers were hamstrung by the overly rigid schedules" -01294127 __saratoga_NN_2 a battle during the American Revolution (1777); the British under Burgoyne were defeated -00177186 __propitious_JJ_1 presenting favorable circumstances; likely to result in or show signs of success; "propitious omens"; "propitious gales speeded us along"; "a propitious alignment of planets for space exploration" -01822602 __cuculiform_bird_NN_1 birds having zygodactyl feet (except for the touracos) -05136343 __wideness_NN_1 the property of being wide; having great width -02041085 __larid_NN_1 long-winged web-footed aquatic bird of the gull family -01281611 __gouge_VB_1 force with the thumb; "gouge out his eyes" -01155354 __hard_JJ_2 dispassionate; "took a hard look"; "a hard bargainer"; -08340153 __united_states_intelligence_community_NN_1 a group of government agencies and organizations that carry out intelligence activities for the United States government; headed by the Director of Central Intelligence -12201166 __tarrietia_NN_1 small genus of east Asian and Australian timber trees -01648001 __genus_alytes_NN_1 midwife toads -04016576 __pruning_saw_NN_1 a handsaw used for pruning trees -02655355 __family_diodontidae_NN_1 spiny puffers -07729485 __soybean_NN_3 the most highly proteinaceous vegetable known; the fruit of the soybean plant is used in a variety of foods and as fodder (especially as a replacement for animal protein) -01322391 __character_VB_1 engrave or inscribe characters on -02437825 __lama_NN_2 llamas -06469694 __survey_NN_2 short descriptive summary (of events) -06263020 __gutter_press_NN_1 press that engages in sensational journalism (especially concerning the private lives of public figures) -00747640 __begin_VB_4 begin to speak or say; "Now listen, friends," he began -02127052 __lynx_NN_2 short-tailed wildcats with usually tufted ears; valued for their fur -01153762 __get_even_VB_2 take revenge or even out a score; "I cannot accept the defeat--I want to get even" -06906971 __algonquin_NN_2 family of North American Indian languages spoken from Labrador to South Carolina and west to the Great Plains -01653873 __make_VB_15 make by shaping or bringing together constituents; "make a dress"; "make a cake"; "make a wall of stones" -06437137 __psalms_NN_1 an Old Testament book consisting of a collection of 150 Psalms -15145782 __anal_stage_NN_1 (psychoanalysis) the second sexual and social stage of a child's development during which bowel control is learned -00024279 __vivify_VB_1 give new life or energy to; "A hot soup will revive me"; "This will renovate my spirits"; "This treatment repaired my health" -14560926 __rot_NN_1 a state of decay usually accompanied by an offensive odor -13069535 __septobasidium_NN_1 type genus of Septobasidiaceae: smooth shelf fungi usually having a well-developed sometimes thick-walled hypobasidium -06723635 __amendment_NN_2 a statement that is added to or revises or improves a proposal or document (a bill or constitution etc.) -08727606 __hangzhou_NN_1 a city of eastern China on Hangzhou Bay; regarded by Marco Polo as the finest city in the world -11751598 __swainsona_NN_1 a genus of Australian herbs and subshrubs: darling peas -02004661 __mycteria_NN_1 a genus of storks of the family Ciconiidae now including only the American wood ibis -01845720 __travel_VB_2 undertake a journey or trip -01999048 __lepas_NN_1 type genus of the family Lepadidae -03784270 __ostensorium_NN_1 (Roman Catholic Church) a vessel (usually of gold or silver) in which the consecrated Host is exposed for adoration -00794614 __tryout_NN_2 a test of the suitability of a performer -14651212 __praseodymium_NN_1 a soft yellowish-white trivalent metallic element of the rare earth group; can be recovered from bastnasite or monazite by an ion-exchange process -01809752 __stinkbird_NN_1 crested ill-smelling South American bird whose young have claws on the first and second digits of the wings -01454260 __fistulariidae_NN_1 cornetfishes -02314658 __dispossess_VB_1 deprive of the possession of real estate -07926127 __lacing_NN_1 a small amount of liquor added to a food or beverage -00447073 __sledding_NN_1 the sport of riding on a sled or sleigh -05645597 __stupidity_NN_1 a poor ability to understand or to profit from experience -00945853 __name_VB_8 give or make a list of; name individually; give the names of; "List the states west of the Mississippi" -02657219 __tally_VB_1 be compatible, similar or consistent; coincide in their characteristics; "The two stories don't agree in many details"; "The handwriting checks with the signature on the check"; "The suspect's fingerprints don't match those on the gun" -00239230 __opening_move_NN_1 the first of a series of actions -10236304 __kinsperson_NN_1 a person having kinship with another or others; "he's kin"; "he's family" -01502195 __tuneful_JJ_1 having a musical sound; especially a pleasing tune -01612084 __load_VB_4 put (something) on a structure or conveyance; "load the bags onto the trucks" -08519299 __detention_basin_NN_1 a storage site (such as a small reservoir) that delays the flow of water downstream -12098227 __genus_plumbago_NN_1 shrubs and herbs and woody vines of warm regions: leadwort -01802070 __mortify_VB_1 practice self-denial of one's body and appetites -04521125 __vapour_lock_NN_1 a stoppage in a pipeline caused by gas bubbles (especially a stoppage that develops in hot weather in an internal-combustion engine when fuel in the gas line boils and forms bubbles that block the flow of gasoline to the carburetor) -15131123 __elapsed_time_NN_1 the time that elapses while some event is occurring -14652954 __rubidium_NN_1 a soft silvery metallic element of the alkali metal group; burns in air and reacts violently in water; occurs in carnallite and lepidolite and pollucite -05593476 __ulna_NN_1 the inner and longer of the two bones of the human forearm -04915866 __insolence_NN_1 the trait of being rude and impertinent; inclined to take liberties -00756598 __four_flush_NN_1 the act of bluffing in poker; deception by a false show of confidence in the strength of your cards -13973059 __lawlessness_NN_1 a state of lawlessness and disorder (usually resulting from a failure of government) -07685730 __rye_bread_NN_1 any of various breads made entirely or partly with rye flour -11404971 __zanuck_NN_1 United States filmmaker whose works include the first full-length feature film with sound sequences (1902-1979) -00815644 __aim_NN_3 the action of directing something at an object; "he took aim and fired" -12152532 __cotton_rush_NN_1 any sedge of the genus Eriophorum; north temperate bog plants with tufted spikes -01522716 __encircle_VB_1 form a circle around; "encircle the errors" -13580058 __utility_NN_4 (economics) a measure that is to be maximized in any situation involving choice -11668117 __monocotyledon_NN_1 a monocotyledonous flowering plant; the stem grows by deposits on its inside -04261116 __sorter_NN_2 a machine for sorting things (such as punched cards or letters) into classes -00265119 __renovation_NN_1 the act of improving by renewing and restoring; "they are pursuing a general program of renovation to the entire property"; "a major overhal of the healthcare system was proposed" -01771417 __whip_scorpion_NN_1 nonvenomous arachnid that resembles a scorpion and that has a long thin tail without a stinger -08851034 __city_of_bridges_NN_1 a city in northwestern Belgium that is connected by canal to the North Sea; in the 13th century it was a leading member of the Hanseatic League; the old city (known as the City of Bridges) is a popular tourist attraction -05039709 __alkalinity_NN_1 pH values above 7 -13264794 __heirloom_NN_1 (law) any property that is considered by law or custom as inseparable from an inheritance is inherited with that inheritance -00661584 __contradistinguish_VB_1 distinguish by contrasting qualities -13366537 __subsistence_NN_1 minimal (or marginal) resources for subsisting; "social security provided only a bare subsistence" -04585456 __wincey_NN_1 a plain or twilled fabric of wool and cotton used especially for warm shirts or skirts and pajamas -08187988 __greek_chorus_NN_1 a company of actors who comment (by speaking or singing in unison) on the action in a classical Greek play -09073938 __miami_beach_NN_1 a city in southeastern Florida on an island between Biscayne Bay and the Atlantic Ocean; known for fashionable resort hotels -07977592 __subroutine_library_NN_1 (computing) a collection of standard programs and subroutines that are stored and available for immediate use -13718451 __obolus_NN_1 a Greek unit of weight equal to one tenth of a gram -14960090 __natural_gas_NN_1 a fossil fuel in the gaseous state; used for cooking and heating homes -06792526 __storm_cone_NN_1 a canvas cone hoisted to warn of high winds -04560113 __water_heater_NN_1 a heater and storage tank to supply heated water -06599788 __topic_NN_1 the subject matter of a conversation or discussion; "he didn't want to discuss that subject"; "it was a very sensitive topic"; "his letters were always on the theme of love" -11444816 __dehiscence_NN_1 (biology) release of material by splitting open of an organ or tissue; the natural bursting open at maturity of a fruit or other reproductive body to release seeds or spores or the bursting open of a surgically closed wound -10327987 __monegasque_NN_1 a native or inhabitant of Monaco -00241245 __jump_ball_NN_1 (basketball) the way play begins or resumes when possession is disputed; an official tosses the ball up between two players who jump in an effort to tap it to a teammate -06513366 __request_NN_1 a formal message requesting something that is submitted to an authority -00848466 __fornication_NN_2 extramarital sex that willfully and maliciously interferes with marriage relations; "adultery is often cited as grounds for divorce" required by rule; "in most schools physical education is compulsory"; "attendance is mandatory"; "required reading" -11770526 __genus_amsonia_NN_1 genus of herbs and subshrubs with milky juice and showy bluish flowers; Europe to Asia Minor to Japan and North America -02557790 __hang_VB_11 prevent from reaching a verdict, of a jury -07584423 __bortsch_NN_1 a Russian or Polish soup usually containing beet juice as a foundation -05479503 __vestibulocochlear_nerve_NN_1 a composite sensory nerve supplying the hair cells of the vestibular organ and the hair cells of the cochlea -07404798 __undertide_NN_1 a current below the surface of a fluid -04735233 __variance_NN_5 the quality of being subject to variation -10393909 __painter_NN_2 a worker who is employed to cover objects with paint -01724470 __ichthyosauridae_NN_1 later ichthyosaurs of the Jurassic and Cretaceous; widely distributed in both hemispheres -01993805 __string_along_VB_1 move or come along -08500819 __interplanetary_space_NN_1 the part of outer space within the solar system -11270772 __ross_NN_4 a politician in Wyoming who was the first woman governor in the United States (1876-1977) -07676967 __polony_NN_1 another name for Bologna sausage -02662076 __aberrate_VB_1 diverge from the expected; "The President aberrated from being a perfect gentleman" -03774673 __mithramycin_NN_1 an antineoplastic drug (trade name Mithracin) used to treat cancer of the testes -13151265 __family_chloranthaceae_NN_1 small family of tropical herbs and shrubs and trees -00991900 __placard_VB_2 publicize or announce by placards -05516366 __acinus_NN_2 one of the small sacs or saclike dilations in a compound gland -11660848 __taxales_NN_1 coextensive with the family Taxaceae: yews -04587648 __window_NN_1 a framework of wood or metal that contains a glass windowpane and is built into a wall or roof to admit light or air -02354781 __thomomys_talpoides_NN_1 greyish to brown gopher of western and central United States -03197804 __lanoxin_NN_1 digitalis preparation (trade name Lanoxin) used to treat congestive heart failure or cardiac arrhythmia; helps the heart beat more forcefully -15105955 __xenotime_NN_1 a brown-to-yellow mineral that is a phosphate of yttrium in crystalline form -00348103 __come_on_VB_5 occur or become available; "water or electricity came on again after the earthquake" -10691148 __tapper_NN_5 a dancer who sounds out rhythms by using metal taps on the toes and heels of the shoes -08321956 __jirga_NN_1 a Pashto term for a decision making assembly of male elders; "most criminal cases are handled by a tribal Jirga rather than by laws or police" -02206619 __take_VB_21 take by force; "Hitler took the Baltic Republics"; "The army took the fort on the hill" -00787049 __cross_question_VB_1 question closely, or question a witness that has already been questioned by the opposing side; "The witness was cross-examined by the defense" -09624168 __male_person_NN_1 a person who belongs to the sex that cannot have babies -02247511 __sweet-potato_whitefly_NN_1 a variety of whitefly -09883452 __buster_NN_4 a person (or thing) that breaks up or overpowers something; "dam buster"; "sanction buster"; "crime buster" -06733939 __evidence_NN_3 (law) all the means by which any alleged matter of fact whose truth is investigated at judicial trial is established or disproved -11453016 __power_NN_2 (physics) the rate of doing work; measured in watts (= joules/second) -00593108 __headship_NN_2 the position of head -14500819 __rummage_NN_1 a jumble of things to be given away -02000954 __wading_bird_NN_1 any of many long-legged birds that wade in water in search of food -01710348 __titanosauridae_NN_1 herbivorous dinosaurs of the Cretaceous -07968702 __interest_group_NN_1 (usually plural) a social group whose members control some field of activity and who have common aims; "the iron interests stepped up production" -00543233 __music_NN_3 musical activity (singing or whistling etc.); "his music was his central interest" -02435517 __pere_david's_deer_NN_1 large Chinese deer surviving only in domesticated herds -07180570 __citation_NN_2 (law) the act of citing (as of spoken words or written passages or legal precedents etc.) -04857738 __valour_NN_1 the qualities of a hero or heroine; exceptional or heroic courage when facing danger (especially in battle); "he showed great heroism in battle"; "he received a medal for valor" -07344233 __surf_NN_1 waves breaking on the shore -07226330 __warning_of_war_NN_1 a warning to national policy makers that an enemy intends war or is preparing for war and is on a course that increases the risk of war -11897466 __stanleya_pinnata_NN_1 perennial of southwestern United States having leathery blue-green pinnatifid leaves and thick plumelike spikes of yellow flowers; sometimes placed in genus Cleome -02879638 __pontifical_JJ_1 proceeding from or ordered by or subject to a pope or the papacy regarded as the successor of the Apostles; "papal dispensation" -07849336 __yogurt_NN_1 a custard-like food made from curdled milk -11512818 __conductivity_NN_1 the transmission of heat or electricity or sound -04903813 __equanimity_NN_1 steadiness of mind under stress; "he accepted their problems with composure and she with equanimity" -00286605 __stain_VB_2 produce or leave stains; "Red wine stains the table cloth" -02337066 __bed_VB_1 furnish with a bed; "The inn keeper could bed all the new arrivals" -08803382 __italian_region_NN_1 Italy is divided into 20 regions for administrative purposes -02324717 __oryctolagus_NN_1 Old World rabbits -01864707 __mammal_genus_NN_1 a genus of mammals -06115701 __geology_NN_1 a science that deals with the history of the earth as recorded in rocks -07675627 __sausage_NN_1 highly seasoned minced meat stuffed in casings -00270826 __stabilize_VB_1 make stable and keep from fluctuating or put into an equilibrium; "The drug stabilized her blood pressure"; "stabilize prices" -02543565 __snakefish_NN_1 tropical fishes with large mouths in lizard-like heads; found worldwide -05785067 __weighing_NN_1 careful consideration; "a little deliberation would have deterred them" -09238674 __caucasus_mountains_NN_1 the mountain range in Caucasia between the Black Sea and the Caspian Sea that forms part of the traditional border between Europe and Asia -08804662 __bolzano_NN_1 an Italian city in Trentino-Alto Adige near the Austrian border; noted as a resort and for its Alpine scenery -04470953 __transducer_NN_1 an electrical device that converts one form of energy into another -00127286 __walk_NN_2 (baseball) an advance to first base by a batter who receives four balls; "he worked the pitcher for a base on balls" -04670022 __reliableness_NN_1 the quality of being dependable or reliable -04123740 __saddle_NN_1 a seat for the rider of a horse or camel -12584715 __sugar_palm_NN_1 Malaysian feather palm with base densely clothed with fibers; yields a sweet sap used in wine and trunk pith yields sago -00230172 __fade_NN_2 gradually ceasing to be visible -06719974 __character_assassination_NN_1 an attack intended to ruin someone's reputation -01307142 __level_VB_3 make level or straight; "level the ground" -08424769 __firing_squad_NN_1 a squad formed to fire volleys at a military funeral or to carry out a military execution -01759926 __touch_a_chord_VB_1 evoke a reaction, response, or emotion; "this writer strikes a chord with young women"; "The storyteller touched a chord" -13458268 __decomposition_reaction_NN_1 (chemistry) separation of a substance into two or more substances that may differ from each other and from the original substance -08787049 __mycenae_NN_1 an ancient city is southern Greece; center of the Mycenaean civilization during the late Bronze Age -13250680 __pile_NN_3 a large sum of money (especially as pay or profit); "she made a bundle selling real estate"; "they sank megabucks into their new house" -07327013 __prelude_NN_1 something that serves as a preceding event or introduces what follows; "training is a necessary preliminary to employment"; "drinks were the overture to dinner" -06856884 __tucket_NN_1 (music) a short lively tune played on brass instruments; "he entered to a flourish of trumpets"; "her arrival was greeted with a rousing fanfare" -12549420 __medicago_sativa_NN_1 important European leguminous forage plant with trifoliate leaves and blue-violet flowers grown widely as a pasture and hay crop -02557909 __strizostedion_vitreum_glaucum_NN_1 variety inhabiting the Great Lakes -00321956 __inclosure_NN_2 the act of enclosing something inside something else -06737394 __declaration_NN_4 (contract bridge) the highest bid becomes the contract setting the number of tricks that the bidder must make -11604904 __order_lyginopteridales_NN_1 fossil gymnospermous trees or climbing plants from the Devonian: seed ferns -09940725 __comedian_NN_2 an actor in a comedy -00605349 __tribuneship_NN_1 the position of tribune -13977870 __earthquake_NN_2 a disturbance that is extremely disruptive; "selling the company caused an earthquake among the employees" -05804274 __overreckoning_NN_1 a calculation that results in an estimate that is too high -08889521 __galway_NN_1 a port city in western Ireland on Galway Bay -02391049 __zebra_NN_1 any of several fleet black-and-white striped African equines -10492202 __tugger_NN_1 someone who pulls or tugs or drags in an effort to move something -01549420 __strike_VB_14 remove by erasing or crossing out or as if by drawing a line; "Please strike this remark from the record"; "scratch that remark" -10607706 __skinner_NN_4 a person who prepares or deals in animal skins -00214951 __wet_VB_1 cause to become wet; "Wet your face" -09774167 __advisee_NN_1 someone who receives advice -08604487 __everglades_national_park_NN_1 a national park in Florida containing an immense subtropical wilderness with mangrove swamps and rare birds and wild animals -09612131 __contestee_NN_1 a winner (of a race or an election etc.) whose victory is contested -05612809 __surface_NN_5 information that has become public; "all the reports were out in the open"; "the facts had been brought to the surface" -09163844 __south_vietnam_NN_1 a former country in southeastern Asia that existed from 1954 (after the defeat of the French at Dien Bien Phu) until 1975 when it was defeated and annexed by North Vietnam -08851500 __ghent_NN_1 port city in northwestern Belgium and industrial center; famous for cloth industry -13526110 __organic_process_NN_1 a process occurring in living organisms -09532837 __lohan_NN_1 a Buddhist who has attained nirvana -08919241 __asur_NN_1 an ancient Assyrian city on the Tigris and traditional capital of Assyria; just to the south of the modern city of Mosul in Iraq -00783523 __call_VB_22 lure by imitating the characteristic call of an animal; "Call ducks" -05814650 __issue_NN_1 an important question that is in dispute and must be settled; "the issue could be settled by requiring public education for everyone"; "politicians never discuss the real issues" -00796586 __assignment_NN_5 an undertaking that you have been assigned to do (as by an instructor) -00574341 __depolarize_VB_1 eliminate the polarization of -02589955 __orthopristis_NN_1 a genus of Haemulidae -00668112 __cautery_NN_2 the act of coagulating blood and destroying tissue with a hot iron or caustic agent or by freezing -11455901 __food_chain_NN_1 (ecology) a community of organisms where each member is eaten in turn by another member -01083504 __dispensation_NN_3 the act of dispensing (giving out in portions) -06757289 __song_and_dance_NN_2 an interesting but highly implausible story; often told as an excuse -06956896 __permic_NN_1 a group of Finnic languages spoken in the northwest Urals -00664110 __medication_NN_2 the act of treating with medicines or remedies -07360293 __sublimation_NN_1 (chemistry) a change directly from the solid to the gaseous state without becoming liquid -06126761 __biotechnology_NN_1 the branch of molecular biology that studies the use of microorganisms to perform specific industrial processes; "biotechnology produced genetically altered bacteria that solved the problem" -00611433 __education_NN_4 the profession of teaching (especially at a school or college or university) -15274441 __lull_NN_1 a pause during which things are calm or activities are diminished; "there was never a letup in the noise" -09762821 __winner_NN_3 a person with a record of successes; "his son would never be the achiever that his father was"; "only winners need apply"; "if you want to be a success you have to dress like a success" -12882321 __whorlywort_NN_1 a tall perennial herb having spikes of small white or purple flowers; common in eastern North America -09462312 __trondheim_fjord_NN_1 a long narrow inlet of the Norwegian Sea -03100026 __piratical_JJ_1 characteristic of pirates; "piratical attackers" -01035853 __sacrament_of_the_eucharist_NN_1 a Christian sacrament commemorating the Last Supper by consecrating bread and wine -02429475 __turn_out_VB_8 come and gather for a public event; "Hundreds of thousands turned out for the anti-war rally in New York" -00665886 __sustain_VB_7 establish or strengthen as with new evidence or facts; "his story confirmed my doubts"; "The evidence supports the defendant" -08951077 __leyden_NN_1 a city in the western Netherlands; residence of the Pilgrim Fathers for 11 years before they sailed for America in 1620 -09877587 __browser_NN_1 a viewer who looks around casually without seeking anything in particular -02460009 __new_world_anteater_NN_1 any of several tropical American mammals of the family Myrmecophagidae which lack teeth and feed on ants and termites -03448253 __panel_NN_6 a piece of cloth that is generally triangular or tapering; used in making garments or umbrellas or sails -09222051 __scrap_NN_1 a small fragment of something broken off from the whole; "a bit of rock caught him in the eye" -00943600 __amniocentesis_NN_1 (pregnancy) extraction by centesis of amniotic fluid from a pregnant woman (after the 15th week of pregnancy) to aid in the diagnosis of fetal abnormalities -05660937 __teaching_method_NN_1 the principles and methods of instruction -01480715 __subclass_holocephali_NN_1 chimaeras and extinct forms -01546111 __stand_up_VB_4 be standing; be upright; "We had to stand for the entire performance!" -00489299 __glorify_VB_2 bestow glory upon; "The victory over the enemy glorified the Republic" -04062807 __scout_car_NN_1 fast armored military vehicle with four-wheel drive and open top -07852919 __cheddar_cheese_NN_1 hard smooth-textured cheese; originally made in Cheddar in southwestern England -02602215 __family_atherinidae_NN_1 small spiny-finned fishes of both salt and fresh water -00526412 __break_dancing_NN_1 a form of solo dancing that involves rapid acrobatic moves in which different parts of the body touch the ground; normally performed to the rhythm of rap music -07421859 __outage_NN_2 a temporary suspension of operation (as of computers); "there will be a network outage from 8 to 10 a.m." -04764741 __commonness_NN_4 sharing of common attributes -02367678 __lagidium_NN_1 a genus of Chinchillidae -03353281 __fitment_NN_1 any of the items furnishing or equipping a room (especially built-in furniture); "she liked the kitchen fitments" -14535431 __wet_NN_1 wetness caused by water; "drops of wet gleamed on the window" -13068434 __tilletia_foetida_NN_1 similar to Tilletia caries -14997888 __percolate_NN_1 the product of percolation -01579410 __rook_NN_2 common gregarious Old World bird about the size and color of the American crow -04790774 __noxiousness_NN_1 the quality of being noxious -05706954 __omission_NN_4 neglecting to do something; leaving out or passing over something -00308370 __trip_NN_1 a journey for some purpose (usually including the return); "he took a trip to the shopping center" -00787832 __liberation_NN_2 the attempt to achieve equal rights or status; "she worked for women's liberation" -05893653 __misconception_NN_1 an incorrect conception -08453722 __precedent_NN_3 a system of jurisprudence based on judicial precedents rather than statutory laws; "common law originated in the unwritten laws of England and was later applied in the United States" -02037464 __phalarope_NN_1 small sandpiper-like shorebird having lobate toes and being good swimmers; breed in the Arctic and winter in the tropics -09943541 __commissioned_naval_officer_NN_1 a commissioned officer in the navy -10627899 __sourpuss_NN_1 someone with a habitually sullen or gloomy expression -10431514 __picker_NN_2 someone who gathers crops or fruits etc. -05654052 __interoception_NN_1 sensitivity to stimuli originating inside of the body -01476180 __suffocate_VB_2 impair the respiration of or obstruct the air passage of; "The foul air was slowly suffocating the children" -13875185 __saucer_NN_1 something with a round shape resembling a flat circular plate; "the moon's disk hung in a cloudless sky" -07180372 __secondment_NN_1 a speech seconding a motion; "do I hear a second?" -01743787 __genus_python_NN_1 Old World boas -00957176 __unjust_JJ_1 not fair; marked by injustice or partiality or deception; "used unfair methods"; "it was an unfair trial"; "took an unfair advantage" -10596899 __signaller_NN_1 someone who communicates by signals -08364959 __private_enterprise_NN_1 an economy that relies chiefly on market forces to allocate goods and resources and to determine prices -01937909 __leech_NN_1 carnivorous or bloodsucking aquatic or terrestrial worms typically having a sucker at each end -11540439 __family_dicranaceae_NN_1 mosses having costate leaves and long-stalked capsules with cleft peristome -04249415 __snare_drum_NN_1 a small drum with two heads and a snare stretched across the lower head -02325366 __wood_rabbit_NN_1 common small rabbit of North America having greyish or brownish fur and a tail with a white underside; a host for Ixodes pacificus and Ixodes scapularis (Lyme disease ticks) -07455151 __maundy_NN_1 a public ceremony on Maundy Thursday when the monarch distributes Maundy money -11313507 __stanton_NN_1 United States suffragist and feminist; called for reform of the practices that perpetuated sexual inequality (1815-1902) -03440024 __glucotrol_NN_1 an oral antidiabetic drug (trade name Glucotrol) that stimulates the release of insulin from the pancreas -08717059 __pnom_penh_NN_1 the capital and largest city of Kampuchea -02662081 __genus_citharichthys_NN_1 a genus of Bothidae -00333594 __bust_VB_5 break open or apart suddenly and forcefully; "The dam burst" -00145448 __square_up_VB_1 make square; "Square the circle"; "square the wood with a file" -01134479 __mismanagement_NN_1 management that is careless or inefficient; "he accomplished little due to the mismanagement of his energies" -13967215 __sigeh_NN_1 a Shiite tradition of temporary marriage permitted in Iran that allows a couple to specify the terms of their relationship; can last from a few minutes to 99 years; "sigeh legally wraps premarital sex in an Islamic cloak" -01752495 __produce_VB_1 bring forth or yield; "The tree would not produce fruit" -13533886 __pissing_NN_1 informal terms for urination; "he took a pee" -05416678 __slobber_NN_1 saliva spilling from the mouth -00036932 __soap_VB_1 rub soap all over, usually with the purpose of cleaning -12923839 __mercurialis_NN_1 a genus of slender herbs belonging to the family Euphorbiaceae -00653958 __recount_NN_1 an additional (usually a second) count; especially of the votes in a close election -09821086 __attache_NN_1 a specialist assigned to the staff of a diplomatic mission -05821486 __precedent_NN_1 an example that is used to justify similar occurrences at a later time -08818444 __slovenija_NN_1 a mountainous republic in central Europe; formerly part of the Habsburg monarchy and Yugoslavia; achieved independence in 1991 -00118238 __nonliving_JJ_1 not endowed with life; "the inorganic world is inanimate"; "inanimate objects" -02576575 __jack_NN_11 any of several fast-swimming predacious fishes of tropical to warm temperate seas -12243459 __pieris_japonica_NN_1 broad-leaved evergreen Asiatic shrub with glossy leaves and drooping clusters of white flowers -00106272 __pitch_NN_2 (baseball) the act of throwing a baseball by a pitcher to a batter -05686481 __cognitive_factor_NN_1 something immaterial (as a circumstance or influence) that contributes to producing a result -12394638 __wall_pellitory_NN_1 herb that grows in crevices having long narrow leaves and small pink apetalous flowers -12661873 __genus_calycophyllum_NN_1 medium to large tropical American trees having shiny reddish-brown shredding bark -02054864 __push_VB_6 approach a certain age or speed; "She is pushing fifty" -10564400 __screenwriter_NN_1 someone who writes screenplays -11472699 __high_beam_NN_1 the beam of a car's headlights that provides distant illumination -11668952 __subclass_commelinidae_NN_1 one of four subclasses or superorders of Monocotyledones; comprises about 19,000 species in 25 families of mostly terrestrial herbs especially of moist places including: Cyperaceae; Gramineae; Bromeliaceae; and Zingiberaceae -08905751 __gujerat_NN_1 a region of western India to the north of Bombay (bordering the Arabian Sea) where Gujarati is spoken -04005630 __prison_house_NN_2 a correctional institution where persons are confined while on trial or for punishment -01692864 __lacertid_lizard_NN_1 Old World terrestrial lizard -05652926 __sensitivity_NN_1 (physiology) responsiveness to external stimuli; the faculty of sensation; "sensitivity to pain" -07773700 __dika_nut_NN_1 edible oil-rich seed of wild mango -11881063 __genus_capsella_NN_1 shepherd's purse -14692026 __rocket_propellent_NN_1 an explosive charge that propels a rocket -01703569 __horned_dinosaur_NN_1 any of several four-footed herbivorous dinosaurs with enormous beaked skulls; of the late Cretaceous in North America and Mongolia -10104209 __honcho_NN_1 a person who exercises control over workers; "if you want to leave early you have to ask the foreman" -01882170 __walk_VB_10 take a walk; go for a walk; walk for pleasure; "The lovers held hands while walking"; "We like to walk every Sunday" -05485554 __cerebellum_NN_1 a major division of the vertebrate brain; situated above the medulla oblongata and beneath the cerebrum in humans -01106272 __freightage_NN_2 transporting goods commercially at rates cheaper than express rates -11127188 __st._leo_i_NN_1 Italian pope from 440 to 461 who extended the authority of the papacy to the west and persuaded Attila not to attack Rome (440-461) -00196364 __burn_VB_15 burn with heat, fire, or radiation; "The iron burnt a hole in my dress" -09546453 __titania_NN_2 (Middle Ages) the queen of the fairies in medieval folklore -03710721 __tank_suit_NN_1 a woman's one-piece bathing suit -10305802 __medical_practitioner_NN_1 someone who practices medicine -14133985 __syphilis_NN_1 a common venereal disease caused by the treponema pallidum spirochete; symptoms change through progressive stages; can be congenital (transmitted through the placenta) -10375794 __old_master_NN_1 a great European painter prior to 19th century -01323518 __stone_VB_1 kill by throwing stones at; "People wanted to stone the woman who had a child out of wedlock" -03776460 __mobile_home_NN_1 a large house trailer that can be connected to utilities and can be parked in one place and used as permanent housing -12837643 __pholistoma_NN_1 straggling herbs of southwestern United States -06874688 __idiot_light_NN_1 a colored warning light on an instrument panel (as for low oil pressure) -08030481 __lashkar-e-jhangvi_NN_1 a Sunni Muslim extremist group in Pakistan that collaborates with al-Qaeda; the armed wing of Sipah-e-Sahaba -05828102 __turn-on_NN_1 something causing excitement or stimulating interest -04672355 __painstakingness_NN_1 the trait of being painstaking and careful -01401296 __order_heterotrichales_NN_1 yellow-green algae with simple or branching filaments; comprising the single family Tribonemaceae -15030481 __immunoglobulin_NN_1 a class of proteins produced in lymph tissue in vertebrates and that function as antibodies in the immune response -12877244 __snapdragon_NN_1 a garden plant of the genus Antirrhinum having showy white or yellow or crimson flowers resembling the face of a dragon -13149296 __true_pepper_NN_1 any of various shrubby vines of the genus Piper -00276987 __pollution_NN_3 the act of contaminating or polluting; including (either intentionally or accidentally) unwanted substances or factors -02905612 __bronchodilator_NN_1 a drug that relaxes and dilates the bronchial passageways and improves the passages of air into the lungs -09210346 __atlas_mountains_NN_1 a mountain range in northern Africa between the Mediterranean and the Sahara Desert; extends from southwestern Morocco to northern Tunisia -05836275 __conceptualization_NN_2 an elaborated concept -00486557 __adhere_VB_2 follow through or carry out a plan without deviation; "They adhered to their plan" -10169796 __steersman_NN_1 the person who steers a ship -09876701 __brother_NN_5 (Roman Catholic Church) a title given to a monk and used as form of address; "a Benedictine Brother" -00786195 __try_NN_1 earnest and conscientious activity intended to do or accomplish something; "made an effort to cover all the reading material"; "wished him luck in his endeavor"; "she gave it a good try" -09321901 __jordan_river_NN_1 a river in Palestine that empties into the Dead Sea; John the Baptist baptized Jesus in the Jordan -11098380 __keaton_NN_1 United States comedian and actor in silent films noted for his acrobatic skills and deadpan face (1895-1966) -01247647 __clearing_NN_2 the act of freeing from suspicion -09939313 __scrapper_NN_1 someone who fights (or is fighting) -01121508 __immobilize_VB_3 make defenseless -01418959 __reshuffle_VB_1 shuffle again; "So as to prevent cheating, he was asked to reshuffle the cards" -00394562 __coloured_JJ_1 having color or a certain color; sometimes used in combination; "colored crepe paper"; "the film was in color"; "amber-colored heads of grain" -07470671 __match_NN_2 a formal contest in which two or more persons or teams compete -01893666 __genus_erinaceus_NN_1 type genus of the family Erinaceidae: hedgehogs -06695227 __compliment_NN_1 a remark (or act) expressing praise and admiration -10283663 __major-general_NN_1 a general officer ranking above a brigadier general and below a lieutenant general -13822995 __magnification_NN_2 the ratio of the size of an image to the size of the object -10183757 __honoree_NN_1 a recipient of honors in recognition of noteworthy accomplishments -01992773 __amphipod_NN_1 a kind of malacostracan crustacean -11759049 __genus_albizzia_NN_1 large genus of unarmed trees and shrubs of Old World tropics -02906478 __ecological_JJ_2 of or relating to the science of ecology; "ecological research" -13290676 __restitution_NN_1 a sum of money paid in compensation for loss or injury -01028655 __worship_NN_1 the activity of worshipping -02215334 __sphecidae_NN_1 mud daubers; some digger wasps -01868370 __writhe_VB_1 to move in a twisting or contorted motion, (especially when struggling); "The prisoner writhed in discomfort"; "The child tried to wriggle free from his aunt's embrace" -00390581 __syllabification_NN_1 forming or dividing words into syllables -13474858 __urinary_incontinence_NN_1 inability to control the flow of urine and involuntary urination -10675142 __sundowner_NN_1 a tramp who habitually arrives at sundown -09829798 __bacchant_NN_2 a drunken reveller; a devotee of Bacchus -04238128 __sliding_board_NN_1 plaything consisting of a sloping chute down which children can slide -09011679 __homyel_NN_1 industrial city of Belarus to the southeast of Minsk -08251877 __sect_NN_2 a dissenting clique -13616926 __field_capacity_NN_1 the maximum amount of water that a particular soil can hold -14456138 __nudity_NN_1 the state of being without clothing or covering of any kind -08031020 __let_NN_1 a brutal terrorist group active in Kashmir; fights against India with the goal of restoring Islamic rule of India; "Lashkar-e-Toiba has committed mass murders of civilian Hindus" -11301597 __sir_james_young_simpson_NN_1 Scottish obstetrician and surgeon who pioneered in the use of ether and discovered the anesthetic effects of chloroform (1811-1870) -12789767 __genus_decumaria_NN_1 small genus of woody climbers with adhesive aerial roots; sometimes placed in family Saxifragaceae -02372251 __order_hyracoidea_NN_1 hyraxes and some extinct animals -10587378 __spiller_NN_1 an attacker who sheds or spills blood; "a great hunter and spiller of blood" -09846265 __bedfellow_NN_2 a person with whom you share a bed -09851165 __topper_NN_3 the person who is most outstanding or excellent; someone who tops all others; "he could beat the best of them" -10791890 __worldling_NN_1 a person absorbed by the concerns and interests and pleasures of the present world -05576950 __instep_NN_1 the arch of the foot -10954328 __eijkman_NN_1 Dutch physician who discovered that beriberi is caused by a nutritional deficiency (1858-1930) -00931040 __fictionalization_NN_2 writing in a fictional form -00159880 __acculturate_VB_1 assimilate culturally -11977125 __helenium_NN_1 genus of American herbs with flowers having yellow rays: sneezeweeds -02717472 __swing_VB_6 hang freely; "the ornaments dangled from the tree"; "The light dropped from the ceiling" -04384593 __tailgate_NN_1 a gate at the rear of a vehicle; can be lowered for loading -04648059 __stuffiness_NN_3 dull and pompous gravity -02349980 __genus_dipodomys_NN_1 kangaroo rats -01012712 __compartmentalization_NN_2 the act of distributing things into classes or categories of the same type -02286425 __euproctis_phaeorrhoea_NN_1 small brown and white European moth introduced into eastern United States; pest of various shade and fruit trees -02739889 __armoured_car_NN_2 a military combat vehicle on wheels with light armor (and usually a machine gun) -02649706 __aurorean_JJ_1 characteristic of the dawn; "a dim auroral glow" -04494906 __tuck_NN_3 a narrow flattened pleat or fold that is stitched in place -13864153 __convexity_NN_2 a shape that curves or bulges outward -03693474 __vis-a-vis_NN_2 small sofa that seats two people -13773539 __spark_NN_4 a small but noticeable trace of some quality that might become stronger; "a spark of interest"; "a spark of decency" -02406585 __succeed_VB_2 be the successor (of); "Carter followed Ford"; "Will Charles succeed to the throne?" -00784342 __inquire_VB_1 inquire about; "I asked about their special today"; "He had to ask directions several times" -13988663 __unhappiness_NN_2 state characterized by emotions ranging from mild discontentment to deep grief -00706605 __electroshock_therapy_NN_1 the administration of a strong electric current that passes through the brain to induce convulsions and coma -05762258 __reconstructive_memory_NN_1 recall that is hypothesized to work by storing abstract features which are then used to construct the memory during recall -01133288 __zap_VB_3 strike at with firepower or bombs; "zap the enemy" -10221956 __jewelry_maker_NN_1 someone who makes jewelry -05144079 __badness_NN_1 that which is below standard or expectations as of ethics or decency; "take the bad with the good" -09348055 __mass_NN_5 a body of matter without definite shape; "a huge ice mass" -11712827 __moonseed_family_NN_1 herbaceous or woody climbers -13496017 __imbibition_NN_1 (chemistry) the absorption of a liquid by a solid or gel -00489837 __quantify_VB_2 express as a number or measure or quantity; "Can you quantify your results?" -00677683 __specify_VB_7 select something or someone for a specific purpose; "The teacher assigned him to lead his classmates in the exercise" -12611479 __najas_NN_1 sole genus of the family Naiadaceae -05970012 __deconstructionism_NN_1 a philosophical theory of criticism (usually of literature or film) that seeks to expose deep-seated contradictions in a work by delving below its surface meaning -08345366 __haganah_NN_1 the clandestine military wing of the Jewish leadership during the British rule over the mandate of Palestine from 1920 to 1948; became the basis for the Israeli defense force -08706247 __annaba_NN_1 a port city of northeastern Algeria near the Tunisian border -02142064 __phyllostomidae_NN_1 New World leaf-nosed bats -03962685 __platform_NN_3 the combination of a particular computer and a particular operating system -11372372 __walpole_NN_2 Englishman and Whig statesman who (under George I) was effectively the first British prime minister (1676-1745) -11275636 __russell_NN_2 English film director (born in 1927) -02848523 __vane_NN_3 flat surface that rotates and pushes against air or water -00888796 __indoctrination_NN_1 teaching someone to accept doctrines uncritically -10712474 __tinter_NN_1 a hairdresser who tints hair -11355669 __wulfila_NN_1 a Christian believed to be of Cappadocian descent who became bishop of the Visigoths in 341 and translated the Bible from Greek into Gothic; traditionally held to have invented the Gothic alphabet (311-382) -14116908 __hypoadrenocorticism_NN_1 a glandular disorder caused by failure of function of the cortex of the adrenal gland and marked by anemia and prostration with brownish skin -00168588 __restore_VB_2 return to life; get or give new life or energy; "The week at the spa restored me" -02246487 __genus_aleyrodes_NN_1 type genus of the Aleyrodidae -02749479 __assault_rifle_NN_1 any of the automatic rifles or semiautomatic rifles with large magazines designed for military use -06448594 __vulgate_NN_1 the Latin edition of the Bible translated from Hebrew and Greek mainly by St. Jerome at the end of the 4th century; as revised in 1592 it was adopted as the official text for the Roman Catholic Church -05811214 __intellectual_nourishment_NN_1 anything that provides mental stimulus for thinking -10011486 __journalist_NN_2 someone who keeps a diary or journal -08157405 __qing_dynasty_NN_1 the last imperial dynasty of China (from 1644 to 1912) which was overthrown by revolutionaries; during the Qing dynasty China was ruled by the Manchu -13867641 __curved_shape_NN_1 the trace of a point whose direction of motion changes -08541130 __city_limits_NN_1 the limits of the area occupied by a city or town -01641751 __consummate_VB_1 fulfill sexually; "consummate a marriage" -00964110 __slang_VB_1 use slang or vulgar language -11448343 __easterly_NN_1 a wind from the east -07977870 __library_NN_2 a collection of literary documents or records kept for reference or borrowing -01077887 __open_VB_9 make the opening move; "Kasparov opened with a standard opening" -12514324 __genus_chamaecytisus_NN_1 small late-flowering trees or subshrubs having yellow to red flowers and leathery or woody pods; often especially formerly included in genus Cytisus -02435099 __moschus_NN_1 musk deer -02082498 __orycteropodidae_NN_1 aardvarks -12741222 __soapberry_tree_NN_1 a tree of the genus Sapindus whose fruit is rich in saponin -02175578 __ticktock_VB_1 make a sound like a clock or a timer; "the clocks were ticking"; "the grandfather clock beat midnight" -09419281 __st._francis_river_NN_1 a tributary of the Mississippi River that rises in Missouri and flows southeastward through Arkansas -01231652 __stab_VB_1 use a knife on; "The victim was knifed to death" -02265231 __calculate_VB_3 keep an account of -01194225 __robbery_conviction_NN_1 conviction for robbery -01324610 __herbivore_NN_1 any animal that feeds chiefly on grass and other plants; "horses are herbivores"; "the sauropod dinosaurs were apparently herbivores" -11970101 __filago_NN_1 any plant of the genus Filago having capitate clusters of small woolly flower heads -07250034 __commercial_message_NN_1 a commercially sponsored ad on radio or television -09701148 __english_person_NN_1 a native or inhabitant of England -01822724 __sympathize_VB_1 share the feelings of; understand the sentiments of -01057034 __jam_VB_4 interfere with or prevent the reception of signals; "Jam the Voice of America"; "block the signals emitted by this station" -13261916 __taxation_NN_2 government income due to taxation -13660178 __fthm_NN_1 a linear unit of measurement (equal to 6 feet) for water depth -10456138 __rationalist_NN_1 someone who emphasizes observable facts and excludes metaphysical speculation about origins or ultimate causes -02011281 __cochlearius_cochlearius_NN_1 tropical American heron related to night herons -13575433 __zymosis_NN_1 a process in which an agent causes an organic substance to break down into simpler substances; especially, the anaerobic breakdown of sugar into alcohol -09536789 __trinity_NN_2 the union of the Father and Son and Holy Ghost in one Godhead -00024814 __refreshen_VB_1 become or make oneself fresh again; "She freshened up after the tennis game" -13177354 __platycerium_NN_1 often epiphytic tropical Old World ferns -06359877 __writing_NN_4 letters or symbols that are written or imprinted on a surface to represent the sounds or words of a language; "he turned the paper over so the writing wouldn't show"; "the doctor's writing was illegible" -02218134 __chalcis_fly_NN_1 a variety of chalcid fly -00782338 __victimless_crime_NN_1 an act that is legally a crime but that seem to have no victims; "he considers prostitution to be a victimless crime" -00713250 __galvanization_NN_3 either the work of covering with metal by the use of a galvanic current or the coating of iron with zinc to protect it from rusting -07705711 __produce_NN_1 fresh fruits and vegetable grown for the market -02114100 __wolf_NN_1 any of various predatory carnivorous canine mammals of North America and Eurasia that usually hunt in packs -02768702 __shadow_VB_2 cast a shadow over -12551457 __peruvian_balsam_NN_1 tree of South and Central America yielding an aromatic balsam -05417975 __blood_vessel_NN_1 a vessel in which blood circulates -12300625 __olea_NN_1 evergreen trees and shrubs having oily one-seeded fruits -01726390 __suborder_serpentes_NN_1 snakes -02062212 __thrust_VB_3 make a thrusting forward movement -08041840 __rhd_NN_1 a paramilitary group of Protestants in Northern Ireland that tries to prevent any political settlement with the Irish Republic; attacks interests of Catholic civilians in Northern Ireland; responsible for arson and bombing and murder -09954639 __intimate_NN_1 someone to whom private matters are confided -14051201 __radiance_NN_3 an attractive combination of good health and happiness; "the radiance of her countenance" -06026276 __universe_NN_2 (statistics) the entire aggregation of items from which samples can be drawn; "it is an estimate of the mean of the population" -02039942 __family_burhinidae_NN_1 large wading birds resembling the plovers: stone curlews -10498046 __trembler_NN_1 one who quakes and trembles with (or as with) fear -07013736 __word_string_NN_1 a linear sequence of words as spoken or written -04650527 __communicativeness_NN_1 the trait of being communicative -00217773 __wrecking_NN_2 destruction achieved by causing something to be wrecked or ruined -05461816 __musculature_NN_1 the muscular system of an organism -08174398 __north_atlantic_treaty_organization_NN_1 an international organization created in 1949 by the North Atlantic Treaty for purposes of collective security -04992431 __rancidness_NN_1 the property of being rancid -12173407 __genus_alcea_NN_1 genus of erect herbs of the Middle East having showy flowers: hollyhocks; in some classification systems synonymous with genus Althaea -10638385 __voice_NN_8 an advocate who represents someone else's policy or purpose; "the meeting was attended by spokespersons for all the major organs of government" -15147330 __maidhood_NN_1 the childhood of a girl -03073832 __columbia_university_NN_1 a university in New York City -09657887 __iroquois_NN_1 any member of the warlike North American Indian peoples formerly living in New York State; the Iroquois League were allies of the British during the American Revolution -11358065 __ustinov_NN_1 British actor and playwright (1921-2004) -00609236 __painting_NN_4 the occupation of a house painter; "house painting was the only craft he knew" -02390015 __jenny_ass_NN_1 female donkey -01199697 __hearing_NN_1 (law) a proceeding (usually by a court) where evidence is taken for the purpose of determining an issue of fact and reaching a decision based on that evidence -01413942 __red_algae_NN_1 marine algae in which the chlorophyll is masked by a red or purplish pigment; source of agar and carrageenan -01449980 __molly_NN_1 popular aquarium fish -11462526 __violent_storm_NN_1 a violent weather condition with winds 64-72 knots (11 on the Beaufort scale) and precipitation and thunder and lightning -00185104 __reconciliation_NN_2 getting two things to correspond; "the reconciliation of his checkbook and the bank statement" -00638723 __extract_VB_8 calculate the root of a number -01609236 __genus_elanus_NN_1 a genus of small kites of both Old and New Worlds -00607780 __think_VB_4 recall knowledge from memory; have a recollection; "I can't remember saying any such thing"; "I can't think what her last name was"; "can you remember her phone number?"; "Do you remember that he once loved you?"; "call up memories" -12833341 __sinningia_NN_1 genus of perennial tuberous herbs and shrubs of Central and South America -07396945 __thumping_NN_1 a heavy dull sound (as made by impact of heavy objects) -03604843 __lead_NN_16 a jumper that consists of a short piece of wire; "it was a tangle of jumper cables and clip leads" -10209888 __insured_person_NN_1 a person whose interests are protected by an insurance policy; a person who contracts for an insurance policy that indemnifies him against loss of property or life or health etc. -00020926 __spellbind_VB_3 put into a trance -02023992 __killdeer_plover_NN_1 American plover of inland waters and fields having a distinctive cry gather in, or as if in, a fort, as for protection or defense -00841628 __surfeit_NN_3 eating until excessively full -00681613 __keratoplasty_NN_1 a surgical procedure in which part or all of a damaged or diseased cornea is replaced by healthy corneal tissue from a donor -01120900 __savage_VB_1 attack brutally and fiercely -04842515 __spitefulness_NN_2 malevolence by virtue of being malicious or spiteful or nasty -00660971 __value_VB_5 estimate the value of; "How would you rate his chances to become President?"; "Gold was rated highly among the Romans" -09067878 __colorado_springs_NN_1 a city in east central Colorado on the eastern edge of the Rocky Mountains; popular tourist center and site of the United States Air Force Academy -07122409 __halloo_NN_1 a shout to attract attention; "he gave a great halloo but no one heard him" -14575180 __diversification_NN_2 the condition of being varied; "that restaurant's menu lacks diversification; every day it is the same" -07176682 __concurrency_NN_1 agreement of results or opinions -15154190 __senility_NN_1 mental infirmity as a consequence of old age; sometimes shown by foolish infatuations -03826762 __nitrostat_NN_2 trade names for nitroglycerin used as a coronary vasodilator in the treatment of angina pectoris -01224031 __offensive_activity_NN_1 a lack of politeness; a failure to show regard for others; wounding the feelings or others -12931449 __genus_anethum_NN_1 dill -13134059 __bulb_NN_1 a modified bud consisting of a thickened globular underground stem serving as a reproductive structure -12911673 __tomatillo_NN_1 Mexican annual naturalized in eastern North America having yellow to purple edible fruit resembling small tomatoes -00396513 __conjugate_VB_1 unite chemically so that the product is easily broken down into the original compounds -02005948 __get_VB_5 reach a destination; arrive by movement or progress; "She arrived home at 7 o'clock"; "She didn't get to Chicago until after midnight" -09272085 __fundamental_particle_NN_1 (physics) a particle that is less complex than an atom; regarded as constituents of all matter -10417682 __personage_NN_1 another word for person; a person not meriting identification; "a strange personage appeared at the door" -08811215 __sicily_NN_1 the Italian region on the island of Sicily -00698004 __bloodletting_NN_1 formerly used as a treatment to reduce excess blood (one of the four humors of medieval medicine) -08996483 __seychelles_NN_1 a republic on the Seychelles islands; achieved independence from the United Kingdom in 1976 -14010927 __stoppage_NN_1 the state of inactivity following an interruption; "the negotiations were in arrest"; "held them in check"; "during the halt he got some lunch"; "the momentary stay enabled him to escape the blow"; "he spent the entire stop in his seat" -04010927 __prong_NN_1 a pointed projection -11857528 __genus_portulaca_NN_1 genus of mainly tropical fleshy or trailing herbs -01554448 __woodhewer_NN_1 any of numerous South American and Central American birds with a curved bill and stiffened tail feathers that climb and feed like woodpeckers -08081403 __defense_NN_3 (sports) the team that is trying to prevent the other team from scoring; "his teams are always good on defense" -04088797 __ride_NN_2 a mechanical device that you ride for amusement or excitement -05629381 __underworld_NN_2 (religion) the world of the dead; "No one goes to Hades with all his immense wealth"-Theognis -12489046 __mysore_thorn_NN_1 spreading thorny shrub of tropical Asia bearing large erect racemes of red-marked yellow flowers -05492426 __gyrus_NN_1 a convex fold or elevation in the surface of the brain -01261712 __inflammation_NN_3 arousal to violent emotion -11203059 __viscount_nelson_NN_1 English admiral who defeated the French fleets of Napoleon but was mortally wounded at Trafalgar (1758-1805) -01445998 __maxostoma_NN_1 a genus of fish in the family Catostomidae -05449959 __white_corpuscle_NN_1 blood cells that engulf and digest bacteria and fungi; an important part of the body's defense system -02706046 __vibrate_VB_3 be undecided about something; waver between conflicting positions or courses of action; "He oscillates between accepting the new position and retirement" -08962187 __republic_of_madagascar_NN_1 a republic on the island of Madagascar; achieved independence from France in 1960 -04718563 __convenience_NN_2 the quality of being useful and convenient; "they offered the convenience of an installment plan" -13150894 __peperomia_NN_1 any of various plants of the genus Peperomia; grown primarily for their often succulent foliage -02767922 __smoke_VB_2 emit a cloud of fine particles; "The chimney was fuming" -11986306 __lettuce_NN_2 any of various plants of the genus Lactuca -10731013 __trotskyite_NN_1 radicals who support Trotsky's theory that socialism must be established throughout the world by continuing revolution -11713034 __menispermum_NN_1 climbing herbs -12819728 __viper's_bugloss_NN_1 a coarse prickly European weed with spikes of blue flowers; naturalized in United States -10378780 __operator_NN_3 someone who owns or operates a business; "who is the operator of this franchise?" -15236338 __msec_NN_1 one thousandth (10^-3) of a second -00907919 __motion-picture_photography_NN_1 the act of making a film -00485711 __common_JJ_2 having no special distinction or quality; widely known or commonly encountered; average or ordinary or usual; "the common man"; "a common sailor"; "the common cold"; "a common nuisance"; "followed common procedure"; "it is common knowledge that she lives alone"; "the common housefly"; "a common brand of soap" -10840769 __the_venerable_bede_NN_1 (Roman Catholic Church) English monk and scholar (672-735) -08312988 __ecumenical_council_NN_1 (early Christian church) one of seven gatherings of bishops from around the known world under the presidency of the Pope to regulate matters of faith and morals and discipline; "the first seven councils through 787 are considered to be ecumenical councils by both the Roman Catholic church and the Eastern Orthodox church but the next fourteen councils are considered ecumenical only by the Roman Catholic church" -04487268 __trolley_line_NN_1 a transit line using streetcars or trolley buses -01810466 __order_columbiformes_NN_1 sand grouse; pigeons; doves; extinct dodos and solitaires -12245695 __cranberry_NN_1 any of numerous shrubs of genus Vaccinium bearing cranberries -01962788 __windowpane_oyster_NN_1 marine bivalve common in Philippine coastal waters characterized by a large thin flat translucent shell -02510184 __pull_the_plug_VB_1 prevent from happening or continuing; "The government pulled the plug on spending" -02018524 __irrupt_VB_1 enter uninvited; "They intruded on our dinner party"; "She irrupted into our sitting room" -02018049 __get_on_VB_2 get on board of (trains, buses, ships, aircraft, etc.) -00504592 __uncomparable_JJ_1 such that comparison is impossible; unsuitable for comparison or lacking features that can be compared; "an incomparable week of rest and pleasure"; "the computer proceeds with its incomparable logic and efficiency"; "this report is incomparable with the earlier ones because of different breakdowns of the data" -03807052 __sudafed_NN_1 vasoconstrictor (trade names Privine and Sudafed) used in nasal sprays to treat symptoms of nasal congestion and in eyedrops to treat eye irritation -02661317 __paralichthys_NN_1 a genus of Bothidae -06956544 __non-ugric_NN_1 one of two branches of the Finno-Ugric languages; a family of languages including Finnish and Estonian (but not Hungarian) -01546223 __suborder_eurylaimi_NN_1 broadbills -04622772 __reclusiveness_NN_1 a disposition to prefer seclusion or isolation -14084880 __neurological_disorder_NN_1 a disorder of the nervous system -12024176 __dandelion_NN_1 any of several herbs of the genus Taraxacum having long tap roots and deeply notched leaves and bright yellow flowers followed by fluffy seed balls -12772419 __genus_achras_NN_1 tropical trees having papery leaves and large fruit -00068627 __reek_VB_3 be wet with sweat or blood, as of one's face -12495670 __water_locust_NN_1 honey locust of swamps and bottomlands of southern United States having short oval pods; yields dark heavy wood -01499692 __tee_up_VB_2 place on a tee; "tee golf balls" -09251832 __stalin_peak_NN_1 the highest mountain peak in the Pamir Mountains; near the Chinese border in northeastern Tajikistan (24,590 feet high) -14816899 __complementary_dna_NN_1 single-stranded DNA that is complementary to messenger RNA or DNA that has been synthesized from messenger RNA by reverse transcriptase -09008723 __murmansk_NN_1 a port city in northwestern Russia on the Kola Peninsula; the largest city to the north of the Arctic Circle; an important supply line to Russia in World War I and World War II -01149911 __constriction_NN_4 the action or process of compressing -06359193 __website_NN_1 a computer connected to the internet that maintains a series of web pages on the World Wide Web; "the Israeli web site was damaged by hostile hackers" -07122018 __catcall_NN_1 a cry expressing disapproval -11327398 __sylvester_ii_NN_1 French pope from 999 to 1003 who was noted for his great learning (945-1003) -00308534 __hydrogenate_VB_1 combine or treat with or expose to hydrogen; add hydrogen to the molecule of (an unsaturated organic compound) -10959857 __gerhard_gerhards_NN_1 Dutch humanist and theologian who was the leading Renaissance scholar of northern Europe; although his criticisms of the Roman Catholic Church led to the Reformation, he opposed violence and condemned Martin Luther (1466-1536) -01544208 __grassfinch_NN_1 usually brightly-colored Australian weaverbirds; often kept as cage birds -08290156 __aegean_culture_NN_1 the prehistoric civilization on the islands in the Aegean sea and the surrounding countries; "by 800 BC the entire Aegean had adopted this style of pottery" -05218119 __stiff_NN_2 the dead body of a human being; "the cadaver was intended for dissection"; "the end of the police search was the discovery of a corpse"; "the murderer confessed that he threw the stiff in the river"; "honor comes to bless the turf that wraps their clay" -04577769 __whip_NN_1 an instrument with a handle and a flexible lash that is used for whipping -13285176 __share_NN_1 assets belonging to or due to or contributed by an individual person or group; "he wanted his share in cash" -09033117 __zurich_NN_1 the largest city in Switzerland; located in the northern part of the country; "Zurich is the center of the German-speaking part of Switzerland" -02568087 __striper_NN_3 marine food and game fish with dark longitudinal stripes; migrates upriver to spawn; sometimes placed in the genus Morone -11601918 __zamia_NN_1 any of various cycads of the genus Zamia; among the smallest and most verdant cycads -10483890 __prophet_NN_2 someone who speaks by divine inspiration; someone who is an interpreter of the will of God -01065057 __vegetation_NN_4 inactivity that is passive and monotonous, comparable to the inactivity of plant life; "their holiday was spent in sleep and vegetation" -05272110 __carpal_tunnel_NN_1 a passageway in the wrist through which nerves and the flexor muscles of the hands pass -07295507 __subsequence_NN_1 something that follows something else -06987124 __hebrew_NN_1 the ancient Canaanitic language of the Hebrews that has been revived as the official language of Israel -07249426 __newspaper_advertisement_NN_1 a printed advertisement that is published in a newspaper -01897779 __rumba_VB_1 dance the rhumba -00332017 __mill_VB_2 grind with a mill; "mill grain" -05106928 __weeness_NN_1 the property of being very small in size; "hence the minuteness of detail in the painting" -10624074 __son_NN_1 a male human offspring; "their son became a famous judge"; "his boy is taller than he is" -12942395 __petroselinum_crispum_NN_1 annual or perennial herb with aromatic leaves -07560331 __finger_food_NN_1 food to be eaten with the fingers -01537710 __genus_emberiza_NN_1 Old World buntings -07452841 __memorialization_NN_1 a ceremony to honor the memory of someone or something -13154077 __leaflet_NN_2 part of a compound leaf -10024621 __domestic_prelate_NN_1 (Roman Catholic Church) a priest who is an honorary member of the papal household -12850906 __wilde_dagga_NN_1 relatively nontoxic South African herb smoked like tobacco -03553486 __hydrometer_NN_1 a measuring instrument for determining the specific gravity of a liquid or solid -09273447 __english_channel_NN_1 an arm of the Atlantic Ocean that forms a channel between France and Britain -11076566 __jesse_louis_jackson_NN_1 United States civil rights leader who led a national campaign against racial discrimination and ran for presidential nomination (born in 1941) -02663141 __negate_VB_1 be in contradiction with -09922799 __church_officer_NN_1 a church official -01558149 __turdus_philomelos_NN_1 common Old World thrush noted for its song -00493259 __contaminate_VB_2 make radioactive by adding radioactive material; "Don't drink the water--it's contaminated" -09353109 __meteoroid_NN_1 (astronomy) any of the small solid extraterrestrial bodies that hits the earth's atmosphere -06331803 __semantic_role_NN_1 (linguistics) the underlying relation that a constituent has with the main verb in a clause -08721559 __santiago_de_chile_NN_1 the capital and largest city of Chile; located in central Chile; one of the largest cities in South America -09425159 __sayan_mountains_NN_1 a range of mountains in southern Siberia to the west of Lake Baikal; contain important mineral deposits -00953559 __fight_NN_1 a hostile meeting of opposing military forces in the course of a war; "Grant won a decisive victory in the battle of Chickamauga"; "he lost his romantic ideas about war when he got into a real engagement" -01752433 __vipera_NN_1 type genus of the Viperidae -01420765 __box_VB_2 hit with the fist; "I'll box your ears!" -01560511 __saxicola_NN_1 Old World chats -12746733 __genus_pachysandra_NN_1 evergreen perennial procumbent subshrubs or herbs -00970645 __mission_NN_2 an operation that is assigned by a higher headquarters; "the planes were on a bombing mission" -01400044 __hit_VB_3 deal a blow to, either with the hand or with an instrument; "He hit her hard in the face" -00917651 __second-guess_VB_1 attempt to anticipate or predict -09026360 __leon_NN_2 a city in northwestern Spain at the foot of the Cantabrian Mountains -06767922 __slam_NN_4 an aggressive remark directed at a person like a missile and intended to have a telling effect; "his parting shot was `drop dead'"; "she threw shafts of sarcasm"; "she takes a dig at me every chance she gets" -13907272 __fissure_NN_1 a long narrow depression in a surface -00240571 __shrink_VB_4 become smaller or draw together; "The fabric shrank"; "The balloon shrank" -00783042 __snare_VB_2 entice and trap; "The car salesman had snared three potential customers" -07471514 __takedown_NN_1 (amateur wrestling) being brought to the mat from a standing position; "a takedown counts two points" -05920791 __significance_NN_2 a meaning that is not expressly stated but can be inferred; "the significance of his remark became clear only later"; "the expectation was spread both by word and by implication" -11807696 __cerastium_alpinum_NN_1 widespread in the Arctic and on mountains in Europe -10296618 __sufferer_NN_2 one who suffers for the sake of principle -07039056 __realization_NN_3 a musical composition that has been completed or enriched by someone other than the composer -11008647 __hermann_wilhelm_goring_NN_1 German politician in Nazi Germany who founded the Gestapo and mobilized Germany for war (1893-1946) -09110229 __omaha_NN_2 largest city in Nebraska; located in eastern Nebraska on the Missouri river; a major transportation center of the Midwest -00693399 __tracheotomy_NN_1 a surgical operation that creates an opening into the trachea with a tube inserted to provide a passage for air; performed when the pharynx is obstructed by edema or cancer or other causes -01663169 __family_cheloniidae_NN_1 green turtles; hawksbills -11596108 __gymnosperm_NN_1 plants of the class Gymnospermae having seeds not enclosed in an ovary -01031705 __systematism_NN_1 the habitual practice of systematization and classification -08122141 __federal_office_NN_1 a department of the federal government of the United States -12879963 __painted_cup_NN_1 any of various plants of the genus Castilleja having dense spikes of hooded flowers with brightly colored bracts -12604639 __yellow_dock_NN_1 European dock with broad obtuse leaves and bitter rootstock common as a weed in North America -00022099 __bring_to_VB_1 return to consciousness; "These pictures bring back sad memories" -02648253 __perpetuate_VB_1 cause to continue or prevail; "perpetuate a myth" -01618356 __sagittarius_NN_4 type genus of the Sagittariidae -09084483 __springfield_NN_1 capital of the state of Illinois -10161363 __reaper_NN_1 someone who helps to gather the harvest -11649359 __torreya_taxifolia_NN_1 rare small evergreen of northern Florida; its glossy green leaves have an unpleasant fetid smell when crushed -07351195 __throw_NN_3 the maximum movement available to a pivoted or reciprocating piece by a cam -02080783 __bring_in_VB_5 transmit; "The microphone brought in the sounds from the room next to mine" -02525044 __pass_VB_14 go successfully through a test or a selection process; "She passed the new Jersey Bar Exam and can practice law now" -02340736 __transistorize_VB_1 equip (an electronic circuit or device) with transistors -12536871 __coral_pea_NN_1 any of various Australian climbing plants of the genus Kennedia having scarlet flowers -11623304 __cedarwood_NN_1 durable aromatic wood of any of numerous cedar trees; especially wood of the red cedar often used for cedar chests -01174742 __graze_VB_5 eat lightly, try different dishes; "There was so much food at the party that we quickly got sated just by browsing" -10347446 __naval_commander_NN_1 naval officer in command of a fleet of warships -15108087 __zinc_oxide_NN_1 oxide of zinc; a white powder used as a pigment or in cosmetics or glass or inks and in zinc ointment -09769345 __addressee_NN_1 one to whom something is addressed -08847268 __commonwealth_of_the_bahamas_NN_1 island country in the Atlantic to the east of Florida and Cuba; a popular winter resort -12557280 __green_bean_NN_2 a common bean plant cultivated for its slender green edible pods -01623425 __screech_owl_NN_2 small North American owl having hornlike tufts of feathers whose call sounds like a quavering whistle -12258885 __waxflower_NN_3 small waxy white or pinkish-white saprophytic woodland plant having scalelike leaves and a nodding flower; turns black with age -02431337 __stag_NN_1 a male deer, especially an adult male red deer -09030596 __omdurman_NN_1 a city of Sudan; located in the central Sudan on the White Nile opposite Khartoum -14089719 __vaccinia_gangrenosa_NN_1 a severe or even fatal form of vaccinia that occurs mainly in persons with an immunological deficiency; characterized by progressive enlargement of the initial lesion -03122748 __covering_NN_2 an artifact that covers something else (usually to protect or shelter or conceal it) -09366597 __natural_order_NN_1 the physical universe considered as an orderly system subject to natural (not human or supernatural) laws -09304750 __hollow_NN_3 a depression hollowed out of solid matter -04827652 __unrighteousness_NN_1 failure to adhere to moral principles; "forgave us our sins and cleansed us of all unrighteousness" -15242209 __whitsunday_NN_1 seventh Sunday after Easter; commemorates the emanation of the Holy Spirit to the Apostles; a quarter day in Scotland -00469651 __american_football_game_NN_1 a game played by two teams of 11 players on a rectangular field 100 yards long; teams try to get possession of the ball and advance it across the opponents goal line in a series of (running or passing) plays -00417859 __squeeze_NN_7 a tight or amorous embrace; "come here and give me a big hug" -01581166 __whisker_jack_NN_1 a jay of northern North America with black-capped head and no crest; noted for boldness in thievery -02624806 __resurge_VB_1 rise again; "His need for a meal resurged"; "The candidate resurged after leaving politics for several years" -02595902 __sciaena_NN_1 type genus of the Sciaenidae: croakers -05043973 __exposure_NN_1 vulnerability to the elements; to the action of heat or cold or wind or rain; "exposure to the weather" or "they died from exposure"; -01256374 __upset_VB_5 form metals with a swage -00550546 __transition_VB_2 make or undergo a transition (from one state or system to another); "The airline transitioned to more fuel-efficient jets"; "The adagio transitioned into an allegro" -00534837 __redden_VB_2 make red; "The setting sun reddened the sky" -13176201 __microgramma_NN_1 epiphytic ferns of tropical America and Africa -02068541 __hyperoodon_ampullatus_NN_1 northern Atlantic beaked whale with a bulbous forehead -06325826 __continuative_NN_1 an uninflected function word that serves to conjoin words or phrases or clauses or sentences -00477107 __jaundice_VB_1 distort adversely; "Jealousy had jaundiced his judgment" -05444324 __kinetochore_NN_1 a specialized condensed region of each chromosome that appears during mitosis where the chromatids are held together to form an X shape; "the centromere is difficult to sequence" -02225231 __kalotermitidae_NN_1 primitive termites of warm regions -11256125 __robert_redford_NN_1 United States actor and filmmaker who starred with Paul Newman in several films (born in 1936) -10871756 __john_bunyan_NN_1 English preacher and author of an allegorical novel, Pilgrim's Progress (1628-1688) -10518602 __religious_NN_1 a member of a religious order who is bound by vows of poverty and chastity and obedience -00773432 __fence_VB_5 have an argument about something -00057506 __labour_VB_3 undergo the efforts of childbirth -04960277 __inkiness_NN_1 the quality or state of the achromatic color of least lightness (bearing the least resemblance to white) -00583991 __upgrade_VB_5 give better travel conditions to; "The airline upgraded me when I arrived late and Coach Class was full" -01760945 __prick_VB_6 to cause a sharp emotional pain; "The thought of her unhappiness pricked his conscience" -00775156 __scrap_VB_2 have a disagreement over something; "We quarreled over the question as to who discovered America"; "These two fellows are always scrapping over something" -12711596 __lemon_tree_NN_1 a small evergreen tree that originated in Asia but is widely cultivated for its fruit -00932161 __denote_VB_1 be a sign or indication of; "Her smile denoted that she agreed" -12145919 __zizania_aquatica_NN_1 perennial aquatic grass of North America bearing grain used for food -06688522 __remembrance_NN_2 a recognition of meritorious service -08875547 __westminster_NN_1 a borough of Greater London on the Thames; contains Buckingham Palace and the Houses of Parliament and Westminster Abbey -02034004 __yaw_VB_3 swerve off course momentarily; "the ship yawed when the huge waves hit it" -13270373 __offering_NN_2 money contributed to a religious organization -02359690 __leverage_VB_2 provide with leverage; "We need to leverage this company" -00075708 __frazzle_VB_2 exhaust physically or emotionally; "She was frazzled after the visit of her in-laws" -11715207 __nymphaea_NN_1 the type genus of the family Nymphaeaceae; any of a variety of water lilies -00111222 __one-and-one_NN_1 a foul shot that must be made in order to earn the right to a second foul shot -01452496 __zeomorphi_NN_1 dories -12011067 __senecio_NN_1 enormous and diverse cosmopolitan genus of trees and shrubs and vines and herbs including many weeds -14434866 __emphasis_NN_1 special importance or significance; "the red light gave the central figure increased emphasis"; "the room was decorated in shades of grey with distinctive red accents" -14023491 __anesthesia_NN_1 loss of bodily sensation with or without loss of consciousness -00087988 __catch_VB_19 contract; "did you catch a cold?" -07259772 __rule_NN_4 (linguistics) a rule describing (or prescribing) a linguistic practice -04555291 __washroom_NN_1 a lavatory (particularly a lavatory in a public place) -10024119 __house_servant_NN_1 a servant who is paid to perform menial tasks around the household -00562280 __obstruction_NN_5 getting in someone's way -15079925 __trioxide_NN_1 an oxide containing three atoms of oxygen in the molecule -01679806 __trim_VB_2 decorate, as with ornaments; "trim the christmas tree"; "trim a shop window" -00443231 __natation_NN_1 the act of someone who floats on the water -01672607 __ordinary_JJ_1 not exceptional in any way especially in quality or ability or size or degree; "ordinary everyday objects"; "ordinary decency"; "an ordinary day"; "an ordinary wine" -15063493 __sulphate_NN_1 a salt or ester of sulphuric acid -13359690 __bank_account_NN_1 a fund that a customer has entrusted to a bank and from which the customer can make withdrawals; "he moved his bank account to a new bank" -10701783 __tenor_NN_3 an adult male with a tenor voice -07382572 __cry_NN_5 the characteristic utterance of an animal; "animal cries filled the night" -08381165 __management_NN_2 those in charge of running a business -10315561 __miler_NN_2 a runner in a one-mile race -12264621 __genus_chrysolepis_NN_1 two species: golden chinkapins -01976957 __crab_NN_1 decapod having eyes on short stalks and a broad flattened carapace with a small abdomen folded under the thorax and pincers -06940290 __australian_NN_2 the Austronesian languages spoken by Australian aborigines -07529563 __rejoicing_NN_1 a feeling of great happiness -11011398 __grant_NN_5 United States actor (born in England) who was the elegant leading man in many films (1904-1986) -07754894 __cocoa_bean_NN_1 seed of the cacao tree; ground roasted beans are source of chocolate -00139908 __alcoholize_VB_2 treat or infuse with alcohol; "alcoholize the fruit and let them sit in the refrigerator" -08515457 __state_line_NN_1 the boundary between two states -05784699 __ideation_NN_1 the process of forming and relating ideas -03146846 __tiller_NN_4 a farm implement used to break up the surface of the soil (for aeration and weed control and conservation of moisture) -02182342 __chime_VB_1 emit a sound; "bells and gongs chimed" -02552894 __ophiodon_NN_1 a genus of Ophiodontidae -08414119 __jury_NN_1 a body of citizens sworn to give a true verdict according to the evidence presented in a court of law -12382233 __idria_columnaris_NN_1 candlewood of Mexico and southwestern California having tall columnar stems and bearing honey-scented creamy yellow flowers -10216106 __investor_NN_1 someone who commits capital in order to gain financial returns -11326591 __swedenborg_NN_1 Swedish theologian (1688-1772) -05967402 __humanitarianism_NN_1 the doctrine that people's duty is to promote human welfare -02840361 __reaper_binder_NN_1 a machine that cuts grain and binds it in sheaves -10158010 __ham_actor_NN_1 an unskilled actor who overacts -12713664 __phellodendron_NN_1 small genus of aromatic deciduous trees of east Asia often having thick corky bark -03839993 __obstructor_NN_2 any structure that makes progress difficult -04161358 __seat_NN_4 any support where you can sit (especially the part of a chair or bench etc. on which you sit); "he dusted off the seat before sitting down" -07043824 __pastorale_NN_1 a musical composition that evokes rural life -01027662 __lustrum_NN_2 a ceremonial purification of the Roman population every five years following the census -09606380 __anomalist_NN_1 someone who has a special interest in exceptional cases -00882045 __dekko_NN_1 British slang for a look -06244852 __shamanism_NN_2 an animistic religion of northern Asia having the belief that the mediation between the visible and the spirit worlds is effected by shamans -08395991 __bmdo_NN_1 an agency in the Department of Defense that is responsible for making ballistic missile defense a reality -08303504 __federation_NN_1 an organization formed by merging several groups or parties -14599168 __ethanoic_acid_NN_1 a colorless pungent liquid widely used in manufacturing plastics and pharmaceuticals -07680416 __barmbrack_NN_1 a rich currant cake or bun -14336539 __rubor_NN_1 a response of body tissues to injury or irritation; characterized by pain and swelling and redness and heat -01322221 __baby_NN_6 a very young mammal; "baby rabbits" -00910203 __transcription_NN_5 the act of making a record (especially an audio record); "she watched the recording from a sound-proof booth" -04216106 __turnout_NN_3 a short stretch of railroad track used to store rolling stock or enable trains on the same line to pass -06943558 __balto-slavonic_NN_1 a family of Indo-European languages including the Slavic and Baltic languages -13762836 __shtik_NN_1 (Yiddish) a little; a piece; "give him a shtik cake"; "he's a shtik crazy"; "he played a shtik Beethoven" -04568557 __web_NN_2 an intricate trap that entangles or ensnares its victim -11485681 __laser_beam_NN_1 a beam of light generated by a laser -03285730 __pneumoencephalogram_NN_1 an X ray of the brain made by replacing spinal fluid with a gas (usually oxygen) to improve contrast -13721387 __ton_NN_2 a British unit of weight equivalent to 2240 pounds -07903208 __brandy_NN_1 distilled from wine or fermented fruit juice -01328513 __tag_on_VB_1 fix to; attach; "append a charm to the necklace" -11923637 __field_chamomile_NN_1 European white-flowered weed naturalized in North America -01923637 __phylum_chaetognatha_NN_1 arrowworms: a group of small active transparent marine worms -10284965 __malcontent_NN_1 a person who is discontented or disgusted -04284002 __spoon_NN_1 a piece of cutlery with a shallow bowl-shaped container and a handle; used to stir or serve or take up food -04961691 __greyness_NN_1 a neutral achromatic color midway between white and black -06598746 __skimming_NN_2 reading or glancing through quickly -10398806 __parapsychologist_NN_1 someone who studies the evidence for such psychological phenomena as psychokinesis and telepathy and clairvoyance -00073032 __boomerang_NN_2 a miscalculation that recoils on its maker -09685922 __rastafarian_NN_1 follower of Rastafarianism -08957212 __lappland_NN_1 a region in northmost Europe inhabited by Lapps -05042871 __vulnerability_NN_2 susceptibility to injury or attack -05241827 __epithelial_cell_NN_1 one of the closely packed cells forming the epithelium -04864515 __tenacity_NN_1 persistent determination -14552802 __visual_impairment_NN_1 impairment of the sense of sight -13062630 __family_dacrymycetaceae_NN_1 a family of basidiomycetous fungi belonging to the order Tremellales having a bifurcate basidium that lacks septa -01377758 __aerosolize_VB_1 disperse as an aerosol; "The bacteria suspension was aerosolized" -00898518 __representation_NN_10 an activity that stands as an equivalent of something or results in an equivalent -08210254 __gendarmery_NN_1 French police force; a group of gendarmes or gendarmes collectively -07011209 __cue_NN_1 an actor's line that immediately precedes and serves as a reminder for some action or speech -00903559 __picture_taking_NN_1 the act of taking and printing photographs -13887509 __angle_NN_1 the space between two lines or planes that intersect; the inclination of one line to another; measured in degrees or radians -02132788 __ursus_middendorffi_NN_1 brown bear of coastal Alaska and British Columbia -14458593 __eternal_damnation_NN_1 the state of being condemned to eternal punishment in Hell -09456369 __terrestrial_planet_NN_1 a planet having a compact rocky surface like the Earth's; the four innermost planets in the solar system -05128096 __gamut_NN_1 a complete extent or range: "a face that expressed a gamut of emotions" -07198846 __viva_voce_NN_1 an examination conducted by spoken communication -08799271 __judea_NN_1 the southern part of ancient Palestine succeeding the kingdom of Judah; a Roman province at the time of Christ -12994979 __eumycota_NN_1 true fungi; eukaryotic heterotrophic walled organisms; distinguished from Myxomycota (funguslike slime molds): comprises subdivisions Mastigomycotina; Zygomycotina; Ascomycotina; Basidiomycotina; Deuteromycotina (imperfect fungi) -01928838 __step_VB_1 shift or move by taking a step; "step back" -10062042 __epigone_NN_1 an inferior imitator of some distinguished writer or artist of musician -05694232 __mainstay_NN_2 a central cohesive source of support and stability; "faith is his anchor"; "the keystone of campaign reform was the ban on soft money"; "he is the linchpin of this firm" -01790020 __upset_VB_2 cause to lose one's composure -04953186 __flash_NN_2 a momentary brightness -09587565 __fictitious_character_NN_1 an imaginary person represented in a work of fiction (play or film or story); "she is the main character in the novel" -07575392 __high_tea_NN_1 substantial early evening meal including tea -11503968 __resistivity_NN_1 a material's opposition to the flow of electric current; measured in ohms -09802641 __appropriator_NN_1 someone who takes for his or her own use (especially without permission) -07129202 __sibilation_NN_2 pronunciation with a sibilant (hissing or whistling) sound -06346461 __title_NN_3 a general or descriptive heading for a section of a written work; "the novel had chapter titles" -02729023 __head_up_VB_1 be the first or leading member of (a group) and excel; "This student heads the class" -03537550 __stockhorn_NN_1 an ancient (now obsolete) single-reed woodwind; usually made of bone -10642151 __spy_NN_2 a secret watcher; someone who secretly watches other people; "my spies tell me that you had a good time last night" -11984397 __genus_inula_NN_1 genus of Old World herbs or subshrubs: elecampane -00238542 __crack_VB_12 reduce (petroleum) to a simpler compound by cracking -09470550 __volcano_NN_1 a fissure in the earth's crust (or in the surface of some other planet) through which molten lava and gases erupt -08974604 __lagos_NN_1 chief port and economic center of Nigeria; located in southwestern Nigeria on the Gulf of Guinea; former capital of Nigeria -09451864 __suriname_river_NN_1 a river in Suriname that flows northward to the Atlantic -03612378 __torodal_NN_1 nonsteroidal anti-inflammatory (trade name Torodal) that is given only orally -09241047 __changtzu_NN_1 a mountain in the central Himalayas on the border of Tibet and Nepal (24,780 feet high) -05849789 __feature_NN_1 a prominent attribute or aspect of something; "the map showed roads and other features"; "generosity is one of his best characteristics" -00679715 __opt_out_VB_1 choose not to do something, as out of fear of failing; "She copped out when she was supposed to get into the hang glider" -02657368 __flatfish_NN_2 any of several families of fishes having flattened bodies that swim along the sea floor on one side of the body with both eyes on the upper side -05600637 __human_face_NN_1 the front of the human head from the forehead to the chin and ear to ear; "he washed his face"; "I wish I had seen the look on his face when he got the news" -10539715 __stinkpot_NN_1 a person who is deemed to be despicable or contemptible; "only a rotter would do that"; "kill the rat"; "throw the bum out"; "you cowardly little pukes!"; "the British call a contemptible person a `git'" -02118333 __fox_NN_1 alert carnivorous mammal with pointed muzzle and ears and a bushy tail; most are predators that do not hunt in packs -00006523 __snort_VB_2 make a snorting sound by exhaling hard; "The critic snorted contemptuously" -14768201 __white_arsenic_NN_1 a white powdered poisonous trioxide of arsenic; used in manufacturing glass and as a pesticide (rat poison) and weed killer -03264136 __edge_NN_3 a sharp side formed by the intersection of two surfaces of an object; "he rounded the edges of the box" -07645469 __pullet_NN_1 flesh of a medium-sized young chicken suitable for frying -00308105 __dehisce_VB_1 burst or split open; "flowers dehisce when they release pollen" -01076370 __quarterback_VB_1 play the quarterback -00246940 __sauteing_NN_1 cooking in fat or oil in a pan or griddle -06201908 __prejudice_NN_1 a partiality that prevents objective consideration of an issue or situation -00408085 __set_up_VB_14 equip with sails or masts; "rig a ship" -08950649 __eindhoven_NN_1 city in southeastern Netherlands noted for electrical industry -02518990 __genus_ameiurus_NN_1 type genus of the Ameiuridae: bullhead catfishes -11645271 __family_araucariaceae_NN_1 tall evergreen cone-bearing trees of South America and Australia with broad leathery leaves; in some classifications included in the Pinaceae -09282208 __floor_NN_4 the ground on which people and animals move about; "the fire spared the forest floor" -00818170 __air_cover_NN_1 the use of military aircraft to provide protection against attack by enemy aircraft during ground or naval operations -15145586 __infancy_NN_1 the early stage of growth or development -07781207 __bluefin_tuna_NN_1 flesh of very large tuna -02347443 __trichys_NN_1 a genus of Hystricidae -12785499 __genus_sedum_NN_1 large genus of rock plants having thick fleshy leaves -08857405 __sao_louis_NN_1 a city on an offshore island in northeast Brazil -02918132 __spectrometric_JJ_1 of or relating to or involving spectrometry -00198057 __pod_VB_1 take something out of its shell or pod; "pod peas or beans" -01082606 __participate_VB_2 become a participant; be involved in; "enter a race"; "enter an agreement"; "enter a drug treatment program"; "enter negotiations" -04959061 __achromia_NN_1 an absence of normal pigmentation especially in the skin (as in albinism) or in red blood cells -08159740 __windsor_NN_2 the British royal family since 1917 -02397266 __co-opt_VB_3 appoint summarily or commandeer; "The army tried to co-opt peasants into civil defence groups" -03102654 __ice_chest_NN_1 a refrigerator for cooling liquids -10161695 __hassid_NN_1 a member of a Jewish sect that observes a form of strict Orthodox Judaism -13404248 __leger_NN_1 a record in which commercial accounts are recorded; "they got a subpoena to examine our books" -04496173 __tuileries_palace_NN_1 palace and royal residence built for Catherine de Medicis in 1564 and burned down in 1871; all that remains today are the formal gardens -06455497 __synoptics_NN_1 the first three Gospels which describe events in Christ's life from a similar point of view -12177844 __hibiscus_NN_1 any plant of the genus Hibiscus -03785499 __mortuary_NN_1 a building (or room) where dead bodies are kept before burial or cremation -11248997 __pusey_NN_1 English theologian who (with John Henry Newman and John Keble) founded the Oxford movement (1800-1882) -07390400 __popping_NN_1 a sharp explosive sound as from a gunshot or drawing a cork -13538757 __polymerization_NN_1 a chemical process that combines several monomers to form a polymer or polymeric compound -01618922 __new_world_vulture_NN_1 large birds of prey superficially similar to Old World vultures -01726879 __beat_VB_19 produce a rhythm by striking repeatedly; "beat the drum" -01767949 __strike_VB_2 have an emotional or cognitive impact upon; "This child impressed me as unusually mature"; "This behavior struck me as odd" -07025900 __serious_music_NN_1 traditional genre of music conforming to an established form and appealing to critical interest and developed musical taste -02878222 __merchantman_NN_1 a cargo ship; "they did much of their overseas trade in foreign bottoms" -02118933 __take_note_VB_1 observe with care or pay close attention to; "Take note of this chemical reaction" -09143786 __dallas_NN_1 a large commercial and industrial city in northeastern Texas located in the heart of the northern Texas oil fields -01735898 __tropidoclonion_NN_1 lined snakes -11722199 __ranunculus_lyalii_NN_1 showy white-flowered perennial of New Zealand -05587034 __appendicular_skeleton_NN_1 the part of the skeleton that includes the pectoral girdle and the pelvic girdle and the upper and lower limbs -11636068 __genus_cryptomeria_NN_1 Japanese cedar; sugi -01872635 __zaglossus_NN_1 a genus of Tachyglossidae -01267098 __pave_VB_1 cover with a material such as stone or concrete to make suitable for vehicle traffic; "pave the roads in the village" -03379828 __pedestrian_bridge_NN_1 a bridge designed for pedestrians -04961136 __bleach_NN_1 the whiteness that results from removing the color from something; "a complete bleach usually requires several applications" -11723770 __herb_christopher_NN_1 a plant of the genus Actaea having acrid poisonous berries -00372607 __warehousing_NN_1 depositing in a warehouse; "they decided to reposition their furniture in a recommended repository in Brooklyn"; "my car is in storage"; "publishers reduced print runs to cut down the cost of warehousing" -00765396 __apply_VB_3 ask (for something); "He applied for a leave of absence"; "She applied for college"; "apply for a job" -03792782 __off-roader_NN_1 a bicycle with a sturdy frame and fat tires; originally designed for riding in mountainous country -11240733 __president_polk_NN_1 11th President of the United States; his expansionism led to the Mexican War and the annexation of California and much of the southwest (1795-1849) -12550788 __cowage_NN_1 pods of the cowage plant or the stinging hairs covering them; used as a vermifuge when mixed with e.g. honey -08042536 __revolutionary_organization_17_november_NN_1 a Marxist-Leninist terrorist organization in Greece that is violently opposed to imperialism and capitalism and NATO and the United States; an active terrorist group during the 1980s -11820751 __mesembryanthemum_NN_1 South African annual or biennial plants having flowers that open only in bright sunlight -03473817 __habergeon_NN_1 (Middle Ages) a light sleeveless coat of chain mail worn under the hauberk -08849753 __kingdom_of_belgium_NN_1 a monarchy in northwestern Europe; headquarters for the European Union and for the North Atlantic Treaty Organization -03900750 __paving_NN_2 the paved surface of a thoroughfare -05026843 __weight_NN_1 the vertical force exerted by a mass as a result of gravity -06321702 __adjective_NN_1 a word that expresses an attribute of something -07813495 __onion_salt_NN_1 ground dried onion and salt -12334293 __gum_tree_NN_1 any of various trees of the genera Eucalyptus or Liquidambar or Nyssa that are sources of gum -10449521 __sergeant_NN_2 a lawman with the rank of sergeant -12649065 __flowering_cherry_NN_1 any of several shrubs or trees of the genus Prunus cultivated for their showy white or pink single or double blossoms -07306252 __scandal_NN_2 a disgraceful event -13451348 __condensation_NN_2 the process of changing from a gaseous to a liquid or solid state -11873396 __genus_barbarea_NN_1 biennial or perennial herbs of north temperate regions: winter cress -02566325 __morone_NN_1 carnivorous fresh and salt water fishes -02936020 __cafeteria_facility_NN_1 (usually plural) facilities for providing food for employees or visitors of or relating to or functioning as an adjective; "adjectival syntax"; "an adjective clause" -11444117 __death_NN_2 the permanent end of all life functions in an organism or part of an organism; "the animal died a painful death" -00346839 __fall_VB_30 begin vigorously; "The prisoners fell to work right away" -02697725 __personify_VB_2 represent, as of a character on stage; "Derek Jacobi was Hamlet" -13931436 __romance_NN_1 a relationship between two lovers -03651947 __sounding_line_NN_1 (nautical) plumb line for determining depth -05176607 __sanction_NN_3 official permission or approval; "authority for the program was renewed several times" -13862780 __figure_NN_6 a combination of points and lines and planes that form a visible palpable shape -01752316 __proof_VB_1 make or take a proof of, such as a photographic negative, an etching, or typeset -11409059 __chemical_phenomenon_NN_1 any natural phenomenon involving chemistry (as changes to atoms or molecules) -02984104 __presidential_JJ_1 relating to a president or presidency; "presidential aides"; "presidential veto" -00085432 __usurpation_NN_2 wrongfully seizing and holding (an office or powers) by force (especially the seizure of a throne or supreme authority); "a succession of generals who ruled by usurpation" -02546744 __regalecidae_NN_1 ribbonfishes -07670731 __rind_NN_1 the natural outer covering of food (usually removed before eating) -08983274 __bydgoszcz_NN_1 an industrial city and river port in northern Poland -10016954 __unraveller_NN_1 a person who removes tangles; someone who takes something out of a tangled state -06970645 __magadhan_NN_1 a subfamily of Indic languages -13954818 __actuality_NN_1 the state of actually existing objectively; "a hope that progressed from possibility to actuality" -15280497 __pace_NN_1 the rate of moving (especially walking or running) -02614023 __play_hooky_VB_1 play truant from work or school; "The boy often plays hooky" -12992464 __kingdom_fungi_NN_1 the taxonomic kingdom including yeast, molds, smuts, mushrooms, and toadstools; distinct from the green plants -07408796 __big_bang_NN_1 (cosmology) the cosmic explosion that is hypothesized to have marked the origin of the universe -09133895 __portland_NN_1 freshwater port and largest city in Oregon; located in northwestern Oregon on the Willamette River which divides the city into east and west sections; renowned for its beautiful natural setting among the mountains -13063784 __melampsoraceae_NN_1 rust fungi -07234881 __recitation_NN_2 a public instance of reciting or repeating (from memory) something prepared in advance; "the program included songs and recitations of well-loved poems" -09644152 __mongolian_NN_1 a member of the nomadic peoples of Mongolia -09547111 __spectre_NN_1 a ghostly appearing figure; "we were unprepared for the apparition that confronted us" -01882714 __phascolarctos_cinereus_NN_1 sluggish tailless Australian arboreal marsupial with grey furry ears and coat; feeds on eucalyptus leaves and bark -01829739 __upupa_NN_1 type genus of the Upupidae -14899152 __medium_NN_7 an intervening substance through which something is achieved; "the dissolving medium is called a solvent" -07395446 __squawk_NN_1 the noise of squawking; "she awoke to the squawk of chickens"; "the squawk of car horns" -01974773 __crustacean_NN_1 any mainly aquatic arthropod usually having a segmented body and chitinous exoskeleton -02855089 __blower_NN_1 a device that produces a current of air -09071690 __sunshine_state_NN_1 a state in southeastern United States between the Atlantic and the Gulf of Mexico; one of the Confederate states during the American Civil War -02532028 __herring_NN_2 commercially important food fish of northern waters of both Atlantic and Pacific -08510666 __side_NN_4 a surface forming part of the outside of an object; "he examined all sides of the crystal"; "dew dripped from the face of the leaf" -14601294 __aliphatic_compound_NN_1 organic compound that is an alkane or alkene or alkyne or their derivative -02118058 __proteles_NN_1 aardwolf -01556346 __tear_VB_2 to separate or be separated by force; "planks were in danger of being torn from the crossbars" -04053995 __zantac_NN_1 a histamine blocker and antacid (trade name Zantac) used to treat peptic ulcers and gastritis and esophageal reflux -11950028 __genus_chrysanthemum_NN_1 in some classifications many plants usually assigned to the genus Chrysanthemum have been divided among other genera: e.g. Argyranthemum; Dendranthema; Leucanthemum; Tanacetum -07106800 __metaphor_NN_1 a figure of speech in which an expression is used to refer to something that it does not literally denote in order to suggest a similarity -01720496 __division_cynodontia_NN_1 a division of the order Therapsida from the Triassic period comprising small carnivorous tetrapod reptiles often with mammal-like teeth -07339941 __operational_damage_NN_1 loss of military equipment in field operations -11733769 __helleborus_NN_1 a genus of Helleborus -08245802 __mafia_NN_1 a crime syndicate in the United States; organized in families; believed to have important relations to the Sicilian Mafia -13222477 __lycopodiaceae_NN_1 a family of ferns belonging to the order Lycopodiales -07840804 __eggs_NN_1 oval reproductive body of a fowl (especially a hen) used as food -07473441 __victory_NN_1 a successful ending of a struggle or contest; "a narrow victory"; "the general always gets credit for his army's victory"; "clinched a victory"; "convincing victory"; "the agreement was a triumph for common sense" -02617567 __make_out_VB_4 proceed or get along; "How is she doing in her new job?"; "How are you making out in graduate school?"; "He's come a long way" -05820620 __representative_NN_4 an item of information that is typical of a class or group; "this patient provides a typical example of the syndrome"; "there is an example on page 10" -14145095 __respiratory_illness_NN_1 a disease affecting the respiratory system -00416409 __sunnah_NN_1 (Islam) the way of life prescribed as normative for Muslims on the basis of the teachings and practices of Muhammad and interpretations of the Koran -00788473 __stab_NN_3 informal words for any attempt or effort; "he gave it his best shot"; "he took a stab at forecasting" -07237758 __inculpation_NN_1 an accusation that you are responsible for some lapse or misdeed; "his incrimination was based on my testimony"; "the police laid the blame on the driver" -01992516 __order_amphipoda_NN_1 small flat-bodied semiterrestrial crustaceans: whale lice; sand-hoppers; skeleton shrimp -01669792 __flight_VB_3 decorate with feathers; "fledge an arrow" -00336539 __chink_VB_3 make cracks or chinks in; "The heat checked the paint" -14933314 __volcanic_rock_NN_1 extrusive igneous rock solidified near or on the surface of the Earth -01222477 __intimidation_NN_1 the act of intimidating a weaker person to make them do something -07452074 __wedding_ceremony_NN_1 the social event at which the ceremony of marriage is performed -06252138 __communication_NN_1 the activity of communicating; the activity of conveying information; "they could not act without official communication from Moscow" -12923108 __croton_eluteria_NN_1 West Indian shrub with aromatic bark -00353249 __moderation_NN_4 the action of lessening in severity or intensity; "the object being control or moderation of economic depressions" -00425278 __worrying_NN_1 the act of harassing someone -05426989 __retina_NN_1 the innermost light-sensitive membrane covering the back wall of the eyeball; it is continuous with the optic nerve -05788029 __retrospect_NN_1 contemplation of things past; "in retrospect" -00448466 __skating_NN_1 the sport of gliding on skates -12373100 __pawpaw_NN_1 tropical American shrub or small tree having huge deeply palmately cleft leaves and large oblong yellow fruit -09172111 __rub_al-khali_NN_1 a desert in southern Saudi Arabia -14336317 __upset_stomach_NN_1 a disorder of digestive function characterized by discomfort or heartburn or nausea -11807525 __snow-in-summer_NN_2 chickweed with hairy silver-grey leaves and rather large white flowers -01353226 __protrusive_JJ_1 thrusting outward -01631534 __create_mentally_VB_1 create mentally and abstractly rather than with one's hands -12215579 __banksia_NN_1 any shrub or tree of the genus Banksia having alternate leathery leaves apetalous yellow flowers often in showy heads and conelike fruit with winged seeds -12499979 __true_senna_NN_1 erect shrub having racemes of tawny yellow flowers; the dried leaves are used medicinally as a cathartic; sometimes placed in genus Cassia -12266217 __southern_beech_NN_1 any of various beeches of the southern hemisphere having small usually evergreen leaves -00588473 __academicianship_NN_1 the position of member of an honorary academy -12617559 __triglochin_maritima_NN_1 tufted perennial found in shallow water or marshland; sometimes poisons livestock -02256172 __psyllid_NN_1 small active cicada-like insect with hind legs adapted for leaping; feeds on plant juices -01593423 __genus_auriparus_NN_1 a genus of Paridae -08787695 __laconia_NN_1 an ancient region of southern Greece in the southeastern Peloponnesus; dominated by Sparta -11076965 __michael_joe_jackson_NN_1 United States singer who began singing with his four brothers and later became a highly successful star during the 1980s (born in 1958) -12123244 __barley_NN_2 cultivated since prehistoric times; grown for forage and grain -06954303 __norwegian_NN_2 a Scandinavian language that is spoken in Norway -10474446 __principal_NN_6 the major party to a financial transaction at a stock exchange; buys and sells for his own account -08454818 __martial_law_NN_1 the body of law imposed by the military over civilian affairs (usually in time of war or civil crisis); overrides civil law -15206296 __month_NN_2 a time unit of approximately 30 days; "he was given a month to pay the bill" -02598573 __white_croaker_NN_2 small silvery marine food fish found off California -09937903 __colonizer_NN_1 someone who helps to found a colony -06874930 __flash_NN_7 a burst of light used to communicate or illuminate -02627686 __sarda_NN_1 bonitos -01483707 __lamna_NN_1 a genus of Lamnidae -11660121 __sciadopitys_NN_1 type and sole genus of Sciadopityaceae; Japanese umbrella pines -07402147 __reflux_NN_2 the outward flow of the tide -10643937 __squire_NN_1 young nobleman attendant on a knight -07411851 __shimmer_NN_1 a weak and tremulous light; "the shimmer of colors on iridescent feathers"; "the play of light on the water" -10530959 __righthander_NN_1 a person who uses the right hand more skillfully than the left -01583993 __chamfer_VB_1 cut a bevel on; shape to a bevel; "bevel the surface" -08734853 __goma_NN_1 a city in eastern Congo at the northern end of Lake Kivu near the border with Rwanda -10029269 __draughtsman_NN_1 a skilled worker who draws plans of buildings or machines -00615462 __stenography_NN_2 the act or art of writing in shorthand; "stenography is no longer a marketable skill" -07275275 __kowtow_NN_1 a former Chinese custom of touching the ground with the forehead as a sign of respect or submission -05817396 __fact_NN_1 a piece of information about circumstances that exist or events that have occurred; "first you must collect all the facts of the case" -01014362 __ram_home_VB_1 make clear by special emphasis and try to convince somebody of something; "drive home a point or an argument"; "I'm trying to drive home these basic ideas" -02192818 __ginger_VB_1 add ginger to in order to add flavor; "ginger the soup" -06838112 __nun_NN_3 the 14th letter of the Hebrew alphabet -10740219 __upholder_NN_1 someone who upholds or maintains; "firm upholders of tradition"; "they are sustainers of the idea of democracy" -06574841 __editor_program_NN_1 (computer science) a program designed to perform such editorial functions as rearrangement or modification or deletion of data -01803003 __torment_VB_2 treat cruelly; "The children tormented the stuttering teacher" -09799213 __apostle_NN_2 any important early teacher of Christianity or a Christian missionary to a people -07902937 __arrack_NN_1 any of various strong liquors distilled from the fermented sap of toddy palms or from fermented molasses -02752311 __athletic_facility_NN_1 a facility for athletic events -11277500 __sacajawea_NN_1 the Shoshone guide and interpreter who guided the Lewis and Clark expedition part of the way -08811473 __palermo_NN_1 the capital of Sicily; located in northwestern Sicily; an important port for 3000 years -09340024 __ursa_minor_NN_1 a constellation outside the zodiac that rotates around the North Star -00740336 __undetermined_JJ_2 not precisely determined or established; not fixed or known in advance; "of indeterminate age"; "a zillion is a large indeterminate number"; "an indeterminate point of law"; "the influence of environment is indeterminate"; "an indeterminate future" -06964247 __italian_NN_2 the Romance language spoken in Italy -00315830 __displacement_NN_6 to move something from its natural environment -00403401 __pressurize_VB_2 maintain a certain pressure; "the airplane cabin is pressurized"; "pressurize a space suit" -00188466 __inset_VB_1 set or place in -12153580 __spike_rush_NN_1 a sedge of the genus Eleocharis -10441694 __pledger_NN_1 someone who makes or gives a pledge -12870535 __thyme_NN_1 any of various mints of the genus Thymus -01972131 __sink_VB_3 largest mollusk known about but never seen (to 60 feet long) pass into a specified state or condition; "He sank into nirvana" -02669885 __academy_NN_4 a learned establishment for the advancement of knowledge -02169023 __sawyer_beetle_NN_1 any of several beetles whose larvae bore holes in dead or dying trees especially conifers -10601078 __sinner_NN_1 a person who sins (without repenting) -14236226 __nonmalignant_tumour_NN_1 a tumor that is not cancerous -05865652 __plot_element_NN_1 a component or element of the plot of a story -02009015 __genus_egretta_NN_1 small Old and New World herons -05565548 __left_hand_NN_1 the hand that is on the left side of the body; "jab with your left" -00270440 __acerbate_VB_2 make sour or bitter -04226322 __skeg_NN_1 a brace that extends from the rear of the keel to support the rudderpost -08759420 __republic_of_benin_NN_1 a country on western coast of Africa; formerly under French control -05286536 __connective_tissue_NN_1 tissue of mesodermal origin consisting of e.g. collagen fibroblasts and fatty cells; supports organs and fills spaces between them and forms tendons and ligaments -11790624 __peltandra_NN_1 small genus of North American marsh or aquatic herbs -10225931 __judge_advocate_NN_1 an officer assigned to the judge advocate general -05252016 __venous_sinus_NN_1 a wide channel containing blood; does not have the coating of an ordinary blood vessel -08816969 __srbija_NN_1 a historical region in central and northern Yugoslavia; Serbs settled the region in the 6th and 7th centuries -05555688 __waistline_NN_1 the narrowing of the body between the ribs and hips -06511560 __resignation_NN_3 a formal document giving notice of your intention to resign; "he submitted his resignation as of next month" -02967407 __rug_beater_NN_1 implement for beating dust out of carpets -12171966 __okra_plant_NN_1 tall coarse annual of Old World tropics widely cultivated in southern United States and West Indies for its long mucilaginous green pods used as basis for soups and stews; sometimes placed in genus Hibiscus -01304121 __english_civil_war_NN_1 civil war in England between the Parliamentarians and the Royalists under Charles I; 1644-1648 -00976698 __infiltration_NN_1 a process in which individuals (or small groups) penetrate an area (especially the military penetration of enemy positions without detection) -11805956 __sandwort_NN_3 low-growing chiefly perennial plant usually with small white flowers suitable for e.g. rock gardens -07954731 __lot_NN_6 any collection in its entirety; "she bought the whole caboodle" -10623650 __soloist_NN_1 a musician who performs a solo -11194062 __mott_NN_1 United States feminist and suffragist (1793-1880) -03065424 __whorl_NN_3 a structure consisting of something wound in a continuous series of loops; "a coil of rope" -04898087 __manners_NN_1 social deportment; "he has the manners of a pig" -00652346 __name_VB_7 identify as in botany or biology, for example -05260533 __permanent_wave_NN_1 a series of waves in the hair made by applying heat and chemicals -07572353 __victuals_NN_1 a stock or supply of foods -00700000 __physiotherapy_NN_1 therapy that uses physical agents: exercise and massage and other modalities -00630634 __tummy_crunch_NN_1 an exercise designed to strengthen the abdominal muscles -03803116 __muzzle_loader_NN_1 an obsolete firearm that was loaded through the muzzle -05983217 __final_cause_NN_1 (philosophy) the end or purpose of a thing or process -06440102 __micheas_NN_2 an Old Testament book telling the prophecies of Micah foretelling the destruction of Jerusalem -04670531 __untrustworthiness_NN_1 the trait of not deserving trust or confidence -00140112 __rebound_NN_3 the act of securing possession of the rebounding basketball after a missed shot -02576349 __gull_VB_1 make a fool or dupe of -08036293 __npa_NN_1 a terrorist organization that is the militant wing of the Communist Party of the Philippines; a Maoist organization formed to overthrow the government; uses hit squads called Sparrow Units; opposes United States military presence in the Philippines -07286905 __foreboding_NN_2 an unfavorable omen -04886101 __gluttony_NN_1 habitual eating to excess -11848253 __hylocereus_NN_1 genus of climbing or epiphytic tropical American cacti with angular stems and mostly white very fragrant flowers -11830714 __orache_NN_1 any of various herbaceous plants of the genus Atriplex that thrive in deserts and salt marshes -01139380 __ante_VB_1 place one's stake -07536245 __guilty_conscience_NN_1 remorse caused by feeling responsible for some offense -00690501 __reconstructive_surgery_NN_1 surgery concerned with therapeutic or cosmetic reformation of tissue -00164152 __nomination_NN_1 the act of officially naming a candidate; "the Republican nomination for Governor" -11451442 __electromagnetic_spectrum_NN_1 the entire frequency range of electromagnetic waves -01480770 __trap_VB_2 catch in or as if in a trap; "The men trap foxes" -08197386 __air_force_isr_NN_1 an agency focused on ensuring that the United States military attains information superiority; operates worldwide ground sites and an array of airborne reconnaissance and surveillance platforms -12983217 __plasmodiophoraceae_NN_1 family of fungi often causing hypertrophy in seed plants -01459480 __germinal_disc_NN_1 a layer of cells on the inside of the blastula -03003091 __chalk_NN_4 a piece of calcite or a similar substance, usually in the shape of a crayon, that is used to write or draw on blackboards or other flat surfaces -10355806 __new_dealer_NN_1 a supporter of the economic policies in the United States known as the New Deal -04797824 __quirkiness_NN_1 a strange attitude or habit -08432345 __waiting_line_NN_1 a line of people or vehicles waiting for something -12748248 __waxwork_NN_1 twining shrub of North America having yellow capsules enclosing scarlet seeds -02270473 __lepisma_NN_1 type genus of the Lepismatidae: silverfish -09963914 __coordinator_NN_1 someone whose task is to see that work goes harmoniously -00780191 __put_in_VB_3 break into a conversation; "her husband always chimes in, even when he is not involved in the conversation" -03094503 __container_NN_1 any object that can be used to hold things (especially a large metal boxlike object of standardized dimensions that can be loaded from one form of transport to another) -02831736 __atmospherical_JJ_1 relating to or located in the atmosphere; "atmospheric tests" -11282286 __sartre_NN_1 French writer and existentialist philosopher (1905-1980) -03400389 __fuel-air_explosive_NN_1 a device consisting of a container of fuel and two explosive charges; the first charge bursts open the fuel container at a predetermined height and spreads the fuel in a cloud that mixes with atmospheric oxygen; the second charge detonates the cloud which creates an enormous blast wave and incinerates whatever is below -01624169 __machine_VB_1 turn, shape, mold, or otherwise finish by machinery -02919100 __insurrectionary_JJ_1 of or relating to or given to insurrection -01441425 __shiner_NN_4 any of numerous small silvery North American cyprinid fishes especially of the genus Notropis -01965331 __ski_jump_VB_1 jump on skis -05689109 __snorter_NN_2 something outstandingly difficult; "the problem was a real snorter" -07186148 __invitation_NN_1 a request (spoken or written) to participate or be present or take part in something; "an invitation to lunch"; "she threw the invitation away" -03809939 __nasal_decongestant_NN_1 a decongestant that provides temporary relief of nasal symptoms of the common cold and rhinitis and upper respiratory infections -02043497 __rynchopidae_NN_1 coextensive with the genus Rynchops: skimmers -06181584 __descriptive_linguistics_NN_1 a description (at a given point in time) of a language with respect to its phonology and morphology and syntax and semantics without value judgments -01794668 __suffer_VB_3 experience (emotional) pain; "Every time her husband gets drunk, she suffers" -02114056 __solarize_VB_2 become overexposed; "The film solarized" -03371728 __flushless_toilet_NN_1 a toilet that relies on bacteria to break down waste matter (instead of using water) -01560636 __old_world_chat_NN_1 songbirds having a chattering call -06018465 __statistics_NN_1 a branch of applied mathematics concerned with the collection and interpretation of quantitative data and the use of probability theory to estimate population parameters -02187427 __tunga_NN_1 a genus of Siphonaptera -03828465 __nsaid_NN_1 an anti-inflammatory drug that does not contain steroids; "NSAIDs inhibit the activity of both Cox-1 and Cox-2 enzymes" -01487914 __rhincodon_NN_1 whale sharks -12913791 __trumpet_flower_NN_1 Mexican evergreen climbing plant having large solitary funnel-shaped fragrant yellow flowers with purple-brown ridges in the throat -08735705 __central_america_NN_1 the isthmus joining North America and South America; extends from the southern border of Mexico to the northern border of Colombia -02578604 __seriola_NN_1 a genus of Carangidae -09226209 __po_hai_NN_1 an inlet of the Yellow Sea, on the coast of Eastern China -02146790 __hold_in_VB_3 hold back; keep from being perceived by others; "She conceals her anger well" -13248393 __rental_NN_1 property that is leased or rented out or let -07664007 __hamburger_NN_2 beef that has been ground -06839083 __taw_NN_1 the 23rd letter of the Hebrew alphabet -03005423 __dramaturgical_JJ_1 relating to the technical aspects of drama -08902196 __mysore_NN_2 state in southern India; formerly Mysore -12121033 __plume_grass_NN_1 a reedlike grass of the genus Erianthus having large plumes -00217427 __flow_VB_6 cover or swamp with water -02226429 __hopper_NN_4 terrestrial plant-eating insect with hind legs adapted for leaping -13931889 __liaison_NN_1 a usually secretive or illicit sexual relationship -04951186 __marbleizing_NN_1 a texture like that of marble -00437976 __quizzically_RB_1 become overly specialized; "She overspecialized when she concentrated on verbs in Fijian" in a quizzical and questioning manner; "they looked quizzically at the doctor" -04738641 __stability_NN_3 the quality of being enduring and free from change or variation; "early mariners relied on the constancy of the trade winds" -07641138 __french_pancake_NN_1 small very thin pancake -02313495 __polyzoa_NN_1 marine or freshwater animals that form colonies of zooids -05525100 __cobblers_NN_2 a man's testicles (from Cockney rhyming slang: cobbler's awl rhymes with ball) -01251270 __electronic_deception_NN_1 the deliberate use of electromagnetic energy in a manner intended to convey misleading information -00212808 __relinquishment_NN_2 the act of giving up and abandoning a struggle or task etc. -11841368 __order_opuntiales_NN_1 coextensive with the family Cactaceae: cactuses -10256080 __lexicologist_NN_1 a compiler or writer of a dictionary; a student of the lexical component of language -10765679 __wanderer_NN_1 someone who leads a wandering unsettled life -05929363 __minor_role_NN_1 a small role -13178107 __pyrrosia_NN_1 epiphytic or lithophytic or terrestrial ferns of tropical Old World -14047440 __abdominal_pregnancy_NN_1 ectopic pregnancy in the abdominal cavity -12857779 __molucella_laevis_NN_1 aromatic annual with a tall stems of small whitish flowers enclosed in a greatly enlarged saucer-shaped or bell-shaped calyx -10148305 __grump_NN_1 a bad-tempered person -03890514 __totalizer_NN_1 computer that registers bets and divides the total amount bet among those who won -06944156 __old_church_slavonic_NN_1 the Slavic language into which the Bible was translated in the 9th century -02641035 __pause_VB_1 interrupt temporarily an activity before continuing; "The speaker paused" -00936620 __painting_NN_2 creating a picture with paints; "he studied painting and sculpture for many years" -00458471 __work_VB_26 go sour or spoil; "The milk has soured"; "The wine worked"; "The cream has turned--we have to throw it out" -08057068 __kolkhoz_NN_1 a collective farm owned by the communist state -11821777 __pleiospilos_NN_1 perennial succulents of South Africa -03308297 __eye_NN_5 a small hole or loop (as in a needle); "the thread wouldn't go through the eye" -02279127 __inachis_NN_1 a genus of Nymphalidae -00850873 __dihybrid_cross_NN_1 hybridization using two traits with two alleles each -11712282 __yellow_poplar_NN_2 tall North American deciduous timber tree having large tulip-shaped greenish yellow flowers and conelike fruit; yields soft white woods used especially for cabinet work -05406958 __yellow_bile_NN_1 a humor that was once believed to be secreted by the liver and to cause irritability and anger -11940750 __trifid_bur_marigold_NN_1 bur marigold of temperate Eurasia -07556637 __victuals_NN_3 any substance that can be used as food -12332866 __myrciaria_NN_1 a genus of tropical American trees and shrubs of the myrtle family -05198132 __muscle_NN_4 authority or power or force (especially when used in a coercive way); "the senators used their muscle to get the party leader to resign" -07648549 __wing_NN_9 the wing of a fowl; "he preferred the drumsticks to the wings" -00057895 __foal_VB_1 give birth to a foal; "the mare foaled" -10453357 __poor_person_NN_1 a person with few or no possessions -03975035 __pointed_arch_NN_1 an arch with a pointed apex; characteristic of Gothic architecture -07910656 __pernod_NN_1 (registered trademark) a liqueur flavored with anise -13493213 __hemolysis_NN_1 lysis of erythrocytes with the release of hemoglobin -02945161 __camp_NN_3 temporary lodgings in the country for travelers or vacationers; "level ground is best for parking and camp areas" -09242037 __charles_river_NN_1 a river in eastern Massachusetts that empties into Boston Harbor and that separates Cambridge from Boston -00902932 __wish_VB_6 invoke upon; "wish you a nice evening"; "bid farewell" -04755218 __positivity_NN_5 the quality of being undeniable and not worth arguing about -03070193 __collider_NN_1 an accelerator in which two beams of particles are forced to collide head on -06338278 __pseudonym_NN_1 a fictitious name used when the person performs a particular social role -01106670 __outpace_VB_1 surpass in speed; "Malthus believed that population increase would outpace increases in the means of subsistence" -13896100 __bow_NN_5 something curved in shape -14911530 __bitumen_NN_1 any of various naturally occurring impure mixtures of hydrocarbons -03054605 __cluster_bomb_NN_1 bomb consisting of a canister that is dropped from a plane and that opens to release a cluster of bomblets (usually fragmentation bombs) over a wide area; "cluster bombs cannot be targeted precisely" -05125377 __scope_NN_1 an area in which something acts or operates or has power or control: "the range of a supersonic jet"; "a piano has a greater range than the human voice"; "the ambit of municipal legislation"; "within the compass of this article"; "within the scope of an investigation"; "outside the reach of the law"; "in the political orbit of a world power" -08491027 __address_NN_2 the place where a person or organization can be found or communicated with -14904661 __halogen_NN_1 any of five related nonmetallic elements (fluorine or chlorine or bromine or iodine or astatine) that are all monovalent and readily form negative ions -09144117 __el_paso_NN_1 a city in western Texas on the Mexican border; located on the northern bank of the Rio Grande across from the Mexican city of Juarez -06877849 __scowl_NN_1 a facial expression of dislike or displeasure -10255567 __leveller_NN_1 a radical who advocates the abolition of social distinctions -09861946 __waterman_NN_1 someone who drives or rides in a boat -06248530 __numerology_NN_1 the study of the supposed occult influence of numbers on human affairs -05476915 __hemisphere_NN_3 either half of the cerebrum -02298998 __by-bid_VB_1 bid on behalf of someone else -00773814 __attempt_NN_2 the act of attacking; "attacks on women increased last year"; "they made an attempt on his life" -10182913 __homosexual_NN_1 someone who practices homosexuality; having a sexual attraction to persons of the same sex -13443787 __katabolism_NN_1 breakdown in living organisms of more complex substances into simpler ones together with release of energy -07677860 __banger_NN_1 (British informal) pork sausage -07905474 __schnaps_NN_1 any of various strong liquors especially a Dutch spirit distilled from potatoes -01701334 __thyreophoran_NN_1 armored dinosaurs: stegosaurs and ankylosaurs -10483799 __prophetess_NN_1 a woman prophet -06206800 __respect_NN_3 an attitude of admiration or esteem; "she lost all respect for him" -08801099 __byzantium_NN_1 an ancient city on the Bosporus founded by the Greeks; site of modern Istanbul; in 330 Constantine I rebuilt the city and called it Constantinople and made it his capital -14992287 __plaster_NN_1 a mixture of lime or gypsum with sand and water; hardens into a smooth solid; used to cover walls and ceilings -00974031 __sign_off_VB_1 cease broadcasting; get off the air; as of radio stations -00748011 __intemperateness_NN_1 consumption of alcoholic drinks -07806221 __salad_NN_1 food mixtures either arranged on a plate or tossed and served with a moist dressing; usually consisting of or including greens -01245813 __roll_NN_12 the act of throwing dice -04441282 __tissue_plasminogen_activator_NN_1 a thrombolytic agent (trade name Activase) that causes fibrinolysis at the site of a blood clot; used in treating acute myocardial infarction -09952163 __reconciler_NN_1 someone who tries to bring peace -02068735 __family_delphinidae_NN_1 dolphins -01165692 __consignment_NN_2 the official act of consigning a person to confinement (as in a prison or mental hospital) -05607402 __tentorium_NN_1 (anatomy) a fold of dura mater that covers the cerebellum and supports the occipital lobes of the cerebrum -10610333 __sledder_NN_1 someone who rides a sled -00845178 __insemination_NN_2 the introduction of semen into the genital tract of a female -03534429 __hoop_NN_1 a light curved skeleton to spread out a skirt -08245059 __underworld_NN_1 the criminal class -12381321 __fouquieriaceae_NN_1 small family of spiny shrubs or trees of southwestern United States -13308999 __taxation_NN_1 charge against a citizen's person or property or activity for the support of government -00549552 __save_VB_6 make unnecessary an expenditure or effort; "This will save money"; "I'll save you the trouble"; "This will save you a lot of time" -00645241 __anatomize_VB_2 analyze down to the smallest detail; "This writer anatomized the depth of human behavior" -12903794 __genus_fabiana_NN_1 genus of South and Central American heathlike evergreen shrubs -04711031 __oppressiveness_NN_2 unwelcome burdensome difficulty -06136105 __futurology_NN_1 the study or prediction of future developments on the basis of existing conditions -12090041 __primulales_NN_1 Primulaceae; Theophrastaceae; Myrsinaceae; and (in some classifications) Plumbaginaceae -07551498 __sulkiness_NN_1 a mood or display of sullen aloofness or withdrawal; "stayed home in a sulk" -01821423 __interest_VB_1 excite the curiosity of; engage the interest of -11236317 __william_pitt_NN_2 English statesman who brought the Seven Years' War to an end (1708-1778) -13190218 __family_dicksoniaceae_NN_1 tree ferns: genera Dicksonia, Cibotium, Culcita, and Thyrsopteris elegans -11300893 __simon_NN_4 United States economist and psychologist who pioneered in the development of cognitive science (1916-2001) -00040152 __reciprocation_NN_3 mutual interaction; the activity of reciprocating or exchanging (especially information) -00403783 __wounding_NN_1 the act of inflicting a wound -12649723 __sloe_NN_2 a thorny Eurasian bush with plumlike fruits -12934036 __masterwort_NN_1 any plant of the genus Astrantia -09042924 __ionia_NN_1 region of western Asia Minor colonized by ancient Greeks -01682714 __anolis_carolinensis_NN_1 small arboreal tropical American insectivorous lizards with the ability to change skin color -15116283 __geological_time_NN_1 the time of the physical formation and development of the earth (especially prior to human history) -10198832 __idolizer_NN_1 a lover blind with admiration and devotion -14449405 __want_NN_2 the state of needing something that is absent or unavailable; "there is a serious lack of insight into the problem"; "water is the critical deficiency in desert regions"; "for want of a nail the shoe was lost" -13837840 __doctor-patient_relation_NN_1 the responsibility of a physician to act in the best interests of the patient -00928015 __indicate_VB_3 to state or express briefly; "indicated his wishes in a letter" -07213395 __revelation_NN_1 the speech act of making something evident -06143546 __anthropology_NN_1 the social science that studies the origins and social relationships of human beings -01724231 __ichthyosaur_NN_1 any of several marine reptiles of the Mesozoic having a body like a porpoise with dorsal and tail fins and paddle-shaped limbs -02929749 __isobutyl_nitrite_NN_1 a colorless pungent liquid sometimes used as a stimulant drug by drug abusers -01484392 __cluster_VB_2 gather or cause to gather into a cluster; "She bunched her fingers into a fist" -05068918 __upgrade_NN_4 the property possessed by a slope or surface that rises -14472624 __rudeness_NN_2 a wild or unrefined state -14395597 __polyneuritic_psychosis_NN_1 dementia observed during the last stages of severe chronic alcoholism; involves loss of memory for recent events although long term memory is intact -09625789 __nonreligious_person_NN_1 a person who does not manifest devotion to a deity -06528783 __estimation_NN_1 a document appraising the value of something (as for insurance or taxation) -07710616 __white_potato_NN_2 an edible tuber native to South America; a staple food of Ireland -05003273 __slouch_NN_2 a stooping carriage in standing and walking -12181147 __iliamna_NN_1 small genus of perennial herbs or subshrubs; some often placed in other genera -15237250 __summertime_NN_1 the warmest season of the year; in the northern hemisphere it extends from the summer solstice to the autumnal equinox; "they spent a lazy summer at the shore" -03575691 __instrument_of_execution_NN_1 an instrument designed and used to take the life of a condemned person -08675967 __urban_area_NN_1 a geographical area constituting a city or town -06773976 __peace_treaty_NN_1 a treaty to cease hostilities; "peace came on November 11th" -01842508 __raft_VB_2 travel by raft in water; "Raft the Colorado River" -07175575 __assent_NN_1 agreement with a statement or proposal to do something; "he gave his assent eagerly"; "a murmur of acquiescence from the assembly" -07385803 __humming_NN_1 a humming noise; "the hum of distant traffic" -00552458 __uniformize_VB_1 make uniform; "the data have been uniformized" -10104756 __tree_farmer_NN_1 someone trained in forestry -02852523 __block_NN_1 a solid piece of something (usually having flat rectangular sides); "the pyramids were built with large stone blocks" -11217479 __orwell_NN_1 imaginative British writer concerned with social justice (1903-1950) -08644045 __harbourage_NN_1 (nautical) a place of refuge (as for a ship) -00949288 __tote_up_VB_1 determine the sum of; "Add all the people in this town to those of the neighboring town" -00345149 __sweep_NN_6 a movement in an arc; "a sweep of his arm" in a dishonest and fraudulent manner; "this money was fraudulently obtained" -06269130 __newspaper_article_NN_1 an article reporting news -10435716 __urinator_NN_1 a person who urinates -08730550 __taiwan_NN_1 a government on the island of Taiwan established in 1949 by Chiang Kai-shek after the conquest of mainland China by the Communists led by Mao Zedong -09751895 __zimbabwean_NN_1 a native or inhabitant of Zimbabwe -09143205 __beaumont_NN_3 a city of southeastern Texas near Houston -03981566 __pontoon_NN_1 (nautical) a floating structure (as a flat-bottomed boat) that serves as a dock or to support a bridge -00176327 __extirpate_VB_3 surgically remove (an organ) -07070429 __rhetoric_NN_2 high-flown style; excessive use of verbal ornamentation; "the grandiosity of his prose"; "an excessive ornateness of language" -04660536 __thoughtfulness_NN_3 the trait of thinking carefully before acting -03047353 __clofibrate_NN_1 a drug (trade name Atromid-S) that reduces lipids in the blood serum; used to treat some cardiovascular diseases -05710860 __visual_perception_NN_1 perception by means of the eyes -05316175 __ocular_muscle_NN_1 one of the small muscles of the eye that serve to rotate the eyeball -00246754 __grilling_NN_1 cooking by direct exposure to radiant heat (as over a fire or under a grill) -00968962 __podcast_VB_1 distribute (multimedia files) over the internet for playback on a mobile device or a personal computer -02626590 __thunnus_NN_1 tunas: warm-blooded fishes -01786646 __millipede_NN_1 any of numerous herbivorous nonpoisonous arthropods having a cylindrical body of 20 to 100 or more segments most with two pairs of legs -12825949 __genus_dichondra_NN_1 genus of chiefly tropical prostrate perennial herbs with creeping stems that root at the nodes -12787565 __hydrangeaceae_NN_1 sometimes included in the family Saxifragaceae -10969305 __king_ferdinand_NN_1 the king of Castile and Aragon who ruled jointly with his wife Isabella; his marriage to Isabella I in 1469 marked the beginning of the modern state of Spain and their capture of Granada from the Moors in 1492 united Spain as one country; they instituted the Spanish Inquisition in 1478 and supported the expedition of Christopher Columbus in 1492 (1452-1516) -00574996 __isomerize_VB_2 change into an isomer -03145843 __turnup_NN_1 the lap consisting of a turned-back hem encircling the end of the sleeve or leg -11771383 __genus_carissa_NN_1 Old World genus of tropical evergreen usually spiny shrubs -12474828 __uvularia_NN_1 genus of perennial rhizomatous herb of southern and southeastern United States -08994090 __mecca_NN_1 joint capital (with Riyadh) of Saudi Arabia; located in western Saudi Arabia; as the birthplace of Muhammad it is the holiest city of Islam -03414162 __game_equipment_NN_1 equipment or apparatus used in playing a game -10087080 __fo_NN_1 an officer holding the rank of major or lieutenant colonel or colonel -12213485 __proteales_NN_1 coextensive with the family Proteaceae -07460104 __run_NN_3 a race run on foot; "she broke the record for the half-mile run" -05826914 __trail_NN_3 evidence pointing to a possible solution; "the police are following a promising lead"; "the trail led straight to the perpetrator" -09310460 __impairer_NN_1 an agent that impairs; "crops can be great impairers of the soil" -01664172 __ready_VB_1 prepare for eating by applying heat; "Cook me dinner, please"; "can you make me an omelette?"; "fix breakfast for the guests, please" -00452220 __flood_VB_4 become filled to overflowing; "Our basement flooded during the heavy rains" -11870607 __genus_alyssum_NN_1 a genus of the family Cruciferae -14857151 __scraps_NN_1 food that is discarded (as from a kitchen) -04757522 __question_NN_4 uncertainty about the truth or factuality or existence of something; "the dubiousness of his claim"; "there is no question about the validity of the enterprise" -14885369 __triglyceride_NN_1 glyceride occurring naturally in animal and vegetable tissues; it consists of three individual fatty acids bound together in a single large molecule; an important energy source forming much of the fat stored by the body -04296261 __staff_NN_2 a strong rod or stick with a specialized utilitarian purpose; "he walked with the help of a wooden staff" -01156834 __take_in_VB_15 serve oneself to, or consume regularly; "Have another bowl of chicken soup!"; "I don't take sugar in my coffee" -01875717 __family_caenolestidae_NN_1 small marsupials of southern South America -00827379 __lining_NN_3 providing something with a surface of a different material -08998560 __somalia_NN_1 a republic in extreme eastern Africa on the Somali peninsula; subject to tribal warfare -14036203 __emotional_arousal_NN_1 the arousal of strong emotions and emotional behavior -03405725 __piece_of_furniture_NN_1 furnishings that make a room or other area ready for occupancy; "they had too much furniture for the small apartment"; "there was only one piece of furniture in the room" -06838868 __sin_NN_5 the 21st letter of the Hebrew alphabet -00755673 __pose_NN_3 a deliberate pretense or exaggerated display -00386715 __turn_back_VB_5 turn inside out or upside down -01626600 __cobble_up_VB_1 any genus of amphibians put together hastily -05345581 __gastric_artery_NN_1 the arteries that supply the walls of the stomach -06715927 __scorn_NN_2 open disrespect for a person or thing -08565006 __rustbelt_NN_1 urban areas in New England and Midwest characterized by concentrations of declining industries (steel or textiles) -00484166 __finish_VB_1 come or bring to a finish or an end; "He finished the dishes"; "She completed the requirements for her Master's Degree"; "The fastest runner finished the race in just over 2 hours; others finished in over 4 hours" -02412647 __walk_out_VB_1 stop work in order to press demands; "The auto workers are striking for higher wages"; "The employees walked out when their demand for better benefits was not met" -10827155 __st._athanasius_NN_1 (Roman Catholic Church) Greek patriarch of Alexandria who championed Christian orthodoxy against Arianism; a church father, saint, and Doctor of the Church (293-373) -00801522 __pass_off_VB_2 disregard; "She passed off the insult" -12589841 __talipot_palm_NN_1 tall palm of southern India and Sri Lanka with gigantic leaves used as umbrellas and fans or cut into strips for writing paper -02269340 __caddis_fly_NN_1 small moth-like insect having two pairs of hairy membranous wings and aquatic larvae -00665679 __skincare_NN_1 care for the skin -07622061 __baked_goods_NN_1 foods (like breads and cakes and pastries) that are cooked in an oven -07208000 __snub_NN_1 an instance of driving away or warding off -04366116 __suspension_system_NN_1 a mechanical system of springs or shock absorbers connecting the wheels and axles to the chassis of a wheeled vehicle -11617631 __table-mountain_pine_NN_1 a small two-needled upland pine of the eastern United States (Appalachians) having dark brown flaking bark and thorn-tipped cone scales -00361641 __demist_VB_1 free from mist; "demist the car windows" -02081282 __odobenidae_NN_1 walruses and extinct forms -01311520 __world_war_i_NN_1 a war between the allies (Russia, France, British Empire, Italy, United States, Japan, Rumania, Serbia, Belgium, Greece, Portugal, Montenegro) and the Central Powers (Germany, Austria-Hungary, Turkey, Bulgaria) from 1914 to 1918 -02771320 __plague_VB_1 cause to suffer a blight; "Too much rain may blight the garden with mold" -06652878 __rules_of_order_NN_1 a body of rules followed by an assembly -02804252 __tuba_NN_1 the lowest brass wind instrument -01639765 __toad_frog_NN_1 any of various tailless stout-bodied amphibians with long hind limbs for leaping; semiaquatic and terrestrial species -09398533 __poyang_NN_1 a lake in central China that is connected to the Chang Jiang by a canal -00508091 __lottery_NN_2 players buy (or are given) chances and prizes are distributed by casting lots -12106786 __bent_grass_NN_1 grass for pastures and lawns especially bowling and putting greens -01356888 __genus_clostridium_NN_1 anaerobic or micro-aerophilic rod-shaped or spindle-shaped saprophytes; nearly cosmopolitan in soil, animal intestines, and dung -06630627 __wish_NN_3 (usually plural) a polite expression of desire for someone's welfare; "give him my kind regards"; "my best wishes" -04463679 __track_NN_9 a bar or pair of parallel bars of rolled steel making the railway along which railroad cars or other vehicles can roll -10126424 __geneticist_NN_1 a biologist who specializes in genetics -12200504 __mahernia_verticillata_NN_1 African shrub having decumbent stems and slender yellow honey-scented flowers either solitary or in pairs -10184081 __toughie_NN_1 an aggressive and violent young criminal -06491786 __index_NN_4 an alphabetical listing of names and topics along with page numbers where they are discussed -11463371 __radiance_NN_1 the amount of electromagnetic radiation leaving or arriving at a point on a surface -05417472 __suppuration_NN_2 a fluid product of inflammation -10001647 __demander_NN_1 a person who makes demands -04613015 __yoke_NN_1 fabric comprising a fitted part at the top of a garment -13590327 __universal_gravitational_constant_NN_1 (physics) the universal constant relating force to mass and distance in Newton's law of gravitation -01454246 __tug_VB_4 carry with difficulty; "You'll have to lug this suitcase" -02278939 __spirited_JJ_1 displaying animation, vigor, or liveliness -06320569 __verb_NN_2 a content word that denotes an action, occurrence, or state of existence -07947958 __free_people_NN_1 people who are free; "the home of the free and the brave" -13088096 __plant_process_NN_1 a natural projection or outgrowth from a plant body or organ -02356108 __sciurus_NN_1 type genus of the Sciuridae; typical moderate-sized arboreal squirrels -06304671 __syllable_NN_1 a unit of spoken language larger than a phoneme; "the word `pocket' has two syllables" -05572940 __pupillary_sphincter_NN_1 a ring of smooth muscle surrounding the iris -04182708 __shaft_NN_9 (architecture) upright consisting of the vertical part of a column -06064462 __toxicology_NN_1 the branch of pharmacology that deals with the nature and effects and treatments of poisons -08701719 __pontus_NN_2 an ancient region of northern Asia Minor on the Black Sea; it reached its height under Mithridates VI but was later incorporated into the Roman Empire -00682436 __standardize_VB_2 plastic surgery to lift or reshape the breasts evaluate by comparing with a standard -03467517 __guitar_NN_1 a stringed instrument usually having six strings; played by strumming or plucking -12663804 __cinchona_NN_2 any of several trees of the genus Cinchona -02348405 __heteromyidae_NN_1 small New World burrowing mouselike rodents with fur-lined cheek pouches and hind limbs and tail adapted to leaping; adapted to desert conditions: pocket mice; kangaroo mice; kangaroo rats -09139380 __aberdeen_NN_2 a town in northeastern South Dakota -02116568 __horripilate_VB_2 cause (someone's) hair to stand on end and to have goosebumps; "Hitchcock movies horripilate me" -04539648 __voider_NN_3 a piece of chain mail covering a place unprotected by armor plate -01569836 __new_world_chat_NN_1 birds having a chattering call -09464221 __twilight_zone_NN_1 the lowest level of the ocean to which light can reach -03622526 __klystron_NN_1 an electron tube used to generate or amplify electromagnetic radiation in the microwave region by velocity modulation -10464178 __sermonizer_NN_1 someone whose occupation is preaching the gospel -07760153 __muscatel_NN_2 sweet aromatic grape used for raisins and wine -12911079 __purple_ground_cherry_NN_2 annual of tropical South America having edible purple fruits -10138767 __good_person_NN_1 a person who is good to other people -14427239 __infancy_NN_2 the earliest state of immaturity -01031109 __post_VB_12 mark or expose as infamous; "She was branded a loose woman" -10435041 __piper_NN_1 someone who plays the bagpipe -04096066 __route_NN_2 an open way (generally public) for travel or transportation -07759816 __vinifera_grape_NN_2 grape from a cultivated variety of the common grape vine of Europe -01264243 __emphasizing_NN_1 the act of giving special importance or significance to something -06934389 __tai_NN_2 the most widespread and best known of the Kadai family of languages -11612235 __cembra_nut_NN_1 the seed of the Swiss pine -13531652 __recapitulation_NN_1 emergence during embryonic development of various characters or structures that appeared during the evolutionary history of the strain or species -08051946 __royal_court_NN_2 the sovereign and his advisers who are the governing power of a state -14598079 __absorber_NN_1 (physics) material in a nuclear reactor that absorbs radiation -09731436 __south_african_NN_1 a native or inhabitant of South Africa -02354112 __index_VB_2 provide with an index; "index the book" -00870453 __combination_NN_6 the act of arranging elements into specified groups without regard to order -00301187 __calculable_JJ_1 capable of being calculated or estimated; "a calculable risk"; "calculable odds" -08303275 __federation_NN_2 a union of political organizations -05035961 __zip_NN_3 forceful exertion; "he plays tennis with great energy"; "he's full of zip" -10712055 __tinkerer_NN_2 a person who enjoys fixing and experimenting with machines and their parts -06501918 __manifest_NN_1 a customs document listing the contents put on a ship or plane -05986948 __containment_NN_1 a policy of creating strategic alliances in order to check the expansion of a hostile power or ideology or to force it to negotiate peacefully; "containment of communist expansion was a central principle of United States' foreign policy from 1947 to the 1975" -05501185 __brainstem_NN_1 the part of the brain continuous with the spinal cord and comprising the medulla oblongata and pons and midbrain and parts of the hypothalamus -00755277 __show_NN_4 pretending that something is the case in order to make a good impression; "they try to keep up appearances"; "that ceremony is just for show" -10250527 __secular_NN_1 someone who is not a clergyman or a professional person -12475242 __uvularia_grandiflora_NN_1 plant of southern and southeastern United States grown for its yellow flowers that can be dried -09096498 __charlestown_NN_1 a former town and present-day neighborhood of Boston; settled in 1629 -10776987 __whippersnapper_NN_1 someone who is unimportant but cheeky and presumptuous -10684827 __toady_NN_1 a person who tries to please someone in order to gain a personal advantage -05948857 __religious_mysticism_NN_1 a religion based on mystical communion with an ultimate reality -03732114 __mausoleum_NN_1 a large burial chamber, usually above ground -01746063 __micruroides_NN_1 coral snakes -03924811 __photocopy_NN_1 a photographic copy of written or printed or graphic work -00420132 __tighten_VB_1 make tight or tighter; "Tighten the wire" -12606545 __spiderwort_NN_1 any plant of the family Commelinaceae -07524760 __disquiet_NN_1 a feeling of mild anxiety about possible developments -00905852 __pardon_VB_1 accept an excuse for; "Please excuse my dirty hands" -12354849 __genus_ravenala_NN_1 woody tropical plants with tall trunks; sometimes placed in family Musaceae -10292192 __manservant_NN_1 a man servant -04915462 __shortness_NN_6 an abrupt discourteous manner -09202810 __araguaya_river_NN_1 a river in central Brazil that flows generally northward (with many falls) to join the Tocantins River -05290756 __head_NN_26 that part of a skeletal muscle that is away from the bone that it moves -03110322 __respiratory_JJ_1 pertaining to respiration; "respiratory assistance" -04547991 __wallboard_NN_1 a wide flat board used to cover walls or partitions; made from plaster or wood pulp or other materials and used primarily to form the interior walls of houses -02661574 __benthonic_JJ_1 of or relating to or happening on the bottom under a body of water -00842692 __suction_NN_2 the act of sucking -00773235 __perpetration_NN_1 the act of committing a crime -05923696 __ideal_NN_1 the idea of something that is perfect; something that one hopes to attain -07174877 __misconstruction_NN_1 a kind of misinterpretation resulting from putting a wrong construction on words or actions (often deliberately) -02629716 __xiphias_gladius_NN_1 large toothless marine food fish with a long swordlike upper jaw; not completely cold-blooded i.e. they are able to warm their brains and eyes: worldwide in warm waters but feed on cold ocean floor coming to surface at night -08784333 __kriti_NN_1 the largest Greek island in the Mediterranean; site of the Minoan civilization that reached its peak in 1600 BC -00820976 __manifest_VB_1 provide evidence for; stand as proof of; show by one's behavior, attitude, or external attributes; "His high fever attested to his illness"; "The buildings in Rome manifest a high level of architectural sophistication"; "This decision demonstrates his sense of fairness" -10655169 __stevedore_NN_1 a laborer who loads and unloads vessels in a port -09349425 __mt._mckinley_NN_1 a mountain in south central Alaska; the highest peak in North America (20,300 feet high) -12826516 __morning_glory_NN_1 any of various twining vines having funnel-shaped flowers that close late in the day -02212602 __vespid_wasp_NN_1 mostly social nest-building wasps -01628770 __urodele_NN_1 amphibians that resemble lizards -00626428 __read_VB_3 look at, interpret, and say out loud something that is written or printed; "The King will read the proclamation at noon" -05396366 __systema_lymphaticum_NN_1 the interconnected system of spaces and vessels between body tissues and organs by which lymph circulates throughout the body -01314388 __pest_NN_4 any unwanted and destructive insect or other animal that attacks food or crops or livestock etc.; "he sprayed the garden to get rid of pests"; "many pests have developed resistance to the common pesticides" -12032215 __genus_wyethia_NN_1 coarse leafy perennial plants resembling sunflowers found especially in the western United States -11811473 __lychnis_NN_1 mostly perennial herbs with sticky stems that catch insects; widespread in north temperate zone -01411727 __oedogoniaceae_NN_1 filamentous green algae -03395859 __fresnel_lens_NN_1 lens composed of a number of small lenses arranged to make a lightweight lens of large diameter and short focal length -03540595 __infirmary_NN_1 a health facility where patients receive treatment -00781355 __pilferage_NN_1 the act of stealing small amounts or small articles -02490686 __genus_cebuella_NN_1 pygmy marmosets -05727220 __classification_system_NN_1 a system for classifying things -13773725 __whit_NN_1 a tiny or scarcely detectable amount -04659090 __adaptability_NN_1 the ability to change (or be changed) to fit changed circumstances -06605046 __euphemism_NN_1 an inoffensive or indirect expression that is substituted for one that is considered offensive or too harsh -08580803 __habitation_NN_1 the native habitat or home of an animal or plant -05237755 __body_covering_NN_1 any covering for the body or a body part -02533748 __democratize_VB_2 introduce democratic reforms; of nations -07338681 __bump_NN_3 an impact (as from a collision); "the bump threw him off the bicycle" -06606808 __point_NN_3 a brief version of the essential meaning of something; "get to the point"; "he missed the point of the joke"; "life has lost its point" -10230801 __snatcher_NN_2 someone who unlawfully seizes and detains a victim (usually for ransom) -08406259 __rogue's_gallery_NN_1 a coterie of undesirable people -11741175 __sweet_gale_NN_1 bog shrub of north temperate zone having bitter-tasting fragrant leaves -05656997 __twilight_vision_NN_1 the ability to see in reduced illumination (as in moonlight) -03886237 __papaverine_NN_1 an alkaloid medicine (trade name Kavrin) obtained from opium; used to relax smooth muscles; it is nonaddictive -00205079 __renunciation_NN_4 the act of renouncing; sacrificing or giving up or surrendering (a possession or right or title or privilege etc.) -08928742 __kisumu_NN_1 a port city in western Kenya on the northeastern shore of Lake Victoria; fishing and trading center -03754979 __metharbital_NN_1 anticonvulsant drug (trade name Gemonil) used in the treatment of epilepsy -08844557 __papua_new_guinea_NN_1 a parliamentary democracy on the eastern half of the island of New Guinea; in 1975 it became an independent state within the Commonwealth of Nations -11413263 __coriolis_effect_NN_1 (physics) an effect whereby a body moving in a rotating frame of reference experiences the Coriolis force acting perpendicular to the direction of motion and to the axis of rotation; on Earth the Coriolis effect deflects moving bodies to the right in the northern hemisphere and to the left in the southern hemisphere -04404997 __tv_camera_NN_1 television equipment consisting of a lens system that focuses an image on a photosensitive mosaic that is scanned by an electron beam -11851101 __nopalea_NN_1 a genus of the cactus family with scarlet flowers -15105268 __writing_paper_NN_1 paper material made into thin sheets that are sized to take ink; used for writing correspondence and manuscripts -09957834 __recusant_NN_1 someone who refuses to conform to established standards of conduct -09762509 __wizard_NN_1 someone who is dazzlingly skilled in any field -12735009 __santalum_NN_1 parasitic trees of Indonesia and Malaysia -02078436 __zalophus_NN_1 sea lions -06960566 __goidelic_NN_1 any of several related languages of the Celts in Ireland and Scotland -02346895 __follow_VB_9 choose and follow; as of theories, ideas, policies, strategies or plans; "She followed the feminist movement"; "The candidate espouses Republican ideals" -09885145 __vendee_NN_1 a person who buys -01962350 __genus_anomia_NN_1 type genus of the family Anomiidae: saddle oysters -00862225 __hiss_VB_4 show displeasure, as after a performance or speech -05314919 __lash_NN_1 any of the short curved hairs that grow from the edges of the eyelids -01797051 __mourn_VB_1 feel sadness; "She is mourning her dead child" -01933988 __guinea_worm_NN_2 parasitic roundworm of India and Africa that lives in the abdomen or beneath the skin of humans and other vertebrates -00855295 __kid_VB_2 be silly or tease one another; "After we relaxed, we just kidded around" -01663659 __genus_chelonia_NN_1 green turtles -01573483 __genus_cacicus_NN_1 a genus of tropical American orioles -02613275 __worship_VB_3 attend religious services; "They worship in the traditional manner" -06700030 __honours_degree_NN_1 a university degree with honors -11126783 __lennon_NN_1 English rock star and guitarist and songwriter who with Paul McCartney wrote most of the music for the Beatles (1940-1980) -00113818 __angry_JJ_1 feeling or showing anger; "angry at the weather"; "angry customers"; "an angry silence"; "sending angry letters to the papers" -13031690 __morchellaceae_NN_1 a family of edible fungi including the true morels -04108268 __rope_NN_1 a strong line -00838367 __feeding_NN_1 the act of consuming food -10776339 __whiner_NN_1 a person given to excessive complaints and crying and whining -02436349 __manage_VB_2 be in charge of, act on, or dispose of; "I can deal with this crew of workers"; "This blender can't handle nuts"; "She managed her parents' affairs after they got too old" -00024649 __refreshen_VB_2 make fresh again -00784083 __petty_larceny_NN_1 larceny of property having a value less than some amount (the amount varies by locale) -05937524 __prototype_NN_1 a standard or typical example; "he is the prototype of good breeding"; "he provided America with an image of the good father" -02051213 __pelecaniformes_NN_1 pelicans; frigate birds; gannets; cormorants -10602470 __sister_NN_2 (Roman Catholic Church) a title given to a nun (and used as a form of address); "the Sisters taught her to love God" -04082886 __reticule_NN_2 a network of fine lines, dots, cross hairs, or wires in the focal plane of the eyepiece of an optical instrument -10384392 __orphan_NN_1 a child who has lost both parents -00840609 __overstress_VB_1 place special or excessive emphasis on; "I cannot overemphasize the importance of this book" -01997680 __back_up_VB_2 move backwards from a certain position; "The bully had to back down" -01403540 __putt_VB_1 strike (a golf ball) lightly, with a putter; "he putted the ball several feet past the hole" -07787715 __crabmeat_NN_1 the edible flesh of any of various crabs -10383505 __organizer_NN_2 someone who enlists workers to join a union -02392762 __place_VB_2 place somebody in a particular situation or location; "he was placed on probation" -07244613 __evangelism_NN_1 zealous preaching and advocacy of the gospel -07050952 __folksong_NN_1 a song that is traditionally sung by the common people of a region and forms part of their culture -04418357 __theatre_curtain_NN_1 a hanging cloth that conceals the stage from the view of the audience; rises or parts at the beginning and descends or closes between acts and at the end of a performance -14859838 __organic_fertilizer_NN_1 a fertilizer that is derived from animal or vegetable matter -01782209 __tetranychid_NN_1 web-spinning mite that attacks garden plants and fruit trees -08920722 __yezo_NN_1 the second largest of the four main islands of Japan; to the north of Honshu -09538318 __yhwh_NN_1 a name for the God of the Old Testament as transliterated from the Hebrew consonants YHVH -04043733 __wireless_NN_3 an electronic receiver that detects and demodulates and amplifies transmitted signals -12609842 __pontederia_NN_1 pickerelweed -08229887 __investors_club_NN_1 a club of small investors who buy and sell securities jointly -03515338 __heraldry_NN_2 emblem indicating the right of a person to bear arms -05344514 __digital_arteries_NN_1 arteries in the hand and foot that supply the fingers and toes -09837201 __bandleader_NN_1 the leader of a dance band -13630545 __petabit_NN_1 a unit of information equal to 1000 terabits or 10^15 bits -10586998 __shavian_NN_1 an admirer of G. B. Shaw or his works -01478626 __androgynous_JJ_2 having both male and female characteristics -13023292 __subdivision_ascomycotina_NN_1 a large subdivision of Eumycota including Hemiascomycetes and Plectomycetes and Pyrenomycetes and Discomycetes; sac fungi; in some classification systems considered a division of the kingdom Fungi -00455348 __followup_NN_2 an activity that continues something that has already begun or that repeats something that has already been done -08110648 __subspecies_NN_1 (biology) a taxonomic group that is a division of a species; usually arises as a consequence of geographical isolation within a species -06874391 __green_light_NN_1 a signal to proceed -04081044 __rest_NN_6 a support on which things can be put; "the gun was steadied on a special rest" -10451590 __pollster_NN_1 someone who conducts surveys of public opinion; "a pollster conducts public opinion polls"; "a headcounter counts heads" -05752921 __conditioning_NN_1 a learning process in which an organism's behavior becomes dependent on the occurrence of a stimulus in its environment -01441625 __notropis_NN_1 shiners -09014586 __republic_of_moldova_NN_1 a landlocked republic in eastern Europe; formerly a European soviet but achieved independence in 1991 -08567235 __surroundings_NN_2 the area in which something exists or lives; "the country--the flat agricultural surround" -02042067 __tunnel_VB_1 move through by or as by digging; "burrow through the forest" -13720096 __pound_NN_1 16 ounces avoirdupois; "he got a hernia when he tried to lift 100 pounds" -11785475 __genus_caladium_NN_1 small genus of tropical South American tuberous perennials with large variously colored leaves -02202509 __family_ceratopogonidae_NN_1 biting midges; sand flies -14888310 __glycoprotein_NN_1 a conjugated protein having a carbohydrate component -06724763 __verbal_description_NN_1 a statement that represents something in words -00249556 __fossilize_VB_2 become mentally inflexible -02489183 __inmarry_VB_1 marry within one's own tribe or group; "The inhabitants of this isolated village tend to inmarry" -00937476 __printmaking_NN_1 artistic design and manufacture of prints as woodcuts or silkscreens -06757057 __tarradiddle_NN_1 a trivial lie; "he told a fib about eating his spinach"; "how can I stop my child from telling stories?" -06483454 __position_NN_14 an item on a list or in a sequence; "in the second place"; "moved from third to fifth position" -06048851 __periodontics_NN_1 the branch of dentistry dealing with diseases of the gums and other structures around the teeth -10474645 __school_principal_NN_1 the educator who has executive authority for a school; "she sent unruly pupils to see the principal" -06786629 __instruction_NN_1 a message describing how something is to be done; "he gave directions faster than she could follow them" -01239494 __elbow_VB_2 shove one's elbow into another person's ribs -11105054 __martin_luther_king_jr._NN_1 United States charismatic civil rights leader and Baptist minister who campaigned against the segregation of Blacks (1929-1968) -01645634 __family_bufonidae_NN_1 true toads -00835976 __stertor_NN_1 the act of snoring or producing a snoring sound -04328946 __storage_space_NN_1 the area in any structure that provides space for storage -02447542 __franchise_VB_1 grant a franchise to -08626522 __new_town_NN_1 a planned urban community created in a rural or undeveloped area and designed to be self-sufficient with its own housing and education and commerce and recreation -02640053 __skulk_VB_1 lie in wait, lie in ambush, behave in a sneaky and secretive manner -10505942 __roue_NN_1 a dissolute man in fashionable society -10659188 __stone_breaker_NN_1 someone who breaks up stone -01081456 __confederation_NN_3 the act of forming an alliance or confederation -04549919 __ward_NN_3 block forming a division of a hospital (or a suite of rooms) shared by patients who need a similar kind of care; "they put her in a 4-bed ward" -10455915 __poseur_NN_1 a person who habitually pretends to be something he is not -05194578 __force_NN_1 a powerful effect or influence; "the force of his eloquence easily persuaded them" -01624406 __surnia_NN_1 a genus of hawk-like owls -01771966 __order_araneida_NN_1 spiders -09458791 __tigris_river_NN_1 an Asian river; a tributary of the Euphrates River -07009640 __act_NN_3 a subdivision of a play or opera or ballet -08177030 __organization_of_petroleum-exporting_countries_NN_1 an organization of countries formed in 1961 to agree on a common policy for the production and sale of petroleum -12736999 __rabbitwood_NN_1 shrub of southeastern United States parasitic on roots of hemlocks having sparse spikes of greenish flowers and pulpy drupes -00049900 __undress_VB_1 get undressed; "please don't undress in front of everybody!"; "She strips in front of strangers every night for a living" -05141222 __valuableness_NN_1 the positive quality of being precious and beyond value -05513529 __female_reproductive_system_NN_1 the reproductive system of females -12060118 __genus_dryadella_NN_1 comprises tropical American species usually placed in genus Masdevallia: very dwarf plants having short tufted and usually unifoliate stems with usually solitary flowers -02592371 __squirrelfish_NN_1 similar to sea bream; small spiny-finned fish found in bays along the southeastern coast of the United States -02011685 __dawdle_VB_2 waste time; "Get busy--don't dally!" -12084746 __genus_stanhopea_NN_1 genus of tropical American epiphytic orchids -01836384 __nighthawk_NN_2 mainly nocturnal North American goatsucker -02351212 __zapus_NN_1 type genus of the Zapodidae -11919447 __ragweed_NN_2 any of numerous chiefly North American weedy plants constituting the genus Ambrosia that produce highly allergenic pollen responsible for much hay fever and asthma -10000787 __delegate_NN_1 a person appointed or elected to represent others -01063695 __invite_VB_7 request the participation or presence of; "The organizers invite submissions of papers for the conference" -11244061 __potyokin_NN_1 a Russian officer and politician who was a favorite of Catherine II and in 1762 helped her to seize power; when she visited the Crimea in 1787 he gave the order for sham villages to be built (1739-1791) -09096190 __beacon_hill_NN_1 a fashionable section of Boston; site of the Massachusetts capital building -00067707 __surrender_NN_4 the act of surrendering (usually under agreed conditions); "they were protected until the capitulation of the fort" -02912440 __bug_NN_3 a small hidden microphone; for listening secretly -01592774 __pull_off_VB_4 remove by drawing or pulling; "She placed the tray down and drew off the cloth"; "draw away the cloth that is covering the cheese" -10026058 __donor_NN_2 (medicine) someone who gives blood or tissue or an organ to be used in another person (the host) -03544360 __house_NN_1 a dwelling that serves as living quarters for one or more families; "he has a house on Cape Cod"; "she felt she had to get out of the house" -00414179 __use_NN_5 (psychology) an automatic pattern of behavior in reaction to a specific situation; may be inherited or acquired through frequent repetition; "owls have nocturnal habits"; "she had a habit twirling the ends of her hair"; "long use had hardened him to it" -07108453 __synecdoche_NN_1 substituting a more inclusive term for a less inclusive one or vice versa -14477877 __failure_NN_3 lack of success; "he felt that his entire life had been a failure"; "that year there was a crop failure" -10042845 __oddball_NN_1 a person with an unusual or odd personality -13649268 __metric_linear_unit_NN_1 a linear unit of distance in metric terms -02802215 __hoop_NN_4 horizontal circular metal hoop supporting a net through which players try to throw the basketball -15116910 __standard_time_NN_1 the official time in a local region (adjusted for location around the Earth); established by law or custom -00505349 __detoxify_VB_1 remove poison from; "detoxify the soil" -00371487 __elaboration_NN_1 addition of extra material or illustration or clarifying detail; "a few remarks added in amplification and defense"; "an elaboration of the sketch followed" -02389220 __wild_JJ_2 in a natural state; not tamed or domesticated or cultivated; "wild geese"; "edible wild plants" -11498040 __pull_NN_2 the force used in pulling; "the pull of the moon"; "the pull of the current" -14828511 __cytosine_NN_1 a base found in DNA and RNA and derived from pyrimidine; pairs with guanine -11031995 __sir_rex_harrison_NN_1 English actor on stage and in films (1908-1990) -02198423 __block_VB_6 interrupt the normal function of by means of anesthesia; "block a nerve"; "block a muscle" -09689152 __teuton_NN_2 a member of the ancient Germanic people who migrated from Jutland to southern Gaul and were annihilated by the Romans -00750730 __trick_NN_3 an attempt to get you to do something foolish or imprudent; "that offer was a dirty trick" -08638260 __outport_NN_1 a subsidiary port built in deeper water than the original port (but usually farther from the center of trade) -12051792 __rosebud_orchid_NN_1 orchid of central and northern South America having 1- to 3-blossomed racemes of large showy rose-colored flowers; sometimes placed in genus Pogonia -04101497 __roller_NN_4 a cylinder that revolves -01009871 __ordering_NN_2 the act of putting things in a sequential arrangement; "there were mistakes in the ordering of items on the list" -05352433 __metatarsal_artery_NN_1 dorsal and plantar arteries to the metatarsal region of the foot -02243562 __water_strider_NN_1 long-legged bug that skims about on the surface of water -02648174 __genus_aspidophoroides_NN_1 alligatorfishes -09307902 __hydrosphere_NN_1 the watery layer of the earth's surface; includes water vapor -05380697 __vena_spinalis_NN_1 veins that drain the spinal cord -02484813 __genus_cercopithecus_NN_1 type genus of the Cercopithecidae: guenons -12122245 __sweet_grass_NN_1 any of several moisture-loving grasses of the genus Glyceria having sweet flavor or odor -00456357 __saturate_VB_1 cause (a chemical compound, vapour, solution, magnetic material) to unite with the greatest possible amount of another substance -07962707 __shock_NN_7 a pile of sheaves of grain set on end in a field to dry; stalks of Indian corn set up in a field; "corn is bound in small sheaves and several sheaves are set up together in shocks"; "whole fields of wheat in shock" -07623933 __tart_NN_2 a small open pie with a fruit filling -01918984 __quiet_JJ_2 free of noise or uproar; or making little if any sound; "a quiet audience at the concert"; "the room was dark and quiet" -08847694 __arabian_peninsula_NN_1 a peninsula between the Red Sea and the Persian Gulf; strategically important for its oil resources -10895688 __chiang_kai-shek_NN_1 Chinese military and political figure; in the Chinese civil war that followed World War II he was defeated by the Chinese communists and in 1949 was forced to withdraw to Taiwan where he served as president of Nationalist China until his death (1897-1975) -10252547 __lecturer_NN_2 someone who lectures professionally -05698791 __suspicion_NN_2 doubt about someone's honesty -07350069 __heave_NN_2 (geology) a horizontal dislocation -03275681 __electrolytic_condenser_NN_1 a fixed capacitor consisting of two electrodes separated by an electrolyte -08969948 __el_aaium_NN_1 a town in Morocco near the Atlantic coast -01803078 __pheasant_NN_1 large long-tailed gallinaceous bird native to the Old World but introduced elsewhere -06410904 __book_NN_1 a written work or composition that has been published (printed on pages bound together); "I am reading a good book on economics" -08887013 __channel_island_NN_1 any of a group of British islands in the English Channel off the northern coast of France -04096848 __roadblock_NN_2 a barrier set up by police to stop traffic on a street or road in order to catch a fugitive or inspect traffic etc. -09711530 __lesbian_NN_2 a resident of Lesbos -07404584 __tide_rip_NN_1 a stretch of turbulent water in a river or the sea caused by one current flowing into or across another current -07821919 __turmeric_NN_2 ground dried rhizome of the turmeric plant used as seasoning -09004068 __russian_capital_NN_1 a city of central European Russia; formerly capital of both the Soviet Union and Soviet Russia; since 1991 the capital of the Russian Federation -10014658 __diplomat_NN_2 a person who deals tactfully with others -02512808 __stratify_VB_1 divide society into social classes or castes; "Income distribution often stratifies a society" -00962634 __disloyal_JJ_2 deserting your allegiance or duty to leader or cause or principle; "disloyal aides revealed his indiscretions to the papers" -04300741 __stand_NN_10 tiered seats consisting of a structure (often made of wood) where people can sit to watch an event (game or parade) -01521603 __lace_up_VB_1 draw through eyes or holes; "lace the shoelaces" -08719100 __sri_lanka_NN_1 a republic on the island of Ceylon; became independent of the United Kingdom in 1948 -10512201 __recruit_NN_2 any new member or supporter (as in the armed forces) -13732295 __simple_fraction_NN_1 the quotient of two integers -02040872 __laridae_NN_1 gull family: gulls and terns -07825972 __soy_sauce_NN_1 thin sauce made of fermented soy beans -04071876 __register_NN_4 (computer science) memory device that is the part of computer memory that has a specific address and that is used to hold information of a specific kind -07577374 __snack_NN_1 a light informal meal -12257920 __moneses_NN_1 one species: one-flowered wintergreen; sometimes included in genus Pyrola -00568234 __schematize_VB_2 give conventional form to; "some art forms schematise designs into geometrical patterns" -09197945 __annapurna_NN_2 a mountain in the Himalayas in Nepal (26,500 feet high) -05116590 __verdure_NN_2 the lush appearance of flourishing vegetation -01389875 __sarcodina_NN_1 characterized by the formation of pseudopods for locomotion and taking food: Actinopoda; Rhizopoda -00122097 __vascularize_VB_2 make vascular; "the yolk sac is gradually vascularized" -04474187 __transport_ship_NN_1 a ship for carrying soldiers or military equipment -01970272 __steam_VB_3 rise as vapor -01404813 __genus_fucus_NN_1 type genus of the family Fucaceae: cartilaginous brown algae -11712153 __liriodendron_NN_1 tulip trees -02067540 __course_VB_1 move swiftly through or over; "ships coursing the Atlantic" -07331013 __obliteration_NN_2 the complete destruction of every trace of something -11045898 __william_herschel_NN_1 English astronomer (born in Germany) who discovered infrared light and who catalogued the stars and discovered the planet Uranus (1738-1822) -09643078 __oriental_person_NN_1 a member of an Oriental race; the term is regarded as offensive by Asians (especially by Asian Americans) -13579287 __information_measure_NN_1 a system of measurement of information based on the probabilities of the events that convey information -01163316 __flagellation_NN_1 beating as a source of erotic or religious stimulation -09016099 __stalino_NN_1 an industrial city in the Donets Basin -10421753 __pharmacologist_NN_1 someone trained in the science of drugs (their composition and uses and effects) -12591195 __livistona_NN_1 fan palms of Asia and Australia and Malaysia -00133981 __knockdown_NN_1 a blow that knocks the opponent off his feet -07405893 __flowing_NN_1 the motion characteristic of fluids (liquids or gases) -09090559 __louisiana_purchase_NN_1 territory in the western United States purchased from France in 1803 for $15 million; extends from the Mississippi River to the Rocky Mountains and from the Gulf of Mexico to Canada -00136876 __goal-kick_NN_1 (rugby) an attempt to kick a goal -12710295 __tangerine_tree_NN_1 a variety of mandarin orange -10517826 __regulator_NN_2 an official responsible for control and supervision of a particular activity or area of public interest -07581775 __cocktail_NN_2 an appetizer served as a first course at a meal -09129062 __greenville_NN_2 a city in eastern North Carolina; tobacco market -05280831 __socket_NN_1 a bony hollow into which a structure fits -01104624 __shaft_VB_2 defeat someone through trickery or deceit -12335483 __flooded_gum_NN_1 any of several Australian gum trees growing on moist or alluvial soil -05015463 __iciness_NN_1 coldness due to a cold environment -02282385 __copper_NN_5 any of various small butterflies of the family Lycaenidae having coppery wings -08086646 __greek_orthodox_church_NN_1 state church of Greece; an autonomous part of the Eastern Orthodox Church -06915601 __caddoan_language_NN_1 a family of North American Indian languages spoken widely in the Midwest by the Caddo -10723300 __tramp_NN_1 a disreputable vagrant; "a homeless tramp"; "he tried to help the really down-and-out bums" -15108745 __zinc_white_NN_1 a white pigment used in house paints; consists of zinc oxide -10150940 __invitee_NN_1 a visitor to whom hospitality is extended -01205010 __keeping_NN_1 conformity or harmony; "his behavior was not in keeping with the occasion" -10341955 __mutilator_NN_1 a person who mutilates or destroys or disfigures or cripples -00831191 __ventilation_NN_4 the bodily process of inhalation and exhalation; the process of taking in oxygen from inhaled air and releasing carbon dioxide by exhalation -01335460 __plant_virus_NN_1 a plant pathogen that is a virus consisting of a single strand of RNA -00030358 __human_activity_NN_1 something that people do or cause to happen -00548326 __playing_NN_3 the performance of a part or role in a drama -02021149 __summit_VB_1 reach the summit (of a mountain); "They breasted the mountain"; "Many mountaineers go up Mt. Everest but not all summit" -01815601 __sandgrouse_NN_1 pigeon-like bird of arid regions of the Old World having long pointed wings and tail and precocial downy young -05167618 __negativity_NN_2 characterized by habitual skepticism and a disagreeable tendency to deny or oppose or resist suggestions or commands -02057478 __procellariiformes_NN_1 petrels; albatrosses; shearwaters; diving petrels -00069173 __breach_of_contract_NN_1 a breach of a legal duty; failure to do something that is required in a contract -08695198 __provincial_capital_NN_1 the capital city of a province -09709001 __breton_NN_1 a native or inhabitant of Brittany (especially one who speaks the Breton language) -09322930 __kamet_NN_1 a mountain in the Himalayas in northern India (25,450 feet high) -12688903 __redstem_storksbill_NN_1 European weed naturalized in southwestern United States and Mexico having reddish decumbent stems with small fernlike leaves and small deep reddish-lavender flowers followed by slender fruits that stick straight up; often grown for forage -00366858 __vaporize_VB_3 lose or cause to lose liquid by vaporization leaving a more concentrated residue; "evaporate milk" -02505358 __drive_VB_5 to compel or force or urge relentlessly or exert coercive pressure on, or motivate strongly; "She is driven by her passion" -02010881 __nyctanassa_NN_1 American night herons -09345932 __main_NN_1 any very large body of (salt) water -05629682 __pit_NN_4 (Christianity) the abode of Satan and the forces of evil; where sinners suffer eternal punishment; "Hurl'd headlong...To bottomless perdition, there to dwell"- John Milton; "a demon from the depths of the pit"; "Hell is paved with good intentions"-Dr. Johnson -13543231 __psychogenesis_NN_1 the development in the life of an individual of some disorder that is caused by psychological rather than physiological factors -00164999 __co-option_NN_2 the act of appointing summarily (with or without the appointee's consent) -06937768 __polynesian_NN_2 the branch of the Austronesian languages spoken from Madagascar to the central Pacific -05600030 __lantern_jaw_NN_1 a long thin lower jaw -09936620 __collector_NN_1 a person who collects things -05601198 __face_NN_7 the part of an animal corresponding to the human face -02187693 __bang_VB_2 to produce a sharp often metallic explosive or percussive sound; "One of them banged the sash of the window nearest my bed" -14332085 __stinging_NN_1 a kind of pain; something as sudden and painful as being stung; "the sting of death"; "he felt the stinging of nettles" -05528604 __nasal_cavity_NN_1 either of the two cavities lying between the floor of the cranium and the roof of the mouth and extending from the face to the pharynx -11639445 __pahautea_NN_1 evergreen tree of New Zealand resembling the kawaka -09606009 __venturer_NN_2 a person who enjoys taking risks -06386156 __heroic_verse_NN_1 a verse form suited to the treatment of heroic or elevated themes; dactylic hexameter or iambic pentameter -14799601 __composition_board_NN_1 a stiff moderately thick paper -02283951 __tortricid_moth_NN_1 any of numerous small moths having lightly fringed wings; larvae are leaf rollers or live in fruits and galls -02556623 __percidae_NN_1 active freshwater fishes; true perches and pike perches -05638486 __literacy_NN_1 the ability to read and write -08088963 __high_church_NN_1 a group in the Anglican Church that emphasizes the Catholic tradition (especially in sacraments and rituals and obedience to church authority) -03157987 __cytotoxic_drug_NN_1 any drug that has a toxic effect on cells; commonly used in chemotherapy to inhibit the proliferation of cancerous cells -02622823 __trichiuridae_NN_1 cutlassfishes -02303331 __waive_VB_2 lose (s.th.) or lose the right to (s.th.) by some error, offense, or crime; "you've forfeited your right to name your successor"; "forfeited property" -00375938 __refocusing_NN_1 focusing again -05284132 __upper_jawbone_NN_1 the jaw in vertebrates that is fused to the cranium -10254761 __lepidopterologist_NN_1 an entomologist who specializes in the collection and study of butterflies and moths -09813219 __sitter_NN_4 a person who poses for a painter or sculptor -01715888 __ornithomimid_NN_1 lightly built medium-sized dinosaur having extremely long limbs and necks with small heads and big brains and large eyes -03001282 __chain_tongs_NN_1 a pipe wrench used for turning large pipes; an adjustable chain circles the pipe with its ends connected to the head whose teeth engage the pipe -13948136 __standing_NN_1 social or financial or professional status or reputation; "of equal standing"; "a member in good standing" -08611954 __old_country_NN_1 the country of origin of an immigrant -00799409 __consumerism_NN_2 a movement advocating greater protection of the interests of consumers -05023741 __rigidness_NN_1 the physical property of being stiff and resisting bending -00086320 __shoot_VB_20 give an injection to; "We injected the glucose into the patient's vein" -14559983 __tibia_valga_NN_1 an inward slant of the thigh -00751529 __twisting_NN_1 the act of distorting something so it seems to mean something it was not intended to mean -01470287 __larvacea_NN_1 small free-swimming tunicates; sometimes classified as an order -10152083 __triggerman_NN_1 a professional killer who uses a gun -01229631 __spiritize_VB_1 imbue with a spirit -03851787 __optical_disk_NN_1 a disk coated with plastic that can store digital data as tiny pits etched in the surface; is read with a laser that scans the surface -00565809 __undercut_NN_4 (sports) a stroke that puts reverse spin on the ball; "cuts do not bother a good tennis player" -01987160 __position_VB_1 cause to be in an appropriate place, state, or relation -08914413 __basra_NN_1 the second largest city in Iraq; an oil port in southern Iraq -12162905 __genus_bryonia_NN_1 climbing perennial herbs: bryony -11896365 __sinapis_NN_1 small genus of Old World herbs usually included in genus Brassica -02058221 __mollymawk_NN_1 large web-footed birds of the southern hemisphere having long narrow wings; noted for powerful gliding flight -00772967 __represent_VB_14 bring forward and present to the mind; "We presented the arguments to him"; "We cannot represent this knowledge to our formal reason" -13795489 __relatedness_NN_1 a particular manner of connectedness; "the relatedness of all living things" -13460568 __evaporation_NN_2 the process of extracting moisture -05674584 __set_NN_12 (psychology) being temporarily ready to respond in a particular way; "the subjects' set led them to solve problems the familiar way and to overlook the simpler solution"; "his instructions deliberately gave them the wrong set" -09066017 __san_jose_NN_1 a city in western California located at the southern end of San Francisco Bay to the south of San Francisco; a center for computer and electronics industries -08615149 __parkland_NN_1 a large area of land preserved in its natural state as public property; "there are laws that protect the wildlife in this park" -12648196 __prunus_persica_nectarina_NN_1 variety or mutation of the peach bearing fruit with smooth skin and (usually) yellow flesh -08969123 __urga_NN_1 the capital and largest city of Mongolia -00547802 __unsubstantialize_VB_1 render immaterial or incorporeal -10719395 __townee_NN_1 townsman unacquainted with country life especially a slick and flashy male city dweller -03141702 __crusher_NN_1 a device that crushes something -05285275 __orbital_cavity_NN_1 the bony cavity in the skull containing the eyeball -11320405 __stowe_NN_1 United States writer of a novel about slavery that advanced the abolitionists' cause (1811-1896) -02976641 __case_shot_NN_1 a metallic cylinder packed with shot and used as ammunition in a firearm -12586298 __calamus_NN_1 any tropical Asian palm of the genus Calamus; light tough stems are a source of rattan canes -08727003 __talien_NN_1 a port and shipbuilding center in northeastern China on the Liaodong Peninsula; now a part of Luda -00019128 __natural_object_NN_1 an object occurring naturally; not made by man -12778605 __carnivorous_plant_NN_1 plants adapted to attract and capture and digest primarily insects but also other small animals -03811444 __navigational_system_NN_1 a system that provides information useful in determining the position and course of a ship or aircraft -01452633 __zeidae_NN_1 a family of fish in the order Zeomorphi -07262579 __indicator_NN_2 a signal for attracting attention -01056369 __cackle_VB_2 squawk shrilly and loudly, characteristic of hens -10324357 __mod_NN_1 a British teenager or young adult in the 1960s; noted for their clothes consciousness and opposition to the rockers -01194331 __legal_ouster_NN_1 the expulsion of someone (such as a tenant) from the possession of land by process of law -02003037 __leptoptilus_dubius_NN_1 large Indian stork with a military gait -11661207 __taxus_NN_1 yews -03060728 __cockcroft_and_walton_voltage_multiplier_NN_1 a high-voltage machine in which rectifiers charge capacitors that discharge and drive charged particles through an accelerating tube -10008716 __waster_NN_2 a person who destroys or ruins or lays waste to; "a destroyer of the environment"; "jealousy was his undoer"; "uprooters of gravestones" -09995398 __decoder_NN_1 the kind of intellectual who converts messages from a code to plain text -05876912 __distribution_law_NN_1 (chemistry) the total energy in an assembly of molecules is not distributed equally but is distributed around an average value according to a statistical distribution -14943580 __timber_NN_1 the wood of trees cut and prepared for use as building material -02318464 __straight_JJ_6 characterized by honesty and fairness; "straight dealing"; "a square deal" -02713372 __stick_out_VB_1 extend out or project in space; "His sharp nose jutted out"; "A single rock sticks out from the cliff" -06535222 __statute_law_NN_1 law enacted by a legislative body -03913129 __yellow_jacket_NN_1 a barbiturate (trade name Nembutal) used as a sedative and hypnotic and antispasmodic -06508112 __transactions_NN_1 a written account of what transpired at a meeting -00865808 __pupillary_reflex_NN_1 reflex contraction of the sphincter muscle of the iris in response to a bright light (or certain drugs) causing the pupil to become smaller -07956426 __pack_NN_2 a complete collection of similar things -11990167 __oxeye_daisy_NN_1 similar to oxeye daisy -05823054 __justification_NN_1 something (such as a fact or circumstance) that shows an action to be reasonable or necessary; "he considered misrule a justification for revolution" -01175224 __mumble_VB_2 grind with the gums; chew without teeth and with great difficulty; "the old man had no teeth left and mumbled his food" -07757602 __oxheart_cherry_NN_2 large heart-shaped sweet cherry with soft flesh -00760402 __communicate_VB_7 receive Communion, in the Catholic church -01176540 __snickersnee_NN_1 fighting with knives -10043163 __ecologist_NN_1 a biologist who studies the relation between organisms and their environment -09020299 __almaty_NN_1 the largest city in Kazakhstan and the capital until 1998 -07080868 __verbalization_NN_2 the activity of expressing something in words -02503803 __relegate_VB_3 expel, as if by official decree; "he was banished from his own country" -03614007 __keyboard_NN_1 device consisting of a set of keys on a piano or organ or typewriter or typesetting machine or computer or the like -04935528 __bond_NN_10 the property of sticking together (as of glue and wood) or the joining of surfaces of different composition; "the mutual adhesiveness of cells"; "a heated hydraulic press was required for adhesion" -00811661 __storage_NN_3 the commercial enterprise of storing goods and materials -10622053 __soldier_NN_1 an enlisted man or woman who serves in an army; "the soldiers stood at attention" -13483726 __fossilization_NN_1 the process of fossilizing a plant or animal that existed in some earlier age; the process of being turned to stone -01281782 __rout_VB_3 make a groove in -12261571 __purple_beech_NN_1 variety of European beech with shining purple or copper-colored leaves -03338287 __filling_NN_5 (dentistry) a dental appliance consisting of any of various substances (as metal or plastic) inserted into a prepared cavity in a tooth; "when he yawned I could see the gold fillings in his teeth"; "an informal British term for `filling' is `stopping'" -01360937 __pseudomonas_NN_1 type genus of the family Pseudomonodaceae -02298379 __sphingidae_NN_1 hawkmoths -01897667 __spurious_wing_NN_1 tuft of small stiff feathers on the first digit of a bird's wing -08543223 __hub_NN_2 a center of activity or interest or commerce or transportation; a focal point around which events revolve; "the playground is the hub of parental supervision"; "the airport is the economic hub of the area" -11921949 __genus_antennaria_NN_1 small woolly perennial herbs having small whitish discoid flowers surrounded by a ring of club-shaped bristles -08846885 __salzburg_NN_1 city in western Austria; a music center and birthplace of Mozart -08253450 __masquerade_party_NN_1 a party of guests wearing costumes and masks -00999787 __registration_NN_5 the act of adjusting something to match a standard -00653811 __poll_NN_5 the counting of votes (as in an election) -00281752 __landing_approach_NN_1 the approach to a landing field by an airplane -11004106 __johann_wolfgang_von_goethe_NN_1 German poet and novelist and dramatist who lived in Weimar (1749-1832) -09391996 __pike's_peak_NN_1 a mountain peak in the Rockies in central Colorado (14,109 feet high) -02191617 __genus_calliphora_NN_1 type genus of the Calliphoridae: blowflies -10726786 __travelling_salesman_NN_1 a salesman who travels to call on customers -07642471 __preserves_NN_1 fruit preserved by cooking with sugar -07187297 __demagogy_NN_1 impassioned appeals to the prejudices and emotions of the populace -04204619 __short_NN_1 the location on a baseball field where the shortstop is stationed -09341465 __llano_estacado_NN_1 a large semiarid plateau forming the southern part of the Great Plains -00809465 __possession_NN_1 the act of having and controlling property -07887634 __lager_beer_NN_1 a general term for beer made with bottom fermenting yeast (usually by decoction mashing); originally it was brewed in March or April and matured until September -02279772 __take_advantage_VB_1 draw advantages from; "he is capitalizing on her mistake"; "she took advantage of his absence to meet her lover" -02010144 __genus_bubulcus_NN_1 small white egrets -01953361 __cowry_NN_1 any of numerous tropical marine gastropods of the genus Cypraea having highly polished usually brightly marked shells -12845732 __genus_conradina_NN_1 small genus of low aromatic shrubs of southeastern United States -13793776 __implication_NN_5 a relation implicated by virtue of involvement or close connection (especially an incriminating involvement); "he was suspected of implication in several robberies" -01019524 __copying_NN_1 an act of copying -02509515 __nasua_narica_NN_1 omnivorous mammal of Central America and South America -00003826 __hiccup_VB_1 breathe spasmodically, and make a sound; "When you have to hiccup, drink a glass of cold water" -13720852 __quarter_NN_8 a quarter of a hundredweight (25 pounds) -10779416 __white_slave_NN_1 a woman sold into prostitution -12200747 __pterospermum_NN_1 genus of tropical Asian trees and shrubs -13634418 __light_unit_NN_1 a measure of the visible electromagnetic radiation -02054966 __phaethon_NN_2 type genus of the Phaethontidae -01915414 __pennatulidae_NN_1 sea pens -01737021 __water_snake_NN_1 any of various mostly harmless snakes that live in or near water -03137579 __crosspiece_NN_2 a transverse brace -00566322 __womanize_VB_2 to give a (more) feminine, effeminate, or womanly quality or appearance to; "This hairdo feminizes the man" -07427337 __weakening_NN_1 becoming weaker -02724026 __antiquity_NN_3 an artifact surviving from the past -04162706 __seatbelt_NN_1 a safety belt used in a car or plane to hold you in your seat in case of an accident -00789906 __takeover_NN_2 a change by sale or merger in the controlling interest of a corporation -06998748 __nontextual_matter_NN_1 photographs or other visual representations in a printed publication; "the publisher was responsible for all the artwork in the book" -05950234 __tabu_NN_1 a prejudice (especially in Polynesia and other South Pacific islands) that prohibits the use or mention of something because of its sacred nature -01525720 __oscine_bird_NN_1 passerine bird having specialized vocal apparatus -09824361 __authority_NN_3 an expert whose views are taken as definitive; "he is an authority on corporate law" -02742638 __confront_VB_4 be face to face with; "The child screamed when he confronted the man in the Halloween costume" -06172789 __linguistics_NN_1 the scientific study of language -02571901 __mind_VB_4 pay close attention to; give heed to; "Heed the advice of the old men" -09537144 __word_NN_8 the divine word of God; the second person in the Trinity (incarnate in Jesus) -12957076 __water_fern_NN_1 ferns that grow in water -06447897 __revelation_of_saint_john_the_divine_NN_1 the last book of the New Testament; contains visionary descriptions of heaven and of conflicts between good and evil and of the end of the world; attributed to Saint John the Apostle -01754533 __water_moccasin_NN_1 venomous semiaquatic snake of swamps in southern United States -08824771 __st._john_NN_3 a port in eastern Canada; the largest city in New Brunswick -06278662 __electronic_communication_NN_1 communication by computer -00330836 __scudding_NN_1 the act of moving along swiftly (as before a gale) -10782471 __winger_NN_1 (sports) player in wing position -06322693 __comparative_degree_NN_1 the comparative form of an adjective or adverb; "`faster' is the comparative of the adjective `fast'"; "`less famous' is the comparative degree of the adjective `famous'"; "`more surely' is the comparative of the adverb `surely'" -11756092 __acacia_NN_1 any of various spiny trees or shrubs of the genus Acacia -07109847 __vocalization_NN_2 the use of uttered sounds for auditory communication -00218475 __dry_out_VB_3 remove the moisture from and make dry; "dry clothes"; "dry hair" -08455829 __shariah_law_NN_1 the code of law derived from the Koran and from the teachings and example of Mohammed; "sharia is only applicable to Muslims"; "under Islamic law there is no separation of church and state" -11083064 __st._jerome_NN_1 (Roman Catholic Church) one of the great Fathers of the early Christian Church whose major work was his translation of the Scriptures from Hebrew and Greek into Latin (which became the Vulgate); a saint and Doctor of the Church (347-420) -12973541 __genus_rhizopus_NN_1 a genus of rot-causing fungi having columnar hemispherical aerial sporangia anchored to the substrate by rhizoids -00425090 __outrage_NN_2 a wantonly cruel act -12602262 __eriogonum_NN_1 any plant of the genus Eriogonum with small clustered flowers -10590339 __shipper_NN_1 someone who ships goods -01977545 __dump_VB_4 drop (stuff) in a heap or mass; "The truck dumped the garbage in the street" -11768505 __winter_sweet_NN_3 medium-sized shrubby tree of South Africa having thick leathery evergreen leaves and white or pink flowers and globose usually two-seeded purplish black fruits -00964694 __discourse_VB_2 carry on a conversation -10530769 __rigger_NN_1 someone who rigs ships -12766595 __toxicodendron_vernix_NN_1 smooth American swamp shrub with pinnate leaves and greenish flowers followed by greenish white berries; yields an irritating oil -05492259 __plica_NN_1 a folded part (as in skin or muscle) -00388635 __waste_VB_9 cause extensive destruction or ruin utterly; "The enemy lay waste to the countryside after the invasion" -13138308 __stone_fruit_NN_1 fleshy indehiscent fruit with a single seed: e.g. almond; peach; plum; cherry; elderberry; olive; jujube -10805932 __zombie_spirit_NN_1 (voodooism) a spirit or supernatural force that reanimates a dead body -08746475 __veracruz_NN_1 a major Mexican port on the Gulf of Mexico in the state of Veracruz -05530429 __vocal_fold_NN_1 either of two pairs of folds of mucous membrane projecting into the larynx -08388207 __nobility_NN_1 a privileged class holding hereditary titles -02273293 __sequester_VB_2 take temporary possession of as a security, by legal authority; "The FBI seized the drugs"; "The customs agents impounded the illegal shipment"; "The police confiscated the stolen artwork" -00758333 __take_VB_36 lay claim to; as of an idea; "She took credit for the whole idea" -08044265 __salafist_group_NN_1 an Algerian extremist Islamic offshoot of the Armed Islamic Group; now the largest and most active armed terrorist group in Algeria that seeks to overthrow the government; a major source of support and recruitment for al-Qaeda operations in Europe and northern Africa -01139830 __enfranchisement_NN_3 the act of certifying or bestowing a franchise on -00054821 __evacuation_NN_2 the act of evacuating; leaving a place in an orderly fashion; especially for protection -00431005 __joke_NN_2 activity characterized by good humor -09503282 __witch_NN_2 a being (usually female) imagined to have special powers derived from the devil -04833276 __selflessness_NN_1 the quality of unselfish concern for the welfare of others -13521072 __neutralization_reaction_NN_1 a chemical reaction in which an acid and a base interact with the formation of a salt; with strong acids and bases the essential reaction is the combination of hydrogen ions with hydroxyl ions to form water -07763290 __spanish_lime_NN_2 round one-inch Caribbean fruit with green leathery skin and sweet juicy translucent pulp; eaten like grapes -07319103 __success_NN_1 an event that accomplishes its intended purpose; "let's call heads a success and tails a failure"; "the election was a remarkable success for the Whigs" -12298165 __sabbatia_NN_1 any of various plants of the genus Sabbatia having usually pink cymose flowers; occur from acid bogs to brackish marshes -00263682 __puff_up_VB_2 to swell or cause to enlarge, "Her faced puffed up from the drugs"; "puffed out chests" -03154446 __cutting_implement_NN_1 a tool used for cutting or slicing -08626845 __potter's_field_NN_1 a cemetery for unknown or indigent people -14904359 __halide_NN_1 a salt of any halogen acid -13543564 __psychosexual_development_NN_1 (psychoanalysis) the process during which personality and sexual behavior mature through a series of stages: first oral stage and then anal stage and then phallic stage and then latency stage and finally genital stage -10502329 __rabbi_NN_1 spiritual leader of a Jewish congregation; qualified to expound and apply Jewish law -10433164 __pilot_NN_1 someone who is licensed to operate an aircraft in flight -02264734 __family_chrysopidae_NN_1 green lacewings -05145118 __price_NN_1 the property of having material worth (often indicated by the amount of money something would bring if sold); "the fluctuating monetary value of gold and silver"; "he puts a high price on his services"; "he couldn't calculate the cost of the collection" -02383231 __thoroughbred_NN_2 a racehorse belonging to a breed that originated from a cross between Arabian stallions and English mares -04915687 __disrespect_NN_3 a manner that is generally disrespectful and contemptuous -12786464 __sedum_telephium_NN_1 perennial northern temperate plant with toothed leaves and heads of small purplish-white flowers -02082056 __fissipedia_NN_1 in some classifications considered a suborder of Carnivora -12050766 __genus_cephalanthera_NN_1 small genus of temperate Old World terrestrial orchids -00881441 __spying_NN_1 keeping a secret or furtive watch -08785958 __dipylon_gate_NN_1 a gateway to the west of ancient Athens near which a distinctive style of pottery has been found -13565379 __synthesis_NN_1 the process of producing a chemical compound (usually by the union of simpler chemical compounds) -00645771 __diagnose_VB_2 subject to a medical analysis -06812417 __power_NN_6 a mathematical notation indicating the number of times a quantity is multiplied by itself -10183556 __honker_NN_1 a driver who causes his car's horn to make a loud honking sound; "the honker was fined for disturbing the peace" -07931870 __may_wine_NN_1 a punch made of Moselle and sugar and sparkling water or champagne flavored with sweet woodruff -07951464 __collection_NN_1 several things grouped together or considered as a whole -01756291 __sidewinder_NN_1 small pale-colored desert rattlesnake of southwestern United States; body moves in an s-shaped curve -14058563 __degenerative_disorder_NN_1 condition leading to progressive loss of function -01215392 __blessing_NN_1 the formal act of approving; "he gave the project his blessing"; "his decision merited the approval of any sensible person" -01391933 __family_endamoebidae_NN_1 a large family of endoparasitic amebas that invade the digestive tract -03713736 __neuroleptic_drug_NN_1 tranquilizer used to treat psychotic conditions when a calming effect is desired -00757544 __repudiate_VB_1 cast off; "She renounced her husband"; "The parents repudiated their son" -09112282 __nj_NN_1 a Mid-Atlantic state on the Atlantic; one of the original 13 colonies -00677174 __hysterectomy_NN_1 surgical removal of the uterus -12936999 __genus_daucus_NN_1 carrot -02731024 __stay_VB_7 stay behind; "The smell stayed in the room"; "The hostility remained long after they made up" -02544274 __wolffish_NN_2 large elongate scaleless oceanic fishes with sharp teeth and a long dorsal fin that resembles a sail -12433178 __shallot_NN_2 type of onion plant producing small clustered mild-flavored bulbs used as seasoning -04248851 __snare_NN_5 a trap for birds or small mammals; often has a slip noose -02383831 __voluble_JJ_1 marked by a ready flow of speech; "she is an extremely voluble young woman who engages in soliloquies not conversations" -03757138 __underground_NN_2 an electric railway operating below the surface of the ground (usually in a city); "in Paris the subway system is called the `metro' and in London it is called the `tube' or the `underground'" -02914991 __complex_NN_4 a whole structure (as a building) made up of interconnected or related structures -02437707 __take_care_VB_2 be in charge of or deal with; "She takes care of all the necessary arrangements" -01048466 __vivification_NN_2 the activity of giving vitality and vigour to something -04787324 __naturalization_NN_1 the quality of being brought into conformity with nature -05524243 __seminiferous_tubule_NN_1 any of the numerous long convoluted tubules in the testis which are the sites where spermatozoa mature -09713108 __netherlander_NN_1 a native or inhabitant of Holland -00038687 __slick_down_VB_1 give a smooth and glossy appearance; "slick one's hair" -10951459 __edward_vii_NN_1 King of England from 1901 to 1910; son of Victoria and Prince Albert; famous for his elegant sporting ways (1841-1910) -04444345 __toe_NN_4 (golf) the part of a clubhead farthest from the shaft -00148763 __suspend_VB_2 cause to be held in suspension in a fluid; "suspend the particles" -02128385 __panthera_pardus_NN_1 large feline of African and Asian forests usually having a tawny coat with black spots -07720277 __swiss_chard_NN_2 long succulent whitish stalks with large green leaves -01279186 __crumple_VB_2 fold or collapse; "His knees buckled" -07217924 __report_NN_2 the act of informing by verbal report; "he heard reports that they were causing trouble"; "by all accounts they were a happy couple" -13617046 __kor_NN_1 an ancient Hebrew unit of capacity equal to 10 baths or 10 ephahs -12384375 __yellow_granadilla_NN_1 West Indian passionflower; cultivated for its yellow edible fruit -11389619 __williams_NN_5 English clergyman and colonist who was expelled from Massachusetts for criticizing Puritanism; he founded Providence in 1636 and obtained a royal charter for Rhode Island in 1663 (1603-1683) -12741586 __wild_china_tree_NN_1 deciduous tree of southwestern United States having pulpy fruit containing saponin -12375769 __helianthemum_canadense_NN_1 perennial of the eastern United States having early solitary yellow flowers followed by late petalless flowers; so-called because ice crystals form on it during first frosts -01439604 __retake_VB_2 capture again; "recapture the escaped prisoner" -12027222 __vegetable_oyster_NN_1 Mediterranean biennial herb with long-stemmed heads of purple ray flowers and milky sap and long edible root; naturalized throughout United States -04626705 __drama_NN_4 the quality of being arresting or highly emotional -05982915 __mind_NN_6 your intention; what you intend to do; "he had in mind to see his old teacher"; "the idea of the game is to capture all the pieces" -00261705 __piece_VB_5 repair by adding pieces; "She pieced the china cup" -09243209 __lake_tahoe_NN_1 a lake on the border between Nevada and California to the west of Carson City; a popular resort area -11165854 __von_mauser_NN_1 German arms manufacturer and inventor of a repeating rifle and pistol (1838-1914) -04278605 __spinner_NN_3 fisherman's lure; revolves when drawn through the water -01587077 __nasty_JJ_1 offensive or even (of persons) malicious; "in a nasty mood"; "a nasty accident"; "a nasty shock"; "a nasty smell"; "a nasty trick to pull"; "Will he say nasty things at my funeral?"- Ezra Pound -02406749 __jersey_NN_5 a breed of diary cattle developed on the island of Jersey -14416845 __dissociation_NN_2 a state in which some integrated part of a person's life becomes separated from the rest of the personality and functions independently -08722084 __valparaiso_NN_1 the chief port and second largest city of Chile; located on a wide harbor in central Chile -13483190 __leafing_NN_1 (botany) the process of forming leaves -08677628 __venue_NN_1 the scene of any event or action (especially the place of a meeting) -07132634 __mumbling_NN_1 indistinct enunciation -00150762 __skimming_NN_4 the act of brushing against while passing -12638753 __sloe_NN_1 wild plum of northeastern United States having dark purple fruits with yellow flesh -04703235 __focus_NN_2 maximum clarity or distinctness of an image rendered by an optical system; "in focus"; "out of focus" -07653982 __chop_NN_2 a small cut of meat including part of a rib -04203705 __storefront_NN_1 the front side of a store facing the street; usually contains display windows -06492939 __menu_NN_1 a list of dishes available at a restaurant; "the menu was in French" -07852045 __blue_cheese_NN_1 cheese containing a blue mold -00395333 __riddance_NN_1 the act of removing or getting rid of something -10538272 __roofer_NN_1 a craftsman who lays or repairs roofs -01302019 __keep_VB_21 hold and prevent from leaving; "The student was kept after school" -10693646 __taximan_NN_1 someone who drives a taxi for a living -12357100 __lesser_galangal_NN_1 Chinese perennial with pyramidal racemes of white flowers and pungent aromatic roots used medicinally and as flavoring -02952109 __sedimentary_JJ_1 the umbrellalike part of a parachute that fills with air resembling or containing or formed by the accumulation of sediment; "sedimentary deposits" -00764891 __state-sponsored_terrorism_NN_1 terrorism practiced by a government against its own people or in support of international terrorism -00923444 __manufacture_NN_1 the organized action of making of goods and services for sale; "American industry is making increased use of computers to control production" -02197048 __genus_ceratitis_NN_1 Mediterranean fruit flies -02353037 __muscardinus_NN_1 a genus of Gliridae -08220891 __division_NN_8 (botany) taxonomic unit of plants corresponding to a phylum -03044671 __clip_lead_NN_1 a short piece of wire with alligator clips on both ends -10032884 __drawler_NN_1 someone who speaks with a drawl -06978180 __caucasian_language_NN_1 a number of languages spoken in the Caucasus that are unrelated to languages spoken elsewhere -06840648 __ideograph_NN_1 a graphic character that indicates the meaning of a thing without indicating the sounds used to say it; "Chinese characters are ideograms" -04683002 __worn_spot_NN_1 a spot that has been worn away by abrasion or erosion -04243727 __slot_NN_6 (computer) a socket in a microcomputer that will accept a plug-in circuit board; "the PC had three slots for additional memory" -03046257 __clock_NN_1 a timepiece that shows the time of day -11823756 __red_amaranth_NN_1 tall showy tropical American annual having hairy stems and long spikes of usually red flowers above leaves deeply flushed with purple; seeds often used as cereal -01920939 __genus_cestum_NN_1 Venus's girdle -00026153 __tense_up_VB_1 become tense, nervous, or uneasy; "He tensed up when he saw his opponent enter the room" -08784104 __aeolis_NN_1 an ancient coastal region of northwestern Asia Minor (including Lesbos) where the Aeolians founded several cities around 1100 BC -13503908 __looping_NN_1 (computer science) executing the same set of instructions a given number of times or until a specified result is obtained; "the solution is obtained by iteration" -05717115 __bitterness_NN_3 the taste experience when quinine or coffee is taken into the mouth -01135529 __supervision_NN_1 management by overseeing the performance or operation of a person or group -14680261 __lepidolite_NN_1 a mineral of the mica group; an important source of lithium -10064405 __litterateur_NN_1 a writer of literary works -07961480 __pile_NN_1 a collection of objects laid on top of each other -04560292 __watering_pot_NN_1 a container with a handle and a spout with a perforated nozzle; used to sprinkle water over plants -00189565 __tally_NN_1 a score in baseball made by a runner touching all four bases safely; "the Yankees scored 3 runs in the bottom of the 9th"; "their first tally came in the 3rd inning" -09265620 __fall_NN_4 a downward slope or bend -06776986 __pungency_NN_1 wit having a sharp and caustic quality; "he commented with typical pungency"; "the bite of satire" -10697519 __telegraphist_NN_1 someone who transmits messages by telegraph -10553627 __saver_NN_2 someone who saves (especially money) -00908909 __creating_from_raw_materials_NN_1 the act of creating something that is different from the materials that went into it -10333317 __mother-in-law_NN_1 the mother of your spouse -03502509 __headgear_NN_1 clothing for the head -00080169 __to_a_higher_place_RB_1 treat with iodine so as to prevent infection; "iodize a wound" in or to a place that is higher -13202749 __lomariopsidaceae_NN_1 small family of usually scandent ferns -04639113 __unpermissiveness_NN_1 a lack of permissiveness or indulgence and a tendency to confine behavior within certain specified limits -11261483 __richelieu_NN_1 French prelate and statesman; principal minister to Louis XIII (1585-1642) -04721650 __unworthiness_NN_2 the quality of being not particularly suitable or befitting; "he retracted nothing that he had said about the inappropriateness of either a corporeal God or a God who is a person"; "his praise released from her loud protestations of her unworthiness" -02054703 __draw_in_VB_4 advance or converge on; "The police were closing in on him" -00247792 __stewing_NN_2 cooking in a liquid that has been brought to a boil -03779621 __moulding_NN_3 sculpture produced by molding -03534890 __hoover_dam_NN_1 a large dam built in 1933 on the Colorado River in Nevada -08068151 __movie_industry_NN_1 the entertainment industries involved in producing and distributing movies -06777794 __raillery_NN_1 light teasing repartee -12132092 __wood_meadowgrass_NN_1 slender European grass of shady places; grown also in northeastern America and temperate Asia -13573181 __vesiculation_NN_1 the formation of vesicles in or beneath the skin -01840412 __ivorybill_NN_1 large black-and-white woodpecker of southern United States and Cuba having an ivory bill; nearly extinct -08988216 __nevis_NN_1 one of the islands of Saint Christopher-Nevis -02488291 __langur_NN_1 slender long-tailed monkey of Asia -15213406 __november_NN_1 the month following October and preceding December -09141119 __memphis_NN_1 largest city of Tennessee; located in southwestern Tennessee on bluffs overlooking the Mississippi River -03350204 __goldfish_bowl_NN_2 a transparent bowl in which small fish are kept -01670645 __pipe_VB_4 trim with piping; "pipe the skirt" -01608432 __kite_NN_4 any of several small graceful hawks of the family Accipitridae having long pointed wings and feeding on insects and small animals -10210648 __room_decorator_NN_1 a person who specializes in designing architectural interiors and their furnishings -05197945 __imperium_NN_2 supreme authority; absolute dominion -02105375 __insensitive_JJ_1 not responsive to physical stimuli; "insensitive to radiation" -01456631 __hippocampus_NN_2 seahorses -12178358 __kenaf_NN_1 fiber from an East Indian plant Hibiscus cannabinus -08374049 __settlement_NN_1 a body of people who settle far from home but maintain ties with their homeland; inhabitants remain nationals of their home state but are not literally under the home state's system of government; "the American colony in Paris" -01017987 __continuation_NN_1 the act of continuing an activity without interruption -01299758 __detach_VB_3 come to be detached; "His retina detached and he had to be rushed into surgery" -05246511 __tube-shaped_structure_NN_1 (anatomy) any hollow cylindrical body structure -10828990 __octavian_NN_1 Roman statesman who established the Roman Empire and became emperor in 27 BC; defeated Mark Antony and Cleopatra in 31 BC at Actium (63 BC - AD 14) -10087736 __filer_NN_1 a party who files a notice with a law court -05635624 __fortification_NN_2 the art or science of strengthening defenses -00828990 __immunization_NN_1 the act of making immune (especially by inoculation) -00561571 __run_out_VB_1 become used up; be exhausted; "Our supplies finally ran out" -00696700 __survey_VB_4 hold a review (of troops) -04802629 __error_NN_2 inadvertent incorrectness -01945516 __sail_VB_3 travel on water propelled by wind; "I love sailing, especially on the open sea"; "the ship sails on" -10483138 __propagator_NN_2 someone who spreads the news -03634723 __lake_volta_NN_1 the Volta river in southeastern has been dammed to create one of the world's largest man-made lakes -04468005 __train_NN_1 public transport provided by a line of railway cars coupled together and drawn by a locomotive; "express trains don't stop at Princeton Junction" -02623868 __scombridae_NN_1 marine food fishes: mackerels; chub mackerels; tuna -08778061 __yaltopya_NN_1 Ethiopia is a republic in northeastern Africa on the Red Sea; formerly called Abyssinia -05258889 __afro_hairdo_NN_1 a rounded thickly curled hairdo -07254057 __intimidation_NN_4 a communication that makes you afraid to try something -11883799 __genus_cochlearia_NN_1 a genus of the family Cruciferae -12787196 __genus_ceratopetalum_NN_1 a dicotyledonous genus of the family Cunoniaceae -06503224 __chronology_NN_2 a record of events in the order of their occurrence -04000311 __printing_press_NN_1 a machine used for printing -11202322 __tomasso_parentucelli_NN_1 Italian pope from 1447 to 1455 who founded the Vatican library (1397-1455) -04978792 __protective_coloration_NN_1 coloration making an organism less visible or attractive to predators -00473572 __perfect_VB_1 make perfect or complete; "perfect your French in Paris!" -08780282 __espoo_NN_1 a city in southern Finland -01633250 __genus_cryptobranchus_NN_1 type genus of the Cryptobranchidae -06917602 __tupi-guarani_language_NN_1 a family of South American Indian languages -14475661 __hardship_NN_1 a state of misfortune or affliction; "debt-ridden farmers struggling with adversity"; "a life of hardship" -08520728 __equinox_NN_2 (astronomy) either of the two celestial points at which the celestial equator intersects the ecliptic -09770472 __executive_NN_3 someone who manages a government agency or department -13461525 __demineralization_NN_2 the removal of minerals and mineral salts from a liquid (especially from water) -09844770 __beadle_NN_1 a minor parish official who serves a ceremonial function -05969194 __peripateticism_NN_1 (philosophy) the philosophy of Aristotle that deals with logic and metaphysics and ethics and poetics and politics and natural science; "Aristotelianism profoundly influenced Western thought" -00745499 __order_VB_2 make a request for something; "Order me some flowers"; "order a work stoppage" -02334867 __arm_VB_2 supply with arms; "The U.S. armed the freedom fighters in Afghanistan" -12227220 __genus_erica_NN_1 large genus of low much-branched woody evergreens ranging from prostrate subshrubs to trees: true heaths -02588122 __fend_VB_1 try to manage without help; "The youngsters had to fend for themselves after their parents died" -02875013 __border_NN_5 a strip forming the outer edge of something; "the rug had a wide blue border" -06050650 __gerontology_NN_1 the branch of medical science that deals with diseases and problems specific to old people -11565385 __dilleniid_dicot_family_NN_1 family of more or less advanced dicotyledonous trees and shrubs and herbs -01398443 __scourge_VB_2 whip; "The religious fanatics flagellated themselves" -09193282 __alluvium_NN_1 clay or silt or gravel carried by rushing streams and deposited where the stream slows down -14644249 __mg_NN_2 a light silver-white ductile bivalent metallic element; in pure form it burns with brilliant white flame; occurs naturally only in combination (as in magnesite and dolomite and carnallite and spinel and olivine) -07718472 __cuke_NN_1 cylindrical green fruit with thin green rind and white flesh eaten as a vegetable; related to melons -07998573 __stamp_NN_2 a type or class; "more men of his stamp are needed" -07352190 __wave_NN_1 one of a series of ridges that moves across the surface of a liquid (especially across a large body of water) -14768854 __art_paper_NN_1 a high-quality paper (usually having a filler of china clay) -12876684 __scrophularia_NN_1 type genus of Scrophulariaceae; named for the plants' supposed ability to cure scrofula: figworts -05953614 __theosophy_NN_1 a system of belief based on mystical insight into the nature of God and the soul -02047835 __genus_fratercula_NN_1 puffins -05712426 __threshold_NN_2 the smallest detectable sensation -06420781 __glossary_NN_1 an alphabetical list of technical terms in some specialized field of knowledge; usually published as an appendix to a text on that field -08499840 __dependency_NN_3 a geographical area politically controlled by a distant country -00776846 __gibber_VB_2 chatter inarticulately; of monkeys -00425451 __exasperation_NN_2 actions that cause great irritation (or even anger) -11236497 __william_pitt_NN_1 English statesman and son of Pitt the Elder (1759-1806) -06822198 __accent_mark_NN_1 a diacritical mark used to indicate stress or placed above a vowel to indicate a special pronunciation -06878934 __wink_NN_2 closing one eye quickly as a signal -06258680 __paging_NN_2 the system of numbering pages -08087570 __protestant_church_NN_1 the Protestant churches and denominations collectively -00189189 __intersperse_VB_2 introduce one's writing or speech with certain expressions -02797692 __stand_NN_1 a support or foundation; "the base of the lamp" -05516848 __pouch_NN_3 (anatomy) saclike structure in any of various animals (as a marsupial or gopher or pelican) -05551939 __pectoralis_major_NN_1 a skeletal muscle that adducts and rotates the arm -12635744 __western_crab_apple_NN_1 wild crab apple of western United States with fragrant pink flowers -00351638 __step-down_NN_1 the act of decreasing or reducing something -06798336 __signalization_NN_1 a conspicuous indication -12468081 __genus_trillium_NN_1 deciduous perennial herbs; sometimes placed in family Liliaceae -04682462 __spot_NN_5 a small contrasting part of something; "a bald spot"; "a leopard's spots"; "a patch of clouds"; "patches of thin ice"; "a fleck of red" -06936620 __munda-mon-khmer_NN_1 a family of languages spoken in southern and southeastern Asia -07407777 __run_NN_14 the pouring forth of a fluid -07084166 __pitch_contour_NN_1 rise and fall of the voice pitch -10763985 __waker_NN_1 someone who rouses others from sleep -08613593 __outside_NN_1 the region that is outside of something -10467179 __president_NN_3 the chief executive of a republic -01217859 __engagement_NN_4 the act of giving someone a job -01577818 __genus_acridotheres_NN_1 mynas -01840775 __redheaded_woodpecker_NN_1 black-and-white North American woodpecker having a red head and neck -03357081 __white_NN_12 (usually in the plural) trousers made of flannel or gabardine or tweed or white cloth -01787693 __limulus_NN_1 type genus of the family Limulidae -01622779 __strix_nebulosa_NN_1 large dish-faced owl of northern North America and western Eurasia -00889082 __instilling_NN_1 teaching or impressing upon the mind by frequent instruction or repetition -00346296 __reorientation_NN_2 the act of changing the direction in which something is oriented -01785831 __order_geophilomorpha_NN_1 small elongate centipedes living in soil and under stones and having more than 30 pairs of legs -02549533 __synentognathi_NN_1 order of fishes having spineless fins; needlefishes; sauries; flying fishes; halfbeaks -01329239 __stitch_VB_1 fasten by sewing; do needlework -06455990 __prayer_NN_4 a fixed text used in praying -00716179 __vasectomy_NN_1 surgical procedure that removes all or part of the vas deferens (usually as a means of sterilization); is sometimes reversible -02583545 __resist_VB_6 refuse to comply -13615036 __dry_unit_NN_1 a unit of capacity for dry commodities (as fruit or grain) -12054902 __genus_cycnoches_NN_1 genus of epiphytic or terrestrial tropical American orchids -00591111 __councilorship_NN_1 the position of council member -01377906 __order_myxobacteriales_NN_1 an order of higher bacteria -08017614 __supreme_truth_NN_1 a terrorist organization whose goal is to take over Japan and then the world; based on a religion founded in 1987 that combines elements of Buddhism with Christianity; "in 1995 Aum members released deadly sarin gas on a Tokyo subway train" -03671272 __railway_line_NN_2 the road consisting of railroad track and roadbed -13360498 __trust_NN_1 something (as property) held by one party (the trustee) for the benefit of another (the beneficiary); "he is the beneficiary of a generous trust set up by his father" -11426530 __attractive_force_NN_1 the force by which one object attracts another -01049266 __disguise_NN_3 the act of concealing the identity of something by modifying its appearance; "he is a master of disguise" -01475421 __suborder_osteostraci_NN_1 extinct group of armored fish-like vertebrates; taxonomy is not clear -09609561 __capturer_NN_1 a person who captures and holds people or animals -09018848 __sakartvelo_NN_1 a republic in Asia Minor on the Black Sea separated from Russia by the Caucasus mountains; formerly an Asian soviet but became independent in 1991 -00627849 __isometrics_NN_1 muscle-building exercises (or a system of musclebuilding exercises) involving muscular contractions against resistance without movement (the muscles contracts but the length of the muscle does not change) having a body or a body of a specified kind; often used in combination; "strong-bodied"; "big-bodied" -09698337 __chink_NN_1 (ethnic slur) offensive term for a person of Chinese descent -03773504 __missile_NN_1 a rocket carrying a warhead of conventional or nuclear explosives; may be ballistic or directed by remote control -11342618 __tillich_NN_1 United States theologian (born in Germany) (1886-1965) -00197590 __eviscerate_VB_3 remove the entrails of; "draw a chicken" -02882483 __bowling_equipment_NN_1 equipment used in bowling -07132415 __enunciation_NN_1 the articulation of speech regarded from the point of view of its intelligibility to the audience -03587318 __island_NN_2 a zone or area resembling an island -09221571 __birdnest_NN_1 nest where birds lay their eggs and hatch their young -10390427 __packer_NN_1 a workman employed to pack things into containers -08892058 __galloway_NN_1 a district in southwestern Scotland -03035252 __top_NN_11 a canvas tent to house the audience at a circus performance; "he was afraid of a fire in the circus tent"; "they had the big top up in less than an hour" -00100044 __train_VB_8 exercise in order to prepare for an event or competition; "She is training for the Olympics" -00792304 __buzz_VB_4 call with a buzzer; "he buzzed the servant" -12800832 __mitella_diphylla_NN_1 miterwort of northeastern North America usually with two opposite leaves on erect flowering stems that terminate in erect racemes of white flowers -00168658 __relocation_NN_2 the act of changing your residence or place of business; "they say that three moves equal one fire" -00149699 __butt_welding_NN_1 creating a butt joint by welding -08103299 __subphylum_NN_1 (biology) a taxonomic group ranking between a phylum and a class -05494365 __occipital_lobe_NN_1 that part of the cerebral cortex in either hemisphere of the brain lying in the back of the head -00926156 __mature_VB_2 develop and work out fully in one's mind; "I need to mature my thoughts" -00230475 __stillbirth_NN_1 a natural loss of the products of conception -07175241 __agreement_NN_6 the verbal act of agreeing -02758399 __sluice_down_VB_1 pour as if from a sluice; "An aggressive tide sluiced across the barrier reef" -01972283 __sepiidae_NN_1 true cuttlefishes -00324384 __rise_NN_2 the act of changing location in an upward direction -00598767 __receivership_NN_3 the office of a receiver -08131005 __nist_NN_1 an agency in the Technology Administration that makes measurements and sets standards as needed by industry or government programs -06372095 __parable_NN_1 a short moral story (often with animal characters) -04475900 __trotline_NN_1 a long fishing line with many shorter lines and hooks attached to it (usually suspended between buoys) -02456962 __tree_sloth_NN_1 any of several slow-moving arboreal mammals of South America and Central America; they hang from branches back downward and feed on leaves and fruits -01260309 __immobilization_NN_1 fixation (as by a plaster cast) of a body part in order to promote proper healing; "immobilization of the injured knee was necessary" -11828113 __genus_chenopodium_NN_1 goosefoot; pigweed -08686495 __twins_NN_2 the third sign of the zodiac; the sun is in this sign from about May 21 to June 20 -02642610 __procrastinate_VB_2 postpone or delay needlessly; "He procrastinated the matter until it was almost too late" -02679012 __qualify_VB_1 prove capable or fit; meet requirements -04600486 __workbench_NN_1 a strong worktable for a carpenter or mechanic -10814328 __ali_NN_2 the fourth caliph of Islam who is considered to be the first caliph by Shiites; he was a cousin and son-in-law of Muhammad; after his assassination Islam was divided into Shiite and Sunnite sects -05540121 __skull_NN_1 the bony skeleton of the head of vertebrates -09014470 __kovno_NN_1 a city in central Lithuania -09754780 __loather_NN_1 one who hates or loathes -06721461 __stinger_NN_2 a remark capable of wounding mentally; "the unkindest cut of all" -01513430 __throw_off_VB_1 get rid of; "he shed his image as a pushy boss"; "shed your clothes" -00691516 __call_VB_27 consider or regard as being; "I would not call her beautiful" -07537259 __pall_NN_1 a sudden numbing dread -10893606 __salmon_portland_chase_NN_1 United States politician and jurist who served as chief justice of the United States Supreme Court (1808-1873) -01626844 __catalogue_VB_2 make a catalogue, compile a catalogue; "She spends her weekends cataloguing" -05547508 __throat_NN_1 the passage to the stomach and lungs; in the front part of the neck below the chin and above the collarbone -15224692 __time_NN_10 the period of time a prisoner is imprisoned; "he served a prison term of 15 months"; "his sentence was 5 to 10 years"; "he is doing time in the county jail" -13195547 __genus_cystopteris_NN_1 chiefly small perennial rock ferns: bladder ferns; in some classifications placed in Polypodiaceae -04134339 __sandpit_NN_2 a plaything consisting of a pile of sand or a box filled with sand for children to play in -08771596 __bavaria_NN_1 a state in southern Germany famous for its beer; site of an automobile factory -15104217 __wool_NN_2 fiber sheared from animals (such as sheep) and twisted into yarn for weaving -09920283 __choreographer_NN_1 someone who creates new dances -12193334 __quandong_NN_2 the fruit of the Brisbane quandong tree -12119238 __wild_rye_NN_1 any of several grasses of the genus Elymus -07636384 __snap_NN_4 a crisp round cookie flavored with ginger -02090990 __slide_VB_3 move smoothly along a surface; "He slid the money over to the other gambler" -00510189 __revelry_NN_1 unrestrained merrymaking -08098499 __taoism_NN_1 a Chinese sect claiming to follow the teaching of Lao-tzu but incorporating pantheism and sorcery in addition to Taoism -15122011 __musical_time_NN_1 (music) the beat of musical rhythm -05217859 __dead_body_NN_1 a natural object consisting of a dead animal or person; "they found the body in the lake" -02119022 __vulpes_vulpes_NN_1 the common Old World fox; having reddish-brown fur; commonly considered a single circumpolar species -13963970 __wedlock_NN_1 the state of being a married couple voluntarily joined for life (or until divorce); "a long and happy marriage"; "God bless this union" -13053450 __genus_fistulina_NN_1 fungi having each pore separate though crowded -09872782 __brahmin_NN_1 a member of a social and cultural elite (especially a descendant of an old New England family); "a Boston brahman" -01624707 __genus_asio_NN_1 a genus of European owls -08268085 __square_matrix_NN_1 a matrix with the same number of rows and columns -09706548 __ingrian_NN_1 a member of western Finnish people formerly living in the Baltic province where Saint Petersburg was built -09130076 __ohio_NN_1 a midwestern state in north central United States in the Great Lakes region -05616092 __injudiciousness_NN_1 lacking good judgment -10534389 __roaster_NN_1 a harsh or humorous critic (sometimes intended as a facetious compliment); "the honoree gave his roasters as good as he got" -01736299 __xerox_VB_1 reproduce by xerography -13618180 __last_NN_6 a unit of capacity for grain equal to 80 bushels -14257779 __alveolitis_NN_2 inflammation of the alveoli in the lungs caused by inhaling dust; with repeated exposure the condition may become chronic -02641463 __wait_VB_2 wait before acting; "the scientists held off announcing their results until they repeated the experiment" -06074860 __paleozoology_NN_1 the study of fossil animals -00411384 __cooperation_NN_2 the practice of cooperating; "economic cooperation"; "they agreed on a policy of cooperation" -02739668 __armour_NN_2 protective covering made of metal and used in combat -07963711 __combination_NN_1 a collection of things that have been combined; an assemblage of separate parts or qualities -00067545 __sweat_VB_1 excrete perspiration through the pores in the skin; "Exercise makes one sweat" -09012297 __republic_of_estonia_NN_1 a republic in northeastern Europe on the Baltic Sea -05091316 __order_of_magnitude_NN_1 a degree in a continuum of size or quantity; "it was on the order of a mile"; "an explosion of a low order of magnitude" -10305635 __medical_officer_NN_1 a medical practitioner in the armed forces -06452363 __tanakh_NN_1 the Jewish scriptures which consist of three divisions--the Torah and the Prophets and the Writings -12779851 __sarracenia_purpurea_NN_1 perennial bog herb having dark red flowers and decumbent broadly winged pitchers forming a rosette; of northeastern North America and naturalized in Europe especially Ireland -08241798 __junto_NN_1 a clique (often secret) that seeks power usually through intrigue -15278960 __isometry_NN_1 the growth rates in different parts of a growing organism are the same -03625943 __knitwear_NN_1 knitted clothing -11942144 __genus_brickelia_NN_1 genus of herbs of southwestern America having usually creamy florets followed by one-seeded fruits in a prominent bristly sheath -11967744 __woolly_sunflower_NN_1 any plant of the genus Eriophyllum -03938244 __pillow_NN_1 a cushion to support the head of a sleeping person -03990474 __pot_NN_1 metal or earthenware cooking vessel that is usually round and deep; often has a handle and lid -00739270 __nonperformance_NN_1 failure to act with the prudence that a reasonable person would exercise under the same circumstances -04459122 __touring_car_NN_1 large open car seating four with folding top -01497878 __family_dasyatidae_NN_1 sting rays -12132299 __saccharum_NN_1 tall perennial reedlike grass originally of southeastern Asia: sugarcane -01321579 __young_NN_1 any immature animal -12549192 __yellow_trefoil_NN_1 prostrate European herb with small yellow flowers and curved black pods; naturalized in North America -09417668 __rushmore_NN_1 a mountain in the Black Hills of South Dakota; the likenesses of Washington and Jefferson and Lincoln and Roosevelt are carved on it -00290579 __marching_NN_1 the act of marching; walking with regular steps (especially in a procession of some kind); "it was a long march"; "we heard the sound of marching" -06673770 __qabalah_NN_1 an esoteric or occult matter resembling the Kabbalah that is traditionally secret -10373998 __progeny_NN_1 the immediate descendants of a person; "she was the mother of many offspring"; "he died without issue" -00168564 __like_thunder_RB_1 with great speed or effort or intensity; "drove like crazy"; "worked like hell to get the job done"; "ran like sin for the storm cellar"; "work like thunder"; "fought like the devil" -00840363 __gulping_NN_1 a spasmodic reflex of the throat made as if in swallowing -09941964 __commanding_officer_NN_1 an officer in command of a military unit -02058794 __unsafe_JJ_2 involving or causing danger or risk; liable to hurt or harm; "a dangerous criminal"; "a dangerous bridge"; "unemployment reached dangerous proportions" -00730708 __fatigue_duty_NN_1 labor of a nonmilitary kind done by soldiers (cleaning or digging or draining or so on); "the soldiers were put on fatigue to teach them a lesson"; "they were assigned to kitchen fatigues" -00856342 __sleeping_around_NN_1 indulging in promiscuous (casual and indiscriminate) sexual relations -01531375 __moderate_JJ_1 being within reasonable or average limits; not excessive or extreme; "moderate prices"; "a moderate income"; "a moderate fine"; "moderate demands"; "a moderate estimate"; "a moderate eater"; "moderate success"; "a kitchen of moderate size"; "the X-ray showed moderate enlargement of the heart" -01591621 __post_VB_1 affix in a public place or for public notice; "post a warning" -09945603 __communist_NN_1 a member of the communist party -10080508 __predestinationist_NN_1 anyone who submits to the belief that they are powerless to change their destiny -02285052 __genus_carpocapsa_NN_1 codling moths -00906037 __palliate_VB_1 lessen or to try to lessen the seriousness or extent of; "The circumstances extenuate the crime" -00075471 __spectacle_NN_3 a blunder that makes you look ridiculous; used in the phrase `make a spectacle of' yourself -07445265 __progression_NN_2 a movement forward; "he listened for the progress of the troops" -04170037 __self-propelled_vehicle_NN_1 a wheeled vehicle that carries in itself a means of propulsion -10420809 __po_NN_2 a noncommissioned officer in the Navy or Coast Guard with a rank comparable to sergeant in the Army -12148610 __genus_dendrocalamus_NN_1 giant clump-forming bamboos -03838899 __oboe_NN_1 a slender double-reed instrument; a woodwind with a conical bore and a double-reed mouthpiece -08984223 __lublin_NN_1 an industrial city of eastern Poland -05373790 __vena_metacarpus_NN_1 dorsal and palmar veins of the hand -10411867 __pederast_NN_1 a man who has sex (usually sodomy) with a boy as the passive partner -00257228 __hairdressing_NN_2 care for the hair: the activity of washing or cutting or curling or arranging the hair -12033939 __genus_zinnia_NN_1 genus of annual or perennial plants of tropical America having solitary heads of brightly colored flowers -08512259 __bounds_NN_1 the line or plane indicating the limit or extent of something -04814025 __rakishness_NN_2 stylishness as evidenced by a smart appearance -02305799 __genus_callimorpha_NN_1 cinnabar moths -08191230 __regular_army_NN_1 a permanent organization of the military land forces of a nation or state -09510904 __egyptian_deity_NN_1 a deity worshipped by the ancient Egyptians -01029114 __exaltation_NN_4 the elevation of a person (as to the status of a god) -02879718 __bow_NN_4 a weapon for shooting arrows, composed of a curved piece of resilient wood with a taut cord to propel the arrow -15101586 __touchwood_NN_1 material for starting a fire -07484265 __desire_NN_1 the feeling that accompanies an unsatisfied state -07474645 __sweep_NN_3 winning all or all but one of the tricks in bridge -09210236 __atlantic_coast_NN_1 a coast of the Atlantic Ocean -11253248 __ramses_the_great_NN_1 king of Egypt between 1304 and 1237 BC who built many monuments -01256487 __step_VB_8 place (a ship's mast) in its step -07823814 __curry_powder_NN_1 pungent blend of cumin and ground coriander seed and turmeric and other spices -02814533 __wagon_NN_5 a car that has a long body and rear door with space behind rear seat -00451838 __fill_up_VB_2 become full; "The pool slowly filled with water"; "The theater filled up slowly" -05708432 __perception_NN_3 the process of perceiving -00040962 __relation_NN_6 (usually plural) mutual dealings or connections among persons or groups; "international relations" -07033007 __religious_music_NN_1 genre of music composed for performance as part of religious ceremonies -02330583 __grate_VB_1 furnish with a grate; "a grated fireplace" -01440655 __tinca_NN_1 tench -02437616 __llama_NN_1 wild or domesticated South American cud-chewing animal related to camels but smaller and lacking a hump -05307091 __eyetooth_NN_1 one of the four pointed conical teeth (two in each jaw) located between the incisors and the premolars -02261419 __liposcelis_divinatorius_NN_1 minute wingless psocopterous insects injurious to books and papers -01746818 __genus_aspidelaps_NN_1 African coral snakes -01314738 __grope_VB_1 feel about uncertainly or blindly; "She groped for her glasses in the darkness of the bedroom" -02234181 __periplaneta_NN_1 cosmopolitan genus of large cockroaches -12928071 __slipper_spurge_NN_1 any of several tropical American shrubby succulent plants resembling cacti but having foot-shaped bracts -10518349 __reliever_NN_2 a person who reduces the intensity (e.g., of fears) and calms and pacifies; "a reliever of anxiety"; "an allayer of fears" -02169345 __family_chrysomelidae_NN_1 leaf beetles -04974968 __color_property_NN_1 an attribute of color -05392562 __auricular_appendix_NN_1 a pouch projecting from the top front of each atrium of the heart -00612841 __suppress_VB_4 put out of one's consciousness -00802629 __chance_NN_3 a risk involving danger; "you take a chance when you let her drive" -02541687 __tarpon_atlanticus_NN_1 large silvery game fish of warm Atlantic coastal waters especially off Florida -02583958 __mutiny_VB_1 engage in a mutiny against an authority -07521039 __veneration_NN_1 a feeling of profound respect for someone or something; "the fear of God"; "the Chinese reverence for the dead"; "the French treat food with gentle reverence"; "his respect for the law bordered on veneration" -09937056 __collegian_NN_1 a student (or former student) at a college or university -11456273 __food_web_NN_1 (ecology) a community of organisms where there are several interrelated food chains -02523427 __lota_lota_NN_1 elongate freshwater cod of northern Europe and Asia and North America having barbels around its mouth -13623054 __quarter_NN_9 a quarter of a hundredweight (28 pounds) -01879928 __palpitate_VB_3 beat rapidly; "His heart palpitated" -14805676 __chad_NN_1 a small piece of paper that is supposed to be removed when a hole is punched in a card or paper tape -00414627 __relocate_VB_1 become established in a new location; "Our company relocated to the Midwest" -02577823 __genus_alectis_NN_1 a genus of Carangidae -01805684 __yen_VB_1 have a desire for something or someone who is not present; "She ached for a cigarette"; "I am pining for my lover" -02703432 __truckle_VB_1 yield to out of weakness -02374914 __sympathetic_JJ_2 expressing or feeling or resulting from sympathy or compassion or friendly fellow feelings; disposed toward; "sympathetic to the students' cause"; "a sympathetic observer"; "a sympathetic gesture" -10777299 __whisperer_NN_1 one who speaks in a whisper -00868910 __computing_NN_2 the procedure of calculating; determining something by mathematical or logical methods -10155849 __stylist_NN_2 someone who cuts or beautifies hair -08860123 __united_kingdom_of_great_britain_and_northern_ireland_NN_1 a monarchy in northwestern Europe occupying most of the British Isles; divided into England and Scotland and Wales and Northern Ireland; `Great Britain' is often used loosely to refer to the United Kingdom -09836160 __toreador_NN_1 someone who fights bulls -08948155 __guiana_NN_1 a geographical region of northeastern South America including Guyana and Surinam -09622745 __lover_NN_3 a significant other to whom you are not related by marriage -07003672 __ballistocardiogram_NN_1 a graphical recording made by a ballistocardiograph -01322223 __etch_VB_4 carve or cut a design or letters into; "engrave the pen with the owner's name" -01205827 __reconciliation_NN_1 the reestablishing of cordial relations -05816790 __reading_NN_3 a datum about some physical state that is presented to a user by a meter or similar instrument; "he could not believe the meter reading"; "the barometer gave clear indications of an approaching storm" -08704409 __qandahar_NN_1 a city in southern Afghanistan; an important trading center -01740393 __leptotyphlopidae_NN_1 blind snakes -02087551 __hound_dog_NN_1 any of several breeds of dog used for hunting typically having large drooping ears -11357879 __ussher_NN_1 Irish prelate who deduced from the Bible that Creation occurred in the year 4004 BC (1581-1656) -00858631 __siesta_NN_1 a nap in the early afternoon (especially in hot countries) -01687665 __agamid_lizard_NN_1 a lizard of the family Agamidae -04346679 __stylus_NN_1 a sharp pointed device attached to the cartridge of a record player -08647616 __seat_NN_1 a space reserved for sitting (as in a theater or on a train or airplane); "he booked their seats in advance"; "he sat in someone else's place" -01862557 __mammal_family_NN_1 a family of mammals -00691879 __shirodkar's_operation_NN_1 a surgical procedure in which a suture is used to close the cervix in a pregnant woman; is performed when the cervix has failed to retain previous pregnancies -02897692 __whatnot_NN_1 miscellaneous curios -10231087 __slayer_NN_1 someone who causes the death of a person or animal -03315805 __facing_NN_1 a lining applied to the edge of a garment for ornamentation or strengthening -07375525 __zoom_NN_1 a rapid rise -07803408 __bulgur_wheat_NN_1 parched crushed wheat -11741010 __myrica_NN_1 deciduous aromatic shrubs or small trees -01877812 __wallaby_NN_1 any of various small or medium-sized kangaroos; often brightly colored -10682169 __swagman_NN_1 an itinerant Australian laborer who carries his personal belongings in a bundle as he travels around in search of work -08846324 __vienna_NN_1 the capital and largest city of Austria; located on the Danube in northeastern Austria; was the home of Beethoven and Brahms and Haydn and Mozart and Schubert and Strauss -13669006 __fils_NN_2 a fractional monetary unit in Bahrain and Iraq and Jordan and Kuwait; equal to one thousandth of a dinar -14429985 __rank_NN_2 relative status; "his salary was determined by his rank and seniority" -00571390 __drift_VB_10 be piled up in banks or heaps by the force of wind or a current; "snow drifting several feet high"; "sand drifting like snow" -06915313 __shoshonian_language_NN_1 a subfamily of Uto-Aztecan languages spoken mainly in the southwestern United States -07610295 __nectar_NN_3 (classical mythology) the food and drink of the gods; mortals who ate it became immortal -01780941 __terrorize_VB_2 fill with terror; frighten greatly -00835506 __tergiversate_VB_1 be deliberately ambiguous or unclear in order to mislead or withhold information -07073447 __archaism_NN_1 the use of an archaic expression -01725051 __play_VB_3 play on an instrument; "The band played all night long" -01315805 __range_animal_NN_1 any animal that lives and grazes in the grassy open land of western North America (especially horses, cattle, sheep) -06706317 __mention_NN_3 an official recognition of merit; "although he didn't win the prize he did get special mention" -01613909 __harpia_NN_1 a genus of Accipitridae -10122300 __gatherer_NN_1 a person who gathers; "they were a society of hunters and gatherers" -10221040 __jerk_NN_1 a dull stupid fatuous person -00067990 __thwarting_NN_1 an act of hindering someone's plans or efforts -01252730 __slime_VB_1 cover or stain with slime; "The snake slimed his victim" -08346490 __mossad_NN_1 the Israeli foreign intelligence agency; "the primary focus of the Mossad is on Arab nations" -14141062 __typhus_fever_NN_1 rickettsial disease transmitted by body lice and characterized by skin rash and high fever -08748499 __netherlands_antilles_NN_1 a group of islands in the Lesser Antilles just to the north of Venezuela that are administered by The Netherlands -00897811 __review_NN_9 practice intended to polish performance or refresh the memory -01266945 __stabilization_NN_2 the act of making something (as a vessel or aircraft) less likely to overturn -10512982 __rectifier_NN_2 a person who corrects or sets right; "a rectifier of prejudices" -08482577 __local_authority_NN_1 an administrative unit of local government -06991764 __niger-congo_NN_1 a family of African language spoken in west Africa -12842765 __genus_calamintha_NN_1 calamint -05191486 __preponderance_NN_1 superiority in power or influence; "the preponderance of good over evil"; "the preponderance of wealth and power" -11959489 __genus_cynara_NN_1 artichoke; cardoon -02546075 __reward_VB_1 bestow honor or rewards upon; "Today we honor our soldiers"; "The scout was rewarded for courageous action" -02561661 __pickerel_NN_2 any of several North American species of small pike -14215331 __blight_NN_2 any plant disease resulting in withering without rotting -02046759 __guillemot_NN_1 small black or brown speckled auks of northern seas -02631041 __marlin_NN_1 large long-jawed oceanic sport fishes; related to sailfishes and spearfishes; not completely cold-blooded i.e. able to warm their brains and eyes -09305898 __thermal_spring_NN_1 a natural spring of water at a temperature of 70 F or above -13982999 __cloud_NN_5 suspicion affecting your reputation; "after that mistake he was under a cloud" -06687178 __approbation_NN_2 official recognition or approval -12807251 __platanus_acerifolia_NN_1 very large fast-growing tree much planted as a street tree -02256656 __cicala_NN_1 stout-bodied insect with large membranous wings; male has drum-like organs for producing a high-pitched drone -08252211 __social_gathering_NN_1 a gathering for the purpose of promoting fellowship -14243268 __acute_leukemia_NN_1 rapidly progressing leukemia -05414147 __vasopressin_NN_1 hormone secreted by the posterior pituitary gland (trade name Pitressin) and also by nerve endings in the hypothalamus; affects blood pressure by stimulating capillary muscles and reduces urine flow by affecting reabsorption of water by kidney tubules -02544086 __genus_alepisaurus_NN_1 slender scaleless predaceous tropical deep-sea fishes -12240715 __lyonia_NN_1 evergreen or deciduous shrubs or small trees of United States to Antilles and eastern Asia to the Himalaya -14531392 __irritation_NN_3 (pathology) abnormal sensitivity to stimulation; "any food produced irritation of the stomach" -00938419 __tracing_NN_1 the act of drawing a plan or diagram or outline -10495975 __pussycat_NN_1 a person who is regarded as easygoing and agreeable -05810948 __object_NN_4 the focus of cognitions or feelings; "objects of thought"; "the object of my affection" -01821418 __genus_conuropsis_NN_1 a genus of Psittacidae -02230782 __phasmida_NN_1 in some classifications considered a suborder of Orthoptera: stick insects; leaf insects -10702483 __terror_NN_3 a very troublesome child -00115036 __haulage_NN_1 the act of drawing or hauling something; "the haul up the hill went very slowly" -01644373 __tree_frog_NN_2 any of various Old World arboreal frogs distinguished from true frogs by adhesive suckers on the toes -12980840 __false_mildew_NN_1 any of various fungi of the family Peronosporaceae parasitic on e.g. grapes and potatoes and melons -12092127 __genus_anagallis_NN_1 chiefly Old World herbs -14886579 __trinitroglycerin_NN_1 a heavy yellow poisonous oily explosive liquid obtained by nitrating glycerol; used in making explosives and medically as a vasodilator (trade names Nitrospan and Nitrostat) -04437670 __time-fuse_NN_1 a fuse made to burn for a given time (especially to explode a bomb) -00185438 __breech_presentation_NN_1 delivery of an infant whose feet or buttocks appear first -04874672 __dishonesty_NN_1 the quality of being dishonest -13543871 __ptyalism_NN_1 excessive flow of saliva -12501745 __subfamily_papilionoideae_NN_1 alternative name used in some classification systems for the family Papilionaceae -01245986 __slick_VB_1 make slick or smooth -05035353 __strength_NN_3 physical energy or intensity; "he hit with all the force he could muster"; "it was destroyed by the strength of the gale"; "a government has not the vitality and forcefulness of a living man" -11898079 __subularia_NN_1 small genus of herbs of north temperate regions and mountains of tropical Africa -02436140 __disorganize_VB_1 remove the organization from -04534520 __videotape_NN_1 a video recording made on magnetic tape -01037303 __chatter_VB_5 make noise as if chattering away; "The magpies were chattering in the trees" -04628080 __sentimentalism_NN_2 a predilection for sentimentality -08046759 __ulster_defence_association_NN_1 the major Protestant paramilitary group in Northern Ireland; responsible for bombing the homes of Catholics and for criminal racketeering and selling drugs -09906986 __prime_minister_NN_2 the person who is head of state (in several countries) -08892971 __glasgow_NN_1 largest city in Scotland; a port on the Clyde in west central Scotland; one of the great shipbuilding centers of the world -05702275 __attention_NN_1 the process whereby a person concentrates on some features of the environment to the (relative) exclusion of others -04337974 __twine_NN_1 a lightweight cord -04554684 __washing_machine_NN_1 a home appliance for washing clothes and linens automatically -02541875 __genus_elops_NN_1 type genus of the Elopidae: tenpounder -04713118 __harmony_NN_1 compatibility in opinion and action -09138935 __south_dakota_NN_1 a state in north central United States -10684630 __wonk_NN_1 an insignificant student who is ridiculed as being affected or boringly studious -01886488 __slither_VB_1 to pass or move unobtrusively or smoothly; "They slid through the wicket in the big gate" -10411356 __scholastic_NN_1 a person who pays more attention to formal rules and book learning than they merit -12703383 __oxalis_pes-caprae_NN_1 South African bulbous wood sorrel with showy yellow flowers -00428870 __maximize_VB_2 make the most of; "He maximized his role" -11319570 __stone_NN_9 United States feminist and suffragist (1818-1893) -08261589 __liberal_democrat_party_NN_1 a political party in Great Britain; formerly the Liberal Party; advocates reforms and improvement of the conditions of working people -08177958 __city_state_NN_1 a state consisting of a sovereign city -08168978 __state_NN_4 a politically organized body of people under a single government; "the state has elected a new president"; "African nations"; "students who had come to the nation's capitol"; "the country's largest manufacturer"; "an industrialized land" -11620248 __pseudolarix_NN_1 one species: golden larch -00722848 __recall_VB_5 cause one's (or someone else's) thoughts or attention to return from a reverie or digression; "She was recalled by a loud laugh" -04396466 __taxiway_NN_1 a paved surface in the form of a strip; used by planes taxiing to or from the runway at an airport -02314717 __phylum_cycliophora_NN_1 tiny marine organisms each the size of a period found in great numbers on lobsters' lips; identified tentatively in 1995 as a new phylum or as possible link between Entoprocta and Ectoprocta -09786585 __amateur_NN_1 someone who pursues a study or sport as a pastime -08680888 __heading_NN_2 the direction or path along which something moves or along which it lies -11490463 __optical_illusion_NN_1 an optical phenomenon that results in a false or deceptive visual impression -00158185 __use_NN_6 exerting shrewd or devious influence especially for one's own advantage; "his manipulation of his friends was scandalous" -01540233 __grossbeak_NN_1 any of various finches of Europe or America having a massive and powerful bill -01254013 __rub_off_VB_1 wear away -00119210 __hematemesis_NN_1 vomiting blood -00150202 __articulate_JJ_1 expressing yourself easily or characterized by clear expressive language; "articulate speech"; "an articulate orator"; "articulate beings" -03553908 __plaquenil_NN_1 anti-inflammatory drug (trade name Plaquenil) used in the treatment of rheumatoid arthritis and malaria and lupus erythematosus -11961686 __genus_doronicum_NN_1 genus of Eurasian perennial tuberous or rhizomatous herbs: leopard's bane -09100690 __flint_NN_3 a city in southeast central Michigan near Detroit; automobile manufacturing -10240715 __koto_player_NN_1 a musician who plays the koto -00314272 __sharpen_VB_4 put (an image) into focus; "Please focus the image; we cannot enjoy the movie" -02340521 __oryzomys_NN_1 rice rats -00064789 __mark_NN_15 something that exactly succeeds in achieving its goal; "the new advertising campaign was a bell ringer"; "scored a bull's eye"; "hit the mark"; "the president's speech was a home run" -00850986 __monohybrid_cross_NN_1 hybridization using a single trait with two alleles (as in Mendel's experiments with garden peas) -05539012 __poll_NN_3 the part of the head between the ears -12989142 __pertusariaceae_NN_1 a fungus family of division Lichenes -03144756 __cubeb_cigarette_NN_1 a cigarette containing cubeb -01401106 __diatom_NN_1 microscopic unicellular marine or freshwater colonial alga having cell walls impregnated with silica -10564098 __screen_actor_NN_1 an actor who plays a role in a film -00839411 __inefficacious_JJ_1 lacking the power to produce a desired effect; "laws that are inefficacious in stopping crime" -02633977 __paprilus_alepidotus_NN_1 butterfish up to a foot long of Atlantic waters from Chesapeake Bay to Argentina -13100677 __vine_NN_1 a plant with a weak stem that derives support from climbing, twining, or creeping along a surface -03472796 __gymslip_NN_1 a sleeveless tunic worn by English girls as part of a school uniform -10336904 __muffin_man_NN_1 formerly an itinerant peddler of muffins -07232421 __explanation_NN_3 the act of explaining; making something plain or intelligible; "I heard his explanation of the accident" -01907495 __hyalospongiae_NN_1 sponges with siliceous spicules that have six rays; choanocytes are restricted to finger-shaped chambers -04625284 __uneasiness_NN_5 inability to rest or relax or be still -02651617 __peristedion_miniatum_NN_1 sea robins having bony scutes on the body and barbels on the chin; found mostly on the continental slope -07082573 __tone_of_voice_NN_1 the quality of a person's voice; "he began in a conversational tone"; "he spoke in a nervous tone of voice" -00921072 __suspect_VB_1 imagine to be the case or true or probable; "I suspect he is a fugitive"; "I surmised that the butler did it" -05532225 __gi_tract_NN_1 tubular passage of mucous membrane and muscle extending about 8.3 meters from mouth to anus; functions in digestion and elimination -00157081 __influence_NN_2 causing something without any direct or apparent effort -00604576 __memorize_VB_1 commit to memory; learn by heart; "Have you memorized your lines for the play yet?" -02669806 __brahminical_JJ_1 of or relating to or characteristic of a brahmin -00401783 __refreshment_NN_2 activity that refreshes and recreates; activity that renews your health and spirits by enjoyment and relaxation; "time for rest and refreshment by the pool"; "days of joyous recreation with his friends" -09240051 __centaurus_NN_1 a conspicuous constellation in the southern hemisphere near the Southern Cross -11060535 __lena_horne_NN_1 United States singer and actress (born in 1917) -08899577 __luxor_NN_1 a city in central Egypt on the east bank of the Nile that is a center for visitors to the ruins of and around Thebes -09113333 __camden_NN_1 a city in southwestern New Jersey on the Delaware River near Philadelphia -08735008 __luluabourg_NN_1 a city in southwestern Congo; former name (until 1966) was Luluabourg -07065149 __heavy_metal_music_NN_1 loud and harsh sounding rock music with a strong beat; lyrics usually involve violent or fantastic imagery -02974697 __case_NN_5 a portable container for carrying several objects; "the musicians left their instrument cases backstage" -02279972 __monarch_butterfly_NN_1 large migratory American butterfly having deep orange wings with black and white markings; the larvae feed on milkweed -02590702 __sea_bream_NN_2 any of numerous marine percoid fishes especially (but not exclusively) of the family Sparidae -03924069 __record_NN_2 sound recording consisting of a disk with a continuous groove; used to reproduce music by rotating while a phonograph needle tracks in the groove -13858045 __repugnance_NN_2 the relation between propositions that cannot both be true at the same time -02855925 __blue_NN_2 blue clothing; "she was wearing blue" -05630409 __red_region_NN_1 a place of eternal fire envisaged as punishment for the damned -06765044 __remark_NN_1 a statement that expresses a personal opinion or belief or adds information; "from time to time she contributed a personal comment on his account" -05278152 __palatine_bone_NN_1 either of two irregularly shaped bones that form the back of the hard palate and helps to form the nasal cavity and the floor of the orbits -07345593 __wave_NN_3 (physics) a movement up and down or back and forth -04873939 __dishonour_NN_2 lacking honor or integrity -01620414 __coragyps_atratus_NN_1 American vulture smaller than the turkey buzzard -11014652 __ugo_buoncompagni_NN_1 the pope who sponsored the introduction of the modern calendar (1572-1585) -02388403 __train_VB_5 teach or refine to be discriminative in taste or judgment; "Cultivate your musical taste"; "Train your tastebuds"; "She is well schooled in poetry" -02461014 __genus_tamandua_NN_1 lesser anteater -07605474 __fudge_NN_1 soft creamy candy -02187554 __tunga_penetrans_NN_1 small tropical flea; the fertile female burrows under the skin of the host including humans -01127411 __surround_VB_3 surround so as to force to give up; "The Turks besieged Vienna" -08425888 __vehicular_traffic_NN_1 the aggregation of vehicles coming and going in a particular locality -11845557 __echinocactus_NN_1 any cactus of the genus Echinocactus; strongly ribbed and very spiny; southwestern United States to Brazil -05530092 __arytenoid_cartilage_NN_1 either of two small cartilages at the back of the larynx to which the vocal folds are attached -02676054 __touch_on_VB_2 be relevant to; "There were lots of questions referring to her talk"; "My remark pertained to your earlier comments" -00467717 __standardize_VB_1 cause to conform to standard or norm; "The weights and measures were standardized" -08716219 __republic_of_burundi_NN_1 a landlocked republic in east central Africa on the northeastern shore of Lake Tanganyika -06718434 __denigration_NN_1 a belittling comment -03758614 __mickey_finn_NN_1 slang term for knockout drops -01205696 __touch_VB_5 be in direct physical contact with; make contact; "The two buildings touch"; "Their hands touched"; "The wire must not contact the metal cover"; "The surfaces contact at this point" -00900581 __typification_NN_2 the act of representing by a type or symbol; the action of typifying -13218722 __sphenopsida_NN_1 horsetails and related forms -12917901 __spurge_NN_1 any of numerous plants of the genus Euphorbia; usually having milky often poisonous juice -03351151 __fishhook_NN_1 a sharp barbed hook for catching fish -09840217 __tycoon_NN_1 a very wealthy or powerful businessman; "an oil baron" -04423288 __thiazide_NN_1 any of a group of drugs commonly used as diuretics in the treatment of hypertension; they block the reabsorption of sodium in the kidneys -12185078 __plagianthus_NN_1 small genus of shrubs and trees of Australia and New Zealand -02261184 __family_atropidae_NN_1 booklice -07570720 __victuals_NN_2 a source of materials to nourish the body -08661277 __teeing_ground_NN_1 the starting place for each hole on a golf course; "they were waiting on the first tee" -10177014 __hisser_NN_1 someone who communicates disapproval by hissing -01751621 __hydrophidae_NN_1 sea snakes -00368302 __circulation_NN_6 the spread or transmission of something (as news or money) to a wider group or area -09843956 __slugger_NN_1 (baseball) a ballplayer who is batting -12169526 __order_malvales_NN_1 Malvaceae; Bombacaceae; Elaeocarpaceae; Sterculiaceae; Tiliaceae -11329281 __william_henry_fox_talbot_NN_1 English inventor and pioneer in photography who published the first book illustrated with photographs (1800-1877) -03209910 __floppy_disk_NN_1 a small plastic magnetic disk enclosed in a stiff envelope with a radial slit; used to store data or programs for a microcomputer; "floppy disks are noted for their relatively slow speed and small capacity and low price" -01098698 __finance_NN_1 the commercial activity of providing funds and capital -12298783 __swertia_NN_1 genus of herbs of mountains of North America and Eurasia and Africa -07560193 __fast_food_NN_1 inexpensive food (hamburgers or chicken or milkshakes) prepared and served quickly -01624987 __sceloglaux_NN_1 a genus of Strigidae -04758776 __unlikeliness_NN_1 the improbability of a specified outcome -11270380 __roosevelt_NN_2 wife of Franklin Roosevelt and a strong advocate of human rights (1884-1962) -05844282 __flavour_NN_2 (physics) the six kinds of quarks -13541975 __proliferation_NN_1 growth by the rapid multiplication of parts -05246215 __stoma_NN_2 a mouth or mouthlike opening (especially one created by surgery on the surface of the body to create an opening to an internal organ) -07670433 __bacon_NN_1 back and sides of a hog salted and dried or smoked; usually sliced thin and fried -14822141 __coolant_NN_1 a fluid agent (gas or liquid) that produces cooling; especially one used to cool a system by transferring heat away from one part to another; "he added more coolant to the car's radiator"; "the atomic reactor used a gas coolant"; "lathe operators use an emulsion of oil and water as a coolant for the cutting tool" -13177048 __serpent_fern_NN_1 tropical American fern with brown scaly rhizomes cultivated for its large deeply lobed deep bluish-green fronds; sometimes placed in genus Polypodium -02079933 __transmit_VB_2 transmit or serve as the medium for transmission; "Sound carries well over water"; "The airwaves carry the sound"; "Many metals conduct heat" -01354149 __rhizobiaceae_NN_1 a small family of rod-shaped bacteria -00490968 __time_VB_1 measure the time or duration of an event or action or the person who performs an action in a certain period of time; "he clocked the runners" -06478988 __military_commission_NN_1 an official document issued by a government and conferring on the recipient the rank of an officer in the armed forces -07066459 __skiffle_NN_1 a style of popular music in the 1950s; based on American folk music and played on guitars and improvised percussion instruments -08763932 __bioko_NN_1 an island in the Gulf of Guinea that is part of Equatorial Guinea -01187810 __judicial_decision_NN_1 (law) the determination by a court of competent jurisdiction on matters submitted to it -10502950 __racist_NN_1 a person with a prejudiced belief that one race is superior to others -06252954 __imparting_NN_1 the transmission of information -12761284 __mango_tree_NN_1 large evergreen tropical tree cultivated for its large oval fruit -05372290 __labyrinthine_vein_NN_1 veins that drain the inner ear -05934278 __foreground_NN_1 the part of a scene that is near the viewer -04079933 __resistor_NN_1 an electrical device that resists the flow of electrical current -02872333 __takeoff_rocket_NN_1 the first stage of a multistage rocket -10510078 __realtor_NN_1 a real estate agent who is a member of the National Association of Realtors -07531255 __satisfaction_NN_1 the contentment one feels when one has fulfilled a desire, need, or expectation; "the chef tasted the sauce with great satisfaction" -15186871 __groundhog_day_NN_1 if the ground hog emerges and sees his shadow on this day, there will be 6 more weeks of winter -04034884 __quinora_NN_1 cardiac drug (trade names Quinidex and Quinora) used to treat certain heart arrhythmias -02203362 __hold_VB_4 have or possess, either in a concrete or an abstract sense; "She has $1,000 in the bank"; "He has got two beautiful daughters"; "She holds a Master's degree from Harvard" -05489640 __rolando's_area_NN_1 the cortical area that influences motor movements -07697825 __zep_NN_1 a large sandwich made of a long crusty roll split lengthwise and filled with meats and cheese (and tomato and onion and lettuce and condiments); different names are used in different sections of the United States -12007560 __genus_rhodanthe_NN_1 genus of xerophytic herbs and shrubs of South Africa and Australia; sometimes included in genus Helipterum -05017230 __perceptibility_NN_1 the property of being perceptible by the mind or the senses -13928388 __relationship_NN_2 a state of connectedness between people (especially an emotional connection); "he didn't want his wife to know of the relationship" -00842997 __suckling_NN_4 feeding an infant by giving suck at the breast -03244388 __private_road_NN_1 a road leading up to a private house; "they parked in the driveway" -09165613 __zambia_NN_1 a republic in central Africa; formerly controlled by Great Britain and called Northern Rhodesia until it gained independence within the commonwealth in 1964 -04877421 __dedication_NN_1 complete and wholehearted fidelity -00453424 __heap_VB_3 fill to overflow; "heap the platter with potatoes" -05616246 __power_NN_3 possession of the qualities (especially mental qualities) required to do something or get something done; "danger heightened his powers of discrimination" -04220344 __silo_NN_2 military installation consisting of an underground structure where ballistic missiles can be stored and fired -10356877 __newsreader_NN_1 someone who reads out broadcast news bulletin -12900148 __genus_capsicum_NN_1 chiefly tropical perennial shrubby plants having many-seeded fruits: sweet and hot peppers -12505563 __genus_anagyris_NN_1 very small genus of shrubs of southern Europe having backward curving seed pods -09830400 __backbencher_NN_1 a member of the House of Commons who is not a party leader -13487207 __sprouting_NN_1 the process whereby seeds or spores sprout and begin to grow -02409941 __sign_up_VB_1 engage by written agreement; "They signed two new pitchers for the next season" -11812358 __minuartia_NN_1 mostly perennial herbs of northern hemisphere often with mat-forming habit; most often placed in genus Arenaria: sandworts -01610758 __family_falconidae_NN_1 a family of birds of the order Falconiformes -10118587 __galvanizer_NN_1 a skilled worker who coats iron or steel with zinc -12139575 __cordgrass_NN_1 any of several perennial grasses of the genus Spartina; some important as coastal soil binders -02266269 __hellgrammiate_NN_1 large brown aquatic larva of the dobsonfly; used as fishing bait -01253808 __excoriate_VB_2 tear or wear off the skin or make sore by abrading; "This leash chafes the dog's neck" -00283703 __dull_JJ_2 emitting or reflecting very little light; "a dull glow"; "dull silver badly in need of a polish"; "a dull sky" -03128583 __vestiary_JJ_1 relating to clothing (especially vestments) -02636516 __carry_VB_21 have or possess something abstract; "I carry her image in my mind's eye"; "I will carry the secret to my grave"; "I carry these thoughts in the back of my head"; "I carry a lot of life insurance" -08965251 __republic_of_maldives_NN_1 a republic on the Maldive Islands; achieved independence from the United Kingdom in 1965 -07526338 __security_NN_3 freedom from anxiety or fear; "the watch dog gave her a feeling of security" -03658858 __spirit_level_NN_1 indicator that establishes the horizontal when a bubble is centered in a tube of liquid -02115913 __dhole_NN_1 fierce wild dog of the forests of central and southeast Asia that hunts in packs -09482131 __yellowstone_river_NN_1 a tributary of the Missouri River that flows through the Yellowstone National Park -00097504 __performance_NN_3 the act of performing; of doing something successfully; using knowledge as distinguished from merely possessing it; "they criticised his performance as mayor"; "experience generally improves performance" -03087366 __optical_condenser_NN_1 lens used to concentrate light on an object -02125641 __scent_VB_1 cause to smell or be smelly -07238694 __speech_NN_1 the act of delivering a formal spoken communication to an audience; "he listened to an address on minor Roman poets" -02369390 __manoeuvre_VB_1 act in order to achieve a certain goal; "He maneuvered to get the chairmanship"; "She maneuvered herself into the directorship" -07420538 __hurt_NN_4 a damage or loss -00734790 __plant_VB_6 put firmly in the mind; "Plant a thought in the students' minds" -05187446 __franchise_NN_3 a statutory right or privilege granted to a person or group by a government (especially the rights of citizenship and the right to vote) -10140051 __gouger_NN_1 an attacker who gouges out the antagonist's eye -14822563 __copper-base_alloy_NN_1 any alloy whose principal component is copper -00313987 __veil_VB_2 make undecipherable or imperceptible by obscuring or concealing; "a hidden message"; "a veiled threat" -10214062 __invader_NN_1 someone who enters by force in order to conquer -07362218 __subsiding_NN_1 a gradual sinking to a lower level -06589574 __publication_NN_1 a copy of a printed work offered for distribution -08721145 __antofagasta_NN_1 a port city on the Pacific in northern Chile -05725527 __warmth_NN_1 the sensation caused by heat energy -02383380 __taciturn_JJ_1 habitually reserved and uncommunicative -03299929 __vinyl_ether_NN_1 a colorless volatile highly inflammable liquid formerly used as an inhalation anesthetic -01374465 __puddle_VB_7 make a puddle by splashing water -09989502 __terpsichorean_NN_1 a performer who dances professionally -00447950 __dissolve_VB_7 cause to fade away; "dissolve a shot or a picture" -04628850 __volatility_NN_3 being easily excited -06664051 __regulation_NN_1 an authoritative rule -04376876 __syringe_NN_1 a medical instrument used to inject or withdraw fluids -07960769 __tussock_NN_1 a bunch of hair or feathers or growing grass -09765278 __thespian_NN_1 a theatrical performer -09942275 __ranger_NN_3 a member of a military unit trained as shock troops for hit-and-run raids -01597194 __thraupidae_NN_1 tanagers -10328941 __monolingual_NN_1 a person who knows only one language -01633825 __design_VB_6 conceive or fashion in the mind; invent; "She designed a good excuse for not attending classes that day" -05905802 __stratagem_NN_2 an elaborate or deceitful scheme contrived to deceive or evade; "his testimony was just a contrivance to throw us off the track" -12725940 __silver_willow_NN_1 North American willow with greyish silky pubescent leaves that usually blacken in drying -08125420 __ctc_NN_1 an agency that helps the Director of Central Intelligence coordinate counterterrorist efforts in order to preempt and disrupt and defeat terrorist activities at the earliest possible stage -00040804 __traffic_NN_4 social or verbal interchange (usually followed by `with') -01697406 __model_VB_6 construct a model of; "model an airplane" -09629246 __sensualist_NN_1 a person who enjoys sensuality -12131550 __meadowgrass_NN_1 any of various grasses that thrive in the presence of abundant moisture -01669643 __garland_VB_1 adorn with bands of flowers or leaves; "They garlanded the statue" -10630188 __verbalizer_NN_1 someone who expresses in language; someone who talks (especially someone who delivers a public speech or someone especially garrulous); "the speaker at commencement"; "an utterer of useful maxims" -10086074 __fiduciary_NN_1 a person who holds assets in trust for a beneficiary; "it is illegal for a fiduciary to misappropriate money for personal gain" -07160296 __invocation_NN_2 an incantation used in conjuring or summoning a devil -00616498 __skip_over_VB_1 bypass; "He skipped a row in the text and so the sentence was incomprehensible" -08143486 __ir_NN_2 a board of the British government that administers and collects major direct taxes -02916350 __slug_NN_1 a projectile that is fired from a gun -00615774 __take_out_VB_14 prevent from being included or considered or accepted; "The bad results were excluded from the report"; "Leave off the top piece" -02394477 __even-toed_ungulate_NN_1 placental mammal having hooves with an even number of functional toes on each foot -10513509 __redcap_NN_1 a member of the military police in Britain -02760429 __automatic_weapon_NN_1 a firearm that reloads itself and keeps firing until the trigger is released -03626014 __knob_NN_2 a round handle -09007723 __soviet_russia_NN_1 formerly the largest Soviet Socialist Republic in the USSR occupying eastern Europe and northern Asia -03976467 __polaroid_land_camera_NN_1 a camera that develops and produces a positive print within seconds -08621598 __position_NN_1 the particular portion of space occupied by something; "he put the lamp back in its place" -14412725 __acceptation_NN_1 acceptance as true or valid -01264148 __scale_VB_6 remove the scales from; "scale fish" -13649054 __astronomy_unit_NN_1 a linear unit used for astronomical distances -02460275 __myrmecophaga_NN_1 type genus of the Myrmecophagidae; South American ant bear -09023321 __spain_NN_1 a parliamentary monarchy in southwestern Europe on the Iberian Peninsula; a former colonial power -05834758 __source_NN_3 anything that provides inspiration for later work -06493721 __submenu_NN_1 a secondary menu that appears while you are holding the cursor over an item on the primary menu -11502102 __waterspout_NN_2 a heavy rain -13722522 __troy_ounce_NN_1 a unit of apothecary weight equal to 480 grains or one twelfth of a pound -05769833 __evocation_NN_1 imaginative re-creation -07401726 __throbbing_NN_1 an instance of rapid strong pulsation (of the heart); "he felt a throbbing in his head" -11304139 __sixtus_iv_NN_1 Italian pope from 1471 to 1484 who consented to the establishment of the Spanish Inquisition and built the Sistine Chapel (1414-1484) -00180770 __embrace_NN_3 a close affectionate and protective acceptance; "his willing embrace of new ideas"; "in the bosom of the family" -13249400 __homestead_NN_2 land acquired from the United States public lands by filing a record and living on and cultivating it under the homestead law -01386200 __bale_VB_1 make into a bale; "bale hay" -08057460 __brokerage_NN_2 the business of a broker; charges a fee to arrange a contract between two parties -06638868 __lexical_database_NN_1 a database of information about words -00253395 __katharsis_NN_2 (psychoanalysis) purging of emotional tensions -10101427 __football_official_NN_1 an official who enforces the rules at a football game -07915800 __rob_roy_NN_2 a manhattan cocktail made with Scotch whiskey -02108665 __sensory_JJ_2 involving or derived from the senses; "sensory experience"; "sensory channels" -01143279 __sudden_JJ_1 happening without warning or in a short space of time; "a sudden storm"; "a sudden decision"; "a sudden cure" -08399287 __grab_bag_NN_1 an assortment of miscellaneous items -07788435 __king_crab_NN_1 meat of large cold-water crab; mainly leg meat -11660979 __yew_family_NN_1 sometimes classified as member of order Taxales -08995515 __hijaz_NN_1 a coastal region of the western Arabian Peninsula bordering on the Red Sea; includes both Mecca and Medina; formerly an independent kingdom until it united with Nejd to form the Kingdom of Saudi Arabia -05301752 __epiglottis_NN_1 a flap of cartilage that covers the windpipe while swallowing -03075768 __teething_ring_NN_1 device used for an infant to suck or bite on -01313093 __kingdom_animalia_NN_1 taxonomic kingdom comprising all living or extinct animals -11295936 __shaw_NN_4 British playwright (born in Ireland); founder of the Fabian Society (1856-1950) -08357784 __officialdom_NN_1 people elected or appointed to administer a government -03679986 __loading_NN_1 weight to be borne or conveyed -12529500 __goat_rue_NN_1 tall bushy European perennial grown for its pinnate foliage and slender spikes of blue flowers; sometimes used medicinally -01301080 __ypres_NN_1 battle in World War I (1917); an Allied offensive which eventually failed because tanks bogged down in the waterlogged soil of Flanders; Germans introduced mustard gas which interfered with the Allied artillery -01391569 __order_amoebina_NN_1 the animal order including amoebas -11743570 __juncus_NN_1 type genus of the Juncaceae; perennial tufted glabrous marsh plants of temperate regions: rushes -01959187 __tridacnidae_NN_1 large marine hard-shell clams -03706653 __magnetic_disk_NN_1 (computer science) a memory device consisting of a flat disk covered with a magnetic coating on which information is stored -10286282 __malik_NN_1 the leader of a town or community in some parts of Asia Minor and the Indian subcontinent; "maliks rule the hinterland of Afghanistan under the protection of warlords" -00494269 __isolate_VB_1 place or set apart; "They isolated the political prisoners from the other inmates" -00705227 __plan_VB_1 have the will and intention to carry out some action; "He plans to be in graduate school next year"; "The rebels had planned turmoil and confusion" -12801323 __genus_parnassia_NN_1 genus of bog herbs of Arctic and northern temperate regions -12732009 __white_poplar_NN_1 a poplar that is widely cultivated in the United States; has white bark and leaves with whitish undersurfaces -03522863 __hitch_NN_4 a connection between a vehicle and the load that it pulls -12936469 __coriandrum_sativum_NN_1 Old World herb with aromatic leaves and seed resembling parsley -05450888 __scavenger_cell_NN_1 a cell that engulfs and digests debris and invading microorganisms -08272460 __phalanx_NN_3 a body of troops in close array -01371756 __kick_VB_1 drive or propel with the foot -06750154 __prophecy_NN_2 a prediction uttered under divine inspiration -10286539 __skulker_NN_1 someone shirking their duty by feigning illness or incapacity -12832976 __saintpaulia_NN_1 east African herb with nodding flowers; widely cultivated -07217782 __briefing_NN_1 detailed instructions, as for a military operation -04402057 __telephone_line_NN_2 a telephone connection -08160276 __people_NN_2 the body of citizens of a state or country; "the Spanish people" -13931765 __sexual_relationship_NN_1 a relationship involving sexual intimacy -09028204 __galicia_NN_1 a region (and former kingdom) in northwestern Spain on the Atlantic and the Bay of Biscay -01037650 __smatter_VB_2 to talk foolishly; "The two women babbled and crooned at the baby" -14640434 __hydrogen_NN_1 a nonmetallic univalent element that is normally a colorless and odorless highly flammable diatomic gas; the simplest and lightest and most abundant element in the universe -04391569 __tape_NN_1 a long thin piece of cloth or paper as used for binding or fastening; "he used a piece of tape for a belt"; "he wrapped a tape around the package" -09407346 __remains_NN_1 any object that is left unused or still extant; "I threw out the remains of my dinner" -02363128 __hat_VB_2 furnish with a hat -00910891 __repine_VB_1 express discontent -02165247 __family_coccinellidae_NN_1 the ladybugs -10521662 __reporter_NN_1 a person who investigates and reports or edits news stories -00859758 __amuse_VB_2 make (somebody) laugh; "The clown amused the children" -12299988 __olive_family_NN_1 trees and shrubs having berries or drupes or capsules as fruits; sometimes placed in the order Oleales: olive; ash; jasmine; privet; lilac -02522247 __genus_gadus_NN_1 type genus of the Gadidae: the typical codfishes -10641755 __undercover_agent_NN_1 (military) a secret agent hired by a state to obtain information about its enemies or by a business to obtain industrial secrets from competitors -08080025 __football_team_NN_1 a team that plays football -04115456 __rowing_boat_NN_1 a rowboat -02707188 __anaglyph_NN_2 anything carved in low relief -02782778 __park_NN_3 a facility in which ball games are played (especially baseball games); "take me out to the ballpark" -00060201 __lam_NN_1 a rapid escape (as by criminals); "the thieves made a clean getaway"; "after the expose he had to take it on the lam" -09909760 __charge_NN_7 a person committed to your care; "the teacher led her charges across the street" -01289631 __operation_desert_storm_NN_1 the United States and its allies defeated Iraq in a ground war that lasted 100 hours (1991) -12156484 __sparganium_NN_1 type and sole genus of Sparganiaceae; marsh or aquatic herbs of temperate regions -13016457 __tricholomataceae_NN_1 a family of fungi belonging to the order Agaricales -02554922 __promote_VB_1 contribute to the progress or growth of; "I am promoting the use of computers in the classroom" -07556970 __course_NN_7 part of a meal served at one time; "she prepared a three course meal" -00079212 __repurchase_NN_1 the act of purchasing back something previously sold -08256735 __wedding_party_NN_1 a party of people at a wedding -03456186 __grey_NN_6 clothing that is a grey color; "he was dressed in grey" -12998349 __order_agaricales_NN_1 typical gilled mushrooms belonging to the subdivision Basidiomycota -01570403 __put_up_VB_1 place so as to be noticed; "post a sign"; "post a warning at the dump" -12842887 __calamint_NN_1 perennial aromatic herbs growing in hedgerows or scrub or open woodlands from western Europe to central Asia and in North America -00573530 __chip_shot_NN_1 (golf) a low running approach shot -01883716 __sport_VB_2 play boisterously; "The children frolicked in the garden"; "the gamboling lambs in the meadows"; "The toddlers romped in the playroom" -02008396 __take_leave_VB_1 go away or leave -00978369 __vocalize_VB_4 express or state clearly -01048939 __squawk_VB_1 utter a harsh abrupt scream -09221723 __biscayne_bay_NN_1 a narrow bay formed by an inlet from the Atlantic Ocean in southeastern Florida -03960950 __plate_NN_10 the positively charged electrode in a vacuum tube -07231294 __challenge_NN_2 a call to engage in a contest or fight -09788073 __ambusher_NN_1 an attacker who waits in a concealed position to launch a surprise attack -12722884 __larrea_NN_1 xerophytic evergreen shrubs; South America to southwestern United States -01787401 __xiphosura_NN_1 horseshoe crabs and extinct forms -09139993 __black_hills_NN_2 mountains in western South Dakota and northeastern Wyoming -11575425 __dilleniid_dicot_genus_NN_1 genus of more or less advanced dicotyledonous trees and shrubs and herbs -03375694 __foil_NN_1 a piece of thin and flexible sheet metal; "the photographic film was wrapped in foil" -07307477 __incident_NN_1 a single distinct event -10694849 __teacher's_pet_NN_1 the teacher's favorite student -05971394 __fatalism_NN_2 a philosophical doctrine holding that all events are predetermined in advance for all time and human beings are powerless to change them -01840278 __genus_campephilus_NN_1 a genus of Picidae -12798284 __alumroot_NN_1 any of several herbs of the genus Heuchera -01826542 __genus_coracias_NN_1 type genus of the Coraciidae -14871078 __flint_NN_1 a hard kind of stone; a form of silica more opaque than chalcedony -05534712 __small_intestine_NN_1 the longest part of the alimentary canal; where digestion is completed -11886380 __genus_eruca_NN_1 annual to perennial herbs of the Mediterranean region -03175604 __dental_appliance_NN_1 a device to repair teeth or replace missing teeth -08910668 __persia_NN_2 a theocratic Islamic republic in the Middle East in western Asia; Iran was the core of the ancient empire that was known as Persia until 1935; rich in oil -12122124 __glyceria_NN_1 manna grass -08927186 __jordan_NN_2 an Arab kingdom in southwestern Asia on the Red Sea -01714231 __allosaurus_NN_1 late Jurassic carnivorous dinosaur; similar to but somewhat smaller than tyrannosaurus -11973159 __grindelia_NN_1 large genus of coarse gummy herbs of western North and Central America -00782927 __dakoity_NN_1 robbery by a gang of armed dacoits -12059090 __genus_dendrobium_NN_1 large genus and variable genus of chiefly epiphytic or lithophytic orchids of tropical and subtropical Asia and Australasia -11690455 __petal_NN_1 part of the perianth that is usually brightly colored -07826453 __angelica_NN_2 candied stalks of the angelica plant -08541288 __glade_NN_1 a tract of land with few or no trees in the middle of a wooded area -01466978 __march_VB_7 lie adjacent to another or share a boundary; "Canada adjoins the U.S."; "England marches with Scotland" -06239931 __sikhism_NN_1 the doctrines of a monotheistic religion founded in northern India in the 16th century by Guru Nanak and combining elements of Hinduism and Islam -05640339 __swordsmanship_NN_1 skill in fencing -06608143 __piffle_NN_1 trivial nonsense -11878633 __leaf_mustard_NN_1 Asiatic mustard used as a potherb -06341127 __herr_NN_2 a German courtesy title or form of address for a man -07275489 __scraping_NN_3 a deep bow with the foot drawn backwards (indicating excessive humility); "all that bowing and scraping did not impress him" -01963136 __genus_arca_NN_1 type genus of the family Arcidae: ark shells and blood clams -07900406 __fortified_wine_NN_1 wine to which alcohol (usually grape brandy) has been added -13452750 __convection_NN_2 (meteorology) the vertical movement of heat or other properties by massive motion within the atmosphere -01601234 __hold_VB_14 support or hold in a certain manner; "She holds her head high"; "He carried himself upright" -01631035 __taricha_NN_1 Pacific newts -04081281 __restaurant_NN_1 a building where people go to eat -06694796 __reference_NN_5 a formal recommendation by a former employer to a potential future employer describing the person's qualifications and dependability; "requests for character references are all too often answered evasively" -09683306 __shiite_muslim_NN_1 a member of the branch of Islam that regards Ali as the legitimate successor to Mohammed and rejects the first three caliphs -11496881 __osmotic_pressure_NN_1 (physical chemistry) the pressure exerted by a solution necessary to prevent osmosis into that solution when it is separated from the pure solvent by a semipermeable membrane -08745901 __tampico_NN_1 a port city in eastern Mexico -10053439 __empress_NN_1 a woman emperor or the wife of an emperor -00123783 __gunshot_NN_1 the act of shooting a gun; "the gunfire endangered innocent bystanders"; "they retreated in the face of withering enemy fire" -09825519 __zombie_NN_4 someone who acts or responds in a mechanical or apathetic way; "only an automaton wouldn't have noticed" -01146576 __confinement_NN_2 the act of restraining of a person's liberty by confining them -01059564 __snub_VB_1 refuse to acknowledge; "She cut him dead at the meeting" -06544142 __will_NN_3 a legal document declaring a person's wishes regarding the disposal of their property when they die -03566329 __inclined_plane_NN_1 a simple machine for elevating objects; consists of plane surface that makes an acute angle with the horizontal -12546015 __lupinus_NN_1 herbs or shrubs: lupin -13864763 __angularity_NN_1 a shape having one or more sharp angles -13634205 __inductance_unit_NN_1 a measure of the property of an electric circuit by which an electromotive force is induced in it -04262161 __sounding_board_NN_2 (music) resonator consisting of a thin board whose vibrations reinforce the sound of the instrument -02433546 __roe_deer_NN_1 small graceful deer of Eurasian woodlands having small forked antlers -01968115 __class_cephalopoda_NN_1 octopuses; squids; cuttlefish; pearly nautilus -08182379 __crowd_NN_1 a large number of things or people considered together; "a crowd of insects assembled around the flowers" -12275489 __chestnut_oak_NN_1 an oak having leaves resembling those of chestnut trees -02766390 __sparkle_VB_1 reflect brightly; "Unquarried marble sparkled on the hillside" -02275560 __nymphalis_antiopa_NN_1 of temperate regions; having dark purple wings with yellow borders -13391452 __tanner_NN_1 a small coin of the United Kingdom worth six pennies; not minted since 1970 -03401500 __petrol_line_NN_1 a pipe that carries gasoline from a tank to a gasoline engine; "the car wouldn't start because dirt clogged the gas line" -02565911 __fall_VB_12 yield to temptation or sin; "Adam and Eve fell" -08039601 __people_against_gangsterism_and_drugs_NN_1 a terrorist organization in South Africa formed in 1996 to fight drug lords; evolved into a vigilante group with anti-western views closely allied with Qibla; is believed to have ties to Islamic extremists in the Middle East; is suspected of conducting bouts of urban terrorism -03635668 __laminate_NN_1 a sheet of material made by bonding two or more sheets or layers -00102927 __motorization_NN_1 the act of motorizing (equiping with motors or with motor vehicles) -00028651 __space_NN_1 the unlimited expanse in which everything is located; "they tested his ability to locate objects in space"; "the boundless regions of the infinite" -04650201 __sense_of_humour_NN_1 the trait of appreciating (and being able to express) the humorous; "she didn't appreciate my humor"; "you can't survive in the army without a sense of humor" -09483738 __imaginary_creature_NN_1 a creature of the imagination; a person that exists only in legends or myths or fiction -08619620 __square_NN_3 an open area at the meeting of two or more streets -06433475 __deuteronomy_NN_1 the fifth book of the Old Testament; contains a second statement of Mosaic law -04351776 __sulfacetamide_NN_1 a topical sulfonamide (trade name Sulamyd) used to treat eye infections -07006119 __theatre_NN_2 the art of writing and producing plays -02953197 __cantilever_bridge_NN_1 bridge constructed of two cantilevers that meet in the middle -06034301 __rank-order_correlation_coefficient_NN_1 the most commonly used method of computing a correlation coefficient between the ranks of scores on two variables -09835506 __baseball_player_NN_1 an athlete who plays baseball -07343195 __replay_NN_1 something (especially a game) that is played again -00288970 __tramp_NN_6 a long walk usually for exercise or pleasure; "she enjoys a hike in her spare time" -04502197 __turtleneck_NN_1 a sweater or jersey with a high close-fitting collar -00666510 __document_VB_2 support or supply with references; "Can you document your claims?" -06833663 __x_NN_2 the 24th letter of the Roman alphabet -12248574 __whortleberry_NN_1 erect European blueberry having solitary flowers and blue-black berries -12978969 __synchytriaceae_NN_1 a fungus family of order Chytridiales -01953197 __genus_cypraea_NN_1 type genus of the family Cypraeidae: the typical cowries -02677861 __laniary_JJ_1 of or relating to a pointed conical tooth -10715030 __tomboy_NN_1 a girl who behaves in a boyish manner -12391745 __urticaceae_NN_1 a family of plants of order Urticales including many nettles with stinging hairs -10271216 __watch_NN_5 a person employed to keep watch for some anticipated event -07444495 __tide_NN_2 something that may increase or decrease (like the tides of the sea); "a rising tide of popular interest" -01693783 __chameleon_NN_3 lizard of Africa and Madagascar able to change skin color and having a projectile tongue -00669000 __cholecystectomy_NN_1 surgical removal of the gall bladder (usually for relief of gallstone pain) -02237631 __honour_VB_3 accept as pay; "we honor checks and drafts" -10685853 __symbolizer_NN_1 someone skilled in the interpretation or representation of symbols -09769076 __nut_NN_6 someone who is so ardently devoted to something that it resembles an addiction; "a golf addict"; "a car nut"; "a bodybuilding freak"; "a news junkie" -12879719 __genus_castilleja_NN_1 genus of western North and South American perennials often partially parasitic on roots of grasses -08891595 __highlands_of_scotland_NN_1 a mountainous region of northern Scotland famous for its rugged beauty; known for the style of dress (the kilt and tartan) and the clan system (now in disuse) -00159620 __temptation_NN_3 the act of influencing by exciting hope or desire; "his enticements were shameless" -02497983 __genus_daubentonia_NN_1 type genus; coextensive with the family Daubentoniidae -02495922 __utile_JJ_1 being of use or service; "the girl felt motherly and useful"; "a useful job"; "a useful member of society" -04950126 __visual_property_NN_1 an attribute of vision -06431156 __gita_NN_1 (Hinduism) the sacred `song of God' composed about 200 BC and incorporated into the Mahabharata (a Sanskrit epic); contains a discussion between Krishna and the Indian hero Arjuna on human nature and the purpose of life -07720615 __sweet_pepper_NN_2 large mild crisp thick-walled capsicum peppers usually bell-shaped or somewhat oblong; commonly used in salads -02398463 __gentle_VB_2 give a title to someone; make someone a member of the nobility -05098942 __size_NN_1 the physical magnitude of something (how big it is); "a wolf is about the size of a large dog" -00154233 __certification_NN_4 validating the authenticity of something or someone -02680337 __adhesive_tape_NN_1 tape coated with adhesive -00685508 __mastectomy_NN_1 surgical removal of a breast to remove a malignant tumor -06209242 __futurism_NN_2 the position that the meaning of life should be sought in the future -00306426 __journeying_NN_1 the act of traveling from one place to another -10617193 __snooper_NN_1 a spy who makes uninvited inquiries into the private affairs of others -07754684 __jak_NN_1 immense East Indian fruit resembling breadfruit; it contains an edible pulp and nutritious seeds that are commonly roasted -07338114 __meshing_NN_1 contact by fitting together; "the engagement of the clutch"; "the meshing of gears" -06226934 __second_adventism_NN_1 any Christian religion that believes the second coming of Christ is imminent -09797113 __anticipator_NN_1 one who anticipates -09145851 __plano_NN_1 a city in northeastern Texas (suburb of Dallas) -00138221 __osculation_NN_2 the act of caressing with the lips (or an instance thereof) -05247804 __glomerulus_NN_1 a small intertwined group of capillaries in the malpighian body; it filters the blood during urine formation -08904269 __hyderabad_NN_2 a city in south central India in Andhra Pradesh -00240754 __paternity_NN_3 the act of initiating a new idea or theory or writing; "the authorship of the theory is disputed" -06429145 __rewording_NN_1 changing a particular word or phrase -05748054 __secernment_NN_2 the cognitive process whereby two or more stimuli are distinguished -01423285 __fill_up_VB_3 fill or stop up; "Can you close the cracks with caulking?" -06805128 __drumbeat_NN_2 (military) the beating of a drum as a signal for lowering the flag at sundown -05514272 __pudendum_NN_1 human external genital organs collectively especially of a female -12283790 __newfoundland_dwarf_birch_NN_1 small shrub of colder parts of North America and Greenland -00812274 __taking_hold_NN_1 the act of gripping something firmly with the hands (or the tentacles) -01128390 __domination_NN_1 social control by dominating -01105385 __outsail_VB_1 sail faster or better than; "They outsailed the Roman fleet" -08295138 __commonwealth_of_independent_states_NN_1 an alliance made up of states that had been Soviet Socialist Republics in the Soviet Union prior to its dissolution in Dec 1991 -01854700 __mergus_merganser_NN_1 common merganser of Europe and North America -01677716 __hang_VB_12 decorate or furnish with something suspended; "Hang wallpaper" -04962395 __dappled-grey_NN_1 grey with a mottled pattern of darker grey markings -02449699 __grison_vittatus_NN_1 carnivore of Central America and South America resembling a weasel with a greyish-white back and dark underparts -02815950 __beam_NN_2 long thick piece of wood or metal or concrete, etc., used in construction -00077981 __contracting_NN_1 becoming infected; "catching cold is sometimes unavoidable"; "the contracting of a serious illness can be financially catastrophic" -03589791 __jacket_NN_1 a short coat -07010541 __dialogue_NN_2 the lines spoken by characters in drama or fiction -10249459 __peace_officer_NN_1 an officer of the law -07784367 __mullet_NN_1 highly valued lean flesh of marine or freshwater mullet -13108662 __gymnospermous_tree_NN_1 any tree of the division Gymnospermophyta -12644464 __family_amygdalaceae_NN_1 used in former classifications for plum and peach and almond trees which are now usually classified as members of the genus Prunus -07403920 __tidal_bore_NN_1 a high wave (often dangerous) caused by tidal flow (as by colliding tidal currents or in a narrow estuary) -08034579 __mujahedeen_kompak_NN_1 a militant Islamic militia that was formed in 2005 by hardliners who split from Jemaah Islamiyah -01707306 __harmonize_VB_2 write a harmony for -11683331 __pinecone_NN_1 the seed-producing cone of a pine tree -07567390 __concentrate_NN_2 a concentrated form of a foodstuff; the bulk is reduced by removing water -05235879 __rib_NN_5 a riblike supporting or strengthening part of an animal or plant -12950126 __valerian_NN_1 a plant of the genus Valeriana having lobed or dissected leaves and cymose white or pink flowers -05859991 __multiple_NN_1 the product of a quantity by an integer; "36 is a multiple of 9" -14110411 __sclerosis_NN_1 any pathological hardening or thickening of tissue -01800195 __smash_VB_5 a kind of guan humiliate or depress completely; "She was crushed by his refusal of her invitation"; "The death of her son smashed her" -05994935 __economic_theory_NN_1 (economics) a theory of commercial activities (such as the production and consumption of goods) -10125786 __general_officer_NN_1 officers in the Army or Air Force or Marines above the rank of colonel -11011123 __ulysses_simpson_grant_NN_1 18th President of the United States; commander of the Union armies in the American Civil War (1822-1885) -14700745 __animal_product_NN_1 a product made from animal material -10206173 __squealer_NN_1 one who reveals confidential information in return for money -08402828 __embassy_NN_2 an ambassador and his entourage collectively -00782057 __tap_VB_12 make a solicitation or entreaty for something; request urgently or persistently; "Henry IV solicited the Pope for a divorce"; "My neighbor keeps soliciting money for different charities" -08899776 __thebes_NN_1 an ancient Egyptian city on the Nile River that flourished from the 22nd century BC to the 18th century BC; today the archeological remains include many splendid temples and tombs -12822769 __cumfrey_NN_1 perennial herbs of Europe and Iran; make rapidly growing groundcover for shaded areas -01518564 __struthionidae_NN_1 tall terrestrial birds: ostriches -01779644 __awe_VB_1 inspire awe in; "The famous professor awed the undergraduates" -01653610 __pipidae_NN_1 tongueless frogs -02027209 __genus_erolia_NN_1 a genus of Scolopacidae -02403920 __leppy_NN_1 motherless calf in a range herd of cattle terminate an association with; "drop him from the Republican ticket" -02447366 __badger_NN_2 sturdy carnivorous burrowing mammal with strong claws; widely distributed in the northern hemisphere -14806176 __bran_NN_1 broken husks of the seeds of cereal grains that are separated from the flour by sifting -04891683 __silliness_NN_1 a ludicrous folly; "the crowd laughed at the absurdity of the clown's behavior" -10402285 __partitionist_NN_1 an advocate of partitioning a country -12410205 __trema_NN_1 an evergreen tree of the family Ulmaceae that grows in tropical America and Africa and Asia -09023118 __principality_of_andorra_NN_1 a small republic in the eastern Pyrenees between Spain and France -02575455 __remilegia_NN_1 a genus of Echeneididae -07433973 __distortion_NN_1 a change for the worse -01525295 __misfunction_VB_1 fail to function or function improperly; "the coffee maker malfunctioned" -01409177 __hook_VB_4 hit a ball and put a spin on it so that it travels to the left -12633638 __apple_tree_NN_1 any tree of the genus Malus especially those bearing firm rounded edible fruits -02196761 __rhagoletis_NN_1 a genus of Trypetidae -01885158 __pouched_mouse_NN_1 any of numerous small sharp-nosed insectivorous marsupials superficially resembling mice or rats -00288000 __dressage_NN_1 maneuvers of a horse in response to body signals by the rider -10775128 __whaler_NN_1 a seaman who works on a ship that hunts whales -01713764 __tyrannosaurus_rex_NN_1 large carnivorous bipedal dinosaur having enormous teeth with knifelike serrations; may have been a scavenger rather than an active predator; later Cretaceous period in North America -07745661 __shadberry_NN_1 edible purple or red berries -07556872 __tuck_NN_1 eatables (especially sweets) -02212062 __wasp_NN_2 social or solitary hymenopterans typically having a slender body with the abdomen attached by a narrow stalk and having a formidable sting -01008378 __organization_NN_6 the activity or result of distributing or disposing persons or things properly or methodically; "his organization of the work force was very efficient" -15273955 __kip_NN_1 sleep; "roused him from his kip" -04677716 __persona_NN_2 (Jungian psychology) a personal facade that one presents to the world; "a public image is as fragile as Humpty Dumpty" -06716483 __sneer_NN_1 a facial expression of contempt or scorn; the upper lip curls -06876309 __motion_NN_1 the use of movements (especially of the hands) to communicate familiar or prearranged signals -11999455 __ozothamnus_NN_1 genus of Australian shrubs and perennial herbs; sometimes included in genus Helichrysum -02895606 __ventilator_NN_2 a device that facilitates breathing in cases of respiratory failure -07298982 __shock_NN_6 an unpleasant or disappointing surprise; "it came as a shock to learn that he was injured" -01674850 __gekkonidae_NN_1 geckos -04216508 __siegfried_line_NN_1 German fortifications facing the Maginot Line -09945905 __fellow_NN_2 a friend who is frequently in the company of another; "drinking companions"; "comrades in arms" -07057196 __serialism_NN_1 20th century music that uses a definite order of notes as a thematic basis for a musical composition -04416530 __tetracycline_NN_1 an antibiotic (trade name Achromycin) derived from microorganisms of the genus Streptomyces and used broadly to treat infections -01485839 __bag_VB_5 put into a bag; "The supermarket clerk bagged the groceries" -10780284 __widow_woman_NN_1 a woman whose husband is dead especially one who has not remarried -01218932 __glorification_NN_3 the act of glorifying (as in worship); "the glorification of God" -13246662 __landed_estate_NN_1 extensive landed property (especially in the country) retained by the owner for his own use; "the family owned a large estate on Long Island" -03047553 __clog_NN_2 any object that acts as a hindrance or obstruction -02758753 __auto_accessory_NN_1 an accessory for an automobile -03662016 __xylocaine_NN_1 a local anesthetic (trade names Lidocaine and Xylocaine) used topically on the skin and mucous membranes -07124736 __bawdy_NN_1 lewd or obscene talk or writing; "it was smoking-room bawdry"; "they published a collection of Elizabethan bawdy" -03887185 __paper_fastener_NN_1 a fastener for holding a sheet of paper in place -02635911 __lobotidae_NN_1 tripletails -06882333 __star_of_david_NN_1 a six-pointed star formed from two equilateral triangles; an emblem symbolizing Judaism -06818121 __pointer_NN_1 a mark to indicate a direction or relation -00342028 __rotation_NN_1 the act of rotating as if on an axis; "the rotation of the dancer kept time with the music" -14436029 __obscurity_NN_2 an obscure and unimportant standing; not well known; "he worked in obscurity for many years" -13266515 __foreign_aid_NN_1 aid (such as economic or military assistance) provided to one nation by another -09283767 __foreland_NN_2 land forming the forward margin of something -08284054 __religious_school_NN_1 a school run by a religious body -02589013 __submit_VB_5 refer to another person for decision or judgment; "She likes to relegate difficult questions to her colleagues" -01161087 __waste_VB_2 use inefficiently or inappropriately; "waste heat"; "waste a joke on an unappreciative audience" -08711468 __patagonia_NN_1 region in southern South America between the Andes and the South Atlantic -08012765 __vanguards_of_conquest_NN_1 an Islamic extremist group active since the late 1970s; seeks to overthrow the Egyptian government and replace it with an Islamic state; works in small underground cells; "the original Jihad was responsible for the assassination of Anwar Sadat in 1981" -05769471 __revery_NN_2 absentminded dreaming while awake -00659048 __massage_NN_1 kneading and rubbing parts of the body to increase circulation and promote relaxation -01731353 __solmizate_VB_1 sing by the syllables of solmization; "solmizate a song before you learn the lyrics" -01129201 __cover_VB_9 hold within range of an aimed firearm -04686388 __bewitchery_NN_1 magnetic personal charm -08911421 __tehran_NN_1 the capital and largest city of Iran; located in northern Iran -00062133 __sexual_climax_NN_1 the moment of most intense pleasure in sexual intercourse -10089615 __wangler_NN_1 a deceiver who uses crafty misleading methods -00052845 __stratify_VB_5 render fertile and preserve by placing between layers of earth or sand; "stratify seeds" -10948117 __johann_maier_eck_NN_1 a German Roman Catholic theologian who was an indefatigable opponent of Martin Luther (1486-1543) -10513623 __redeemer_NN_2 someone who redeems or buys back (promissory notes or merchandise or commercial paper etc.) -01569262 __dendroica_auduboni_NN_1 common warbler of western North America -13895622 __nubble_NN_1 a small lump or protuberance -01597336 __tanager_NN_1 any of numerous New World woodland birds having brightly colored males -02439929 __paw_NN_1 a clawed foot of an animal especially a quadruped -07262704 __turn_signal_NN_1 a blinking light on a motor vehicle that indicates the direction in which the vehicle is about to turn -05798569 __control_condition_NN_1 a standard against which other conditions can be compared in a scientific experiment; "the control condition was inappropriate for the conclusions he wished to draw" -07378234 __buzz_NN_1 sound of rapid vibration; "the buzz of a bumble bee" -03852688 __optical_telescope_NN_1 an astronomical telescope designed to collect and record light from cosmic sources -12554242 __oxytropis_NN_1 large widely-distributed genus of evergreen shrubs or subshrubs having odd-pinnate leaves and racemose or spicate flowers each having a pea-like corolla with a clawed petal -12056758 __showy_lady_slipper_NN_1 pale pink wild orchid of northeastern America having an inflated pouchlike lip -14865316 __plagioclase_NN_1 any of a series of triclinic feldspars that form rocks -00735936 __misdeed_NN_1 improper or wicked or immoral behavior -03278248 __electronic_equipment_NN_1 equipment that involves the controlled conduction of electrons (especially in a gas or vacuum or semiconductor) -01755740 __timber_rattlesnake_NN_1 widely distributed in rugged ground of eastern United States -08630985 __region_NN_3 a large indefinite location on the surface of the Earth; "penguins inhabit the polar regions" -00621058 __straighten_out_VB_5 make free from confusion or ambiguity; make clear; "Could you clarify these remarks?"; "Clear up the question of who is at fault" -11826416 __iresine_NN_1 genus of tropical American herbs or subshrubs -02423589 __springbuck_NN_1 a South African gazelle noted for springing lightly into the air -01831712 __apodiform_bird_NN_1 nonpasserine bird having long wings and weak feet; spends much of its time in flight -06635944 __inside_information_NN_1 true confidential information; "after the trial he gave us the real details" -05523269 __erectile_organ_NN_1 an organ containing erectile tissue -08686821 __lion_NN_4 the fifth sign of the zodiac; the sun is in this sign from about July 23 to August 22 -10422405 __stamp_collector_NN_1 a collector and student of postage stamps -10416828 __perisher_NN_1 bounder -12778219 __silver_bell_NN_1 any of various deciduous trees of the genus Halesia having white bell-shaped flowers -07640991 __blintze_NN_1 (Judaism) thin pancake folded around a filling and fried or baked -03800563 __museum_NN_1 a depository for collecting and displaying objects having scientific or historical or artistic value -04598582 __woodwind_instrument_NN_1 any wind instrument other than the brass instruments -07295629 __wages_NN_1 a recompense for worthy acts or retribution for wrongdoing; "the wages of sin is death"; "virtue is its own reward" -15254028 __historic_period_NN_1 an era of history having some distinctive feature; "we live in a litigious age" -00951911 __tut-tut_VB_1 utter `tsk,' `tut,' or `tut-tut,' as in disapproval -09467765 __urubupunga_falls_NN_1 a waterfall in the Parana river in Brazil -14186541 __arthritis_NN_1 inflammation of a joint or joints -01969084 __bubble_VB_3 rise in bubbles or as if in bubbles; "bubble to the surface" -10229498 __keeper_NN_1 someone in charge of other people; "am I my brother's keeper?" -09792969 __anchorperson_NN_1 a television reporter who coordinates a broadcast to which several correspondents contribute -02877910 __mandibular_JJ_1 relating to the lower jaw -00444309 __liquify_VB_1 make (a solid substance) liquid, as by heating; "liquefy the silver" -00474492 __refine_VB_4 reduce to a fine, unmixed, or pure state; separate from extraneous matter or cleanse from impurities; "refine sugar" -01923058 __rope_down_VB_1 lower oneself with a rope coiled around the body from a mountainside; "The ascent was easy--roping down the mountain would be much more difficult and dangerous"; "You have to learn how to abseil when you want to do technical climbing" -02341475 __water_vole_NN_2 of western North America -01688961 __moloch_NN_3 any lizard of the genus Moloch -12045004 __genus_anoectochilus_NN_1 genus of delicate Asiatic orchids -01292534 __ground_VB_11 connect to a ground; "ground the electrical connections for safety reasons" -00128867 __blast_NN_1 a very long fly ball -00431610 __thicken_VB_3 make viscous or dense; "thicken the sauce by adding flour" -01323338 __poison_VB_2 kill with poison; "She poisoned her husband" -14622141 __fullerene_NN_1 a form of carbon having a large molecule consisting of an empty cage of sixty or more carbon atoms -05180881 __door_NN_3 anything providing a means of access (or escape); "we closed the door to Haitian immigrants"; "education is the door to success" -07822687 __chili_powder_NN_1 powder made of ground chili peppers mixed with e.g. cumin and garlic and oregano -04585745 __windlass_NN_1 lifting device consisting of a horizontal cylinder turned by a crank on which a cable or rope winds -01800424 __chachalaca_NN_1 slender arboreal guan resembling a wild turkey; native to Central America and Mexico; highly regarded as game birds -12657940 __sorbus_NN_1 a genus of shrubs or trees of the family Rosaceae having feathery leaves -03031553 __tagamet_NN_1 a drug (trade name Tagamet) used to treat peptic ulcers by decreasing the secretion of stomach acid -04879658 __treason_NN_2 disloyalty by virtue of subversive behavior -15089803 __vitamin_a_NN_1 any of several fat-soluble vitamins essential for normal vision; prevents night blindness or inflammation or dryness of the eyes -08266849 __calendar_NN_3 a tabular array of the days (usually for one year) -09369039 __neritic_zone_NN_1 the ocean waters from the low tide mark to a depth of about 100 fathoms -08715110 __southeast_asia_NN_1 a geographical division of Asia that includes Indochina plus Indonesia and the Philippines and Singapore -02401661 __genus_bos_NN_1 wild and domestic cattle; in some classifications placed in the subfamily Bovinae or tribe Bovini -02520147 __spoonbill_catfish_NN_1 large catfish of central United States having a flattened head and projecting jaw -05683390 __snoopiness_NN_1 offensive inquisitiveness -10425946 __philosopher_NN_2 a wise person who is calm and rational; someone who lives a life of reason with equanimity -01949007 __taxi_VB_2 ride in a taxicab -01934205 __tree_VB_1 force a person or an animal into a position from which he cannot escape -02224323 __mastotermitidae_NN_1 primitive termites -13368318 __bank_NN_5 a supply or stock held in reserve for future use (especially in emergencies) -01661655 __rig_up_VB_1 erect or construct, especially as a temporary measure; "Can he rig up a P.A. system?" -07323024 __materialization_NN_2 an appearance in bodily form (as of a disembodied spirit) -02425086 __tragelaphus_buxtoni_NN_1 shaggy antelope of mountains of Ethiopia -00550777 __inconclusive_JJ_1 not conclusive; not putting an end to doubt or question; "an inconclusive reply"; "inconclusive evidence"; "the inconclusive committee vote" -06154464 __neoclassicism_NN_1 revival of a classical style (in art or literature or architecture or music) but from a new perspective or with a new motivation -14299336 __sprain_NN_1 a painful injury to a joint caused by a sudden wrenching of its ligaments -06767777 __wisecrack_NN_1 witty remark -05129201 __length_NN_1 the linear extent in space from one end to the other; the longest dimension of something that is fixed in place; "the length of the table was 5 feet" -05378234 __vena_pulmonalis_NN_1 any of four veins that carry arterial blood from the lungs to the left atrium of the heart -08849372 __chittagong_NN_1 a port city and industrial center in southeastern Bangladesh on the Bay of Bengal -02730568 __fitting_NN_3 (usually plural) furnishings and equipment (especially for a ship or hotel) -04951716 __nimbus_NN_2 an indication of radiant light drawn around the head of a saint -13151568 __saururaceae_NN_1 family of perennial aromatic herbs: genera Saururus, Anemopsis, Houttuynia -02271897 __thrips_NN_1 any of various small to minute sucking insects with narrow feathery wings if any; they feed on plant sap and many are destructive -01945183 __tram_VB_1 travel by tram -13095685 __plant_tissue_NN_1 the tissue of a plant -05003423 __gracefulness_NN_1 beautiful carriage -00258109 __leak_VB_4 have an opening that allows light or substances to enter or go out; "The container leaked gasoline"; "the roof leaks badly" -02058933 __procellariidae_NN_1 petrels; fulmars; shearwaters; -09894909 __sharpy_NN_2 a professional card player who makes a living by cheating at card games -00773402 __violation_NN_5 the crime of forcing a woman to submit to sexual intercourse against her will -03778817 __module_NN_3 computer circuit consisting of an assembly of electronic components (as of computer hardware) -08641113 __vicinity_NN_1 a surrounding or nearby region; "the plane crashed in the vicinity of Asheville"; "it is a rugged locality"; "he always blames someone else in the immediate neighborhood"; "I will drop in on you the next time I am in this neck of the woods" -00480508 __badminton_NN_1 a game played on a court with light long-handled rackets used to volley a shuttlecock over a net -01830183 __phoeniculidae_NN_1 wood hoopoes -04733347 __frothiness_NN_1 the property of giving off bubbles -07468244 __race_meeting_NN_1 a regular occasion on which a number of horse races are held on the same track; "the Epsom race meeting was an important social event" -02334595 __ramp_VB_2 furnish with a ramp; "The ramped auditorium" -04867130 __sincerity_NN_2 the quality of being open and truthful; not deceitful or hypocritical; "his sincerity inspired belief"; "they demanded some proof of my sincerity" -11717577 __yanquapin_NN_1 water lily of eastern North America having pale yellow blossoms and edible globular nutlike seeds -01189224 __diet_VB_2 eat sparingly, for health reasons or to lose weight -00594477 __librarianship_NN_1 the position of librarian -05126611 __internationality_NN_1 quality of being international in scope; "he applauded the internationality of scientific terminology" -00744443 __injury_NN_4 an act that causes someone or something to receive physical damage -10583790 __settler_NN_3 a clerk in a betting shop who calculates the winnings -09679170 __gentile_NN_2 a person who is not a member of one's own religion; used in this sense by Mormons and Hindus -04568841 __webbing_NN_3 a strong fabric woven in strips -02034828 __right_JJ_4 in conformance with justice or law or morality; "do the right thing and confess" -04464852 __tracked_vehicle_NN_1 a self-propelled vehicle that moves on tracks -06461609 __quran_NN_1 the sacred writings of Islam revealed by God to the prophet Muhammad during his life at Mecca and Medina -02365672 __family_dasyproctidae_NN_1 agoutis and pacas -05147381 __fruitfulness_NN_1 the quality of something that causes or assists healthy growth -02127808 __cat_NN_7 any of several large cats typically able to roar and living in the wild -00256369 __bulk_VB_2 cause to bulge or swell outwards -08225090 __neighbourhood_NN_2 people living near one another; "it is a friendly neighborhood"; "my neighborhood voted for Bush" -10978098 __st._francis_of_assisi_NN_1 (Roman Catholic Church) an Italian and the Roman Catholic monk who founded the Franciscan order of friars (1181-1226) -09094093 __aberdeen_NN_3 a town in northeastern Maryland -00650932 __label_VB_5 distinguish (an element or atom) by using a radioactive isotope or an isotope of unusual mass for tracing through chemical reactions -02237024 __fuel_VB_3 take in fuel, as of a ship; "The tanker fueled in Bahrain" -01429455 __breed_VB_3 cause to procreate (animals); "She breeds dogs" -03854065 __pipe_organ_NN_1 wind instrument whose sound is produced by means of pipes arranged in sets supplied with air from a bellows and controlled from a large complex musical keyboard -12574470 __trigonella_foenumgraecum_NN_1 annual herb or southern Europe and eastern Asia having off-white flowers and aromatic seeds used medicinally and in curry -12852049 __lycopus_NN_1 small genus of herbs of the mint family -08554440 __suburbia_NN_1 a residential district located on the outskirts of a city -07046339 __movement_NN_5 a major self-contained part of a symphony or sonata; "the second movement is slow and melodic" -09977520 __crier_NN_3 a peddler who shouts to advertise the goods he sells -02424085 __tragelaphus_eurycerus_NN_1 large forest antelope of central Africa having a reddish-brown coat with white stripes and spiral horns -01342529 __animal_order_NN_1 the order of animals -00236592 __restrict_VB_1 place restrictions on; "curtail drinking in school" -00251463 __work_out_VB_3 work out in detail; "elaborate a plan" -00851689 __natural_family_planning_NN_1 any of several methods of family planning that do not involve sterilization or contraceptive devices or drugs; coitus is avoided during the fertile time of a woman's menstrual cycle -00348008 __tilt_NN_5 pitching dangerously to one side -01651293 __undertake_VB_1 enter upon an activity or enterprise -00724029 __budget_VB_1 make a budget -10074339 __terminator_NN_1 someone who exterminates (especially someone whose occupation is the extermination of troublesome rodents and insects) -08912427 __tabriz_NN_1 an ancient city in northwestern Iran; known for hot springs -10776052 __whig_NN_2 a supporter of the American Revolution -11629501 __family_cupressaceae_NN_1 cypresses and junipers and many cedars -00225786 __throttling_NN_1 the act of suffocating (someone) by constricting the windpipe; "no evidence that the choking was done by the accused" -05971086 __determinism_NN_1 (philosophy) a philosophical theory holding that all events are inevitable consequences of antecedent sufficient causes; often understood as denying the possibility of free will -03109881 __nook_NN_2 an interior angle formed by two meeting walls; "a piano was in one corner of the room" -00864680 __conditioned_avoidance_response_NN_1 a conditioned response that anticipates the occurrence of an aversive stimulus -13375323 __revolving_credit_NN_1 a consumer credit line that can be used up to a certain limit or paid down at any time -04520480 __van_NN_3 (Great Britain) a closed railroad car that carries baggage or freight -05503705 __spinal_cord_NN_1 a major part of the central nervous system which conducts sensory and motor nerve impulses to and from the brain; a long tubelike structure extending from the base of the brain through the vertebral canal to the upper lumbar region -06631140 __pax_NN_1 (Roman Catholic Church) a greeting signifying Christian love for those assisting at the Eucharist -02099829 __run_VB_11 move about freely and without restraint, or act as if running around in an uncontrolled way; "who are these people running around in the building?"; "She runs around telling everyone of her troubles"; "let the dogs run free" -00310201 __excursion_NN_2 wandering from the main path of a journey -05667404 __tradition_NN_2 a specific practice of long standing -13134947 __fruit_NN_1 the ripened reproductive body of a seed plant -01386433 __sandpaper_VB_1 rub with sandpaper; "sandpaper the wooden surface" -00073525 __truncation_error_NN_1 (mathematics) a miscalculation that results from cutting off a numerical calculation before it is finished -07345166 __vibration_NN_3 (physics) a regular periodic variation in value about a mean -12249821 __white-alder_family_NN_1 coextensive with the genus Clethra -00741685 __circumvention_NN_1 the act of evading by going around -01563575 __quarter_VB_3 divide into quarters; "quarter an apple" -07472460 __tilt_NN_1 a combat between two mounted knights tilting against each other with blunted lances -08648153 __section_NN_8 (geometry) the area created by a plane cutting through a solid -03859495 __overclothes_NN_1 clothing for use outdoors -02557902 __bottleneck_VB_1 slow down or impede by creating an obstruction; "His laziness has bottlenecked our efforts to reform the system" -02016956 __purple_gallinule_NN_1 gallinules with showy purplish plumage -10314952 __migrator_NN_1 traveler who moves from one region or country to another -10423589 __philosopher_NN_1 a specialist in philosophy -02064608 __genus_balaenoptera_NN_1 type genus of the Balaenopteridae -06583790 __library_routine_NN_1 a debugged routine that is maintained in a program library -11897342 __stanleya_NN_1 prince's plume -11827348 __genus_batis_NN_1 small genus of plants constituting the family Batidaceae: low straggling dioecious shrubs -08580583 __home_ground_NN_1 the type of environment in which an organism or group normally lives or occurs; "a marine habitat"; "he felt safe on his home grounds" -13149039 __piper_NN_2 type genus of the Piperaceae: large genus of chiefly climbing tropical shrubs -01191755 __umpirage_NN_2 the act of umpiring; "the officiating was excellent" -06316048 __phrase_NN_1 an expression consisting of one or more words forming a grammatical constituent of a sentence -09885676 __cabalist_NN_1 a member of a cabal -12480895 __sansevieria_NN_1 grown as a houseplant for its mottled fleshy sword-shaped leaves or as a source of fiber -09271904 __negatron_NN_1 an elementary particle with negative charge -00015388 __fauna_NN_2 a living organism characterized by voluntary movement -04680752 __collar_NN_2 (zoology) an encircling band or marking around the neck of any animal -05405751 __sweat_NN_1 salty fluid secreted by sweat glands; "sweat poured off his brow" -02571167 __rainbow_seaperch_NN_1 Pacific coast fish -00240810 __stretch_VB_4 become longer by being stretched and pulled; "The fabric stretches" -01134037 __finance_NN_3 the management of money and credit and banking and investments -12684153 __genus_impatiens_NN_1 annual or perennial herbs with stems more or less succulent; cosmopolitan except for South America, Australia, and New Zealand -10311021 __messenger_NN_1 a person who carries a message -00316195 __revalue_VB_1 gain in value; "The yen appreciated again!" -03063073 __coffee_cup_NN_1 a cup from which coffee is drunk -14026592 __hypnosis_NN_1 a state that resembles sleep but that is induced by suggestion -02273083 __preoccupy_VB_2 occupy or take possession of beforehand or before another or appropriate for use in advance; "the army preoccupied the hills" -02744061 __loom_VB_3 hang over, as of something threatening, dark, or menacing; "The terrible vision brooded over her all day long" -14418822 __confederation_NN_1 the state of being allied or confederated -02239073 __genus_blissus_NN_1 chinch bugs -12552309 __sanfoin_NN_1 Eurasian perennial herb having pale pink flowers and curved pods; naturalized in Britain and North America grasslands on calcareous soils; important forage crop and source of honey in Britain -10697879 __thought-reader_NN_1 someone with the power of communicating thoughts directly -02865931 __deadbolt_NN_1 the part of a lock that is engaged or withdrawn with a key -02721160 __antihypertensive_drug_NN_1 a drug that reduces high blood pressure -10453533 __vicar_of_christ_NN_1 the head of the Roman Catholic Church -01944390 __snail_NN_1 freshwater or marine or terrestrial gastropod mollusk usually having an external enclosing spiral shell -00497060 __meld_NN_1 a form of rummy using two decks of cards and four jokers; jokers and deuces are wild; the object is to form groups of the same rank -07884413 __toast_NN_4 a drink in honor of or to the health of a person or event -05138488 __value_NN_2 the quality (positive or negative) that renders something desirable or valuable; "the Shakespearean Shylock is of dubious value in the modern world" -11922374 __pussytoes_NN_1 low-growing perennial herb having leaves with whitish down and clusters of small white flowers -12714254 __wild_orange_NN_1 small fast-growing spiny deciduous Chinese orange tree bearing sweetly scented flowers and decorative but inedible fruit: used as a stock in grafting and for hedges -00549472 __mimicry_NN_1 the act of mimicking; imitative behavior -03825080 __sleepwear_NN_1 garments designed to be worn in bed -00276342 __fixing_NN_4 (histology) the preservation and hardening of a tissue sample to retain as nearly as possible the same relations they had in the living body -13895745 __snag_NN_1 a sharp protuberance -10045454 __educationist_NN_1 a specialist in the theory of education -05973198 __nativism_NN_2 (philosophy) the philosophical theory that some ideas are innate -01813088 __wood_pigeon_NN_1 Eurasian pigeon with white patches on wings and neck -04935003 __viscousness_NN_1 resistance of a liquid to shear forces (and hence to flow) -04211356 __shutter_NN_2 a hinged blind for a window -04850589 __immorality_NN_1 the quality of not being in accord with standards of right or good conduct; "the immorality of basing the defense of the West on the threat of mutual assured destruction" -13262462 __spoil_NN_1 (usually plural) valuables taken by violence (especially in war); "to the victor belong the spoils of the enemy" -05421723 __vena_bulbi_penis_NN_1 vein of the head of the penis; tributary of the internal pudendal vein that drains the perineum -01583636 __gymnorhina_NN_1 in some classifications placed in the family Laniidae: Australian piping crows -11556857 __monocot_genus_NN_1 genus of flowering plants having a single cotyledon (embryonic leaf) in the seed -04142549 __scan_NN_2 an image produced by scanning; "he analyzed the brain scan"; "you could see the tumor in the CAT scan" -05643190 __technique_NN_2 skillfulness in the command of fundamentals deriving from practice and familiarity; "practice greatly improves proficiency" -08967868 __principality_of_monaco_NN_1 a constitutional monarchy in a tiny enclave on the French Riviera -11600372 __cycad_NN_1 any tropical gymnosperm of the order Cycadales; having unbranched stems with a crown of fernlike leaves -10253995 __legislator_NN_1 someone who makes or enacts laws -04172342 __semitrailer_NN_1 a trailer having wheels only in the rear; the front is supported by the towing vehicle -00075421 __wash_up_VB_5 wear out completely; "This kind of work exhausts me"; "I'm beat"; "He was all washed up after the exam" -00002942 __hyperventilate_VB_2 breathe excessively hard and fast; "The mountain climber started to hyperventilate" -03601335 __joint_NN_2 a disreputable place of entertainment -05396807 __lymphatic_vessel_NN_1 a vascular duct that carries lymph which is eventually added to the venous blood circulation -11222054 __theophrastus_philippus_aureolus_bombastus_von_hohenheim_NN_1 Swiss physician who introduced treatments of particular illnesses based on his observation and experience; he saw illness as having an external cause (rather than an imbalance of humors) and replaced traditional remedies with chemical remedies (1493-1541) -10386312 __pariah_NN_1 a person who is rejected (from society or home) -02748618 __st._joseph_NN_2 the acetylated derivative of salicylic acid; used as an analgesic anti-inflammatory drug (trade names Bayer, Empirin, and St. Joseph) usually taken in tablet form; used as an antipyretic; slows clotting of the blood by poisoning platelets -14451911 __fullness_NN_3 the condition of being filled to capacity -07859284 __sugar_NN_1 a white crystalline carbohydrate used as a sweetener and preservative -01968732 __genus_nautilus_NN_1 type genus and sole recent representative of the family Nautilidae -03325288 __fauld_NN_1 a piece of armor plate below the breastplate -11525480 __wester_NN_1 wind that blows from west to east -00614489 __steganography_NN_1 act of writing in code or cipher -00136800 __equilibrate_VB_1 bring to a chemical stasis or equilibrium -00933420 __artistic_production_NN_1 the creation of beautiful or significant things; "art does not need to be innovative to be good"; "I was never any good at art"; "he said that architecture is the art of wasting space beautifully" -12380197 __genus_idesia_NN_1 one species -00065184 __meanwhile_RB_1 manifesting partiality; "a discriminatory tax"; "preferential tariff rates"; "preferential treatment"; "a preferential shop gives priority or advantage to union members in hiring or promoting" at the same time but in another place; "meanwhile, back at the ranch..." -11926185 __genus_argyroxiphium_NN_1 small genus of Hawaiian spreading and rosette-forming shrubs -02587300 __mangrove_snapper_NN_1 found in shallow waters off the coast of Florida -00066901 __flunk_NN_1 failure to reach a minimum required performance; "his failing the course led to his disqualification"; "he got two flunks on his report" -07618871 __pease_pudding_NN_1 a pudding made with strained split peas mixed with egg -00908621 __support_VB_10 be a regular customer or client of; "We patronize this store"; "Our sponsor kept our art studio going for as long as he could" -02181013 __tenebrionidae_NN_1 a family of arthropods including darkling beetles and mealworms -10384610 __orthodontist_NN_1 a dentist specializing in the prevention or correction of irregularities of the teeth -01356038 __disconnect_VB_2 make disconnected, disjoin or unfasten -02482425 __slay_VB_1 kill intentionally and with premeditation; "The mafia boss ordered his enemies murdered" -04572344 __well_NN_1 a deep hole or shaft dug or drilled to obtain water or oil or gas or brine -10053808 __employee_NN_1 a worker who is hired to perform a job -05225090 __external_body_part_NN_1 any body part visible externally -07240077 __inaugural_address_NN_1 an address delivered at an inaugural ceremony (especially by a United States president) -04295081 __tack_NN_3 gear for a horse -07334876 __ravage_NN_1 (usually plural) a destructive action; "the ravages of time"; "the depredations of age and disease" -08227214 __society_NN_2 a formal association of people with similar interests; "he joined a golf club"; "they formed a small lunch society"; "men from the fraternal order will staff the soup kitchen today" -09151963 __chancellorsville_NN_1 a village in northeastern Virginia -00095280 __dead_JJ_1 no longer having or seeming to have or expecting to have life; "the nerve is dead"; "a dead pallor"; "he was marked as a dead man by the assassin" -09725229 __north_american_NN_1 a native or inhabitant of North America -00939818 __orchestration_NN_2 the act of arranging a piece of music for an orchestra and assigning parts to the different musical instruments -07812184 __spice_NN_2 any of a variety of pungent aromatic vegetable substances used for flavoring food -14064644 __inebriation_NN_1 habitual intoxication; prolonged and excessive intake of alcoholic drinks leading to a breakdown in health and an addiction to alcohol such that abrupt deprivation leads to severe withdrawal symptoms -10297983 __massager_NN_1 someone who rubs or kneads parts of the body to stimulate circulation and promote relaxation -01051082 __stealth_NN_1 avoiding detection by moving carefully -02125311 __puma_NN_1 large American feline resembling a lion -01514655 __launch_VB_2 propel with force; "launch the space shuttle"; "Launch a ship" -10287213 __man_NN_1 an adult person who is male (as opposed to a woman); "there were two women and six men on the bus" -01417361 __dinoflagellate_NN_1 chiefly marine protozoa having two flagella; a chief constituent of plankton -00462689 __inhibit_VB_2 limit the range or extent of; "Contact between the young was inhibited by strict social customs" -01827403 __kingfisher_NN_1 nonpasserine large-headed bird with a short tail and long sharp bill; usually crested and bright-colored; feed mostly on fish -03432129 __shifter_NN_2 a mechanical device for engaging and disengaging gears; "in Britain they call a gearshift a gear lever" -06944348 __russian_NN_2 the Slavic language that is the official language of Russia -12718807 __genus_quassia_NN_1 tropical trees and shrubs with pinnate leaves and large scarlet flowers; bark is medicinal -09164561 __yemen_NN_1 a republic on the southwestern shores of the Arabian Peninsula on the Indian Ocean; formed in 1990 -04316275 __stereoscopic_picture_NN_1 two photographs taken from slightly different angles that appear three-dimensional when viewed together -09505418 __immortal_NN_2 any supernatural being worshipped as controlling some part of the world or some aspect of life or who is the personification of a force -02094755 __unsafe_JJ_1 lacking in security or safety; "his fortune was increasingly insecure"; "an insecure future" -02536165 __sockeye_salmon_NN_2 small salmon with red flesh; found in rivers and tributaries of the northern Pacific and valued as food; adults die after spawning -11662764 __genus_austrotaxus_NN_1 a gymnosperm genus having one species: New Caledonian yew -14800277 __coenzyme_NN_1 a small molecule (not a protein but sometimes a vitamin) essential for the activity of some enzymes -09906848 __chancellor_NN_3 the honorary or titular head of a university -07725376 __pea_NN_1 seed of a pea plant used for food -11693812 __genus_annona_NN_1 type genus of the Annonaceae; tropical American trees or shrubs -06688274 __recognition_NN_3 approval; "give her recognition for trying"; "he was given credit for his work"; "give her credit for trying" -05544725 __occipitomastoid_suture_NN_1 the suture between the occipital and the temporal bones; a continuation of the lamboid suture -01004961 __sounding_NN_2 the act of measuring depth of water (usually with a sounding line) -10472799 __prince_NN_1 a male member of a royal family other than the sovereign (especially the son of a sovereign) -12594746 __raphia_NN_2 feather palm of tropical Africa and Madagascar and Central and South America widely grown for commercial purposes -02180797 __insincere_JJ_1 lacking sincerity; "a charming but thoroughly insincere woman"; "their praise was extravagant and insincere" -02493666 __censor_VB_1 forbid the public distribution of ( a movie or a newspaper) -04063373 __recording_machine_NN_1 equipment for making records -04814238 __splendour_NN_2 the quality of being magnificent or splendid or grand; "for magnificence and personal service there is the Queen's hotel"; "his `Hamlet' lacks the brilliance that one expects"; "it is the university that gives the scene its stately splendor"; "an imaginative mix of old-fashioned grandeur and colorful art"; "advertisers capitalize on the grandness and elegance it brings to their products" -13085864 __harvest_NN_1 the yield from plants in a single growing season -00358431 __snuff_it_VB_1 pass from physical life and lose all bodily attributes and functions necessary to sustain life; "She died from cancer"; "The children perished in the fire"; "The patient went peacefully"; "The old guy kicked the bucket at the age of 102" -07356489 __destabilization_NN_1 an event that causes a loss of equilibrium (as of a ship or aircraft) -06929742 __chinese_NN_1 any of the Sino-Tibetan languages spoken in China; regarded as dialects of a single language (even though they are mutually unintelligible) because they share an ideographic writing system -11019269 __sir_alec_guinness_NN_1 English stage and screen actor noted for versatility (1914-2000) -00596290 __precentorship_NN_1 the position of precentor -02874876 __communistic_JJ_1 antifungal agent consisting of a solution of copper sulphate and quicklime relating to or marked by communism; "Communist Party"; "communist governments"; "communistic propaganda" -01946487 __genus_nerita_NN_1 type genus of the Neritidae -02591757 __genus_archosargus_NN_1 a genus of Sparidae -03817062 __serzone_NN_1 an antidepressant drug (trade name Serzone) -02010453 __night_raven_NN_1 nocturnal or crepuscular herons -06568978 __programme_NN_4 (computer science) a sequence of instructions that a computer can interpret and execute; "the program required several hundred lines of code" -05321307 __labyrinth_NN_2 a complex system of interconnecting cavities; concerned with hearing and equilibrium -10092488 __first_sacker_NN_1 (baseball) the person who plays first base -02289061 __pyralis_NN_1 type genus of the Pyralidae -03216828 __docking_facility_NN_1 landing in a harbor next to a pier where ships are loaded and unloaded or repaired; may have gates to let water in or out; "the ship arrived at the dock more than a day late" -02102002 __travel_VB_6 travel from place to place, as for the purpose of finding work, preaching, or acting as a judge -14687513 __illuminant_NN_1 something that can serve as a source of light -04499660 __turnaround_NN_3 an area sufficiently large for a vehicle to turn around -05974798 __pragmatism_NN_1 (philosophy) the doctrine that practical consequences are the criteria of knowledge and meaning and value -09782167 __souse_NN_1 a person who drinks alcohol to excess habitually -01317533 __quest_for_VB_1 go in search of or hunt for; "pursue a hobby" -00916464 __husbandry_NN_1 the practice of cultivating the land or raising stock -01596273 __sand_martin_NN_1 swallow of the northern hemisphere that nests in tunnels dug in clay or sand banks -09708405 __frenchwoman_NN_1 a person of French nationality -08652970 __space_NN_3 an area reserved for some particular purpose; "the laboratory's floor space" -01088192 __demobilize_VB_2 retire from military service -05257737 __whorl_NN_2 a strand or cluster of hair -10204177 __industrialist_NN_1 someone who manages or has significant financial interest in an industrial enterprise -02229156 __stenopelmatus_fuscus_NN_1 large wingless nocturnal grasshopper that burrows in loose soil along the Pacific coast of the United States -03060074 __coca_NN_3 dried leaves of the coca plant (and related plants that also contain cocaine); chewed by Andean people for their stimulating effect -02637938 __wait_VB_1 stay in one place and anticipate or expect something; "I had to wait on line for an hour to get the tickets" -03605722 __junction_NN_1 the place where two or more things come together -00012944 __sentimentize_VB_1 act in a sentimental way or indulge in sentimental thoughts or expression -00651630 __sex_VB_2 tell the sex (of young chickens) -12669641 __psychotria_NN_1 tropical chiefly South American shrubs and trees -09084075 __peoria_NN_1 a city in central Illinois on the Illinois River -05526713 __tool_NN_4 obscene terms for penis -11875938 __head_cabbage_plant_NN_1 any of various cultivated cabbage plants having a short thick stalk and large compact head of edible usually green leaves -09131553 __youngstown_NN_1 a city in northeast Ohio -07880583 __tortilla_NN_1 thin unleavened pancake made from cornmeal or wheat flour -01723579 __scrimmage_VB_1 extinct flying reptile practice playing (a sport) -07989373 __married_couple_NN_1 two people who are married to each other; "his second marriage was happier than the first"; "a married couple without love" -13382766 __giro_cheque_NN_1 a check given by the British government to someone who is unemployed; it can be cashed either at a bank or at the post office -04760296 __intangibleness_NN_1 the quality of being intangible and not perceptible by touch -00253919 __sterilization_NN_2 the procedure of making some object free of live bacteria or other microorganisms (usually by heat or chemical means) -09978697 __criollo_NN_1 a Spanish American of pure European stock (usually Spanish); "Mexico is a country of mestizos, criollos, and indigenes" -03142431 __crypt_NN_1 a cellar or vault or underground burial chamber (especially beneath a church) -06588139 __supervisory_software_NN_1 specialized programs that reside permanently in the computer's main memory and control the processing of user's programs -07624924 __pirozhki_NN_1 small fruit or meat turnover baked or fried -02874282 __choral_JJ_1 related to or written for or performed by a chorus or choir; "choral composition"; "choral ensemble" -02298632 __tender_VB_2 propose a payment; "The Swiss dealer offered $2 million for the painting" -02261386 __liquid_JJ_1 existing as or having characteristics of a liquid; especially tending to flow; "water and milk and blood are liquid substances" -01440801 __prickle_VB_3 make a small hole into, as with a needle or a thorn; "The nurse pricked my finger to get a small blood sample" -01961059 __bluepoint_NN_2 small edible oyster typically from the southern shore of Long Island -05599617 __mentum_NN_2 the protruding part of the lower jaw -01107625 __outbrave_VB_2 be braver than -03344935 __fire_control_system_NN_1 naval weaponry consisting of a system for controlling the delivery of fire on a military target -14097574 __aphasia_NN_1 inability to use or understand language (spoken or written) because of a brain lesion -05303402 __cavum_NN_1 (anatomy) a natural hollow or sinus within the body -12690240 __erythroxylon_truxiuense_NN_1 a South American shrub whose leaves are a source of cocaine -11844203 __genus_carnegiea_NN_1 caryophylloid dicot genus with only one species: saguaro -01507402 __unmerciful_JJ_1 having or showing no mercy; "the merciless enemy"; "a merciless critic"; "gave him a merciless beating" -12331415 __genus_eugenia_NN_1 tropical trees and shrubs with aromatic leaves and often valuable hard wood -07773238 __coconut_meat_NN_1 the edible white meat of a coconut; often shredded for use in e.g. cakes and curries -09891079 __man-eater_NN_1 a person who eats human flesh -00980527 __slow_JJ_1 not moving quickly; taking a comparatively long time; "a slow walker"; "the slow lane of traffic"; "her steps were slow"; "he was slow in reacting to the news"; "slow but steady growth" -09849012 __belle_NN_1 a young woman who is the most charming and beautiful of several rivals; "she was the belle of the ball" -00736375 __shenanigan_NN_1 reckless or malicious behavior that causes discomfort or annoyance in others -15300051 __september_11_NN_1 the day in 2001 when Arab suicide bombers hijacked United States airliners and used them as bombs -02536557 __work_VB_15 have and exert influence or effect; "The artist's work influenced the young painter"; "She worked on her friends to support the political candidate" -01018630 __repetition_NN_2 the act of doing or performing again -10356213 __newsvendor_NN_1 someone who sells newspapers -01366653 __cement_VB_3 bind or join with or as if with cement -10710259 __ticket_taker_NN_1 someone who is paid to admit only those who have purchased tickets -00809654 __skirt_VB_1 avoid or try to avoid fulfilling, answering, or performing (duties, questions, or issues); "He dodged the issue"; "she skirted the problem"; "They tend to evade their responsibilities"; "he evaded the questions skillfully" -01062817 __pause_NN_2 temporary inactivity -00234390 __gate_VB_3 restrict (school boys') movement to the dormitory or campus as a means of punishment -01657723 __reptile_genus_NN_1 a genus of reptiles -01078086 __disqualification_NN_2 the act of preventing someone from participating by finding them unqualified -13635336 __radioactivity_unit_NN_1 a measure of radioactivity -14228148 __keratosis_NN_1 a skin condition marked by an overgrowth of layers of horny skin -03222722 __doorframe_NN_1 the frame that supports a door -08966408 __republic_of_malta_NN_1 a republic on the island of Malta in the Mediterranean; achieved independence from the United Kingdom in 1964 -10773126 __weeper_NN_1 a person who weeps -09184834 __psychic_energy_NN_1 an actuating force or factor -12924452 __ricinus_NN_1 a genus of herb having only one known species: castor-oil plant -04012852 __propoxyphene_hydrochloride_NN_1 a mildly narcotic analgesic drug (trade name Darvon) related to methadone but less addictive -12677841 __symphoricarpos_orbiculatus_NN_1 North American deciduous shrub cultivated for it abundant clusters of coral-red berrylike fruits -09886403 __golf_caddie_NN_1 an attendant who carries the golf clubs for a player -02062670 __same_JJ_2 closely similar or comparable in kind or quality or quantity or degree; "curtains the same color as the walls"; "two girls of the same age"; "mother and son have the same blue eyes"; "animals of the same species"; "the same rules as before"; "two boxes having the same dimensions"; "the same day next year" -14151139 __inherited_disorder_NN_1 a disease or disorder that is inherited genetically -03457902 __nursery_NN_2 a building with glass walls and roof; for the cultivation and exhibition of plants under controlled conditions -01277974 __turn_up_VB_2 bend or lay so that one part covers the other; "fold up the newspaper"; "turn up your collar" -01806567 __quail_NN_2 small gallinaceous game birds -11418138 __luck_NN_2 an unknown and unpredictable phenomenon that causes an event to result one way rather than another; "bad luck caused his downfall"; "we ran into each other by pure chance" -02415435 __mountain_sheep_NN_1 any wild sheep inhabiting mountainous regions -09011151 __white_russia_NN_1 a landlocked republic in eastern Europe; formerly a European soviet -01183497 __criminal_suit_NN_1 a lawsuit alleging violations of criminal law by the defendant -01161017 __chastisement_NN_1 verbal punishment -00220522 __slaying_NN_1 unlawful premeditated killing of a human being by a human being -05273822 __zygomatic_bone_NN_1 the arch of bone beneath the eye that forms the prominence of the cheek -07096661 __rime_NN_2 correspondence in the sounds of two or more lines (especially final sounds) -10179069 __hobbyist_NN_1 a person who pursues an activity in their spare time for pleasure -02473307 __homo_erectus_NN_1 extinct species of primitive hominid with upright stature but small brain; "Homo erectus was formerly called Pithecanthropus erectus" -01669191 __box_turtle_NN_1 chiefly terrestrial turtle of North America; shell can be closed tightly -04903678 __smuttiness_NN_2 obscenity in speech or writing -11801392 __birthwort_NN_1 creeping plant having curving flowers thought to resemble fetuses; native to Europe; naturalized Great Britain and eastern North America -00573671 __sensitize_VB_4 make (a material) sensitive to light, often of a particular colour, by coating it with a photographic emulsion; "sensitize the photographic film" -00749574 __knavery_NN_1 lack of honesty; acts of lying or cheating or stealing -01767199 __phylum_arthropoda_NN_1 jointed-foot invertebrates: arachnids; crustaceans; insects; millipedes; centipedes -09275473 __europe_NN_1 the 2nd smallest continent (actually a vast peninsula of Eurasia); the British use `Europe' to refer to all of the continent except the British Isles -04829550 __pity_NN_3 the humane quality of understanding the suffering of others and wanting to do something about it -11431754 __zephyr_NN_1 a slight wind (usually refreshing); "the breeze was cooled by the lake"; "as he waited he could feel the air on his neck" -12358173 __genus_elettaria_NN_1 cardamom -14081941 __seizure_NN_1 a sudden occurrence (or recurrence) of a disease; "he suffered an epileptic seizure" -13143930 __pomaderris_NN_1 a genus of Australasian shrubs and trees -01732789 __pilot_blacksnake_NN_1 large harmless shiny black North American snake -02924713 __busbar_NN_1 an electrical conductor that makes a common connection between several circuits; "the busbar in this computer can transmit data either way between any two components of the system" -10612931 __sluggard_NN_1 an idle slothful person -07518663 __frustration_NN_3 a feeling of annoyance at being hindered or criticized; "her constant complaints were the main source of his frustration" -01792287 __shame_VB_3 cause to be ashamed -05114781 __thinness_NN_4 the property of being scanty or scattered; lacking denseness -04878646 __ultranationalism_NN_1 fanatical patriotism -13329641 __assets_NN_1 anything of material value or usefulness that is owned by a person or company -13266892 __grant_NN_1 any monetary aid -03212811 __still_NN_4 a plant and works where alcoholic drinks are made by distillation -01364008 __sorrowful_JJ_1 a genus of bacteria experiencing or marked by or expressing sorrow especially that associated with irreparable loss; "sorrowful widows"; "a sorrowful tale of death and despair"; "sorrowful news"; "even in laughter the heart is sorrowful"- Proverbs 14:13 -15092059 __nicotinic_acid_NN_1 a B vitamin essential for the normal function of the nervous system and the gastrointestinal tract -02053829 __zip_by_VB_1 move by very quickly -03042984 __clinch_NN_2 a small slip noose made with seizing -01687569 __stylize_VB_1 represent according to a conventional style; "a stylized female head" -12531328 __geoffroea_decorticans_NN_1 thorny shrub or small tree common in central Argentina having small orange or yellow flowers followed by edible berries -00657260 __categorize_VB_1 place into or assign to a category; "Children learn early on to categorize" -01145359 __restraint_NN_1 the act of controlling by restraining someone or something; "the unlawful restraint of trade" -02059723 __macronectes_NN_1 giant petrels -13516597 __mitosis_NN_1 cell division in which the nucleus divides into nuclei containing the same number of chromosomes -01802721 __phasianid_NN_1 a kind of game bird in the family Phasianidae -01127379 __implementation_NN_1 the act of accomplishing some aim or executing some order; "the agency was created for the implementation of the policy" -09482715 __yosemite_falls_NN_1 a series of waterfalls in Yosemite National Park in California; is reduced to a trickle for part of each year -05147237 __cut_rate_NN_1 a price below the standard price -07929519 __java_NN_2 a beverage consisting of an infusion of ground coffee beans; "he ordered a cup of coffee" -01544285 __seat_VB_7 place in or on a seat; "the mother seated the toddler on the high chair" -02040698 __suborder_lari_NN_1 gulls; terns; jaegers; skimmers -09295576 __guadalupe_mountains_NN_1 a mountain range in southern New Mexico and western Texas; the southern extension of the Sacramento Mountains -12493426 __locust_pod_NN_1 long pod containing small beans and sweetish edible pulp; used as animal feed and source of a chocolate substitute -02464626 __hind_leg_NN_1 the back limb of a quadruped -02645389 __average_out_VB_2 amount to or come to an average, without loss or gain; "The number of hours I work per work averages out to 40" -05494130 __parietal_lobe_NN_1 that part of the cerebral cortex in either hemisphere of the brain lying below the crown of the head -04740655 __unalterability_NN_2 the quality of being fixed and unchangeable; "the fixedness of his gaze upset her" -05798043 __experimentation_NN_1 the testing of an idea; "it was an experiment in living"; "not all experimentation is done in laboratories" -05033046 __legs_NN_1 staying power; "that old Broadway play really has legs" -01170962 __scrap_NN_4 the act of fighting; any contest or struggle; "a fight broke out at the hockey game"; "there was fighting in the streets"; "the unhappy couple got into a terrible scrap" -00289082 __broken_JJ_1 physically and forcibly separated into pieces or cracked or split; "a broken mirror"; "a broken tooth"; "a broken leg"; "his neck is broken" -03673594 __liniment_NN_1 a medicinal liquid that is rubbed into the skin to relieve muscular stiffness and pain -12370174 __mammee_tree_NN_1 tropical American tree having edible fruit with a leathery rind -10371741 __ship's_officer_NN_1 a person authorized to serve in a position of authority on a vessel; "he is the officer in charge of the ship's engines" -06436939 __job_NN_12 a book in the Old Testament containing Job's pleas to God about his afflictions and God's reply -15266164 __terminus_a_quo_NN_1 earliest limiting point -14592610 __plastic_NN_1 generic name for certain synthetic or semisynthetic materials that can be molded or extruded into objects or films or filaments or used for making e.g. coatings and adhesives -02800793 __staple_NN_1 (usually plural) a necessary commodity for which demand is constant -02287476 __genus_alsophila_NN_1 geometrid moths -09814660 __declarer_NN_2 someone who claims to speak the truth; "a bold asserter"; "a declarer of his intentions"; "affirmers of traditional doctrine"; "an asseverator of strong convictions"; "an avower of his own great intelligence" -09314013 __inside_track_NN_2 the inner side of a curved racecourse -00471196 __wipe_out_VB_6 wipe out the effect of something; "The new tax effectively cancels out my raise"; "The `A' will cancel out the `C' on your record" -02994448 __locomotor_JJ_1 of or relating to locomotion -02505998 __mastodont_NN_1 extinct elephant-like mammal that flourished worldwide from Miocene through Pleistocene times; differ from mammoths in the form of the molar teeth -01220984 __doings_NN_1 manner of acting or controlling yourself -09853184 __bidder_NN_2 someone who makes a bid at cards -00202934 __temper_VB_5 restrain -09694109 __belgian_NN_1 a native or inhabitant of Belgium -09730951 __seychellois_NN_1 a native or inhabitant of Seychelles -01597551 __piranga_NN_1 a genus of Thraupidae -01644699 __genus_ascaphus_NN_1 type genus of the Ascaphidae; in some classifications included in the family Leiopelmatidae -06674947 __prospectus_NN_2 a catalog listing the courses offered by a college or university -10075529 __fabulist_NN_1 a person who tells or invents fables -08738272 __salvador_NN_1 a republic on the Pacific coast of Central America -01287431 __meuse_river_NN_2 an American operation in World War I (1918); American troops under Pershing drove back the German armies which were saved only by the armistice on November 11 -07359599 __transmutation_NN_2 a qualitative change -01801371 __genus_leipoa_NN_1 mallee fowl -01666717 __tailor_VB_2 style and tailor in a certain fashion; "cut a dress" -03867201 __ovulen_NN_1 trade name for an oral contraceptive containing mestranol and a progestin compound -07127252 __mumble_NN_1 a soft indistinct utterance -03479647 __psychodelic_drug_NN_1 a psychoactive drug that induces hallucinations or altered sensory experiences -02168121 __lampyridae_NN_1 fireflies -10604180 __six-footer_NN_1 a person who is at least six feet tall -08898187 __el_iskandriyah_NN_1 the chief port of Egypt; located on the western edge of the Nile delta on the Mediterranean Sea; founded by Alexander the Great; the capital of ancient Egypt -01277755 __drogheda_NN_1 in 1649 the place was captured by Oliver Cromwell, who massacred the Catholic inhabitants -06531657 __letters_testamentary_NN_1 a legal document from a probate court or court officer informing you of your appointment as executor of a will and empowering you to discharge those responsibilities -08743945 __mazatlan_NN_1 a port city in western Mexico on the Pacific Ocean; tourist center -06698252 __bachelor's_degree_NN_1 an academic degree conferred on someone who has successfully completed undergraduate studies -06431740 __word_of_god_NN_2 the sacred writings of the Christian religions; "he went to carry the Word to the heathen" -01965404 __genus_dreissena_NN_1 zebra mussels -10904107 __jean_cocteau_NN_1 French writer and film maker who worked in many artistic media (1889-1963) -02656763 __room_VB_1 live and take one's meals at or in; "she rooms in an old boarding house" -12378546 __genus_dovyalis_NN_1 small genus of sometimes spiny shrubs or small trees; Africa; India; Sri Lanka -12615986 __potamogeton_NN_1 a large genus of aquatic herbs found in quiet waters in temperate regions; leaves usually float on the water -08917881 __chaldea_NN_1 an ancient region of Mesopotamia lying between the Euphrates delta and the Persian Gulf and the Arabian Desert; settled in 1000 BC and destroyed by the Persians in 539 BC; reached the height of its power under Nebuchadnezzar II -05772044 __crystallization_NN_3 a mental synthesis that becomes fixed or concrete by a process resembling crystal formation -02263848 __myrmeleon_NN_1 type genus of the Myrmeleontidae: antlions -05293597 __articular_muscle_NN_1 a muscle that inserts directly onto the capsule of a joint -05472205 __coronoid_process_of_the_mandible_NN_1 the coronoid process that provides an attachment for the temporal muscle -00181664 __unclutter_VB_1 rid of obstructions; "Clear your desk" -04093625 __skating_rink_NN_1 building that contains a surface for ice skating or roller skating -08286946 __open_university_NN_1 a British university that is open to people without formal academic qualifications and where teaching is by correspondence or broadcasting or summer school -05128219 __spectrum_NN_2 a broad range of related objects or values or qualities or ideas or activities -04304375 __starting_motor_NN_1 an electric motor for starting an engine -06728726 __fourteenth_amendment_NN_1 an amendment to the Constitution of the United States adopted in 1868; extends the guarantees of the Bill of Rights to the states as well as to the federal government -12047173 __genus_brassavola_NN_1 genus of tropical American epiphytic or lithophytic rhizomatous orchids -01204191 __nutrify_VB_1 give nourishment to -13998014 __servitude_NN_1 state of subjection to an owner or master or forced labor imposed as punishment; "penal servitude" -02224466 __mastotermes_NN_1 primitive genus of termites; mostly extinct; sometimes considered the most primitive Isoptera -01433809 __retrieve_VB_3 run after, pick up, and bring to the master; "train the dog to retrieve" -10610465 __slumberer_NN_1 a rester who is sleeping -01585121 __marsh_wren_NN_1 a wren of the genus Cistothorus that frequents marshes -04598965 __woof_NN_1 the yarn woven across the warp yarn in weaving -00399368 __disintegrate_VB_2 cause to undergo fission or lose particles -01204419 __observance_NN_4 conformity with law or custom or practice etc. -14396890 __rhinopathy_NN_1 any disease or malformation of the nose -09833441 __bairn_NN_1 a child: son or daughter -09929298 __climber_NN_4 someone who climbs as a sport; especially someone who climbs mountains; "the lead climber looked strong still but his partner often slumped in his ropes" -00061014 __squeaker_NN_2 something achieved (or escaped) by a narrow margin -08971693 __natal_NN_1 a region of eastern South Africa on the Indian Ocean; "Natal was renamed KwaZulu-Natal in 1994" -00004032 __suspire_VB_1 heave or utter a sigh; breathe deeply and heavily; "She sighed sadly" -04930632 __modus_vivendi_NN_2 a manner of living that reflects the person's values and attitudes -00765213 __propitiate_VB_1 make peace with -09779280 __agonist_NN_2 someone involved in a contest or battle (as in an agon) -02337870 __rafter_VB_1 provide (a ceiling) with rafters -09969869 __counterrevolutionist_NN_1 a revolutionary whose aim is to reverse the changes introduced by an earlier revolution -07892512 __red_wine_NN_1 wine having a red color derived from skins of dark-colored grapes -02075727 __suborder_pinnipedia_NN_1 seals; sea lions; walruses -09989045 __wench_NN_1 informal terms for a (young) woman -01761706 __stir_VB_4 stir the feelings, emotions, or peace of; "These stories shook the community"; "the civil war shook the country" -08568978 __extremity_NN_4 the outermost or farthest region or point -09399592 __promontory_NN_1 a natural elevation (especially a rocky one that juts out into the sea) -01379954 __genus_lactobacillus_NN_1 type genus of the family Lactobacillaceae -00158804 __pile_up_VB_1 collect or gather; "Journals are accumulating in my office"; "The work keeps piling up" -02054834 __phaethontidae_NN_1 tropicbirds -12811501 __moss_pink_NN_1 low wiry-stemmed branching herb or southern California having fringed pink flowers -03490324 __handwear_NN_1 clothing for the hands -10394786 __paleontologist_NN_1 a specialist in paleontology -01963571 __mussel_NN_2 marine or freshwater bivalve mollusk that lives attached to rocks etc. -02880546 __string_NN_2 stringed instruments that are played with a bow; "the strings played superlatively well" -02138921 __order_chiroptera_NN_1 an old order dating to early Eocene: bats: suborder Megachiroptera (fruit bats); suborder Microchiroptera (insectivorous bats) -10649574 __starting_pitcher_NN_1 (baseball) a pitcher who starts in a baseball game -12080395 __butterfly_orchid_NN_1 any orchid of the genus Psychopsis: spectacular large tiger-striped orchids -01961862 __pinctada_NN_1 pearl oysters -01655639 __wattle_VB_1 build of or with wattle -03847823 __open-air_marketplace_NN_1 a public marketplace where food and merchandise is sold -13750844 __yard_NN_4 the cardinal number that is the product of 10 and 100 -05149695 __helpfulness_NN_1 the property of providing useful assistance -00663549 __double-check_VB_1 check once more to be absolutely sure -11543429 __order_marchantiales_NN_1 liverworts with gametophyte differentiated internally -06518253 __book_token_NN_1 a gift voucher that can be exchanged for books costing up to an amount given on the voucher -05998052 __frontier_NN_3 an undeveloped field of study; a topic inviting research and development; "he worked at the frontier of brain science" -09151216 __portsmouth_NN_1 a port city in southeastern Virginia on the Elizabeth River opposite Norfolk; naval base; shipyards -06967529 __catalan_NN_2 the Romance language spoken in Catalonia in eastern Spain (related to Spanish and Occitan) -07956250 __flinders_NN_2 bits and splinters and fragments; "it would have shattered in flinders long before it did that damage" -06749729 __weather_forecasting_NN_1 predicting what the weather will be -01163083 __harmonious_JJ_1 musically pleasing -02082791 __orycteropus_afer_NN_1 nocturnal burrowing mammal of the grasslands of Africa that feeds on termites; sole extant representative of the order Tubulidentata -08709038 __caribbean_NN_2 region including the Caribbean Islands -01432517 __fish_genus_NN_1 any of various genus of fish -02116959 __hyaenidae_NN_1 hyenas -09695747 __burmese_NN_1 a native or inhabitant of Myanmar -03728811 __mate_NN_5 an exact duplicate; "when a match is found an entry is made in the notebook" -02416104 __maned_sheep_NN_1 wild sheep of northern Africa -02752567 __retard_VB_2 be delayed -05615373 __judiciousness_NN_1 good judgment -02174830 __thrum_VB_3 make a rhythmic sound; "Rain drummed against the windshield"; "The drums beat all night" -10211203 __medical_intern_NN_1 an advanced student or graduate in medicine gaining supervised practical experience (`houseman' is a British term) -05243704 __stratum_germinativum_NN_1 the innermost layer of the epidermis -06070929 __environmental_science_NN_1 the branch of biology concerned with the relations between organisms and their environment -04357121 __sunshine-roof_NN_1 an automobile roof having a sliding or raisable panel; "`sunshine-roof' is a British term for `sunroof'" -03532187 __hood_ornament_NN_1 an ornament on the front of the hood of a car emblematic of the manufacturer -05296775 __nervous_tissue_NN_1 tissue composed of neurons -01740283 __typhlopidae_NN_1 blind snakes -04956110 __matte_NN_2 the property of having little or no contrast; lacking highlights or gloss -08214272 __company_NN_2 small military unit; usually two or three platoons -04830689 __viciousness_NN_1 the trait of extreme cruelty -01601550 __family_cinclidae_NN_1 water ouzels -01371092 __rickettsiaceae_NN_1 microorganism resembling bacteria inhabiting arthropod tissues but capable of causing disease in vertebrates -10819285 __antichrist_NN_1 (Christianity) the adversary of Christ (or Christianity) mentioned in the New Testament; the Antichrist will rule the world until overthrown by the Second Coming of Christ -02914813 __building_block_NN_2 a block of material used in construction work -05670710 __concern_NN_1 something that interests you because it is important or affects you; "the safety of the ship is the captain's concern" -08735164 __leopoldville_NN_1 the capital of the Democratic Republic of the Congo on the Congo river opposite Brazzaville -00413876 __settle_VB_4 take up residence and become established; "The immigrants settled in the Midwest" -09201301 __appalachians_NN_1 a mountain range in the eastern United States extending from Quebec to the Gulf of Mexico; a historic barrier to early westward expansion of the United States -08376250 __concatenation_NN_3 a series of things depending on each other as if linked together; "the chain of command"; "a complicated concatenation of circumstances" -02671279 __admit_VB_8 serve as a means of entrance; "This ticket will admit one adult to the show" -03204955 __directional_antenna_NN_1 an antenna that transmits or receives signals only in a narrow angle -12938897 __genus_foeniculum_NN_1 very small genus of aromatic European herbs with pinnately compound leaves and yellow flowers -07208930 __complaint_NN_2 (formerly) a loud cry (or repeated cries) of pain or rage or sorrow -01283208 __wrap_up_VB_1 arrange or fold as a cover or protection; "wrap the baby before taking her out"; "Wrap the present" -02439732 __steer_VB_3 be a guiding or motivating force or drive; "The teacher steered the gifted students towards the more challenging courses" -04661151 __deliberation_NN_5 the trait of thoughtfulness in action or decision; "he was a man of judicial deliberation" -00537339 __convex_JJ_1 curving or bulging outward -04876053 __untruthfulness_NN_1 the quality of being untruthful -10716389 __torturer_NN_1 someone who inflicts severe physical pain (usually for punishment or coercion) -11895270 __rorippa_NN_1 annual and perennial herbs of damp habitats; cosmopolitan except Antarctica -04693900 __scratch_NN_10 an indication of damage -01899708 __dart_VB_3 move with sudden speed; "His forefinger darted in all directions as he spoke" -00329031 __slip_NN_13 an unexpected slide -01439808 __domestic_carp_NN_1 large Old World freshwater bottom-feeding fish introduced into Europe from Asia; inhabits ponds and sluggish streams and often raised for food; introduced into United States where it has become a pest -06917926 __caribbean_language_NN_1 the family of languages spoken by the Carib -02249438 __recuperate_VB_1 regain or make up for; "recuperate one's losses" -11412334 __butterfly_effect_NN_1 the phenomenon whereby a small change at one place in a complex system can have large effects elsewhere, e.g., a butterfly flapping its wings in Rio de Janeiro might change the weather in Chicago -05898171 __wraith_NN_1 a mental representation of some haunting experience; "he looked like he had seen a ghost"; "it aroused specters from his past" -07292577 __passing_NN_4 the end of something; "the passing of winter" -07020538 __dance_NN_1 an artistic form of nonverbal communication -06121113 __mineralogy_NN_1 the branch of geology that studies minerals: their structure and properties and the ways of distinguishing them -10641551 __spurner_NN_1 a person who rejects (someone or something) with contempt; "she was known as a spurner of all suitors"; "he was no spurner of rules" -07417043 __flood_tide_NN_1 the highest point of anything conceived of as growing or developing or unfolding; "the climax of the artist's career"; "in the flood tide of his success" -09059274 __land_of_opportunity_NN_1 a state in south central United States; one of the Confederate states during the American Civil War -11893808 __pritzelago_NN_1 chamois cress -12614477 __waterweed_NN_1 a weedy aquatic plant of genus Elodea -00806902 __regulation_NN_5 the act of bringing to uniformity; making regular -02727825 __setup_NN_1 equipment designed to serve a specific function -00866079 __mydriasis_NN_1 reflex pupillary dilation as a muscle pulls the iris outward; occurs in response to a decrease in light or certain drugs -00140967 __deform_VB_6 assume a different shape or form -01522052 __wind_up_VB_4 coil the spring of (some mechanical device) by turning a stem; "wind your watch" -01566476 __seamanly_JJ_1 characteristic of or befitting a seaman; indicating competent seamanship -02385813 __cast_VB_5 assign the roles of (a movie or a play) to actors; "Who cast this beautiful movie?" -09265274 __denali_fault_NN_1 a major open geological fault in Alaska -09763349 __acolyte_NN_1 someone who assists a priest or minister in a liturgical service; a cleric ordained in the highest of the minor orders in the Roman Catholic Church but not in the Anglican Church or the Eastern Orthodox Churches -08504375 __nubia_NN_1 an ancient region of northeastern Africa (southern Egypt and northern Sudan) on the Nile; much of Nubia is now under Lake Nasser -09380446 __osaka_bay_NN_1 a bay of the western Pacific in southern Honshu -02347140 __genus_atherurus_NN_1 a genus of Hystricidae -08468721 __lake_poets_NN_1 English poets at the beginning of the 19th century who lived in the Lake District and were inspired by it -01826723 __trust_VB_4 expect and wish; "I trust you will behave better from now on"; "I hope she understands that she cannot expect a raise" -13623455 __cubic_millimetre_NN_1 a metric measure of volume or capacity equal to a cube 1 millimeter on each edge -02208118 __take_VB_33 buy, select; "I'll take a pound of that sausage" -10186216 __wrangler_NN_2 a cowboy who takes care of the saddle horses -04685195 __glamour_NN_1 alluring beauty or charm (often with sex-appeal) -12825061 __wild_morning-glory_NN_1 common Eurasian and American wild climber with pink flowers; sometimes placed in genus Convolvulus -05544078 __sutura_frontalis_NN_1 the suture between two halves of the frontal bone (usually obliterated by the age of 6) -07921455 __cyder_NN_1 a beverage made from juice pressed from apples -11081828 __thomas_jefferson_NN_1 3rd President of the United States; chief drafter of the Declaration of Independence; made the Louisiana Purchase in 1803 and sent out the Lewis and Clark Expedition to explore it (1743-1826) -01824244 __strong_JJ_4 having a strong physiological or chemical effect; "a potent toxin"; "potent liquor"; "a potent cup of tea", "a stiff drink" -05664640 __point_system_NN_1 a system of evaluation based on awarding points according to rules -01088304 __pogy_NN_1 money received from the state -07679356 __staff_of_life_NN_1 food made from dough of flour or meal and usually raised with yeast or baking powder and then baked -06164665 __symbolic_logic_NN_1 any logical system that abstracts the form of statements away from their content in order to establish abstract criteria of consistency and validity -07504111 __nausea_NN_2 disgust so strong it makes you feel sick -14794823 __cellulose_ester_NN_1 any ester of cellulose with an acid -07254836 __relinquishment_NN_1 a verbal act of renouncing a claim or right or position etc. -04835488 __self-seeking_NN_1 taking advantage of opportunities without regard for the consequences for others -07977344 __kludge_NN_1 a badly assembled collection of parts hastily assembled to serve some particular purpose (often used to refer to computing systems or software that has been badly put together) -13651520 __miler_NN_1 (used only in combinations) the length of something in miles; "the race was a 30-miler" -07065740 __punk_rock_NN_1 rock music with deliberately offensive lyrics expressing anger and social alienation; in part a reaction against progressive rock -01153007 __zero_in_VB_1 direct onto a point or target, especially by automatic navigational aids -05231592 __auriculare_NN_1 the craniometric point at the center of the opening of the external acoustic meatus -02572667 __short-change_VB_1 cheat someone by not returning him enough money -07222050 __folktale_NN_1 a tale circulated by word of mouth among the common folk -00816353 __riposte_VB_2 answer back -00788362 __seeking_NN_2 an attempt to acquire or gain something -09089782 __lexington_NN_2 a city in eastern Kentucky; noted for raising thoroughbred horses -01419082 __polymastigina_NN_1 small usually parasitic flagellates -04243941 __slot_machine_NN_1 a machine that is operated by the insertion of a coin in a slot -00242003 __resumption_NN_1 beginning again -06498569 __hebrew_script_NN_1 a Semitic alphabet used since the 5th century BC for writing the Hebrew language (and later for writing Yiddish and Ladino) -09901143 __catcher_NN_1 (baseball) the person who plays the position of catcher -07164349 __overture_NN_3 a tentative suggestion designed to elicit the reactions of others; "she rejected his advances" -04830102 __inhumanity_NN_1 the quality of lacking compassion or consideration for others -01788730 __subphylum_pentastomida_NN_1 tongue worms -02347637 __consign_VB_2 give over to another for care or safekeeping; "consign your baggage" -00318035 __passage_NN_10 the act of passing something to another person -12159555 __vegetable_marrow_NN_1 any of various squash plants grown for their elongated fruit with smooth dark green skin and whitish flesh -01670172 __flag_VB_4 decorate with flags; "the building was flagged for the holiday" -07866723 __spring_roll_NN_1 minced vegetables and meat wrapped in a pancake and fried -07200527 __answer_NN_3 the speech act of replying to a question -04795545 __everydayness_NN_1 ordinariness as a consequence of being frequent and commonplace -01126360 __occupy_VB_5 march aggressively into another's territory by military force for the purposes of conquest and occupation; "Hitler invaded Poland on September 1, 1939" -02017937 __edge_up_VB_1 push one's way into (a space) -09539394 __gabriel_NN_1 (Bible) the archangel who was the messenger of God -00907147 __sound_off_VB_3 express complaints, discontent, displeasure, or unhappiness; "My mother complains all day"; "She has a lot to kick about" -09718652 __nip_NN_2 (offensive slang) offensive term for a person of Japanese descent -02844714 __bit_NN_5 piece of metal held in horse's mouth by reins and used to control the horse while riding; "the horse was not accustomed to a bit" -01873310 __platypus_NN_1 small densely furred aquatic monotreme of Australia and Tasmania having a broad bill and tail and webbed feet; only species in the family Ornithorhynchidae -07647496 __partridge_NN_1 flesh of either quail or grouse -00083260 __assumption_NN_7 the act of assuming or taking for granted; "your assumption that I would agree was unwarranted" -09367203 __requisite_NN_1 anything indispensable; "food and shelter are necessities of life"; "the essentials of the good life"; "allow farmers to buy their requirements under favorable conditions"; "a place where the requisites of water fuel and fodder can be obtained" -01916738 __order_madreporaria_NN_1 stony corals -07811416 __herb_NN_2 aromatic potherb used in cookery for its savory qualities -13205482 __pteridaceae_NN_1 one of a number of families into which the family Polypodiaceae has been subdivided in some classification systems; Pteridaceae is itself in turn sometimes further subdivided -00889472 __lesson_NN_1 a unit of instruction; "he took driving lessons" -08919475 __nineveh_NN_1 an ancient Assyrian city on the Tigris across from the modern city of Mosul in the northern part of what is now known as Iraq -00934965 __blow_VB_18 cause to be revealed and jeopardized; "The story blew their cover"; "The double agent was blown by the other side" -02260623 __psocidae_NN_1 a family of small soft-bodied insects that feed on decaying vegetation; related to booklice -06494816 __queue_NN_2 (information processing) an ordered list of tasks to be performed or messages to be transmitted -00748155 __whoredom_NN_1 offering sexual intercourse for pay -12226322 __heath_family_NN_1 heathers -13903855 __upper_bound_NN_1 (mathematics) a number equal to or greater than any other number in a given set -07723039 __leek_NN_2 related to onions; white cylindrical bulb and flat dark-green leaves -09620794 __native_NN_1 an indigenous person who was born in a particular place; "the art of the natives of the northwest coast"; "the Canadian government scrapped plans to tax the grants to aboriginal college students" -02679415 __improver_NN_2 a component that is added to something to improve it; "the addition of a bathroom was a major improvement"; "the addition of cinnamon improved the flavor" -12699922 __true_mahogany_NN_1 mahogany tree of West Indies -07751451 __plum_NN_2 any of numerous varieties of small to medium-sized round or oval fruit having a smooth skin and a single pit -12333771 __yellow_cattley_guava_NN_1 small tropical shrubby tree bearing small yellowish fruit -14532816 __allergy_NN_1 hypersensitivity reaction to a particular allergen; symptoms can vary greatly in intensity -10147619 __groaner_NN_1 a person who groans -03057021 __coat_NN_1 an outer garment that has sleeves and covers the body from shoulder down; worn outdoors -10465451 __preterm_infant_NN_1 an infant that is born prior to 37 weeks of gestation -09734294 __thai_NN_1 a native or inhabitant of Thailand -03191561 __shirtfront_NN_2 a man's detachable insert (usually starched) to simulate the front of a shirt -00932624 __externalization_NN_2 embodying in an outward form -01144657 __hunt_VB_7 search (an area) for prey; "The King used to hunt these forests" -08361001 __autocracy_NN_1 a political system governed by a single individual -02646667 __lumpfish_NN_1 clumsy soft thick-bodied northern Atlantic fish with pelvic fins fused into a sucker; edible roe used for caviar -11991549 __liatris_punctata_NN_1 herb with many stems bearing narrow slender wands of crowded rose-lavender flowers; central United States and Canada to Texas and northern Mexico -00576684 __keratinize_VB_2 become horny and impregnated with keratin -00233386 __neutralization_NN_4 action intended to nullify the effects of some previous action -04138977 __saucepan_NN_1 a deep pan with a handle; used for stewing or boiling -01587526 __grey_catbird_NN_1 North American songbird whose call resembles a cat's mewing -02223694 __reticulitermes_NN_1 includes species highly destructive to structures and living trees -12562141 __playlobium_obtusangulum_NN_1 low spreading evergreen shrub of southern Australia having triangular to somewhat heart-shaped foliage and orange-yellow flowers followed by flat winged pods -08629199 __range_NN_3 a large tract of grassy open land on which livestock can graze; "they used to drive the cattle across the open range every spring"; "he dreamed of a home on the range" -12940226 __lovage_NN_1 herb native to southern Europe; cultivated for its edible stalks and foliage and seeds -00956250 __detail_VB_1 provide details for -07534430 __sorrow_NN_1 an emotion of great sadness associated with loss or bereavement; "he tried to express his sorrow at her loss" -02623346 __tide_over_VB_1 suffice for a period between two points; "This money will keep us going for another year" -13875392 __ring_NN_2 a toroidal shape; "a ring of ships in the harbor"; "a halo of smoke" -01741562 __constrictor_NN_1 any of various large nonvenomous snakes that kill their prey by crushing it in its coils -09064468 __palo_alto_NN_1 a university town in California -06324475 __determiner_NN_2 one of a limited class of noun modifiers that determine the referents of noun phrases -11388321 __willebrand_NN_1 Finnish physician who first described vascular hemophilia (1870-1949) -00652659 __tabulation_NN_2 the act of putting into tabular form; "the tabulation of the results" -03701640 __machinery_NN_1 machines or machine systems collectively -02547046 __decorate_VB_3 award a mark of honor, such as a medal, to; "He was decorated for his services in the military" -03709644 __mail_NN_3 a conveyance that transports the letters and packages that are conveyed by the postal system -08764561 __svalbard_NN_1 a Norwegian archipelago in the Arctic Ocean -01888264 __buck_NN_5 mature male of various mammals (especially deer or antelope) -01007495 __radio_VB_1 transmit messages via radio waves; "he radioed for help" -03945615 __pipe_NN_4 a tubular wind instrument -14753808 __oradexon_NN_1 a corticosteroid drug (trade names Decadron or Dexamethasone Intensol or Dexone or Hexadrol or Oradexon) used to treat allergies or inflammation -14015266 __countercheck_NN_1 a check that restrains another check -01610226 __northern_harrier_NN_1 common harrier of North America and Europe; nests in marshes and open land -14957270 __sulfur_mustard_NN_1 a toxic war gas with sulfide based compounds that raises blisters and attacks the eyes and lungs; there is no known antidote -14184986 __throat_infection_NN_1 an infection of the oral pharynx and tonsils by streptococcus -15295416 __rule_NN_6 the duration of a monarch's or government's power; "during the rule of Elizabeth" -04728376 __superiority_NN_1 the quality of being superior -14077830 __malaria_NN_1 an infective disease caused by sporozoan parasites that are transmitted through the bite of an infected Anopheles mosquito; marked by paroxysms of chills and fever -08487504 __association_of_southeast_asian_nations_NN_1 an association of nations dedicated to economic and political cooperation in southeastern Asia and who joined with the United States to fight against global terrorism -07582277 __hors_d'oeuvre_NN_1 a dish served as an appetizer before the main meal -03725035 __mask_NN_4 a protective covering worn over the face -03969627 __plumb_line_NN_1 a cord from which a metal weight is suspended pointing directly to the earth's center of gravity; used to determine the vertical from a given point -03193597 __diesel_locomotive_NN_1 a locomotive driven by a diesel engine -02284367 __genus_tortrix_NN_1 type genus of the Tortricidae -11532816 __ascocarp_NN_1 mature fruiting body of an ascomycetous fungus -01013770 __taxonomy_NN_3 practice of classifying plants and animals according to their presumed natural relationships -09715165 __irishman_NN_1 a man who is a native or inhabitant of Ireland -13611207 __degree_NN_4 a measure for arcs and angles; "there are 360 degrees in a circle" -12975207 __myxomycota_NN_1 slime molds; organisms having a noncellular and multinucleate creeping vegetative phase and a propagative spore-producing stage: comprises Myxomycetes and Acrasiomycetes; in some classifications placed in the kingdom Protoctista -00276068 __make_up_VB_6 put in order or neaten; "make the bed"; "make up a room" -06264176 __broadcasting_NN_1 a medium that disseminates via telecommunications -07971582 __dynasty_NN_1 a sequence of powerful leaders in the same family -02226833 __recover_VB_5 reuse (materials from waste products) -02346315 __suborder_hystricomorpha_NN_1 an order of rodents including: porcupines; guinea pigs; chinchillas; etc. -06139491 __psychophysics_NN_1 the branch of psychology concerned with quantitative relations between physical stimuli and their psychological effects -15209413 __month_NN_1 one of the twelve divisions of the calendar year; "he paid the bill last month" -05547396 __scruff_NN_1 the back side of the neck -02908217 __brush_NN_2 an implement that has hairs or bristles firmly set into a handle -01583142 __construct_VB_3 draw with suitable instruments and under specified conditions; "construct an equilateral triangle" -08780510 __aland_islands_NN_1 an archipelago of some 6,000 islands in the Gulf of Bothnia under Finnish control -12216628 __embothrium_coccineum_NN_1 grown for outstanding display of brilliant usually scarlet-crimson flowers; Andes -02102605 __water_spaniel_NN_1 any dog of two large curly-coated breeds used for hunting waterfowl -04890112 __wiseness_NN_2 the trait of utilizing knowledge and experience with common sense and insight -02396716 __nominate_VB_3 charge with a function; charge to be; "She was named Head of the Committee"; "She was made president of the club" -00447309 __resolve_VB_7 cause to go into a solution; "The recipe says that we should dissolve a cup of sugar in two cups of water" -01807496 __partridge_NN_3 small Old World gallinaceous game birds -09366940 __nebula_NN_3 an immense cloud of gas (mainly hydrogen) and dust in interstellar space -02673134 __equilibrize_VB_1 bring into balance or equilibrium; "She has to balance work and her domestic duties"; "balance the two weights" -08429052 __column_NN_1 a line of units following one after another -09078654 __hilo_NN_1 a town in Hawaii on the island of Hawaii -02584449 __piranha_NN_2 small voraciously carnivorous freshwater fishes of South America that attack and destroy living animals -14777104 __brioschi_NN_1 an antacid -01410847 __order_chlorococcales_NN_1 unicellular green algae that reproduce by spores -12553114 __restharrow_NN_1 Eurasian plant having loose racemes of pink or purple flowers and spiny stems and tough roots -09809279 __army_attache_NN_1 a military attache who is a commissioned or warrant officer in an army -01193721 __satiate_VB_1 fill to satisfaction; "I am sated" -00623947 __spiritualize_VB_1 give a spiritual meaning to; read in a spiritual sense -09380117 __orion_NN_2 a constellation on the equator to the east of Taurus; contains Betelgeuse and Rigel -01176232 __treat_VB_6 provide with choice or abundant food or drink; "Don't worry about the expensive wine--I'm treating"; "She treated her houseguests with good food every night" -00169298 __revive_VB_3 be brought back to life, consciousness, or strength; "Interest in ESP revived" -01881034 __totter_VB_3 move unsteadily, with a rocking motion -01262713 __withdrawal_NN_2 the act of taking out money or other capital -08336188 __supreme_court_NN_2 the highest court in most states of the United States -05700087 __preoccupation_NN_2 the mental state of being preoccupied by something -09966470 __corporatist_NN_1 a supporter of corporatism -03970673 __plutonium_trigger_NN_1 a steel or beryllium sphere containing plutonium 239 that triggers nuclear fission when compressed by explosives -09130714 __cleveland_NN_1 the largest city in Ohio; located in northeastern Ohio on Lake Erie; a major Great Lakes port -08812166 __florence_NN_1 a city in central Italy on the Arno; provincial capital of Tuscany; center of the Italian Renaissance from 14th to 16th centuries -04164989 __segment_NN_1 one of several parts or pieces that fit with others to constitute a whole object; "a section of a fishing rod"; "metal sections were used below ground"; "finished the final segment of the road" -01817130 __displease_VB_1 give displeasure to -02946921 __tin_can_NN_2 airtight sealed metal container for food or drink or paint etc. -11649012 __torreya_NN_1 nutmeg-yews -00851994 __family_planning_NN_1 limiting the number of children born -09888017 __telephoner_NN_1 the person initiating a telephone call; "there were so many callers that he finally disconnected the telephone" -02450829 __pekan_NN_1 large dark brown North American arboreal carnivorous mammal -00849523 __reproduction_NN_5 the sexual activity of conceiving and bearing offspring -01629000 __yield_VB_3 give or supply; "The cow brings in 5 liters of milk"; "This year's crop yielded 1,000 bushels of corn"; "The estate renders some revenue for the family" -00103419 __rocket_launching_NN_1 the launching of a rocket or missile under its own power -02433925 __reindeer_NN_1 Arctic deer with large antlers in both sexes; called `reindeer' in Eurasia and `caribou' in North America -09924540 __civil_engineer_NN_1 an engineer trained to design and construct and maintain public works (roads or bridges or harbors etc.) -01938312 __hirudo_NN_1 type genus of the family Hirudinidae -01011725 __affirm_VB_3 say yes to -02018795 __bustard_NN_1 large heavy-bodied chiefly terrestrial game bird capable of powerful swift flight; classified with wading birds but frequents grassy steppes -08740875 __united_mexican_states_NN_1 a republic in southern North America; became independent from Spain in 1810 -00846817 __penetration_NN_6 the act (by a man) of inserting his penis into the vagina of a woman -02656426 __molidae_NN_1 ocean sunfishes -01475075 __toggle_VB_3 release by a toggle switch; "toggle a bomb from an airplane" -12767423 __toxicodendron_quercifolium_NN_1 poisonous shrub of southeastern United States causing a rash on contact -01650690 __spring_peeper_NN_1 a small brown tree toad having a shrill call heard near wetlands of eastern United States and Canada in early spring -05802547 __extrapolation_NN_1 (mathematics) calculation of the value of a function outside the range of known values -11354145 __tyler_NN_1 elected vice president and became the 10th President of the United States when Harrison died (1790-1862) -00359238 __cutting_off_NN_2 the act of shortening something by chopping off the ends; "the barber gave him a good cut" -00908133 __take_NN_2 the act of photographing a scene or part of a scene without interruption -05001867 __maceration_NN_2 extreme leanness (usually caused by starvation or disease) -07500741 __esteem_NN_2 a feeling of delighted approval and liking -08732116 __republic_of_colombia_NN_1 a republic in northwestern South America with a coastline on the Pacific Ocean and the Caribbean Sea; achieved independence from Spain in 1821 under the leadership of Simon Bolivar; Spanish is the official language -02577755 __decoy_VB_1 lure or entrap with or as if with a decoy -01586541 __mimidae_NN_1 sometimes considered a subfamily of Troglodytidae: mockingbirds; catbirds; thrashers -04853948 __corruptness_NN_2 lack of integrity or honesty (especially susceptibility to bribery); use of a position of trust for dishonest gain -12334686 __genus_eucalyptus_NN_1 tall trees native to the Australian region; source of timber and medicinal oils from the aromatic leaves -04059701 __rear_NN_5 the side that goes last or is not normally seen; "he wrote the date on the back of the photograph" -00371314 __expansion_NN_4 adding information or detail -06236802 __hinduism_NN_2 a body of religious and philosophical beliefs and cultural practices native to India and based on a caste system; it is characterized by a belief in reincarnation, by a belief in a supreme being of many forms and natures, by the view that opposing theories are aspects of one eternal truth, and by a desire for liberation from earthly evils -10020890 __physician_NN_1 a licensed medical practitioner; "I felt so bad I went to see my doctor" -10468962 __president_NN_4 the officer who presides at the meetings of an organization; "address your remarks to the chairperson" -01314781 __creepy-crawly_NN_1 an animal that creeps or crawls (such as worms or spiders or insects) -03459775 __radiator_grille_NN_1 grating that admits cooling air to car's radiator -00904428 __radiography_NN_2 photography that uses other kinds of radiation than visible light -07222581 __fairytale_NN_1 a story about fairies; told to amuse children -00260881 __land_reform_NN_1 a redistribution of agricultural land (especially by government action) -07224151 __warning_NN_1 a message informing of danger; "a warning that still more bombs could explode" -01130930 __stockade_VB_1 surround with a stockade in order to fortify -02390454 __wild_ass_NN_1 any of several equine mammals of Asia and northeast Africa -02909870 __pail_NN_1 a roughly cylindrical vessel that is open at the top -09063259 __fresno_NN_1 a city in south central California in the San Joaquin Valley; center of an important agricultural area and gateway to the Sierra Nevada Mountains -05192451 __interestingness_NN_1 the power of attracting or holding one's attention (because it is unusual or exciting etc.); "they said nothing of great interest"; "primary colors can add interest to a room" -06817623 __written_symbol_NN_1 a written or printed symbol -07244154 __baccalaureate_NN_1 a farewell sermon to a graduating class at their commencement ceremonies -04333129 __strap_NN_1 an elongated leather strip (or a strip of similar material) for binding things together or holding something in position -00886699 __higher_education_NN_1 education provided by a college or university -08503921 __bithynia_NN_1 an ancient country in northwestern Asia Minor in what is now Turkey; was absorbed into the Roman Empire by the end of the 1st century BC -03079741 __compartment_NN_2 a partitioned section, chamber, or separate room within a larger enclosed area -00266253 __worsening_NN_2 changing something with the result that it becomes worse -01885724 __notoryctidae_NN_1 pouched moles -15294382 __prohibition_era_NN_1 the period from 1920 to 1933 when the sale of alcoholic beverages was prohibited in the United States by a constitutional amendment -13621418 __fluidounce_NN_1 a British imperial unit of capacity or volume (liquid or dry) equal to 8 fluid drams or 28.416 cubic centimeters (1.734 cubic inches) -05190804 __powerfulness_NN_1 possession of controlling influence; "the deterrent power of nuclear weapons"; "the power of his love saved her"; "his powerfulness was concealed by a gentle facade" -11924330 __genus_arctium_NN_1 burdock -09088396 __kansas_city_NN_2 a city of northeast Kansas on the Missouri River adjacent to Kansas City, Missouri -01494475 __hammerhead_shark_NN_1 medium-sized live-bearing shark with eyes at either end of a flattened hammer-shaped head; worldwide in warm waters; can be dangerous -02235911 __genus_mantis_NN_1 type genus of the Mantidae: mantises -04424003 __thimerosal_NN_1 a light-colored crystalline powder (trade name Merthiolate) used as a surgical antiseptic -01258617 __human_JJ_3 having human form or attributes as opposed to those of animals or divine beings; "human beings"; "the human body"; "human kindness"; "human frailty" -01985029 __lie_down_VB_1 assume a reclining position; "lie down on the bed until you feel better" -01955933 __pelecypod_NN_1 marine or freshwater mollusks having a soft body with platelike gills enclosed within two shells hinged together -02935017 __memory_cache_NN_1 (computer science) RAM memory that is set aside as a specialized buffer storage that is continually updated; used to optimize data transfers between system elements with different characteristics -09436531 __skim_NN_1 a thin layer covering the surface of a liquid; "there was a thin skim of oil on the water" -04523690 __vault_NN_1 a burial chamber (usually underground) -00420477 __persecution_NN_1 the act of persecuting (especially on the basis of race or religion) -11104458 __william_kidd_NN_1 Scottish sea captain who was hired to protect British shipping in the Indian Ocean and then was accused of piracy and hanged (1645-1701) -05466892 __sensory_neuron_NN_1 a neuron conducting impulses inwards to the brain or spinal cord -13649626 __nautical_linear_unit_NN_1 a linear unit of distance used in navigation -00691050 __resection_NN_1 surgical removal of part of a structure or organ -01794813 __tetraonidae_NN_1 grouse -12861892 __physostegia_NN_1 any of various plants of the genus Physostegia having sessile linear to oblong leaves and showy white or rose or lavender flowers -05755486 __accommodation_NN_3 in the theories of Jean Piaget: the modification of internal representations in order to accommodate a changing knowledge of reality -05020358 __snap_NN_8 the tendency of a body to return to its original shape after it has been stretched or compressed; "the waistband had lost its snap" -05938014 __imago_NN_1 (psychoanalysis) an idealized image of someone (usually a parent) formed in childhood -10090020 __moneyman_NN_1 a person skilled in large scale financial transactions -10205344 __infernal_NN_1 an inhabitant of Hell; "his roar made the infernals quake" -01093587 __make_peace_VB_1 end hostilities; "The brothers who had been fighting over their inheritance finally made peace" -02263346 __confer_VB_2 present; "The university conferred a degree on its most famous former student, who never graduated"; "bestow an honor on someone" -01339505 __uncover_VB_2 remove all or part of one's clothes to show one's body; "uncover your belly"; "The man exposed himself in the subway" -03777126 __mod_con_NN_1 modern convenience; the appliances and conveniences characteristic of a modern house -00945255 __recite_VB_2 repeat aloud from memory; "she recited a poem"; "The pupil recited his lesson for the day" -00482473 __reconcile_VB_2 bring into consonance or accord; "harmonize one's goals with one's abilities" -04973386 __venetian_red_NN_1 a shade of brown with a tinge of red -03575240 __instrumentation_NN_1 an artifact (or system of artifacts) that is instrumental in accomplishing some end -03495258 __harp_NN_1 a chordophone that has a triangular frame consisting of a sounding board and a pillar and a curved neck; the strings stretched between the neck and the soundbox are plucked with the fingers -02293321 __turn_in_VB_2 to surrender someone or something to another; "the guard delivered the criminal to the police"; "render up the prisoners"; "render the town to the enemy"; "fork over the money" -07814925 __gingerroot_NN_1 pungent rhizome of the common ginger plant; used fresh as a seasoning especially in Asian cookery -07724943 __edible_bean_NN_1 any of various edible seeds of plants of the family Leguminosae used for food -02474777 __homo_sapiens_NN_1 the only surviving hominid; species to which modern man belongs; bipedal primate having language and ability to make and use complex tools; brain volume at least 1400 cc -02303917 __genus_automeris_NN_1 io moth -02067941 __ziphiidae_NN_1 beaked whales; in some especially former classifications included in the family Physeteridae -12059851 __genus_dracula_NN_1 comprises tropical American species usually placed in genus Masdevallia: diminutive plants having bizarre and often sinister-looking flowers with pendulous scapes and motile lips -03880770 __panacea_NN_2 hypothetical remedy for all ills or diseases; once sought by the alchemists -02637380 __araneidan_JJ_1 relating to or resembling a spider -01576917 __soften_VB_4 protect from impact; "cushion the blow" -09747329 __welshman_NN_1 a native or resident of Wales -12393942 __laportea_NN_1 mostly tropical stinging herbs or trees: nettle -02133161 __ursus_americanus_NN_1 brown to black North American bear; smaller and less ferocious than the brown bear -08573258 __polar_zone_NN_1 the part of the Earth's surface forming a cap over a pole; characterized by frigid climate -00204585 __lapse_VB_3 drop to a lower level, as in one's morals or standards -05154517 __plus_NN_1 a useful or valuable quality -09936892 __university_student_NN_1 a student enrolled in a college or university -07404114 __tidal_flow_NN_1 the water current caused by the tides -04425262 __thioridazine_NN_1 a tranquilizer (trade name Mellaril) used to treat schizophrenia and other psychotic disorders -11811308 __genus_lychnis_NN_1 genus of plants strongly resembling those of genus Silene: catchfly -12679023 __sambucus_ebulus_NN_1 dwarf herbaceous elder of Europe having pink flowers and a nauseous odor -04286307 __spot_NN_13 a playing card with a specified number of pips on it to indicate its value; "an eight-spot" -09053019 __dakota_NN_2 the area of the states of North Dakota and South Dakota -04782116 __terribleness_NN_1 a quality of extreme unpleasantness -09100837 __grand_rapids_NN_1 a city in west central Michigan; noted for manufacturing furniture -08130292 __ncdc_NN_1 the part of NOAA that maintains the world's largest active archive of weather data -10761519 __vulcanizer_NN_1 someone who vulcanizes rubber to improve its strength and resiliency -02204585 __genus_sciara_NN_1 type genus of the Sciaridae: fungus gnat -08936303 __le_havre_NN_1 a port city in northern France on the English Channel at the mouth of the Seine -08559155 __legal_residence_NN_1 (law) the residence where you have your permanent home or principal establishment and to where, whenever you are absent, you intend to return; every person is compelled to have one and only one domicile at a time; "what's his legal residence?" -06979249 __south_dravidian_NN_1 a Dravidian language spoken primarily in southern India -04682018 __shading_NN_1 graded markings that indicate light or shaded areas in a drawing or painting -14462666 __imperfectness_NN_1 the state or an instance of being imperfect -10267166 __litterer_NN_1 a person who litters public places with refuse -05623181 __potentiality_NN_2 an aptitude that may be developed -04379243 __table_NN_2 a piece of furniture having a smooth flat top that is usually supported by one or more vertical legs; "it was a sturdy table" -12752039 __genus_acer_NN_1 type genus of the Aceraceae; trees or shrubs having winged fruit -11758628 __genus_adenanthera_NN_1 small genus of trees of tropical Asia and Pacific areas -07339329 __striking_NN_1 the physical coming together of two or more things; "contact with the pier scraped paint from the hull" -04869569 __integrity_NN_2 moral soundness; "he expects to find in us the common honesty and integrity of men of business"; "they admired his scrupulous professional integrity" -02290196 __garner_VB_1 acquire or deserve by one's efforts or actions -11349739 __truman_NN_1 elected vice president in Roosevelt's 4th term; became 33rd President of the United States on Roosevelt's death in 1945 and was elected President in 1948; authorized the use of atomic bombs against Japan (1884-1972) -07513508 __agitation_NN_3 the feeling of being agitated; not calm -09360122 __mountain_peak_NN_1 the summit of a mountain -07183660 __polemic_NN_2 a controversy (especially over a belief or dogma) -11553240 __perennial_NN_1 (botany) a plant lasting for three seasons or more -08857260 __sao_jose_dos_campos_NN_1 a city in southeastern Brazil to the northeast of Sao Paulo -03509025 __heating_system_NN_1 utility to warm a building; "the heating system wasn't working"; "they have radiant heating" -04178329 __seven_wonders_of_the_world_NN_1 impressive monuments created in the ancient world that were regarded with awe -02521646 __gadoid_fish_NN_1 a soft-finned fish of the family Gadidae -13398469 __promissory_note_NN_1 a promise to pay a specified amount on demand or at a certain time; "I had to co-sign his note at the bank" -01085474 __hinder_VB_3 put at a disadvantage; "The brace I have to wear is hindering my movements" -04421872 __thermometer_NN_1 measuring instrument for measuring temperature -04983848 __tunefulness_NN_1 the property of having a melody -00499924 __billiards_NN_1 any of several games played on rectangular cloth-covered table (with cushioned edges) in which long tapering cue sticks are used to propel ivory (or composition) balls -10127555 __geographer_NN_1 an expert on geography -10700517 __tenant_NN_3 any occupant who dwells in a place -04836268 __ambitiousness_NN_1 a strong drive for success -14291561 __dislocation_NN_3 a displacement of a part (especially a bone) from its normal position (as in the shoulder or the vertebral column) -02055280 __sphenisciformes_NN_1 penguins -07228971 __thanks_NN_1 an acknowledgment of appreciation -00286333 __ebonize_VB_1 stain black to make it look like ebony -09714952 __irish_person_NN_1 a native or inhabitant of Ireland -02359204 __genus_cynomys_NN_1 prairie dogs -02961035 __khan_NN_2 an inn in some eastern countries with a large courtyard that provides accommodation for caravans -10638136 __wet_blanket_NN_1 someone who spoils the pleasure of others -13028070 __pyrenomycetes_NN_1 class of fungi in which the fruiting body is a perithecium; includes powdery mildews and ergot and Neurospora -01465054 __concatenate_VB_1 combine two strings to form a single one -02491383 __whoop_it_up_VB_1 celebrate noisily, often indulging in drinking; engage in uproarious festivities; "The members of the wedding party made merry all night"; "Let's whoop it up--the boss is gone!" -05833252 __fardel_NN_1 a burden (figuratively in the form of a bundle) -03744840 __storage_device_NN_1 a device that preserves information for retrieval -01901783 __wave_VB_3 move in a wavy pattern or with a rising and falling motion; "The curtains undulated"; "the waves rolled towards the beach" -02359775 __tamias_NN_1 chipmunks of eastern North America -08019913 __east_turkistan_islamic_movement_NN_1 a group of Uighur Muslims fighting Chinese control of Xinjiang; declared by China in 2001 to be terrorists although there is a long history of cycles of insurgency and repression -09101318 __lansing_NN_1 capital of the state of Michigan; located in southern Michigan on the Grand River -06709112 __distinguished_service_order_NN_1 a British military decoration for special service in action -12766869 __toxicodendron_radicans_NN_1 climbing plant common in eastern and central United States with ternate leaves and greenish flowers followed by white berries; yields an irritating oil that causes a rash on contact -02516427 __family_ceratodontidae_NN_1 lungfishes having hornlike ridges on the teeth -05845140 __make_NN_1 a recognizable kind; "there's a new brand of hero in the movies now"; "what make of car is that?" -00070816 __trouble_VB_5 cause bodily suffering to and make sick or indisposed -03246052 __drop_NN_8 a central depository where things can be left or picked up -01162376 __imprisonment_NN_1 putting someone in prison or in jail as lawful punishment -08231678 __minors_NN_1 a league of teams that do not belong to a major league (especially baseball) -01705247 __suborder_ornithopoda_NN_1 widespread group including duck-billed dinosaurs and their early relatives (hadrosaurs, trachodon and iguanodon) -02640626 __white_sturgeon_NN_2 food and game fish of marine and fresh waters of northwestern coast of North America -02547225 __shame_VB_1 bring shame or dishonor upon; "he dishonored his family by committing a serious crime" -08037861 __palestinian_hizballah_NN_1 a little known Palestinian group comprised of members of Hamas and Tanzim with suspected ties to the Lebanese Hizballah; responsible for suicide bombings in Israel -01861465 __mammalia_NN_1 warm-blooded vertebrates characterized by mammary glands in the female -02624263 __uprise_VB_1 come into existence; take on form or shape; "A new religious movement originated in that country"; "a love that sprang up from friendship"; "the idea for the book grew out of a short story"; "An interesting phenomenon uprose" -02502037 __suspend_VB_3 bar temporarily; from school, office, etc. -00949841 __tally_VB_3 keep score, as in games -13911872 __point_NN_9 a very small circular shape; "a row of points"; "draw lines between the dots" -05289601 __contractor_NN_4 a bodily organ that contracts -11974126 __matchweed_NN_1 any of several plants of the genus Gutierrezia having tiny flower heads that resemble the heads of matches -13063936 __melampsora_NN_1 rusts having sessile one-celled teliospores in a single layer -09241247 __channel_NN_4 a deep and relatively narrow body of water (as in a river or a harbor or a strait linking two larger bodies) that allows the best passage for vessels; "the ship went aground in the channel" -08210411 __mutawa'een_NN_1 religious police in Saudi Arabia whose duty is to ensure strict adherence to established codes of conduct; offenders may be detained indefinitely; foreigners are not excluded -06740919 __apology_NN_2 a formal written defense of something you believe in strongly -10326551 __modern_NN_1 a contemporary person -02519148 __bullhead_catfish_NN_1 any of several common freshwater catfishes of the United States -00240131 __scale_down_VB_2 make smaller; "reduce an image" -12959371 __genus_azolla_NN_1 a genus of fern sometimes placed in its own family Azollaceae -15139552 __pass_NN_2 (military) a written leave of absence; "he had a pass for three days" -15162210 __religious_festival_NN_1 a festival having religious significance -07366145 __tie-up_NN_2 an interruption of normal activity -08971025 __republic_of_mozambique_NN_1 a republic on the southeastern coast of Africa on the Mozambique Channel; became independent from Portugal in 1975 -01662614 __press_out_VB_2 press from a plastic; "press a record" -01821132 __transfix_VB_1 to render motionless, as with a fixed stare or by arousing terror or awe; "The snake charmer fascinates the cobra" -02359061 __call_in_VB_6 demand payment of (a loan); "Call a loan" -01930482 __take_VB_40 proceed along in a vehicle; "We drive the turnpike to work" -00879356 __move_VB_16 propose formally; in a debate or parliamentary meeting -00049483 __underdress_VB_1 dress without sufficient warmth; "She was underdressed for the hiking trip and suffered hypothermia" -09068444 __nutmeg_state_NN_1 a New England state; one of the original 13 colonies -12507823 __rooibos_NN_1 South African shrub having flat acuminate leaves and yellow flowers; leaves are aromatic when dried and used to make an herbal tea -09767197 __worker_NN_4 a person who acts and gets things done; "he's a principal actor in this affair"; "when you want something done get a doer"; "he's a miracle worker" -04585626 __winceyette_NN_1 cotton flannelette with a nap on both sides -05606633 __tunica_NN_1 an enveloping or covering membrane or layer of body tissue -03708962 __magnetron_NN_1 a diode vacuum tube in which the flow of electrons from a central cathode to a cylindrical anode is controlled by crossed magnetic and electric fields; used mainly in microwave oscillators -02372813 __procavia_NN_1 type genus of the Procaviidae -02752107 __trim_VB_4 balance in flight by regulating the control surfaces; "trim an airplane" -06779914 __visual_joke_NN_1 a joke whose effect is achieved by visual means rather than by speech (as in a movie) -12567950 __rose_acacia_NN_1 large shrub or small tree of the eastern United States having bristly stems and large clusters of pink flowers -12539306 __wild_pea_NN_1 any of various plants of the family Leguminosae that usually grow like vines -01499595 __rhinoptera_NN_1 a genus of Myliobatidae -01598432 __laniidae_NN_1 shrikes -01126856 __passage_NN_4 the passing of a law by a legislative body -07240278 __keynote_NN_1 the principal theme in a speech or literary work -07723753 __butterhead_lettuce_NN_1 lettuce with relatively soft leaves in a loose head; easily broken or bruised -02946348 __motor_home_NN_1 a recreational vehicle equipped for camping out while traveling -07232655 __elucidation_NN_1 an act of explaining that serves to clear up and cast light on -09235244 __cape_york_NN_1 the northern tip of Cape York Peninsula at the Torres Strait; the northernmost point of the Australian mainland -14122053 __communicable_disease_NN_1 a disease that can be communicated from one person to another -04792127 __satisfactoriness_NN_1 the quality of giving satisfaction sufficient to meet a demand or requirement -06610332 __blatherskite_NN_1 foolish gibberish -04884450 __undiscipline_NN_1 the trait of lacking discipline -02031143 __scolopax_NN_1 type of the Scolopacidae: Old World woodcocks -01410905 __unalike_JJ_1 not alike or similar; "as unalike as two people could be" -01807828 __perdix_perdix_NN_1 common European partridge -02260421 __psocopterous_insect_NN_1 small soft-bodied insect with chewing mouthparts and either no wings or two pairs -14554853 __nyctalopia_NN_1 inability to see clearly in dim light; due to a deficiency of vitamin A or to a retinal disorder -00913705 __production_NN_7 (economics) manufacturing or mining or growing something (usually in large quantities) for sale; "he introduced more efficient methods of production" -15231415 __bronze_age_NN_1 (archeology) a period between the Stone and Iron Ages, characterized by the manufacture and use of bronze tools and weapons -03928814 __piano_keyboard_NN_1 a bank of keys on a musical instrument -02563949 __stumpknocker_NN_1 inhabits streams from South Carolina to Florida; esteemed panfish -02175569 __rose_chafer_NN_1 a common metallic green European beetle: larvae feed on plant roots and adults on leaves and flowers of e.g. roses -05979909 __unbelief_NN_1 a rejection of belief -02002384 __genus_ciconia_NN_1 type genus of the Ciconiidae: European storks -02708707 __vacation_VB_1 spend or take a vacation -00316594 __lift_NN_10 transportation of people or goods by air (especially when other means of access are unavailable) -03975232 __pointer_NN_2 an indicator as on a dial -06429316 __paraphrasis_NN_1 rewording for the purpose of clarification -04046974 __rail_fence_NN_1 a fence (usually made of split logs laid across each other at an angle) -13150378 __cubeb_NN_1 spicy fruit of the cubeb vine; when dried and crushed is used medicinally or in perfumery and sometimes smoked in cigarettes -08101410 __strain_NN_5 a special variety of domesticated animals within a species; "he experimented on a particular breed of white rats"; "he created a new strain of sheep" -05387842 __alveolar_bed_NN_1 lung tissue densely packed with alveoli -00336654 __stoop_NN_1 an inclination of the top half of the body forward and downward -02997607 __ceramic_ware_NN_1 utensils made from ceramic material -09877443 __brownshirt_NN_1 a member of the Nazi SA which wore brown uniforms -10639047 __sport_NN_4 a person known for the way she (or he) behaves when teased or defeated or subjected to trying circumstances; "a good sport"; "a poor sport" -09031233 __swaziland_NN_1 a landlocked monarchy in southeastern Africa; member of the commonwealth that achieved independence from the United Kingdom in 1968 -02694287 __head_VB_7 be in the front of or on top of; "The list was headed by the name of the president" -10005721 __surrogate_NN_2 a person appointed to represent or act on behalf of others -02710429 __wind_gauge_NN_1 a gauge for recording the speed and direction of wind -01959333 __tridacna_NN_1 type genus of the family Tridacnidae: giant clams -06617165 __film_noir_NN_1 a movie that is marked by a mood of pessimism, fatalism, menace, and cynical characters; "film noir was applied by French critics to describe American thriller or detective films in the 1940s" -07209305 __dissent_NN_1 (law) the difference of one judge's opinion from that of the majority; "he expressed his dissent in a contrary opinion" -00529582 __radiate_VB_7 issue or emerge in rays or waves; "Heat radiated from the metal box" -06693870 __superlative_NN_1 an exaggerated expression (usually of praise); "the critics lavished superlatives on it" -00624263 __allegorize_VB_1 interpret as an allegory -02951358 __canoe_NN_1 small and light boat; pointed at both ends; propelled with a paddle -13996571 __repression_NN_1 a state of forcible subjugation; "the long repression of Christian sects" -02349040 __perognathus_NN_1 pocket mice -07153130 __apothegm_NN_1 a short pithy instructive saying -10366145 __nullipara_NN_1 (obstetrics) a woman who has never give birth to a child -04366367 __suspension_bridge_NN_1 a bridge that has a roadway supported by cables that are anchored at both ends -09772029 __teenager_NN_1 a juvenile between the onset of puberty and maturity -02971167 __rubber_tire_NN_1 a tire consisting of a rubber ring around the rim of an automobile wheel -06837465 __heth_NN_1 the 8th letter of the Hebrew alphabet -11261184 __sir_ralph_david_richardson_NN_1 British stage and screen actor noted for playing classic roles (1902-1983) -00369399 __contracture_NN_1 an abnormal and usually permanent contraction of a muscle -05774129 __synthesis_NN_3 reasoning from the general to the particular (or from cause to effect) -01611252 __genus_falco_NN_1 a genus of Falconidae -04996571 __unsavoriness_NN_1 extreme unpalatability to the mouth -13932421 __acceptance_NN_3 the state of being acceptable and accepted; "torn jeans received no acceptance at the country club" -03888605 __parallel_bars_NN_1 gymnastic apparatus consisting of two parallel wooden rods supported on uprights -02659358 __twin_VB_1 duplicate or match; "The polished surface twinned his face and chest in reverse" -10626194 __shaman_NN_1 in societies practicing shamanism: one acting as a medium between the visible and spirit worlds; practices sorcery for healing or divination -01936391 __polychete_worm_NN_1 chiefly marine annelids possessing both sexes and having paired appendages (parapodia) bearing bristles -00901789 __ultrasound_NN_2 using the reflections of high-frequency sound waves to construct an image of a body organ (a sonogram); commonly used to observe fetal growth or study bodily organs -14907122 __hexane_NN_1 a colorless flammable liquid alkane derived from petroleum and used as a solvent -00515791 __militainment_NN_1 entertainment with military themes in which the Department of Defense is celebrated -05509452 __urogenital_system_NN_1 the system that includes all organs involved in reproduction and in the formation and voidance of urine -05613170 __ego_NN_3 (psychoanalysis) the conscious mind -02564146 __relieve_VB_3 grant relief or an exemption from a rule or requirement to; "She exempted me from the exam" -12370549 __rose_chestnut_NN_1 handsome East Indian evergreen tree often planted as an ornamental for its fragrant white flowers that yield a perfume; source of very heavy hardwood used for railroad ties -04639732 __stiffness_NN_5 excessive sternness; "severity of character"; "the harshness of his punishment was inhuman"; "the rigors of boot camp" -03977966 __wagon_NN_2 van used by police to transport prisoners -02070874 __trickle_VB_1 run or flow slowly, as in drops or in an unsteady stream; "water trickled onto the lawn from the broken hose"; "reports began to dribble in" -04901326 __impropriety_NN_1 an improper demeanor -06920010 __chippewyan_NN_1 the language spoken by the Chipewyan -04548771 __wall_socket_NN_1 receptacle providing a place in a wiring system where current can be taken to run electrical devices -02533834 __anchovy_NN_2 small herring-like plankton-eating fishes often canned whole or as paste; abundant in tropical waters worldwide -08166931 __commonwealth_country_NN_1 any of the countries in the British Commonwealth -10592049 __shop_girl_NN_1 a young female shop assistant -10165109 __primary_care_provider_NN_1 a person who helps in identifying or preventing or treating illness or disability -01642671 __leptodactylidae_NN_1 New World frogs; in some classifications essentially coextensive with the family Bufonidae -00344699 __snap_NN_12 the act of snapping the fingers; movement of a finger from the tip to the base of the thumb on the same hand; "he gave his fingers a snap" -08348400 __usss_NN_1 the United States intelligence agency that protects current and former presidents and vice presidents and their immediate families and protects distinguished foreign visitors; detects and apprehends counterfeiters; suppresses forgery of government securities and documents -11689678 __castor_bean_NN_1 the toxic seed of the castor-oil plant; source of castor oil -00360757 __subtraction_NN_2 the act of subtracting (removing a part from the whole); "he complained about the subtraction of money from their paychecks" -04136997 __sash_weight_NN_1 a counterweight for a sliding sash -05037813 __wildness_NN_2 the property of being wild or turbulent; "the storm's violence" -02066510 __flux_VB_1 move or progress freely as if in a stream; "The crowd flowed out of the stadium" -02117232 __adulterating_JJ_1 making impure or corrupt by adding extraneous materials; "the adulterating effect of extraneous materials" -00315956 __write_off_VB_4 reduce the estimated value of something; "For tax purposes you can write off the laser printer" -00249780 __promotion_NN_4 the advancement of some enterprise; "his experience in marketing resulted in the forwarding of his career" -02350537 __microdipodops_NN_1 kangaroo mice -06343117 __title_NN_9 an appellation signifying nobility; "`your majesty' is the appropriate title to use in addressing a king" -15218663 __dhu_al-qadah_NN_1 the eleventh month of the Islamic calendar -02352538 __close_out_VB_2 terminate by selling off or disposing of; "He closed out his line of sports cars" -00866314 __curse_VB_2 heap obscenities upon; "The taxi driver who felt he didn't get a high enough tip cursed the passenger" -14755804 __animal_material_NN_1 material derived from animals -05854812 __teacher_NN_2 a personified abstraction that teaches; "books were his teachers"; "experience is a demanding teacher" -00752954 __wile_NN_1 the use of tricks to deceive someone (usually to extract money from them) -00140393 __meshing_NN_3 the act of interlocking or meshing; "an interlocking of arms by the police held the crowd in check" -12598409 __plantain_family_NN_1 cosmopolitan family of small herbs and a few shrubs; most are troublesome weeds -03783017 __monoamine_oxidase_inhibitor_NN_1 any of a group of antidepressant drugs that inhibit the action of monoamine oxidase in the brain and so allow monoamines to accumulate -09180967 __thanatos_NN_2 (psychoanalysis) an unconscious urge to die -00578295 __nationalize_VB_2 make national in character or scope; "His heroic deeds were nationalized by the press" -13981403 __war_NN_2 a legal state created by a declaration of war and ended by official declaration during which the international rules of war apply; "war was declared in November but actual fighting did not begin until the following spring" -01027379 __ceremony_NN_3 the proper or conventional behavior on some solemn occasion; "an inaugural ceremony" -15160866 __quarter_day_NN_1 a Christian holy day; one of four specified days when certain payments are due -08345770 __sayeret_matkal_NN_1 Israel's elite secret commando unit responsible for counterterrorist and top secret intelligence gathering and hostage rescue missions -13723577 __carat_NN_1 a unit of weight for precious stones = 200 mg -06437308 __proverbs_NN_1 an Old Testament book consisting of proverbs from various Israeli sages (including Solomon) -11643835 __arborvitae_NN_1 any of several Asian and North American conifers of the genera Thuja and Thujopsis -03719053 __residence_NN_4 a large and imposing house -01238424 __uniting_NN_1 the combination of two or more commercial companies -06873252 __visual_communication_NN_1 communication that relies on vision -00058401 __litter_VB_3 give birth to a litter of animals -00584954 __weaponize_VB_1 make into or use as a weapon or a potential weapon; "Will modern physicists weaponize String Theory?" -13777344 __supply_NN_1 an amount of something available for use -00625699 __set_NN_3 several exercises intended to be done in series; "he did four sets of the incline bench press" -13796779 __grammatical_relation_NN_1 a linguistic relation established by grammar -04443433 __toboggan_NN_1 a long narrow sled without runners; boards curve upward in front -00900070 __symbolizing_NN_1 the act of representing something with a symbol -05773049 __logical_argument_NN_1 a course of reasoning aimed at demonstrating a truth or falsehood; the methodical process of logical reasoning; "I can't follow your line of reasoning" -05247178 __uriniferous_tubule_NN_1 any of the small tubules that are the excretory units of the vertebrate kidney -02602970 __sphyraenidae_NN_1 monotypic family of large active fishes of tropical and subtropical waters: barracuda -01993031 __penetrate_VB_5 make one's way deeper into or through; "The hikers did not manage to penetrate the dense forest" -11316828 __stern_NN_2 United States concert violinist (born in Russia in 1920) -11952153 __genus_chrysothamnus_NN_1 genus of low branching shrubs of western North America -08809596 __papal_states_NN_1 the temporal dominions belonging to the pope (especially in central Italy) -07185325 __request_NN_2 the verbal act of requesting -08809165 __milano_NN_1 the capital of Lombardy in northern Italy; has been an international center of trade and industry since the Middle Ages -05469032 __nerve_ending_NN_1 the terminal structure of an axon that does not end at a synapse -07363346 __descent_NN_1 a movement downward -05726345 __structure_NN_3 the complex composition of knowledge as elements and their combinations; "his lectures have no structure" -09445008 __steep_NN_1 a steep place (as on a hill) -11888621 __hesperis_NN_1 biennial or perennial erect herbs having nocturnally fragrant flowers -12373739 __souari_tree_NN_1 large South American evergreen tree trifoliate leaves and drupes with nutlike seeds used as food and a source of cooking oil -14594708 __acyl_group_NN_1 any group or radical of the form RCO- where R is an organic group; "an example of the acyl group is the acetyl group" -09819860 __throwback_NN_1 an organism that has the characteristics of a more primitive type of that organism -00772640 __indicate_VB_4 give evidence of; "The evidence argues for your claim"; "The results indicate the need for more work" -01533169 __serinus_NN_1 Old World finches; e.g. canaries and serins -05407119 __internal_secretion_NN_1 the secretion of an endocrine gland that is transmitted by the blood to the tissue on which it has a specific effect -11875691 __cultivated_cabbage_NN_1 any of various cultivars of the genus Brassica oleracea grown for their edible leaves or flowers -12626674 __parsley_haw_NN_1 southern United States hawthorn with pinnately lobed leaves -14991319 __watercolour_NN_1 water-soluble pigment -01480149 __catch_VB_8 capture as if by hunting, snaring, or trapping; "I caught a rabbit in the trap today" -01949333 __caravan_VB_1 travel in a caravan -02060719 __hydrobatidae_NN_1 storm petrels -10149128 __growler_NN_1 a speaker whose voice sounds like a growl -10267941 __liturgist_NN_1 an authority on liturgies -04912732 __good_manners_NN_1 a courteous manner -03189995 __valium_NN_1 a tranquilizer (trade name Valium) used to relieve anxiety and relax muscles; acts by enhancing the inhibitory actions of the neurotransmitter GABA; can also be used as an anticonvulsant drug in cases of nerve agent poisoning -08973330 __republic_of_niger_NN_1 a landlocked republic in West Africa; gained independence from France in 1960; most of the country is dominated by the Sahara Desert -01827658 __genus_alcedo_NN_1 type genus of the Alcedinidae -01054335 __tenancy_NN_1 an act of being a tenant or occupant -11749273 __granadilla_wood_NN_2 wood of the granadilla tree used for making musical instruments especially clarinets -07430480 __background_signal_NN_1 extraneous signals that can be confused with the phenomenon to be observed or measured; "they got a bad connection and could hardly hear one another over the background signals" -02496498 __manumit_VB_1 free from slavery or servitude -00392950 __extraction_NN_3 the action of taking out something (especially using effort or force); "the dentist gave her a local anesthetic prior to the extraction" -15257692 __final_period_NN_1 the final division into which the play of a game is divided -09038272 __sfax_NN_1 the second largest city in Tunisia; located in eastern Tunisia near a phosphate region -07730855 __curly_endive_NN_1 crisp spiky leaves with somewhat bitter taste -08794574 __golan_heights_NN_1 a fortified hilly area between southern Lebanon and southern Syria; "artillery on the Golan Heights can dominate a large area of Israel" -15265518 __starting_time_NN_1 the time at which something is supposed to begin; "they got an early start"; "she knew from the get-go that he was the man for her" -04777421 __looseness_NN_4 the quality of movability by virtue of being free from attachment or other restraints -06172502 __cryptology_NN_1 the science of analyzing and deciphering codes and ciphers and cryptograms -00436879 __vary_VB_4 make something more diverse and varied; "Vary the menu" -01981137 __paralithodes_NN_1 a genus of Lithodidae -03420440 __garnish_NN_2 any decoration added as a trimming or adornment -08899351 __memphis_NN_2 an ancient city of Egypt on the Nile (south of Cairo) -00949093 __paginate_VB_1 number the pages of a book or manuscript -01919714 __order_cydippidea_NN_1 ctenophores having two long pinnate tentacles -14618253 __base_NN_10 any of various water-soluble compounds capable of turning litmus blue and reacting with an acid to form a salt and water; "bases include oxides and hydroxides of metals and ammonia" -02491906 __genus_cebus_NN_1 type genus of the Cebidae -02387034 __train_VB_4 educate for a future role or function; "He is grooming his son to become his successor"; "The prince was prepared to become King one day"; "They trained him to be a warrior" -12441183 __edible_asparagus_NN_1 plant whose succulent young shoots are cooked and eaten as a vegetable -11878101 __broccoli_rabe_NN_1 plant grown for its pungent edible leafy shoots -00095747 __leaf_VB_3 produce leaves, of plants -00601783 __controversial_JJ_1 marked by or capable of arousing controversy; "the issue of the death penalty is highly controversial"; "Rushdie's controversial book"; "a controversial decision on affirmative action" -10254965 __tribade_NN_1 a female homosexual -08704822 __republic_of_albania_NN_1 a republic in southeastern Europe on the Adriatic coast of the Balkan Peninsula -06620579 __tv_show_NN_1 a program broadcast by television -04858785 __hardiness_NN_2 the trait of being willing to undertake things that involve risk or danger; "the proposal required great boldness"; "the plan required great hardiness of heart" -04878101 __patriotism_NN_1 love of country and willingness to sacrifice for it; "they rode the same wave of popular patriotism"; "British nationalism was in the air and patriotic sentiments ran high" -00974762 __charge_NN_1 an impetuous rush toward someone or something; "the wrestler's charge carried him past his adversary"; "the battle began with a cavalry charge" -13496286 __nidation_NN_1 (embryology) the organic process whereby a fertilized egg becomes implanted in the lining of the uterus of placental mammals -01230965 __meeting_NN_4 the social act of assembling for some common purpose; "his meeting with the salesmen was the high point of his day" -01105639 __surpass_VB_2 be or do something to a greater degree; "her performance surpasses that of any other student I know"; "She outdoes all other athletes"; "This exceeds all my expectations"; "This car outperforms all others in its class" -10066732 __judge_NN_2 an authority who is able to estimate worth or quality -00506207 __tit-tat-toe_NN_1 a game in which two players alternately put crosses and circles in one of the compartments of a square grid of nine spaces; the object is to get a row of three crosses or three circles before the opponent does -00374063 __strengthening_NN_2 the act of increasing the strength of something -09170788 __libyan_desert_NN_1 the northeastern part of the Sahara Desert in Libya and Egypt and Sudan -00242808 __rousing_NN_1 the act of arousing; "the purpose of art is the arousal of emotions" -07498854 __inclination_NN_5 that toward which you are inclined to feel a liking; "her inclination is for classical music" -02360480 __eutamius_sibiricus_NN_1 terrestrial Siberian squirrel -01117164 __venture_NN_3 a commercial undertaking that risks a loss but promises a profit -12045860 __arethusa_NN_1 any of several bog orchids of the genus Arethusa having 1 or 2 showy flowers -10028765 __inductee_NN_2 someone who is drafted into military service -01121070 __amortization_NN_2 payment of an obligation in a series of installments or transfers -06236309 __shiism_NN_1 the branch of Islam that regards Ali as the legitimate successor to Mohammed and rejects the first three caliphs -07046543 __largo_NN_1 (music) a composition or passage that is to be performed in a slow and dignified manner -05790012 __second_thought_NN_1 thinking again about a choice previously made; "he had second thoughts about his purchase" -04988258 __resonance_NN_5 the quality imparted to voiced speech sounds by the action of the resonating chambers of the throat and mouth and nasal cavities -13479380 __feedback_NN_1 the process in which part of the output of a system is returned to its input in order to regulate its further output -03537412 __horn_button_NN_1 a button that you press to activate the horn of an automobile -12061104 __tulip_orchid_NN_1 Mexican epiphytic orchid with glaucous grey-green leaves and lemon- to golden-yellow flowers appearing only partially opened; sometimes placed in genus Cattleya -07093759 __versification_NN_1 a metrical adaptation of something (e.g., of a prose text) -11410298 __crystallizing_NN_1 the formation of crystals -09075170 __tallahassee_NN_1 capital of the state of Florida; located in northern Florida -11878808 __pe-tsai_NN_1 plant with an elongated head of broad stalked leaves resembling celery; used as a vegetable in east Asia -13568524 __transduction_NN_2 the process whereby a transducer accepts energy in one form and gives back related energy in a different form; "the transduction of acoustic waves into voltages by a microphone" -05898035 __flying_dutchman_NN_2 a phantom ship that is said to appear in storms near the Cape of Good Hope -03036469 __plain_clothes_NN_1 ordinary clothing as distinguished from uniforms, work clothes, clerical garb, etc. -04631700 __vivification_NN_1 quality of being active or spirited or alive and vigorous -01684578 __western_skink_NN_1 found in western North American grasslands and open woodlands -10063177 __escapologist_NN_1 an entertainer who is expert in the art of escaping -06985892 __east_chadic_NN_1 a group of Chadic languages spoken in Chad -12227658 __tree_heath_NN_2 evergreen treelike Mediterranean shrub having fragrant white flowers in large terminal panicles and hard woody roots used to make tobacco pipes -02891788 __brass_instrument_NN_1 a wind instrument that consists of a brass tube (usually of variable length) that is blown by means of a cup-shaped or funnel-shaped mouthpiece -14036539 __angriness_NN_1 the state of being angry -05569053 __spinal_nerve_NN_1 any of the 31 pairs of nerves emerging from each side of the spinal cord (each attached to the cord by two roots: ventral and dorsal) -12945366 __sium_latifolium_NN_1 large stout white-flowered perennial found wild in shallow fresh water; Europe -02466132 __fin_NN_6 organ of locomotion and balance in fishes and some other aquatic animals -09910374 __charmer_NN_2 a person who charms others (usually by personal attractiveness) -00215800 __moisturize_VB_1 make (more) humid; "We have a machine that humidifies the air in the house" -04392526 __tape_deck_NN_1 electronic equipment for making or playing magnetic tapes (but without amplifiers or speakers); a component in an audio system -00283127 __travel_NN_3 self-propelled movement -02081946 __start_VB_14 bulge outward; "His eyes popped" -10409634 __payee_NN_1 a person to whom money is paid -13353607 __capital_NN_2 wealth in the form of money or property owned by a person or business and human resources of economic value -01414288 __rap_VB_1 strike sharply; "rap him on the knuckles" -11643022 __tetraclinis_articulata_NN_1 large coniferous evergreen tree of North Africa and Spain having flattened branches and scalelike leaves yielding a hard fragrant wood; bark yields a resin used in varnishes -07578879 __taste_NN_5 a small amount eaten or drunk; "take a taste--you'll like it" -02810471 __electric_battery_NN_1 a device that produces electricity; may have several primary or secondary cells arranged in parallel or series -04011242 __prop_NN_1 a support placed beneath or against something to keep it from shaking or falling -05571713 __sphincter_ani_NN_1 the sphincter muscle of the anus -03808144 __naproxen_sodium_NN_1 a nonsteroidal anti-inflammatory drug (trademarks Aleve and Anaprox and Aflaxen) that fights pain and inflammation -02632940 __include_VB_1 have as a part, be made up out of; "The list includes the names of many famous writers" -00889026 __stipulate_VB_3 make an oral contract or agreement in the verbal form of question and answer that is necessary to give it legal force -07668902 __cut_of_pork_NN_1 cut of meat from a hog or pig -12957298 __marsileaceae_NN_1 clover ferns -05252970 __sinus_NN_2 any of various air-filled cavities especially in the bones of the skull -10001882 __demimondaine_NN_1 a woman whose sexual promiscuity places her outside respectable society -05111835 __free_fall_NN_2 a sudden sharp decrease in some quantity; "a drop of 57 points on the Dow Jones index"; "there was a drop in pressure in the pulmonary artery"; "a dip in prices"; "when that became known the price of their stock went into free fall" -03343853 __small-arm_NN_1 a portable gun; "he wore his firearm in a shoulder holster" -06689125 __tacit_consent_NN_1 (law) tacit approval of someone's wrongdoing -14750316 __oestradiol_NN_1 the most powerful female hormone that occurs naturally; synthesized and used to treat estrogen deficiency and breast cancer -05501711 __neural_network_NN_2 any network of neurons or nuclei that function together to perform some function in the body -05246796 __tubule_NN_1 a small tube -12591351 __livistona_australis_NN_1 Australian palm with leaf buds that are edible when young -02640440 __waver_VB_1 pause or hold back in uncertainty or unwillingness; "Authorities hesitate to quote exact figures" -04757864 __indetermination_NN_1 the quality of being vague and poorly defined -05575002 __rhomboid_muscle_NN_1 any of several muscles of the upper back that help move the shoulder blade -00029378 __event_NN_1 something that happens at a given place and time -06533648 __organic_law_NN_1 law determining the fundamental political principles of a government -12644057 __prunus_cerasus_marasca_NN_1 Dalmatian bitter wild cherry tree bearing fruit whose juice is made into maraschino liqueur -00731574 __find_out_VB_4 trap; especially in an error or in a reprehensible act; "He was caught out"; "She was found out when she tried to cash the stolen checks" -12036368 __burr_NN_1 seed vessel having hooks or prickles -05010062 __absorptivity_NN_1 (physics) the property of a body that determines the fraction of the incident radiation or sound flux absorbed or absorbable by the body -07697100 __hamburger_NN_1 a sandwich consisting of a fried cake of minced beef served on a bun, often with other ingredients -12879350 __genus_calceolaria_NN_1 large genus of tropical American herbs and shrubs with showy cymose flowers -03359566 __flask_NN_1 bottle that has a narrow neck -07319652 __miscarriage_NN_1 failure of a plan -07277158 __plagiarism_NN_1 a piece of writing that has been copied from someone else and is presented as being your own work -12117912 __sanwa_millet_NN_1 coarse annual grass cultivated in Japan and southeastern Asia for its edible seeds and for forage; important wildlife food in United States -03450516 __robe_NN_2 outerwear consisting of a long flowing garment used for official or ceremonial occasions -03541696 __lodge_NN_6 a hotel providing overnight lodging for travelers -01113068 __selling_NN_1 the exchange of goods for an agreed sum of money -03304605 __expectorator_NN_2 a medicine promoting expectoration -02640226 __linger_over_VB_1 delay -13370448 __treasure_NN_3 any possession that is highly valued by its owner; "the children returned from the seashore with their shells and other treasures" -13350443 __recognizance_NN_1 (law) a security entered into before a court with a condition to perform some act required by law; on failure to perform that act a sum is forfeited -01026262 __flexible_JJ_5 making or willing to make concessions; "loneliness tore through him...whenever he thought of...even the compromising Louis du Tillet" -08189659 __unit_NN_3 an organization regarded as part of a larger social group; "the coach said the offensive unit did a good job"; "after the battle the soldier had trouble rejoining his unit" -14740915 __unsaturated_fatty_acid_NN_1 a fatty acid whose carbon chain can absorb additional hydrogen atoms -04024396 __puncture_NN_2 a small hole made by a sharp object -02275921 __vanessa_NN_1 painted beauty and red admiral -02185814 __shaft_louse_NN_1 a louse parasitic on poultry -00339934 __take_place_VB_1 come to pass; "What is happening?"; "The meeting took place off without an incidence"; "Nothing occurred that seemed important" -07755411 __melon_NN_1 any of numerous fruits of the gourd family having a hard rind and sweet juicy flesh -05724694 __painful_sensation_NN_1 a somatic sensation of acute discomfort; "as the intensity increased the sensation changed from tickle to pain" -00951781 __commercialization_NN_1 the act of commercializing something; involving something in commerce; "my father considered the commercialization of Christmas to be a sacrilege"; "the government tried to accelerate the commercialization of this development"; "both companies will retain control over the commercialization of their own products" -04810510 __invalidness_NN_1 illogicality as a consequence of having a conclusion that does not follow from the premisses -01753488 __sand_viper_NN_1 highly venomous viper of northern Africa and southwestern Asia having a horny spine above each eye -08841667 __polynesia_NN_1 the islands in the eastern part of Oceania -08904392 __madras_NN_2 a city in Tamil Nadu on the Bay of Bengal; formerly Madras -03700963 __simple_machine_NN_1 a device for overcoming resistance at one point by applying force at some other point -09066948 __santa_catalina_NN_1 an island resort in the Pacific off the southwestern coast of California -07658168 __beefsteak_NN_1 a beef steak usually cooked by broiling -11010385 __william_franklin_graham_NN_1 United States evangelical preacher famous as a mass evangelist (born in 1918) -15073973 __tsh_NN_1 anterior pituitary hormone that stimulates the function of the thyroid gland -14547369 __unfitness_NN_1 poor physical condition; being out of shape or out of condition (as from a life of ease and luxury) -00913982 __hurrah_VB_1 shout `hurrah!' -00855169 __fellation_NN_1 oral stimulation of the penis -01586278 __toy_VB_2 manipulate manually or in one's mind or imagination; "She played nervously with her wedding ring"; "Don't fiddle with the screws"; "He played with the idea of running for the Senate" -09749614 __singaporean_NN_1 an inhabitant of Singapore -02217839 __strawworm_NN_2 larva of chalcid flies injurious to the straw of wheat and other grains -02149899 __candle_VB_1 examine eggs for freshness by holding them against a light -02526085 __reach_VB_5 to gain with effort; "she achieved her goal despite setbacks" -03513627 __hem_NN_1 the edge of a piece of cloth; especially the finished edge that has been doubled under and stitched down; "the hem of her dress was stained"; "let down the hem"; "he stitched weights into the curtain's hem"; "it seeped along the hem of his jacket" -00229280 __extract_VB_4 extract by the process of distillation; "distill the essence of this compound" -09734006 __tajik_NN_1 a native or inhabitant of Tajikistan and neighboring areas of Uzbekistan and Afghanistan and China -02357911 __whitetail_antelope_squirrel_NN_1 small ground squirrel of western United States -11365857 __victoria_NN_1 queen of Great Britain and Ireland and empress of India from 1837 to 1901; the last Hanoverian ruler of England (1819-1901) -09866661 __shoplifter_NN_1 a thief who steals goods that are in a store -07308889 __instance_NN_1 an occurrence of something; "it was a case of bad judgment"; "another instance occurred yesterday"; "but there is always the famous example of the Smiths" -09721444 __macedonian_NN_1 a native or inhabitant of Macedon -02363681 __family_aplodontiidae_NN_1 mountain beavers -03771066 __minocycline_NN_1 tetracycline antibiotic (trade name Minocin) used to treat a variety of bacterial and rickettsial infections -13773047 __squat_NN_2 a small worthless amount; "you don't know jack" -12107002 __velvet_bent_grass_NN_1 common grass with slender stems and narrow leaves -11499284 __radiation_NN_1 energy that is radiated or transmitted in the form of rays or waves or particles -09771855 __reminder_NN_3 someone who gives a warning so that a mistake can be avoided -15055181 __steam_NN_1 water at boiling temperature diffused in the atmosphere -01628885 __salamandridae_NN_1 salamanders -00820352 __attest_VB_2 authenticate, affirm to be true, genuine, or correct, as in an official capacity; "I attest this signature" -01850315 __move_VB_2 cause to move or shift into a new position or place, both in a concrete and in an abstract sense; "Move those boxes into the corner, please"; "I'm moving my money to another bank"; "The director moved more responsibilities onto his new assistant" -00559555 __sweep_NN_5 (American football) an attempt to advance the ball by running around the end of the line -09097707 __springfield_NN_3 a city and manufacturing center in southwestern Massachusetts on the Connecticut River -10801291 __writer_NN_2 a person who is able to write and has written something -01762528 __turn_on_VB_5 cause to be agitated, excited, or roused; "The speaker charged up the crowd with his inflammatory remarks" -08494782 __terre_adelie_NN_1 a costal region of Antarctica to the south of Australia; noted for its large colonies of penguins -07506569 __shame_NN_1 a painful emotion resulting from an awareness of inadequacy or guilt -07896994 __plonk_NN_1 a cheap wine of inferior quality -09232165 __horseshoe_falls_NN_1 a part of Niagara Falls in Ontario -07692614 __sweet_roll_NN_1 any of numerous yeast-raised sweet rolls with our without raisins or nuts or spices or a glaze -09756500 __able_seaman_NN_1 a seaman in the merchant marine; trained in special skills -07906284 __whisky_NN_1 a liquor made from fermented mash of grain -05406128 __gastric_juice_NN_1 digestive secretions of the stomach glands consisting chiefly of hydrochloric acid and mucin and the enzymes pepsin and rennin and lipase -06037666 __biology_NN_1 the science that studies living organisms -12622072 __rosa_multiflora_NN_1 vigorously growing rose having clusters of numerous small flowers; used for hedges and as grafting stock -01838326 __picidae_NN_1 woodpeckers -14936010 __slaked_lime_NN_1 a caustic substance produced by heating limestone -08390511 __reserves_NN_1 civilians trained as soldiers but not part of the regular army -07634751 __teacake_NN_2 any of various small cakes or cookies often served with tea -02080586 __genus_erignathus_NN_1 bearded seals -07143137 __consultation_NN_2 a conference between two or more people to consider a particular question; "frequent consultations with his lawyer"; "a consultation of several medical specialists" -00129089 __hopper_NN_5 (baseball) a hit that travels along the ground with respect to chemistry; "chemically different substances"; "chemically related" -07769465 __quandong_nut_NN_1 edible nutlike seed of the quandong fruit -04876985 __fidelity_NN_2 the quality of being faithful -06688059 __nihil_obstat_NN_1 the phrase used by the official censor of the Roman Catholic Church to say that a publication has been examined and contains nothing offensive to the church -09039411 __turkey_NN_2 a Eurasian republic in Asia Minor and the Balkans; on the collapse of the Ottoman Empire in 1918, the Young Turks, led by Kemal Ataturk, established a republic in 1923 -03780896 __molindone_NN_1 antipsychotic drug (trade name Moban) used in the treatment of schizophrenia -03183080 __device_NN_1 an instrumentality invented for a particular purpose; "the device is small enough to wear on your wrist"; "a device intended to conserve water" -02932227 __cabin_NN_1 small room on a ship or boat where people sleep -08010942 __martyrs_of_al-aqsa_NN_1 a militant offshoot of al-Fatah that is the newest and strongest and best equipped faction active in the West Bank; responsible for many deadly attacks in Israel in 2002 -01911698 __ambulate_VB_1 walk about; not be bedridden or incapable of walking -12896307 __solanum_nigrum_NN_1 Eurasian herb naturalized in America having white flowers and poisonous hairy foliage and bearing black berries that are sometimes poisonous but sometimes edible -01446760 __killifish_NN_1 small mostly marine warm-water carp-like schooling fishes; used as bait or aquarium fishes or in mosquito control -10266848 __litigator_NN_1 (law) a party to a lawsuit; someone involved in litigation; "plaintiffs and defendants are both litigants" -01160729 __whacking_NN_1 the act of inflicting corporal punishment with repeated blows -10349243 __thwarter_NN_1 someone who systematically obstructs some action that others want to take -09935793 __quisling_NN_1 someone who collaborates with an enemy occupying force -01319001 __stayer_NN_1 a person or other animal having powers of endurance or perseverance; "the horse that won the race is a good stayer" -04131208 __salon_NN_2 a shop where hairdressers and beauticians work -02376542 __foal_NN_1 a young horse -10718509 __tout_NN_1 someone who buys tickets to an event in order to resell them at a profit -09350922 __mendenhall_glacier_NN_1 a glacier of the Piedmont type near Juneau in Alaska -00134574 __whiplash_NN_2 a quick blow delivered with a whip or whiplike object; "the whip raised a red welt" -01746191 __western_coral_snake_NN_1 ranges from Central America to southwestern United States -10878161 __julius_caesar_NN_1 conqueror of Gaul and master of Italy (100-44 BC) -00973056 __transmit_VB_3 broadcast over the airwaves, as in radio or television; "We cannot air this X-rated song" -01947266 __refined_JJ_1 (used of persons and their behavior) cultivated and genteel; "she was delicate and refined and unused to hardship"; "refined people with refined taste" -04750547 __heterology_NN_1 (biology) the lack of correspondence of apparently similar body parts -02556537 __carry_VB_24 compensate for a weaker partner or member by one's own performance; "I resent having to carry her all the time" -02682922 __spray_can_NN_1 a dispenser that holds a substance under pressure and that can release it as a fine spray (usually by means of a propellant gas) -00788097 __squeeze_play_NN_1 an aggressive attempt to compel acquiescence by the concentration or manipulation of power; "she laughed at this sexual power play and walked away" -05338410 __basilar_artery_NN_1 an unpaired artery; supplies the pons and cerebellum and the back part of the cerebrum and the inner ear -09459557 __tombigbee_river_NN_1 a river that rises in northeastern Mississippi and flows southward through western Alabama to join the Alabama River and form the Mobile River -00439958 __slow_up_VB_3 lose velocity; move more slowly; "The car decelerated" -06874185 __traffic_signal_NN_1 a visual signal to control the flow of traffic at intersections -08813699 __verona_NN_1 a city in Veneto on the River Adige -00363052 __thinning_NN_1 the act of diluting something; "the cutting of whiskey with water"; "the thinning of paint with turpentine" -04131015 __salon_NN_3 elegant sitting room where guests are received -01847565 __genus_anas_NN_1 type genus of the Anatidae: freshwater ducks -10753182 __victualler_NN_1 an innkeeper (especially British) -02616251 __genus_cryptacanthodes_NN_1 a genus of Stichaeidae -03325769 __feature_NN_6 an article of merchandise that is displayed or advertised more than other articles -05509146 __reproductive_system_NN_1 organs and tissues involved in the production and maturation of gametes and in their union and subsequent development as offspring -13164763 __shoot_NN_1 a new branch -02132136 __ursus_arctos_NN_1 large ferocious bear of Eurasia -03452449 __granary_NN_1 a storehouse for threshed grain or animal feed -13149506 __white_pepper_NN_1 climber having dark red berries (peppercorns) when fully ripe; southern India and Sri Lanka; naturalized in northern Burma and Assam -07762534 __kitembilla_NN_2 maroon-purple gooseberry-like fruit of India having tart-sweet purple pulp used especially for preserves -01135795 __invigilation_NN_1 keeping watch over examination candidates to prevent cheating -06313457 __syntagma_NN_1 a syntactic string of words that forms a part of some larger syntactic unit -05961429 __ethicism_NN_1 a doctrine that ethics and ethical ideas are valid and important; "his ethicism often led him to moralize" -02499178 __perodicticus_NN_1 a genus of Lorisidae -02653996 __tent_VB_1 live in or as if in a tent; "Can we go camping again this summer?"; "The circus tented near the town"; "The houseguests had to camp in the living room" -09242514 __chattahoochee_river_NN_1 a river rising in northern Georgia and flowing southwest and south to join the Flint River at the Florida border where they form the Apalachicola River -11792598 __symplocarpus_NN_1 one species: skunk cabbage -12889713 __woolly_mullein_NN_1 tall-stalked very woolly mullein with densely packed yellow flowers; ancient Greeks and Romans dipped the stalks in tallow for funeral torches -01250335 __hit_NN_6 a murder carried out by an underworld syndicate; "it has all the earmarks of a Mafia hit" -11411501 __aftereffect_NN_1 any result that follows its cause after an interval -10463714 __trickster_NN_1 someone who plays practical jokes on others -05354580 __subclavian_artery_NN_1 either of two arteries that supply blood to the neck and arms -09794917 __annihilator_NN_1 a total destroyer -14640222 __holmium_NN_1 a trivalent metallic element of the rare earth group; occurs together with yttrium; forms highly magnetic compounds -02117772 __genus_crocuta_NN_1 a genus of Hyaenidae -00087423 __subsidization_NN_2 the act of providing a subsidy -12904148 __hyoscyamus_NN_1 genus of poisonous herbs: henbane -00706371 __shock_treatment_NN_1 treatment of certain psychotic states by the administration of shocks that are followed by convulsions -05320764 __nucleus_NN_6 the central structure of the lens that is surrounded by the cortex -04671394 __unreliableness_NN_1 the trait of not being dependable or reliable -07817024 __chives_NN_2 cylindrical leaves used fresh as a mild onion-flavored seasoning -07038400 __musical_arrangement_NN_1 a piece of music that has been adapted for performance by a particular set of voices or instruments -06790235 __ecumenism_NN_2 (Christianity) the doctrine of the ecumenical movement that promotes cooperation and better understanding among different religious denominations: aimed at universal Christian unity -08028397 __kahane_chai_NN_1 a terrorist organization founded for Jewish defense; fights antisemitism and hopes to restore the biblical state of Israel -01041916 __formal_JJ_1 being in accord with established forms and conventions and requirements (as e.g. of formal dress); "pay one's formal respects"; "formal dress"; "a formal ball"; "the requirement was only formal and often ignored"; "a formal education" -07152259 __slogan_NN_1 a favorite saying of a sect or political group -09032604 __genf_NN_1 a city in southwestern Switzerland at the western end of Lake Geneva; it is the headquarters of various international organizations -00045907 __retrieval_NN_3 the act of regaining or saving something lost (or in danger of becoming lost) -01722077 __play_VB_12 pretend to be somebody in the framework of a game or playful activity; "Let's play like I am mommy"; "Play cowboy and Indians" -05261404 __facial_hair_NN_1 hair on the face (especially on the face of a man) -08191701 __navy_NN_1 an organization of military vessels belonging to a country and available for sea warfare -00961001 __standoff_NN_2 the act of repulsing or repelling an attack; a successful defensive stand -04768657 __system_NN_9 an ordered manner; orderliness by virtue of being methodical and well organized; "his compulsive organization was not an endearing quality"; "we can't do it unless we establish some system around here" -00947596 __play_NN_6 utilization or exercise; "the play of the imagination" -07997703 __family_NN_3 a collection of things sharing a common attribute; "there are two classes of detergents" -02467662 __split_up_VB_2 separate into parts or portions; "divide the cake into three equal parts"; "The British carved up the Ottoman Empire after World War I" -11537327 __nonvascular_plant_NN_1 any of numerous plants of the division Bryophyta -04448511 __tolinase_NN_1 a drug (trade name Tolinase) used in treating stable adult-onset diabetes mellitus -00058516 __whelp_VB_1 birth; "the dog whelped" -01998183 __cirripede_NN_1 marine crustaceans with feathery food-catching appendages; free-swimming as larvae; as adults form a hard shell and live attached to submerged surfaces -13185436 __genus_doodia_NN_1 in some classification systems placed in family Polypodiaceae; small terrestrial colony-forming ferns of Australasia -03601638 __long_plane_NN_1 a long carpenter's plane used to shape the edges of boards so they will fit together -10897312 __winston_s._churchill_NN_1 British statesman and leader during World War II; received Nobel prize for literature in 1953 (1874-1965) -03666591 __lighter_NN_2 a device for lighting or igniting fuel or charges or fires; "do you have a light?" -00718573 __papering_NN_1 the application of wallpaper -01874875 __drift_VB_7 cause to be carried by a current; "drift the boats downstream" -01636221 __foresee_VB_2 picture to oneself; imagine possible; "I cannot envision him as President" -10474950 __principal_NN_5 (criminal law) any person involved in a criminal offense, regardless of whether the person profits from such involvement -05287882 __lymphoid_tissue_NN_1 tissue making up the lymphatic system -05595531 __spheroid_joint_NN_1 a freely moving joint in which a sphere on the head of one bone fits into a rounded cavity in the other bone -11919026 __genus_ambrosia_NN_1 comprising the ragweeds; in some classification considered the type genus of a separate family Ambrosiaceae -07624466 __turnover_NN_2 a dish made by folding a piece of pastry over a filling -00915605 __thunder_VB_2 utter words loudly and forcefully; "`Get out of here,' he roared" -06959261 __lappish_NN_1 any of the languages spoken by the Lapps and generally assumed to be Uralic languages -01783214 __obsess_VB_1 haunt like a ghost; pursue; "Fear of illness haunts her" -08161757 __us_congress_NN_1 the legislature of the United States government -15249799 __day_of_remembrance_NN_1 the date on which an event occurred in some previous year (or the celebration of it) -01028381 __military_ceremony_NN_2 a military custom performed in observance of some event or anniversary -09246660 __clinch_river_NN_1 a river that rises in southwestern Virginia and flows generally southwestward across eastern Tennessee to the Tennessee River -15122231 __time_NN_3 an indefinite period (usually marked by specific attributes or activities); "he waited a long time"; "the time of year for planting"; "he was a great actor in his time" -07223170 __scuttlebutt_NN_1 a report (often malicious) about the behavior of other people; "the divorce caused much gossip" -02118242 __dream_VB_2 experience while sleeping; "She claims to never dream"; "He dreamt a strange scene" -11858406 __genus_calandrinia_NN_1 large genus of low-growing herbs; widespread throughout tropical and warm temperate regions having usually basal leaves and panicles of purplish ephemeral flowers -02161530 __shine_VB_6 have a complexion with a strong bright color, such as red or pink; "Her face glowed when she came out of the sauna" -00345817 __toss_NN_3 an abrupt movement; "a toss of his head" -08161591 __us_senate_NN_1 the upper house of the United States Congress -11147729 __niccolo_machiavelli_NN_1 a statesman of Florence who advocated a strong central government (1469-1527) -12912105 __salpichroa_NN_1 herbs of temperate North and South America: cock's eggs -00999588 __tuning_NN_1 (music) calibrating something (an instrument or electronic circuit) to a standard frequency -02805111 __tacking_NN_1 a loose temporary sewing stitch to hold layers of fabric together -13084184 __succulent_NN_1 a plant adapted to arid conditions and characterized by fleshy water-storing tissues that act as water reservoirs -07733217 __dandelion_green_NN_2 edible leaves of the common dandelion collected from the wild; used in salads and in making wine -04338359 __string_NN_9 a collection of objects threaded on a single strand -02035210 __himantopus_himantopus_NN_1 stilt of Europe and Africa and Asia having mostly white plumage but with black wings -09464335 __twin_falls_NN_1 a waterfall in the Snake River in southern Idaho -13624705 __hl_NN_1 a metric unit of volume or capacity equal to 100 liters -04787530 __unnaturalness_NN_1 the quality of being unnatural or not based on natural principles -12931542 __dill_NN_1 aromatic Old World herb having aromatic threadlike foliage and seeds used as seasoning -01818972 __chill_VB_1 depress or discourage; "The news of the city's surrender chilled the soldiers" -02609466 __hemipteronatus_NN_1 razor fish -06611998 __wish-wash_NN_2 nonsensical talk or writing -00345000 __betide_VB_1 become of; happen to; "He promised that no harm would befall her"; "What has become of my children?" -00943281 __verbalize_VB_1 be verbose; "This lawyer verbalizes and is rather tedious" -10678937 __supremo_NN_1 the most important person in an organization -04118021 __rug_NN_1 floor covering consisting of a piece of thick heavy fabric (usually with nap or pile) -00966869 __spoliation_NN_2 the act of stripping and taking by force -10300154 __mate_NN_8 informal term for a friend of the same sex -08259156 __democratic_party_NN_1 the older of two major political parties in the United States -02218713 __sawfly_NN_1 insect whose female has a saw-like ovipositor for inserting eggs into the leaf or stem tissue of a host plant -13629854 __terabit_NN_1 a unit of information equal to 1000 gigabits or 10^12 (1,000,000,000,000) bits -15005716 __roofing_material_NN_1 building material used in constructing roofs -13195761 __bladder_fern_NN_1 any fern of the genus Cystopteris characterized by a hooded indusium or bladderlike membrane covering the sori -02253766 __default_on_VB_1 fail to pay up -01041954 __gossip_VB_1 wag one's tongue; speak about others and reveal secrets or intimacies; "She won't dish the dirt" -01734808 __milk_snake_NN_1 nonvenomous tan and brown king snake with an arrow-shaped occipital spot; southeastern ones have red stripes like coral snakes -07796321 __king_salmon_NN_1 pink or white flesh of large Pacific salmon -03121897 __coverall_NN_1 a loose-fitting protective garment that is worn over other clothing -08010559 __bearer_of_the_sword_NN_1 a small gang of terrorist thugs claiming to seek a separate Islamic state for the Muslim minority in the Philippines; uses bombing and assassination and extortion and kidnapping; "In 2001 Abu Sayyaf kidnapped twenty people and beheaded one of the American captives" -03999992 __press_NN_7 any machine that exerts pressure to form or shape or cut materials or extract liquids or compress solids -09221070 __double_star_NN_1 a system of two stars that revolve around each other under their mutual gravitation -04907269 __intractableness_NN_1 the trait of being hard to influence or control -01883762 __genus_dasyurus_NN_1 type genus of the family Dasyuridae: native cats -01836087 __whippoorwill_NN_1 American nocturnal goatsucker with grey-and-white plumage -02567519 __violate_VB_5 force (someone) to have sex against their will; "The woman was raped on her way home at night" -00253277 __work_up_VB_3 bolster or strengthen; "We worked up courage"; "build up confidence"; "ramp up security in the airports" -02458675 __megatherium_NN_1 type genus of the Megatheriidae -07233863 __anathema_NN_2 a formal ecclesiastical curse accompanied by excommunication -07202812 __particularization_NN_1 an individualized description of a particular instance -10626994 __soubrette_NN_1 a pert or flirtatious young girl -14118423 __type_i_diabetes_NN_1 severe diabetes mellitus with an early onset; characterized by polyuria and excessive thirst and increased appetite and weight loss and episodic ketoacidosis; diet and insulin injections are required to control the disease -01253277 __venting_NN_1 the act of venting -07282166 __voice_over_NN_1 the voice on an unseen commentator in a film of television program -00123170 __vary_VB_1 become different in some particular way, without permanently losing one's or its former characteristics or essence; "her mood changes in accordance with the weather"; "The supermarket's selection of vegetables varies according to the season" -02362569 __taguan_NN_1 East Indian flying squirrel -05256862 __hairstyle_NN_1 the arrangement of the hair (especially a woman's hair) -04838210 __nerve_NN_3 impudent aggressiveness; "I couldn't believe her boldness"; "he had the effrontery to question my honesty" -00431552 __pursuit_NN_4 a diversion that occupies one's time and thoughts (usually pleasantly); "sailing is her favorite pastime"; "his main pastime is gambling"; "he counts reading among his interests"; "they criticized the boy for his limited pursuits" -01571904 __oriole_NN_2 American songbird; male is black and orange or yellow -05027837 __ponderousness_NN_2 the property of being large in mass -05147940 __productivity_NN_1 the quality of being productive or having the power to produce -06714288 __correction_NN_4 a rebuke for making a mistake -12903250 __genus_datura_NN_1 thorn apple -02528949 __gonorhynchidae_NN_1 coextensive with the genus Gonorhynchus -00313171 __weed_VB_1 clear of weeds; "weed the garden" -05652593 __will_NN_1 the capability of conscious choice and decision and intention; "the exercise of their volition we construe as revolt"- George Meredith -01186192 __affirmation_NN_4 a judgment by a higher court that the judgment of a lower court was correct and should stand -06462219 __talmudic_literature_NN_1 (Judaism) ancient rabbinical writings -12901264 __sweet_pepper_plant_NN_1 plant bearing large mild thick-walled usually bell-shaped fruits; the principal salad peppers -05412242 __rh_NN_3 any of several hormones produced in the hypothalamus and carried by a vein to the anterior pituitary gland where they stimulate the release of anterior pituitary hormones; each of these hormones causes the anterior pituitary to secrete a specific hormone -00747215 __smut_NN_5 creative activity (writing or pictures or films etc.) of no literary or artistic value other than to stimulate sexual desire -03673971 __tie-in_NN_1 a fastener that serves to join or connect; "the walls are held together with metal links placed in the wet mortar during construction" -12469372 __paris_NN_2 sometimes placed in subfamily Trilliaceae -01934554 __unreal_JJ_1 lacking in reality or substance or genuineness; not corresponding to acknowledged facts or criteria; "ghosts and other unreal entities"; "unreal propaganda serving as news" -05047279 __priority_NN_2 preceding in time -02079170 __phocidae_NN_1 earless seals -02408429 __water_ox_NN_1 an Asian buffalo that is often domesticated for use as a draft animal -02070430 __porpoise_NN_1 any of several small gregarious cetacean mammals having a blunt snout and many teeth -01930874 __drive_VB_1 operate or control a vehicle; "drive a car or bus"; "Can you drive this four-wheel truck?" -00043683 __primp_VB_1 dress or groom with elaborate care; "She likes to dress when going to the opera" -04085873 __stone_facing_NN_1 a facing (usually masonry) that supports an embankment -05229622 __fibre_NN_2 any of several elongated, threadlike cells (especially a muscle fiber or a nerve fiber) -10078131 __fancier_NN_1 a person having a strong liking for something -12380926 __genus_xylosma_NN_1 genus of tropical American and Asiatic spiny evergreen trees and shrubs -08418420 __full_service_bank_NN_1 a financial institution that accepts demand deposits and makes loans and provides other services for the public -01563746 __kinglet_NN_1 small birds resembling warblers but having some of the habits of titmice -08543496 __municipal_center_NN_1 the center of a city -01397707 __strong-arm_VB_3 use physical force against; "They strong-armed me when I left the restaurant" -09009372 __perm_NN_1 a city in the European part of Russia -14001728 __reliance_NN_2 the state of relying on something -05050115 __presentness_NN_1 the quality of being the present; "a study of the pastness of the present and...of the presentness of the past"- R.E.Spiller -00680145 __prepossess_VB_4 influence (somebody's) opinion in advance -04190464 __shell_NN_1 ammunition consisting of a cylindrical metal casing containing an explosive charge and a projectile; fired from a large gun -02027730 __tringa_NN_1 a genus of Scolopacidae -12404484 __genus_cecropia_NN_1 large genus of tropical American trees that yield a bast fiber used for cordage and bark used in tanning; milky juice yields caoutchouc -01674717 __plait_VB_1 make by braiding or interlacing; "lace a tablecloth" -09146111 __san_antonio_NN_1 a city of south central Texas; site of the Alamo; site of several military bases and a popular haven for vacationers -03345837 __fire_extinguisher_NN_1 a manually operated device for extinguishing small fires -02308325 __hyphantria_NN_1 fall webworms -14562324 __ruination_NN_1 an irrecoverable state of devastation and destruction; "you have brought ruin on this entire family" -00727791 __credit_VB_2 ascribe an achievement to; "She was not properly credited in the program" -08514865 __fence_line_NN_1 a boundary line created by a fence -02897524 __anatomical_JJ_1 of or relating to the structure of the body; "anatomical features" -09682122 __yid_NN_1 (ethnic slur) offensive term for a Jew -02371647 __uintatheriidae_NN_1 an extinct family of Dinocerata -04458409 __totem_NN_2 emblem consisting of an object such as an animal or plant; serves as the symbol of a family or clan (especially among American Indians) -10586265 __shanghaier_NN_1 a kidnapper who drugs men and takes them for compulsory service aboard a ship -04145735 __shlock_NN_1 merchandise that is shoddy or inferior -13582013 __number_NN_2 a concept of quantity involving zero and units; "every number has a unique position in the sequence" -01418037 __cream_VB_1 make creamy by beating; "Cream the butter" -07533257 __sombreness_NN_2 a feeling of melancholy apprehension -12561309 __pisum_sativum_arvense_NN_1 variety of pea plant native to the Mediterranean region and North Africa and widely grown especially for forage -01845627 __family_anatidae_NN_1 swimming birds having heavy short-legged bodies and bills with a horny tip: swans; geese; ducks -07222823 __telling_NN_1 an act of narration; "he was the hero according to his own relation"; "his endless recounting of the incident eventually became unbearable" -08924238 __yokohama_NN_1 port city on southeastern Honshu in central Japan -05754519 __introjection_NN_1 (psychoanalysis) the internalization of the parent figures and their values; leads to the formation of the superego -07370270 __fall_NN_7 a movement downward; "the rise and fall of the tides" -12728322 __snap_willow_NN_1 large willow tree with stiff branches that are easily broken -14006179 __stillness_NN_3 a state of no motion or movement; "the utter motionlessness of a marble statue" -00331514 __pound_VB_8 break down and crush by beating, as with a pestle; "pound the roots with a heavy flat stone" -00710338 __shiatsu_NN_1 treatment of symptoms by applying pressure with the fingers to specific pressure points on the body -00243124 __unite_VB_6 join or combine; "We merged our resources" -11347080 __townsend_NN_1 United States social reformer who proposed an old-age pension sponsored by the federal government; his plan was a precursor to Social Security (1867-1960) -07812497 __peppermint_oil_NN_1 oil from the peppermint plant used as flavoring -02673637 __angiotensin-converting_enzyme_inhibitor_NN_1 an antihypertensive drug that blocks the formation of angiotensin II in the kidney, leading to relaxation of the arteries; promotes the excretion of salt and water by inhibiting the activity of the angiotensin converting enzyme; also used to treat congestive heart failure -04367480 __swob_NN_1 cleaning implement consisting of absorbent material fastened to a handle; for cleaning floors -09240621 __chemical_chain_NN_1 (chemistry) a series of linked atoms (generally in an organic molecule) -05097845 __lowness_NN_4 a low or small degree of any quality (amount or force or temperature etc.); "he took advantage of the lowness of interest rates" -00267855 __turn_down_VB_5 make lower or quieter; "turn down the volume of a radio" -08157809 __saxe-coburg-gotha_NN_1 the name of the royal family that ruled Great Britain from 1901-1917; the name was changed to Windsor in 1917 in response to anti-German feelings in World War I -09025189 __barcelona_NN_1 a city in northeastern Spain on the Mediterranean; 2nd largest Spanish city and the largest port and commercial center; has been a center for radical political beliefs -10106752 __foster_parent_NN_1 a person who acts as parent and guardian for a child in place of the child's natural parents but without legally adopting the child -01528087 __motacillidae_NN_1 pipits and wagtails -07299569 __error_NN_6 (computer science) the occurrence of an incorrect result produced by a computer -08355791 __us_government_NN_1 the executive and legislative and judicial branches of the federal government of the United States -01892271 __genus_blarina_NN_1 shrews -05550688 __serratus_posterior_NN_1 skeletal muscle that draws the rib cage backward and downward -00233980 __honorable_discharge_NN_1 a discharge from the armed forces with a commendable record -07754279 __yellow_granadilla_NN_2 the edible yellow fruit of the Jamaica honeysuckle -00034574 __kindness_NN_3 a kind act -05872742 __rudiment_NN_1 the elementary stages of any subject (usually plural); "he mastered only the rudiments of geometry" -07131854 __articulation_NN_1 the aspect of pronunciation that involves bringing articulatory organs together so as to shape the sounds of speech -12241699 __menziesia_NN_1 deciduous shrubs of North America and eastern Asia -03171228 __defense_system_NN_1 the weaponry available for the defense of a region -01640207 __make_VB_9 create by artistic means; "create a poem"; "Schoenberg created twelve-tone music"; "Picasso created Cubism"; "Auden made verses" -01308008 __strike_VB_19 the coup d'etat by the Bolsheviks under Lenin in November 1917 that led to a period of civil war which ended in victory for the Bolsheviks in 1922 smooth with a strickle; "strickle the grain in the measure" -10334957 __mounter_NN_2 someone who ascends on foot; "a solitary mounter of the staircase" -05519820 __endometrium_NN_1 (pregnancy) the mucous membrane that lines the uterus; thickens under hormonal control and (if pregnancy does not occur) is shed in menstruation; if pregnancy occurs it is shed along with the placenta at parturition -12727518 __salix_caprea_NN_1 much-branched Old World willow having large catkins and relatively large broad leaves -10711483 __timer_NN_2 (sports) an official who keeps track of the time elapsed -02752931 __supplement_VB_2 serve as a supplement to; "Vitamins supplemented his meager diet" -05895138 __sophistry_NN_1 a deliberately invalid argument displaying ingenuity in reasoning in the hope of deceiving someone -12397864 __hops_NN_1 twining perennials having cordate leaves and flowers arranged in conelike spikes; the dried flowers of this plant are used in brewing to add the characteristic bitter taste to beer -04341414 __structural_member_NN_1 support that is a constituent part of any structure or building -13331634 __figure_NN_7 an amount of money expressed numerically; "a figure of $17 was suggested" -04257790 __solar_panel_NN_1 electrical device consisting of a large array of connected solar cells -02469588 __primates_NN_1 an animal order including lemurs and tarsiers and monkeys and apes and human beings -10479493 __procuress_NN_1 a woman pimp -07423365 __twist_NN_1 an unforeseen development; "events suddenly took an awkward turn" -04947628 __slipperiness_NN_1 a slippery smoothness; "he could feel the slickness of the tiller" -06434368 __ruth_NN_4 a book of the Old Testament that tells the story of Ruth who was not an Israelite but who married an Israelite and who stayed with her mother-in-law Naomi after her husband died -10200365 __impersonator_NN_1 someone who (fraudulently) assumes the appearance of another -04166841 __sedative-hypnotic_drug_NN_1 a sedative that depresses activity of the central nervous system and reduces anxiety and induces sleep -11817914 __chickweed_NN_1 any of various plants of the genus Stellaria -03502331 __veil_NN_1 a garment that covers the head and face -02820798 __snake_pit_NN_2 pejorative terms for an insane asylum -10584318 __sewer_NN_2 someone who sews; "a sewer of fine gowns" -05715150 __pong_NN_1 an unpleasant smell -06256229 __leaf_NN_2 a sheet of any written or printed material (especially in a manuscript or book) -13171041 __sticherus_NN_1 umbrella ferns; warm regions of Australia and New Zealand -09884815 __butter_NN_2 a fighter who strikes the opponent with his head -06196584 __tendency_NN_1 an attitude of mind especially one that favors one alternative over others; "he had an inclination to give up too easily"; "a tendency to be too strict" -02160552 __radiate_VB_5 cause to be seen by emitting light as if in rays; "The sun is radiating" -07448232 __bunfight_NN_1 (Briticism) a grand formal party on an important occasion -00579564 __service_NN_11 (law) the acts performed by an English feudal tenant for the benefit of his lord which formed the consideration for the property granted to him -07040939 __solo_NN_2 a musical composition for one voice or instrument (with or without accompaniment) -09306031 __housatonic_river_NN_1 a river that rises in western Massachusetts and flows south through Connecticut to empty into Long Island Sound -00763282 __chemical_terrorism_NN_1 terrorism using the chemical agents of chemical warfare; can undermine the personal security of citizens; "a good agent for chemical terrorism should be colorless and odorless and inexpensive and readily available and not detectable until symptoms are experienced" -02603699 __exist_VB_1 have an existence, be extant; "Is there a God?" -08762243 __alborg_NN_1 a city and port in northern Jutland -02424305 __kudu_NN_1 either of two spiral-horned antelopes of the African bush -01135952 __disposal_NN_2 a method of tending to or managing the affairs of a some group of people (especially the group's business affairs) -01822936 __care_VB_1 feel concern or interest; "I really care about my work"; "I don't care" -14756039 __animal_pigment_NN_1 pigment occurring in animals -12633386 __malus_NN_1 apple trees; found throughout temperate zones of the northern hemisphere -11707109 __genus_sassafras_NN_1 a genus of sassafras -09721244 __luxemburger_NN_1 a native or inhabitant of Luxembourg -00011982 __quack_VB_2 act as a medical quack or a charlatan -00289175 __trudge_NN_1 a long difficult walk -01828714 __meropidae_NN_1 bee-eaters -02614288 __genus_chaenopsis_NN_1 a genus of fish of the family Clinidae including pikeblennies -00727573 __personify_VB_3 attribute human qualities to something; "The Greeks personated their gods ridiculous" -06436183 __ezra_NN_2 an Old Testament book telling of a rabbi's efforts in the 5th century BC to reconstitute Jewish law and worship in Jerusalem after the Babylonian Captivity -00475183 __sublimate_VB_3 remove impurities from, increase the concentration of, and separate through the process of distillation; "purify the water" -12484784 __water_shamrock_NN_1 perennial plant of Europe and America having racemes of white or purplish flowers and intensely bitter trifoliate leaves; often rooting at water margin and spreading across the surface -11603045 __genus_encephalartos_NN_1 genus of arborescent African cycads; sometimes classified in family Cycadaceae -12065316 __fringed_orchis_NN_1 any of several summer-flowering American orchids distinguished by a fringed or lacerated lip -00334803 __run_VB_40 come unraveled or undone as if by snagging; "Her nylons were running" -01728355 __play_along_VB_2 perform an accompaniment to; "The orchestra could barely follow the frequent pitch changes of the soprano" -03467984 __gun_NN_1 a weapon that discharges a missile at high velocity (especially from a metal tube or barrel) -12426100 __lilium_NN_1 type genus of Liliaceae -01119169 __attack_VB_1 launch an attack or assault on; begin hostilities or start warfare with; "Hitler attacked Poland on September 1, 1939 and started World War II"; "Serbian forces assailed Bosnian towns all week" -01052372 __orientation_NN_1 the act of orienting -14195315 __anemia_NN_1 a deficiency of red blood cells -11807108 __mouse_eared_chickweed_NN_1 any of various plants related to the common chickweed -03665924 __lightbulb_NN_1 electric lamp consisting of a transparent or translucent glass housing containing a wire filament (usually tungsten) that emits light when heated by electricity -01928737 __pogonophora_NN_1 beard worms -00438065 __acrobatic_stunt_NN_1 a stunt performed by an acrobat -12322887 __thymelaeales_NN_1 Myrtaceae; Combretaceae; Elaeagnaceae; Haloragidaceae; Melastomaceae; Lecythidaceae; Lythraceae; Rhizophoraceae; Onagraceae; Lecythidaceae; Punicaceae -09278295 __fallow_NN_1 cultivated land that is not seeded for one or more growing seasons -01546921 __tyrannid_NN_1 a passerine bird of the suborder Tyranni -00634906 __work_out_VB_7 find the solution to (a problem or question) or understand the meaning of; "did you solve the problem?"; "Work out your problems with the boss"; "this unpleasant situation isn't going to work itself out"; "did you get it?"; "Did you get my meaning?"; "He could not work the math problem" -05481095 __encephalon_NN_1 that part of the central nervous system that includes all the higher nervous centers; enclosed within the skull; continuous with the spinal cord -04718999 __handiness_NN_2 the quality of being at hand when needed -11579418 __asterid_dicot_genus_NN_1 genus of more or less advanced dicotyledonous herbs and some trees and shrubs -07721678 __jalapeno_pepper_NN_1 hot green or red pepper of southwestern United States and Mexico -12078596 __plectorrhiza_NN_1 small genus of Australian orchids -04691178 __disfigurement_NN_1 an appearance that has been spoiled or is misshapen; "there were distinguishing disfigurements on the suspect's back"; "suffering from facial disfiguration" -05200816 __interoperability_NN_1 (computer science) the ability to exchange and use information (usually in a large heterogeneous network made up of several local area networks) -09667205 __redskin_NN_1 (slang) offensive term for Native Americans -00829761 __induct_VB_5 introduce or initiate; "The young geisha was inducted into the ways of her profession" -01652583 __microhylidae_NN_1 narrow-mouthed toads and sheep frogs; some burrow and some are arboreal; found worldwide -11566230 __asterid_dicot_family_NN_1 family of more or less advanced dicotyledonous herbs and some trees and shrubs -09263087 __danube_river_NN_1 the 2nd longest European river (after the Volga); flows from southwestern Germany to the Black Sea; "Vienna, Budapest, and Belgrade are on the banks of the Danube" -07184545 __fracas_NN_1 noisy quarrel -10495756 __thruster_NN_1 one who intrudes or pushes himself forward -00169806 __modify_VB_1 make less severe or harsh or extreme; "please modify this letter to make it more polite"; "he modified his views on same-gender marriage" -01894649 __dance_VB_1 move in a graceful and rhythmical way; "The young girl danced into the room" -09110784 __carson_city_NN_1 capital of the state of Nevada; located in western Nevada -09780395 __air_attache_NN_1 a military attache who is a commissioned or warrant officer in an air force -05432948 __cytoplasm_NN_1 the protoplasm of a cell excluding the nucleus; is full of proteins that control cell metabolism -01492212 __mustelus_NN_1 smooth dogfishes -01167981 __dine_VB_1 have supper; eat dinner; "We often dine with friends in this restaurant" -15272029 __wait_NN_1 time during which some action is awaited; "instant replay caused too long a delay"; "he ordered a hold in the action" -09622302 __lover_NN_1 a person who loves someone or is loved by someone -03399971 __fruit_machine_NN_1 a coin-operated gambling machine that produces random combinations of symbols (usually pictures of different fruits) on rotating dials; certain combinations win money for the player -12896615 __wonderberry_NN_1 improved garden variety of black nightshade having small edible orange or black berries -01320009 __reap_VB_1 gather, as of natural products; "harvest the grapes" -07296190 __recurrent_event_NN_1 an event that recurs at intervals -01295918 __spotsylvania_NN_2 a battle between the armies of Grant and Lee during the Wilderness Campaign -01254978 __intonation_NN_2 singing by a soloist of the opening piece of plainsong -03020927 __chisholm_trail_NN_1 a former cattle trail from San Antonio in Texas to Abilene in Kansas; not used after the 1880s -01066163 __holdup_NN_2 the act of delaying; inactivity resulting in something being put off until a later time -11940915 __swampy_beggar-ticks_NN_1 bur marigold of eastern and northern United States and Canada common in wet pastures and meadows -03013580 __teddy_NN_2 a woman's sleeveless undergarment -00844298 __complain_VB_2 make a formal accusation; bring a formal charge; "The plaintiff's lawyer complained that he defendant had physically abused his client" -00190115 __cognizant_JJ_1 (sometimes followed by `of') having or showing knowledge or understanding or realization or perception; "was aware of his opponent's hostility"; "became aware of her surroundings"; "aware that he had exceeded the speed limit" -08728462 __shenyang_NN_1 a city in northeastern China -01069311 __mortification_NN_4 (Christianity) the act of mortifying the lusts of the flesh by self-denial and privation (especially by bodily pain or discomfort inflicted on yourself) -05593871 __metacarpus_NN_1 the part of the hand between the carpus and phalanges -01318478 __migrator_NN_2 an animal (especially birds and fish) that travels between different habitats at particular times of the year -06972090 __indo-aryan_NN_1 a branch of the Indo-Iranian family of languages -01824751 __impotent_JJ_1 lacking power or ability; "Technology without morality is barbarous; morality without technology is impotent"- Freeman J.Dyson; "felt impotent rage" -07848338 __butter_NN_1 an edible emulsion of fat globules made by churning milk or cream; for cooking and table use -08563180 __eastern_united_states_NN_1 the region of the United States lying to the north of the Ohio River and to the east of the Mississippi River -12199564 __terrietia_NN_1 small genus of timber trees of eastern Asia, Australasia and tropical Africa that form large buttresses -01231980 __concentration_NN_6 bringing together military forces stab or kill someone with a bayonet -08386555 __elite_group_NN_1 a group or class of persons enjoying superior intellectual or social or economic status -14222112 __acne_NN_1 an inflammatory disease involving the sebaceous glands of the skin; characterized by papules or pustules or comedones -02122164 __smart_VB_1 be the source of pain -09297423 __gulf_of_bothnia_NN_1 a northern arm of the Baltic Sea; between Sweden and Finland -10241300 __manual_laborer_NN_1 someone who works with their hands; someone engaged in manual labor -08397255 __troops_NN_1 soldiers collectively -00471711 __get_rid_of_VB_2 terminate, end, or take out; "Let's eliminate the course on Akkadian hieroglyphics"; "Socialism extinguished these archaic customs"; "eliminate my debts" -08903872 __mumbai_NN_1 a city in western India just off the coast of the Arabian Sea; India's 2nd largest city (after Calcutta); has the only natural deep-water harbor in western India -08228538 __bookclub_NN_1 a club that people join in order to buy selected books at reduced prices -05447757 __formative_cell_NN_1 a cell of an embryo -00060833 __emasculate_VB_2 remove the testicles of a male animal -00334996 __break_VB_5 destroy the integrity of; usually by force; cause to separate into pieces or fragments; "He broke the glass plate"; "She broke the match" -03457793 __greengrocery_NN_1 groceries sold by a greengrocer -05115804 __richness_NN_1 the property of being extremely abundant; "the profusion of detail"; "the idiomatic richness of English" -07961016 __lump_NN_1 a compact mass; "a ball of mud caught him on the shoulder" -05032351 __sand_NN_3 fortitude and determination; "he didn't have the guts to try it" -01480336 __class_chondrichthyes_NN_1 cartilaginous fishes -08856475 __recife_NN_1 a port city of northeastern Brazil on the Atlantic -09032191 __swiss_canton_NN_1 one of the cantons of Switzerland -14480772 __solidness_NN_1 the state in which a substance has no tendency to flow under moderate stress; resists forces (such as compression) that tend to deform it; and retains a definite size and shape -12109719 __genus_avena_NN_1 oats -02277094 __red-spotted_purple_NN_1 similar to the banded purple but with red spots on underwing surfaces -00263947 __mottling_NN_1 the act of coloring with areas of different shades -00383390 __opening_NN_3 becoming open or being made open; "the opening of his arms was the sign I was waiting for" -15041277 __silicon_oxide_NN_1 a white or colorless vitreous insoluble solid (SiO2); various forms occur widely in the earth's crust as quartz or cristobalite or tridymite or lechatelierite -11822167 __tetragonia_NN_1 New Zealand spinach -00758175 __superbia_NN_1 unreasonable and inordinate self-esteem (personified as one of the deadly sins) -13369857 __pool_NN_5 any communal combination of funds; "everyone contributed to the pool" -10427658 __phrygian_NN_1 a native or inhabitant of Phrygia -07904934 __ouzo_NN_1 a Greek liquor flavored with anise -03924407 __photocathode_NN_1 a cathode that emits electrons when illuminated -04684358 __resplendency_NN_1 brilliant radiant beauty; "the glory of the sunrise" -00754424 __cheating_NN_1 a deception for profit to yourself -10864635 __lord_britten_of_aldeburgh_NN_1 major English composer of the 20th century; noted for his operas (1913-1976) -05805277 __prospicience_NN_1 seeing ahead; knowing in advance; foreseeing -07667326 __cut_of_lamb_NN_1 cut of meat from a lamb -08924023 __osaka_NN_1 port city on southern Honshu on Osaka Bay; a commercial and industrial center of Japan -10440717 __theatregoer_NN_1 someone who attends the theater -14287408 __bite_NN_1 a wound resulting from biting by an animal or a person -02552171 __spiny-finned_fish_NN_1 a teleost fish with fins that are supported by sharp inflexible rays -04605726 __wrapping_NN_1 the covering (usually paper or cellophane) in which something is wrapped -00572043 __slicing_NN_1 a golf shot that curves to the right for a right-handed golfer; "he took lessons to cure his slicing" -00500055 __urbanize_VB_2 impart urban habits, ways of life, or responsibilities upon; "Birds are being urbanized by people in outdoor cafes feeding them" -01316949 __work_animal_NN_1 an animal trained for and used for heavy labor -13804669 __aspect_NN_4 the beginning or duration or completion or repetition of the action of a verb -01034925 __sacrament_NN_1 a formal religious ceremony conferring a specific grace on those who receive it; the two Protestant ceremonies are baptism and the Lord's Supper; in the Roman Catholic Church and the Eastern Orthodox Church there are seven traditional rites accepted as instituted by Jesus: baptism and confirmation and Holy Eucharist and penance and holy orders and matrimony and extreme unction -09759501 __academician_NN_1 someone elected to honorary membership in an academy -09756195 __abhorrer_NN_1 a signer of a 1679 address to Charles II in which those who petitioned for the reconvening of parliament were condemned and abhorred -03963645 __playground_NN_2 yard consisting of an outdoor area for children's play -06554981 __attachment_NN_3 a writ authorizing the seizure of property that may be needed for the payment of a judgment in a judicial proceeding -01105909 __trucking_NN_1 the activity of transporting goods by truck -07315631 __apocalypse_NN_1 a cosmic cataclysm in which God destroys the ruling powers of evil -08814474 __capital_of_romania_NN_1 national capital and largest city of Romania in southeastern Romania -00958880 __faithful_JJ_1 steadfast in affection or allegiance; "years of faithful service"; "faithful employees"; "we do not doubt that England has a faithful patriot in the Lord Chancellor" -01261974 __stimulation_NN_1 the act of arousing an organism to action -13042514 __family_clathraceae_NN_1 family of fleshy fungi resembling stinkhorns -12063066 __glossodia_NN_1 small genus of Australian orchids -01610666 __break_VB_38 exchange for smaller units of money; "I had to break a $100 bill just to buy the candy" -07000195 __graphical_record_NN_1 a visual representation of the relations between certain quantities plotted with reference to a set of axes -01959111 __unregistered_JJ_1 (of animals) not recorded with or certified by an official breed association; "unregistered dairy cattle" -04706087 __conspicuousness_NN_2 high visibility -10674713 __sumo_wrestler_NN_1 a wrestler who participates in sumo (a Japanese form of wrestling); "sumo wrestlers are large heavy men" -01902783 __float_VB_1 be in motion due to some air or water current; "The leaves were blowing in the wind"; "the boat drifted on the lake"; "The sailboat was adrift on the open sea"; "the shipwrecked boat drifted away from the shore" -09100223 __ann_arbor_NN_1 a city in southern Michigan near Detroit; site of the University of Michigan -08518940 __watershed_NN_2 the entire geographical area drained by a river and its tributaries; an area characterized by all runoff being conveyed to the same outlet; "flood control in the Missouri basin" -00901316 __x-raying_NN_1 obtaining images by the use of X rays -01609549 __genus_circus_NN_1 a genus of haws comprising the harriers -08960987 __luxemburg_NN_2 a grand duchy (a constitutional monarchy) landlocked in northwestern Europe between France and Belgium and Germany; an international financial center -06573600 __compiling_program_NN_1 (computer science) a program that decodes instructions written in a higher order language and produces an assembly language program -06249177 __strategy_NN_2 the branch of military science dealing with military command and the planning and conduct of a war -00589318 __bailiffship_NN_1 the office of bailiff -07636534 __macaroon_NN_1 chewy cookie usually containing almond paste -00743641 __prodigality_NN_2 excessive spending -10400618 __parliamentary_agent_NN_1 a person who is employed to look after the affairs of businesses that are affected by legislation of the British Parliament -00745431 __abomination_NN_3 an action that is vicious or vile; an action that arouses disgust or abhorrence; "his treatment of the children is an abomination" -06511874 __resolve_NN_2 a formal expression by a meeting; agreed to by a vote -06449095 __king_james_version_NN_1 an English translation of the Bible published in 1611 -02044358 __stercorarius_NN_1 type genus of the Stercorariidae: jaegers -01926090 __fasciolidae_NN_1 a family of Trematoda -07883860 __chaser_NN_2 a drink to follow immediately after another drink -12618336 __zosteraceae_NN_1 used in some classifications: essentially equivalent to Potamogetonaceae -11075823 __old_hickory_NN_1 7th president of the US; successfully defended New Orleans from the British in 1815; expanded the power of the presidency (1767-1845) -00813044 __turn_over_VB_9 think about carefully; weigh; "They considered the possibility of a strike"; "Turn the proposal over in your mind" -12313005 __subclass_hamamelidae_NN_1 a group of chiefly woody plants considered among the most primitive of angiosperms; perianth poorly developed or lacking; flowers often unisexual and often in catkins and often wind pollinated; contains 23 families including the Betulaceae and Fagaceae (includes the Amentiferae); sometimes classified as a superorder -00701040 __shape_VB_1 shape or influence; give direction to; "experience often determines ability"; "mold public opinion" -08943601 __midi_NN_1 the southern part of France -08771841 __hameln_NN_1 a town in northern Germany (near Hanover) that is famous as the setting for the legend of the Pied Piper -01571744 __scrag_VB_1 strangle with an iron collar; "people were garrotted during the Inquisition in Spain" -07797641 __scollop_NN_1 edible muscle of mollusks having fan-shaped shells; served broiled or poached or in salads or cream sauces -01389507 __protozoon_NN_1 any of diverse minute acellular or unicellular organisms usually nonphotosynthetic -02812201 __battlewagon_NN_1 large and heavily armoured warship -15008847 __seawater_NN_1 water containing salts; "the water in the ocean is all saltwater" -02301502 __pay_out_VB_1 expend, as from a fund -05092635 __exceedance_NN_1 (geology) the probability that an earthquake will generate a level of ground motion that exceeds a specified reference level during a given exposure time; "the concept of exceedance can be applied to any type of environmental risk modeling" -00482893 __reconcile_VB_1 make (one thing) compatible with (another); "The scientists had to accommodate the new results with the existing theories" -10660128 __store_detective_NN_1 a private detective employed by a merchant to stop pilferage -07757132 __cherry_NN_3 a red fruit with a single hard stone -00597728 __priorship_NN_1 the office of prior -12617384 __triglochin_NN_1 perennial or annual bog or marsh plants; includes arrow grass -02307547 __tax_VB_1 levy a tax on; "The State taxes alcohol heavily"; "Clothing is not taxed in our state" -02243461 __remainder_VB_1 sell cheaply as remainders; "The publisher remaindered the books" -02031934 __snipe_NN_1 Old or New World straight-billed game bird of the sandpiper family; of marshy areas; similar to the woodcocks -10035952 __junky_NN_1 a narcotics addict -11921395 __pearly_everlasting_NN_1 an American everlasting having foliage with soft wooly hairs and corymbose heads with pearly white bracts -00145623 __round_out_VB_3 express as a round number; "round off the amount" -12653218 __bramble_bush_NN_1 any prickly shrub of the genus Rubus bearing edible aggregate fruits -03563967 __implement_NN_1 instrumentation (a piece of equipment or tool) used to effect an end -02956500 __capitol_building_NN_1 the government building in Washington where the United States Senate and the House of Representatives meet -12490330 __genus_acrocarpus_NN_1 small genus of trees of Indonesia and Malaysia -08246613 __musical_organization_NN_1 an organization of musicians who perform together -14923458 __iron_ore_NN_1 an ore from which iron can be extracted -12215373 __genus_banksia_NN_1 important genus of Australian evergreen shrubs or trees with alternate leathery leaves and yellowish flowers -03209141 __disk_cache_NN_1 a cache that stores copies of frequently used disk sectors in random access memory (RAM) so they can be read without accessing the slower disk -01446589 __cyprinodont_NN_1 any member of the family Cyprinodontidae -09705287 __ewe_NN_1 a member of a people living in southern Benin and Togo and southeastern Ghana -01161635 __detention_NN_2 a punishment in which a student must stay at school after others have gone home; "the detention of tardy pupils" extremely harmful; bringing physical or financial ruin; "a catastrophic depression"; "catastrophic illness"; "a ruinous course of action" -02446660 __minister_VB_2 work as a minister; "She is ministering in an old parish" -02801823 __basinet_NN_1 a medieval steel helmet -00839292 __shock_NN_3 a reflex response to the passage of electric current through the body; "subjects received a small electric shock when they made the wrong response"; "electricians get accustomed to occasional shocks" -15022776 __coagulation_factor_NN_1 any of the factors in the blood whose actions are essential for blood coagulation -02436813 __family_camelidae_NN_1 camels and llamas and vicunas -00342565 __feathering_NN_1 turning an oar parallel to the water between pulls -09722658 __mexican_NN_1 a native or inhabitant of Mexico -00273963 __rust_VB_1 become destroyed by water, air, or a corrosive such as an acid; "The metal corroded"; "The pipes rusted" -08799123 __judah_NN_2 an ancient kingdom of southern Palestine with Jerusalem as its center -03430091 __gauze_bandage_NN_1 (medicine) bleached cotton cloth of plain weave used for bandages and dressings -09984659 __customer_NN_1 someone who pays for goods or services -08436759 __vegetation_NN_1 all the plant life in a particular region or period; "Pleistocene vegetation"; "the flora of southern California"; "the botany of China" -09874260 __suborner_NN_1 someone who pays (or otherwise incites) you to commit a wrongful act -01116466 __thermogravimetry_NN_1 the measurement of changes in weight as a function of changes in temperature used as a technique of chemically analyzing substances -06713930 __talking_to_NN_1 a lengthy rebuke; "a good lecture was my father's idea of discipline"; "the teacher gave him a talking to" -01880570 __genus_bettongia_NN_1 jerboa kangaroo -00776262 __graft_NN_2 the practice of offering something (usually money) in order to gain an illicit advantage -09753792 __pisces_NN_2 (astrology) a person who is born while the sun is in Pisces -01578513 __soak_VB_1 submerge in a liquid; "I soaked in the hot tub for an hour" -11735822 __isopyrum_NN_1 tufted perennial herbs of northern hemisphere -12438977 __genus_amianthum_NN_1 one species: fly poison; sometimes placed in family Melanthiaceae -04365751 __surveyor's_level_NN_1 surveying instrument consisting basically of a small telescope with an attached spirit level rotating around a vertical axis; for measuring relative heights of land -00688768 __rethink_VB_1 change one's mind; "He rethought his decision to take a vacation" -09073697 __miami_NN_2 a city and resort in southeastern Florida on Biscayne Bay; the best known city in Florida; a haven for retirees and a refuge for Cubans fleeing Castro -08101937 __stock_NN_6 the descendants of one individual; "his entire lineage has been warriors" -00439749 __flip-flop_NN_4 a backward somersault -06672752 __object_lesson_NN_1 punishment intended as a warning to others; "they decided to make an example of him" -06880664 __emblem_NN_2 a visible symbol representing an abstract idea -11488387 __ocean_current_NN_1 the steady flow of surface ocean water in a prevailing direction -12717644 __wild_mango_tree_NN_1 African tree with edible yellow fruit resembling mangos; valued for its oil-rich seed and hardy green wood that resists termites -07690019 __hotdog_bun_NN_1 a long bun shaped to hold a frankfurter -10743124 __utilizer_NN_1 someone who puts to good use; "not all organisms are utilizers of oxygen"; "the social agencies and their utilizers both objected to the budget cut" -09692915 __herero_NN_1 a member of a pastoral Bantu people living in Namibia, Botswana, and Angola -02391994 __rhinoceros_NN_1 massive powerful herbivorous odd-toed ungulate of southeast Asia and Africa having very thick skin and one or two horns on the snout -05199286 __effectualness_NN_1 power to be effective; the quality of being able to bring about an effect -11899027 __thysanocarpus_NN_1 small genus of herbs of upland regions of the Pacific coast of North America -10342770 __muzjik_NN_1 a Russian peasant (especially prior to 1917) -06951067 __yiddish_NN_1 a dialect of High German including some Hebrew and other words; spoken in Europe as a vernacular by many Jews; written in the Hebrew script -09217230 __beach_NN_1 an area of sand sloping down to the water of a sea or lake -14624369 __noble_gas_NN_1 any of the chemically inert gaseous elements of the helium group in the periodic table -11722982 __aconite_NN_1 any of various usually poisonous plants of the genus Aconitum having tuberous roots and palmately lobed leaves and blue or white flowers -06808493 __notational_system_NN_1 a technical system of symbols used to represent special things -01901447 __trot_VB_1 run at a moderately swift pace -05602835 __cheek_NN_1 either side of the face below the eyes -02510455 __panda_bear_NN_1 large black-and-white herbivorous mammal of bamboo forests of China and Tibet; in some classifications considered a member of the bear family or of a separate family Ailuropodidae -10410815 __tyke_NN_2 a crude uncouth ill-bred person lacking culture or refinement -12056217 __slipper_orchid_NN_1 any of several chiefly American wildflowers having an inflated pouchlike lip; difficult or impossible to cultivate in the garden -04963740 __dark_red_NN_1 a red color that reflects little light -01388992 __pyrrophyta_NN_1 a division of lower plants comprising unicellular and biflagellate algae that form starchy compounds -01368973 __salmonella_NN_1 rod-shaped Gram-negative enterobacteria; cause typhoid fever and food poisoning; can be used as a bioweapon -05597594 __loins_NN_2 the region of the hips and groin and lower abdomen -01265740 __crumb_VB_1 coat with bread crumbs; "crumb a cutlet" -06172071 __trivium_NN_1 (Middle Ages) an introductory curriculum at a medieval university involving grammar and logic and rhetoric; considered to be a triple way to eloquence -05048301 __conjunction_NN_1 the temporal property of two things happening at the same time; "the interval determining the coincidence gate is adjustable" -12570126 __sophora_NN_1 cosmopolitan genus of trees and shrubs having odd-pinnate leaves and showy flowers; some species placed in genus Podalyria -06817782 __mark_NN_10 a written or printed symbol (as for punctuation); "his answer was just a punctuation mark" -05247369 __renal_corpuscle_NN_1 the capsule that contains Bowman's capsule and a glomerulus at the expanded end of a nephron -01262936 __skin_VB_4 strip the skin off; "pare apples" -08154960 __house_of_hanover_NN_1 the English royal house that reigned from 1714 to 1901 (from George I to Victoria) -03633091 __ladle_NN_1 a spoon-shaped vessel with a long handle; frequently used to transfer liquids from one container to another -07286999 __death_knell_NN_1 an omen of death or destruction -13634784 __potential_unit_NN_1 a measure of the potential energy of a unit charge at a given point in a circuit relative to a reference point (ground) -02035402 __white-headed_stilt_NN_1 stilt of the southwest Pacific including Australia and New Zealand having mostly white plumage but with black wings and nape of neck -06966310 __portuguese_NN_1 the Romance language spoken in Portugal and Brazil -02619165 __gudgeon_NN_1 small spiny-finned fish of coastal or brackish waters having a large head and elongated tapering body having the ventral fins modified as a sucker -08889400 __cork_NN_3 a port city in southern Ireland -11068401 __saddam_hussein_NN_1 Iraqi leader who waged war against Iran; his invasion of Kuwait led to the Gulf War (born in 1937) -00841986 __tell_on_VB_1 give away information about somebody; "He told on his classmate who had cheated on the exam" -03327234 __fencing_NN_1 a barrier that serves to enclose an area -02215790 __fund_VB_5 accumulate a fund for the discharge of a recurrent liability; "fund a medical care plan" -01395531 __subclass_infusoria_NN_1 in some recent classifications, coextensive with the Ciliata: minute organisms found in decomposing infusions of organic matter -02000288 __mislead_VB_1 lead someone in the wrong direction or give someone wrong directions; "The pedestrian misdirected the out-of-town driver" -03372029 __transverse_flute_NN_1 a high-pitched woodwind instrument; a slender tube closed at one end with finger holes on one end and an opening near the closed end across which the breath is blown -09543154 __dybbuk_NN_1 (Jewish folklore) a demon that enters the body of a living person and controls that body's behavior -09638009 __spade_NN_3 (ethnic slur) extremely offensive name for a Black person; "only a Black can call another Black a nigga" -12043248 __genus_orchis_NN_1 type genus of the orchid family; hardy terrestrial orchids of the temperate the northern hemisphere -08020785 __tanzim_NN_1 a terrorist group organized by Yasser Arafat in 1995 as the armed wing of al-Fatah; serves a dual function of violent confrontation with Israel and serves as Arafat's unofficial militia to prevent rival Islamists from usurping leadership -02891188 __brakes_NN_1 a braking device consisting of a combination of interacting parts that work to slow a motor vehicle -01481360 __hang_up_VB_2 cause to be hanging or suspended; "Hang that picture on the wall" -03118539 __equalizer_NN_2 a weight that balances another weight -09504915 __fate_NN_2 the ultimate agency regarded as predetermining the course of events (often personified as a woman); "we are helpless in the face of destiny" -11762237 __leucaena_NN_1 small genus of tropical evergreen trees or shrubs having pods like those of the acacia -09691994 __bangladeshi_NN_1 a native or inhabitant of Bangladesh -00706019 __radium_therapy_NN_1 the use of radium in radiation therapy -05876469 __law_of_partial_pressures_NN_1 (chemistry and physics) law stating that the pressure exerted by a mixture of gases equals the sum of the partial pressures of the gases in the mixture; the pressure of a gas in a mixture equals the pressure it would exert if it occupied the same volume alone at the same temperature -00335814 __upending_NN_1 turning upside down; setting on end break apart or in two, using violence -01802895 __phasianus_NN_1 type genus of the Phasianidae: the typical pheasants -00753472 __sophistication_NN_5 falsification by the use of sophistry; misleading by means of specious fallacies; "he practiced the art of sophistication upon reason" -01987938 __peneidae_NN_1 tropical prawns -08874273 __the_city_NN_1 the part of London situated within the ancient boundaries; the commercial and financial center of London -02048891 __whirl_VB_1 turn in a twisting or spinning motion; "The leaves swirled in the autumn wind" -00780148 __swindle_NN_1 the act of swindling by some fraudulent scheme; "that book is a fraud" -04911420 __formalness_NN_1 a manner that strictly observes all forms and ceremonies; "the formality of his voice made the others pay him close attention" -00251780 __scrubbing_NN_1 the act of cleaning a surface by rubbing it with a brush and soap and water -01156115 __play_VB_29 make bets; "Play the races"; "play the casinos in Trouville" -06448283 __family_bible_NN_1 a large Bible with pages to record marriages and births -07758407 __icaco_NN_2 plum-shaped whitish to almost black fruit used for preserves; tropical American -05984936 __culture_NN_3 all the knowledge and values shared by a society -12458383 __hyacinth_NN_2 any of numerous bulbous perennial herbs -01809321 __whelm_VB_1 overcome, as with emotions or perceptual stimuli -01629276 __salamander_NN_1 any of various typically terrestrial amphibians that resemble lizards and that return to water only to breed -06012513 __trigonometry_NN_1 the mathematics of triangles and trigonometric functions -04433185 __tie_NN_9 a cord (or string or ribbon or wire etc.) with which something is tied; "he needed a tie for the packages" -11780148 __lords-and-ladies_NN_1 common European arum with lanceolate spathe and short purple spadix; emerges in early spring; source of a starch called arum -03199775 __dinette_NN_1 a small area off of a kitchen that is used for dining -01616318 __vulture_NN_1 any of various large diurnal birds of prey having naked heads and weak claws and feeding chiefly on carrion -11769176 __mock_azalia_NN_1 South African shrub having a swollen succulent stem and bearing showy pink and white flowers after the leaves fall; popular as an ornamental in tropics -01236173 __feud_NN_1 a bitter quarrel between two parties -08567072 __enderby_land_NN_1 a region of Antarctica between Queen Maud Land and Wilkes Land; claimed by Australia -02166826 __vedalia_NN_1 native to Australia; introduced elsewhere to control scale insects -01751353 __oxyuranus_NN_1 taipans exalted to an ideal perfection or excellence -10767519 __warehouser_NN_1 a workman who manages or works in a warehouse -07798554 __smelt_NN_1 small cold-water silvery fish; migrate between salt and fresh water -11877283 __kohlrabi_NN_1 plant cultivated for its enlarged fleshy turnip-shaped edible stem -00772253 __public_nudity_NN_1 vulgar and offensive nakedness in a public place -12705013 __milkwort_NN_1 any of various plants of the genus Polygala -10035430 __driver_NN_2 someone who drives animals that pull a vehicle -06256697 __page_NN_1 one side of one leaf (of a book or magazine or newspaper or letter etc.) or the written or pictorial matter it contains -02308741 __kick_in_VB_2 contribute to some cause; "I gave at the office" -00379280 __torch_VB_1 burn maliciously, as by arson; "The madman torched the barns" -01069578 __self-discipline_NN_2 the act of denying yourself; controlling your impulses -00119074 __differentiate_VB_6 become distinct and acquire a different character -02833140 __betting_shop_NN_1 a licensed bookmaker's shop that is not at the race track -07889510 __ale_NN_1 a general name for beer made with a top fermenting yeast; in some of the United States an ale is (by law) a brew of more than 4% alcohol by volume -09752795 __lion_NN_3 (astrology) a person who is born while the sun is in Leo -00118552 __spitting_NN_1 the act of spitting (forcefully expelling saliva) -10062996 __wishful_thinker_NN_1 a person who escapes into a world of fantasy -02601589 __mugil_NN_1 type genus of the Mugilidae: mullets -02284662 __rake_off_VB_1 take money from an illegal transaction -11159214 __marshall_NN_1 United States actor (1914-1998) -01452593 __loud_JJ_1 characterized by or producing sound of great volume or intensity; "a group of loud children"; "loud thunder"; "her voice was too loud"; "loud trombones" -10745770 __valley_girl_NN_1 a girl who grew up in the tract housing in the San Fernando Valley -12530818 __woodwaxen_NN_1 small Eurasian shrub having clusters of yellow flowers that yield a dye; common as a weed in Britain and the United States; sometimes grown as an ornamental -05795460 __reservation_NN_6 something reserved in advance (as a hotel accommodation or a seat on a plane etc.) -07093603 __versification_NN_2 the form or metrical composition of a poem -06593099 __digest_NN_2 something that is compiled (as into a single book or file) -02343816 __sign_over_VB_1 formally assign ownership of; "She signed away her rights" -13968547 __order_NN_3 established customary state (especially of society); "order ruled in the streets"; "law and order" -03640660 __lane_NN_2 a well-defined track or path; for e.g. swimmers or lines of traffic -05555473 __midsection_NN_1 the middle area of the human torso (usually in front); "young American women believe that a bare midriff is fashionable" -08118039 __business_department_NN_1 a division of a business firm -07335097 __wrecking_NN_1 the event of a structure being completely demolished and leveled -07065333 __progressive_rock_NN_1 a style of rock music that emerged in the 1970s; associated with attempts to combine rock with jazz and other forms; intended for listening and not dancing -02323186 __order_lagomorpha_NN_1 rabbits; hares; pikas; formerly considered the suborder Duplicidentata of the order Rodentia -09987927 __dakoit_NN_1 a member of an armed gang of robbers -01360330 __pseudomonadales_NN_1 one of two usually recognized orders of true bacteria; Gram-negative spiral or spherical or rod-shaped bacteria usually motile by polar flagella; some contain photosynthetic pigments -04173698 __spangle_NN_1 adornment consisting of a small piece of shiny material used to decorate clothing -00394813 __mix_VB_1 mix together different elements; "The colors blend well" -02776631 __bakeshop_NN_1 a workplace where baked goods (breads and cakes and pastries) are produced or sold -11899595 __vesicaria_NN_1 small genus of chiefly Mediterranean herbs: bladderpods -02136285 __genus_cryptoprocta_NN_1 large primitive cat-like carnivores inhabiting forests of Madagascar -04704675 __faintness_NN_5 the quality of being dim or lacking contrast -07744057 __mountain_cranberry_NN_2 tart red berries similar to American cranberries but smaller -02639075 __tarry_VB_1 be about; "The high school students like to loiter in the Central Square"; "Who is this man that is hanging around the department?" -12219289 __needlebush_NN_1 shrub with pungent rigid needle-shaped leaves and white flowers; eastern Australia -01072565 __satisfaction_NN_5 act of fulfilling a desire or need or appetite; "the satisfaction of their demand for better services" -13087625 __plant_organ_NN_1 a functional and structural unit of a plant or fungus -12058822 __dactylorhiza_maculata_fuchsii_NN_1 European orchid having lanceolate leaves spotted purple and pink to white or mauve flowers spotted or lined deep red or purple -02629581 __xiphias_NN_1 type genus of the Xiphiidae -12844409 __stoneroot_NN_1 erect perennial strong-scented with serrate pointed leaves and a loose panicle of yellowish flowers; the eastern United States -07902121 __neutral_spirits_NN_1 nonflavored alcohol of 95 percent or 190 proof used for blending with straight whiskies and in making gin and liqueurs -08737716 __republic_of_honduras_NN_1 a republic in Central America; achieved independence from Spain in 1821; an early center of Mayan culture -04432662 __ticking_NN_2 a strong fabric used for mattress and pillow covers -12929237 __genus_camellia_NN_1 tropical Asiatic evergreen shrubs or small trees -05736002 __subsumption_NN_2 incorporating something under a more general category -00900726 __portrayal_NN_5 representation by drawing or painting etc -02327200 __supply_VB_1 give something useful or necessary to; "We provided the room with an electrical heater" -13989051 __sorrowfulness_NN_1 the state of being sad; "she tired of his perpetual sadness" -02006211 __threskiornis_NN_1 type genus of the Threskiornithidae -02291434 __gross_VB_1 earn before taxes, expenses, etc. -06430385 __scripture_NN_2 any writing that is regarded as sacred by a religious group -05319936 __iris_NN_2 muscular diaphragm that controls the size of the pupil which in turn controls the amount of light that enters the eye; it forms the colored portion of the eye -12130937 __phragmites_communis_NN_1 tall North American reed having relative wide leaves and large plumelike panicles; widely distributed in moist areas; used for mats, screens and arrow shafts -02718469 __antiepileptic_drug_NN_1 a drug used to treat or prevent convulsions (as in epilepsy) -09748408 __berliner_NN_1 an inhabitant of Berlin -10548227 __shop_clerk_NN_1 a salesperson in a store -08832447 __australian_state_NN_1 one of the several states constituting Australia -00798959 __advertising_campaign_NN_1 an organized program of advertisements -12968882 __scleroderma_NN_2 genus of poisonous fungi having hard-skinned fruiting bodies: false truffles -02170848 __family_cleridae_NN_1 beetles that prey on other insects -12350433 __family_cannaceae_NN_1 coextensive with the genus Canna -10805783 __zombie_NN_3 a god of voodoo cults of African origin worshipped especially in West Indies -02926044 __buspirone_NN_1 a drug (trade name BuSpar) designed specifically for anxiety -10410246 __peacekeeper_NN_1 a member of a military force that is assigned (often with international sanction) to preserve peace in a trouble area -04788494 __artificiality_NN_1 the quality of being produced by people and not occurring naturally -02551832 __save_VB_3 bring into safety; "We pulled through most of the victims of the bomb attack" -05965933 __populism_NN_1 the political doctrine that supports the rights and powers of the common people in their struggle with the privileged elite -05707269 __exclusion_NN_3 a deliberate act of omission; "with the exception of the children, everyone was told the news" -12082980 __genus_sobralia_NN_1 genus of tropical American orchids -07491038 __delight_NN_1 a feeling of extreme pleasure or satisfaction; "his delight to see her was obvious to all" -00402831 __snarl_up_VB_1 make more complicated or confused through entanglements -08388636 __peerage_NN_1 the peers of a kingdom considered as a group -13031956 __morchella_NN_1 genus of edible fungi: morel -08624196 __lie_NN_3 position or manner in which something is situated -02536456 __quinnat_salmon_NN_1 large Pacific salmon valued as food; adults die after spawning -08060193 __franchise_NN_2 a business established or operated under an authorization to sell or distribute a company's goods or services in a particular area -01710481 __cast_VB_3 select to play,sing, or dance a part in a play, movie, musical, opera, or ballet; "He cast a young woman in the role of Desdemona" -02261757 __trogium_pulsatorium_NN_1 a variety of booklouse -06617644 __rough_cut_NN_1 the first print of a movie after preliminary editing -09114020 __paterson_NN_2 a city of northeastern New Jersey -01987727 __river_prawn_NN_2 large (a foot or more) edible freshwater prawn common in Australian rivers -05988097 __disillusionment_NN_1 freeing from false belief or illusions -00986750 __chorus_VB_1 utter in unison; "`yes,' the children chorused" -00974224 __dogfight_NN_3 an aerial engagement between fighter planes -01710048 __tap_dance_VB_1 perform a tap dance -01699346 __profile_VB_1 write about; "The author of this article profiles a famous painter" -05978159 __invocation_NN_3 calling up a spirit or devil -07972279 __name_NN_3 family based on male descent; "he had no sons and there was no one to carry on his name" -08836886 __micronesia_NN_2 the islands in the northwestern part of Oceania -10102506 __soothsayer_NN_1 someone who makes predictions of the future (usually on the basis of special knowledge) -01402831 __order_laminariales_NN_1 in some classifications coextensive with family Laminariaceae: marine brown algae of cold or polar seas -09693244 __luba_NN_1 a member of a Bantu people in southeastern Congo -01185611 __appeal_NN_3 (law) a legal proceeding in which the appellant resorts to a higher court for the purpose of obtaining a review of a lower court decision and a reversal of the lower court's judgment or the granting of a new trial; "their appeal was denied in the superior court" -01150559 __target_VB_1 intend (something) to move towards a certain goal; "He aimed his fists towards his opponent's face"; "criticism directed at her superior"; "direct your anger towards others, not towards yourself" -05633860 __resourcefulness_NN_2 the ability to deal resourcefully with unusual problems; "a man of resource" -09115315 __albuquerque_NN_1 the largest city in New Mexico; located in central New Mexico on the Rio Grande river -01468712 __ascidian_NN_1 minute sedentary marine invertebrate having a saclike body with siphons through which water enters and leaves -13808708 __part_to_whole_relation_NN_1 the semantic relation that holds between a part and the whole -07377473 __din_NN_1 a loud harsh or strident noise -07362830 __gravitation_NN_2 movement downward resulting from gravitational attraction; "irrigation by gravitation rather than by pumps" -02635154 __hyperglyphe_perciformis_NN_1 blackish fish of New England waters -07464402 __torch_race_NN_1 (ancient Greece) in which a torch is passed from one runner to the next -04671841 __whimsy_NN_2 the trait of acting unpredictably and more from whim or caprice than from reason or judgment; "I despair at the flightiness and whimsicality of my memory" -14928885 __lactase_NN_1 any of a group of enzymes (trade name Lactaid) that hydrolyze lactose to glucose and galactose -02926519 __avestan_JJ_1 of or pertaining to the Avesta (sacred text of Zoroastrianism) -08053576 __institution_NN_1 an organization founded and united for a specific purpose -14857897 __rubble_NN_1 the remains of something that has been destroyed or broken up -02004874 __return_VB_1 go or come back to place, condition, or activity where one has been before; "return to your native land"; "the professor returned to his teaching position after serving as Dean" -01815135 __genus_ectopistes_NN_1 a genus of Columbidae -05656537 __sightedness_NN_1 normal use of the faculty of vision -02764044 __axe_NN_1 an edge tool with a heavy bladed head mounted across a handle -05841029 __antitype_NN_2 an opposite or contrasting type -01140654 __walk_VB_5 give a base on balls to -03064076 __entozoan_JJ_1 of or relating to entozoa -05155123 __resort_NN_3 something or someone turned to for assistance or security; "his only recourse was the police"; "took refuge in lying" -04419315 __theophylline_NN_1 a colorless crystalline alkaloid derived from tea leaves or made synthetically; used in medicine as a bronchial dilator -07410021 __tap_NN_2 a gentle blow -02040273 __bow_VB_3 bend the head or the upper part of the body in a gesture of respect or greeting; "He bowed before the King" -01665332 __spatchcock_VB_1 prepare for eating if or as if a spatchcock; "spatchcock a guinea hen" -01786048 __geophilidae_NN_1 small extremely elongate centipedes that live in earth -03542860 __hotel_room_NN_1 a bedroom (usually with bath) in a hotel -02254370 __family_adelgidae_NN_1 plant lice -03076708 __trade_good_NN_1 articles of commerce -07207273 __rejection_NN_4 the speech act of rejecting -05586759 __exoskeleton_NN_1 the exterior protective or supporting structure or shell of many animals (especially invertebrates) including bony or horny parts such as nails or scales or hoofs -00209943 __termination_NN_5 the act of ending something; "the termination of the agreement" -00841580 __denounce_VB_1 speak out against; "He denounced the Nazis" -00201722 __edit_out_VB_1 cut and assemble the components of; "edit film"; "cut recording tape" used of hair -02509405 __nasua_NN_1 coatis -08744236 __mexico_city_NN_1 the capital and largest city of Mexico is a political and cultural and commercial and industrial center; one of the world's largest cities -00088713 __taint_VB_2 contaminate with a disease or microorganism -00830188 __tutor_VB_1 be a tutor to someone; give individual instruction; "She tutored me in Spanish" -09286843 __kan_river_NN_1 a river in southeastern China that flows generally north into the Chang Jiang to the north of Nanchang -01958435 __cherrystone_clam_NN_2 a half-grown quahog -07854813 __swiss_cheese_NN_1 hard pale yellow cheese with many holes from Switzerland -05440207 __operon_NN_1 a segment of DNA containing adjacent genes including structural genes and an operator gene and a regulatory gene -02618372 __genus_ammodytes_NN_1 type genus of the Ammodytidae -01794344 __turkey_cock_NN_1 male turkey -00449517 __car_racing_NN_1 the sport of racing automobiles -00096766 __suppurate_VB_2 ripen and generate pus; "her wounds are festering" -14692682 __pyrite_NN_1 a common mineral (iron disulfide) that has a pale yellow color -13815152 __quantitative_relation_NN_1 a relation between magnitudes -06867675 __solmization_NN_1 a system of naming the notes of a musical scale by syllables instead of letters -09696280 __kampuchean_NN_1 a native or inhabitant of Cambodia -00533851 __uncomprehensible_JJ_1 difficult to understand; "the most incomprehensible thing about the universe is that it is comprehensible"- A. Einstein -01036083 __native_JJ_1 characteristic of or existing by virtue of geographic origin; "the native North American sugar maple"; "many native artists studied abroad" -11712621 __yellow_poplar_NN_1 light easily worked wood of a tulip tree; used for furniture and veneer -02974219 __car_window_NN_1 a window in a car -06865345 __tone_NN_6 a notation representing the pitch and duration of a musical sound; "the singer held the note too long" -08775179 __wurzburg_NN_1 a city of south central Germany -10421956 __philanthropist_NN_1 someone who makes charitable donations intended to increase human well-being -01925133 __turbellaria_NN_1 free-living flatworms -00440286 __retard_VB_3 slow the growth or development of; "The brain damage will retard the child's language development" -09986189 __wheeler_NN_4 a person who rides a bicycle -00352331 __cut_NN_19 the act of reducing the amount or number; "the mayor proposed extensive cuts in the city budget" -02979662 __casting_NN_1 object formed by a mold -04100174 __rod_NN_1 a long thin implement made of metal or wood -10488016 __shrink_NN_1 a physician who specializes in psychiatry -00991151 __instrument_VB_3 address a legal document to -08372574 __totem_NN_1 a clan or tribe identified by their kinship to a common totemic object -10670310 __subscriber_NN_3 someone who contributes (or promises to contribute) a sum of money -00473003 __sparkle_VB_2 be lively or brilliant or exhibit virtuosity; "The musical performance sparkled"; "A scintillating conversation"; "his playing coruscated throughout the concert hall" -00312784 __voyage_NN_1 an act of traveling by water -00009147 __slough_VB_1 cast off hair, skin, horn, or feathers; "our dog sheds every Spring" -02278704 __genus_apatura_NN_1 large Old World butterflies -02600082 __break_VB_28 happen or take place; "Things have been breaking pretty well for us in the past few months" -02839200 __billet_NN_2 lodging for military personnel (especially in a private home) -02924023 __burthen_NN_1 a variant of `burden' -03747103 __meperidine_hydrochloride_NN_1 a synthetic narcotic drug (trade name Demerol) used to treat pain -09177385 __mt._st._helens_NN_1 an active volcano in the Cascade Range in southwestern Washington; erupted violently in 1980 after 123 years of inactivity -03793186 __mounting_NN_2 framework used for support or display -12829099 __gesneriaceae_NN_1 large family of tropical herbs or shrubs or lianas; in some classification systems placed in the order Scrophulariales -03142679 __watch_glass_NN_2 a protective cover that protects the face of a watch -01742886 __simulate_VB_1 reproduce someone's behavior or looks; "The mime imitated the passers-by"; "Children often copy their parents or older siblings" -12166003 __lagenaria_NN_1 bottle gourds -04395875 __tavern_NN_1 a building with a bar that is licensed to sell alcoholic drinks -04787763 __affectedness_NN_1 the quality of being false or artificial (as to impress others) -07313814 __severance_NN_1 a personal or social separation (as between opposing factions); "they hoped to avoid a break in relations" -08043169 __revolutionary_people's_struggle_NN_1 an extreme leftist terrorist group formed in Greece in 1971 to oppose the military junta that ruled Greece from 1967 to 1974; a revolutionary group opposed to capitalism and imperialism and the United States -00193130 __spirit_up_VB_1 infuse with spirit; "The company spirited him up" -05477305 __pyriform_lobe_NN_1 pear-shaped neural structure on either side of the brain in the rhinencephalon -09606527 __unusual_person_NN_1 a person who is unusual -12773334 __genus_calocarpum_NN_1 a genus of tropical American trees of the family Sapotaceae -08756735 __cyprus_NN_2 an island in the eastern Mediterranean -08193854 __nuwc_NN_1 the agency that provides scientific and engineering and technical support for submarine and undersea warfare systems -02710043 __tzarist_JJ_1 of or relating to or characteristic of a czar -01450281 __holocentridae_NN_1 squirrelfishes and soldierfishes -12161056 __hubbard_squash_NN_1 any of several winter squash plants producing large greyish-green football-shaped fruit with a rough warty rind -02690708 __lie_VB_1 be located or situated somewhere; occupy a certain position -06078088 __molecular_biology_NN_1 the branch of biology that studies the structure and activity of macromolecules essential to life (and especially with their genetic role) -00665476 __personal_care_NN_1 care for someone who is disabled or is otherwise unable to care for themselves; can including bathing and cooking and managing bodily functions institute, enact, or establish; "make laws" -00803208 __raise_NN_3 increasing the size of a bet (as in poker); "I'll see your raise and double it" -06632511 __hullo_NN_1 an expression of greeting; "every morning they exchanged polite hellos" -08573842 __trash_pile_NN_1 an accumulation of refuse and discarded matter -07387509 __noise_NN_1 sound of any kind (especially unintelligible or dissonant sound); "he enjoyed the street noises"; "they heard indistinct noises of people talking"; "during the firework display that ended the gala the noise reached 98 decibels" -04157099 __scullery_NN_1 a small room (in large old British houses) next to the kitchen; where kitchen utensils are cleaned and kept and other rough household jobs are done -06107083 __special_theory_of_relativity_NN_1 a physical theory of relativity based on the assumption that the speed of light in a vacuum is a constant and the assumption that the laws of physics are invariant in all inertial systems -01751021 __fringe_VB_1 adorn with a fringe; "The weaver fringed the scarf" -05061977 __unhurriedness_NN_1 a rate demonstrating an absence of haste or hurry -03639675 __land_mine_NN_1 an explosive mine hidden underground; explodes when stepped on or driven over -01409940 __zygnematales_NN_1 pond scums; desmids -06530789 __power_of_attorney_NN_1 a legal instrument authorizing someone to act as the grantor's agent -12842105 __genus_blephilia_NN_1 small genus of North American herbs: wood mints -01688428 __genus_draco_NN_1 a reptile genus known as flying dragons or flying lizards -00915830 __whisper_VB_1 speak softly; in a low voice -02824444 __vibrational_JJ_1 of or relating to or characterized by vibration -00052334 __landing_NN_4 the act of coming to land after a voyage -10618342 __soccer_player_NN_1 an athlete who plays soccer -08056873 __kibbutz_NN_1 a collective farm or settlement owned by its members in modern Israel; children are reared collectively -08414807 __panel_NN_2 a committee appointed to judge a competition -00029677 __process_NN_6 a sustained phenomenon or one marked by gradual changes through a series of states; "events now in process"; "the process of calcification begins later for boys than for girls" -08196892 __air_force_space_command_NN_1 a command of the United States Air Force that is responsible for defending the United States through its space and intercontinental ballistic missile operations -01774595 __theraphosidae_NN_1 large tropical spiders; tarantulas -09215664 __embayment_NN_1 an indentation of a shoreline larger than a cove but smaller than a gulf -00458276 __coagulate_VB_2 cause to change from a liquid to a solid or thickened state -09867154 __borderer_NN_1 an inhabitant of a border area (especially the border between Scotland and England) -06875094 __signal_flag_NN_1 a rectangular piece of fabric used as a signalling device -11979715 __jerusalem_artichoke_sunflower_NN_1 tall perennial with hairy stems and leaves; widely cultivated for its large irregular edible tubers -07486628 __yearning_NN_1 prolonged unfulfilled desire or need -00141396 __postmortem_examination_NN_1 an examination and dissection of a dead body to determine cause of death or the changes produced by disease -07423899 __ramification_NN_3 a development that complicates a situation; "the court's decision had many unforeseen ramifications" -02406916 __tug_VB_2 strive and make an effort to reach a goal; "She tugged for years to make a decent living"; "We have to push a little to make the deadline!"; "She is driving away at her doctoral thesis" -15274863 __term_of_a_contract_NN_1 the period of time during which a contract conveying property to a person is in effect -00914929 __breeding_NN_4 the production of animals or plants by inbreeding or hybridization -07128527 __profanity_NN_1 vulgar or irreverent speech or action -07333649 __release_NN_6 euphemistic expressions for death; "thousands mourned his passing" -01782432 __quail_at_VB_1 anticipate with dread or anxiety -12323820 __genus_combretum_NN_1 type genus of the Combretaceae: tropical and subtropical small shrubs and trees -05723210 __skin_sensation_NN_1 a sensation localized on the skin -04821084 __focus_NN_3 maximum clarity or distinctness of an idea; "the controversy brought clearly into focus an important difference of opinion" -10321126 __ministrant_NN_1 someone who serves as a minister -10801561 __wykehamist_NN_1 a student enrolled in (or graduated from) Winchester College -10912243 __hernando_cortez_NN_1 Spanish conquistador who defeated the Aztecs and conquered Mexico (1485-1547) -07703889 __hasty_pudding_NN_1 sweetened porridge made of tapioca or flour or oatmeal cooked quickly in milk or water -10510339 __reasoner_NN_1 someone who reasons logically -06855207 __stamp_NN_3 a symbol that is the result of printing or engraving; "he put his stamp on the envelope" -03716656 __mandala_NN_1 any of various geometric designs (usually circular) symbolizing the universe; used chiefly in Hinduism and Buddhism as an aid to meditation -09808949 __armourer_NN_1 a worker skilled in making armor or arms; "a sword made by a famous English armorer" -07450549 __whist_drive_NN_1 a progressive whist party -10812047 __alcibiades_NN_1 ancient Athenian statesman and general in the Peloponnesian War (circa 450-404 BC) -01472939 __chorion_NN_1 the outermost membranous sac enclosing the embryo in higher vertebrates (reptiles, birds and mammals) -14480420 __liquidness_NN_1 the state in which a substance exhibits a characteristic readiness to flow with little or no tendency to disperse and relatively high incompressibility -05537806 __rectum_NN_1 the terminal section of the alimentary canal; from the sigmoid flexure to the anus -01987228 __palaemonidae_NN_1 prawns -01243089 __ramadan_NN_2 (Islam) a fast (held from sunrise to sunset) that is carried out during the Islamic month of Ramadan -03932670 __piece_of_material_NN_1 a separate part consisting of fabric -02846399 __monochrome_NN_2 a black-and-white photograph or slide -05773407 __line_of_thought_NN_1 a particular way of thinking that is characteristic of some individual or group -08805386 __ferrara_NN_1 a city in northern Italy; "in the 13th century Ferrara was a center of Renaissance learning and the arts" -02645143 __genus_cottus_NN_1 type genus of the Cottidae: sculpins -06158185 __orientalism_NN_1 the scholarly knowledge of Asian cultures and languages and people -01582856 __australian_magpie_NN_1 black-and-white oscine birds that resemble magpies -00309647 __expedition_NN_3 a journey organized for a particular purpose -08029784 __klavern_NN_1 a local unit of the Ku Klux Klan -09170294 __kalahari_desert_NN_1 a desert in southwestern Africa - largely Botswana -01534762 __new_world_sparrow_NN_1 sparrow-like North American finches -01300782 __ypres_NN_2 battle in World War I (1915); Germans wanted to try chlorine (a toxic yellow gas) as a weapon and succeeded in taking considerable territory from the Allied salient -01085793 __sharing_NN_4 a distribution in shares -04778630 __sweetness_NN_4 the quality of giving pleasure; "he was charmed by the sweetness of her manner"; "the pleasantness of a cool breeze on a hot summer day" -02416278 __join_forces_VB_1 work together on a common enterprise of project; "The soprano and the pianist did not get together very well"; "We joined forces with another research group" -02765924 __shine_VB_1 be bright by reflecting or casting light; "Drive carefully--the wet road reflects" -09247071 __closed_universe_NN_1 (cosmology) a universe that is spatially closed and in which there is sufficient matter to halt the expansion that began with the big bang; the visible matter is only 10 percent of the matter required for closure but there may be large amounts of dark matter -00396825 __bowdlerization_NN_2 the act of deleting or modifying all passages considered to be indecent -00856860 __unemotional_JJ_1 unsusceptible to or destitute of or showing no emotion -12946088 __family_cornaceae_NN_1 a rosid dicot family of the order Umbellales including: genera Aucuba, Cornus, Corokia, Curtisia, Griselinia, Helwingia -06714420 __monition_NN_1 a firm rebuke -02158739 __scut_NN_1 a short erect tail -00903212 __wish_VB_3 make or express a wish; "I wish that Christmas were over" -08747054 __west_indies_NN_1 the string of islands between North America and South America; a popular resort area -00878456 __stare_NN_1 a fixed look with eyes open wide -06724066 __truth_NN_3 a true statement; "he told the truth"; "he thought of answering with the truth but he knew they wouldn't believe it" -08585447 __trailhead_NN_1 the beginning of a trail -01368597 __straighten_out_VB_4 make straight -13304009 __selling_price_NN_1 the price at which something is offered for sale -02675885 __acorn_tube_NN_1 a small vacuum tube; used at high frequencies -11099729 __kelly_NN_3 United States dancer who performed in many musical films (1912-1996) -01142899 __fowl_VB_2 hunt fowl in the forest -11724363 __white_cohosh_NN_1 North American herb with white poisonous berries -05019661 __sensitivity_NN_2 the ability to respond to physical stimuli or to register small physical amounts or differences; "a galvanometer of extreme sensitivity"; "the sensitiveness of Mimosa leaves does not depend on a change of growth" -02300018 __family_bombycidae_NN_1 Chinese silkworm moth -10531109 __right-hand_man_NN_1 the most helpful assistant -15169873 __week_NN_1 any period of seven consecutive days; "it rained for a week" -12471366 __genus_convallaria_NN_1 sometimes placed in family Convallariaceae: lily of the valley -02061846 __commute_VB_2 travel back and forth regularly, as between one's place of work and home -12133151 __saccharum_munja_NN_1 tough Asiatic grass whose culms are used for ropes and baskets -01813053 __sadden_VB_1 make unhappy; "The news of her death saddened me" -09342729 __mount_logan_NN_1 a mountain peak in the St. Elias Range in the southwestern Yukon Territory in Canada (19,850 feet high) -09724066 __nepali_NN_1 a native or inhabitant of Nepal -03125352 __snapper_NN_3 a party favor consisting of a paper roll (usually containing candy or a small favor) that pops when pulled at both ends -00771341 __encourage_VB_3 spur on; "His financial success encouraged him to look for a wife" -03111899 __restorative_NN_2 a device for treating injury or disease -00314782 __focus_VB_4 become focussed or come into focus; "The light focused" -05490370 __wernicke's_center_NN_1 the auditory word center; located in the posterior part of the superior temporal convolution in most people -00248659 __shape_up_VB_1 develop in a positive way; "He progressed well in school"; "My plants are coming along"; "Plans are shaping up" -04669247 __responsibleness_NN_1 a form of trustworthiness; the trait of being answerable to someone for something or being responsible for one's conduct; "he holds a position of great responsibility" -14475992 __toilet_NN_3 misfortune resulting in lost effort or money; "his career was in the gutter"; "all that work went down the sewer"; "pensions are in the toilet" -01639369 __salientia_NN_1 frogs, toads, tree toads -11041814 __henry_iv_NN_3 the first Lancastrian king of England from 1399 to 1413; deposed Richard II and suppressed rebellions (1367-1413) -00184907 __iodize_VB_1 treat with iodine; "iodize salt" -08803883 __pompeii_NN_1 ancient city to the southeast of Naples that was buried by a volcanic eruption from Vesuvius -02887489 __suspender_NN_1 elastic straps that hold trousers up (usually used in the plural) -08913434 __republic_of_iraq_NN_1 a republic in the Middle East in western Asia; the ancient civilization of Mesopotamia was in the area now known as Iraq -00021766 __accurate_JJ_1 conforming exactly or almost exactly to fact or to a standard or performing with total accuracy; "an accurate reproduction"; "the accounting was accurate"; "accurate measurements"; "an accurate scale" -02871963 __throwing_stick_NN_2 a curved piece of wood; when properly thrown will return to thrower -08012028 __islamic_group_NN_2 a terrorist organization of militant Islamists organized into tiny cells of extreme fundamentalists; emerged during the 1970s mainly in Egyptian jails; "al-Gama'a al-Islamiyya uses force to push Egyptian society toward Islamic rule" -02604157 __sea_chub_NN_1 schooling fishes mostly of Indian and western Pacific oceans; two species in western Atlantic -07506382 __ruthlessness_NN_2 feelings of extreme heartlessness -12411084 __iris_family_NN_1 large family of usually perennial geophytic herbs with rhizomes or corms or bulbs -06423754 __telephone_directory_NN_1 a directory containing an alphabetical list of telephone subscribers and their telephone numbers -07637045 __anise_cookie_NN_1 cookie made without butter and flavored with anise seed -00699334 __adjust_VB_5 decide how much is to be paid on an insurance claim -00839194 __snow_VB_2 conceal one's true motives from especially by elaborately feigning good intentions so as to gain an end; "He bamboozled his professors into thinking that he knew the subject well" -07346057 __fluctuation_NN_1 a wave motion; "the fluctuations of the sea" -01254477 __slice_up_VB_1 cut into slices; "Slice the salami, please" -08506496 __oasis_NN_1 a fertile tract in a desert (where the water table approaches the surface) -06224439 __tritheism_NN_1 (Christianity) the heretical belief that the Father and the Son and the Holy Spirit are three separate gods -01136519 __organization_NN_4 the act of organizing a business or an activity related to a business; "he was brought in to supervise the organization of a new department" -04907991 __rebelliousness_NN_1 intentionally contemptuous behavior or attitude -12305475 __red_ash_NN_1 smallish American tree with velvety branchlets and lower leaf surfaces -07058871 __recessional_march_NN_1 a march to be played for processions -06945679 __baltic_language_NN_1 a branch of the Indo-European family of languages related to the Slavonic languages; Baltic languages have preserved many archaic features that are believed to have existed in Proto-Indo European -12143676 __zea_mays_NN_1 tall annual cereal grass bearing kernels on large ears: widely cultivated in America in many varieties; the principal cereal in Mexico and Central and South America since pre-Columbian times -03407122 __priming_NN_2 any igniter that is used to initiate the burning of a propellant -05491308 __adrenal_medulla_NN_1 the medulla of the adrenal gland; secretes epinephrine -01243474 __pick_VB_11 hit lightly with a picking motion -01744611 __write_VB_3 have (one's written work) issued for publication; "How many books did Georges Simenon write?"; "She published 25 books during her long career" -08547300 __shire_town_NN_1 the town or city that is the seat of government for a shire -14299637 __symptom_NN_1 (medicine) any sensation or change in bodily function that is experienced by a patient and is associated with a particular disease -13643276 __volt_NN_1 a unit of potential equal to the potential difference between two points on a conductor carrying a current of 1 ampere when the power dissipated between the two points is 1 watt; equivalent to the potential difference across a resistance of 1 ohm when 1 ampere of current flows through it -08133189 __doei_NN_1 an agency that collects political and economic and technical information about energy matters and makes the Department of Energy's technical and analytical expertise available to other members of the Intelligence Community -12090702 __genus_primula_NN_1 very large and important genus of plants of temperate Europe and Asia having showy flowers -00447158 __build_VB_4 improve the cleansing action of; "build detergents" -01855343 __lophodytes_NN_1 a genus of Merginae -04898334 __swashbuckling_NN_1 flamboyantly reckless and boastful behavior -05030418 __sinew_NN_2 possessing muscular strength -01117318 __viscosimetry_NN_1 the measurement of viscosity -01496199 __torpedinidae_NN_1 electric rays -01551430 __pipridae_NN_1 manakins -09186064 __aare_river_NN_1 a river in north central Switzerland that runs northeast into the Rhine -00129743 __force_play_NN_1 a putout of a base runner who is required to run; the putout is accomplished by holding the ball while touching the base to which the runner must advance before the runner reaches that base; "the shortstop got the runner at second on a force" -09736181 __kazakhstani_NN_1 a native or inhabitant of Kazakhstan -00563552 __initialize_VB_2 divide (a disk) into marked sectors so that it may store data; "Please format this disk before entering data!" -05596004 __hip_joint_NN_1 the ball-and-socket joint between the head of the femur and the acetabulum -07350401 __bouncing_NN_1 rebounding from an impact (or series of impacts) -07347051 __travelling_wave_NN_1 a wave in which the medium moves in the direction of propagation of the wave -02790474 __hydroponic_JJ_1 of or relating to aquiculture; "aquacultural methods"; "hydroponic lettuce" -02499629 __punish_VB_1 impose a penalty on; inflict punishment on; "The students were penalized for showing up late for class"; "we had to punish the dog for soiling the floor again" -12556793 __phaseolus_vulgaris_NN_1 the common annual twining or bushy bean plant grown for its edible seeds or pods -12900987 __long_pepper_NN_2 plant bearing very hot and finely tapering long peppers; usually red -00337210 __pitching_NN_2 abrupt up-and-down motion (as caused by a ship or other conveyance); "the pitching and tossing was quite exciting" -00179060 __take_off_VB_2 take away or remove; "Take that weight off me!" -02264363 __lacewing_fly_NN_1 any of two families of insects with gauzy wings (Chrysopidae and Hemerobiidae); larvae feed on insect pests such as aphids -02451113 __tractable_JJ_1 prevent from coming close; "I tried to keep the child away from the pool" easily managed (controlled or taught or molded); "tractable young minds"; "the natives...being...of an intelligent tractable disposition"- Samuel Butler -00578795 __shining_NN_1 the work of making something smooth and shiny by rubbing or waxing it; "the shining of shoes provided a meager living"; "every Sunday he gave his car a good polishing" -01758339 __persistent_JJ_3 retained; not shed; "persistent leaves remain attached past maturity"; "the persistent gills of fishes" -03755545 __robaxin_NN_1 muscle relaxant for skeletal muscles (trade name Robaxin) used to treat spasms -07247071 __publicity_NN_1 a message issued in behalf of some product or cause or idea or person or institution; "the packaging of new ideas" -02274079 __garnishee_VB_1 take a debtor's wages on legal orders, such as for child support; "His employer garnished his wages in order to pay his debt" -10598749 __silverworker_NN_1 someone who makes or repairs articles of silver -08394423 __standing_army_NN_1 a permanent army of paid soldiers -06728998 __eighteenth_amendment_NN_1 an amendment to the Constitution of the United States adopted in 1920; prohibited the manufacture and sale of alcoholic beverages; repealed in 1932 -01491235 __genus_galeocerdo_NN_1 tiger sharks -05340317 __truncus_celiacus_NN_1 an artery that originates from the abdominal aorta just below the diaphragm and branches into the left gastric artery and the common hepatic artery and the splenic artery -06797671 __indication_NN_3 (medicine) a reason to prescribe a drug or perform a procedure; "the presence of bacterial infection was an indication for the use of antibiotics" -02730135 __leave_VB_11 have left or have as a remainder; "That left the four of us"; "19 minus 8 leaves 11" -08711655 __triple_frontier_NN_1 the border area where Argentina and Brazil and Paraguay meet; an active South American center for contraband and drug trafficking and money laundering; a suspected locale for Islamic extremist groups -03173142 __delf_NN_1 an excavation; usually a quarry or mine -04844625 __unfeelingness_NN_1 devoid of passion or feeling; hardheartedness -08473482 __unionism_NN_1 the system or principles and theory of labor unions -06420219 __unabridged_dictionary_NN_1 a dictionary that has not been shortened by the omitting terms or definitions; a comprehensive dictionary -10592397 __shopper_NN_1 someone who visits stores in search of articles to buy -09651123 __caddo_NN_1 a group of Plains Indians formerly living in what is now North and South Dakota and Nebraska and Kansas and Arkansas and Louisiana and Oklahoma and Texas -02763714 __awl_NN_1 a pointed tool for marking surfaces or for punching small holes -08997487 __singapore_NN_2 a country in southeastern Asia on the island of Singapore; achieved independence from Malaysia in 1965 -06595351 __magazine_NN_1 a periodic publication containing pictures and stories and articles of interest to those who purchase it or subscribe to it; "it takes several years before a magazine starts to break even or make money" -13456899 __radioactive_decay_NN_1 the spontaneous disintegration of a radioactive substance along with the emission of ionizing radiation -03036341 __civvies_NN_1 civilian garb as opposed to a military uniform -03210683 __dispenser_NN_1 a container so designed that the contents can be used in prescribed amounts -02202384 __keep_VB_3 retain possession of; "Can I keep my old stuffed animals?"; "She kept her maiden name after she married" -01122149 __spending_NN_1 the act of spending or disbursing money -03554131 __vistaril_NN_1 a drug (trade names Atarax and Vistaril) used as a tranquilizer to treat anxiety and motion sickness -02535896 __neutralize_VB_1 make politically neutral and thus inoffensive; "The treaty neutralized the small republic" -02592397 __emcee_VB_1 act as a master of ceremonies -00354634 __check_VB_23 arrest the motion (of something) abruptly; "He checked the flow of water by shutting off the main valve" -03289462 __magnification_NN_4 a photographic print that has been enlarged -01892104 __take_a_hop_VB_1 spring back; spring away from an impact; "The rubber ball bounced"; "These particles do not resile but they unite after they collide" -06503884 __log_NN_4 a written record of events on a voyage (of a ship or plane) -07523180 __shyness_NN_1 a feeling of fear of embarrassment -01389942 __wall_up_VB_1 enclose with a wall -13215936 __psilotatae_NN_1 whisk ferns; comprising the family Psilotaceae or Psilotatae: vascular plants with no roots, partial if any leaf differentiation, and rudimentary spore sacs -01150200 __privation_NN_2 act of depriving someone of food or money or rights; "nutritional privation"; "deprivation of civil rights" -01993352 __infringe_VB_2 advance beyond the usual limit -07176243 __yielding_NN_2 the act of conceding or yielding -03863442 __overcasting_NN_1 a long whipstitch or overhand stitch overlying an edge to prevent raveling -01958790 __solenidae_NN_1 razor clams -01306853 __rake_VB_5 gather with a rake; "rake leaves" -00024264 __attribute_NN_2 an abstraction belonging to or characteristic of an entity -14589223 __solution_NN_1 a homogeneous mixture of two or more substances; frequently (but not necessarily) a liquid solution; "he used a solution of peroxide and water" -03547054 __shanty_NN_1 small crude shelter used as a dwelling -05412912 __protropin_NN_1 trade name of a synthetic human growth hormone given to children deficient in the hormone; use by athletes and weightlifters is banned -02998696 __tshatshke_NN_2 (Yiddish) an inexpensive showy trinket -06793426 __posting_NN_1 a sign posted in a public place as an advertisement; "a poster advertised the coming attractions" -00594260 __legation_NN_1 the post or office of legate -14490319 __liability_NN_2 an obligation to pay money to another party -08166318 __judiciary_NN_2 the system of law courts that administer justice and constitute the judicial branch of government -14525365 __glumness_NN_1 an atmosphere of depression and melancholy; "gloom pervaded the office" -06906439 __indian_NN_3 any of the languages spoken by Amerindians -12542910 __lespedeza_NN_1 shrubby or herbaceous plants widely used for forage, soil improvement, and especially hay in southern United States -01062997 __time_out_NN_1 a pause from doing something (as work); "we took a 10-minute break"; "he took time out to recuperate" -09906449 __chameleon_NN_1 a changeable or inconstant person -13622591 __bushel_NN_2 a British imperial capacity measure (liquid or dry) equal to 4 pecks -12714114 __poncirus_NN_1 one species: trifoliate orange -14996020 __polish_NN_3 a preparation used in polishing -00899956 __salute_VB_6 recognize with a gesture prescribed by a military regulation; assume a prescribed position; "When the officers show up, the soldiers have to salute" -13437181 __backup_NN_1 an accumulation caused by clogging or a stoppage; "a traffic backup on the main street"; "he discovered a backup in the toilet" -00790205 __takeover_attempt_NN_1 an attempt to take control of a corporation -14950300 __menstruum_NN_1 (archaic) a solvent -08835675 __aleutians_NN_1 an archipelago in the North Pacific extending southwest from Alaska -10334101 __motorist_NN_1 someone who drives (or travels in) an automobile -03343354 __vertical_flute_NN_1 a tubular wind instrument with 8 finger holes and a fipple mouthpiece -13725108 __centner_NN_2 in some European countries: a unit of weight equivalent to 50 kilograms -00367066 __maximization_NN_2 the act of raising to the highest possible point or condition or position -06900684 __object-oriented_programming_language_NN_1 (computer science) a programming language that enables the programmer to associate a set of procedures with each type of data structure; "C++ is an object-oriented programming language that is an extension of C" -10126177 __source_NN_6 someone who originates or causes or initiates something; "he was the generator of several complaints" -13876371 __spiral_NN_1 a plane curve traced by a point circling about the center but at increasing distances from the center -14440875 __degeneration_NN_2 the state of being degenerate in mental or moral qualities -08133536 __hhs_NN_1 the United States federal department that administers all federal programs dealing with health and welfare; created in 1979 -01889328 __talpidae_NN_1 moles -08946042 __capital_of_gambia_NN_1 a port city and capital of Gambia -05807306 __insight_NN_3 the clear (and often sudden) understanding of a complex situation -02399331 __relegate_VB_2 assign to a lower position; reduce in rank; "She was demoted because she always speaks up"; "He was broken down to Sergeant" -13950812 __order_NN_10 (usually plural) the status or rank or office of a Christian clergyman in an ecclesiastical hierarchy; "theologians still disagree over whether `bishop' should or should not be a separate Order" -02236495 __order_hemiptera_NN_1 plant bugs; bedbugs; some true bugs; also includes suborders Heteroptera (true bugs) and Homoptera (e.g., aphids, plant lice and cicadas) -10728998 __trier_NN_2 one who tries -02581289 __genus_decapterus_NN_1 scads especially mackerel scad; cosmopolitan in distribution -03351434 __tackle_NN_3 gear used in fishing -00718815 __plastering_NN_1 the application of plaster -07125096 __swearword_NN_1 profane or obscene expression usually of surprise or anger; "expletives were deleted" -03586631 __ironmongery_NN_1 the merchandise that is sold in an ironmonger's shop -03747746 __miltown_NN_1 a sedative and tranquilizer (trade name Miltown and Equanil and Meprin) used to treat muscle tension and anxiety -01488313 __empty_VB_4 remove; "Empty the water" -08276342 __educational_institution_NN_1 an institution dedicated to education -01690339 __ophisaurus_NN_1 glass lizards -07461050 __three-day_event_NN_1 an equestrian competition; the first day is dressage; the second is cross-country jumping; the third is stadium jumping -04782466 __frightfulness_NN_1 the quality of being frightful -01211019 __fumble_VB_3 the act of giving hope or support to someone handle clumsily -14143415 __tuberculosis_NN_1 infection transmitted by inhalation or ingestion of tubercle bacilli and manifested in fever and small lesions (usually in the lungs but in various other parts of the body in acute stages) -11702428 __family_cercidiphyllaceae_NN_1 one genus -03753826 __methacholine_NN_1 parasympathomimetic drug (trademark Mecholyl) that stimulates secretions and smooth muscle activity -00186001 __malt_VB_1 treat with malt or malt extract; "malt beer" -01083077 __distribution_NN_3 the act of distributing or spreading or apportioning -09377315 __ohio_river_NN_1 a river that is formed in western Pennsylvania and flows westward to become a tributary of the Mississippi River -12565368 __pterocarpus_indicus_NN_1 tree native to southeastern Asia having reddish wood with a mottled or striped black grain -03714235 __war_paint_NN_3 cosmetics applied to the face to improve or change your appearance -10415230 __perfectionist_NN_1 a person who is displeased by anything that does not meet very high standards -08242100 __cadre_NN_2 a nucleus of military personnel capable of expansion -00419289 __unclean_JJ_1 soiled or likely to soil with dirt or grime; "dirty unswept sidewalks"; "a child in dirty overalls"; "dirty slums"; "piles of dirty dishes"; "put his dirty feet on the clean sheet"; "wore an unclean shirt"; "mining is a dirty job"; "Cinderella did the dirty work while her sisters preened themselves" -07936263 __drinking_water_NN_1 water suitable for drinking -01982068 __maja_squinado_NN_1 a large spider crab of Europe -02916684 __electronic_bulletin_board_NN_1 a computer that is running software that allows users to leave messages and access information of general interest -04702688 __sharpness_NN_6 the quality of being sharp and clear -01319562 __mow_VB_1 cut with a blade or mower; "mow the grass" -12839409 __genus_acinos_NN_1 plants closely allied to the genera Satureja and Calamintha -06938493 __hawaiian_NN_1 the Oceanic languages spoken on Hawaii -14857021 __wastewater_NN_1 water mixed with waste matter -01159964 __conventionalization_NN_1 the act of conventionalizing; conforming to a conventional style -02721438 __provide_VB_5 make a possibility or provide opportunity for; permit to be attainable or cause to remain; "This leaves no room for improvement"; "The evidence allows only one conclusion"; "allow for mistakes"; "leave lots of time for the trip"; "This procedure provides for lots of leeway" -00592102 __editorship_NN_1 the position of editor -09125016 __niagara_falls_NN_2 a city in western New York State at the falls of the Niagara river; tourist attraction and honeymoon resort -10126009 __gp_NN_1 a physician who is not a specialist but treats all illnesses -12196129 __bottle_tree_NN_1 an Australian tree of the genus Brachychiton -03496892 __reaper_NN_3 farm machine that gathers a food crop from the fields -04893358 __frugalness_NN_1 prudence in avoiding waste -01119620 __realization_NN_4 a sale in order to obtain money (as a sale of stock or a sale of the estate of a bankrupt person) or the money so obtained -06460295 __wisdom_of_jesus_the_son_of_sirach_NN_1 an Apocryphal book mainly of maxims (resembling Proverbs in that respect) -09436708 __sky_NN_1 the atmosphere and outer space as viewed from the earth -12787846 __genus_hydrangea_NN_1 type genus of Hydrangeaceae; large genus of shrubs and some trees and vines with white or pink or blue flower clusters; sometimes placed in family Saxifragaceae -10322238 __misfit_NN_1 someone unable to adapt to their circumstances -00500669 __masse_shot_NN_1 a shot in billiards made by hitting the cue ball with the cue held nearly vertically; the cue ball spins around another ball before hitting the object ball -08145553 __post_office_NN_1 a local branch where postal services are available" -05434784 __nucleoplasm_NN_1 the protoplasm that constitutes the nucleus of a cell -11924014 __woolly_daisy_NN_1 tiny grey woolly tufted annual with small golden-yellow flower heads; southeastern California to northwestern Arizona and southwestern Utah; sometimes placed in genus Eriophyllum -02503868 __genus_elephas_NN_1 type genus of the family Elephantidae -02197185 __mediterranean_fruit_fly_NN_1 small black-and-white fly that damages citrus and other fruits by implanting eggs that hatch inside the fruit -12978381 __order_blastocladiales_NN_1 fungi that carry out asexual reproduction by thick-walled resting spores that produce zoospores upon germination; sometimes placed in class Oomycetes -03314028 __picture_card_NN_1 one of the twelve cards in a deck bearing a picture of a face -04603872 __workwear_NN_1 heavy-duty clothes for manual or physical work -02453692 __privilege_VB_1 bestow a privilege upon -11805837 __genus_arenaria_NN_1 sandworts -00344040 __shutting_NN_1 the act of closing something -04995531 __appetizingness_NN_1 the property of stimulating the appetite -05027529 __weightiness_NN_2 the property of being comparatively great in weight; "the heaviness of lead" -04402984 __telephone_wire_NN_1 the wire that carries telegraph and telephone signals -02287204 __paleacrita_NN_1 geometrid moths -04649051 __merriness_NN_1 the trait of merry joking -01892551 __water_shrew_NN_1 any of several small semiaquatic shrews usually living near swift-flowing streams -09956780 __conquistador_NN_1 an adventurer (especially one who led the Spanish conquest of Mexico and Peru in the 16th century) -00860011 __tarchanoff_phenomenon_NN_1 a change in the electrical properties of the skin in response to stress or anxiety; can be measured either by recording the electrical resistance of the skin or by recording weak currents generated by the body -02465414 __sucker_NN_6 an organ specialized for sucking nourishment or for adhering to objects by suction -03017428 __chimney_NN_1 a vertical flue that provides a path through which smoke from a fire is carried away through the wall or roof of a building -05912243 __keogh_plan_NN_1 a tax-deferred pension plan for employees of unincorporated businesses or for self-employed persons -09255343 __continental_slope_NN_1 the steep descent of the seabed from the continental shelf to the abyssal zone -07847453 __devonshire_cream_NN_1 thick cream made from scalded milk -05510702 __sensory_system_NN_2 the body's system of sense organs -11832899 __mangold-wurzel_NN_1 beet with a large yellowish root; grown chiefly as cattle feed -01194418 __host_VB_1 be the host of or for; "We hosted 4 couples last night" -09679925 __catholic_NN_1 a member of a Catholic church -07240549 __talk_NN_4 a speech that is open to the public; "he attended a lecture on telecommunications" -07711232 __home_fries_NN_1 sliced pieces of potato fried in a pan until brown and crisp -12111882 __genus_bouteloua_NN_1 forage grasses -05524615 __testis_NN_1 one of the two male reproductive glands that produce spermatozoa and secrete androgens; "she kicked him in the balls and got away" -07302836 __fire_NN_1 the event of something burning (often destructive); "they lost everything in the fire" -07014752 __cry_NN_4 a fit of weeping; "had a good cry" -10898549 __joe_clark_NN_1 Canadian politician who served as prime minister (1939-) -00923321 __exculpatory_JJ_1 clearing of guilt or blame -07739506 __eating_apple_NN_1 an apple used primarily for eating raw without cooking -11231157 __st._peter_the_apostle_NN_1 disciple of Jesus and leader of the Apostles; regarded by Catholics as the vicar of Christ on earth and first Pope -00787660 __reward_VB_2 strengthen and support with rewards; "Let's reinforce good behavior" -08728749 __tangshan_NN_1 an industrial city of northeastern China in Hebei province -03659122 __level_crossing_NN_1 intersection of a railway and a road on the same level; barriers close road when trains pass -10292052 __wealthy_man_NN_1 a man who is wealthy -08959495 __monrovia_NN_1 the capital and chief port and largest city of Liberia -08993144 __principe_NN_1 an island in the Gulf of Guinea that is part of Sao Tome and Principe -04404412 __television_system_NN_1 a telecommunication system that transmits images of objects (stationary or moving) between distant points -02469085 __parcel_VB_1 divide into parts; "The developers parceled the land" -00199309 __restrict_VB_4 make more specific; "qualify these remarks" -11615026 __spruce_pine_NN_3 shrubby two-needled pine of coastal northwestern United States; red to yellow-brown bark fissured into small squares -00186567 __chlorinate_VB_1 treat or combine with chlorine; "chlorinated water" -14152617 __anencephaly_NN_1 a defect in brain development resulting in small or missing brain hemispheres -00336260 __crack_VB_1 become fractured; break or crack on the surface only; "The glass cracked when it was heated" -09817536 __asthmatic_NN_1 a person suffering from asthma; "she is a chronic asthmatic"; "the painful gasps of a dying asthmatic" -02695079 __album_NN_2 a book of blank pages with pockets or envelopes; for organizing photographs or stamp collections etc -12203529 __tilia_americana_NN_1 large American shade tree with large dark green leaves and rounded crown -03134015 __croft_NN_1 a small farm worked by a crofter -00269018 __renewal_NN_1 the conversion of wasteland into land suitable for use of habitation or cultivation -12412987 __orrisroot_NN_1 fragrant rootstock of various irises especially Florentine iris; used in perfumes and medicines -03590306 __jacket_NN_2 an outer wrapping or casing; "phonograph records were sold in cardboard jackets" -01672490 __hook_VB_3 make a piece of needlework by interlocking and looping thread with a hooked needle; "She sat there crocheting all day" -07567707 __meal_NN_3 coarsely ground foodstuff; especially seeds of various cereal grasses or pulse -09912243 __antifeminist_NN_1 someone who does not believe in the social or economic or political equality of men and women -12633061 __toyon_NN_1 ornamental evergreen treelike shrub of the Pacific coast of the United States having large white flowers and red berrylike fruits; often placed in genus Photinia -10523519 __resident_NN_1 someone who lives at a particular place for a prolonged period or who was born there -13289467 __allotment_NN_1 a share set aside for a specific purpose -06758835 __overstatement_NN_1 making to seem more important than it really is -08923177 __asahikawa_NN_1 a city on western Hokkaido that is the center of a fertile agricultural area -07885937 __libation_NN_1 (facetious) a serving of an alcoholic beverage -00605909 __wardership_NN_1 the position of warder -01367430 __family_enterobacteriaceae_NN_1 a large family of Gram-negative rod-shaped bacteria of the order Eubacteriales -02739121 __miscegenate_VB_1 marry or cohabit with a person of another race -10681194 __survivor_NN_1 one who lives through affliction; "the survivors of the fire were taken to a hospital" -09750524 __trojan_NN_1 a native of ancient Troy -01693453 __plot_VB_2 make a schematic or technical drawing of that shows interactions among variables or how something is constructed -15231765 __iron_age_NN_1 (archeology) the period following the Bronze Age; characterized by rapid spread of iron tools and weapons -01813811 __stictopelia_NN_1 a genus of Columbidae -07058296 __marching_music_NN_1 genre of music written for marching; "Sousa wrote the best marches" -12022054 __tanacetum_coccineum_NN_1 spring-flowering garden perennial of Asiatic origin having finely divided aromatic leaves and white to pink-purple flowers; source of an insecticide; sometimes placed in genus Chrysanthemum -01475282 __unmanageable_JJ_2 hard to control; "a difficult child", "an unmanageable situation" -03978130 __poliovirus_vaccine_NN_1 vaccine prepared from poliovirus to provide immunity to poliomyelitis -04401088 __telephone_set_NN_1 electronic equipment that converts sound into electrical signals that can be transmitted over distances and then converts received signals back into sounds; "I talked to him on the telephone" -10274639 __stumblebum_NN_2 an awkward stupid person -01825278 __turakoo_NN_1 large brightly crested bird of Africa -12941536 __pastinaca_sativa_NN_1 a strong-scented plant cultivated for its edible root -02130308 __chetah_NN_1 long-legged spotted cat of Africa and southwestern Asia having nonretractile claws; the swiftest mammal; can be trained to run down game -01069391 __connect_VB_4 join by means of communication equipment; "The telephone company finally put in lines to connect the towns in this area" -10017422 __dispatcher_NN_2 employee of a transportation company who controls the departures of vehicles according to weather conditions and in the interest of efficient service -00683280 __believe_VB_1 accept as true; take to be true; "I believed his report"; "We didn't believe his stories from the War"; "She believes in spirits" -11295619 __shannon_NN_1 United States electrical engineer who pioneered mathematical communication theory (1916-2001) -09855433 __biographer_NN_1 someone who writes an account of a person's life -09161803 __venezuela_NN_1 a republic in northern South America on the Caribbean; achieved independence from Spain in 1811; rich in oil -13199970 __holly_fern_NN_1 any of various ferns of the genus Polystichum having fronds with texture and gloss like holly -12029929 __genus_ursinia_NN_1 genus of South African herbs and shrubs cultivated as ornamentals -04740864 __unexchangeability_NN_1 the quality of being incapable of exchange or interchange -06552320 __dissenting_opinion_NN_1 an opinion that disagrees with the court's disposition of the case -05385161 __gallbladder_NN_1 a muscular sac attached to the liver that stores bile (secreted by the liver) until it is needed for digestion -13521873 __nitrification_NN_1 the chemical process in which a nitro group is added to an organic compound (or substituted for another group in an organic compound) -06628861 __acknowledgment_NN_3 a statement acknowledging something or someone; "she must have seen him but she gave no sign of acknowledgment"; "the preface contained an acknowledgment of those who had helped her" -00186616 __awake_JJ_1 not in a state of sleep; completely conscious; "lay awake thinking about his new job"; "still not fully awake" -05846355 __restriction_NN_1 a principle that limits the extent of something; "I am willing to accept certain restrictions on my movements" -05571341 __oesophagogastric_junction_NN_1 the junction between the esophagus and the stomach epithelium -10499631 __queen_of_england_NN_1 the sovereign ruler of England -01736098 __reprint_VB_1 print anew; "They never reprinted the famous treatise" -08557131 __dukedom_NN_2 the domain controlled by a duke or duchess -11493827 __voltage_NN_2 the difference in electrical charge between two points in a circuit expressed in volts -11031668 __president_harrison_NN_1 23rd President of the United States (1833-1901) -01271915 __blenheim_NN_1 the First Duke of Marlborough and Prince Eugene of Savoy defeated the French in 1704 during the War of the Spanish Succession -09889065 __call_girl_NN_1 a female prostitute who can be hired by telephone -05803212 __digitization_NN_1 conversion of analog information into digital information -04931965 __structure_NN_2 the manner of construction of something and the arrangement of its parts; "artists must study the structure of the human body"; "the structure of the benzene molecule" -02852920 __matrimonial_JJ_1 of or relating to the state of marriage; "marital status"; "marital fidelity"; "married bliss" -14732472 __keratin_NN_1 a fibrous scleroprotein that occurs in the outer layer of the skin and in horny tissues such as hair, feathers, nails, and hooves -00224166 __maleficent_JJ_1 harmful or evil in intent or effect -11992674 __lonas_NN_1 one species: yellow ageratum -01814815 __soothe_VB_1 give moral or emotional strength to -02000133 __hand_VB_2 guide or conduct or usher somewhere; "hand the elderly lady into the taxi" -01183573 __satisfy_VB_3 fill or meet a want or need -07440240 __upsurge_NN_1 a sudden forceful flow -06615026 __feature_film_NN_1 the principal (full-length) film in a program at a movie theater; "the feature tonight is `Casablanca'" -04007664 __prod_NN_2 a pointed instrument that is used to prod into a state of motion -12115563 __genus_cynodon_NN_1 creeping perennial grasses of tropical and southern Africa -08151490 __cult_NN_1 followers of an exclusive system of religious beliefs and practices -12808007 __platanus_wrightii_NN_1 medium-sized tree of Arizona and adjacent regions having deeply lobed leaves and collective fruits in groups of 3 to 5 -07444668 __shift_NN_1 an event in which something is displaced without rotation -10399491 __parent_NN_1 a father or mother; one who begets or one who gives birth to or nurtures and raises a child; a relative who plays the role of guardian -04683600 __hirsutism_NN_1 excessive hairiness -05079638 __verticalness_NN_1 position at right angles to the horizon -04125257 __safety_deposit_box_NN_1 a fireproof metal strongbox (usually in a bank) for storing valuables -00107875 __curve_ball_NN_1 a pitch of a baseball that is thrown with spin so that its path curves as it approaches the batter -06185581 __states'_rights_NN_1 a doctrine that federal powers should be curtailed and returned to the individual states -04579986 __white_NN_11 (board games) the lighter pieces -00759944 __pray_VB_1 address a deity, a prophet, a saint or an object of worship; say a prayer; "pray to the Lord" -08254331 __reception_NN_2 a formal party of people; as after a wedding -08221897 __audience_NN_1 a gathering of spectators or listeners at a (usually public) performance; "the audience applauded"; "someone in the audience began to cough" -07134850 __schmooze_NN_1 an informal conversation -01747885 __cobra_NN_1 venomous Asiatic and African elapid snakes that can expand the skin of the neck into a hood -01204021 __slake_VB_1 satisfy (thirst); "The cold water quenched his thirst" -01787835 __xiphosurus_polyphemus_NN_1 large marine arthropod of the Atlantic coast of North America having a domed carapace that is shaped like a horseshoe and a stiff pointed tail; a living fossil related to the wood louse -02678384 __actuator_NN_1 a mechanism that puts something into automatic action -07213717 __display_NN_4 behavior that makes your feelings public; "a display of emotion" -00055315 __desertion_NN_1 withdrawing support or help despite allegiance or responsibility; "his abandonment of his wife and children left them penniless" -08134807 __homeland_security_NN_1 the federal department that administers all matters relating to homeland security -13265011 __gift_NN_1 something acquired without compensation -04849759 __virtue_NN_3 morality with respect to sexual relations -14622623 __benzyl_radical_NN_1 the univalent radical derived from toluene -01893771 __snap_VB_4 move or strike with a noise; "he clicked on the light"; "his arm was snapped forward" -12838027 __mint_family_NN_1 a large family of aromatic herbs and shrubs having flowers resembling the lips of a mouth and four-lobed ovaries yielding four one-seeded nutlets and including mint; thyme; sage; rosemary -02432511 __odocoileus_hemionus_NN_1 long-eared deer of western North America with two-pronged antlers -00771713 __disturbance_of_the_peace_NN_1 any act of molesting, interrupting, hindering, agitating, or arousing from a state of repose or otherwise depriving inhabitants of the peace and quiet to which they are entitled -13775093 __plurality_NN_2 a large indefinite number; "a battalion of ants"; "a multitude of TV antennas"; "a plurality of religions" -02414473 __electioneer_VB_1 work actively for a political candidate or a party; "My neighbors are busy electioneering during the Presidential election campaign" -02814860 __pharos_NN_1 a tower with a light that gives warning of shoals to passing ships -14289942 __singe_NN_1 a surface burn -02281987 __lycaena_NN_1 type genus of the Lycaenidae; small slender butterflies with upper surface of wings usually metallic blue or green or copper -04398497 __teashop_NN_1 a restaurant where tea and light meals are available -12334520 __gumwood_NN_1 wood or lumber from any of various gum trees especially the sweet gum -10663858 __striker_NN_2 someone receiving intensive training for a naval technical rating -10012377 __dieter_NN_1 a person who diets -09386842 __pass_NN_4 the location in a range of mountains of a geological formation that is lower than the surrounding peaks; "we got through the pass before it started to snow" -07628870 __cake_NN_3 baked goods made from or based on a mixture of flour, sugar, eggs, and fat -13107891 __arbor_NN_1 tree (as opposed to shrub) -00796588 __exclude_VB_4 prevent from entering; keep out; "He was barred from membership in the club" -09133010 __oregon_NN_1 a state in northwestern United States on the Pacific -08419562 __acquirer_NN_2 a corporation gaining financial control over another corporation or financial institution through a payment in cash or an exchange of stock -13267534 __grant-in-aid_NN_2 a grant to a person or school for some educational project -05692758 __decisive_factor_NN_1 a point or fact or remark that settles something conclusively -04656996 __withdrawnness_NN_1 a disposition to be distant and unsympathetic in manner -00778745 __break_VB_48 interrupt the flow of current in; "break a circuit" -10201535 __shammer_NN_2 a person who makes deceitful pretenses -07404261 __undertow_NN_2 the seaward undercurrent created after waves have broken on the shore -06954048 __danish_NN_1 a Scandinavian language that is the official language of Denmark -11965378 __genus_erigeron_NN_1 cosmopolitan genus of usually perennial herbs with flowers that resemble asters; leaves occasionally (especially formerly) used medicinally -01787546 __limulidae_NN_1 horseshoe crabs -00531904 __desalt_VB_1 remove salt from; "desalinate water" -07447022 __return_NN_3 the occurrence of a change in direction back in the opposite direction -04121511 __sabre_NN_1 a fencing sword with a v-shaped blade and a slightly curved handle -07736087 __yellow_turnip_NN_1 the large yellow root of a rutabaga plant used as food -05322247 __perilymph_NN_1 the bodily fluid that fills the space between the bony labyrinth and the membranous labyrinth of the inner ear -00257535 __belly_out_VB_1 swell out or bulge out -15024997 __protoheme_NN_1 a complex red organic pigment containing iron and other atoms to which oxygen binds -09710164 __hellene_NN_1 a native or inhabitant of Greece -02596252 __sciaena_aquila_NN_1 large European marine food fish -00262596 __adornment_NN_2 the action of decorating yourself with something colorful and interesting -12628872 __genus_cydonia_NN_1 quince -08713655 __pampas_NN_1 the vast grassy plains of northern Argentina -13828075 __orientation_NN_3 position or alignment relative to points of the compass or other specific directions -01929467 __tread_VB_2 tread or stomp heavily or roughly; "The soldiers trampled across the fields" -14897369 __turpentine_NN_1 obtained from conifers (especially pines) -00021265 __nutrient_NN_1 any substance that can be metabolized by an animal to give energy and build tissue -02370360 __udder_NN_1 mammary gland of bovids (cows and sheep and goats) -04250224 __sniper_rifle_NN_1 an extremely powerful rifle developed for the military; capable of destroying light armored vehicles and aircraft more than a mile away -02442737 __rein_in_VB_2 control and direct with or as if by reins; "rein a horse" -10454752 __vulgarizer_NN_2 someone who makes attractive to the general public -00223720 __liquidation_NN_3 the murder of a competitor -04823866 __unclearness_NN_1 incomprehensibility as a result of not being clear -05923983 __value_NN_6 an ideal accepted by some individual or group; "he has old-fashioned values" -03156405 __piston_chamber_NN_1 a chamber within which piston moves -07723177 __shallot_NN_3 small mild-flavored onion-like or garlic-like clustered bulbs used for seasoning -00781652 __solicit_VB_3 approach with an offer of sexual favors; "he was solicited by a prostitute"; "The young man was caught soliciting in the park" -02588108 __haemulidae_NN_1 grunts -13444940 __kenogenesis_NN_1 introduction during embryonic development of characters or structure not present in the earlier evolutionary history of the strain or species (such as the addition of the placenta in mammalian evolution) -01900488 __spine_NN_5 a sharp rigid animal process or appendage; as a porcupine quill or a ridge on a bone or a ray of a fish fin -03973628 __pocketknife_NN_1 a knife with a blade that folds into the handle; suitable for carrying in the pocket -03364340 __float_NN_6 something that floats on the surface of water -00500449 __carom_NN_2 a shot in billiards in which the cue ball contacts one object ball and then the other -08213205 __division_NN_1 an army unit large enough to sustain combat; "two infantry divisions were held in reserve" -12580457 __wisteria_NN_1 any flowering vine of the genus Wisteria -02870663 __angelical_JJ_1 of or relating to angels; "angelic messenger" -03296597 __escutcheon_NN_2 (nautical) a plate on a ship's stern on which the name is inscribed -01983277 __homarus_NN_1 type genus of the family Homaridae: common edible lobsters -12172481 __musk_mallow_NN_1 bushy herb of tropical Asia grown for its yellow or pink to scarlet blooms that resemble the hibiscus -11699915 __podophyllum_NN_1 perennial rhizomatous herbs -12479537 __dracaena_NN_1 an agave that is often cultivated for its decorative foliage -01681048 __finger-paint_VB_1 apply colors with one's fingers -01596761 __family_artamidae_NN_1 wood swallows -07519253 __fright_NN_1 an emotion experienced in anticipation of some specific pain or danger (usually accompanied by a desire to flee or fight) -01615458 __white-tailed_sea_eagle_NN_1 bulky greyish-brown eagle with a short wedge-shaped white tail; of Europe and Greenland -01756719 __script_VB_1 write a script for; "The playwright scripted the movie" -14911057 __hydrocarbon_NN_1 an organic compound containing only carbon and hydrogen -13736197 __decimal_fraction_NN_1 a proper fraction whose denominator is a power of 10 -08414381 __panel_NN_4 a group of people gathered for a special purpose as to plan or discuss an issue or judge a contest etc -03499142 __scuttle_NN_2 an entrance equipped with a hatch; especially a passageway between decks of a ship -03346135 __fire_iron_NN_1 metal fireside implements -04463983 __track_NN_3 a pair of parallel rails providing a runway for wheels -00039021 __interaction_NN_1 a mutual or reciprocal action; interacting -04209613 __shower_stall_NN_1 booth for washing yourself, usually in a bathroom -01889610 __shake_VB_1 move or cause to move back and forth; "The chemist shook the flask vigorously"; "My hands were shaking" -10689564 __tailor_NN_1 a person whose occupation is making and altering garments -09129442 __peace_garden_state_NN_1 a state of north central United States bordering on Canada -08762104 __arhus_NN_1 port city of Denmark in eastern Jutland -01573775 __genus_dolichonyx_NN_1 bobolinks -04902470 __indecorum_NN_1 a lack of decorum -00286957 __gait_NN_2 a horse's manner of moving -00834943 __suborn_VB_3 induce to commit perjury or give false testimony; "The President tried to suborn false witnesses" -00834259 __lie_VB_5 tell an untruth; pretend with intent to deceive; "Don't lie to your parents"; "She lied when she told me she was only 29" -06347588 __subtitle_NN_1 translation of foreign dialogue of a movie or TV program; usually displayed at the bottom of the screen -05594822 __tarsus_NN_1 the part of the foot of a vertebrate between the metatarsus and the leg; in human beings the bones of the ankle and heel collectively -08036005 __national_liberation_front_of_corsica_NN_1 a terrorist group formed in 1976 to work for Corsican independence; attacks on Corsica are aimed at sabotaging public infrastructure and symbols of colonialism -02044278 __circulate_VB_5 move in circles -00657604 __medical_care_NN_1 professional treatment for illness or injury -09331328 __lake_leman_NN_1 a lake between southwestern Switzerland and France that is crossed from east to west by the Rhone -01181475 __due_process_of_law_NN_1 (law) the administration of justice according to established rules and principles; based on the principle that a person cannot be deprived of life or liberty or property without appropriate legal procedures and safeguards -08365855 __communism_NN_1 a form of socialism that abolishes private ownership -01006421 __sketch_VB_2 describe roughly or briefly or give the main points or summary of; "sketch the outline of the book"; "outline his ideas" -06615458 __home_movie_NN_1 a film made at home by an amateur photographer -11494638 __precipitation_NN_3 the falling to earth of any form of water (rain or snow or hail or sleet or mist) -04770911 __wavering_NN_2 the quality of being unsteady and subject to changes; "he kept a record of price fluctuations" -08130712 __technology_administration_NN_1 an agency in the Department of Commerce that works with United States industries to promote competitiveness and maximize the impact of technology on economic growth -01887076 __protective_JJ_1 intended or adapted to afford protection of some kind; "a protective covering"; "the use of protective masks and equipment"; "protective coatings"; "kept the drunken sailor in protective custody"; "animals with protective coloring"; "protective tariffs" -02371125 __unguiculata_NN_1 in former classifications a major division of Mammalia comprising mammals with nails or claws; distinguished from hoofed mammals and cetaceans -07209965 __squawk_NN_2 informal terms for objecting; "I have a gripe about the service here" -10185793 __horseman_NN_1 a man skilled in equitation -03524574 __hoe_NN_1 a tool with a flat blade attached at right angles to a long handle -03101667 __postural_JJ_1 of or relating to or involving posture; "postural exercises" -03688943 __observatory_NN_2 a structure commanding a wide view of its surroundings -05703956 __mind_NN_5 attention; "don't pay him any mind" -03119203 __trading_post_NN_1 a retail store serving a sparsely populated region; usually stocked with a wide variety of merchandise -00909899 __molding_NN_1 the act of creating something by casting it in a mold -13722929 __microgram_NN_1 one millionth (1/1,000,000) gram -02048832 __gavidae_NN_1 loon family -03061050 __cocked_hat_NN_1 hat with opposing brims turned up and caught together to form points -08509786 __belt_NN_3 an elongated region where a specific condition or characteristic is found; "a belt of high pressure" -02471762 __hominid_NN_1 a primate of the family Hominidae -05006285 __lifelessness_NN_2 not having life -11728350 __genus_cimicifuga_NN_1 small genus of perennial herbs of north temperate regions: bugbane -03824014 __procardia_NN_1 calcium blocker (trade name Procardia); appears to increase the risk of recurrent heart attacks -12204175 __tilia_tomentosa_NN_1 large tree native to eastern Europe and Asia Minor having leaves with white tomentum on the under side; widely cultivated as an ornamental -10507230 __rapist_NN_1 someone who forces another to have sexual intercourse -01041762 __summon_VB_2 ask to come; "summon a lawyer" -01892849 __carom_VB_1 rebound after hitting; "The car caromed off several lampposts" -02646072 __astragalar_JJ_1 of or relating to the anklebone -08854725 __acre_NN_2 a territory of western Brazil bordering on Bolivia and Peru -06767693 __rib_NN_4 a teasing remark -03194812 __diffusor_NN_2 optical device that distributes the light of a lamp evenly -07269552 __stripes_NN_1 V-shaped sleeve badge indicating military rank and service; "they earned their stripes in Kuwait" -00847932 __disassortative_mating_NN_1 mating of individuals having traits more dissimilar than likely in random mating -07851054 __paring_NN_2 (usually plural) a part of a fruit or vegetable that is pared or cut off; especially the skin or peel; "she could peel an apple with a single long paring" -02246284 __family_aleyrodidae_NN_1 whiteflies -02470451 __suborder_anthropoidea_NN_1 monkeys; apes; hominids -09800469 __plaintiff_in_error_NN_1 the party who appeals a decision of a lower court -10002031 __populist_NN_1 an advocate of democratic principles -12158148 __genus_cucurbita_NN_1 type genus of the Cucurbitaceae -02646985 __liparididae_NN_1 snailfishes -08013453 __al-muhajiroun_NN_1 a hard-line extremist Islamic group in Great Britain who support bin Laden and other terrorist groups -04634540 __exuberance_NN_2 overflowing with eager enjoyment or approval -09908508 __chaplain_NN_1 a clergyman ministering to some institution -00291286 __last_mile_NN_1 the last walk of a condemned person to the execution place give out or emit (also metaphorically); "The room effuses happiness" -00062806 __attainment_NN_1 the act of achieving an aim; "the attainment of independence" -06248693 __protology_NN_1 the study of origins and first things; "To Christians, protology refers to God's fundamental purpose for humanity" -05711915 __tonal_pattern_NN_1 the perception of pleasant arrangements of musical notes -03151077 __pall_NN_3 hanging cloth used as a blind (especially for a window) -05542893 __suture_NN_1 an immovable joint (especially between the bones of the skull) -00442063 __quicken_VB_3 give life or energy to; "The cold water invigorated him" -06418693 __wordbook_NN_1 a reference book containing words (usually with their meanings) -09636890 __negroid_race_NN_1 a dark-skinned race -05026508 __equivalent_weight_NN_1 the atomic weight of an element that has the same combining capacity as a given weight of another element; the standard is 8 for oxygen -02429276 __genus_antilocapra_NN_1 type and sole genus of the Antilocapridae comprising one species -13478525 __extraction_NN_1 the process of obtaining something from a mixture or compound by chemical or physical or mechanical means -01930672 __genus_ascaris_NN_1 type genus of the family Ascaridae: roundworms with a three-lipped mouth -02271570 __thysanopterous_insect_NN_1 an insect of the order Thysanoptera -04218383 __viagra_NN_1 virility drug (trade name Viagra) used to treat erectile dysfunction in men -12011620 __senecio_cineraria_NN_1 stiff much-branched perennial of the Mediterranean region having very white woolly stems and leaves -13723304 __metric_grain_NN_1 a weight unit used for pearls or diamonds: 50 mg or 1/4 carat -03722007 __marker_NN_3 a writing implement for making a mark -06547059 __warrant_NN_1 a writ from a court commanding police to perform specified acts -14780850 __chlorinated_lime_NN_1 a white powder comprised of calcium hydroxide and chloride and hypochlorite and used to bleach and/or disinfect -00364600 __depreciation_NN_1 a decrease in price or value; "depreciation of the dollar against the yen" -01011166 __listing_NN_2 the act of making a list of items -02103841 __watchdog_NN_2 a dog trained to guard property -00013858 __stooge_VB_3 act as a stooge, in a compliant or subordinate manner; "He stooged for the flamboyant Senator" -00388210 __fragmentation_NN_1 separating something into fine particles -02629793 __encompass_VB_1 include in scope; include as part of something broader; have as one's sphere or territory; "This group encompasses a wide range of people from different backgrounds"; "this should cover everyone in the group" -02728763 __appendage_NN_3 a part that is joined to something larger -07648408 __white_meat_NN_1 meat carved from the breast of a fowl -15165490 __twelve_noon_NN_1 the middle of the day -06558277 __citation_NN_5 a summons that commands the appearance of a party at a proceeding -07621618 __garnish_NN_1 something (such as parsley) added to a dish for flavor or decoration -08144308 __tsa_NN_1 an agency established in 2001 to safeguard United States transportation systems and insure safe air travel -00134328 __barbarize_VB_2 make crude or savage in behavior or speech; "his years in prison have barbarized the young man" -01746565 __genus_callophis_NN_1 Asian coral snakes -07499113 __tendency_NN_2 an inclination to do something; "he felt leanings toward frivolity" -08199025 __war_machine_NN_1 the military forces of a nation; "their military is the largest in the region"; "the military machine is the same one we faced in 1991 but now it is weaker" -05683197 __inquisitiveness_NN_1 a state of active curiosity -02236124 __take_VB_11 receive willingly something given or offered; "The only girl who would have him was the miller's daughter"; "I won't have this dog in my house!"; "Please accept my present" -01884348 __thylacinus_NN_1 Tasmanian wolf -14204950 __pathology_NN_2 any deviation from a healthy or normal condition -12468243 __wood_lily_NN_1 any liliaceous plant of the genus Trillium having a whorl of three leaves at the top of the stem with a single three-petaled flower -01995514 __fairy_shrimp_NN_1 small freshwater branchiopod having a transparent body with many appendages; swims on its back -05124928 __uttermost_NN_1 the greatest possible degree; "he tried his utmost" -13347237 __life_insurance_NN_1 insurance paid to named beneficiaries when the insured person dies; "in England they call life insurance life assurance" -00508952 __craps_NN_2 a gambling game played with two dice; a first throw of 7 or 11 wins and a first throw of 2, 3, or 12 loses and a first throw of any other number must be repeated to win before a 7 is thrown, which loses the bet and the dice -01392080 __preen_VB_1 clean with one's bill; "The birds preened" -10994906 __george_i_NN_1 Elector of Hanover and the first Hanoverian King of Great Britain and Ireland from 1714 to 1727 (1660-1727) -09479424 __wilderness_NN_2 a wooded region in northeastern Virginia near Spotsylvania where bloody but inconclusive battles were fought in the American Civil War -01949817 __genus_ancylus_NN_1 type genus of the family Ancylidae: river limpet transport in a chariot -06094774 __acoustics_NN_1 the study of the physical properties of sound -13319726 __base_rate_NN_1 the interest rate set by the Bank of England for lending to other banks -00338641 __opening_NN_5 the act of opening something; "the ray of light revealed his cautious opening of the door" -12816359 __genus_borago_NN_1 perennial herbs of the Mediterranean region -07874531 __poi_NN_1 Hawaiian dish of taro root pounded to a paste and often allowed to ferment -01582625 __family_cracticidae_NN_1 Australian birds formerly included in the family Laniidae -09064861 __riverside_NN_2 a city in southern California -12668732 __nauclea_NN_1 small genus of evergreen tropical shrubs or trees with smooth leathery leaves -10044682 __ectomorph_NN_1 a person with a thin body -14570330 __polyvalency_NN_1 (chemistry) the state of having a valence greater than two -02747667 __impressionistic_JJ_1 of or relating to or based on an impression rather than on facts or reasoning; "a surprisingly impressionistic review bearing marks of hasty composition"; "she had impressionistic memories of her childhood" -09440186 __sound_NN_8 a large ocean inlet or deep bay; "the main body of the sound ran parallel to the coast" -00907800 __heckle_VB_2 challenge aggressively -01648993 __scaphiopus_NN_1 New World spadefoot toads -03475823 __hairdressing_NN_1 a toiletry for the hair -00032613 __possession_NN_2 anything owned or possessed -12027658 __tragopogon_pratensis_NN_1 weedy European annual with yellow flowers; naturalized in United States -03894762 __party_favour_NN_1 souvenir consisting of a small gift given to a guest at a party -10594284 __sudra_NN_1 a member of the lowest or worker Hindu caste -02410702 __buffalo_NN_1 large shaggy-haired brown bison of North American plains -13990675 __guiltiness_NN_1 the state of having committed an offense -02425393 __genus_boselaphus_NN_1 Indian antelopes: nilgais -05042283 __weak_spot_NN_1 a place of especial vulnerability -02911332 __polisher_NN_1 a power tool used to buff surfaces -01023820 __process_NN_1 a particular course of action intended to achieve a result; "the procedure of obtaining a driver's license"; "it was a process of trial and error" -13315077 __poor_rates_NN_1 a local tax for the relief of the poor -03567066 __incubator_NN_1 apparatus consisting of a box designed to maintain a constant temperature by the use of a thermostat; used for chicks or premature infants -08472890 __trade_union_movement_NN_1 an organized attempt by workers to improve their status by united action (particularly via labor unions) or the leaders of this movement -07526757 __happiness_NN_2 emotions experienced when in a state of well-being -00927711 __intimate_VB_1 give to understand; "I insinuated that I did not like his wife" -01530846 __genus_carduelis_NN_1 in some classifications considered the type genus of a subfamily Carduelinae of the family Fringillidae: goldfinches; siskins; redpolls; linnets -08756202 __trinidad_and_tobago_NN_1 an island republic in the West Indies off the northeastern coast of Venezuela; achieved independence from the United Kingdom in 1962 -08978161 __tt_NN_2 a republic in the western central Pacific Ocean in association with the United States -11328714 __william_howard_taft_NN_1 27th President of the United States and later chief justice of the United States Supreme Court (1857-1930) -12557681 __scarlet_runner_bean_NN_1 tropical American bean with red flowers and mottled black beans similar to Phaseolus vulgaris but perennial; a preferred food bean in Great Britain -05099796 __strength_NN_6 the amount of energy transmitted (as by acoustic or electromagnetic radiation); "he adjusted the intensity of the sound"; "they measured the station's signal strength" -00049007 __shirt_VB_1 put a shirt on -02282506 __store_VB_2 find a place for and put away for storage; "where should we stow the vegetables?"; "I couldn't store all the books in the attic so I sold some" -11962853 __genus_elephantopus_NN_1 perennial American herb -00216607 __congee_NN_4 an abrupt and unceremonious dismissal -11991263 __snakeroot_NN_2 any of various North American plants of the genus Liatris having racemes or panicles of small discoid flower heads -10904270 __william_frederick_cody_NN_1 United States showman famous for his Wild West Show (1846-1917) -08085648 __curia_NN_1 (Roman Catholic Church) the central administration governing the Roman Catholic Church -00457770 __curdle_VB_1 turn into curds; "curdled milk" -13459322 __defense_reaction_NN_1 (psychiatry) an unconscious process that tries to reduce the anxiety associated with instinctive desires -05785508 __thoughtfulness_NN_1 a calm, lengthy, intent consideration -03125057 __mother_board_NN_1 the main circuit board for a computer -04692638 __nevus_NN_1 a blemish on the skin that is formed before birth -00114431 __pulling_NN_1 the act of pulling; applying force to move something toward or with you; "the pull up the hill had him breathing harder"; "his strenuous pulling strained his back" -00464513 __ordered_JJ_3 marked by an orderly, logical, and aesthetically consistent relation of parts; "a coherent argument" -06587596 __shareware_NN_1 software that is available free of charge; may be distributed for evaluation with a fee requested for additional features or a manual etc. -03961070 __sheet_glass_NN_1 glass formed into large thin sheets -06611856 __chickenshit_NN_1 a false statement that is considered to indicate timidity or fear -00031540 __laugh_loudly_VB_1 laugh boisterously -01893535 __family_erinaceidae_NN_1 true hedgehogs -09156241 __huntington_NN_4 a city of western West Virginia on the Ohio river at the mouth of the Kanawha -00051060 __scarf_VB_3 wrap in or adorn with a scarf -12575322 __vetch_NN_1 any of various climbing plants of the genus Vicia having pinnately compound leaves that terminate in tendrils and small variously colored flowers; includes valuable forage and soil-building plants -05829342 __positive_stimulus_NN_1 a stimulus with desirable consequences -02592244 __lagodon_NN_1 a genus of Sparidae -14493716 __penury_NN_1 a state of extreme poverty or destitution; "their indigence appalled him"; "a general state of need exists among the homeless" -04948722 __tweediness_NN_1 looseness or roughness in texture (as of cloth) -10390199 __pacifist_NN_1 someone opposed to violence as a means of settling disputes -10092299 __fire_watcher_NN_1 (during World War II in Britain) someone whose duty was to watch for fires caused by bombs dropped from the air -08771116 __leipzig_NN_1 a city in southeastern Germany famous for fairs; formerly a music and publishing center -02862048 __suit_of_armour_NN_1 armor that protects the wearer's whole body -05309392 __velum_NN_2 a muscular flap that closes off the nasopharynx during swallowing or speaking -14854847 __muck_NN_2 fecal matter of animals -00053913 __withdrawal_NN_3 the act of withdrawing; "the withdrawal of French troops from Vietnam" -09269972 __settlings_NN_1 sediment that has settled at the bottom of a liquid -12057211 __yellow_lady-slipper_NN_1 maroon to purple-brown orchid with yellow lip; Europe, North America and Japan -05762149 __mind_NN_2 recall or remembrance; "it came to mind" -02239934 __leptoglossus_NN_1 leaf-footed bugs -10433452 __pilot_NN_2 a person qualified to guide ships through difficult waters going into or out of a harbor -01637368 __fantasy_VB_1 indulge in fantasies; "he is fantasizing when he says he plans to start his own company" -01083044 __throw_in_the_towel_VB_1 give up in the face of defeat of lacking hope; admit defeat; "In the second round, the challenger gave up" -02580991 __selar_NN_1 big-eyed scad -13179410 __vittariaceae_NN_1 one of a number of families into which Polypodiaceae has been subdivided in some classification systems: genus Vittaria -08552138 __territory_NN_1 a region marked off for administrative or other purposes -07355194 __conversion_NN_6 a change of religion; "his conversion to the Catholic faith" -02989893 __rocephin_NN_1 a parenteral cephalosporin (trade name Rocephin) used for severe infection of the lungs or throat or ears or urinary tract -08348815 __law_enforcement_agency_NN_1 an agency responsible for insuring obedience to the laws -12805146 __currant_bush_NN_1 any of various deciduous shrubs of the genus Ribes bearing currants -12937822 __genus_eryngium_NN_1 large genus of decorative plants with thistlelike flower heads; cosmopolitan in distribution -00445055 __surfriding_NN_1 the sport of riding a surfboard toward the shore on the crest of a wave -00775943 __racket_NN_2 an illegal enterprise (such as extortion or fraud or drug peddling or prostitution) carried on for profit -10292316 __producer_NN_1 someone who manufactures something -02267644 __sisyridae_NN_1 an arthropod family of the order Neuroptera that includes spongeflies -07344528 __swash_NN_1 the movement or sound of water; "the swash of waves on the beach" -02610541 __scaridae_NN_1 parrotfishes -01784295 __snap_VB_11 lose control of one's emotions; "When she heard that she had not passed the exam, she lost it completely"; "When her baby died, she snapped" -00400449 __reforestation_NN_1 the restoration (replanting) of a forest that had been reduced by fire or cutting -06489968 __credits_NN_1 a list of acknowledgements of those who contributed to the creation of a film (usually run at the end of the film) -02767956 __backbench_NN_1 any of the seats occupied by backbenchers in the House of Commons -09231361 __caloosahatchee_river_NN_1 a river in southern Florida that flows westerly to the Gulf of Mexico; forms the western end of the Cross-Florida Waterway -02228031 __abandon_VB_1 forsake, leave behind; "We abandoned the old car in the empty parking lot" -10070942 __flasher_NN_1 someone with a compulsive desire to expose the genitals -01196316 __court-martial_NN_2 a trial that is conducted by a military court -03113657 __costume_NN_1 the attire worn in a play or at a fancy dress ball; "he won the prize for best costume" -15150870 __mid-eighties_NN_1 the time of life between 80 and 90 -01655116 __family_caeciliidae_NN_1 coextensive with the order Gymnophiona: legless amphibians -09866922 __moonshiner_NN_1 someone who makes or sells illegal liquor -06329313 __neuter_NN_1 a gender that refers chiefly (but not exclusively) to inanimate objects (neither masculine nor feminine) -12113657 __burgrass_NN_1 a grass of the genus Cenchrus -01298573 __verdun_NN_1 a battle in World War I (1916); in some of the bloodiest fighting in World War I the German offensive was stopped -01324305 __mutant_NN_2 an animal that has undergone mutation -11809922 __genus_drypis_NN_1 one species -02081178 __top_VB_2 pass by, over, or under without making contact; "the balloon cleared the tree tops" -00711715 __toy_with_VB_1 take into consideration, have in view; "He entertained the notion of moving to South America" -10087434 __fighter_pilot_NN_1 a military or naval pilot of fighter planes -02621721 __gempylidae_NN_1 snake mackerels -05142641 __welfare_NN_2 something that aids or promotes well-being; "for the benefit of all" -01696648 __emblazon_VB_1 decorate with colors; "color the walls with paint in warm tones" -09498497 __midas_NN_1 (Greek legend) the greedy king of Phrygia who Dionysus gave the power to turn everything he touched into gold -02983097 __gestational_JJ_1 of or relating to gestation -02580336 __scad_NN_1 any of a number of fishes of the family Carangidae -11186042 __president_monroe_NN_1 5th President of the United States; author of the Monroe Doctrine (1758-1831) -01811394 __pezophaps_NN_1 constituted by the extinct solitaire -09298698 __gulf_of_mexico_NN_1 an arm of the Atlantic to the south of the United States and to the east of Mexico -06637149 __high-level_formatting_NN_1 (computer science) the format for the root directory and the file allocation tables and other basic configurations -09020792 __frunze_NN_1 the capital of Kyrgyzstan (known as Frunze 1926-1991) -05372125 __vena_labialis_NN_1 veins draining the lips of the vulva -12954978 __schizaeaceae_NN_1 small family of mainly tropical ferns -12836663 __genus_phacelia_NN_1 American herbs with usually pinnatifid leaves and blue or purple or white flowers in scorpioid cymes -02226981 __embalm_VB_1 preserve a dead body -00669630 __take_a_joke_VB_1 listen to a joke at one's own expense; "Can't you take a joke?" -00595032 __marshalship_NN_1 the post of marshall -01661592 __anapsid_reptile_NN_1 primitive reptile having no opening in the temporal region of the skull; all extinct except turtles -01935012 __oligochaeta_NN_1 earthworms -02350175 __rid_VB_1 relieve from; "Rid the house of pests" -01484714 __agglomerate_VB_1 form into one cluster -02838592 __photographic_JJ_1 relating to photography or obtained by using photography; "photographic equipment" -13633375 __current_unit_NN_1 a measure of the amount of electric charge flowing past a circuit point at a specific time -04937848 __hardness_NN_1 the property of being rigid and resistant to pressure; not easily scratched; measured on Mohs scale -02472987 __world_NN_8 all of the living human inhabitants of the earth; "all the world loves a lover"; "she always used `humankind' because `mankind' seemed to slight the women" -12392943 __genus_boehmeria_NN_1 false nettle -01205000 __burn_up_VB_2 use up (energy); "burn off calories through vigorous exercise" -05289057 __muscular_tissue_NN_1 animal tissue consisting predominantly of contractile cells -03316406 __mill_NN_1 a plant consisting of one or more buildings with facilities for manufacturing -07185076 __offering_NN_3 the verbal act of offering; "a generous offer of assistance" -01574390 __grackle_NN_2 long-tailed American blackbird having iridescent black plumage -05561834 __tibia_vara_NN_1 a leg bowed outward at the knee (or below the knee) -07557165 __treat_NN_1 something considered choice to eat -10868980 __st._bruno_NN_1 (Roman Catholic Church) a French cleric (born in Germany) who founded the Carthusian order in 1084 (1032-1101) -10768585 __warrior_NN_1 someone engaged in or experienced in warfare -04391276 __tap_NN_4 a small metal plate that attaches to the toe or heel of a shoe (as in tap dancing) -10671736 __successor_NN_1 a person who follows next in order; "he was President Lincoln's successor" -01489465 __unload_VB_1 leave or unload; "unload the cargo"; "drop off the passengers at the hotel" -09793352 __raconteur_NN_1 a person skilled in telling anecdotes -02478701 __validate_VB_1 declare or make legally valid -12835578 __genus_eriodictyon_NN_1 small genus of evergreen shrubs of southwestern United States and Mexico -07048000 __vocal_NN_2 a short musical composition with words; "a successful musical must have at least three good songs" -01754370 __copperhead_NN_1 common coppery brown pit viper of upland eastern United States -00527498 __slam_dancing_NN_1 a form of dancing in which dancers slam into one another; normally performed to punk rock -05603650 __excrescence_NN_2 (pathology) an abnormal outgrowth or enlargement of some part of the body -12794568 __strawberry_saxifrage_NN_1 eastern Asiatic saxifrage with racemes of small red-and-white flowers; spreads by numerous creeping stolons -03139749 __acculturative_JJ_1 of or relating to acculturation -05658106 __perfect_pitch_NN_1 the ability to identify the pitch of a tone -10660729 __strayer_NN_1 someone who strays or falls behind -11761484 __genus_inga_NN_1 genus of tropical trees or shrubs -00120010 __hop_NN_1 the act of hopping; jumping upward or forward (especially on one foot) -05161614 __disadvantage_NN_1 the quality of having an inferior or less favorable position -05493303 __lobe_NN_1 (anatomy) a somewhat rounded subdivision of a bodily organ or part; "ear lobe" -08329453 __tribunal_NN_1 an assembly (including one or more judges) to conduct judicial business -09590205 __bluebeard_NN_1 (fairytale) a monstrous villain who marries seven women; he kills the first six for disobedience -00051045 __equal_JJ_2 having the requisite qualities or resources to meet a task; "she had adequate training"; "her training was adequate"; "she was adequate to the job"; "he was equal to the task" -12201938 __triplochiton_scleroxcylon_NN_1 large west African tree having large palmately lobed leaves and axillary cymose panicles of small white flowers and one-winged seeds; yields soft white to pale yellow wood -00083124 __bandage_VB_2 dress by covering or binding; "The nurse bandaged a sprained ankle"; "bandage an incision" -00528397 __stage_dancing_NN_1 a show involving artistic dancing -04686003 __attractiveness_NN_2 sexual allure -10069869 __executive_officer_NN_1 the officer second in command -02211099 __megachilidae_NN_1 leaf-cutting and mason bees -03917455 __periwinkle_plant_derivative_NN_1 an antineoplastic drug used to treat some forms of cancer -06534132 __us_constitution_NN_1 the constitution written at the Constitutional Convention in Philadelphia in 1787 and subsequently ratified by the original thirteen states -10607933 __slavey_NN_1 a female domestic servant who does all kinds of menial work -00802238 __risk_NN_2 a venture undertaken without regard to possible loss or injury; "he saw the rewards but not the risks of crime"; "there was a danger he would do the wrong thing" -06514093 __story_NN_4 a record or narrative description of past events; "a history of France"; "he gave an inaccurate account of the plot to kill the president"; "the story of exposure to lead" -12505752 __stinking_bean_trefoil_NN_1 shrub with trifoliate leaves and yellow flowers followed by backward curving seed pods; leaves foetid when crushed -04010205 __promenade_NN_2 a public area set aside as a pedestrian walk -05367735 __vena_gastrica_NN_1 one of several veins draining the stomach walls -02447591 __taxidea_NN_1 in some classifications considered a genus of subfamily Melinae -05016171 __hotness_NN_1 the presence of heat -00074624 __skip_NN_2 a mistake resulting from neglect -00440786 __slow_up_VB_2 cause to proceed more slowly; "The illness slowed him down" -04576971 __wheelwork_NN_1 mechanical device including an arrangement of wheel in a machine (especially a train of gears) -13208705 __lipfern_NN_1 any of various terrestrial ferns of the genus Cheilanthes; cosmopolitan in arid and semiarid temperate or tropical regions -07343574 __throwback_NN_2 a reappearance of an earlier characteristic -00162167 __capitalize_VB_6 convert (a company's reserve funds) into capital -11959104 __genus_crepis_NN_1 hawk's-beard; cosmopolitan in northern hemisphere -01315213 __peeper_NN_3 an animal that makes short high-pitched sounds -10462429 __powerhouse_NN_1 a highly energetic and indefatigable person -10217436 __islander_NN_1 an inhabitant of an island -10327583 __mollycoddle_NN_1 a pampered darling; an effeminate man -14334511 __pock_NN_1 a pustule in an eruptive disease -01315613 __seek_VB_2 try to locate or discover, or try to establish the existence of; "The police are searching for clues"; "They are searching for the missing man in the entire county" -02951170 __cannula_NN_1 a small flexible tube inserted into a body cavity for draining off fluid or introducing medication -06596179 __colour_supplement_NN_1 (British) a magazine that is printed in color and circulated with a newspaper (especially on weekends) -01622352 __horned_owl_NN_1 large owls having prominent ear tufts -13327231 __red_ink_NN_1 the amount by which the cost of a business exceeds its revenue; "the company operated at a loss last year"; "the company operated in the red last year" -00534480 __turnout_NN_7 (ballet) the outward rotation of a dancer's leg from the hip -13011856 __family_entolomataceae_NN_1 a family of fungi belonging to the order Agaricales -02534734 __salmon_NN_1 any of various large food and game fishes of northern waters; usually migrate from salt to fresh water to spawn -13906345 __laugh_line_NN_1 a wrinkle in the skin at the outer corner of your eyes -06720784 __names_NN_1 verbal abuse; a crude substitute for argument; "sticks and stones may break my bones but names can never hurt me" -08428756 __single_file_NN_1 a line of persons or things ranged one behind the other -14739004 __aminoalkane_NN_1 a compound derived from ammonia by replacing hydrogen atoms by univalent hydrocarbon radicals -02732603 __diverge_VB_2 have no limits as a mathematical series -02500472 __genus_avahi_NN_1 a genus of Indriidae -12231358 __wild_cranberry_NN_1 evergreen mat-forming shrub of North America and northern Eurasia having small white flowers and red berries; leaves turn red in autumn -06796506 __animal_communication_NN_1 communication between animals (of the same species) -08021129 __grapo_NN_1 an armed wing of the (illegal) Communist Party of Spain; seeks to overthrow the Spanish government and replace it with a Marxist-Leninist regime; "GRAPO is vehemently opposed to the United States" -12756286 __holly_family_NN_1 widely distributed shrubs and trees -12597798 __thrinax_parviflora_NN_1 small palm of southern Florida and West Indies closely resembling the silvertop palmetto -12129738 __ribbon_grass_NN_1 perennial grass of marshy meadows and ditches having broad leaves; Europe and North America -04665813 __negligence_NN_2 the trait of neglecting responsibilities and lacking concern -03190303 __hyperstat_NN_1 vasodilator (trade name Hyperstat) used to treat severe hypertension -13383696 __blank_cheque_NN_1 a check that has been signed but with the amount payable left blank -06741728 __mitigation_NN_2 a partial excuse to mitigate censure; an attempt to represent an offense as less serious than it appears by showing mitigating circumstances -00241507 __kickoff_NN_1 (football) a kick from the center of the field to start a football game or to resume it after a score -02180233 __bark_beetle_NN_1 small beetle that bores tunnels in the bark and wood of trees; related to weevils -13077295 __mildew_NN_2 a fungus that produces a superficial (usually white) growth on organic matter -00039592 __passive_JJ_1 lacking in energy or will; "Much benevolence of the passive order may be traced to a disinclination to inflict pain upon oneself"- George Meredith -00924825 __manufacturing_NN_1 the act of making something (a product) from raw materials; "the synthesis and fabrication of single crystals"; "an improvement in the manufacture of explosives"; "manufacturing is vital to Great Britain" -12594165 __phytelephas_NN_1 small genus of South American feather palms -05178715 __privilege_NN_2 a right reserved exclusively by a particular person or group (especially a hereditary or official right); "suffrage was the prerogative of white adult males" -08341330 __defense_logistics_agency_NN_1 a logistics combat support agency in the Department of Defense; provides worldwide support for military missions -10161178 __harasser_NN_1 a persistent tormentor -03627232 __knot_NN_2 any of various fastenings formed by looping and tying a rope (or cord) upon itself or to another rope or to another object -01504437 __bird_family_NN_1 a family of warm-blooded egg-laying vertebrates characterized by feathers and forelimbs modified as wings -03757925 __mexitil_NN_1 antiarrhythmic drug (trade name Mexitil) used to treat ventricular arrhythmias -13062272 __genus_auricularia_NN_1 type genus of the Auriculariaceae -05044528 __temporal_property_NN_1 a property relating to time -00573085 __damp_VB_2 restrain or discourage; "the sudden bad news damped the joyous atmosphere" -14535905 __moistness_NN_1 a slight wetness -12914731 __genus_verbena_NN_1 type genus of the Verbenaceae; genus of herbaceous perennials and subshrubs -06272290 __telephony_NN_1 transmitting speech at a distance -01999374 __onychophora_NN_1 enigmatic small elongated wormlike terrestrial invertebrates of damp dark habitats in warm regions; distinct from the phylum Annelida; resemble slugs with legs and are sometimes described as the missing link between arthropods and annelids -02482820 __hylobatidae_NN_1 used in some classifications for the lesser apes (gibbons and siamangs); sometimes considered a subfamily of Pongidae -02790322 __barb_NN_3 a subsidiary point facing opposite from the main point that makes an arrowhead or spear hard to remove -12075830 __venus's_slipper_NN_1 any of various orchids of the genus Paphiopedilum having slender flower stalks bearing 1 to several waxy flowers with pouchlike lips -01949110 __bus_VB_2 ride in a bus -01190012 __diet_VB_1 follow a regimen or a diet, as for health reasons; "He has high blood pressure and must stick to a low-salt diet" -07118554 __spirant_NN_1 a continuant consonant produced by breath moving against a narrowing of the vocal tract -13238828 __genus_stephanotis_NN_1 genus of Old World tropical woody vines -01463115 __blastopore_NN_1 the opening into the archenteron -09711132 __athenian_NN_1 a resident of Athens -02836607 __bifocals_NN_1 eyeglasses having two focal lengths, one for near vision and the other for far vision -05296639 __articulatory_system_NN_1 the system of joints in the body -09752519 __twin_NN_2 (astrology) a person who is born while the sun is in Gemini -14027396 __nerve_block_anesthesia_NN_1 anesthesia of an area supplied by a nerve; produced by an anesthetic agent applied to the nerve -11624531 __spruce_NN_2 any coniferous tree of the genus Picea -09977178 __crewman_NN_2 a member of a flight crew -02256010 __psyllidae_NN_1 jumping plant lice -12046620 __genus_bletilla_NN_1 small genus of chiefly east Asiatic hardy terrestrial orchids similar to genus Bletia -02772554 __badminton_equipment_NN_1 equipment for playing the game of badminton -13916603 __regular_tetrahedron_NN_1 a tetrahedron with four equilateral triangular faces -11655592 __tarwood_NN_1 New Zealand shrub -02651412 __peristedion_NN_1 in some classifications the type genus of the subfamily Peristediinae: armored sea robins -00542711 __rain_dance_NN_1 a ritual dance intended to bring rain -03204306 __dipper_NN_1 a ladle that has a cup with a long handle -05761918 __remembrance_NN_1 the ability to recall past occurrences -08462205 __stockpile_NN_2 a storage pile accumulated for future use -02015221 __genus_gallirallus_NN_1 rails of New Zealand -00199912 __repair_VB_4 set straight or right; "remedy these deficiencies"; "rectify the inequities in salaries"; "repair an oversight" -14657566 __terbium_NN_1 a metallic element of the rare earth group; used in lasers; occurs in apatite and monazite and xenotime and ytterbite -02936281 __caff_NN_1 informal British term for a cafe -03006105 __channel_NN_2 a passage for water (or other fluids) to flow through; "the fields were crossed with irrigation channels"; "gutters carried off the rainwater into a series of channels under the street" -09439213 __suds_NN_1 the froth produced by soaps or detergents -01333082 __arenaviridae_NN_1 a family of arborviruses carried by arthropods -01127019 __enforcement_NN_1 the act of enforcing; ensuring observance of or obedience to -01820190 __subfamily_loriinae_NN_1 lories -03731164 __mattress_NN_1 a large thick pad filled with resilient material and often incorporating coiled springs, used as a bed or part of a bed -00049669 __corset_VB_1 dress with a corset -02596592 __micropogonias_NN_1 croakers -05331812 __tear_duct_NN_1 any of several small ducts that carry tears from the lacrimal glands -02566489 __white_perch_NN_1 small silvery food and game fish of eastern United States streams -03753077 __meter_NN_2 any of various measuring instruments for measuring a quantity -00712031 __rubbing_NN_3 effort expended in moving one object over another with pressure -01559964 __luscinia_NN_1 nightingales -06347225 __trot_NN_3 a literal translation used in studying a foreign language (often used illicitly) -02264591 __aphis_lion_NN_1 carnivorous larva of lacewing flies -02471300 __hominoid_NN_1 a primate of the superfamily Hominoidea -03008565 __heraldic_bearing_NN_1 heraldry consisting of a design or image depicted on a shield -01054545 __inhabitation_NN_1 the act of dwelling in or living permanently in a place (said of both animals and men); "he studied the creation and inhabitation and demise of the colony" -00378664 __fire_VB_8 destroy by fire; "They burned the house and his diaries" -13384877 __money_NN_3 the official currency issued by a government or national bank; "he changed his money into francs" -02270815 __beg_VB_3 ask to obtain free; "beg money and food" -02817799 __reed_instrument_NN_1 a musical instrument that sounds by means of a vibrating reed -03384535 __form_NN_16 a mold for setting concrete; "they built elaborate forms for pouring the foundation" -03536348 __level_NN_6 a flat surface at right angles to a plumb line; "park the car on the level" -01757677 __sistrurus_catenatus_NN_1 pygmy rattlesnake found in moist areas from the Great Lakes to Mexico; feeds on mice and small amphibians -01255807 __wintry_JJ_1 make saw-toothed or jag the edge of; "serrate the edges of the teeth" characteristic of or occurring in winter; "suffered severe wintry weather"; "brown wintry grasses" -03568653 __indomethacin_NN_1 a nonsteroidal anti-inflammatory drug (trade name Indocin) -04906273 __obedience_NN_2 the trait of being willing to obey -08763500 __spanish_guinea_NN_1 a country of west central Africa (including islands in the Gulf of Guinea); became independent from Spain in 1968 -01926247 __genus_fasciola_NN_1 a genus of Fasciolidae -13531435 __pair_production_NN_1 the transformation of a gamma-ray photon into an electron and a positron when the photon passes close to an atomic nucleus -02370525 __ungulata_NN_1 in former classifications a major division of Mammalia comprising all hoofed mammals; now divided into the orders Perissodactyla (odd-toed ungulates) and Artiodactyla (even-toed ungulates) -07863374 __pasta_NN_1 a dish that contains pasta as its main ingredient -03536122 __tailplane_NN_1 the horizontal airfoil of an aircraft's tail assembly that is fixed and to which the elevator is hinged -08358594 __cell_NN_4 a small unit serving as part of or as the nucleus of a larger political movement -01549187 __delete_VB_1 remove or make invisible; "Please delete my name from your list" -05416198 __spittle_NN_1 a clear liquid secreted into the mouth by the salivary glands and mucous glands of the mouth; moistens the mouth and starts the digestion of starches -06255777 __sheet_of_paper_NN_1 paper used for writing or printing -04509592 __uniform_NN_1 clothing of distinctive design worn by members of a particular group as a means of identification -01119421 __shiny_JJ_2 having a shiny surface or coating; "glazed fabrics"; "glazed doughnuts" -10036929 __drummer_NN_1 someone who plays a drum -06072476 __lepidoptery_NN_1 the branch of entomology dealing with Lepidoptera -07401960 __highwater_NN_1 the tide when the water is highest -14499594 __untidiness_NN_1 the condition of being untidy -13783581 __mathematical_relation_NN_1 a relation between mathematical expressions (such as equality or inequality) -02972533 __ejector_NN_2 a mechanism in a firearm that ejects the empty shell case after firing -04412901 __terminus_NN_5 station where transport vehicles load or unload passengers or goods -00695475 __overvalue_VB_1 assign too high a value to; "You are overestimating the value of your old car" -07783827 __anchovy_paste_NN_1 paste made primarily of anchovies; used in sauces and spreads -13930385 __tie-up_NN_1 a social or business relationship; "a valuable financial affiliation"; "he was sorry he had to sever his ties with other members of the team"; "many close associations with England" -00209546 __veto_NN_1 a vote that blocks a decision -01853498 __scoter_NN_1 large black diving duck of northern parts of the northern hemisphere -07622261 __crumb_NN_3 small piece of e.g. bread or cake -07435891 __recrudescence_NN_1 a return of something after a period of abatement; "a recrudescence of racism"; "a recrudescence of the symptoms" -07784522 __herring_NN_1 valuable flesh of fatty fish from shallow waters of northern Atlantic or Pacific; usually salted or pickled -05000537 __stoutness_NN_2 the property of excessive fatness -02213074 __deny_VB_5 deny oneself (something); restrain, especially from indulging in some pleasure; "She denied herself wine and spirits" -09921673 __chutzpanik_NN_1 (Yiddish) a person characterized by chutzpa -07408171 __blast_NN_4 an explosion (as of dynamite) -01129920 __responsibility_NN_1 the social force that binds you to the courses of action demanded by that force; "we must instill a sense of duty in our children"; "every right implies a responsibility; every opportunity, an obligation; every possession, a duty"- John D.Rockefeller Jr -02639087 __grindle_NN_1 primitive long-bodied carnivorous freshwater fish with a very long dorsal fin; found in sluggish waters of North America -01934427 __park_VB_2 maneuver a vehicle into a parking space; "Park the car in front of the library"; "Can you park right here?" -07330560 __kismet_NN_1 (Islam) the will of Allah -01046059 __roar_VB_1 make a loud noise, as of wind, water, or vehicles; "The wind was howling in the trees"; "The water roared down the chute" -11124647 __spike_lee_NN_1 United States filmmaker whose works explore the richness of black culture in America (born in 1957) -10318892 __pantomimist_NN_1 an actor who communicates entirely by gesture and facial expression -06271778 __telecommunication_NN_1 (often plural) systems used in transmitting messages over a distance electronically -09305031 __hollow_NN_2 a small valley between mountains; "he built himself a cabin in a hollow high up in the Appalachians" -04447443 __toiletry_NN_1 artifacts used in making your toilet (washing and taking care of your body) -00495331 __rummy_NN_2 a card game based on collecting sets and sequences; the winner is the first to meld all their cards -05394277 __atrioventricular_valve_NN_1 either of two heart valves through which blood flows from the atria to the ventricles; prevents return of blood to the atrium -01683724 __scincidae_NN_1 skinks -06873571 __visual_signal_NN_1 a signal that involves visual communication -10252075 __lessee_NN_1 a tenant who holds a lease -09838701 __baptist_NN_1 follower of Baptistic doctrines -00596592 __prelature_NN_2 the office or station of a prelate -01969103 __subclass_dibranchiata_NN_1 comprising all living cephalopods except the family Nautilidae: the orders Octopoda (octopuses) and Decapoda (squids and cuttlefish) -09207288 __asia_NN_1 the largest continent with 60% of the earth's population; it is joined to Europe on the west to form Eurasia; it is the site of some of the world's earliest civilizations -00312932 __sail_NN_2 an ocean trip taken for pleasure -10094584 __flag_officer_NN_1 a senior naval officer above the rank of captain -15009843 __salicylate_NN_1 a salt of salicylic acid (included in several commonly used drugs) -00365647 __condense_VB_5 become more compact or concentrated; "Her feelings condensed" -07066659 __style_NN_2 a way of expressing something (in language or art or music etc.) that is characteristic of a particular person or group of people or period; "all the reporters were expected to adopt the style of the newspaper" -06071934 __forestry_NN_1 the science of planting and caring for forests and the management of growing timber -02903062 __macrocosmic_JJ_1 relating to or constituting a macrocosm -05729036 __statistical_distribution_NN_1 (statistics) an arrangement of values of a variable showing their observed or theoretical frequency of occurrence -01432474 __mouth_VB_3 touch with the mouth -05525252 __male_reproductive_gland_NN_1 the reproductive organs of a man -11928858 __mugwort_NN_1 any of several weedy composite plants of the genus Artemisia -01576695 __starling_NN_1 gregarious birds native to the Old World -02419796 __antelope_NN_1 graceful Old World ruminant with long legs and horns directed upward and backward; includes gazelles; springboks; impalas; addax; gerenuks; blackbucks; dik-diks -04011827 __propellor_NN_1 a mechanical device that rotates to push against air or water -01459422 __loveable_JJ_1 having characteristics that attract love or affection; "a mischievous but lovable child" -01948446 __winkle_NN_2 edible marine gastropod -01463259 __layer_NN_5 thin structure composed of a single thickness of cells -06421685 __manual_NN_1 a small handbook -02146064 __lasiurus_NN_1 a genus of Vespertilionidae -02193163 __botfly_NN_1 stout-bodied hairy dipterous fly whose larvae are parasites on humans and other mammals -12501035 __tamarindus_NN_1 widely cultivated tropical trees originally of Africa -02135981 __genus_arctictis_NN_1 binturongs -02511510 __peristome_NN_2 region around the mouth in various invertebrates -13653902 __peak_NN_1 the most extreme possible amount or value; "voltage peak" -10668450 __surmounter_NN_1 someone who overcomes and establishes ascendancy and control by force or persuasion -01393030 __foraminifer_NN_1 marine microorganism having a calcareous shell with openings where pseudopods protrude -00046522 __touching_NN_2 the act of putting two things together with no space between them; "at his touch the room filled with lights" -08786432 __korinthos_NN_1 the modern Greek port near the site of the ancient city that was second only to Athens -15057744 __steroid_NN_1 any of several fat-soluble organic compounds having as a basis 17 carbon atoms in four rings; many have important physiological effects -01551679 __cicatrize_VB_1 form a scar, after an injury; "the skin will cicatrize and it will heal soon" -06960298 __celtic_language_NN_1 a branch of the Indo-European languages that (judging from inscriptions and place names) was spread widely over Europe in the pre-Christian era -13504173 __loop_NN_3 (computer science) a single execution of a set of instructions that are to be repeated; "the solution took hundreds of iterations" -13135832 __seed_NN_1 a small hard fruit -12249993 __genus_clethra_NN_1 type and sole genus of the Clethraceae; deciduous shrubs or small trees: white alder, summer-sweet -00008007 __wholly_RB_1 to a complete degree or to the full or entire extent (`whole' is often used informally for `wholly'); "he was wholly convinced"; "entirely satisfied with the meal"; "it was completely different from what we expected"; "was completely at fault"; "a totally new situation"; "the directions were all wrong"; "it was not altogether her fault"; "an altogether new approach"; "a whole new idea" -05421414 __venous_blood_system_NN_1 (zoology) the system of venous blood vessels in an animal -06688751 __standing_ovation_NN_1 enthusiastic recognition (especially one accompanied by loud applause) -01603732 __lime_VB_2 cover with lime so as to induce growth; "lime the lawn" -00416399 __expatriate_VB_2 move away from one's native country and adopt a new residence abroad -14545845 __atony_NN_1 lack of normal muscular tension or tonus -00852685 __satirize_VB_1 ridicule with satire; "The writer satirized the politician's proposal" -02311060 __larva_NN_1 the immature free-living form of most invertebrates and amphibians and fish which at hatching from the egg is fundamentally unlike its parent and must metamorphose -09748889 __ghanian_NN_1 a native or inhabitant of Ghana -10178216 __striker_NN_4 someone who hits; "a hard hitter"; "a fine striker of the ball"; "blacksmiths are good hitters" -06631322 __welcome_NN_2 a greeting or reception; "the proposal got a warm welcome" -12694707 __meliaceae_NN_1 tropical trees and shrubs including many important timber and ornamental trees -08404549 __detail_NN_5 a temporary military unit; "the peacekeeping force includes one British contingent" -07847198 __cream_NN_2 the part of milk containing the butterfat -00748515 __drunkenness_NN_3 the act of drinking alcoholic beverages to excess; "drink was his downfall" -12321077 __pecan_tree_NN_1 tree of southern United States and Mexico cultivated for its nuts -02569630 __undertake_VB_2 accept as a challenge; "I'll tackle this difficult task" -10221520 __jesuit_NN_1 a member of the Jesuit order -01780919 __trombicula_NN_1 type genus of the family Trombiculidae -03525252 __keep_NN_3 a cell in a jail or prison -01409477 __family_chlamydomonadaceae_NN_1 green algae some of which are colored red by hematochrome -05160796 __profitableness_NN_1 the quality of being encouraging or promising of a successful outcome -15222369 __st_john's_night_NN_1 the night before Midsummer Day -05646218 __subnormality_NN_2 lack of normal development of intellectual capacities -02828648 __ringway_NN_1 a highway that encircles an urban area so that traffic does not have to pass through the center -00037514 __epilate_VB_1 remove body hair; "epilate her legs" -02702120 __stand_VB_4 hold one's ground; maintain a position; be steadfast or upright; "I am standing my ground and won't give in!" -03002190 __contextual_JJ_1 relating to or determined by or in context; "contextual information" -13879947 __equilateral_triangle_NN_1 a three-sided regular polygon -00732552 __observe_VB_8 stick to correctly or closely; "The pianist kept time with the metronome"; "keep count"; "I cannot keep track of all my employees" -02465693 __stinger_NN_4 a sharp organ of offense or defense (as of a wasp or stingray or scorpion) often connected with a poison gland -08664443 __topographic_point_NN_1 a point located with respect to surface features of some region; "this is a nice place for a picnic"; "a bright spot on a planet" -10448983 __policeman_NN_1 a member of a police force; "it was an accident, officer" -00802136 __laugh_off_VB_1 deal with a problem by laughing or pretending to be amused by it; "She laughs away all these problems" -02299715 __genus_acherontia_NN_1 death's-head moth -02459173 __put_up_VB_7 provide housing for; "The immigrants were housed in a new development outside the town" -03203641 __diphenylbutyl_piperidine_NN_1 a group of antipsychotic drugs used mainly in the treatment of schizophrenia -02780916 __diamond_NN_6 the baseball playing field -04902925 __indecency_NN_1 the quality of being indecent -09421191 __sambre_river_NN_1 a river in western Europe that rises in northern France and flows generally east into Belgium where it joins the Meuse at Namur -14051917 __pathological_state_NN_1 a physical condition that is caused by disease -10435251 __squirt_NN_1 someone who is small and insignificant -04107984 __roost_NN_1 a shelter with perches for fowl or other birds -01360712 __pseudomonodaceae_NN_1 rod-shaped Gram-negative bacteria; include important plant and animal pathogens -01904293 __swim_VB_2 be afloat either on or below a liquid surface and not sink to the bottom -08065937 __processor_NN_1 a business engaged in processing agricultural products and preparing them for market -02563860 __execute_VB_4 carry out the legalities of; "execute a will or a deed" -02612393 __suborder_blennioidea_NN_1 blennies; butterfishes; gunnels -08366202 __socialist_economy_NN_1 an economic system based on state ownership of capital -01123765 __skirmish_VB_1 engage in a skirmish -12739072 __viscum_NN_1 type genus of the Viscaceae: Old World evergreen shrubs parasitic on many trees including oaks but especially apple trees, poplars, aspens and cottonwoods -11765859 __prosopis_juliiflora_NN_1 mesquite of Gulf Coast and Caribbean Islands from Mexico to Venezuela -08142370 __us_marshals_service_NN_1 the United States' oldest federal law enforcement agency is responsible today for protecting the Federal Judiciary and transporting federal prisoners and protecting federal witnesses and managing assets seized from criminals and generally ensuring the effective operation of the federal judicial system -07582441 __relish_NN_2 spicy or savory condiment -03541091 __hospital_room_NN_1 a room in a hospital for the care of patients -01789047 __ruffle_VB_2 trouble or vex; "ruffle somebody's composure" -04912240 __familiarity_NN_4 a casual manner -06608728 __gibberish_NN_1 unintelligible talking -13776137 __upper_limit_NN_1 the largest possible quantity -09800249 __appeaser_NN_1 someone who tries to bring peace by acceding to demands; "An appeaser is one who feeds a crocodile--hoping it will eat him last"--Winston Churchill -01258302 __strike_down_VB_3 cause to fall by or as if by delivering a blow; "strike down a tree"; "Lightning struck down the hikers" -14085708 __encephalopathy_NN_1 any disorder or disease of the brain -02191766 __season_VB_1 lend flavor to; "Season the chicken breast after roasting it" -01246541 __surprise_attack_NN_1 an attack without warning -04406817 __telpherage_NN_1 a transportation system in which cars (telphers) are suspended from cables and operated on electricity -07717070 __winter_squash_NN_2 any of various fruits of the gourd family with thick rinds and edible yellow to orange flesh that mature in the fall and can be stored for several months -09283866 __foreshore_NN_1 the part of the seashore between the highwater mark and the low-water mark -01544692 __repose_VB_5 put in a horizontal position; "lay the books on the table"; "lay the patient carefully onto the bed" -01447632 __push_VB_10 make strenuous pushing movements during birth to expel the baby; "`Now push hard,' said the doctor to the woman" -04558478 __water_closet_NN_1 a toilet in Britain -08905313 __gujerat_NN_2 an industrialized state in western India that includes parts of Bombay -00321195 __intubation_NN_1 the insertion of a cannula or tube into a hollow body organ -08042856 __revolutionary_people's_liberation_party_NN_1 an extreme Marxist terrorist organization in Turkey that is opposed to NATO and the United States; attacks Turkish security and military officials -02043665 __circularize_VB_3 distribute circulars to -09972157 __fashion_designer_NN_1 someone who designs clothing -07571547 __dim_sum_NN_1 traditional Chinese cuisine; a variety of foods (including several kinds of steamed or fried dumplings) are served successively in small portions -06666829 __gag_rule_NN_1 a rule for limiting or ending debate in a deliberative body -00520881 __iodinate_VB_1 cause to combine with iodine; "iodinate thyroxine" -02036339 __incurvate_VB_1 bend inwards; "The body incurvates a little at the back" -00927049 __speculate_VB_2 talk over conjecturally, or review in an idle or casual way and with an element of doubt or without sufficient reason to reach a conclusion; "We were speculating whether the President had to resign after the scandal" -02034971 __himantopus_mexicanus_NN_1 stilt of southwestern United States to northern South America having black plumage extending from the head down the back of the neck -09013074 __republic_of_latvia_NN_1 a republic in northeastern Europe on the eastern coast of the Baltic Sea -00529759 __leak_VB_3 enter or escape as through a hole or crack or fissure; "Water leaked out of the can into the backpack"; "Gas leaked into the basement" -00211462 __finalization_NN_1 the act of finalizing -09058219 __nogales_NN_1 a town in Arizona on the Mexican border opposite Nogales, Mexico -06769392 __mistake_NN_3 part of a statement that is not correct; "the book was full of errors" -02744651 __open_VB_8 have an opening or passage or outlet; "The bedrooms open into the hall" -03736372 __meat_safe_NN_1 a safe for storing meat -02208280 __honeybee_NN_1 social bee often domesticated for the honey it produces -10512562 __recruiter_NN_2 an official who enlists personnel for military service -08924560 __naha_city_NN_1 the chief city in the Ryukyu Islands -02932019 __cabin_NN_3 the enclosed compartment of an aircraft or spacecraft where passengers are carried -07644967 __volaille_NN_1 the flesh of a chicken used for food -04517535 __vaccinum_NN_1 immunogen consisting of a suspension of weakened or dead pathogenic cells injected in order to stimulate the production of antibodies -01395049 __plate_VB_1 coat with a layer of metal; "plate spoons with silver" -02323449 __lagomorph_NN_1 relative large gnawing animals; distinguished from rodents by having two pairs of upper incisors specialized for gnawing -04557308 __water-base_paint_NN_1 paint in which water is used as the vehicle -05586446 __endoskeleton_NN_1 the internal skeleton; bony and cartilaginous structure (especially of vertebrates) -13543093 __psychogenesis_NN_2 a general term for the origin and development of almost any aspect of the mind -05655119 __touch_modality_NN_1 the faculty by which external objects or forces are perceived through contact with the body (especially the hands); "only sight and touch enable us to locate objects in the space around us" -00918383 __horticulture_NN_1 the cultivation of plants -10785695 __withholder_NN_1 a person who refrains from granting; "a withholder of payments" -14197468 __purpura_NN_1 any of several blood diseases causing subcutaneous bleeding -06729499 __averment_NN_1 a declaration that is made emphatically (as if no supporting evidence were necessary) -01324142 __survivor_NN_3 an animal that survives in spite of adversity; "only the fittest animals were survivors of the cold winters" -05962936 __laissez_faire_NN_1 the doctrine that government should not interfere in commercial affairs -04563942 __wats_line_NN_1 a telephone line;long distance service at fixed rates for fixed zones; an acronym for wide area telephone service -00930806 __suggest_VB_3 imply as a possibility; "The evidence suggests a need for more clarification" -01335588 __pall_VB_3 cover with a pall -11996251 __wild_climbing_hempweed_NN_1 herb of tropical America having vanilla-scented flowers; climbs up trees -09111168 __reno_NN_1 a city in western Nevada at the foot of the Sierra Nevada Mountains; known for gambling casinos and easy divorce and remarriage -06466787 __psalm_NN_1 one of the 150 lyrical poems and prayers that comprise the Book of Psalms in the Old Testament; said to have been written by David -08524572 __storm_centre_NN_2 the central area or place of lowest barometric pressure within a storm -08933940 __right_bank_NN_1 the region of Paris on the north bank of the Seine -01449712 __platypoecilus_maculatus_NN_1 small stocky Mexican fish; popular aquarium fish -01410363 __unlike_JJ_1 marked by dissimilarity; "for twins they are very unlike"; "people are profoundly different" -12738087 __genus_arceuthobium_NN_1 genus of chiefly American plants parasitic on conifers -01866610 __roll_VB_14 cause to move by turning over or in a circular manner of as if on an axis; "She rolled the ball"; "They rolled their eyes at his words" -13282550 __compensation_NN_1 something (such as money) given or received as payment or reparation (as for a service or loss or injury) -02042923 __subfamily_sterninae_NN_1 terns -08382297 __shadow_cabinet_NN_1 a group of senior members of the political party that is out of power; these members would probably assume corresponding positions as ministers in the British Cabinet if their party was elected -01204055 __formality_NN_3 compliance with formal rules; "courtroom formality" -01742556 __hoe_VB_1 dig with a hoe; "He is hoeing the flower beds" -11226427 __paul_vi_NN_1 Italian pope from 1963 to 1978 who eased restrictions on fasting and on interfaith marriages (1897-1978) -13463255 __desensitization_NN_1 the process of reducing sensitivity; "the patient was desensitized to the allergen" -11903671 __swallowwort_NN_2 perennial herb with branched woody stock and bright yellow flowers -02125409 __resident_JJ_1 living in a particular place; "resident aliens" -01041968 __supplication_NN_3 the act of communicating with a deity (especially as a petition or in adoration or contrition or thanksgiving); "the priest sank to his knees in prayer" -07723330 __salad_greens_NN_1 greens suitable for eating uncooked as in salads -00770834 __infringement_of_copyright_NN_1 a violation of the rights secured by a copyright -00866606 __pilomotor_reflex_NN_1 reflex erection of hairs of the skin in response to cold or emotional stress or skin irritation -09927305 __dry_cleaner_NN_1 the operator of dry-cleaning establishment -12204925 __grewia_NN_1 a genus of tropical and subtropical Old World climbers or shrubs or trees -11416087 __placebo_effect_NN_1 any effect that seems to be a consequence of administering a placebo; the change is usually beneficial and is assumed result from the person's faith in the treatment or preconceptions about what the experimental drug was supposed to do; pharmacologists were the first to talk about placebo effects but now the idea has been generalized to many situations having nothing to do with drugs -12768177 __genus_aesculus_NN_1 deciduous trees or some shrubs of North America; southeastern Europe; eastern Asia -06405699 __lettering_NN_1 letters inscribed (especially words engraved or carved) on something -11817329 __spergularia_NN_1 chiefly maritime Eurasian herbs: sand spurry; sea spurry -12390681 __wild_pansy_NN_1 a common and long cultivated European herb from which most common garden pansies are derived -04044498 __wireless_telephone_NN_2 a telephone that communicates by radio waves rather than along cables -01918184 __unquestionable_JJ_1 incapable of being questioned; "unquestionable authority" -07573696 __repast_NN_1 the food served and eaten at one time -10180178 __holder_NN_2 a person who holds something; "they held two hostages"; "he holds the trophy"; "she holds a United States passport" -10072708 __explorer_NN_1 someone who travels into little known regions (especially for some scientific purpose) -08792548 __zion_NN_2 Jewish republic in southwestern Asia at eastern end of Mediterranean; formerly part of Palestine -02591893 __parole_VB_1 release a criminal from detention and place him on parole; "The prisoner was paroled after serving 10 years in prison" -01660772 __roughcast_VB_1 shape roughly -05651242 __vocabulary_NN_2 a language user's knowledge of words -14082595 __convulsion_NN_2 violent uncontrollable contractions of muscles -01076359 __complication_NN_1 the act or process of complicating -04806512 __fallibility_NN_1 the likelihood of making errors -02284096 __grease_one's_palms_VB_1 make illegal payments to in exchange for favors or influence; "This judge can be bought" -02488149 __presbytes_NN_1 langurs -09286630 __ganges_river_NN_1 an Asian river; rises in the Himalayas and flows east into the Bay of Bengal; a sacred river of the Hindus -00066397 __failure_NN_5 an unexpected omission; "he resented my failure to return his call"; "the mechanic's failure to check the brakes" -02949542 __tin_NN_3 metal container for storing dry foods such as tea or flour -07160116 __incantation_NN_1 a ritual recitation of words or sounds believed to have a magical effect -01299037 __wagram_NN_2 a battle in the Napoleonic campaigns (1809); Napoleon defeated the Austrians -06195698 __southernism_NN_2 an attitude characteristic of Southerners (especially in the US) -00694641 __disrespect_VB_2 have little or no respect for; hold in contempt -07120524 __yell_NN_1 a loud utterance; often in protest or opposition; "the speaker was interrupted by loud cries from the rear of the audience" -08814664 __constantina_NN_1 a Romanian resort city on the Black Sea -01844414 __pharomacrus_NN_1 a genus of Trogonidae -13298935 __christmas_box_NN_1 a present given at Christmas for services during the year -07883251 __potion_NN_1 a medicinal or magical or poisonous beverage -09818022 __spaceman_NN_1 a person trained to travel in a spacecraft; "the Russians called their astronauts cosmonauts" -03100897 __transporter_NN_3 a moving belt that transports objects (as in a factory) -02265177 __hemerobiidae_NN_1 brown lacewings -04175147 __server_NN_3 (computer science) a computer that provides client stations with access to files and printers as shared resources to a computer network -01044867 __bibliolatry_NN_1 the worship of the Bible -11951052 __tong_ho_NN_1 grown for its succulent edible leaves used in Asian cooking -01529036 __fringillidae_NN_1 finches: goldfinches; bullfinches; chaffinches; siskins; canaries; cardinals; grosbeaks; crossbills; linnets; buntings -06764244 __footnote_NN_1 a printed note placed below the text on a printed page -13641534 __standard_candle_NN_1 the basic unit of luminous intensity adopted under the Systeme International d'Unites; equal to 1/60 of the luminous intensity per square centimeter of a black body radiating at the temperature of 2,046 degrees Kelvin -12725521 __osier_NN_2 any of various willows having pliable twigs used in basketry and furniture -07253637 __discouragement_NN_2 the expression of opposition and disapproval -09507909 __oengus_NN_1 Celtic god of love and beauty; patron deity of young men and women -01367266 __rivet_VB_2 fasten with a rivet or rivets -04783724 __plausibleness_NN_1 apparent validity -07902520 __moonshine_NN_2 whiskey illegally distilled from a corn mash -01713310 __suborder_carnosaura_NN_1 largest carnivorous land animals ever known -06356755 __ascii_NN_1 (computer science) a code for information exchange between computers made by different companies; a string of 7 binary digits represents each character; used in most microcomputers -01596887 __genus_artamus_NN_1 type genus of the Artamidae -08818135 __bosnia_NN_1 the northern part of Bosnia-Herzegovina -11791819 __scindapsus_NN_1 evergreen climbers with adhesive adventitious roots; southeastern Asia and Brazil -14956325 __mud_NN_1 water soaked soil; soft wet earth -01237415 __integration_NN_2 the act of combining into an integral whole; "a consolidation of two corporations"; "after their consolidation the two bills were passed unanimously"; "the defendants asked for a consolidation of the actions against them" -02463403 __lumbus_NN_1 either side of the backbone between the hipbone and the ribs in humans as well as quadrupeds -01497292 __underlay_VB_2 put (something) under or beneath; "They underlaid the shingles with roofing paper" -12025019 __tetraneuris_NN_1 genus of hairy yellow-flowered plants of the western United States -05984287 __education_NN_2 knowledge acquired by learning and instruction; "it was clear that he had a very broad education" -01418536 __toss_VB_6 agitate; "toss the salad" -07326880 __antecedent_NN_2 a preceding occurrence or cause or event -11843285 __genus_aporocactus_NN_1 small genus of epiphytic cacti of Mexico -02505342 __genus_archidiskidon_NN_1 a genus of Elephantidae -02689973 __cetaceous_JJ_1 of or relating to whales and dolphins etc -07294907 __poetic_justice_NN_1 an outcome in which virtue triumphs over vice (often ironically) -02955065 __cap_NN_4 something serving as a cover or protection -08687525 __sagittarius_the_archer_NN_1 the ninth sign of the zodiac; the sun is in this sign from about November 22 to December 21 -02524171 __win_VB_4 attain success or reach a desired goal; "The enterprise succeeded"; "We succeeded in getting tickets to the show"; "she struggled to overcome her handicap and won" -13452947 __conversion_NN_5 (psychiatry) a defense mechanism represses emotional conflicts which are then converted into physical symptoms that have no organic basis -13529616 __overcompensation_NN_1 (psychiatry) an attempt to overcome a real or imagined defect or unwanted trait by overly exaggerating its opposite -11153200 __nelson_rolihlahla_mandela_NN_1 South African statesman who was released from prison to become the nation's first democratically elected president in 1994 (born in 1918) -13501738 __intussusception_NN_2 (biology) growth in the surface area of a cell by the deposit of new particles between existing particles in the cell wall -02796412 __barricade_NN_2 a barrier (usually thrown up hastily) to impede the advance of an enemy; "they stormed the barricade" -05697976 __trust_NN_2 certainty based on past experience; "he wrote the paper with considerable reliance on the work of other scientists"; "he put more trust in his own two legs than in the gun" -01830798 __electrify_VB_1 excite suddenly and intensely; "The news electrified us" -10294139 __shipboard_soldier_NN_1 a member of the United States Marine Corps -11411610 __wake_NN_1 the consequences of an event (especially a catastrophic event); "the aftermath of war"; "in the wake of the accident no one knew how many had been injured" -00742645 __wastefulness_NN_2 useless or profitless activity; using or expending or consuming thoughtlessly or carelessly; "if the effort brings no compensating gain it is a waste"; "mindless dissipation of natural resources" -01497864 __jar_VB_5 place in a cylindrical vessel; "jar the jam" -00398427 __subdivision_NN_2 the act of subdividing; division of something previously divided -02506466 __gomphotheriidae_NN_1 elephants extinct since the Pleistocene -09856671 __birth_NN_5 a baby born; an offspring; "the overall rate of incidence of Down's syndrome is one in every 800 births" -02037278 __phalaropidae_NN_1 phalaropes -01810132 __tinamidae_NN_1 comprising the tinamous -05461179 __integumentary_system_NN_1 the skin and its appendages -14621446 __radical_NN_1 (chemistry) two or more atoms bound together as a single unit and forming part of a molecule -06919433 __apache_NN_3 the language of the Apache -00069879 __wound_VB_1 cause injuries or bodily harm to -08369920 __beatles_NN_1 a rock group from Liverpool who between 1962 and 1970 produced a variety of hit songs and albums (most of them written by Paul McCartney and John Lennon) -15129220 __archeozoic_eon_NN_1 the time from 3,800 million years to 2,500 million years ago; earth's crust formed; unicellular organisms are earliest forms of life -09889691 __nominee_NN_1 a politician who is running for public office -11995396 __rayless_chamomile_NN_1 annual aromatic weed of Pacific coastal areas (United States and northeastern Asia) having bristle-pointed leaves and rayless yellow flowers -04678908 __pretext_NN_2 an artful or simulated semblance; "under the guise of friendship he betrayed them" -00634472 __reason_out_VB_1 decide by reasoning; draw or come to a conclusion; "We reasoned that it was cheaper to rent than to buy a house" -01500721 __mobula_NN_1 type genus of the Mobulidae -00991838 __fatty_JJ_1 containing or composed of fat; "fatty food"; "fat tissue" -06789411 __religious_doctrine_NN_1 the written body of teachings of a religious group that are generally accepted by that group -00655555 __refer_VB_3 think of, regard, or classify under a subsuming principle or with a general group or in relation to another; "This plant can be referred to a known species" -06248968 __tactics_NN_1 the branch of military science dealing with detailed maneuvers to achieve objectives set by strategy -14081375 __attack_NN_7 a sudden occurrence of an uncontrollable condition; "an attack of diarrhea" -01539063 __take_up_VB_11 take in, also metaphorically; "The sponge absorbs water well"; "She drew strength from the minister's words" -01141763 __troll_VB_4 angle with a hook and line drawn through the water -02256365 __family_cicadidae_NN_1 cicadas -02266421 __fish_fly_NN_1 similar to but smaller than the dobsonfly; larvae are used as fishing bait -01869563 __sweep_VB_2 move with sweeping, effortless, gliding motions; "The diva swept into the room"; "Shreds of paper sailed through the air"; "The searchlights swept across the sky" -00558181 __icing_the_puck_NN_1 (ice hockey) the act of shooting the puck from within your own defensive area the length of the rink beyond the opponent's goal -10039164 __duenna_NN_1 a woman chaperon -00834745 __perjure_VB_1 knowingly tell an untruth in a legal court and render oneself guilty of perjury -06727224 __pronunciamento_NN_1 a public declaration of intentions (as issued by a political party or government) -08733415 __cartagena_NN_2 a port city in northwestern Colombia on the Caribbean -11573660 __caryophylloid_dicot_genus_NN_1 genus of relatively early dicotyledonous plants including mostly flowers -01055165 __tenting_NN_1 the act of encamping and living in tents in a camp -15088869 __visual_purple_NN_1 a red photopigment in the retinal rods of vertebrates; dissociates into retinene by light -11927616 __genus_arnoseris_NN_1 lamb succory -01387656 __plait_VB_2 weave into plaits; "plait hair" -02538216 __speckled_trout_NN_2 North American freshwater trout; introduced in Europe -03512911 __helm_NN_1 steering mechanism for a vessel; a mechanical device by which a vessel is steered -07041902 __sextette_NN_4 a musical composition written for six performers -06455138 __gospels_NN_1 the four books in the New Testament (Matthew, Mark, Luke, and John) that tell the story of Christ's life and teachings -13035707 __helvella_NN_1 any fungus of the genus Helvella having the ascocarps stalked or pleated or often in folds -01256867 __dice_VB_1 cut into cubes; "cube the cheese" -02717362 __bag_VB_2 hang loosely, like an empty bag -00448680 __empty_VB_2 become empty or void of its content; "The room emptied" -00714273 __dissociate_VB_2 regard as unconnected; "you must dissociate these two events!"; "decouple our foreign policy from ideology" -04025130 __puppet_NN_3 a doll with a hollow head of a person or animal and a cloth body; intended to fit over the hand and be manipulated with the fingers -12899333 __genus_brugmansia_NN_1 includes some plants often placed in the genus Datura: angel's trumpets -08955626 __south_korea_NN_1 a republic in the southern half of the Korean Peninsula; established in 1948 -07376257 __eruption_NN_5 a sudden very loud noise -09539183 __archangel_NN_1 an angel ranked above the highest rank in the celestial hierarchy -09845401 __beard_NN_3 a person who diverts suspicion from someone (especially a woman who accompanies a male homosexual in order to conceal his homosexuality) -10248542 __mormon_NN_2 a member of the Church of Jesus Christ of Latter-Day Saints -07672135 __edible_fat_NN_1 oily or greasy matter making up the bulk of fatty tissue in animals and in seeds and other plant tissue -02348568 __send_VB_7 cause to be admitted; of persons to an institution; "After the second episode, she had to be committed"; "he was committed to prison" -02188848 __wiretap_VB_1 tap a telephone or telegraph wire to get information; "The FBI was tapping the phone line of the suspected spy"; "Is this hotel room bugged?" -08494987 __solar_apex_NN_1 the point on the celestial sphere toward which the sun and solar system appear to be moving relative to the fixed stars -11520989 __turbulency_NN_1 unstable flow of a liquid or gas -00059899 __abort_VB_3 terminate a pregnancy by undergoing an abortion -05343408 __colic_artery_NN_1 arteries that supply blood to the colon -01743313 __take_off_VB_5 mimic or imitate in an amusing or satirical manner; "This song takes off from a famous aria" -04876374 __disingenuousness_NN_1 the quality of being disingenuous and lacking candor -05022457 __flexibleness_NN_1 the property of being flexible; easily bent or shaped -01045091 __symbololatry_NN_1 the worship of symbols -02342109 __genus_clethrionomys_NN_1 a genus of Cricetidae -00156485 __slacken_off_VB_1 become less intense -03597469 __jewelry_NN_1 an adornment (as a bracelet or ring or necklace) made of precious metals and set with gems (or imitation gems) -12813024 __thunbergia_NN_1 a genus of herbs or vines of the family Acanthaceae -09815188 __whoreson_NN_2 insulting terms of address for people who are stupid or irritating or ridiculous -00084230 __medicine_VB_1 treat medicinally, treat with medicine -04026813 __push-bike_NN_1 a bicycle that must be pedaled -00674158 __rhytidoplasty_NN_1 plastic surgery to remove wrinkles and other signs of aging from your face; an incision is made near the hair line and skin is pulled back and excess tissue is excised; "some actresses have more than one face lift" -07522729 __timorousness_NN_1 fear of the unknown or unfamiliar or fear of making decisions -07583197 __soup_NN_1 liquid food especially of meat or fish or vegetable stock often containing pieces of solid food -02560164 __implement_VB_2 ensure observance of laws and rules; "Apply the rules to everyone"; -09976429 __wight_NN_1 a human being; `wight' is an archaic term -00341422 __supervene_VB_1 take place as an additional or unexpected development -02042046 __larus_argentatus_NN_1 large gull of the northern hemisphere -02134971 __viverrine_mammal_NN_1 small cat-like predatory mammals of warmer parts of the Old World -12751823 __maple_family_NN_1 a family of trees and shrubs of order Sapindales including the maples -08920381 __japanese_islands_NN_1 a string of more than 3,000 islands to the east of Asia extending 1,300 miles between the Sea of Japan and the western Pacific Ocean -02378183 __summate_VB_2 form or constitute a cumulative effect -09164095 __hanoi_NN_1 the capital city of Vietnam; located in North Vietnam -00252307 __sweeping_NN_1 the act of cleaning with a broom -08766571 __lund_NN_1 a city in southern Sweden -10641301 __sprog_NN_1 a new military recruit -00935987 __get_out_VB_6 be released or become known; of news; "News of her death broke in the morning" -01449252 __genus_gambusia_NN_1 mosquitofish -12847374 __runaway_robin_NN_1 trailing European aromatic plant of the mint family having rounded leaves and small purplish flowers often grown in hanging baskets; naturalized in North America; sometimes placed in genus Nepeta -07212424 __telling_NN_2 informing by words -01047596 __bark_VB_1 speak in an unfriendly tone; "She barked into the dictaphone" -02346823 __hystricidae_NN_1 Old World porcupines -08292418 __rastas_NN_1 (Jamaica) a Black youth subculture and religious movement that arose in the ghettos of Kingston, Jamaica, in the 1950s; males grow hair in long dreadlocks and wear woolen caps; use marijuana and listen to reggae music -08700255 __asian_nation_NN_1 any one of the nations occupying the Asian continent -09683180 __jihadist_NN_1 a Muslim who is involved in a jihad -08855505 __curitiba_NN_1 a city in southeastern Brazil -08129621 __census_bureau_NN_1 the bureau of the Commerce Department responsible for taking the census; provides demographic information and analyses about the population of the United States -08686658 __crab_NN_4 the fourth sign of the zodiac; the sun is in this sign from about June 21 to July 22 -02643421 __call_VB_11 stop or postpone because of adverse conditions, such as bad weather; "call a football game" -05228732 __cingulum_NN_1 (anatomy) an encircling structure (as the ridge around the base of a tooth) -08015116 __al-ummah_NN_1 a terrorist group formed in India in 1992; is believed to be responsible for bombings in southern India in 1998 -03770085 __minicar_NN_1 a car that is even smaller than a subcompact car -00629997 __material_JJ_5 having material or physical form or substance; "that which is created is of necessity corporeal and visible and tangible" - Benjamin Jowett -00828082 __covering_NN_4 the act of protecting something by covering it -00498988 __calcify_VB_1 become impregnated with calcium salts -00321936 __zap_VB_4 cook or heat in a microwave oven; "You can microwave the leftovers" -11077762 __jacobs_NN_3 Dutch physician who opened the first birth control clinic in the world in Amsterdam (1854-1929) -03971771 __pneumovax_NN_1 vaccine (trade name Pneumovax) effective against the 23 most common strains of pneumococcus -03686658 __log_NN_5 measuring instrument that consists of a float that trails from a ship by a knotted line in order to measure the ship's speed through the water -05574151 __trochanter_NN_1 one of the bony prominences developed near the upper extremity of the femur to which muscles are attached -11792155 __genus_spathiphyllum_NN_1 evergreen rhizomatous perennials of tropical America and Philippines and Indonesia -08415272 __petty_jury_NN_1 a jury of 12 to determine the facts and decide the issue in civil or criminal proceedings -08161971 __us_house_of_representatives_NN_1 the lower legislative house of the United States Congress -03560567 __ignition_system_NN_1 the mechanism that ignites the fuel in an internal-combustion engine -00198213 __tusk_VB_2 remove the tusks of animals; "tusk an elephant" -14444644 __monopsony_NN_1 (economics) a market in which goods or services are offered by several sellers but there is only one buyer -13483488 __formation_NN_6 natural process that causes something to form; "the formation of gas in the intestine"; "the formation of crystals"; "the formation of pseudopods" -00227003 __malign_JJ_1 evil or harmful in nature or influence; "prompted by malign motives"; "believed in witches and malign spirits"; "gave him a malign look"; "a malign lesion" -00689950 __think_of_VB_3 look on as or consider; "she looked on this affair as a joke"; "He thinks of himself as a brilliant musician"; "He is reputed to be intelligent" -04537919 __virtual_storage_NN_1 (computer science) memory created by using the hard disk to simulate additional random-access memory; the addressable storage space available to the user of a computer system in which virtual addresses are mapped into real addresses -12917338 __genus_euphorbia_NN_1 type genus of the Euphorbiaceae: very large genus of diverse plants all having milky juice -04904996 __perturbation_NN_4 a disposition that is confused or nervous and upset -13627810 __kilobit_NN_1 a unit of information equal to 1000 bits -05951969 __spiritualism_NN_2 the belief that the spirits of dead people can communicate with people who are still alive (especially via a medium) -09801533 __wannabee_NN_1 an ambitious and aspiring young person; "a lofty aspirant"; "two executive hopefuls joined the firm"; "the audience was full of Madonna wannabes" -06710546 __unfavorable_judgment_NN_1 disapproval expressed by pointing out faults or shortcomings; "the senator received severe criticism from his opponent" -04641447 __ill_nature_NN_1 a disagreeable, irritable, or malevolent disposition -15022171 __globulin_NN_1 a family of proteins found in blood and milk and muscle and in plant seed -03046921 __clock_radio_NN_1 a radio that includes a clock that can be set to turn it on automatically -02607909 __agential_JJ_1 of or relating to an agent or agency -01942177 __univalve_NN_1 a class of mollusks typically having a one-piece coiled shell and flattened muscular foot with a head bearing stalked eyes -13140699 __rhamnaceae_NN_1 trees and shrubs usually thorny bearing drupaceous fruit many having medicinal value -01165290 __hook_VB_9 to cause (someone or oneself) to become dependent (on something, especially a narcotic drug) -11748330 __genus_arachis_NN_1 a genus of plants with pods that ripen underground (see peanut) -09920106 __choragus_NN_1 (ancient Greece) leader of a group or festival; leader of a chorus -10616670 __sniffer_NN_1 a person who sniffs -01984547 __palinurus_NN_1 type genus of the family Palinuridae -01130169 __shield_VB_1 protect, hide, or conceal from danger or harm -10901420 __giovanni_francesco_albani_NN_1 Italian pope from 1700 to 1721 who condemned Jansenist ideas on papal infallibility -06104073 __conservation_NN_3 (physics) the maintenance of a certain quantities unchanged during chemical reactions or physical transformations -12506784 __silverbush_NN_1 silvery hairy European shrub with evergreen foliage and pale yellow flowers -02192388 __sarcophaga_NN_1 flesh flies -00393227 __acuminate_VB_1 make sharp or acute; taper; make (something) come to a point -05493992 __prefrontal_lobe_NN_1 the anterior part of the frontal lobe -13194328 __genus_athyrium_NN_1 temperate and tropical lady ferns; in some classifications placed in family Polypodiaceae or in the genus Asplenium -01558594 __turdus_merula_NN_1 common black European thrush -11894327 __radish_plant_NN_1 a cruciferous plant of the genus Raphanus having a pungent edible root -03027335 __shakespearian_JJ_1 of or relating to William Shakespeare or his works; "Shakespearean plays" -00790509 __hold_the_line_VB_2 hold the phone line open; "Please hang on while I get your folder" -02324901 __factor_VB_2 be a contributing factor; "make things factor into a company's profitability" -01103603 __whomp_VB_2 beat overwhelmingly -01540969 __pinicola_NN_1 a genus of Fringillidae -00439343 __speed_up_VB_2 cause to move faster; "He accelerated the car" -00855527 __autoerotism_NN_1 using you own body as a sexual object -09867956 __hirer_NN_1 a person responsible for hiring workers; "the boss hired three more men for the new job" -00932804 __reification_NN_1 regarding something abstract as a material thing -02724126 __cloister_VB_1 surround with a cloister, as of a garden -05005250 __physiological_property_NN_1 a property having to do with the functioning of the body -01711297 __seismosaurus_NN_1 genus of large herbivorous dinosaurs of Cretaceous found in western North America -03066743 __snow_NN_4 street names for cocaine -06313651 __grammatical_construction_NN_1 a group of words that form a constituent of a sentence and are considered as a single unit; "I concluded from his awkward constructions that he was a foreigner" -08394657 __confederate_army_NN_1 the southern army during the American Civil War -01815471 __abreact_VB_1 discharge bad feelings or tension through verbalization -00047172 __hat_VB_1 put on or wear a hat; "He was unsuitably hatted" -06226057 __christianity_NN_1 a monotheistic system of beliefs and practices based on the Old Testament and the teachings of Jesus as embodied in the New Testament and emphasizing the role of Jesus as savior -01620575 __sarcorhamphus_NN_1 usually containing only the king vulture -11592146 __fungus_genus_NN_1 includes lichen genera -00380994 __intolerantly_RB_1 the act of making something homogeneous or uniform in composition; "the homogenization of cream"; "the network's homogenization of political news" in an intolerant manner -05776212 __soothsaying_NN_1 the art or gift of prophecy (or the pretense of prophecy) by supernatural means -00008055 __palpebrate_VB_1 wink or blink, especially repeatedly -00375021 __boil_VB_1 come to the boiling point and change from a liquid to vapor; "Water boils at 100 degrees Celsius" -09464486 __twinkler_NN_1 an object that emits or reflects light in an intermittent flickering manner -03290771 __entryway_NN_1 something that provides access (to get in or get out); "they waited at the entrance to the garden"; "beggars waited just outside the entryway to the cathedral" -10492894 __punk_rocker_NN_1 a teenager or young adult who is a performer (or enthusiast) of punk rock and a member of the punk youth subculture -09325530 __khyber_pass_NN_1 a mountain pass of great strategic and commercial value in the Hindu Kush on the border between northern Pakistan and western Afghanistan; a route by which invaders entered India -02139199 __chiropteran_NN_1 nocturnal mouselike mammal with forelimbs modified to form membranous wings and anatomical adaptations for echolocation by which they navigate -12628986 __quince_bush_NN_1 small Asian tree with pinkish flowers and pear-shaped fruit; widely cultivated -00310666 __tour_NN_1 a journey or route all the way around a particular place or area; "they took an extended tour of Europe"; "we took a quick circuit of the park"; "a ten-day coach circuit of the island" -02011156 __genus_cochlearius_NN_1 boatbills -09852081 __taker_NN_2 one who takes a bet or wager -14467975 __hermaphroditism_NN_1 congenital condition in which external genitalia and internal sex organs have both male and female characteristics -02690941 __airway_NN_1 a duct that provides ventilation (as in mines) -14133159 __venus's_curse_NN_1 a communicable infection transmitted by sexual intercourse or genital contact -14959472 __animal_fibre_NN_1 fiber derived from animals -03670849 __line_NN_18 something (as a cord or rope) that is long and thin and flexible; "a washing line" -02137172 __hemigalus_NN_1 banded palm civets -14060256 __hyperactivity_NN_1 a condition characterized by excessive restlessness and movement -09032483 __basle_NN_1 a city in northwestern Switzerland -02339922 __trade_rat_NN_1 any of several bushy-tailed rodents of the genus Neotoma of western North America; hoards food and other objects -13415547 __meal_plan_NN_1 a plan and a room rate for providing a room and meals to guests at a hotel -01349493 __wrench_VB_1 twist or pull violently or suddenly, especially so as to remove (something) from that to which it is attached or from where it originates; "wrench a window off its hinges"; "wrench oneself free from somebody's grip"; "a deep sigh was wrenched from his chest" -02658381 __pleuronectes_NN_1 type genus of the Pleuronectidae -05137165 __tallness_NN_1 the vertical dimension of extension; distance from the base of something to the top -11603630 __genus_macrozamia_NN_1 genus of large evergreen Australian cycads; sometimes classified in family Cycadaceae -05556071 __tummy_NN_1 slang for a paunch -08619949 __toll_plaza_NN_1 an area where tollbooths are located -01914609 __sea_anemone_NN_1 marine polyps that resemble flowers but have oral rings of tentacles; differ from corals in forming no hard skeleton -02471072 __superfamily_hominoidea_NN_1 anthropoid apes and human beings -01419729 __roil_VB_2 make turbid by stirring up the sediments of -13290002 __reimbursement_NN_1 compensation paid (to someone) for damages or losses or money already spent etc.; "he received reimbursement for his travel expenses" -08228405 __atheneum_NN_1 a literary or scientific association for the promotion of learning -11938261 __groundsel_tree_NN_1 a shrub of salt marshes of eastern and south central North America and West Indies; fruit is surrounded with white plumelike hairy tufts -03952277 __pixel_NN_1 (computer science) the smallest discrete component of an image or picture on a CRT screen (usually a colored dot); "the greater the number of pixels per inch the greater the resolution" -03588046 __isosorbide_NN_1 drug (trade name Isordil) used to treat angina pectoris and congestive heart failure -05958919 __antiestablishmentism_NN_1 the doctrine of opposition to the social and political establishment -02331309 __pocket_rat_NN_1 any of various rodents with cheek pouches -07731952 __edible_corn_NN_1 ears of corn that can be prepared and served for human food -01378137 __polyangiaceae_NN_1 bacteria living mostly in soils and on dung -01486411 __orectolobus_NN_1 carpet sharks -02297742 __offer_VB_5 offer verbally; "extend my greetings"; "He offered his sympathy" -13845838 __desynchronizing_NN_1 the relation that exists when things occur at unrelated times; "the stimulus produced a desynchronizing of the brain waves" -07923297 __shake_NN_2 frothy drink of milk and flavoring and sometimes fruit or ice cream -01226941 __favour_NN_5 an act of gracious kindness -01650167 __tree_toad_NN_1 arboreal amphibians usually having adhesive disks at the tip of each toe; of southeast Asia and Australia and America -11109728 __thaddeus_kosciusko_NN_1 Polish patriot and soldier who fought with Americans in the American Revolution (1746-1817) -01517175 __ice_VB_1 decorate with frosting; "frost a cake" -01085337 __deal_NN_8 the act of distributing playing cards; "the deal was passed around the table clockwise" -02631594 __anxiolytic_JJ_1 anxiety relieving -13839662 __lawyer-client_relation_NN_1 the responsibility of a lawyer to act in the best interests of the client -00903385 __forgive_VB_1 stop blaming or grant forgiveness; "I forgave him his infidelity"; "She cannot forgive him for forgetting her birthday" -12080199 __psychopsis_NN_1 epiphytic orchids of Central and South America formerly included in genus Oncidium -13781670 __personal_relationship_NN_1 a relation between persons -15056541 __spray_NN_5 water in small drops in the atmosphere; blown from waves or thrown up by a waterfall -00445169 __solidify_VB_2 become solid; "The metal solidified when it cooled" close at hand; "the nearby towns"; "concentrated his study on the nearby planet Venus" -01638952 __sirenidae_NN_1 sirens -07557434 __dish_NN_2 a particular item of prepared food; "she prepared a special dish for dinner" -09796809 __anti_NN_1 a person who is opposed (to an action or policy or practice etc.); "the antis smelled victory after a long battle" -08619457 __pinnacle_NN_3 a lofty peak -08325530 __conservancy_NN_1 a commission with jurisdiction over fisheries and navigation in a port or river -13664808 __centesimo_NN_1 a fractional monetary unit of several countries: Panama and Italy and Uruguay and Chile -05714466 __scent_NN_1 a distinctive odor that is pleasant -07919310 __fizz_NN_1 an effervescent beverage (usually alcoholic) -13541491 __professionalization_NN_1 the social process whereby people come to engage in an activity for pay or as a means of livelihood; "the professionalization of American sports"; "the professionalization of warfare" -02636132 __involve_VB_3 have as a necessary feature; "This decision involves many changes" -02618688 __stand_up_VB_6 resist or withstand wear, criticism, etc.; "Her shoes won't hold up"; "This theory won't hold water" -05448704 __myeloblast_NN_1 a precursor of leukocytes that normally occurs only in bone marrow -00622266 __wrestling_NN_1 the act of engaging in close hand-to-hand combat; "they had a fierce wrestle"; "we watched his grappling and wrestling with the bully" -00844941 __peck_VB_5 bother persistently with trivial complaints; "She nags her husband all day long" -11981817 __hieracium_NN_1 large genus of perennial hairy herbs of Europe to western Asia to northwestern Africa and North America; few are ornamental; often considered congeneric with Pilosella -06827947 __sans_serif_NN_1 a typeface in which characters have no serifs -06588511 __on-line_database_NN_1 (computer science) a database that can be accessed by computers -01151788 __nationalization_NN_3 changing something from private to state ownership or control -01204557 __high_JJ_2 (literal meaning) being at or having a relatively great or specific elevation or upward extension (sometimes used in combinations like `knee-high'); "a high mountain"; "high ceilings"; "high buildings"; "a high forehead"; "a high incline"; "a foot high" -01612053 __obedient_JJ_1 dutifully complying with the commands or instructions of those in authority; "an obedient soldier"; "obedient children"; "a little man obedient to his wife"; "the obedient colonies...are heavily taxed; the refractory remain unburdened"- Edmund Burke -00649481 __explore_VB_2 travel to or penetrate into; "explore unknown territory in biology" -07481375 __fire_NN_6 feelings of great warmth and intensity; "he spoke with great ardor" -03578055 __intercommunication_system_NN_1 a communication system linking different rooms within a building or ship etc -01908958 __metazoan_NN_1 any animal of the subkingdom Metazoa; all animals except protozoans and sponges -07992450 __taxonomic_group_NN_1 animal or plant group having natural relations -11201386 __taurus_NN_1 Venezuelan master terrorist raised by a Marxist-Leninist father; trained and worked with many terrorist groups (born in 1949) -03092656 __console_NN_2 a scientific instrument consisting of displays and an input device that an operator can use to monitor and control a system (especially a computer system) -06407733 __scroll_NN_2 a document that can be rolled up (as for storage) -11740208 __wintera_NN_1 evergreen shrubs or small trees of Australia and New Zealand -10428004 __physicist_NN_1 a scientist trained in physics -03248560 __highly_active_antiretroviral_therapy_NN_1 a combination of protease inhibitors taken with reverse transcriptase inhibitors; used in treating AIDS and HIV -00599064 __residency_NN_2 the position of physician who is receiving special training in a hospital (usually after completing an internship) -03196990 __dsl_NN_1 a generic name for digital lines that are provided by telephone companies to their local subscribers and that carry data at high speeds -09012898 __livonia_NN_1 a region on the Baltic that is divided between northern Estonia and southern Latvia -10982127 __sigmund_freud_NN_1 Austrian neurologist who originated psychoanalysis (1856-1939) -09075842 __peach_state_NN_1 a state in southeastern United States; one of the Confederate states during the American Civil War -03357376 __flap_NN_1 any broad thin and limber covering attached at one edge; hangs loose or projects freely; "he wrote on the flap of the envelope" -05167412 __pushiness_NN_1 offensive boldness and assertiveness -07488340 __sexual_love_NN_1 a deep feeling of sexual desire and attraction; "their love left them indifferent to their surroundings"; "she was his first love" -01757994 __release_VB_9 release (gas or energy) as a result of a chemical reaction or physical decomposition -00897746 __ask_VB_5 address a question to and expect an answer from; "Ask your teacher about trigonometry"; "The children asked me about their dead grandmother" -01669068 __terrapene_NN_1 box turtles -00578116 __militarize_VB_2 adopt for military use; "militarize the Civil Service" -07538395 __heartsickness_NN_1 feeling downcast and disheartened and hopeless -03761845 __versed_NN_1 an injectable form of benzodiazepine (trade name Versed) useful for sedation and for reducing pain during uncomfortable medical procedures -04868505 __unctuousness_NN_1 smug self-serving earnestness -07288639 __social_event_NN_1 an event characteristic of persons forming groups -08579487 __great_circle_NN_1 a circular line on the surface of a sphere formed by intersecting it with a plane passing through the center -01560984 __sever_VB_1 set or keep apart; "sever a relationship" -02691156 __plane_NN_1 an aircraft that has a fixed wing and is powered by propellers or jets; "the flight was delayed due to trouble with the airplane" -00327683 __lowering_NN_2 the act of causing something to move to a lower level -09102883 __minneapolis_NN_1 largest city in Minnesota; located in southeastern Minnesota on the Mississippi river; noted for flour mills; one of the Twin Cities -00258695 __rubdown_NN_1 the act of rubbing down, usually for relaxation or medicinal purposes -00256961 __teasing_NN_3 the act of removing tangles from you hair with a comb -01675225 __ptychozoon_NN_1 flying geckos -15059404 __ergosterol_NN_1 a plant sterol that is converted into vitamin D by ultraviolet radiation -10947259 __eames_NN_1 United States designer noted for an innovative series of chairs (1907-1978) -01919391 __march_VB_3 walk fast, with regular or measured steps; walk with a stride; "He marched into the classroom and announced the exam"; "The soldiers marched across the border" -10633298 __specifier_NN_1 someone who draws up specifications giving details (as for obtaining a patent) -03654576 __leg_NN_7 a cloth covering consisting of the part of a pair of trousers that covers a person's leg -10646325 __stalinist_NN_1 a follower of Stalin and Stalinism -12112789 __genus_calamagrostis_NN_1 reed grass -04091247 __rigging_NN_2 formation of masts, spars, sails, etc., on a vessel -02065599 __megaptera_NN_1 humpback whales -09027292 __toledo_NN_2 a city in central Spain on the Tagus river; famous for steel and swords since the first century -02686568 __aircraft_NN_1 a vehicle that can fly -12408280 __ulmus_rubra_NN_1 North American elm having rough leaves that are red when opening; yields a hard wood -00769944 __hijack_NN_1 seizure of a vehicle in transit either to rob it or divert it to an alternate destination -02389346 __touch_base_VB_1 hardy and sure-footed animal smaller and with longer ears than the horse establish communication with someone; "did you finally connect with your long-lost cousin?" -00847365 __blackwash_VB_1 bring (information) out of concealment -03446528 __links_course_NN_1 course consisting of a large landscaped area for playing golf -10012989 __digger_NN_1 a laborer who digs -09937250 __colonel_NN_1 a commissioned military officer in the United States Army or Air Force or Marines who ranks above a lieutenant colonel and below a brigadier general -11783723 __genus_anthurium_NN_1 large genus of often epiphytic evergreen tropical American plants often cultivated as houseplants -02675458 __recall_VB_3 call to mind; "His words echoed John F. Kennedy" -05959578 __creationism_NN_1 the literal belief in the account of Creation given in the Book of Genesis; "creationism denies the theory of evolution of species" -00093006 __capitalization_NN_4 the sale of capital stock -02465658 __ostracize_VB_2 avoid speaking to or dealing with; "Ever since I spoke up, my colleagues ostracize me" -15113229 __time_period_NN_1 an amount of time; "a time period of 30 years"; "hastened the period of time of his recovery"; "Picasso's blue period" -06686736 __commendation_NN_2 a message expressing a favorable opinion; "words of approval seldom passed his lips" -01722447 __reenact_VB_3 act out; represent or perform as if in a play; "She reenacted what had happened earlier that day" -02991122 __artistic_JJ_1 relating to or characteristic of art or artists; "his artistic background" -02432983 __moose_NN_1 large northern deer with enormous flattened antlers in the male; called `elk' in Europe and `moose' in North America -05936704 __picture_NN_3 a clear and telling mental image; "he described his mental picture of his assailant"; "he had no clear picture of himself or his world"; "the events left a permanent impression in his mind" -05475397 __sensory_fiber_NN_1 a nerve fiber that carries impulses toward the central nervous system -02600255 __follow_VB_18 accept and follow the leadership or command or guidance of; "Let's follow our great helmsman!"; "She followed a guru for years" -09637339 __black_woman_NN_1 a woman who is Black -13878112 __whirl_NN_2 the shape of something rotating rapidly -12130160 __toowomba_canary_grass_NN_1 perennial grass of Australia and South Africa; introduced in North America as forage grass -04566862 __weather_deck_NN_1 upper deck having no overhead protection from the weather, but sheltering the deck below -01556671 __turdidae_NN_1 thrushes; in some classifications considered a subfamily (Turdinae) of the family Muscicapidae -12188985 __family_bombacaceae_NN_1 tropical trees with large dry or fleshy fruit containing usually woolly seeds -10564660 __scribe_NN_2 informal terms for journalists -01324916 __acrodont_NN_1 an animal having teeth consolidated with the summit of the alveolar ridge without sockets -01117541 __sale_NN_2 the general activity of selling; "they tried to boost sales"; "laws limit the sale of handguns" -06066267 __agrology_NN_1 science of soils in relation to crops -06591609 __anthology_NN_1 a collection of selected literary passages -05181199 __title_NN_7 an established or recognized right; "a strong legal claim to the property"; "he had no documents confirming his title to his father's estate"; "he staked his claim" -04689198 __binding_NN_1 the capacity to attract and hold something -02078294 __take_back_VB_1 bring back to the point of departure -01230283 __mobilization_NN_2 act of marshaling and organizing and making ready for use or action; "mobilization of the country's economic resources" -03182140 __detonating_fuse_NN_1 a fuse containing an explosive -02625648 __armenian_JJ_1 of or pertaining to Armenia or the people or culture of Armenia -02537319 __salmon_trout_NN_3 speckled trout of European rivers; introduced in North America -00918820 __tilling_NN_1 cultivation of the land in order to raise crops -03408054 __fuselage_NN_1 the central body of an airplane that is designed to accommodate the crew and passengers (or cargo) -10895549 __maurice_chevalier_NN_1 French actor and cabaret singer (1888-1972) -07109196 __voice_communication_NN_1 (language) communication by word of mouth; "his speech was garbled"; "he uttered harsh language"; "he recorded the spoken language of the streets" -10728828 __tribune_NN_1 (ancient Rome) an official elected by the plebeians to protect their interests -00234217 __tie_VB_3 limit or restrict to; "I am tied to UNIX"; "These big jets are tied to large airports" -09325395 __key_NN_8 a coral reef off the southern coast of Florida -13495873 __ignition_NN_1 the process of initiating combustion or catching fire -01871979 __push_VB_1 move with force, "He pushed the table into a corner" -09071571 __georgetown_NN_1 a section of northwestern Washington, D.C. -03965456 __shopping_mall_NN_1 mercantile establishment consisting of a carefully landscaped complex of shops representing leading merchandisers; usually includes restaurants and a convenient parking area; a modern version of the traditional marketplace; "a good plaza should have a movie house"; "they spent their weekends at the local malls" -06756831 __prevarication_NN_1 a statement that deviates from or perverts the truth -14739360 __carboxylic_acid_NN_1 an organic acid characterized by one or more carboxyl groups -07381423 __snap_NN_6 a sudden sharp noise; "the crack of a whip"; "he heard the cracking of the ice"; "he can hear the snap of a twig" -03005619 __testiere_NN_1 medieval plate armor to protect a horse's head -03746574 __psychiatric_hospital_NN_1 a hospital for mentally incompetent or unbalanced person -00644967 __screening_NN_4 testing objects or persons in order to identify those with particular characteristics -01037910 __romance_VB_3 talk or behave amorously, without serious intentions; "The guys always try to chat up the new secretaries"; "My husband never flirts with other women" -06077413 __histology_NN_1 the branch of biology that studies the microscopic structure of animal or plant tissues -02705201 __amphitheatre_NN_1 a sloping gallery with seats for spectators (as in an operating room or theater) -10525617 __retiree_NN_1 someone who has retired from active working -02176073 __family_elateridae_NN_1 click beetles and certain fireflies -14842091 __halitus_NN_1 exhaled breath -13555446 __shaping_NN_1 any process serving to define the shape of something -10266328 __literate_person_NN_1 a person who can read and write -11072673 __innocent_xii_NN_1 Italian pope from 1691 to 1700 who abolished nepotism within the church hierarchy and was universally loved for his charity and piety -00948853 __number_VB_2 give numbers to; "You should number the pages of the thesis" -01705257 __reference_VB_1 refer to; "he referenced his colleagues' work" -08491245 __mailing_address_NN_1 the address where a person or organization can be communicated with -02216066 __sphecius_NN_1 large solitary wasps: cicada killer -01295373 __somme_river_NN_2 battle in World War I (1916) -10403366 __party_girl_NN_1 an attractive young woman hired to attend parties and entertain men -00693172 __romanticize_VB_1 interpret romantically; "Don't romanticize this uninteresting and hard work!" -08039312 __15_may_organization_NN_1 a terrorist organization formed in 1979 by a faction of the Popular Front for the Liberation of Palestine but disbanded in the 1980s when key members left to join a faction of al-Fatah -10414612 __pensioner_NN_1 the beneficiary of a pension fund -05841351 __type_of_architecture_NN_1 architecture as a kind of art form -07734017 __tomato_NN_1 mildly acid red or yellow pulpy fruit eaten as a vegetable -10355449 __starter_NN_4 any new participant in some activity -08181375 __laurel_and_hardy_NN_1 United States slapstick comedy duo who made many films together -02058994 __step_on_it_VB_1 move fast; "He rushed down the hall to receive his guests"; "The cars raced down the street" -10509605 __realist_NN_2 a person who accepts the world as it literally is and deals with it accordingly -03644378 __riata_NN_1 a long noosed rope used to catch animals -10670668 __subscriber_NN_1 someone who expresses strong approval -03391301 __frame_NN_1 the framework for a pair of eyeglasses -00365709 __expansion_NN_1 the act of increasing (something) in size or volume or quantity or scope -02378950 __recoil_VB_2 come back to the originator of an action with an undesired effect; "Your comments may backfire and cause you a lot of trouble" -12561696 __platylobium_NN_1 small genus of Australian evergreen leguminous shrubs or subshrubs -00114291 __caramelize_VB_2 convert to caramel -04883614 __temperance_NN_1 the trait of avoiding excesses -10889032 __miguel_de_cervantes_saavedra_NN_1 Spanish writer best remembered for `Don Quixote' which satirizes chivalry and influenced the development of the novel form (1547-1616) -01954341 __truck_VB_1 convey (goods etc.) by truck; "truck fresh vegetables across the mountains" -12193665 __wineberry_NN_2 graceful deciduous shrub or small tree having attractive foliage and small red berries that turn black at maturity and are used for making wine -01056554 __cackle_VB_1 talk or utter in a cackling manner; "The women cackled when they saw the movie star step out of the limousine" -06115476 __earth_science_NN_1 any of the sciences that deal with the earth or its parts -09700964 __briton_NN_1 a native or inhabitant of Great Britain -07028797 __leitmotiv_NN_1 a melodic phrase that accompanies the reappearance of a person or situation (as in Wagner's operas) -09358096 __monterey_bay_NN_1 an inlet of the Pacific Ocean in western California -03059366 __coaxial_cable_NN_1 a transmission line for high-frequency signals -00903668 __indispensable_JJ_1 not to be dispensed with; essential; "foods indispensable to good nutrition" -00779599 __sting_operation_NN_1 a complicated confidence game planned and executed with great care (especially an operation implemented by undercover agents to apprehend criminals) -06546261 __title_deed_NN_1 a legal document proving a person's right to property -13867276 __distortion_NN_2 a shape resulting from distortion -01417451 __linear_JJ_1 designating or involving an equation whose terms are of the first degree -11515325 __strain_NN_1 (physics) deformation of a physical body under the action of applied forces -06708866 __victoria_cross_NN_1 a British military decoration for gallantry -13518432 __myelinization_NN_1 the development of a myelin sheath around a nerve fiber -09151114 __lynchburg_NN_1 a city in central Virginia -02644967 __family_cottidae_NN_1 sculpins -15214419 __tishri_NN_1 the first month of the civil year; the seventh month of the ecclesiastical year in the Jewish calendar (in September and October) -10169678 __hell-rooster_NN_1 someone who is a very fierce fighter -14677778 __gypsum_NN_1 a common white or colorless mineral (hydrated calcium sulphate) used to make cements and plasters (especially plaster of Paris) -06515827 __life_story_NN_1 an account of the series of events making up a person's life -12887713 __rock_penstemon_NN_1 one of the West's most beautiful wildflowers; large brilliant pink or rose flowers in many racemes above thick mats of stems and leaves; ledges and cliffs from Washington to California -00088532 __intoxicate_VB_3 have an intoxicating effect on, of a drug -13899404 __orb_NN_2 an object with a spherical shape; "a ball of fire" -13421095 __unlisted_security_NN_1 a security traded in the over-the-counter market -05948264 __religious_cult_NN_1 a system of religious beliefs and rituals; "devoted to the cultus of the Blessed Virgin" -13854649 __opposition_NN_2 the relation between opposed entities -07546465 __hatred_NN_1 the emotion of intense dislike; a feeling of dislike so strong that it demands action -07786856 __round_clam_NN_1 Atlantic coast round clams with hard shells; large clams usually used for chowders or other clam dishes -09939827 __combat_pilot_NN_1 airplane pilot who fights in an action between two military forces -12522894 __sissu_NN_1 East Indian tree whose leaves are used for fodder; yields a compact dark brown durable timber used in shipbuilding and making railroad ties -01357507 __clostridium_perfringens_NN_1 anaerobic Gram-positive rod bacterium that produces epsilon toxin; can be used as a bioweapon -02307007 __malacosoma_NN_1 tent caterpillars -07889274 __malt_liquor_NN_1 a lager of high alcohol content; by law it is considered too alcoholic to be sold as lager or beer -03424630 __petrol_engine_NN_1 an internal-combustion engine that burns gasoline; most automobiles are driven by gasoline engines -05354744 __temporal_artery_NN_1 any of the three arteries on either side of the brain supplying the cortex of the temporal lobe -09140569 __chattanooga_NN_1 a city in eastern Tennessee -08727396 __port_arthur_NN_1 a major port city in northeastern China on the Liaodong Peninsula; now a part of Luda -04030965 __quadriphonic_system_NN_1 a stereophonic sound recording or reproducing system using four separate channels -06596364 __comic_book_NN_1 a magazine devoted to comic strips -06260628 __waveband_NN_1 a band of adjacent radio frequencies (e.g., assigned for transmitting radio or television signals) -09753498 __goat_NN_3 (astrology) a person who is born while the sun is in Capricorn -00187147 __ammoniate_VB_1 treat with ammonia -03328392 __nalfon_NN_1 a nonsteroidal anti-inflammatory drug (trade name Nalfon) used in the treatment of arthritis and other painful inflammatory disorders -08011523 __fatah_NN_1 a Palestinian political and military organization founded by Yasser Arafat in 1958 to work toward the creation of a Palestinian state; during the 1960s and 1970s trained terrorist and insurgent groups; "al-Fatah carried out numerous acts of international terrorism in western Europe and the Middle East in the 1970s" -09136582 __pittsburgh_NN_1 a city in southwestern Pennsylvania where the confluence of the Allegheny River and Monongahela River forms the Ohio River; long an important urban industrial area; site of Carnegie Mellon University and the University of Pittsburgh -01098706 __conscript_VB_1 enroll into service compulsorily; "The men were conscripted" -11984854 __genus_iva_NN_1 small genus of American herbs or shrubs; in some classifications placed in a separate family Ambrosiaceae -03196598 __digital_display_NN_1 a display that gives the information in the form of characters (numbers or letters) -03989898 __posthouse_NN_1 an inn for exchanging post horses and accommodating riders -01831531 __move_VB_3 move so as to change position, perform a nontranslational motion; "He moved his hand slightly to the right" -01587062 __shut_in_VB_1 surround completely; "Darkness enclosed him"; "They closed in the porch with a fence" -07496755 __torture_NN_1 extreme mental distress -08919949 __carthage_NN_1 an ancient city state on the north African coast near modern Tunis; founded by Phoenicians; destroyed and rebuilt by Romans; razed by Arabs in 697 -06114578 __thermodynamics_NN_1 the branch of physics concerned with the conversion of different forms of energy -09127014 __cape_fear_NN_1 a cape in southeastern North Carolina extending into the Atlantic Ocean -09982370 __cultist_NN_1 a member of a religious cult -01022420 __infer_VB_2 draw from specific cases for more general cases -01646528 __occasion_VB_1 give occasion to -06625329 __personal_letter_NN_1 a letter dealing with personal affairs -10276238 __notable_NN_1 a celebrity who is an inspiration to others; "he was host to a large gathering of luminaries" -10869385 __william_jennings_bryan_NN_1 United States lawyer and politician who advocated free silver and prosecuted John Scopes (1925) for teaching evolution in a Tennessee high school (1860-1925) -01054849 __cluck_VB_1 make a clucking sounds, characteristic of hens -01007354 __infinite_JJ_1 having no limits or boundaries in time or space or extent or magnitude; "the infinite ingenuity of man"; "infinite wealth" -09028062 __catalonia_NN_1 a region of northeastern Spain -00258857 __damage_VB_1 inflict damage upon; "The snow damaged the roof"; "She damaged the car when she hit the tree" -14676042 __garnet_NN_1 any of a group of hard glassy minerals (silicates of various metals) used as gemstones and as an abrasive -08007534 __suite_NN_4 a matching set of furniture -00055793 __unauthorized_absence_NN_1 unauthorized military absence -04456472 __torpedo_NN_6 armament consisting of a long cylindrical self-propelled underwater projectile that detonates on contact with a target -03912218 __whistle_NN_5 an inexpensive fipple flute -01123148 __good_JJ_1 having desirable or positive qualities especially those suitable for a thing specified; "good news from the hospital"; "a good report card"; "when she was good she was very very good"; "a good knife is one good for cutting"; "this stump will make a good picnic table"; "a good check"; "a good joke"; "a good exterior paint"; "a good secretary"; "a good dress for the office" -00588998 __apprenticeship_NN_1 the position of apprentice -15145171 __eld_NN_2 a time of life (usually defined in years) at which some particular qualification or power arises; "she was now of school age"; "tall for his eld" -01829602 __upupidae_NN_1 hoopoes -01694558 __varanus_NN_1 type and sole extant genus of the Varanidae -02854739 __pants_NN_1 underpants worn by women; "she was afraid that her bloomers might have been showing" -03135152 __cross_NN_3 a representation of the structure on which Jesus was crucified; used as an emblem of Christianity or in heraldry -10478960 __proctor_NN_1 someone who supervises (an examination) -06960778 __irish_gaelic_NN_1 the Celtic language of Ireland -01287388 __fagot_VB_2 fasten together rods of iron in order to heat or weld them -08915159 __levant_NN_2 the former name for the geographical area of the eastern Mediterranean that is now occupied by Lebanon, Syria, and Israel -06030196 __factor_analysis_NN_1 any of several methods for reducing correlational data to a smaller number of dimensions or factors; beginning with a correlation matrix a small number of components or factors are extracted that are regarded as the basic variables that account for the interrelations observed in the data -03233423 __lot_NN_5 anything (straws or pebbles etc.) taken or chosen at random; "the luck of the draw"; "they drew lots for it" -05002822 __posture_NN_2 characteristic way of bearing one's body; "stood with good posture" -08795974 __gomorrha_NN_1 (Old Testament) an ancient city near the Dead Sea that (along with Sodom) was destroyed by God for the vice and depravity of its inhabitants -03565402 __improvisation_NN_1 a creation spoken or written or composed extemporaneously (without prior preparation) -02314321 __phylum_entoprocta_NN_1 sometimes considered a subphylum of Bryozoa -01273814 __stamp_VB_4 affix a stamp to; "Are the letters properly stamped?" -11834654 __saltwort_NN_1 bushy plant of Old World salt marshes and sea beaches having prickly leaves; burned to produce a crude soda ash -02404076 __squeeze_out_VB_1 force out; "Some employees were squeezed out by the recent budget cuts" -00941451 __framing_NN_1 formulation of the plans and important details; "the framing of judicial decrees" -11155814 __marcel_marceau_NN_1 French mime famous for his sad-faced clown (born in 1923) -15171307 __last_judgment_NN_1 (New Testament) day at the end of time following Armageddon when God will decree the fates of all individual humans according to the good and evil of their earthly lives -02722782 __press_VB_8 be urgent; "This is a pressing problem" -02030996 __woodcock_NN_1 game bird of the sandpiper family that resembles a snipe -01857171 __genus_branta_NN_1 wild geese -07431683 __static_NN_1 a crackling or hissing noise caused by electrical interference -03864994 __overload_NN_2 an excessive burden -04705324 __sharpness_NN_5 thinness of edge or fineness of point -02838014 __bilge_NN_2 where the sides of the vessel curve in to form the bottom -04567222 __weather_map_NN_1 (meteorology) a map showing the principal meteorological elements at a given time and over an extended region -01661404 __subclass_anapsida_NN_1 oldest known reptiles; turtles and extinct Permian forms -08967484 __republic_of_mauritius_NN_1 a parliamentary state on the island of Mauritius -11735977 __isopyrum_biternatum_NN_1 slender erect perennial of eastern North America having tuberous roots and pink-tinged white flowers; resembles meadow rue -09775907 __aeronautical_engineer_NN_1 an engineer concerned with the design and construction of aircraft -01060198 __mew_VB_2 utter a high-pitched cry, as of seagulls -02040505 __coastal_diving_bird_NN_1 gull family; skimmer family; jaeger family; auk family -10191613 __improver_NN_1 someone devoted to the promotion of human welfare and to social reforms -07281635 __ta'ziyeh_NN_1 (Islam) a form of Iranian musical pageant that is the theatrical expression of religious passion; based on the Battle of Kerbala and performed annually (in Farsi) -09339512 __limpopo_NN_1 an African river; flows into the Indian Ocean -00117578 __eructation_NN_2 a reflex that expels gas noisily from the stomach through the mouth -00716531 __suppose_VB_4 take for granted or as a given; suppose beforehand; "I presuppose that you have done your work" -03824381 __nightie_NN_1 lingerie consisting of a loose dress designed to be worn in bed by women -07011387 __monologue_NN_3 a (usually long) dramatic speech by a single actor -01021889 __abidance_NN_3 the act of abiding (enduring without yielding) -08433727 __aviation_NN_1 the aggregation of a country's military aircraft -05457795 __acrosome_NN_1 a process at the anterior end of a sperm cell that produces enzymes to facilitate penetration of the egg -07925808 __kumis_NN_1 an alcoholic beverage made from fermented mare's milk; made originally by nomads of central Asia -01201271 __divorcement_NN_1 the legal dissolution of a marriage -00282613 __life_history_NN_2 the general progression of your working or professional life; "the general had had a distinguished career"; "he had a long career in the law" -14974264 __paper_NN_1 a material made of cellulose pulp derived mainly from wood or rags or certain grasses -02592866 __genus_chrysophrys_NN_1 Australian snapper -08344551 __international_law_enforcement_agency_NN_1 an international administrative unit responsible for law enforcement -08628414 __queen_maud_land_NN_1 a region of Antarctica between Enderby Land and the Weddell Sea; claimed by Norway -01876028 __sway_VB_4 cause to move back and forth; "rock the cradle"; "rock the baby"; "the wind swayed the trees gently" -02227773 __tettigoniidae_NN_1 long-horned grasshoppers; katydids -03664514 __lift_NN_6 a device worn in a shoe or boot to make the wearer look taller or to correct a shortened leg -05993844 __scientific_theory_NN_1 a theory that explains scientific observations; "scientific theories must be falsifiable" -03657239 __lens_implant_NN_1 a clear plastic lens that is implanted in the eye; usually done when the natural lens has been removed in a cataract operation -09729387 __saudi_arabian_NN_1 a native or inhabitant of Saudi Arabia -01421622 __introduce_VB_6 put or introduce into something; "insert a picture into the text" -10282920 __mailer_NN_2 a person who mails something -01853696 __transit_VB_4 cause or enable to pass through; "The canal will transit hundreds of ships every day" -11863717 __talinum_calycinum_NN_1 pink-flowered perennial of rocky regions of western United States -04229959 __skimmer_NN_2 a cooking utensil used to skim fat from the surface of liquids -00426928 __recreation_NN_1 an activity that diverts or amuses or stimulates; "scuba diving is provided as a diversion for tourists"; "for recreation he wrote poetry and solved crossword puzzles"; "drug abuse is often regarded as a form of recreation" -07996412 __plague_NN_3 a swarm of insects that attack plants; "a plague of grasshoppers" -08138259 __ds_NN_2 the bureau in the State Department that is responsible for the security of diplomats and embassies overseas -12666768 __gardenia_NN_1 any of various shrubs and small trees of the genus Gardenia having large fragrant white or yellow flowers -05659621 __proprioception_NN_1 the ability to sense the position and location and orientation and movement of the body and its parts -12736840 __pyrularia_NN_1 small genus of chiefly Asiatic parasitic shrubs -03410022 __gaff_NN_3 an iron hook with a handle; used for landing large fish -01361261 __pseudomonad_NN_1 bacteria usually producing greenish fluorescent water-soluble pigment; some pathogenic for plants and animals -02139479 __suborder_megachiroptera_NN_1 fruit bats -06778925 __wow_NN_1 a joke that seems extremely funny -09081213 __idaho_NN_1 a state in the Rocky Mountains -09396712 __polestar_NN_1 the brightest star in Ursa Minor; at the end of the handle of the Little Dipper; the northern axis of the earth points toward it -08592656 __limit_NN_4 the boundary of a specific area -00179959 __shuck_VB_2 remove the shucks from; "shuck corn" -03899100 __paternoster_NN_2 a type of lift having a chain of open compartments that move continually in an endless loop so that (agile) passengers can step on or off at each floor -01235355 __work_VB_22 make uniform; "knead dough"; "work the clay until it is soft" -07520411 __horror_NN_1 intense and profound fear -06858779 __musical_interval_NN_1 the difference in pitch between two notes -08137738 __united_states_department_of_state_NN_1 the federal department in the United States that sets and maintains foreign policies; "the Department of State was created in 1789" -00862683 __snipe_VB_3 attack in speech or writing; "The editors of the left-leaning paper attacked the new House Speaker" -12724942 __willow_tree_NN_1 any of numerous deciduous trees and shrubs of the genus Salix -07281871 __sprechstimme_NN_1 a style of dramatic vocalization between singing and speaking -13172923 __polypody_NN_1 any of numerous ferns of the genus Polypodium -02024185 __eudromias_morinellus_NN_1 rare plover of upland areas of Eurasia -03820950 __network_NN_4 a system of intersecting lines or channels; "a railroad network"; "a network of canals" -11953038 __succory_NN_1 perennial Old World herb having rayed flower heads with blue florets cultivated for its root and its heads of crisp edible leaves used in salads -03897943 __patch_NN_3 a piece of cloth used as decoration or to mend or cover a hole -07882497 __mixture_NN_2 any foodstuff made by combining different ingredients; "he volunteered to taste her latest concoction"; "he drank a mixture of beer and lemonade" -01985493 __old_world_crayfish_NN_1 small crayfish of Europe and Asia and western North America -12967776 __sclerotiniaceae_NN_1 a fungus family of order Helotiales -06472242 __confession_NN_2 a written document acknowledging an offense and signed by the guilty party -12343306 __genus_fuchsia_NN_1 large genus of decorative tropical shrubs with pendulous tetramerous flowers -00109660 __change_VB_2 undergo a change; become different in essence; losing one's or its original nature; "She changed completely as she grew older"; "The weather changed last night" -00978173 __proclaim_VB_1 an attack by a defending force against an attacking enemy force in order to regain lost ground or cut off enemy advance units etc. declare formally; declare someone to be something; of titles; "He was proclaimed King" -05075602 __placement_NN_1 the spatial property of the way in which something is placed; "the arrangement of the furniture"; "the placement of the chairs" -01240979 __invalidation_NN_1 (law) a formal termination (of a relationship or a judicial proceeding etc) -00918746 __guesstimate_VB_1 estimate based on a calculation -03007354 __congestive_JJ_1 relating to or affected by an abnormal collection of blood or other fluid; "congestive heart disease" -00704073 __premeditate_VB_1 consider, ponder, or plan (an action) beforehand; "premeditated murder" -13433727 __apomixis_NN_1 any of several kinds of reproduction without fertilization -03519578 __trunk_road_NN_1 a highway -00846509 __sully_VB_3 charge falsely or with malicious intent; attack the good name and reputation of someone; "The journalists have defamed me!" "The article in the paper sullied my reputation" -08571459 __finishing_line_NN_1 a line indicating the location of the finish of a race -08663860 __top_NN_1 the upper part of anything; "the mower cuts off the tops of the grass"; "the title should be written at the top of the first page" -05202497 __capableness_NN_2 the quality of being capable -- physically or intellectually or legally; "he worked to the limits of his capability" -14164190 __oxycephaly_NN_1 a congenital abnormality of the skull; the top of the skull assumes a cone shape -10269289 __locum_tenens_NN_1 someone (physician or clergyman) who substitutes temporarily for another member of the same profession -04964287 __purplish_red_NN_1 a red with a tinge of purple -00678010 __surgical_incision_NN_1 the cutting of or into body tissues or organs (especially by a surgeon as part of an operation) -06931199 __tibeto-burman_language_NN_1 a branch of the Sino-Tibetan family of languages spoken from Tibet to the Malay Peninsula -02512053 __fish_NN_1 any of various mostly cold-blooded aquatic vertebrates usually having scales and breathing through gills; "the shark is a large fish"; "in the living room there was a tank of colorful fish" -00939277 __explicate_VB_1 make plain and comprehensible; "He explained the laws of physics to his students" -05837370 __trap_NN_3 something (often something deceptively attractive) that catches you unawares; "the exam was full of trap questions"; "it was all a snare and delusion" -02623906 __take_shape_VB_1 develop into a distinctive entity; "our plans began to take shape" -01132980 __nuke_VB_2 bomb with atomic weapons -05604950 __rotator_cuff_NN_1 a supporting structure of the shoulder consisting of the muscles and tendons that attach the arm to the shoulder joint and enable the arm to move -05665146 __technique_NN_1 a practical method or art applied to some particular task -13720600 __stone_NN_5 an avoirdupois unit used to measure the weight of a human body; equal to 14 pounds; "a heavy chap who must have weighed more than twenty stone" -00914061 __halloo_VB_2 shout `halloo', as when greeting someone or attracting attention -08519916 __transcaucasia_NN_1 a geographical region to the south of the Caucasus Mountains and to the north of Turkey that comprises Georgia and Armenia and Azerbaijan -00222248 __dispatch_NN_4 killing a person or animal -00818466 __safekeeping_NN_1 the responsibility of a guardian or keeper; "he left his car in my keeping" -10334567 __mountaineer_NN_1 someone who climbs mountains -04518854 __valproic_acid_NN_1 anticonvulsant (trade name Depokene) used to prevent some kinds of seizures -00199130 __change_of_state_NN_1 the act of changing something into something different in essential characteristics -01651900 __pseudacris_NN_1 chorus frogs -02795169 __cask_NN_2 a cylindrical container that holds liquids -11147348 __robert_macgregor_NN_1 Scottish clan leader and outlaw who was the subject of a 1817 novel by Sir Walter Scott (1671-1734) -01775879 __order_acarina_NN_1 mites and ticks -12637319 __poterium_NN_1 a genus of thorny herbs or shrubs of the family Rosaceae -01831930 __family_apodidae_NN_1 swifts; in former classifications included in the order Coraciiformes -02635420 __compel_VB_2 necessitate or exact; "the water shortage compels conservation" -01275562 __of_import_JJ_1 of great significance or value; "important people"; "the important questions of the day" -12028818 __turfing_daisy_NN_2 mat-forming perennial herb of Asia Minor; sometimes included in genus Matricaria -01902877 __scale_NN_10 a flattened rigid plate forming part of the body covering of many animals -03493664 __hardware_NN_1 major items of military weaponry (as tanks or missile) -00756780 __take-in_NN_1 the act of taking in as by fooling or cheating or swindling someone -07313636 __injury_NN_2 an accident that results in physical damage or hurt -02001821 __family_ciconiidae_NN_1 storks -12881631 __purple_chinese_houses_NN_1 white and lavender to pale-blue flowers grow in perfect rings of widely spaced bands around the stems forming a kind of pagoda; California -02121188 __itch_VB_2 have or perceive an itch; "I'm itching--the air is so dry!" -15269128 __seek_time_NN_1 (computer science) the time it takes for a read/write head to move to a specific data track -04765355 __prevalence_NN_1 the quality of prevailing generally; being widespread; "he was surprised by the prevalence of optimism about the future" -01336635 __overlay_VB_1 put something on top of something else; "cover the meat with a lot of gravy" -05654783 __stigmatism_NN_3 normal eyesight -06151693 __sociology_NN_1 the study and classification of human societies -08080947 __squad_NN_3 a small squad of policemen trained to deal with a particular kind of crime -13993517 __fragmentation_NN_2 the disintegration of social norms governing behavior and thought and social relationships -01947735 __triton_NN_3 tropical marine gastropods having beautifully colored spiral shells travel in a small canoe; "we kayaked down the river" -08855126 __belo_horizonte_NN_1 city in southeastern Brazil to the north of Rio de Janeiro; the first of Brazil's planned communities -00904548 __contemptible_JJ_1 deserving of contempt or scorn -02730471 __feel_VB_7 be felt or perceived in a certain way; "The ground feels shaky"; "The sheets feel soft" -04364545 __surgical_instrument_NN_1 a medical instrument used in surgery -01448291 __xyphophorus_helleri_NN_1 freshwater fish of Central America having a long swordlike tail; popular aquarium fish -05712892 __differential_threshold_NN_1 the smallest change in stimulation that a person can detect -07921090 __cassareep_NN_1 a flavoring made by boiling down the juice of the bitter cassava; used in West Indian cooking -09792237 __anatomist_NN_1 an expert in anatomy -08795492 __caesarea_NN_1 an ancient seaport in northwestern Israel; an important Roman city in ancient Palestine -10075899 __faddist_NN_1 a person who subscribes to a variety of fads -04118776 __ruler_NN_2 measuring stick consisting of a strip of wood or metal or plastic with a straight edge that is used for drawing straight lines and measuring lengths -00655779 __important_JJ_3 of extreme importance; vital to the resolution of a crisis; "a crucial moment in his career"; "a crucial election"; "a crucial issue for women" -02571810 __priacanthus_arenatus_NN_1 brightly colored carnivorous fish of western Atlantic and West Indies waters -13969243 __harmony_NN_3 a harmonious state of things in general and of their properties (as of colors and sounds); congruity of parts with one another and with the whole -01059400 __fixed_JJ_3 securely placed or fastened or set; "a fixed piece of wood"; "a fixed resistor" -09371816 __niobrara_river_NN_1 a tributary of the Missouri River -06720600 __slander_NN_1 words falsely spoken that damage the reputation of another -04784142 __incredibleness_NN_1 the quality of being incredible -07996149 __swarm_NN_2 a group of many things in the air or on the ground; "a swarm of insects obscured the light"; "clouds of blossoms"; "it discharged a cloud of spores" -02444819 __otter_NN_2 freshwater carnivorous mammal having webbed and clawed feet and dark brown fur -02020902 __psophia_NN_1 type genus of the Psophiidae: trumpeters -03241335 __water_fountain_NN_1 a public fountain to provide a jet of drinking water -12465796 __xanthorrhoeaceae_NN_1 one of many subfamilies into which some classification systems subdivide the Liliaceae but not widely accepted -02471203 __matriculate_VB_1 enroll as a student -14792703 __sugar_NN_2 an essential structural component of living cells and source of energy for animals; includes simple sugars with small molecules as well as macromolecular substances; are classified according to the number of monosaccharide groups they contain -08037118 __pij_NN_1 a militant Palestinian terrorist group created in 1979 and committed to the creation of an Islamic state in Palestine and to the destruction of Israel; smaller and more exclusively militant that Hamas -05803938 __shot_NN_10 an estimate based on little or no information -02989178 __ultracef_NN_1 a cephalosporin antibiotic (trade name Ultracef) -13444703 __cellular_division_NN_1 the process in reproduction and growth by which a cell divides to form daughter cells -05976257 __semiotics_NN_1 (philosophy) a philosophical theory of the functions of signs and symbols -08481832 __center_NN_8 the middle of a military or naval formation; "they had to reinforce the center" -02699343 __xanax_NN_1 an antianxiety agent (trade name Xanax) of the benzodiazepine class -14489113 __slump_NN_2 a long-term economic state characterized by unemployment and low prices and low levels of trade and investment -12126238 __oryzopsis_NN_1 rice grass -07123288 __whoop_NN_1 a loud hooting cry of exultation or excitement -01043612 __whistle_VB_6 give a signal by whistling; "She whistled for her maid" -02659763 __go_VB_26 be the right size or shape; fit correctly or as desired; "This piece won't fit into the puzzle" -03077616 __common_room_NN_1 a sitting room (usually at school or university) -15248020 __geological_era_NN_1 a major division of geological time; an era is usually divided into two or more periods -06290637 __word_form_NN_1 the phonological or orthographic sound or appearance of a word that can be used to describe or identify something; "the inflected forms of a word can be represented by a stem and a list of inflections to be attached" -06288024 __opposite_word_NN_1 a word that expresses a meaning opposed to the meaning of another word, in which case the two words are antonyms of each other; "to him the antonym of `gay' was `depressed'" -08329113 __patrol_NN_3 a group that goes through a region at regular intervals for the purpose of security -10023039 __dog_NN_3 informal term for a man; "you lucky dog" -07442068 __whirl_NN_1 confused movement; "he was caught up in a whirl of work"; "a commotion of people fought for the exits" -01682582 __gloss_VB_1 give a shine or gloss to, usually by rubbing -01538630 __snowflake_NN_2 white Arctic bunting -08140506 __financial_management_service_NN_1 the federal agency in the Treasury Department that manages the government's disbursement and collection systems and provides central accounting and financial reporting -06611681 __rot_NN_3 unacceptable behavior (especially ludicrously false statements) -02125032 __whiff_VB_1 perceive by inhaling through the nose; "sniff the perfume" -00599992 __take_VB_25 be a student of a certain subject; "She is reading for the bar exam" -03763403 __post_NN_2 military installation at which a body of troops is stationed; "this military post provides an important source of income for the town nearby"; "there is an officer's club on the post" -01193099 __stuff_VB_4 overeat or eat immodestly; make a pig of oneself; "She stuffed herself at the dinner"; "The kids binged on ice cream" -05813229 __passion_NN_6 any object of warm affection or devotion; "the theater was her first love"; "he has a passion for cock fighting"; -05773776 __line_of_questioning_NN_1 an ordering of questions so as to develop a particular argument -11744859 __plant_genus_NN_1 a genus of plants -01404129 __fucaceae_NN_1 small family of brown algae: gulfweeds; rockweeds -00199659 __right_VB_4 make right or correct; "Correct the mistakes"; "rectify the calculation" -12082357 __scaphosepalum_NN_1 comprises some tropical American species usually placed in genus Masdevallia: diminutive plants with small flowers carried on one scape -10184946 __hope_NN_4 someone (or something) on which expectations are centered; "he was their best hope for a victory" -10546633 __sailor_NN_1 any member of a ship's crew -07007945 __play_NN_1 a dramatic work intended for performance by actors on a stage; "he wrote several plays but only one was produced on Broadway" -00497705 __saturate_VB_2 infuse or fill completely; "Impregnate the cloth with alcohol" -02154416 __bird's_foot_NN_1 the foot of a bird -04449796 __tolmetin_sodium_NN_1 a nonsteroidal anti-inflammatory drug (trade name Tolectin) -02440523 __pad_NN_7 the fleshy cushion-like underside of an animal's foot or of a human's finger -01152040 __swing_VB_7 hit or aim at with a sweeping arm movement; "The soccer player began to swing at the referee" -01077329 __castle_VB_1 move the king two squares toward a rook and in the same move the rook to the square next past the king -04497570 __tunic_NN_2 any of a variety of loose fitting cloaks extending to the hips or knees -07642933 __jam_NN_1 preserve of crushed fruit -12976672 __phycomycetes_group_NN_1 a large and probably unnatural group of fungi and funguslike organisms comprising the Mastigomycota (including the Oomycetes) and Zygomycota subdivisions of the division Eumycota; a category not used in all systems -11485367 __sunshine_NN_1 the rays of the sun; "the shingles were weathered by the sun and wind" -03762809 __mild_silver_protein_NN_1 antiseptic consisting of a compound of protein and silver (trade name Argyrol) -07947255 __folks_NN_2 people in general (often used in the plural); "they're just country folk"; "folks around here drink moonshine"; "the common people determine the group character and preserve its customs from one generation to the next" -04367011 __sustaining_pedal_NN_1 a pedal on a piano that lifts the dampers from the strings and so allows them to continue vibrating -02518324 __silurus_glanis_NN_1 large elongated catfish of central and eastern Europe -06826407 __font_cartridge_NN_1 any font that is contained in a cartridge that can be plugged into a computer printer -10941714 __hugh_dowding_NN_1 British marshal of the RAF who commanded the British air defense forces that defeated the Luftwaffe during the Battle of Britain (1882-1970) -02043207 __sterna_NN_1 a genus of Sterninae -12031547 __virginia_crownbeard_NN_1 tall perennial herb having clusters of white flowers; the eastern United States -11443721 __cyclone_NN_2 a violent rotating windstorm -11835251 __sarcobatus_vermiculatus_NN_1 low hardy much-branched spiny shrub common in alkaline soils of western America -10625860 __wizard_NN_2 one who practices magic or sorcery -00565302 __stroke_NN_1 (sports) the act of swinging or striking at a ball with a club or racket or bat or cue or hand; "it took two strokes to get out of the bunker"; "a good shot requires good balance and tempo"; "he left me an almost impossible shot" -10565302 __scrutinizer_NN_1 a careful examiner; someone who inspects with great care -00104868 __release_VB_5 eliminate (a substance); "combustion products are exhausted in the engine"; "the plant releases a gas" -08236438 __syndicate_NN_2 an association of companies for some definite purpose -12863026 __prunella_NN_1 small genus of perennial mostly Eurasian having terminal spikes of small purplish or white flowers -00937879 __spell_out_VB_3 orally recite the letters of or give the spelling of; "How do you spell this word?" "We had to spell out our names for the police officer" -03365991 __story_NN_3 a structure consisting of a room or set of rooms at a single position along a vertical scale; "what level is the office on?" -01406904 __euglenophyte_NN_1 marine and freshwater green or colorless flagellate organism -06281295 __modulation_NN_2 (electronics) the transmission of a signal by using it to vary a carrier wave; changing the carrier's amplitude or frequency or phase -08821578 __maritimes_NN_1 the collective name for the Canadian provinces of New Brunswick and Nova Scotia and Prince Edward Island -09260907 __tilth_NN_2 arable land that is worked by plowing and sowing and raising crops -01588431 __new_zealand_wren_NN_1 birds of New Zealand that resemble wrens -00145218 __joining_NN_1 the act of bringing two things into contact (especially for communication); "the joining of hands around the table"; "there was a connection via the internet" -02282716 __strymon_NN_1 large and widely distributed genus of hairstreak butterflies -00943732 __blubber_out_VB_1 utter while crying -01164874 __hanging_NN_2 a form of capital punishment; victim is suspended by the neck from a gallows or gibbet until dead; "in those days the hanging of criminals was a public entertainment" -05021151 __springiness_NN_1 the elasticity of something that can be stretched and returns to its original length -01276192 __scribe_VB_1 score a line on with a pointed instrument, as in metalworking -02184881 __phthiriidae_NN_1 crab lice -02133512 __selenarctos_NN_1 Asiatic black bears; in some classifications not a separate genus from Ursus -14045141 __male_erecticle_dysfunction_NN_1 impotence resulting from a man's inability to have or maintain an erection of his penis -00962129 __uprising_NN_1 organized opposition to authority; a conflict in which one faction tries to wrest control from another -02102398 __ride_VB_10 sit on and control a vehicle; "He rides his bicycle to work every day"; "She loves to ride her new motorcycle through town" -01600197 __genus_chlorophoneus_NN_1 a genus of Malaconotinae -06898352 __programming_language_NN_1 (computer science) a language designed for programming computers -06216160 __conservativism_NN_1 a political or theological orientation advocating the preservation of the best in society and opposing radical changes -04998966 __somatotype_NN_1 a category of physique -00620752 __toil_NN_1 productive work (especially physical work done for wages); "his labor did not require a great deal of skill" -13975752 __confusion_NN_1 disorder resulting from a failure to behave predictably; "the army retreated in confusion" -13453160 __temperature_reduction_NN_1 the process of becoming cooler; a falling temperature -00816143 __sass_VB_1 answer back in an impudent or insolent manner; "don't sass me!"; "The teacher punished the students who were sassing all morning"; -01810126 __stagger_VB_4 astound or overwhelm, as with shock; "She was staggered with bills after she tried to rebuild her house following the earthquake" -02642814 __table_VB_1 hold back to a later time; "let's postpone the exam" -09171560 __negev_desert_NN_1 a desert in southern Israel -03453809 __graphic_art_NN_1 the arts of drawing or painting or printmaking -01548576 __clasp_VB_2 fasten with or as if with a brooch -12288598 __genus_corylus_NN_1 deciduous monoecious nut-bearing shrubs of small trees: hazel; sometimes placed in the subfamily or family Corylaceae -02152212 __haltere_NN_1 either of the rudimentary hind wings of dipterous insects; used for maintaining equilibrium during flight -13632744 __capacitance_unit_NN_1 a measure of the capacity of a circuit component to store charge -14720238 __yellow_metal_NN_1 a brass that has more zinc and is stronger than alpha brass; used in making castings and hot-worked products -00662182 __tick_off_VB_1 put a check mark on or near or next to; "Please check each name on the list"; "tick off the items"; "mark off the units" -08008017 __parcel_NN_4 a collection of things wrapped or boxed together -00072808 __misreckoning_NN_1 a mistake in calculating -02190166 __fly_NN_1 two-winged insects characterized by active flight -02619122 __stay_VB_8 hang on during a trial of endurance; "ride out the storm" -02617689 __gymnelis_NN_1 a genus of Zoarcidae -10360747 __noncommissioned_officer_NN_1 a military officer appointed from enlisted personnel -01996377 __responsible_JJ_1 worthy of or requiring responsibility or trust; or held accountable; "a responsible adult"; "responsible journalism"; "a responsible position"; "the captain is responsible for the ship's safety"; "the cabinet is responsible to the parliament" -11127752 __leo_x_NN_1 son of Lorenzo de'Medici and pope from 1513 to 1521 who excommunicated Martin Luther and who in 1521 bestowed on Henry VIII the title of Defender of the Faith (1475-1521) -05259512 __twist_NN_10 a hairdo formed by braiding or twisting the hair -06469874 __summing_up_NN_1 a concluding summary (as in presenting a case before a law court) -01681200 __uta_NN_1 a reptile genus of Iguanidae -14047641 __tubal_pregnancy_NN_1 ectopic pregnancy in a Fallopian tube -07832902 __salad_dressing_NN_1 savory dressings for salads; basically of two kinds: either the thin French or vinaigrette type or the creamy mayonnaise type -09992538 __escort_NN_4 a participant in a date; "his date never stopped talking" -01772985 __genus_argiope_NN_1 the type genus of Argiopidae; small genus of orb-weaving spiders -02406011 __preempt_VB_2 take the place of or have precedence over; "live broadcast of the presidential debate preempts the regular news hour"; "discussion of the emergency situation will preempt the lecture by the professor" -13501941 __invagination_NN_2 the folding in of an outer layer so as to form a pocket in the surface; "the invagination of the blastula" -02072673 __ratchet_down_VB_1 move by degrees in one direction only; "a ratcheting lopping tool" -04202417 __store_NN_1 a mercantile establishment for the retail sale of goods or services; "he bought it at a shop on Cape Cod" -00464321 __line_up_VB_4 place in a line or arrange so as to be parallel or straight; "align the car with the curb"; "align the sheets of paper on the table" -02580055 __naucrates_NN_1 a genus of Carangidae -09921034 __chosen_NN_1 one who is the object of choice; who is given preference; "she was Mama's chosen" -05234737 __pogonion_NN_1 the craniometric point that is the most forward-projecting point on the anterior surface of the chin -02267975 __order_odonata_NN_1 dragonflies and damselflies -00872541 __arithmetic_operation_NN_1 a mathematical operation involving numbers -13250244 __mortmain_NN_1 real property held inalienably (as by an ecclesiastical corporation) -09409203 __thread_NN_2 any long object resembling a thin line; "a mere ribbon of land"; "the lighted ribbon of traffic"; "from the air the road was a grey thread"; "a thread of smoke climbed upward" -11717239 __nelumbo_NN_1 sometimes placed in the family Nymphaeaceae: lotuses -10396106 __panellist_NN_1 a member of a panel -04613696 __yurt_NN_1 a circular domed dwelling that is portable and self-supporting; originally used by nomadic Mongol and Turkic people of central Asia but now used as inexpensive alternative or temporary housing -07726386 __field_pea_NN_3 coarse small-seeded pea often used as food when young and tender -04196080 __shipboard_system_NN_1 a system designed to work as a coherent entity on board a naval ship -02721538 __anti-inflammatory_drug_NN_1 a medicine intended to reduce inflammation -03173524 __line_drawing_NN_1 a drawing of the outlines of forms or objects -06243575 __manichaeism_NN_1 a religion founded by Manes in the third century; a synthesis of Zoroastrian dualism between light and dark and Babylonian folklore and Buddhist ethics and superficial elements of Christianity; spread widely in the Roman Empire but had largely died out by 1000 -12983961 __sarcosomataceae_NN_1 a type of ascomycetous fungus -12203896 __white_basswood_NN_1 American basswood of the Allegheny region -03141065 __squad_car_NN_1 a car in which policemen cruise the streets; equipped with radiotelephonic communications to headquarters -10340312 __player_NN_2 someone who plays a musical instrument (as a profession) -13313733 __tax_shelter_NN_1 a way of organizing business to reduce the taxes it must pay on current earnings -04422875 __thermostat_NN_1 a regulator for automatically regulating temperature by starting or stopping the supply of heat -12082593 __schomburgkia_NN_1 genus of tropical American epiphytic orchids with showy racemose flowers -09798811 __apostle_NN_3 (New Testament) one of the original 12 disciples chosen by Christ to preach his gospel -08311522 __punchayet_NN_1 a village council in India or southern Pakistan -02527813 __teleostei_NN_1 large diverse group of bony fishes; includes most living species -00421437 __torturing_NN_1 the deliberate, systematic, or wanton infliction of physical or mental suffering by one or more persons in an attempt to force another person to yield information or to make a confession or for any other reason; "it required unnatural torturing to extract a confession" -03408721 __future_NN_3 bulk commodities bought or sold at an agreed price for delivery at a specified future date -05701738 __unconscious_process_NN_1 a mental process that you are not directly aware of; "the process of denial" -09827683 __infant_NN_1 a very young child (birth to 1 year) who has not yet begun to walk or talk; "the baby began to cry again"; "she held the baby in her arms"; "it sounds simple, but when you have your own baby it is all so different" -01131515 __legal_duty_NN_1 acts which the law requires be done or forborne -09544262 __banshie_NN_1 (Irish folklore) a female spirit who wails to warn of impending death -01785392 __scutigeridae_NN_1 a family of Chilopoda -01519228 __family_casuaridae_NN_1 a family of large ostrich-like birds including cassowaries -05283498 __pearly_NN_1 informal terms for a human `tooth' -02760116 __medical_JJ_1 relating to the study or practice of medicine; "the medical profession"; "a medical student"; "medical school" -02581073 __pressure_VB_2 exert pressure on someone through threats -00061917 __realization_NN_6 something that is made real or concrete; "the victory was the realization of a whole year's work" -08727230 __luoyang_NN_1 a city in east central China; the capital of ancient China during several dynasties -02336011 __new_world_mouse_NN_1 a variety of rodent -13150178 __piper_cubeba_NN_1 tropical southeast Asian shrubby vine bearing spicy berrylike fruits -02017878 __genus_fulica_NN_1 coots -07506149 __heartlessness_NN_1 an absence of concern for the welfare of others -10131515 __gitana_NN_1 a Spanish female Gypsy -01091427 __oppose_VB_2 fight against or resist strongly; "The senator said he would oppose the bill"; "Don't fight it!" -04904851 __uneasiness_NN_4 the trait of seeming ill at ease -08829071 __quebec_NN_2 the largest province of Canada; a French colony from 1663 to 1759 when it was lost to the British -12006766 __coneflower_NN_2 a wildflower of the genus Ratibida -05706629 __neglect_NN_1 lack of attention and due care -15213008 __mid-september_NN_1 the middle part of September -05605944 __serous_membrane_NN_1 a thin membrane lining the closed cavities of the body; has two layers with a space between that is filled with serous fluid -00611802 __remember_VB_7 exercise, or have the power of, memory; "After the shelling, many people lost the ability to remember"; "some remember better than others" -08227916 __fellowship_NN_1 an association of people who share common beliefs or activities; "the message was addressed not just to employees but to every member of the company family"; "the church welcomed new members into its fellowship" -13327896 __financial_loss_NN_1 loss of money or decrease in financial value -01323793 __poison_VB_4 kill by its poison; "This mushrooms can poison" -00921014 __exciting_JJ_1 creating or arousing excitement; "an exciting account of her trip" -11414411 __wallop_NN_1 a forceful consequence; a strong effect; "the book had an important impact on my thinking"; "the book packs a wallop" -02172387 __genus_scarabaeus_NN_1 type genus of the Scarabaeidae -01265176 __palpebration_NN_1 repeated blinking or winking (especially if uncontrolled and persistent) -14547643 __valetudinarianism_NN_1 the state of being weak in health or body (especially from old age) -02099774 __senior_JJ_1 older; higher in rank; longer in length of tenure or service; "senior officer" -13163250 __branch_NN_2 a division of a stem, or secondary stem arising from the main stem of a plant -13752911 __quadrillion_NN_2 the number that is represented as a one followed by 15 zeros -11750359 __hymenaea_NN_1 genus of tropical American timber trees -04840981 __graciousness_NN_2 the quality of being kind and gentle -00364064 __interrupt_VB_4 terminate; "She interrupted her pregnancy"; "break a lucky streak"; "break the cycle of poverty" -07457126 __olympics_NN_1 the modern revival of the ancient games held once every 4 years in a selected country -06113415 __hydrostatics_NN_1 study of the mechanical properties of fluids that are not in motion -05056490 __radio_frequency_NN_1 an electromagnetic wave frequency between audio and infrared -05015117 __low_temperature_NN_1 the absence of heat; "the coldness made our breath visible"; "come in out of the cold"; "cold is a vasoconstrictor" -04779895 __disagreeableness_NN_1 the quality of being disagreeable and unpleasant -09168592 __black_rock_desert_NN_1 a desert in northwestern Nevada -00635012 __police_work_NN_1 the investigation of criminal activities -02473688 __vote_out_VB_1 thwart the passage of; "kill a motion"; "he shot down the student's proposal" -10218043 __ivy_leaguer_NN_1 a student or graduate at an Ivy League school -02011040 __run_out_VB_3 leave suddenly and as if in a hurry; "The listeners bolted when he discussed his strange ideas"; "When she started to tell silly stories, I ran out" -07377244 __toll_NN_3 the sound of a bell being struck; "saved by the bell"; "she heard the distant toll of church bells" -01566082 __orthotomus_NN_1 tailorbirds -01743531 __mimic_VB_1 imitate (a person or manner), especially for satirical effect; "The actor mimicked the President very accurately" -02626405 __well_up_VB_1 come up (as of feelings and thoughts, or other ephemeral things); "Strong emotions welled up"; "Smoke swelled from it" -03967562 __plow_NN_1 a farm tool having one or more heavy blades to break the soil and cut a furrow prior to sowing -13711060 __standard_pressure_NN_1 a unit of pressure: the pressure that will support a column of mercury 760 mm high at sea level and 0 degrees centigrade -10069427 __public_executioner_NN_1 an official who inflicts capital punishment in pursuit of a warrant -03612134 __oruvail_NN_1 nonsteroidal anti-inflammatory drug (trade names Orudis or Orudis KT or Oruvail) -06825996 __typewriter_font_NN_1 a typeface is which each character is given the same width (as by a typewriter) -03269401 __electrical_device_NN_1 a device that produces or is powered by electricity -03943115 __pinion_NN_1 a gear with a small number of teeth designed to mesh with a larger wheel or rack -00349705 __wriggle_NN_1 the act of wiggling -10868397 __george_bryan_brummell_NN_1 English dandy who was a fashion leader during the Regency (1778-1840) -14620895 __haloform_NN_1 compounds with the formula CHX3, where X is a halogen atom -00673448 __set_VB_20 estimate; "We put the time of arrival at 8 P.M." -13201239 __tectaria_NN_1 terrestrial or epilithic ferns of tropical rain forests -01908415 __coelenterate_genus_NN_1 a genus of coelenterates -02752695 __summarize_VB_2 be a summary of; "The abstract summarizes the main ideas in the paper" -12937388 __daucus_carota_sativa_NN_1 perennial plant widely cultivated as an annual in many varieties for its long conical orange edible roots; temperate and tropical regions -01454431 __tow_VB_1 drag behind; "Horses used to tow barges along the canal" -01578575 __corvine_bird_NN_1 birds of the crow family -01005579 __surveying_NN_1 the practice of measuring angles and distances on the ground so that they can be accurately plotted on a map; "he studied surveying at college" -01406512 __ground_VB_8 hit a groundball; "he grounded to the second baseman" -02299924 __underbid_VB_2 bid lower than a competing bidder -01634887 __confabulate_VB_1 unconsciously replace fact with fantasy in one's memory -08456727 __bureaucratism_NN_1 nonelective government officials -00269423 __immobilize_VB_5 prohibit the conversion or use of (assets); "Blocked funds"; "Freeze the assets of this hostile government" -01556040 __muscicapa_NN_1 type genus of the Muscicapidae -15034939 __bacterial_toxin_NN_1 any endotoxin or exotoxin formed in or elaborated by bacterial cells -00430261 __slash_VB_4 cut drastically; "Prices were slashed" with foresight; "more presciently than they superiors, these workers grasped the economic situation" -02331262 __successful_JJ_1 having succeeded or being marked by a favorable outcome; "a successful architect"; "a successful business venture" -14102075 __thrombosis_NN_1 the formation or presence of a thrombus (a clot of coagulated blood attached at the site of its formation) in a blood vessel -02029492 __volley_VB_1 be dispersed in a volley; "gun shots volleyed at the attackers" -01834918 __caprimulgiform_bird_NN_1 long-winged nonpasserine birds -02362721 __family_castoridae_NN_1 beavers -04576211 __wheeled_vehicle_NN_1 a vehicle that moves on wheels and usually has a container for transporting things or people; "the oldest known wheeled vehicles were found in Sumer and Syria and date from around 3500 BC" -12199266 __screw_tree_NN_1 a tree or shrub of the genus Helicteres -07290278 __dramatic_event_NN_1 an episode that is turbulent or highly emotional -08911726 __bam_NN_1 an ancient city in southeastern Iran; destroyed by an earthquake in 2003 -12330751 __pimenta_NN_1 allspice tree -05794694 __provision_NN_3 the cognitive process of thinking about what you will do in the event of something happening; "his planning for retirement was hindered by several uncertainties" -07358576 __transition_NN_3 a change from one place or state or subject or stage to another -07769886 __pulassan_NN_2 fruit of an East Indian tree similar to the rambutan but sweeter -03176763 __emporium_NN_1 a large retail store organized into departments offering a variety of merchandise; commonly part of a retail chain -07837362 __white_sauce_NN_1 milk thickened with a butter and flour roux -11723655 __genus_actaea_NN_1 baneberry -01118614 __car_boot_sale_NN_1 an outdoor sale at which people sell things from the trunk of their car -00748307 __profligacy_NN_2 dissolute indulgence in sensual pleasure -06770275 __understanding_NN_2 the statement (oral or written) of an exchange of promises; "they had an agreement that they would not interfere in each other's business"; "there was an understanding between management and the workers" -05685363 __perplexity_NN_1 trouble or confusion resulting from complexity -01393873 __testacea_NN_1 testacean rhizopods -02694247 __chimerical_JJ_1 being or relating to or like a chimera; "his Utopia is not as chimeric commonwealth but a practical improvement on what already exists"- Douglas Bush -01389186 __overbear_VB_3 contract the abdominal muscles during childbirth to ease delivery -05060052 __promptness_NN_1 the characteristic of doing things without delay -12585967 __bassine_NN_1 coarse leaf fiber from palmyra palms used in making brushes and brooms -04357930 __supercharger_NN_1 compressor that forces increased oxygen into the cylinders of an internal-combustion engine -14635722 __cu_NN_1 a ductile malleable reddish-brown corrosion-resistant diamagnetic metallic element; occurs in various minerals but is the only metal that occurs abundantly in large masses; used as an electrical and thermal conductor -09180259 __irrational_motive_NN_1 a motivation that is inconsistent with reason or logic -09541809 __robin_goodfellow_NN_1 a mischievous sprite of English folklore -05951566 __misgiving_NN_2 painful expectation -06014043 __analysis_NN_5 a branch of mathematics involving calculus and the theory of limits; sequences and series and integration and differentiation -09697771 __chichewa_NN_1 a member of the Bantu-speaking people of Malawi and eastern Zambia and northern Zimbabwe -02009620 __genus_casmerodius_NN_1 a white egrets -06409562 __essay_NN_1 an analytic or interpretive literary composition -09193772 __rigil_kent_NN_1 brightest star in Centaurus; second nearest star to the sun -12551669 __tolu_balsam_NN_1 aromatic yellowish brown balsam from the tolu balsam tree used especially in cough syrups -07223811 __scandal_NN_1 disgraceful gossip about the private lives of other people -13769672 __skinful_NN_1 a quantity of alcoholic drink sufficient to make you drunk; "someone had to drive me home last night because I had a skinful" -00723056 __think_VB_6 focus one's attention on a certain state; "Think big"; "think thin" -01209953 __thumb_VB_3 feel or handle with the fingers; "finger the binding of the book" -11777365 __trachelospermum_NN_1 genus of Asiatic woody vines with milky sap in leaves and stems -04906471 __submissiveness_NN_1 the trait of being willing to yield to the will of another person or a superior force etc. -02926288 __coach_station_NN_1 a terminal that serves bus passengers -09200874 __apennines_NN_1 a mountain range extending the length of the Italian peninsula -02562085 __family_centrarchidae_NN_1 sunfish family -12419217 __genus_amaryllis_NN_1 type genus of the Amaryllidaceae; bulbous flowering plants of southern Africa -02419217 __rupicapra_NN_1 chamois -09019355 __abkhazia_NN_1 an autonomous province of Georgia on the Black Sea; a strong independence movement has resulted in much instability -12459471 __ornithogalum_NN_1 sometimes placed in family Hyacinthaceae -12863458 __pycnanthemum_NN_1 American mountain mint -10057271 __indorser_NN_2 a person who transfers his ownership interest in something by signing a check or negotiable security -13758745 __yield_NN_4 the quantity of something (as a commodity) that is created (usually within a given period of time); "production was up in the second quarter" -14276360 __yatobyo_NN_1 a highly infectious disease of rodents (especially rabbits and squirrels) and sometimes transmitted to humans by ticks or flies or by handling infected animals -02000618 __peripatopsidae_NN_1 a family of Onychophora -01844859 __cruise_VB_2 travel at a moderate speed; "Please keep your seat belt fastened while the plane is reaching cruising altitude" -07841037 __white_NN_10 the white part of an egg; the nutritive and protective gelatinous substance surrounding the yolk consisting mainly of albumin dissolved in water; "she separated the whites from the yolks of several eggs" -00917211 __animal_husbandry_NN_1 breeding and caring for farm animals -00672017 __overrate_VB_1 make too high an estimate of; "He overestimated his own powers" -06693744 __rave_NN_2 an extravagantly enthusiastic review; "he gave it a rave" -03325941 __trilby_NN_2 a hat made of felt with a creased crown -05832264 __worry_NN_1 something or someone that causes anxiety; a source of unhappiness; "New York traffic is a constant concern"; "it's a major worry" -06989146 __canaanitic_language_NN_1 a group of Semitic languages -02091165 __revealing_JJ_2 go at a pace; "The horse paced" showing or making known; "her dress was scanty and revealing" -01685808 __whiptail_lizard_NN_1 any of numerous very agile and alert New World lizards -02236896 __hemipterous_insect_NN_1 insects with sucking mouthparts and forewings thickened and leathery at the base; usually show incomplete metamorphosis -12377809 __flacourtiaceae_NN_1 chiefly tropical trees and shrubs -01596645 __comb_VB_1 straighten with a comb; "comb your hair" -01657641 __configure_VB_1 set up for a particular purpose; "configure my new computer"; "configure a plane for a combat mission" -08492747 __traffic_pattern_NN_1 the path that is prescribed for an airplane that is preparing to land at an airport; "the traffic patterns around O'Hare are very crowded"; "they stayed in the pattern until the fog lifted" -07926642 __malted_milk_NN_1 a milkshake made with malt powder -12927354 __genus_aleurites_NN_1 candlenut -01981884 __maja_NN_1 type genus of the Majidae; nearly cosmopolitan in distribution -12617140 __scheuchzeriaceae_NN_1 a family of monocotyledonous bog herbs of order Naiadales -01798352 __tympanuchus_NN_1 prairie chickens -04110439 __rotary_actuator_NN_1 (computer science) the actuator that moves a read/write head to the proper data track -08079319 __baseball_team_NN_1 a team that plays baseball -07486229 __wishing_NN_1 a specific feeling of desire; "he got his wish"; "he was above all wishing and desire" -05653848 __exteroception_NN_1 sensitivity to stimuli originating outside of the body -01804478 __partridge_NN_4 a popular North American game bird; named for its call -02168699 __longicorn_beetle_NN_1 long-bodied beetle having very long antennae (of a leaf shape) long and narrow -01382839 __genus_borrelia_NN_1 small flexible parasitic spirochetes having three to five wavy spirals -00768778 __wheedle_VB_1 influence or urge by gentle urging, caressing, or flattering; "He palavered her into going along" -11893451 __physaria_NN_1 small genus of western North American herbs similar to Lesquerella: bladderpods -01197338 __digest_VB_1 convert food into absorbable substances; "I cannot digest milk products" -10281546 __magus_NN_1 a magician or sorcerer of ancient times -01318053 __stocker_NN_1 a domestic animal (especially a young steer or heifer) kept as stock until fattened or matured and suitable for a breeding establishment -01851996 __genus_aix_NN_1 wood duck and mandarin duck -12806015 __ribes_uva-crispa_NN_1 spiny Eurasian shrub having greenish purple-tinged flowers and ovoid yellow-green or red-purple berries -02273254 __genus_forficula_NN_1 type genus of Forficulidae -00807273 __coordination_NN_2 the regulation of diverse elements into an integrated and harmonious operation -12497322 __logwood_NN_1 very hard brown to brownish-red heartwood of a logwood tree; used in preparing a purplish red dye -02481629 __pan_NN_4 chimpanzees; more closely related to Australopithecus than to other pongids -07389330 __rolling_NN_1 a deep prolonged sound (as of thunder or large bells) -09916209 __chief_constable_NN_1 the head of the police force in a county (or similar area) -07472657 __race_NN_1 any competition; "the race for the presidency" -03971422 __pneumatic_tyre_NN_1 a tire made of reinforced rubber and filled with compressed air; used on motor vehicles and bicycles etc -13618076 __yard_NN_5 a unit of volume (as for sand or gravel) -03547658 __hub_NN_1 the central part of a car wheel (or fan or propeller etc) through which the shaft or axle passes -08455037 __mercantile_law_NN_1 the body of rules applied to commercial transactions; derived from the practices of traders rather than from jurisprudence -04729328 __richness_NN_7 splendid or imposing in size or appearance; "the grandness of the architecture"; "impressed by the richness of the flora" -08686979 __virgo_the_virgin_NN_1 the sixth sign of the zodiac; the sun is in this sign from about August 23 to September 22 -02328662 __ochotona_NN_1 type genus of the Ochotonidae -00332445 __pulverize_VB_3 become powder or dust; "When it was blown up, the building powderized" -01890274 __family_chrysochloridae_NN_1 golden moles -14906850 __weedkiller_NN_1 a chemical agent that destroys plants or inhibits their growth -14319684 __jaundice_NN_1 yellowing of the skin and the whites of the eyes caused by an accumulation of bile pigment (bilirubin) in the blood; can be a symptom of gallstones or liver infection or anemia -06362260 __hieratic_script_NN_1 a cursive form of Egyptian hieroglyphics; used especially by the priests -01424456 __squeeze_VB_8 squeeze (someone) tightly in your arms, usually with fondness; "Hug me, please"; "They embraced"; "He hugged her close to him" -01497736 __nonmeaningful_JJ_1 having no meaning or direction or purpose; "a meaningless endeavor"; "a meaningless life"; "a verbose but meaningless explanation" -02898750 __mental_JJ_2 of or relating to the mind; "mental powers"; "mental development"; "mental hygiene" -02170427 __pay_heed_VB_1 give heed (to); "The children in the audience attended the recital quietly"; "She hung on his every word"; "They attended to everything he said" -07813409 __garlic_salt_NN_1 ground dried garlic and salt -01709931 __clog_VB_2 dance a clog dance -11953339 __witloof_NN_1 widely cultivated herb with leaves valued as salad green; either curly serrated leaves or broad flat ones that are usually blanched -03288003 __engine_NN_4 an instrument or machine that is used in warfare, such as a battering ram, catapult, artillery piece, etc.; "medieval engines of war" -03018802 __classificatory_JJ_1 relating to or involving classification:"classificatory criteria" -01791625 __gallus_gallus_NN_1 a domestic fowl bred for flesh or eggs; believed to have been developed from the red jungle fowl -06790845 __incarnation_NN_2 (Christianity) the Christian doctrine of the union of God and man in the person of Jesus Christ -10245863 __landscapist_NN_2 someone who arranges features of the landscape or garden attractively -07826653 __aniseed_NN_1 liquorice-flavored seeds, used medicinally and in cooking and liquors -08686332 __taurus_the_bull_NN_1 the second sign of the zodiac; the sun is in this sign from about April 20 to May 20 -00590241 __figure_VB_5 understand; "He didn't figure her" -07355887 __lessening_NN_1 a change downward; "there was a decrease in his temperature as the fever subsided"; "there was a sharp drop-off in sales" -12936713 __genus_cuminum_NN_1 cumin -13188767 __squirrel's-foot_fern_NN_1 feathery fern of tropical Asia and Malaysia -05576573 __arch_NN_2 a curved bony structure supporting or enclosing organs (especially the inner sides of the feet) -11749742 __genus_dipteryx_NN_1 tropical American trees: tonka beans -10536134 __rocket_scientist_NN_2 an engineer who builds and tests rockets -00192659 __pep_up_VB_2 make more interesting or lively; "juice up a party"; "pep up your paper" -08424951 __market_NN_2 the customers for a particular product or service; "before they publish any book they try to determine the size of the market for it" -03208229 __germicide_NN_1 an agent (as heat or radiation or a chemical) that destroys microorganisms that might carry disease -08096624 __hinduism_NN_1 the religion of most people in India, Bangladesh, Sri Lanka, and Nepal -10296176 __marshall_NN_4 (in some countries) a military officer of highest rank -12713521 __oval_kumquat_NN_1 shrub bearing oval-fruited kumquats -05406570 __gall_NN_5 a digestive juice secreted by the liver and stored in the gallbladder; aids in the digestion of fats -05930136 __perceptual_experience_NN_1 the representation of what is perceived; basic component in the formation of a concept -07309781 __movement_NN_3 a natural event that involves a change in the position or location of something -14855150 __meconium_NN_1 thick dark green mucoid material that is the first feces of a newborn child -01484850 __white_shark_NN_1 large aggressive shark widespread in warm seas; known to attack humans -00940437 __expressed_JJ_2 precisely and clearly expressed or readily observable; leaving nothing to implication; "explicit instructions"; "she made her wishes explicit"; "explicit sexual scenes" -04217882 __signboard_NN_1 structure displaying a board on which advertisements can be posted; "the highway was lined with signboards" -02617933 __amnestic_JJ_1 of or relating to or caused by amnesia -09877856 __brunette_NN_1 a person with dark (brown) hair -00229814 __layoff_NN_1 the act of laying off an employee or a work force -06623614 __correspondence_NN_1 communication by the exchange of letters -09656673 __hokan_NN_2 a member of a North American Indian people speaking one of the Hokan languages -05585205 __metacarpophalangeal_joint_NN_1 a joint of a finger when the fist is closed -05204004 __firepower_NN_1 (military) the relative capacity for delivering fire on a target -08557482 __imperium_NN_1 the domain ruled by an emperor or empress; the region over which imperial dominion is exercised -07454758 __graduation_exercise_NN_1 an academic exercise in which diplomas are conferred -13118707 __suffrutex_NN_1 low-growing woody shrub or perennial with woody base -02619839 __anaglyptical_JJ_1 related to anaglyphs or anaglyphy -01416508 __lineal_JJ_1 in a straight unbroken line of descent from parent to child; "lineal ancestors"; "lineal heirs"; "a direct descendant of the king"; "direct heredity" -02379753 __retire_VB_1 go into retirement; stop performing one's work or withdraw from one's position; "He retired at age 68" -00140652 __manipulation_NN_2 the action of touching with the hands (or the skillful use of the hands) or by the use of mechanical means -15297672 __processing_time_NN_1 the time it takes to complete a prescribed procedure; "they increased output by decreasing processing time" -01416585 __mastigophore_NN_1 a usually nonphotosynthetic free-living protozoan with whiplike appendages; some are pathogens of humans and other animals -10366484 __numen_NN_1 a spirit believed to inhabit an object or preside over a place (especially in ancient Roman religion) -03605915 __junction_NN_4 something that joins or connects -03291551 __intrenchment_NN_1 an entrenched fortification; a position protected by trenches -12627526 __summer_haw_NN_1 hawthorn of southern United States bearing a juicy, acidic, scarlet fruit that is often used in jellies or preserves -05640184 __soldiership_NN_1 skills that are required for the life of soldier -02857023 __gameboard_NN_1 a flat portable surface (usually rectangular) designed for board games; "he got out the board and set up the pieces" -06929279 __japanese_NN_2 the language (usually considered to be Altaic) spoken by the Japanese -03515934 __hermitage_NN_1 the abode of a hermit -05630277 __tartarus_NN_1 a place where the wicked are punished after death -09125528 __syracuse_NN_1 a city in central New York -00227595 __sacrifice_NN_4 the act of killing (an animal or person) in order to propitiate a deity -02031158 __separate_VB_7 make a division or separation -12217586 __silk_oak_NN_1 any of several Australian timber trees having usually fernlike foliage and mottled wood used in cabinetry and veneering -00617413 __slight_VB_1 pay no attention to, disrespect; "She cold-shouldered her ex-fiance" -07348545 __surge_NN_3 a large sea wave -03354613 __fixture_NN_1 an object firmly fixed in place (especially in a household) -01476685 __male_JJ_1 being the sex (of plant or animal) that produces gametes (spermatozoa) that perform the fertilizing function in generation; "a male infant"; "a male holly tree" -12871992 __lentibulariaceae_NN_1 carnivorous aquatic or bog plants: genera Utricularia, Pinguicula, and Genlisea -02632989 __stromateid_fish_NN_1 small marine fish with a short compressed body and feeble spines -07185870 __wish_NN_2 an expression of some desire or inclination; "I could tell that it was his wish that the guests leave"; "his crying was an indirect request for attention" -00531201 __nude_dancing_NN_1 erotic dancing with little or no clothing -05797177 __out-of-the-box_thinking_NN_1 thinking that moves away in diverging directions so as to involve a variety of aspects and which sometimes lead to novel ideas and solutions; associated with creativity -06700169 __first-class_honours_degree_NN_1 an honours degree of the highest class -05581514 __unguis_NN_1 any rigid body structure composed primarily of keratin -14827191 __cyano_radical_NN_1 the monovalent group -CN in a chemical compound -01465365 __pair_VB_3 occur in pairs -08341798 __dtic_NN_1 the agency in the Department of Defense that provides scientific and technical information to federal agencies and their contractors -01158872 __utilize_VB_1 put into service; make work or employ for a particular purpose or for its inherent or natural purpose; "use your head!"; "we only use Spanish at home"; "I can't use this tool"; "Apply a magnetic field here"; "This thinking was applied to many projects"; "How do you utilize this tool?"; "I apply this rule to get good results"; "use the plastic bags to store the food"; "He doesn't know how to use a computer" -11769483 __genus_allamanda_NN_1 genus of tropical American woody vines -02332445 __headline_VB_2 provide (a newspaper page or a story) with a headline -02609764 __terminate_VB_2 have an end, in a temporal, spatial, or quantitative sense; either spatial or metaphorical; "the bronchioles terminate in a capillary bed"; "Your rights stop where you infringe upon the rights of other"; "My property ends by the bushes"; "The symphony ends in a pianissimo" -03714721 __makeweight_NN_1 anything added to fill out a whole; "some of the items in the collection are mere makeweights" -14372286 __the_trots_NN_1 obscene terms for diarrhea -09936825 __colleen_NN_1 an Irish girl -12075495 __paphiopedilum_NN_1 horticulturally important genus of mainly terrestrial orchids including many hybrids; southeastern Asia and Indonesia to Philippines and Solomon Islands; Paphiopedilum species sometimes included in genus Cypripedium -02515934 __brutalize_VB_1 treat brutally -03240327 __drilling_bit_NN_1 a bit used in drilling for oil -02492356 __douroucouli_NN_1 nocturnal monkey of Central America and South America with large eyes and thick fur -00002724 __choke_VB_1 breathe with great difficulty, as when experiencing a strong emotion; "She choked with emotion when she spoke about her deceased husband" -12170585 __mallow_NN_1 any of various plants of the family Malvaceae -01242354 __go-slow_NN_1 a form of protest by workers in which they deliberately slow down in order to cause problem from their employers -02663211 __turbot_NN_2 a large brownish European flatfish -14805550 __cetrimide_NN_1 a cationic detergent that is a powerful disinfectant -00871781 __threaten_VB_3 to be a menacing indication of something:"The clouds threaten rain"; "Danger threatens" -05902327 __pattern_NN_6 something intended as a guide for making something else; "a blueprint for a house"; "a pattern for a skirt" -00149262 __untying_NN_1 loosening the ties that fasten something; "the tying of bow ties is an art; the untying is easy" skillful at eluding capture; "a cabal of conspirators, each more elusive than the archterrorist"- David Kline -07883384 __elixir_NN_3 a substance believed to cure all ills -02505141 __turn_up_the_pressure_VB_1 apply great or increased pressure; "The Democrats turned up the heat on their candidate to concede the election" taking on different forms; "eyes...of that baffling protean grey which is never twice the same" -02115775 __genus_cyon_NN_1 Asiatic wild dog -00070965 __mistake_NN_1 a wrong action attributable to bad judgment or ignorance or inattention; "he made a bad mistake"; "she was quick to point out my errors"; "I could understand his English in spite of his grammatical faults" -12402596 __sacred_fig_NN_1 fig tree of India noted for great size and longevity; lacks the prop roots of the banyan; regarded as sacred by Buddhists -01421012 __phylum_cryptophyta_NN_1 a phylum in the kingdom Protoctista -03492542 __hard_disk_NN_1 a rigid magnetic disk mounted permanently in a drive unit -08574038 __toxic_waste_site_NN_1 a location where toxic wastes can be or have been disposed of (often illegally) -00588598 __accountantship_NN_1 the position of accountant -01387065 __protoctist_NN_1 any of the unicellular protists -04535524 __villa_NN_2 detached or semidetached suburban house -12818346 __spanish_elm_NN_2 large tropical American tree of the genus Cordia grown for its abundant creamy white flowers and valuable wood -01543998 __sit_down_VB_2 show to a seat; assign a seat for; "The host seated me next to Mrs. Smith" -13191318 __genus_culcita_NN_1 includes some plants usually placed in e.g. genus Dicksonia: terrestrial ferns resembling bracken; tropical America; Malaysia to Australia and Polynesia; southwestern Europe and Atlantic islands -11492833 __polymorphism_NN_2 (chemistry) the existence of different kinds of crystal of the same chemical compound -08713136 __cordova_NN_3 a city in central Argentina; site of a university founded in 1613 -05240850 __neuroepithelium_NN_1 epithelium associated with special sense organs and containing sensory nerve endings -02502212 __family_cynocephalidae_NN_1 a family of Dermoptera -01544544 __family_drepanididae_NN_1 Hawaiian honeycreepers -12284262 __alder_tree_NN_1 north temperate shrubs or trees having toothed leaves and conelike fruit; bark is used in tanning and dyeing and the wood is rot-resistant -06105314 __space-reflection_symmetry_NN_1 (physics) parity is conserved in a universe in which the laws of physics are the same in a right-handed system of coordinates as in a left-handed system -09667715 __sauk_NN_1 a member of the Algonquian people formerly living in Wisconsin in the Fox River valley and on the shores of Green Bay -02030158 __split_VB_4 go one's own way; move apart; "The friends separated after the party" -02456275 __pichiciego_NN_1 very small Argentine armadillo with pale silky hair and pink plates on head and neck -15150013 __sixties_NN_2 the time of life between 60 and 70 -05119837 __surfeit_NN_2 the quality of being so overabundant that prices fall -01426077 __general_JJ_4 affecting the entire body; "a general anesthetic"; "general symptoms" -00918312 __vaticinate_VB_2 foretell through or as if through the power of prophecy -00618057 __trip_up_VB_3 make an error; "She slipped up and revealed the name" -13212751 __pityrogramma_NN_1 terrestrial tropical ferns having fronds with powdery yellowish or white undersides; sometimes placed in family Polypodiaceae or Adiantaceae -00336831 __sure_JJ_1 having or feeling no doubt or uncertainty; confident and assured; "felt certain of success"; "was sure (or certain) she had seen it"; "was very sure in his beliefs"; "sure of her friends" -11832671 __swiss_chard_NN_1 beet lacking swollen root; grown as a vegetable for its edible leaves and stalks -02208498 __killer_bee_NN_2 a strain of bees that originated in Brazil in the 1950s as a cross between an aggressive African bee and a honeybee; retains most of the traits of the African bee; now spread as far north as Texas -00944924 __infer_VB_3 conclude by reasoning; in logic -02075612 __omnivore_NN_2 an animal that feeds on both animal and vegetable substances -02171869 __scarabaeid_beetle_NN_1 any of numerous species of stout-bodied beetles having heads with horny spikes -08237863 __dramatis_personae_NN_1 the actors in a play -02182220 __genus_bruchus_NN_1 type genus of the Bruchidae -09813696 __bravo_NN_1 a murderer (especially one who kills a prominent political figure) who kills by a surprise attack and often is hired to do the deed; "his assassins were hunted down like animals"; "assassinators of kings and emperors" -01970667 __paper_nautilus_NN_1 cephalopod mollusk of warm seas whose females have delicate papery spiral shells -01835918 __chuck-will's-widow_NN_1 large whippoorwill-like bird of the southern United States -08315194 __lateran_council_NN_1 any of five general councils of the Western Catholic Church that were held in the Lateran Palace -08426816 __military_formation_NN_1 a formation of troops -07507912 __discombobulation_NN_1 a feeling of embarrassment that leaves you confused -00781303 __plow_ahead_VB_1 proceed (with a plan of action); "He went ahead with the project" -05490983 __adrenal_cortex_NN_1 the cortex of the adrenal gland; secretes corticosterone and sex hormones -00575741 __work_NN_1 activity directed toward making or doing something; "she checked several points needing further work" -08764107 __norway_NN_1 a constitutional monarchy in northern Europe on the western side of the Scandinavian Peninsula; achieved independence from Sweden in 1905 -01467370 __surround_VB_1 extend on all sides of simultaneously; encircle; "The forest surrounds my property" -14055408 __ill_NN_1 an often persistent bodily disorder or disease; a cause for complaining -00223500 __weaken_VB_2 become weaker; "The prisoner's resistance weakened after seven days" -03600806 __stick_NN_8 marijuana leaves rolled into a cigarette for smoking -00441824 __water_sport_NN_1 sports that involve bodies of water -08893223 __western_isles_NN_1 a group of more than 500 islands off the western coast of Scotland -02573127 __set_up_VB_11 arrange the outcome of by means of deceit; "rig an election" -11976715 __hazardia_NN_1 small genus of shrubs and subshrubs of western United States having flowers that change color as they mature -04042358 __skiagraph_NN_1 a photographic image produced on a radiosensitive surface by radiation other than visible light (especially by X-rays or gamma rays) -00417596 __stiffen_VB_2 make stiff or stiffer; "Stiffen the cream by adding gelatine" -13843173 __reciprocal_NN_2 (mathematics) one of a pair of numbers whose product is 1: the reciprocal of 2/3 is 3/2; the multiplicative inverse of 7 is 1/7 -01411768 __cowhide_VB_1 flog with a cowhide -06642899 __military_intelligence_NN_2 information about the armed forces of another country that is useful in planning and conducting military policy or military operations -04635953 __sluggishness_NN_3 inactivity; showing an unusual lack of energy; "the general appearance of sluggishness alarmed his friends" -02124623 __wildcat_NN_3 any small or medium-sized cat resembling the domestic cat and living in the wild -07233996 __malediction_NN_1 the act of calling down a curse that invokes evil (and usually serves as an insult); "he suffered the imprecations of the mob" -09811414 __art_historian_NN_1 a historian of art -00805034 __regulation_NN_6 the act of controlling or directing according to rule; "fiscal regulations are in the hands of politicians" -13478342 __extinction_NN_3 the reduction of the intensity of radiation as a consequence of absorption and radiation -08345189 __republican_guard_NN_1 formerly Iraq's elite military unit whose primary role was to protect the government in Baghdad -01584225 __wren_NN_2 any of several small active brown birds of the northern hemisphere with short upright tails; they feed on insects -01964636 __unionidae_NN_1 freshwater mussels found worldwide -05632446 __phantasy_NN_3 imagination unrestricted by reality; "a schoolgirl fantasy" -04860586 __fearfulness_NN_2 the trait of being afraid -03265479 __edging_NN_1 border consisting of anything placed on the edge to finish something (such as a fringe on clothing or on a rug) -01661243 __set_up_VB_3 construct, build, or erect; "Raise a barn" -00342314 __fall_VB_31 go as if by falling; "Grief fell from our hearts" -07295047 __offspring_NN_2 something that comes into existence as a result; "industrialism prepared the way for acceptance of the French Revolution's various socialistic offspring"; "this skyscraper is the solid materialization of his efforts" -07763483 __genipap_fruit_NN_2 a succulent orange-sized tropical fruit with a thick rind -07259319 __landmark_NN_3 a mark showing the boundary of a piece of land -00697419 __screen_VB_2 examine methodically; "screen the suitcases" -02293915 __give_away_VB_3 formally hand over to the bridegroom in marriage; of a bride by her father -03404449 __furnace_NN_1 an enclosed chamber in which heat is produced to heat buildings, destroy refuse, smelt or refine ores, etc. -12621619 __sweetbrier_NN_1 Eurasian rose with prickly stems and fragrant leaves and bright pink flowers followed by scarlet hips -08984788 __portuguese_republic_NN_1 a republic in southwestern Europe on the Iberian Peninsula; Portuguese explorers and colonists in the 15th and 16th centuries created a vast overseas empire (including Brazil) -01486010 __thresher_shark_NN_1 large pelagic shark of warm seas with a whiplike tail used to round up small fish on which to feed -02185481 __louse_NN_4 wingless insect with mouth parts adapted for biting; mostly parasitic on birds -01280014 __twist_VB_2 cause (a plastic object) to assume a crooked or angular form; "bend the rod"; "twist the dough into a braid"; "the strong man could turn an iron bar" -14654954 __silver_NN_1 a soft white precious univalent metallic element having the highest electrical and thermal conductivity of any metal; occurs in argentite and in free form; used in coins and jewelry and tableware and photography -09654687 __dhegiha_NN_1 any member of a Siouan people speaking one of the Dhegiha languages -13506587 __leaching_NN_1 the process of leaching -05106633 __smallness_NN_1 the property of having a relatively small size -02050865 __lock_VB_8 pass by means through a lock in a waterway -01023071 __mention_VB_3 commend; "he was cited for his outstanding achievements" -03563200 __impact_printer_NN_1 a printer that prints by mechanical impacts -00422551 __excruciation_NN_2 the infliction of extremely painful punishment or suffering -11800565 __umbrella_tree_NN_1 erect evergreen shrub or small tree of Australia and northern New Guinea having palmately compound leaves -08522518 __centre_of_gravity_NN_1 the point within something at which gravity can be considered to act; in uniform gravity it is equal to the center of mass -00785962 __investigate_VB_2 conduct an inquiry or investigation of; "The district attorney's office investigated reports of possible irregularities"; "inquire into the disappearance of the rich old lady" -13479034 __farrowing_NN_1 the production of a litter of pigs -05216365 __physical_structure_NN_1 the entire structure of an organism (an animal, plant, or human being); "he felt as if his whole body were on fire" -01980328 __pinnotheridae_NN_1 tiny soft-bodied crabs -11416722 __reverberation_NN_2 a remote or indirect consequence of some action; "his declaration had unforeseen repercussions"; "reverberations of the market crash were felt years later" -07751004 __peach_NN_3 downy juicy fruit with sweet yellowish or whitish flesh -02247076 __trialeurodes_NN_1 a genus of Aleyrodidae -01702514 __versify_VB_1 compose verses or put into verse; "He versified the ancient saga" -07786005 __butterfish_NN_1 any of numerous small flat Atlantic food fish having smooth skin -10554455 __strikebreaker_NN_1 someone who works (or provides workers) during a strike -06918396 __uto-aztecan_language_NN_1 a family of American Indian languages -01747945 __print_VB_4 reproduce by printing -07901457 __muscatel_NN_1 wine from muscat grapes -14202996 __cyst_NN_1 a closed sac that develops abnormally in some body structure -15252635 __old_times_NN_1 past times remembered with nostalgia -01676313 __iguanidae_NN_1 New World lizards -07489714 __lustfulness_NN_1 a strong sexual desire -12532168 __soybean_plant_NN_1 erect bushy hairy annual herb having trifoliate leaves and purple to pink flowers; extensively cultivated for food and forage and soil improvement but especially for its nutritious oil-rich seeds; native to Asia -08167249 __dominion_NN_3 one of the self-governing nations in the British Commonwealth -09859557 __chargeman_NN_1 a workman employed to blast with explosives -07321247 __renascence_NN_2 a second or new birth -00004258 __living_thing_NN_1 a living (or once living) entity -07428954 __temblor_NN_1 shaking and vibration at the surface of the earth resulting from underground movement along a fault plane of from volcanic activity -04834073 __smallness_NN_4 lack of generosity in trifling matters -13885370 __tortuousness_NN_1 a tortuous and twisted shape or position; "they built a tree house in the tortuosities of its boughs"; "the acrobat performed incredible contortions" -03992703 __pottery_NN_1 ceramic ware made from clay and baked in a kiln -00319939 __pursuit_NN_1 the act of pursuing in an effort to overtake or capture; "the culprit started to run and the cop took off in pursuit" -01670511 __bead_VB_2 decorate by sewing beads onto; "bead the wedding gown" -02397744 __tayassu_tajacu_NN_1 dark grey peccary with an indistinct white collar; of semi desert areas of Mexico and southwestern United States -14781225 __peroxide_NN_1 a viscous liquid with strong oxidizing properties; a powerful bleaching agent; also used (in aqueous solutions) as a mild disinfectant and (in strong concentrations) as an oxidant in rocket fuels -05922949 __reference_NN_6 the most direct or specific meaning of a word or expression; the class of objects that an expression refers to; "the extension of `satellite of Mars' is the set containing only Demos and Phobos" -02021795 __seafowl_NN_1 a bird that frequents coastal waters and the open ocean: gulls; pelicans; gannets; cormorants; albatrosses; petrels; etc. -00113726 __shove_NN_1 the act of shoving (giving a push to someone or something); "he gave the door a shove" -12285369 __white_alder_NN_1 tree of western United States -04058096 __reading_room_NN_1 a room set aside for reading -06460524 __wisdom_of_solomon_NN_1 an Apocryphal book consisting mainly of a meditation on wisdom; although ascribed to Solomon it was probably written in the first century BC -01498041 __stingray_NN_1 large venomous ray with large barbed spines near the base of a thin whiplike tail capable of inflicting severe wounds -00102303 __sputter_VB_5 spit up in an explosive manner -04740173 __unvariedness_NN_1 characterized by an absence of variation -08322981 __board_NN_1 a committee having supervisory powers; "the board has seven members" -09771204 __full_admiral_NN_1 the supreme commander of a fleet; ranks above a vice admiral and below a fleet admiral -02293135 __gelechiidae_NN_1 important economic pests -12774299 __manilkara_bidentata_NN_1 a tropical hardwood tree yielding balata gum and heavy red timber -13611567 __minute_of_arc_NN_1 a unit of angular distance equal to a 60th of a degree -02017775 __turn_in_VB_1 make an entrance by turning from a road; "Turn in after you see the gate" -14158594 __hyperbetalipoproteinemia_NN_1 a genetic disorder characterized by high levels of beta-lipoproteins and cholesterol; can lead to atherosclerosis at an early age -09189411 __africa_NN_1 the second largest continent; located to the south of Europe and bordered to the west by the South Atlantic and to the east by the Indian Ocean -10263684 __linendraper_NN_1 a retail dealer in yard goods -09727826 __polynesian_NN_1 a native or inhabitant of Polynesia -02148109 __whitewash_VB_1 cover up a misdemeanor, fault, or error; "Let's not whitewash the crimes of Stalin"; "She tried to gloss over her mistakes" shaped like a lance -05527216 __seminal_duct_NN_1 the efferent duct of the testis in man -05395286 __valve_NN_1 a structure in a hollow organ (like the heart) with a flap to insure one-way flow of fluid through it -07719839 __beetroot_NN_2 round red root vegetable -10055566 __encyclopedist_NN_1 a person who compiles information for encyclopedias -03557360 __ice_hockey_rink_NN_1 an ice rink for playing ice hockey -04907575 __unmanageableness_NN_1 the trait of being unmanageable -00923793 __show_VB_7 indicate a place, direction, person, or thing; either spatially or figuratively; "I showed the customer the glove section"; "He pointed to the empty parking space"; "he indicated his opponents" -03636248 __lamp_NN_1 an artificial source of visible illumination -07621776 __topping_NN_1 a flavorful addition on top of a dish -03289819 __enovid_NN_1 trade name for an oral contraceptive containing mestranol and norethynodrel -10452892 __pontifex_NN_1 a member of the highest council of priests in ancient Rome -10018021 __protester_NN_1 a person who dissents from some established policy -07986066 __trio_NN_5 three people considered as a unit -03550153 __hut_NN_1 temporary military shelter -06364329 __literary_work_NN_1 imaginative or creative writing -02892948 __knucks_NN_1 a small metal weapon; worn over the knuckles on the back of the hand -03946325 __pipeline_NN_2 a pipe used to transport liquids or gases; "a pipeline runs from the wells to the seaport" -06161048 __etiology_NN_2 the philosophical study of causation -13565622 __tanning_NN_1 process in which skin pigmentation darkens as a result of exposure to ultraviolet light -01834213 __ease_VB_1 move gently or carefully; "He eased himself into the chair" -03604629 __jumper_NN_5 a small connector used to make temporary electrical connections -01926376 __irrational_JJ_1 not consistent with or using reason; "irrational fears"; "irrational animals" -00739632 __comparative_negligence_NN_1 (law) negligence allocated between the plaintiff and the defendant with a corresponding reduction in damages paid to the plaintiff -00625119 __read_VB_1 interpret something that is written or printed; "read the advertisement"; "Have you read Salman Rushdie?" -00251615 __educe_VB_2 develop or evolve from a latent or potential state -05247057 __salpinx_NN_1 a tube in the uterus or the ear -14777856 __rolaids_NN_1 an antacid -00857275 __sexual_inversion_NN_1 a term formerly used to mean taking on the gender role of the opposite sex -00025203 __tense_up_VB_2 cause to be tense and uneasy or nervous or anxious; "he got a phone call from his lawyer that tensed him up" -10347883 __navigator_NN_3 in earlier times, a person who explored by ship -09170475 __turkestan_desert_NN_1 a desert in Turkmenistan to the south of the Aral Sea -00157957 __impingement_NN_1 influencing strongly; "they resented the impingement of American values on European culture" -02230772 __turn_over_VB_1 place into the hands or custody of; "hand me the spoon, please"; "Turn the files over to me, please"; "He turned over the prisoner to his lawyers" -12849061 __dead_nettle_NN_2 any of various plants of the genus Lamium having clusters of small usually purplish flowers with two lips -02391803 __designate_VB_2 give an assignment to (a person) to a post, or assign a task to (a person) -08819397 __kalaallit_nunaat_NN_1 the largest island in the world; lies between the North Atlantic and the Arctic Ocean; a self-governing province of Denmark -05200169 __ability_NN_1 the quality of being able to perform; a quality that permits or facilitates achievement or accomplishment -14183065 __sore_NN_1 an open skin infection -01232272 __maul_VB_1 split (wood) with a maul and wedges -02622234 __unite_VB_4 be or become joined or united or linked; "The two streets connect to become a highway"; "Our paths joined"; "The travelers linked up again at the airport" -02567917 __gang-rape_VB_1 rape (someone) successively with several attackers; "The prisoner was gang-raped" -12750306 __titi_family_NN_1 shrubs and trees with leathery leaves and small white flowers in racemes: genera Cyrilla and Cliftonia -00317700 __lengthen_VB_1 make longer; "Lengthen this skirt, please" -07427534 __fading_NN_1 weakening in force or intensity; "attenuation in the volume of the sound" -05514081 __privates_NN_1 external sex organ -00350030 __turning_NN_1 the act of changing or reversing the direction of the course; "he took a turn to the right" -01211098 __paw_VB_2 touch clumsily; "The man tried to paw her" -06536389 __version_NN_4 a written communication in a second language having the same meaning as the written communication in a first language -07959269 __agglomeration_NN_1 a jumbled collection or mass -04741807 __immutableness_NN_1 the quality of being incapable of mutation; "Darwin challenged the fixity of species" -12720532 __zygophyllaceae_NN_1 small trees, shrubs, and herbs of warm arid and saline regions; often resinous; some poisonous: genera Zygophyllum, Tribulus, Guaiacum, Larrea -00530829 __decimalize_VB_1 change from fractions to decimals; "Stock prices will be decimalized in the year 2000" -03815278 __neckline_NN_1 the line formed by the edge of a garment around the neck -12435152 __schnittlaugh_NN_1 perennial having hollow cylindrical leaves used for seasoning -04840011 __kindness_NN_1 the quality of being warmhearted and considerate and humane and sympathetic -00929839 __imply_VB_1 express or state indirectly -09838370 __insolvent_NN_1 someone who has insufficient assets to cover their debts -10225787 __judge_advocate_NN_2 a staff officer serving as legal adviser to a military commander -12081022 __pterostylis_NN_1 genus of terrestrial orchids of Australia and New Zealand and western Pacific -11956671 __genus_coreopsis_NN_1 genus of American plants widely cultivated for their flowers -03153375 __eating_utensil_NN_1 tableware implements for cutting and eating food -02041422 __wallow_VB_3 rise up as if in waves; "smoke billowed up into the sky" -15163157 __weekday_NN_1 any day except Sunday (and sometimes except Saturday) -09929577 __clinician_NN_1 a practitioner (of medicine or psychology) who does clinical work instead of laboratory experiments -13621190 __fluidram_NN_1 a British imperial capacity measure (liquid or dry) equal to 60 minims or 3.5516 cubic centimeters -02705651 __sk-ampicillin_NN_1 semisynthetic penicillin (trade names Principen and Polycillin and SK-Ampicillin) -02590237 __sparidae_NN_1 porgies; scups -01593614 __gap_VB_1 make an opening or gap in -01180206 __feed_VB_7 serve as food for; be the food for; "This dish feeds six" -02120458 __frivolous_JJ_1 not serious in content or attitude or behavior; "a frivolous novel"; "a frivolous remark"; "a frivolous young woman" -02264179 __graduate_VB_2 confer an academic degree upon; "This school graduates 2,000 students each year" -10741367 __urchin_NN_1 poor and often mischievous city child -02323902 __leporid_mammal_NN_1 rabbits and hares -08879680 __portsmouth_NN_3 a port city in southern England on the English Channel; Britain's major naval base -12734722 __santalaceae_NN_1 chiefly tropical herbs or shrubs or trees bearing nuts or one-seeded fruit -04143365 __stud_NN_3 an upright in house framing -12851860 __sphacele_calycina_NN_1 California plant with woolly stems and leaves and large white flowers -12306717 __jasmine_NN_1 any of several shrubs and vines of the genus Jasminum chiefly native to Asia -05808218 __find_NN_1 a productive insight -04064401 __record_player_NN_1 machine in which rotating records cause a stylus to vibrate and the vibrations are amplified acoustically or electronically -13628955 __gigabyte_NN_1 a unit of information equal to 1000 megabytes or 10^9 (1,000,000,000) bytes -06805665 __telegraphic_signal_NN_1 a signal transmitted by telegraphy -06727616 __say-so_NN_2 an authoritative declaration -03982060 __pool_NN_1 an excavation that is (usually) filled with water -05598707 __snout_NN_2 informal terms for the nose -02620587 __represent_VB_7 form or compose; "This money is my only income"; "The stone wall was the backdrop for the performance"; "These constitute my entire belonging"; "The children made up the chorus"; "This sum represents my entire income for a year"; "These few men comprise his entire army" -07828041 __dill_seed_NN_1 seed of the dill plant used as seasoning -07687211 __white_bread_NN_1 bread made with finely ground and usually bleached wheat flour -02054989 __unfold_VB_3 extend or stretch out to a greater or the full length; "Unfold the newspaper"; "stretch out that piece of cloth"; "extend the TV antenna" -03192347 __dynapen_NN_1 antibacterial (trade name Dynapen) used to treat staphylococcal infections that are resistant to penicillin -00075912 __muff_NN_2 (sports) dropping the ball -12866824 __satureja_NN_1 savory -06827503 __roman_type_NN_1 a typeface used in ancient Roman inscriptions -01677387 __vermiculate_VB_1 decorate with wavy or winding lines -00744758 __infliction_NN_2 an act causing pain or damage -01587713 __toxostoma_NN_1 thrashers -02225739 __stint_VB_2 supply sparingly and with restricted quantities; "sting with the allowance" -09152944 __washington_NN_2 a state in northwestern United States on the Pacific -03709206 __magnifier_NN_1 a scientific instrument that magnifies an image -11989636 __leucanthemum_NN_1 comprises plants often included in the genus Chrysanthemum -14285662 __trauma_NN_1 any physical damage to the body caused by violence or accident or fracture etc. -08851830 __namur_NN_1 a city in south central Belgium situated on a promontory between the Meuse River and the Sambre River; the site of intense fighting in World War I and World War II -00797697 __go_for_VB_2 give an affirmative reply to; respond favorably to; "I cannot accept your invitation"; "I go for this resolution" -03320046 __fan_NN_1 a device for creating a current of air by movement of a surface or surfaces -02165304 __peek_VB_1 throw a glance at; take a brief look at; "She only glanced at the paper"; "I only peeked--I didn't see anything interesting" -09919451 __chit_NN_1 a dismissive term for a girl who is immature or who lacks respect; "she was incensed that this chit of a girl should dare to make a fool of her in front of the class"; "she's a saucy chit" -00261604 __beautification_NN_1 the act of making something more beautiful -03612814 __kettle_NN_1 a metal pot for stewing or boiling; usually has a lid -01527480 __family_alaudidae_NN_1 larks -10204921 __marcher_NN_3 fights on foot with small arms -07510923 __expectation_NN_3 the feeling that something is about to happen -03495671 __harpoon_NN_1 a spear with a shaft and barbed point for throwing; used for catching large fish or whales; a strong line is attached to it -09904837 __moderationist_NN_2 a person who takes a position in the political center -00144722 __surely_RB_1 definitely or positively (`sure' is sometimes used informally for `surely'); "the results are surely encouraging"; "she certainly is a hard worker"; "it's going to be a good day for sure"; "they are coming, for certain"; "they thought he had been killed sure enough"; "he'll win sure as shooting"; "they sure smell good"; "sure he'll come" -14456893 __bareness_NN_2 the state of being unclothed and exposed (especially of a part of the body) -00336168 __uncertain_JJ_2 not established beyond doubt; still undecided or unknown; "an uncertain future"; "a manuscript of uncertain origin"; "plans are still uncertain"; "changes of great if uncertain consequences"; "without further evidence his story must remain uncertain" -04710127 __severity_NN_2 something hard to endure; "the asperity of northern winters" -05939432 __appearance_NN_4 a mental representation; "I tried to describe his appearance to the police" -02755352 __bond_NN_6 a connection that fastens things together -11902200 __papaver_rhoeas_NN_1 annual European poppy common in grain fields and often cultivated -08456178 __hudud_NN_1 Islamic laws stating the limits ordained by Allah and including the deterrent punishments for serious crimes -01455592 __syngnathidae_NN_1 pipefishes -03587442 __marplan_NN_1 a monoamine oxidase inhibitor (trade name Marplan) that is used to treat clinical depression -02431785 __wapiti_NN_1 large North American deer with large much-branched antlers in the male -04087126 __rib_NN_1 support resembling the rib of an animal -12732756 __cottonwood_NN_1 any of several North American trees of the genus Populus having a tuft of cottony hairs on the seed -02666943 __slaughterhouse_NN_1 a building where animals are butchered -06371734 __arthurian_legend_NN_1 the legend of King Arthur and his court at Camelot -02061073 __hydrobates_NN_1 type genus of the Hydrobatidae -01624321 __grind_VB_7 shape or form by grinding; "grind lenses for glasses and cameras" -02556014 __family_anabantidae_NN_1 small freshwater spiny-finned fishes of Africa and southern Asia -03886432 __softback_book_NN_1 a book with paper covers -02175263 __subfamily_cetoniidae_NN_1 considered a separate family in some classification systems -02034394 __himantopus_NN_1 major one of two genera of stilts; similar to avocets but with straight bills -01911839 __hydrozoan_NN_1 colonial coelenterates having the polyp phase dominant -00489730 __high-low-jack_NN_1 card games in which points are won for taking the high or low or jack or game -01930112 __roundworm_NN_2 unsegmented worms with elongated rounded body pointed at both ends; mostly free-living but some are parasitic -13806140 __perfective_tense_NN_1 a tense of verbs used in describing action that has been completed (sometimes regarded as perfective aspect) -02763609 __flicker_VB_2 shine unsteadily; "The candle flickered" -07153838 __saw_NN_1 a condensed but memorable saying embodying some important fact of experience that is taken as true by many people -06946497 __germanic_language_NN_1 a branch of the Indo-European family of languages; members that are spoken currently fall into two major groups: Scandinavian and West Germanic -00683185 __indecent_JJ_2 offensive to good taste especially in sexual matters; "an earthy but not indecent story"; "an indecent gesture" -02431320 __split_up_VB_3 discontinue an association or relation; go different ways; "The business partners broke over a tax question"; "The couple separated after 25 years of marriage"; "My friend and I split up" -00994895 __transcribe_VB_4 artillery fire delivered by a mortar make a phonetic transcription of; "The anthropologist transcribed the sentences of the native informant" -11380768 __welles_NN_1 United States actor and filmmaker (1915-1985) -04145056 __scenery_NN_1 the painted structures of a stage set that are intended to suggest a particular locale; "they worked all night painting the scenery" -10293172 __vulture_NN_2 someone who attacks in search of booty -01786760 __irk_VB_1 irritate or vex; "It galls me that we lost the suit" -05229468 __filum_NN_1 a threadlike structure (as a chainlike series of cells) -02221414 __wood_ant_NN_1 reddish-brown European ant typically living in anthills in woodlands -08311933 __works_council_NN_1 (chiefly Brit) a council representing employer and employees of a plant or business to discuss working conditions etc; also: a committee representing the workers elected to negotiate with management about grievances and wages etc -12456845 __daylily_NN_1 any of numerous perennials having tuberous roots and long narrow bladelike leaves and usually yellow lily-like flowers that bloom for only a day -07081739 __wording_NN_1 the manner in which something is expressed in words; "use concise military verbiage"- G.S.Patton -00255389 __soften_VB_6 make soft or softer; "This liquid will soften your laundry" -02719750 __antiemetic_drug_NN_1 a drug that prevents or alleviates nausea and vomiting -11238511 __pius_xii_NN_1 pope who maintained neutrality during World War II and was later criticized for not aiding the Jews who were persecuted by Hitler (1876-1958) -07963613 __woodpile_NN_1 a pile or stack of wood to be used for fuel -12830568 __aeschynanthus_NN_1 a plant of the genus Aeschynanthus having somewhat red or orange flowers and seeds having distinctive hairs at base and apex -05474738 __motor_nerve_NN_1 a nerve that conveys impulses toward or to muscles or glands -00125633 __revolutionize_VB_1 change radically; "E-mail revolutionized communication in academe" -00429322 __lark_NN_4 any carefree episode -10401829 __participant_NN_1 someone who takes part in an activity -05267548 __animal_tissue_NN_1 the tissue in the bodies of animals -09398217 __potomac_river_NN_1 a river in the east central United States; rises in West Virginia in the Appalachian Mountains and flows eastward, forming the boundary between Maryland and Virginia, to the Chesapeake Bay -02000547 __usher_VB_1 take (someone) to their seats, as in theaters or auditoriums; "The usher showed us to our seats" -14973133 __tablet_NN_2 a number of sheets of paper fastened together along one edge -07966140 __society_NN_1 an extended social group having a distinctive cultural and economic organization -01485801 __genus_alopius_NN_1 type genus of the family Alopiidae; in some classifications considered a genus of the family Lamnidae -03771443 __minor_tranquillizer_NN_1 a tranquilizer used to relieve anxiety and reduce tension and irritability -03328650 __sublimaze_NN_1 trade names of a narcotic analgesic that can be inhaled and that acts on the central nervous system and may become addictive; used as a veterinary anesthetic and with other drugs before, during, and after surgery; also used as a nonlethal gas to incapacitate people in hostage situations; also abused as a recreational drug -00967625 __release_VB_4 prepare and issue for public distribution or sale; "publish a magazine or newspaper" -02397377 __tayassu_NN_1 type genus of the Tayassuidae -04099175 __rocket_engine_NN_1 a jet engine containing its own propellant and driven by reaction propulsion -10947403 __earhart_NN_1 first woman aviator to fly solo nonstop across the Atlantic (1928); while attempting to fly around the world she disappeared over the Pacific (1898-1937) -04018951 __public_transit_NN_1 a public transportation system for moving passengers -05197701 __carte_blanche_NN_1 complete freedom or authority to act -07601809 __caramel_NN_1 firm chewy candy made from caramelized sugar and butter and milk -07368256 __suspension_NN_4 an interruption in the intensity or amount of something -08034299 __moro_islamic_liberation_front_NN_1 a terrorist group in the southern Philippines formed in 1977 to establish an independent Islamic state for the Moros; have clashed with troops at United States bases -00676693 __hemorrhoidectomy_NN_1 surgical procedure for tying hemorrhoids and excising them -03914919 __perch_NN_1 support consisting of a branch or rod that serves as a resting place (especially for a bird) -01900837 __quill_NN_2 a stiff hollow protective spine on a porcupine or hedgehog -05005447 __liveness_NN_1 the property of being animated; having animal life as distinguished from plant life -05093890 __level_NN_1 a position on a scale of intensity or amount or quality; "a moderate grade of intelligence"; "a high level of care is required"; "it is all a matter of degree" -03588414 __item_NN_3 a whole individual unit; especially when included in a list or collection; "they reduced the price on many items" -01484027 __pack_VB_11 have the property of being packable or of compacting easily; "This powder compacts easily"; "Such odd-shaped items do not pack well" -06000644 __maths_NN_1 a science (or group of related sciences) dealing with the logic of quantity and shape and arrangement -12312405 __genus_anigozanthus_NN_1 genus of monocotyledonous plants with curious woolly flowers on sturdy stems above a fan of sword-shaped leaves; includes kangaroo's paw and Australian sword lily; sometimes placed in family Amaryllidaceae -06214379 __moderatism_NN_1 a political philosophy of avoiding the extremes of left and right by taking a moderate position or course of action -08656893 __stop_NN_5 a spot where something halts or pauses; "his next stop is Atlanta" -02454999 __tolypeutes_NN_1 a genus of Dasypodidae -00427786 __unclean_JJ_2 having a physical or moral blemish so as to make impure according to dietary or ceremonial laws; "unclean meat"; "and the swine...is unclean to you"-Leviticus 11:3 -05732756 __sorting_NN_2 the basic cognitive process of arranging into classes or categories -01831308 __puzzle_VB_2 be uncertain about; think about without fully understanding or being able to decide; "We puzzled over her sudden departure" -01079042 __preclusion_NN_1 the act of preventing something by anticipating and disposing of it effectively -10399299 __pardoner_NN_1 a person who pardons or forgives or excuses a fault or offense -02655523 __spiny_puffer_NN_1 puffers having rigid or erectile spines -00065575 __qualifying_NN_2 success in satisfying a test or requirement; "his future depended on his passing that test"; "he got a pass in introductory chemistry" in a lengthy or prolix manner; "the argument went on lengthily"; "she talked at length about the problem" -02511824 __pisces_NN_4 a group of vertebrates comprising both cartilaginous and bony fishes and sometimes including the jawless vertebrates; not used technically -01101391 __general_JJ_1 applying to all or most members of a category or group; "the general public"; "general assistance"; "a general rule"; "in general terms"; "comprehensible to the general reader" -01374020 __swash_VB_2 dash a liquid upon or against; "The mother splashed the baby's face with water" -06671637 __recommendation_NN_1 something (as a course of action) that is recommended as advisable -02038010 __lobipes_NN_1 a genus of Phalaropidae -15093482 __vitriol_NN_1 (H2SO4) a highly corrosive acid made from sulfur dioxide; widely used in the chemical industry -08228665 __chapter_NN_3 a local branch of some fraternity or association; "he joined the Atlanta chapter" -12924623 __ricinus_communis_NN_1 large shrub of tropical Africa and Asia having large palmate leaves and spiny capsules containing seeds that are the source of castor oil and ricin; widely naturalized throughout the tropics -11699071 __epimedium_grandiflorum_NN_1 slow-growing creeping plant with semi-evergreen leaves on erect wiry stems; used as ground cover -05476256 __cranial_nerve_NN_1 any of the 12 paired nerves that originate in the brain stem -11219121 __robert_owen_NN_1 Welsh industrialist and social reformer who founded cooperative communities (1771-1858) -06653160 __interpellation_NN_1 (parliament) a parliamentary procedure of demanding that a government official explain some act or policy -11421401 __actinic_ray_NN_1 electromagnetic radiation that can produce photochemical reactions -00652900 __compare_VB_1 examine and note the similarities or differences of; "John compared his haircut to his friend's"; "We compared notes after we had both seen the movie" -02789271 __bar_NN_5 an obstruction (usually metal) placed at the top of a goal; "it was an excellent kick but the ball hit the bar" -01384275 __tear_VB_4 strip of feathers; "pull a chicken"; "pluck the capon" -01922763 __quiet_JJ_1 characterized by an absence or near absence of agitation or activity; "a quiet life"; "a quiet throng of onlookers"; "quiet peace-loving people"; "the factions remained quiet for almost 10 years" -01349495 __probiotic_microflora_NN_1 a beneficial bacterium found in the intestinal tract of healthy mammals; often considered to be a plant -06201136 __partisanship_NN_1 an inclination to favor one group or view or opinion over alternatives -04849241 __goodness_NN_2 moral excellence or admirableness; "there is much good to be found in people" -02525866 __order_apodes_NN_1 elongate fishes with pelvic fins and girdle absent or reduced -01390210 __embower_VB_1 enclose in a bower -07873807 __pizza_pie_NN_1 Italian open pie made of thin bread dough spread with a spiced mixture of e.g. tomato sauce and cheese -02329401 __rodent_NN_1 relatively small placental mammals having a single pair of constantly growing incisor teeth specialized for gnawing -09108055 __springfield_NN_2 a city of southwestern Missouri -04700642 __finishing_NN_1 a decorative texture or appearance of a surface (or the substance that gives it that appearance); "the boat had a metallic finish"; "he applied a coat of a clear finish"; "when the finish is too thin it is difficult to apply evenly" -08903487 __jubbulpore_NN_1 an industrial city of central India to the southeast of Delhi -10396462 __pansexual_NN_1 a person who participates in (or is open to) sexual activities of many kinds -00335923 __smash_VB_2 break into pieces, as by striking or knocking over; "Smash a plate" -01776313 __tick_NN_2 any of two families of small parasitic arachnids with barbed proboscis; feed on blood of warm-blooded animals -03514129 __hematocrit_NN_2 a measuring instrument to determine (usually by centrifugation) the relative amounts of corpuscles and plasma in the blood -01269379 __grease_VB_1 lubricate with grease; "grease the wheels" -05541645 __parietal_bone_NN_1 either of two skull bones between the frontal and occipital bones and forming the top and sides of the cranium -00638770 __somatic_cell_nuclear_transplantation_NN_1 moving a cell nucleus and its genetic material from one cell to another -01138911 __play_VB_10 bet or wager (money); "He played $20 on the new horse"; "She plays the races" -12929061 __theaceae_NN_1 a family of trees and shrubs of the order Parietales -03891051 __windcheater_NN_1 a kind of heavy jacket (`windcheater' is a British term) -08016385 __orly_group_NN_1 a militant Marxist-Leninist terrorist organization formed in 1975 to force Turkey to acknowledge killing more than a million Armenians and forcibly removing them from border areas in 1915; wants Turkey to pay reparations and cede territory to Armenia; "ASALA bombing at Orly Airport in Paris in 1983 killed 8 and wounded 55 people" -08565506 __shangri-la_NN_1 any place of complete bliss and delight and peace -07154243 __truism_NN_1 an obvious truth -13467009 __displacement_NN_5 (psychiatry) a defense mechanism that transfers affect or reaction from the original object to some more acceptable one -00321486 __pad_VB_4 add padding to; "pad the seat of the chair" -00632627 __reason_VB_3 think logically; "The children must learn to reason" -10219121 __jailbird_NN_1 a criminal who has been jailed repeatedly -00626800 __material_JJ_2 derived from or composed of matter; "the material universe" -08992648 __st._thomas_and_principe_NN_1 island nation in the South Atlantic off the west coast of Africa; achieved independence from Portugal in 1975; has enormous offshore oil reserves -00252430 __purging_NN_1 an act of removing by cleansing; ridding of sediment or other undesired elements -02670398 __serve_VB_3 contribute or conduce to; "The scandal served to increase his popularity" -02509197 __potto_NN_1 arboreal fruit-eating mammal of tropical America with a long prehensile tail -00882159 __listening_NN_1 the act of hearing attentively; "you can learn a lot by just listening"; "they make good music--you should give them a hearing" -01827535 __powerless_JJ_1 lacking power -04526800 __ventilation_shaft_NN_1 a shaft in a building; serves as an air passage for ventilation -12655351 __rubus_flagellaris_NN_1 of eastern North America -12945828 __smyrnium_olusatrum_NN_1 European herb somewhat resembling celery widely naturalized in Britain coastal regions and often cultivated as a potherb -03694761 __l-plate_NN_1 a square plate bearing the letter L that is attached to both ends of a car to indicate that the driver is a learner -10365399 __nude_person_NN_1 a naked person -01776192 __acarine_NN_1 mite or tick -05566366 __minimus_NN_1 the fifth digit; the little finger or little toe -01682588 __genus_anolis_NN_1 New World chameleons -00457569 __homogenize_VB_2 break up the fat globules of; "homogenized milk" -08064130 __defense_force_NN_1 an organization of defenders that provides resistance against attack; "he joined the defense against invasion" -00294175 __idle_JJ_1 not in action or at work; "an idle laborer"; "idle drifters"; "the idle rich"; "an idle mind" -05865998 __point_NN_1 a geometric element that has position but no extension; "a point is defined by its coordinates" -04243142 __slops_NN_2 cheap clothing (as formerly issued to sailors in Britain) -00636888 __ground_VB_12 use as a basis for; found on; "base a claim on some observation" -08357529 __county_council_NN_1 the elected governing body of a county -04616059 __trait_NN_1 a distinguishing feature of your personal nature -04263614 __source_NN_4 a facility where something is available -07719437 __sprout_NN_2 a newly grown bud (especially from a germinating seed) -05793554 __groundwork_NN_1 the fundamental assumptions from which something is begun or developed or calculated or explained; "the whole argument rested on a basis of conjecture" -03617095 __kiln_NN_1 a furnace for firing or burning or drying such things as porcelain or bricks -14008806 __operation_NN_1 the state of being in effect or being operative; "that rule is no longer in operation" -01494310 __set_VB_1 put into a certain place or abstract location; "Put your things here"; "Set the tray down"; "Set the dogs on the scent of the missing children"; "Place emphasis on a certain point" -02066950 __physeteridae_NN_1 sperm whales -09750891 __yugoslavian_NN_1 a native or inhabitant of Yugoslavia -01613463 __disobedient_JJ_1 not obeying or complying with commands of those in authority; "disobedient children" -13636648 __coulomb_NN_1 a unit of electrical charge equal to the amount of charge transferred by a current of 1 ampere in 1 second -10857540 __john_wilkes_booth_NN_1 United States actor and assassin of President Lincoln (1838-1865) -02503313 __family_elephantidae_NN_1 elephants -11678010 __cornstalk_NN_1 the stalk of a corn plant -04595285 __wire_printer_NN_1 an impact printer in which each character is represented by a pattern of dots made by wires or styli -01133281 __management_NN_1 the act of managing something; "he was given overall management of the program"; "is the direction of the economy a function of government?" -05370410 __vena_intercapitalis_NN_1 veins connecting the dorsal and palmar veins of the hand or the dorsal and plantar veins of the foot -02738544 __spiral_VB_2 form a spiral; "The path spirals up the mountain" -00904690 __vindicate_VB_2 maintain, uphold, or defend; "vindicate the rights of the citizens" -14959234 __natural_fibre_NN_1 fiber derived from plants or animals -06981498 __central_dravidian_NN_1 a Dravidian language spoken primarily in central India -06622709 __wire_NN_4 a message transmitted by telegraph -00171249 __twist_NN_3 any clever maneuver; "he would stoop to any device to win a point"; "it was a great sales gimmick"; "a cheap promotions gimmick for greedy businessmen" -00163406 __volte-face_NN_1 a major change in attitude or principle or point of view; "an about-face on foreign policy" -02733524 __arch_NN_4 (architecture) a masonry construction (usually curved) for spanning an opening and supporting the weight above it -01640567 __rana_NN_1 type genus of the Ranidae -00135285 __allegorize_VB_2 make into an allegory; "The story was allegorized over time" -00045250 __propulsion_NN_2 the act of propelling -05220306 __man's_body_NN_1 the body of an adult man -14804175 __cement_NN_2 a building material that is a powder made of a mixture of calcined limestone and clay; used with water and sand or gravel to make concrete and mortar -01909978 __upset_VB_4 cause to overturn from an upright or normal position; "The cat knocked over the flower vase"; "the clumsy customer turned over the vase"; "he tumped over his beer" -08798382 __promised_land_NN_1 an ancient country in southwestern Asia on the east coast of the Mediterranean Sea; a place of pilgrimage for Christianity and Islam and Judaism -06887726 __display_NN_5 exhibiting openly in public view; "a display of courage" -05734909 __attribution_NN_1 assigning some quality or character to a person or thing; "the attribution of language to birds"; "the ascription to me of honors I had not earned" -00105624 __leaner_NN_1 (horseshoes) the throw of a horseshoe so as to lean against (but not encircle) the stake -02028556 __genus_calidris_NN_1 a genus of Scolopacidae -08270662 __oort_cloud_NN_1 (astronomy) a hypothetical huge collection of comets orbiting the sun far beyond the orbit of Pluto; perturbations (as by other stars) can upset a comet's orbit and may send it tumbling toward the sun -04080833 __respirator_NN_1 a breathing device for administering long-term artificial respiration -01139104 __stake_VB_2 place a bet on; "Which horse are you backing?"; "I'm betting on the new horse" -01316422 __scavenger_NN_3 any animal that feeds on refuse and other decaying organic matter -01637982 __find_VB_8 make a discovery, make a new finding; "Roentgen discovered X-rays"; "Physicists believe they found a new elementary particle" -00877559 __consult_VB_1 get or ask advice from; "Consult your local broker"; "They had to consult before arriving at a decision" -05653575 __responsiveness_NN_1 responsive to stimulation -06632097 __shake_NN_4 grasping and shaking a person's hand (as to acknowledge an introduction or to agree on a contract) -00501479 __bar_billiards_NN_1 a table game in which short cues are used to knock balls into holes that are guarded by wooden pegs; penalties are incurred if the pegs are knocked over -14890659 __lubricator_NN_1 a substance capable of reducing friction by making surfaces smooth or slippery -07889814 __bitter_NN_1 English term for a dry sharp-tasting ale with strong flavor of hops (usually on draft) -06633692 __condolence_NN_1 an expression of sympathy with another's grief; "they sent their condolences" -02649689 __triglidae_NN_1 in some classifications restricted to the gurnards and subdivided into the subfamilies Triglinae (true sea robins) and Peristediinae (armored sea robins) -12610933 __order_naiadales_NN_1 an order of aquatic monocotyledonous herbaceous plants -05479108 __sixth_cranial_nerve_NN_1 a small motor nerve supplying the lateral rectus muscle of the eye -04655168 __condescension_NN_3 affability to your inferiors and temporary disregard for differences of position or rank; "the queen's condescension was intended to make us feel comfortable" -02344060 __requite_VB_1 make repayment for or return something -01744657 __family_elapidae_NN_1 cobras; kraits; mambas; coral snakes; Australian taipan and tiger snakes -07304852 __misfortune_NN_1 unnecessary and unforeseen trouble resulting from an unfortunate event -12882779 __foxglove_NN_1 any of several plants of the genus Digitalis -01983264 __uprise_VB_4 rise to one's feet; "The audience got up and applauded" -02730265 __applier_NN_2 a device for applying a substance -02020777 __psophiidae_NN_1 trumpeters -10597505 __signer_NN_1 someone who can use sign language to communicate -02549796 __family_belonidae_NN_1 ferocious fishes of warm regions resembling but unrelated to the freshwater gars -01149303 __stipulation_NN_3 a restriction that is insisted upon as a condition for an agreement -00905399 __pardon_VB_2 grant a pardon to; "Ford pardoned Nixon"; "The Thanksgiving turkey was pardoned by the President" -06725877 __declaration_NN_1 a statement that is emphatic and explicit (spoken or written) -07290761 __eventuality_NN_1 a possible event or occurrence or result -02231052 __phasmid_insect_NN_1 large cylindrical or flattened mostly tropical insects with long strong legs that feed on plants; walking sticks and leaf insects -12151615 __nutsedge_NN_1 a widely distributed perennial sedge having small edible nutlike tubers -09738708 __american_NN_1 a native or inhabitant of the United States -04330340 __stove_NN_1 a kitchen appliance used for cooking food; "dinner was already on the stove" -01352010 __ream_VB_1 squeeze the juice out (of a fruit) with a reamer; "ream oranges" -01994492 __branchiopodan_NN_1 aquatic crustaceans typically having a carapace and many pairs of leaflike appendages used for swimming as well as respiration and feeding -00109389 __froth_VB_3 exude or expel foam; "the angry man was frothing at the mouth" -08896645 __sinai_peninsula_NN_1 a peninsula in northeastern Egypt; at north end of Red Sea -02188065 __order_diptera_NN_1 a large order of insects having a single pair of wings and sucking or piercing mouths; includes true flies and mosquitoes and gnats and crane flies -02067100 __physeter_NN_1 type genus of the Physeteridae -00698256 __make_VB_43 consider as being; "It wasn't the problem some people made it" -01046932 __yawl_VB_1 emit long loud cries; "wail in self-pity"; "howl with sorrow" -03133538 __dishware_NN_1 tableware (eating and serving dishes) collectively -11318171 __stewart_NN_1 United States film actor who portrayed incorruptible but modest heros (1908-1997) -09858299 __extortionist_NN_1 a criminal who extorts money from someone by threatening to expose embarrassing information about them -01129876 __hold_VB_20 protect against a challenge or attack; "Hold that position behind the trees!"; "Hold the bridge against the enemy's attacks" -02955247 __electrical_condenser_NN_1 an electrical device characterized by its capacity to store an electric charge -14166118 __ischemia_NN_1 local anemia in a given body part sometimes resulting from vasoconstriction or thrombosis or embolism -01378123 __strew_VB_1 spread by scattering ("straw" is archaic); "strew toys all over the carpet" -01801297 __dehumanize_VB_1 deprive of human qualities; "Life in poverty has dehumanized them" -06613686 __picture_show_NN_1 a form of entertainment that enacts a story by sound and a sequence of images giving the illusion of continuous movement; "they went to a movie every Saturday night"; "the film was shot on location" -01647229 __plant_VB_3 set up or lay the groundwork for; "establish a new department" -07805731 __petfood_NN_1 food prepared for animal pets -12235263 __genus_gaultheria_NN_1 widely distributed genus of creeping or upright evergreen shrubs -15157041 __civil_day_NN_1 a day reckoned from midnight to midnight -14224547 __swimmer's_itch_NN_1 a sensitization reaction to repeated invasion of the skin by cercariae of schistosomes -01497750 __shelve_VB_2 place on a shelf; "shelve books" -00341109 __prostration_NN_3 the act of assuming a prostrate position -13583724 __unit_of_measurement_NN_1 any division of quantity accepted as a standard of measurement or exchange; "the dollar is the United States unit of currency"; "a unit of wheat is a bushel"; "change per unit volume" -04128499 __sailing_boat_NN_1 a small sailing vessel; usually with a single mast -00623862 __trouble_NN_4 an effort that is inconvenient; "I went to a lot of trouble"; "he won without any trouble"; "had difficulty walking"; "finished the test only with great difficulty" -02596381 __croaker_NN_2 any of several fishes that make a croaking noise -02226380 __terrasse_VB_1 provide (a house) with a terrace; "We terrassed the country house" -05448597 __myelocyte_NN_1 an immature leukocyte normally found in bone marrow -12325787 __oleaster_NN_1 any of several shrubs of the genus Elaeagnus having silver-white twigs and yellow flowers followed by olivelike fruits -01926379 __liver_fluke_NN_1 flatworm parasitic in liver and bile ducts of domestic animals and humans -09082540 __prairie_state_NN_1 a midwestern state in north-central United States -07370410 __mounting_NN_1 an event that involves rising to a higher point (as in altitude or temperature or intensity etc.) -01769347 __arachnoid_NN_2 air-breathing arthropods characterized by simple eyes and four pairs of legs -11814824 __scleranthus_NN_1 small genus of Old World weedy prostrate annuals: knawel -06266417 __news_media_NN_1 newspapers and magazines collectively -00097394 __sphacelate_VB_1 undergo necrosis; "the tissue around the wound necrosed" -02301782 __saturnia_NN_1 type genus of the Saturniidae: emperor moth -00341890 __retroflexion_NN_3 the act of bending backward -00395698 __absorb_VB_5 cause to become one with; "The sales tax is absorbed into the state income tax" -02170269 __family_dermestidae_NN_1 carpet beetles -03908204 __pencil_NN_1 a thin cylindrical pointed writing implement; a rod of marking substance encased in wood -06587790 __shrink-wrapped_software_NN_1 software on CD-ROMs that are boxed and shrink-wrapped and sold in stores (implying a widely supported standard platform) -10472129 __primigravida_NN_1 (obstetrics) a woman who is pregnant for the first time -08958212 __sidon_NN_1 the main city of ancient Phoenicia -06414372 __textbook_NN_1 a book prepared for use in schools or colleges; "his economics textbook is in its tenth edition"; "the professor wrote the text that he assigned students to buy" -01047263 __wawl_VB_1 make high-pitched, whiney noises -14672023 __sodium_chloride_NN_1 a white crystalline solid consisting mainly of sodium chloride (NaCl) -08356074 __executive_office_of_the_president_NN_1 the branch of the United States government that is responsible for carrying out the laws -12260021 __order_fagales_NN_1 an order of dicotyledonous trees of the subclass Hamamelidae -01960296 __gallop_VB_3 cause to move at full gallop; "Did you gallop the horse just now?" -03206908 __dish_NN_1 a piece of dishware normally used as a container for holding or serving food; "we gave them a set of dishes for a wedding present" -01472417 __carjack_VB_1 take someone's car from him by force, usually with the intention of stealing it; "My car was carjacked last night!" -00122106 __remitment_NN_2 (law) the act of remitting (especially the referral of a law case to another court) -05174653 __right_NN_1 an abstract idea of that which is due to a person or governmental body by law or tradition or nature; "they are endowed by their Creator with certain unalienable Rights"; "Certain rights can never be granted to the government but must be kept in the hands of the people"- Eleanor Roosevelt; "a right is not something that somebody gives you; it is something that nobody can take away" -02047263 __centrifuge_VB_1 rotate at very high speed in order to separate the liquids from the solids -13064852 __puccinia_NN_1 type genus of the Pucciniaceae; a large genus of parasitic fungi including many that are destructive to various economic plants -07909811 __orange_liqueur_NN_1 liqueur flavored with orange -08040522 __qibla_NN_2 a small terrorist group of Muslims in South Africa formed in the 1980s; was inspired by Ayatollah Khomeini to create an Islamic state in South Africa -00589691 __caliphate_NN_3 the office of a caliph -11073795 __queen_isabella_NN_1 the queen of Castile whose marriage to Ferdinand of Aragon in 1469 marked the beginning of the modern state of Spain; they instituted the Spanish Inquisition in 1478 and sponsored the voyages of Christopher Columbus in 1492 (1451-1504) -15120346 __times_NN_1 a more or less definite period of time now or previously present; "it was a sign of the times" -12852726 __genus_origanum_NN_1 a genus of aromatic mints of the family Labiatae -01179707 __noncompliance_NN_1 the failure to obey -05978623 __summoning_NN_1 calling up supposed supernatural forces by spells and incantations -00670261 __pass_judgment_VB_1 form a critical opinion of; "I cannot judge some works of modern art"; "How do you evaluate this grant proposal?" "We shouldn't pass judgment on other people" -06016276 __interval_NN_2 a set containing all points (or all real numbers) between two given endpoints -11879895 __rapeseed_NN_1 seed of rape plants; source of an edible oil -02083087 __muck_VB_2 spread manure, as for fertilization -15212739 __september_NN_1 the month following August and preceding October -01625985 __bootleg_VB_2 produce or distribute illegally; "bootleg tapes of the diva's singing" -00536304 __tense_VB_2 increase the tension on; "alternately relax and tense your calf muscle"; "tense the rope manually before tensing the spring" shaped like a pouch -00917614 __tree_farming_NN_1 the cultivation of tree for the production of timber -12479821 __nolina_NN_1 perennial plants resembling yucca; found in southern United States and Mexico -08752021 __dominican_republic_NN_1 a republic in the West Indies; located on the eastern two-thirds of the island of Hispaniola -10257647 __rounder_NN_1 a dissolute person; usually a man who is morally unrestrained -09878275 __constructor_NN_1 someone who contracts for and supervises construction (as of a building) -01260159 __exfoliate_VB_4 come off in a very thin piece -14655731 __strontium_NN_1 a soft silver-white or yellowish metallic element of the alkali metal group; turns yellow in air; occurs in celestite and strontianite -00074641 __frontwards_RB_1 at or to or toward the front; "he faced forward"; "step forward"; "she practiced sewing backward as well as frontward on her new sewing machine"; (`forrad' and `forrard' are dialectal variations) -13112427 __groundcover_NN_1 low-growing plants planted in deep shade or on a steep slope where turf is difficult to grow -01053617 __stay_NN_1 continuing or remaining in a place or state; "they had a nice stay in Paris"; "a lengthy hospital stay"; "a four-month stay in bankruptcy court" -12097927 __sea-lavender_family_NN_1 perennial herbs and shrubs and lianas; cosmopolitan especially in saltwater areas -04264914 __spacecraft_NN_1 a craft capable of traveling in outer space; technically, a satellite around the sun -02117649 __hallucinate_VB_1 perceive what is not there; have illusions -02682699 __katabolic_JJ_1 mechanically extendible ladder; used on a fire truck relating to or characterized by catabolism -01446283 __family_cyprinodontidae_NN_1 large family of small soft-finned fishes; killifishes; flagfishes; swordtails; guppies -01481154 __suspend_VB_1 hang freely; "The secret police suspended their victims from the ceiling and beat them" -08077292 __administrative_unit_NN_1 a unit with administrative responsibilities -05941423 __belief_NN_1 any cognitive content held as true -00437125 __diversify_VB_1 make (more) diverse; "diversify a course of study" -14239425 __metastatic_tumor_NN_1 a tumor that is malignant and tends to spread to other parts of the body -08427282 __extended_order_NN_1 a military formation for skirmishing; as widely separated as the tactical situation permits -01323355 __sire_NN_3 male parent of an animal especially a domestic animal such as a horse -09050730 __south_NN_1 the region of the United States lying to the south of the Mason-Dixon line -13537894 __roughness_NN_6 the formation of small pits in a surface as a consequence of corrosion -00705517 __shoot_for_VB_1 have an ambitious plan or a lofty goal -04467307 __trailer_NN_3 a large transport conveyance designed to be pulled by a truck or tractor -00489496 __glorify_VB_4 cause to seem more splendid; "You are glorifying a rather mediocre building" -01064401 __cronk_VB_1 utter a hoarse sound, like a raven -10018532 __political_dissident_NN_1 a dissenter from political orthodoxy -12282527 __silver_birch_NN_1 European birch with silvery white peeling bark and markedly drooping branches -06050024 __epidemiology_NN_1 the branch of medical science dealing with the transmission and control of disease -00552312 __sleight_of_hand_NN_1 manual dexterity in the execution of tricks -00255710 __washing_NN_1 the work of cleansing (usually with soap and water) -00104976 __bowling_NN_2 (cricket) the act of delivering a cricket ball to the batsman -08629508 __rear_NN_2 the side of an object that is opposite its front; "his room was toward the rear of the hotel" -01687876 __map_VB_1 make a map of; show or establish the features of details of; "map the surface of Venus" -01149480 __circumscription_NN_1 the act of circumscribing -11697560 __barberry_NN_1 any of numerous plants of the genus Berberis having prickly stems and yellow flowers followed by small red berries -01796870 __tetrao_NN_1 type genus of the Tetraonidae: capercaillies -09540430 __sprite_NN_1 a small being, human in form, playful and having magical powers -00867409 __question_VB_1 challenge the accuracy, probity, or propriety of; "We must question your judgment in this matter" -11011764 __harley_granville-barker_NN_1 English actor and dramatist and critic and director noted for his productions of Shakespearean plays (1877-1946) -13726562 __nutritionist's_calorie_NN_1 a unit of heat equal to the amount of heat required to raise the temperature of one kilogram of water by one degree at one atmosphere pressure; used by nutritionists to characterize the energy-producing potential in food -01870275 __slue_VB_2 move obliquely or sideways, usually in an uncontrolled manner; "the wheels skidded against the sidewalk" -04091693 __tackle_NN_2 gear consisting of ropes etc. supporting a ship's masts and sails -12663554 __genus_cinchona_NN_1 large genus of trees of Andean region of South America having medicinal bark -02558079 __percina_NN_1 a genus of Percidae -10499857 __queen_NN_3 the wife or widow of a king -01952812 __pectinibranchia_NN_1 large order of gastropods comprising univalve mollusks that have a single gill resembling a comb -04446844 __toilet_bag_NN_1 a waterproof bag for holding bathrooms items (soap and toothpaste etc.) when you are travelling -12951465 __hymenophyllaceae_NN_1 terrestrial (hygrophytic) or epiphytic ferns: filmy ferns -01947613 __family_cymatiidae_NN_1 tritons -10562968 __talent_scout_NN_1 someone employed to discover and recruit talented persons (especially in the worlds of entertainment or sports) -12062781 __stream_orchid_NN_1 orchid growing along streams or ponds of western North America having leafy stems and 1 greenish-brown and pinkish flower in the axil of each upper leaf -02411705 __sheep_NN_1 woolly usually horned ruminant mammal related to the goat -10331841 __undertaker_NN_1 one whose business is the management of funerals -13734992 __common_measure_NN_2 an integer that divides two (or more) other integers evenly -01545149 __suborder_menurae_NN_1 lyrebirds and scrubbirds -06584536 __tracing_routine_NN_1 a routine that provides a chronological record of the execution of a computer program -01453188 __family_caproidae_NN_1 boarfishes -02661769 __aberrate_VB_2 diverge or deviate from the straight path; produce aberration; "The surfaces of the concave lens may be proportioned so as to aberrate exactly equal to the convex lens" -04380346 __table_knife_NN_1 a knife used for eating at dining table -14681555 __mica_NN_1 any of various minerals consisting of hydrous silicates of aluminum or potassium etc. that crystallize in forms that allow perfect cleavage into very thin leaves; used as dielectrics because of their resistance to electricity -00711932 __trifle_VB_3 consider not very seriously; "He is trifling with her"; "She plays with the thought of moving to Tasmania" -02622969 __interlink_VB_1 be interwoven or interconnected; "The bones are interconnected via the muscle" -04526112 __venogram_NN_1 an X ray of a vein injected with a radiopaque contrast medium -02958343 __motorcar_NN_1 a motor vehicle with four wheels; usually propelled by an internal combustion engine; "he needs a car to get to work" -00990008 __speechify_VB_1 make speeches; hold forth, or harangue with a certain degree of formality; "These ministers speechify on every occasion" -13275495 __expense_NN_1 amounts paid for goods and services that may be currently tax deductible (as opposed to capital expenditures) -14653416 __unq_NN_1 a radioactive transuranic element which has been synthesized -13284562 __payoff_NN_2 payment made to a person in a position of trust to corrupt his judgment -05538215 __bunghole_NN_1 vulgar slang for anus -03966976 __plyers_NN_1 a gripping hand tool with two hinged arms and (usually) serrated jaws -01500372 __set_down_VB_4 cause to sit or seat or be in a settled position or place; "set down your bags here" -01047338 __revivification_NN_1 bringing again into activity and prominence; "the revival of trade"; "a revival of a neglected play by Moliere"; "the Gothic revival in architecture" -15232406 __paleolithic_age_NN_1 second part of the Stone Age beginning about 750,00 to 500,000 years BC and lasting until the end of the last ice age about 8,500 years BC -01163847 __quarry_VB_1 extract (something such as stones) from or as if from a quarry; "quarry marble" -10954966 __president_eisenhower_NN_1 United States general who supervised the invasion of Normandy and the defeat of Nazi Germany; 34th President of the United States (1890-1961) -09909060 __type_NN_2 a person of a specified kind (usually with many eccentricities); "a real character"; "a strange character"; "a friendly eccentric"; "the capable type"; "a mental case" -05716577 __sweetness_NN_1 the taste experience when sugar dissolves in the mouth -00850425 __interbreeding_NN_1 (genetics) the act of mixing different species or varieties of animals or plants and thus to produce hybrids -02118379 __serious_JJ_1 concerned with work or important matters rather than play or trivialities; "a serious student of history"; "a serious attempt to learn to ski"; "gave me a serious look"; "a serious young man"; "are you serious or joking?"; "Don't be so serious!" -10322391 __misleader_NN_1 someone who leads astray (often deliberately) -00298041 __socialistic_JJ_1 advocating or following the socialist principles; "socialistic government" -07143624 __interview_NN_2 a conference (usually with someone important); "he had a consultation with the judge"; "he requested an audience with the king" -03979847 __polypropenonitrile_NN_1 acrylic resin used to make a strong soft crease-resistant fabric (trade name Acrilan) -14239918 __malignant_neoplastic_disease_NN_1 any malignant growth or tumor caused by abnormal and uncontrolled cell division; it may spread to other parts of the body through the lymphatic system or the blood stream -02137428 __herpestes_NN_1 mongooses -02657083 __order_pleuronectiformes_NN_1 flatfishes: halibut; sole; flounder; plaice; turbot; tonguefishes -01322509 __slash_VB_3 cut open; "she slashed her wrists" -00861929 __spat_VB_4 clap one's hands or shout after performances to indicate approval -01415807 __whop_VB_1 hit hard; "The teacher whacked the boy" -11964688 __genus_engelmannia_NN_1 one species: North American herbs that resemble sunflowers -01583494 __circumscribe_VB_1 draw a line around; "He drew a circle around the points" -02437136 __camel_NN_1 cud-chewing mammal used as a draft or saddle animal in desert regions -01555305 __scissortailed_flycatcher_NN_1 grey flycatcher of the southwestern United States and Mexico and Central America having a long forked tail and white breast and salmon and scarlet markings -07181546 __dissension_NN_1 disagreement among those expected to cooperate -10157744 __zany_NN_2 a man who is a stupid incompetent fool -00284101 __stroll_NN_1 a leisurely walk (usually in some public place) -09465459 __unit_NN_5 a single undivided natural thing occurring in the composition of something else; "units of nucleic acids" -13145444 __vitis_vinifera_NN_1 common European grape cultivated in many varieties; chief source of Old World wine and table grapes -01050187 __cover-up_NN_1 concealment that attempts to prevent something scandalous from becoming public -11720643 __tall_field_buttercup_NN_1 perennial European buttercup with yellow spring flowers widely naturalized especially in eastern North America -02453890 __xenarthra_NN_1 armadillos; American anteaters; sloths -00046639 __madly_RB_3 (used as intensives) extremely; "she was madly in love"; "deadly dull"; "deadly earnest"; "deucedly clever"; "insanely jealous" -10152440 __gunrunner_NN_1 a smuggler of guns -00046449 __drop-dead_RB_1 extremely; "she was drop-dead gorgeous" -08685188 __zodiac_NN_1 a belt-shaped region in the heavens on either side to the ecliptic; divided into 12 constellations or signs for astrological purposes -02185337 __order_mallophaga_NN_1 biting lice -10744544 __vagrant_NN_1 a wanderer who has no established residence or visible means of support -06147873 __mythology_NN_2 the study of myths -12983404 __plasmodiophora_NN_1 type genus of Plasmodiophoraceae comprising minute plant parasitic fungi similar to and sometimes included among the slime molds -02680691 __cheese_VB_1 used in the imperative (get away, or stop it); "Cheese it!" -01850192 __dipper_NN_4 small North American diving duck; males have bushy head plumage -04659287 __flexibleness_NN_2 the quality of being adaptable or variable; "he enjoyed the flexibility of his working arrangement" -06996309 __west_african_NN_1 a group of languages spoken in the extreme western part of West Africa -02003204 __marabout_NN_1 large African black-and-white carrion-eating stork; its downy underwing feathers are used to trim garments -10060175 __entrant_NN_3 someone who enters; "new entrants to the country must go though immigration procedures" -06909672 __dhegiha_NN_2 a branch of the Siouan languages -00850192 __scoff_VB_1 laugh at with contempt and derision; "The crowd jeered at the speaker" -00566099 __connected_JJ_2 joined or linked together -11701903 __family_ceratophyllaceae_NN_1 coextensive with the genus Ceratophyllum: hornworts -07285191 __background_NN_5 relatively unimportant or inconspicuous accompanying situation; "when the rain came he could hear the sound of thunder in the background" -02830596 __benzedrine_NN_1 a form of amphetamine -00039318 __plainly_RB_1 unmistakably (`plain' is often used informally for `plainly'); "the answer is obviously wrong"; "she was in bed and evidently in great pain"; "he was manifestly too important to leave off the guest list"; "it is all patently nonsense"; "she has apparently been living here for some time"; "I thought he owned the property, but apparently not"; "You are plainly wrong"; "he is plain stubborn" -08921850 __nippon_NN_1 a constitutional monarchy occupying the Japanese Archipelago; a world leader in electronics and automobile manufacture and ship building -09042322 __smyrna_NN_1 a port city in western Turkey -12740196 __sapindales_NN_1 an order of dicotyledonous plants -03528761 __home-farm_NN_1 a farm that supplies the needs of a large estate of establishment -01208597 __resort_NN_4 act of turning to for assistance; "have recourse to the courts"; "an appeal to his uncle was his last resort" -02219094 __support_VB_2 support materially or financially; "he does not support his natural children"; "The scholarship supported me when I was in college" -09156666 __morgantown_NN_1 a city in northern West Virginia on the Monongahela river near the Pennsylvania border; site of the University of West Virginia -00692580 __reify_VB_1 consider an abstract concept to be real -01980766 __crash_land_VB_1 make an emergency landing -03998867 __predictor_NN_3 a computer for controlling antiaircraft fire that computes the position of an aircraft at the instant of a shell's arrival -08970318 __oujda_NN_1 a city in northeastern Morocco near the Algerian border -12142450 __triticum_turgidum_NN_1 wheat with hard dark-colored kernels high in gluten and used for bread and pasta; grown especially in southern Russia, North Africa, and northern central North America -14785941 __buffer_NN_1 (chemistry) an ionic compound that resists changes in its pH -01069980 __fasting_NN_1 abstaining from food -13025197 __saccharomycetaceae_NN_1 family of fungi comprising the typical yeasts: reproduce by budding and ferment carbohydrates -00882523 __remember_VB_6 mention as by way of greeting or to indicate friendship; "Remember me to your wife" -01490112 __whitetip_shark_NN_2 large deep-water shark with white-tipped dorsal fin; worldwide distribution; most dangerous shark -02719294 __antidiarrheal_drug_NN_1 a drug used to control or stop diarrhea -00222376 __fell_NN_3 the act of felling something (as a tree) -06340047 __agha_NN_1 title for a civil or military leader (especially in Turkey) -10754578 __violinist_NN_1 a musician who plays the violin -10739636 __unpleasant_woman_NN_1 a woman who is an unpleasant person -09303647 __himalayas_NN_1 a mountain range extending 1500 miles on the border between India and Tibet; this range contains the world's highest mountain -01970342 __family_argonautidae_NN_1 represented solely by the genus Argonauta -02663340 __underpin_VB_2 support with evidence or authority or make more certain or confirm; "The stories and claims were born out by the evidence" -01585523 __shoot_VB_12 force or drive (a fluid or gas) into by piercing; "inject hydrogen into the balloon" -02418205 __moon_VB_1 have dreamlike musings or fantasies while awake; "She looked out the window, daydreaming" -14548105 __wasting_NN_1 any general reduction in vitality and strength of body and mind resulting from a debilitating chronic disease -03807895 __naproxen_NN_1 a nonsteroidal anti-inflammatory drug (trade name Naprosyn) used in the treatment of arthritis and musculoskeletal inflammation and moderate pain -12979478 __saprolegniales_NN_1 order of chiefly aquatic fungi -02300173 __silkworm_moth_NN_2 moderate-sized Asiatic moth whose larvae feed on mulberry leaves and produce silk -08090547 __dunkers_NN_1 a Baptist denomination founded in 1708 by Americans of German descent; opposed to military service and taking legal oaths; practiced trine immersion -02248744 __family_coccidae_NN_1 scale insects -01811104 __raphus_NN_1 type genus of the Raphidae: dodos -14723628 __catalyst_NN_1 (chemistry) a substance that initiates or accelerates a chemical reaction without itself being affected -01666431 __macroclemys_NN_1 includes the alligator snapping turtle -15181556 __holy_year_NN_1 (Roman Catholic Church) a period of remission from sin (usually granted every 25 years) -15160579 __date_NN_6 the particular day, month, or year (usually according to the Gregorian calendar) that an event occurred; "he tried to memorizes all the dates for his history class" -12170415 __malva_NN_1 herbs and subshrubs: mallows -10712835 __tout_NN_3 one who sells advice about gambling or speculation (especially at the racetrack) -01803380 __tease_VB_1 annoy persistently; "The children teased the boy because of his stammer" -05978472 __exorcism_NN_1 freeing from evil spirits -01557517 __gin_VB_1 separate the seeds from (cotton) with a cotton gin -05723563 __itching_NN_1 an irritating cutaneous sensation that produces a desire to scratch -12976985 __subdivision_mastigomycotina_NN_1 fungi in which the spores and gametes are motile; in some systems placed in the Phycomycetes group with the Zygomycota -02410509 __bison_NN_1 any of several large humped bovids having shaggy manes and large heads and short horns -01885032 __phascogale_NN_1 pouched mice -11956348 __horseweed_NN_2 common North American weed with linear leaves and small discoid heads of yellowish flowers; widely naturalized throughout temperate regions; sometimes placed in genus Erigeron -00965895 __plundering_NN_1 the act of stealing valuable things from a place; "the plundering of the Parthenon"; "his plundering of the great authors" -04892344 __objectivity_NN_1 judgment based on observable phenomena and uninfluenced by emotions or personal prejudices -00698398 __will_VB_2 determine by choice; "This action was willed and intended" -04012260 __property_NN_5 any movable articles or objects used on the set of a play or movie; "before every scene he ran down his checklist of props" -00366317 __distention_NN_2 the act of expanding by pressure from within -00057748 __amphibious_landing_NN_1 a military action of coordinated land, sea, and air forces organized for an invasion; "MacArthur staged a massive amphibious landing behind enemy lines" -00623545 __slavery_NN_3 work done under harsh conditions for little or no pay -02347865 __family_erethizontidae_NN_1 New World arboreal porcupines -01693324 __doodle_VB_1 make a doodle; draw aimlessly -02652922 __stop_over_VB_1 interrupt a journey temporarily, e.g., overnight; "We had to stop over in Venezuela on our flight back from Brazil" -09071349 __the_hill_NN_1 a hill in Washington, D.C., where the Capitol Building sits and Congress meets; "they are debating the budget today on Capitol Hill" -11282802 __savonarola_NN_1 Italian religious and political reformer; a Dominican friar in Florence who preached against sin and corruption and gained a large following; he expelled the Medici from Florence but was later excommunicated and executed for criticizing the Pope (1452-1498) -04357314 __sunscreen_NN_1 a cream spread on the skin; contains a chemical (as PABA) to filter out ultraviolet light and so protect from sunburn -00835609 __uneffective_JJ_1 not producing an intended effect; "an ineffective teacher"; "ineffective legislation" -00876442 __consult_VB_4 advise professionally; "The professor consults for industry" -07291794 __last_NN_7 the concluding parts of an event or occurrence; "the end was exciting"; "I had to miss the last of the movie" -08927678 __aqaba_NN_1 Jordan's port; located in southwestern Jordan on the Gulf of Aqaba -00203020 __backlash_NN_2 an adverse reaction to some political or social occurrence; "there was a backlash of intolerance" -14124423 __variola_major_NN_1 a highly contagious viral disease characterized by fever and weakness and skin eruption with pustules that form scabs that slough off leaving scars -04870340 __nobleness_NN_1 the quality of elevation of mind and exaltation of character or ideals or conduct -00009373 __plumb_RB_1 completely; used as intensifiers; "clean forgot the appointment"; "I'm plumb (or plum) tuckered out" -02420430 __ranch_VB_1 manage or run a ranch; "Her husband is ranching in Arizona" -11805255 __caryophyllaceous_plant_NN_1 a plant of the family Caryophyllaceae -12588156 __genus_copernicia_NN_1 slow-growing tropical fan palms -01803936 __manipulate_VB_5 control (others or oneself) or influence skillfully, usually to one's advantage; "She manipulates her boss"; "She is a very controlling mother and doesn't let her children grow up"; "The teacher knew how to keep the class in line"; "she keeps in line" -02616572 __family_anarhichadidae_NN_1 wolffishes -13141564 __rhamnus_purshianus_NN_1 shrubby tree of the Pacific coast of the United States; yields cascara sagrada -09427876 __sea_of_azov_NN_1 a bay of the Black Sea between Russia and the Ukraine -04706882 __blatancy_NN_1 the property of being both obvious and offensive; "the blatancy of his attempt to whitewash the crime was unforgivable" -00295563 __victory_lap_NN_1 a lap by the winning person or team run to celebrate the victory cause to be out of tune; "Don't untune that string!" -02385102 __tall_JJ_1 great in vertical dimension; high in stature; "tall people"; "tall buildings"; "tall trees"; "tall ships" -05563770 __arm_NN_1 a human limb; technically the part of the superior limb between the shoulder and the elbow but commonly used to refer to the whole superior limb -03106722 __corduroy_NN_1 a cut pile fabric with vertical ribs; usually made of cotton -13259797 __killing_NN_3 a very large profit -04402746 __telephone_system_NN_1 a communication system that transmits sound between distant points -01253665 __vacation_NN_2 the act of making something legally void -01697628 __sketch_VB_1 make a sketch of; "sketch the building" -02397460 __tenure_VB_1 give life-time employment to; "She was tenured after she published her book" -10743941 __uxor_NN_1 (legal terminology) the Latin word for wife -15280695 __pulse_rate_NN_1 the rate at which the heart beats; usually measured to obtain a quick evaluation of a person's health -02639464 __polyodon_NN_1 type genus of the Polyodontidae -00857664 __straightness_NN_5 a sexual attraction to (or sexual relations with) persons of the opposite sex -10978842 __general_franco_NN_1 Spanish general whose armies took control of Spain in 1939 and who ruled as a dictator until his death (1892-1975) -00302130 __tame_VB_4 overcome the wildness of; make docile and tractable; "He tames lions for the circus"; "reclaim falcons" -11949707 __genus_chaenactis_NN_1 genus of flowering herbs of western United States -01102839 __eliminate_VB_6 remove from a contest or race; "The cyclist has eliminated all the competitors in the race" -12244153 __rhododendron_NN_1 any shrub of the genus Rhododendron: evergreen shrubs or small shrubby trees having leathery leaves and showy clusters of campanulate (bell-shaped) flowers -08111783 __civilization_NN_1 a society in an advanced state of social development (e.g., with complex legal and political and religious organizations); "the people slowly progressed from barbarism to civilization" -11482140 __warming_NN_2 warm weather following a freeze; snow and ice melt; "they welcomed the spring thaw" -10022645 __dodderer_NN_1 one who dodders from old age and weakness -08593262 __line_NN_11 a spatial location defined by a real or imaginary unidimensional extent -04817923 __splashiness_NN_1 lack of elegance as a consequence of being pompous and puffed up with vanity -10011074 __pathologist_NN_1 a doctor who specializes in medical diagnosis -06765887 __obiter_dictum_NN_2 an opinion voiced by a judge on a point of law not directly bearing on the case in question and therefore not binding -10278263 __macaroni_NN_1 a British dandy in the 18th century who affected Continental mannerisms; "Yankee Doodle stuck a feather in his cap and called it macaroni" -01734502 __replicate_VB_3 make or do or perform again; "He could never replicate his brilliant performance of the magic trick" -02747177 __wastebin_NN_1 a bin that holds rubbish until it is collected -06603494 __referent_NN_1 something referred to; the object of a reference -03153361 __ridged_JJ_1 having a ridge or shaped like a ridge or suggesting the keel of a ship; "a carinate sepal" -00950670 __devoice_VB_1 utter with tense vocal chords -09985279 __cutter_NN_3 someone whose work is cutting (as e.g. cutting cloth for garments) -00633265 __ratiocinate_VB_1 reason methodologically and logically -10079399 __fieldhand_NN_1 a hired hand on a farm -12786684 __genus_aeonium_NN_1 a genus of plants of the family Crassulaceae -07400906 __pulse_NN_2 the rhythmic contraction and expansion of the arteries with each beat of the heart; "he could feel the beat of her heart" -01058426 __gobble_VB_2 make a gurgling sound, characteristic of turkeys -12180168 __purau_NN_1 shrubby tree widely distributed along tropical shores; yields a light tough wood used for canoe outriggers and a fiber used for cordage and caulk; often cultivated for ornament -08933287 __montmartre_NN_1 the highest point in Paris; famous for its associations with many artists -03393912 __freight_car_NN_1 a railway car that carries freight -02234988 __ration_VB_1 restrict the consumption of a relatively scarce commodity, as during war; "Bread was rationed during the siege of the city" -03646296 __lathe_NN_1 machine tool for shaping metal or wood; the workpiece turns about a horizontal axis against a fixed tool -03220802 __domino_NN_4 a small rectangular block used in playing the game of dominoes; the face of each block has two equal areas that can bear 0 to 6 dots -02588464 __squeeze_by_VB_1 manage one's existence barely; "I guess I can squeeze by on this lousy salary" -01758308 __pecker_NN_3 horny projecting mouth of a bird -12174521 __white_mallow_NN_1 European perennial plant naturalized in United States having triangular ovate leaves and lilac-pink flowers -00793271 __muster_VB_2 call to duty, military service, jury duty, etc. -14085220 __brain_damage_NN_1 injury to the brain that impairs its functions (especially permanently); can be caused by trauma to the head, infection, hemorrhage, inadequate oxygen, genetic abnormality, etc. -01021420 __resolve_VB_2 reach a conclusion after a discussion or deliberation -07454452 __exercise_NN_5 (usually plural) a ceremony that involves processions and speeches; "academic exercises" -09968128 __costermonger_NN_1 a hawker of fruit and vegetables from a barrow -12495146 __locust_tree_NN_1 any of various hardwood trees of the family Leguminosae -00006697 __wheeze_VB_1 breathe with difficulty -08266235 __tabular_array_NN_1 a set of data arranged in rows and columns; "see table 1" -00277569 __submersion_NN_2 the act of wetting something by submerging it -12665271 __woodruff_NN_1 Old World fragrant stoloniferous perennial having small white flowers and narrow leaves used as flavoring and in sachets; widely cultivated as a ground cover; in some classifications placed in genus Asperula -12719455 __tropaeolum_NN_1 a tropical American genus of dicotyledonous climbing or diffuse pungent herbs constituting the family Tropaeolaceae -05025935 __relative_atomic_mass_NN_1 (chemistry) the mass of an atom of a chemical element expressed in atomic mass units -01855155 __transplant_VB_1 lift and reset in another soil or situation; "Transplant the young rice plants" -03357716 __flaps_NN_1 a movable airfoil that is part of an aircraft wing; used to increase lift or drag -00890941 __extension_course_NN_1 a course offered as part of an extension service -06694149 __pean_NN_2 a formal expression of praise -00493703 __devalue_VB_2 lower the value or quality of; "The tear devalues the painting" -01179155 __corn_VB_1 feed (cattle) with corn -09109444 __nebraska_NN_1 a midwestern state on the Great Plains -07252764 __provocation_NN_3 needed encouragement; "the result was a provocation of vigorous investigation" -01121690 __repayment_NN_1 the act of returning money received previously -00135952 __jab_NN_2 a quick short straight punch -08098346 __taoism_NN_2 religion adhering to the teaching of Lao-tzu -03371363 __flurazepam_hydrochloride_NN_1 tranquilizer (trade name Dalmane) used to treat insomnia -01104406 __factory_farm_NN_1 a large-scale farming enterprise -14398067 __psychosis_NN_1 any severe mental disorder in which contact with reality is lost or highly distorted -08703454 __islamic_state_of_afghanistan_NN_1 a mountainous landlocked country in central Asia; bordered by Iran to the west and Russia to the north and Pakistan to the east and south; "Soviet troops invaded Afghanistan in 1979" -14450339 __shortness_NN_2 the condition of being short of something; "there was no shortness of money"; "can cause shortness of breath" -14329262 __neuralgy_NN_1 acute spasmodic pain along the course of one or more nerves -04838727 __presumptuousness_NN_1 audacious (even arrogant) behavior that you have no right to; "he despised them for their presumptuousness" -01489722 __immature_JJ_4 not yet mature -00360501 __drown_VB_3 die from being submerged in water, getting water into the lungs, and asphyxiating; "The child drowned in the lake" -05526384 __phallus_NN_2 the male organ of copulation (`member' is a euphemism) -01270784 __line_VB_2 cover the interior of; "line the gloves"; "line a chimney" -00547995 __animize_VB_1 give lifelike qualities to; "animated cartoons" -03788703 __mothball_NN_1 a small sphere of camphor or naphthalene used to keep moths away from stored clothing -03510583 __heavier-than-air_craft_NN_1 a non-buoyant aircraft that requires a source of power to hold it aloft and to propel it -06770875 __term_NN_3 (usually plural) a statement of what is required as part of an agreement; "the contract set out the conditions of the lease"; "the terms of the treaty were generous" -01457708 __genus_aulostomus_NN_1 type genus of the Aulostomidae -14399852 __paraphrenic_schizophrenia_NN_1 a form of schizophrenia characterized by delusions (of persecution or grandeur or jealousy); symptoms may include anger and anxiety and aloofness and doubts about gender identity; unlike other types of schizophrenia the patients are usually presentable and (if delusions are not acted on) may function in an apparently normal manner -02892767 __brassiere_NN_1 an undergarment worn by women to support their breasts -01767612 __seethe_VB_2 be in an agitated emotional state; "The customer was seething with anger" -11925898 __paris_daisy_NN_1 perennial subshrub of the Canary Islands having usually pale yellow daisylike flowers; often included in genus Chrysanthemum -01625562 __tyto_alba_NN_1 mottled buff and white owl often inhabiting barns and other structures; important in rodent control -09178310 __west_africa_NN_1 an area of western Africa between the Sahara Desert and the Gulf of Guinea -12443323 __cast-iron_plant_NN_1 evergreen perennial with large handsome basal leaves; grown primarily as a foliage houseplant -11866078 __genus_cleome_NN_1 tropical and subtropical annual or perennial herbs or low shrubs -08724545 __turkistan_NN_1 a historical region of central Asia that was a center for trade between the East and the West -15256245 __bottom_of_the_inning_NN_1 the second half of an inning; while the home team is at bat -08158460 __stuart_NN_3 the royal family that ruled Scotland from 1371-1714 and ruled England from 1603 to 1649 and again from 1660 to 1714 -05179180 __easement_NN_1 (law) the privilege of using something that is not your own (as using another's land as a right of way to your own land) -09684082 __mahayanist_NN_1 an adherent of Mahayana Buddhism -06575681 __gui_NN_1 a user interface based on graphics (icons and pictures and menus) instead of text; uses a mouse as well as a keyboard as an input device -00930599 __imply_VB_2 suggest as a logically necessary consequence; in logic -03139045 __absolutistic_JJ_1 pertaining to the principle of totalitarianism -06746580 __promulgation_NN_1 a public statement containing information about an event that has happened or is going to happen; "the announcement appeared in the local newspaper"; "the promulgation was written in English" -07193184 __questioning_NN_1 a request for information -04360501 __support_NN_7 supporting structure that holds up or provides a foundation; "the statue stood on a marble support" -00507143 __jelly_VB_1 make into jelly; "jellify a liquid" -06300632 __main_entry_word_NN_1 the form of a word that heads a lexical entry and is alphabetized in a dictionary -06048552 __orthodonture_NN_1 the branch of dentistry dealing with the prevention or correction of irregularities of the teeth -00533897 __introvert_VB_2 turn inside; "He introverted his feelings" -01444164 __genus_electrophorus_NN_1 type genus of the family Electrophoridae; electric eels -01529491 __pot_VB_1 plant in a pot; "He potted the palm" -11891050 __lobularia_NN_1 sweet alyssum -00296946 __traverse_NN_4 travel across -12155459 __typha_NN_1 reed maces; cattails -00068617 __recidivism_NN_1 habitual relapse into crime -03650803 __pesthouse_NN_1 hospital for persons with infectious diseases (especially leprosy) -10108089 __four-minute_man_NN_1 someone who has run the mile in less that 4 minutes -11779801 __genus_arum_NN_1 type genus of the Araceae: tuberous perennial herbs of Europe and Asia with usually heart-shaped leaves -12189620 __genus_adansonia_NN_1 baobab; cream-of-tartar tree -01322675 __slash_VB_1 cut with sweeping strokes; as with an ax or machete -07512848 __sensibility_NN_2 refined sensitivity to pleasurable or painful impressions; "cruelty offended his sensibility" -03133141 __philhellenic_JJ_1 characterized by a love of Greece and Grecian things; "the Philhellenic Society" -01151097 __pacification_NN_1 the act of appeasing someone or causing someone to be more favorably inclined; "a wonderful skill in the pacification of crying infants"; "his unsuccessful mollification of the mob" -05095111 __superficiality_NN_1 lack of depth of knowledge or thought or feeling -00347918 __plunge_VB_4 begin with vigor; "He launched into a long diatribe"; "She plunged into a dangerous adventure" -00367552 __exaggeration_NN_2 the act of making something more noticeable than usual; "the dance involved a deliberate exaggeration of his awkwardness" -03130073 __welsh_JJ_1 of or relating to or characteristic of Wales or its people or their language; "the Welsh coast"; "Welsh syntax" -00430606 __game_NN_3 an amusement or pastime; "they played word games"; "he thought of his painting as a game that filled his empty time"; "his life was all fun and games" -11713628 __genus_cocculus_NN_1 climbing plants or shrubs -02750432 __rime_VB_1 be similar in sound, especially with respect to the last syllable; "hat and cat rhyme" -07168623 __order_NN_1 (often plural) a command given by a superior (e.g., a military or law enforcement officer) that must be obeyed; "the British ships dropped anchor and waited for orders from London" -13195151 __genus_cyrtomium_NN_1 small genus of tropical Asiatic greenhouse ferns; in some classifications placed in Polypodiaceae -10150071 __guard_NN_1 a person who keeps watch over something or someone -08208016 __personnel_NN_1 group of people willing to obey orders; "a public force is necessary to give security to the rights of citizens" -07451687 __sepulture_NN_1 the ritual placing of a corpse in a grave -01099592 __lose_VB_2 fail to win; "We lost the battle but we won the war" -09548632 __nymph_NN_1 (classical mythology) a minor nature goddess usually depicted as a beautiful maiden; "the ancient Greeks believed that nymphs inhabited forests and bodies of water" -10055730 __endomorph_NN_1 a heavy person with a soft and rounded body -01931714 __eelworm_NN_1 any of various small free-living plant-parasitic roundworms -06317672 __major_form_class_NN_1 any of the major parts of speech of traditional grammar -00332835 __zone_VB_2 separate or apportion into sections; "partition a room off" -10136959 __linksman_NN_1 someone who plays the game of golf -12968658 __sclerodermataceae_NN_1 a family of fungi or order Sclerodermatales with a single-layered peridium; includes earthballs -02106006 __sense_VB_1 perceive by a physical sensation, e.g., coming from the skin or muscles; "He felt the wind"; "She felt an object brushing her arm"; "He felt his flesh crawl"; "She felt the heat when she got out of the car" -01059123 __notice_VB_4 express recognition of the presence or existence of, or acquaintance with; "He never acknowledges his colleagues when they run into him in the hallway"; "She acknowledged his complement with a smile"; "it is important to acknowledge the work of others in one's own writing" -02628647 __govern_VB_4 require to be in a certain grammatical case, voice, or mood; "most transitive verbs govern the accusative case in German" -10528493 __versifier_NN_1 a writer who composes rhymes; a maker of poor verses (usually used as terms of contempt for minor or inferior poets) -02123298 __prickle_VB_1 cause a prickling sensation -00194414 __decimalization_NN_1 the act of changing to a decimal system; "the decimalization of British currency" -02118854 __vulpes_NN_1 foxes -06275353 __wireless_NN_2 transmission by radio waves -01745536 __tabulate_VB_1 arrange or enter in tabular form -00963447 __intifadah_NN_1 an uprising by Palestinian Arabs (in both the Gaza Strip and the West Bank) against Israel in the late 1980s and again in 2000; "the first intifada ended when Israel granted limited autonomy to the Palestine National Authority in 1993" -01191838 __surfeit_VB_2 indulge (one's appetite) to satiety -14244726 __monocytic_leukemia_NN_1 leukemia characterized by the proliferation of monocytes and monoblasts in the blood -10308504 __memorizer_NN_1 a person who learns by rote -09378529 __olympus_NN_1 a mountain peak in northeast Greece near the Aegean coast; believed by ancient Greeks to be the dwelling place of the gods (9,570 feet high) -00359614 __snip_NN_2 the act of clipping or snipping -09356639 __mobile_river_NN_1 a river in southwestern Alabama; flows into Mobile Bay -14286549 __scratch_NN_1 an abraded area where the skin is torn or worn off -01660082 __preform_VB_2 form or shape beforehand or determine the shape of beforehand -07087777 __rant_NN_2 pompous or pretentious talk or writing -12352150 __musa_NN_1 type genus of the Musaceae: bananas -01942601 __haliotidae_NN_1 abalones -09906704 __title-holder_NN_1 someone who has won first place in a competition -09030096 __kordofan_NN_1 a mountainous province of central Sudan -01929047 __rotifera_NN_1 a phylum including: rotifers -02346998 __old_world_porcupine_NN_1 terrestrial porcupine -02194414 __oestridae_NN_1 warble flies -04459362 __towel_NN_1 a rectangular piece of absorbent cloth (or paper) for drying or wiping -10909303 __gary_cooper_NN_1 United States film actor noted for his portrayals of strong silent heroes (1901-1961) -02715712 __pom-pom_NN_2 artillery designed to shoot upward at airplanes -03120454 __stigmatic_JJ_1 pertaining to or resembling or having stigmata -06880533 __illustration_NN_2 showing by example -09719430 __kurd_NN_1 a member of a largely pastoral Islamic people who live in Kurdistan; the largest ethnic group without their own state -01853542 __syphon_VB_1 convey, draw off, or empty by or as if by a siphon -02564403 __rock_sunfish_NN_1 game and food fish of upper Mississippi and Great Lakes -02738741 __armet_NN_1 a medieval helmet with a visor and a neck guard -02659478 __winter_flounder_NN_2 important American food fish in the winter -10555059 __scandalmonger_NN_1 a person who spreads malicious gossip -06500262 __alphanumerics_NN_1 a character set that includes letters and digits and punctuation -03118790 __slavonic_JJ_1 of or relating to Slavic languages -12884100 __old-field_toadflax_NN_1 North American plant having racemes of blue-violet flowers -02179518 __sound_VB_6 cause to sound; "sound the bell"; "sound a certain note" -01922717 __parasitic_worm_NN_1 worm that is parasitic on the intestines of vertebrates especially roundworms and tapeworms and flukes -14370122 __sob_NN_1 a dyspneic condition -12010188 __saussurea_lappa_NN_1 annual herb of the eastern Himalayas (Kashmir) having purple florets and a fragrant root that yields a volatile oil used in perfumery and for preserving furs -01657254 __mix_up_VB_1 assemble without order or sense; "She jumbles the words when she is supposed to write a sentence" -01373826 __mycoplasma_NN_1 any of a group of small parasitic bacteria that lack cell walls and can survive without oxygen; can cause pneumonia and urinary tract infection -01625666 __laminate_VB_1 create laminate by bonding sheets of material with a bonding material -14496710 __orderliness_NN_2 a condition of regular or proper arrangement; "he put his desk in order"; "the machine is now in working order" -00674340 __disapprove_VB_1 consider bad or wrong -00038573 __blind_alley_NN_2 (figurative) a course of action that is unproductive and offers no hope of improvement; "all the clues led the police into blind alleys"; "so far every road that we've been down has turned out to be a blind alley" -00557588 __play_NN_3 a preset plan of action in team sports; "the coach drew up the plays for her team" -03113881 __satyrical_JJ_1 of or relating to or having the characteristics of a satyr; "this satyric old man pursues young girls" -04394630 __tarmacadam_NN_2 a paved surface having compressed layers of broken rocks held together with tar -00605310 __revolutionize_VB_3 fill with revolutionary ideas -05604434 __abdominal_wall_NN_1 a wall of the abdomen -15196746 __boxing_day_NN_1 first weekday after Christmas -02687172 __flattop_NN_2 a large warship that carries planes and has a long flat deck for takeoffs and landings -02460817 __two-toed_anteater_NN_1 squirrel-sized South American toothless anteater with long silky golden fur -03035089 __circus_NN_4 (antiquity) an open-air stadium for chariot races and gladiatorial games -00134472 __spank_NN_1 a slap with the flat of the hand -00296178 __set_VB_23 alter or regulate so as to achieve accuracy or conform to a standard; "Adjust the clock, please"; "correct the alignment of the front wheels" -01448951 __topminnow_NN_1 small usually brightly-colored viviparous surface-feeding fishes of fresh or brackish warm waters; often used in mosquito control -04337740 __striker_NN_5 the part of a mechanical device that strikes something -04713332 __accord_NN_4 sympathetic compatibility -03109399 __redemptory_JJ_1 of or relating to or resulting in redemption; "a redemptive theory about life"- E.K.Brown -02238235 __lygus_bug_NN_1 vector of viral plant diseases -05525807 __rete_testis_NN_1 network of tubules carrying sperm from the seminiferous tubules to the vasa efferentia -03108623 __quechuan_JJ_1 of or relating to the Quechua or their language -13556377 __slippage_NN_2 decline from a standard level of performance or achievement -07721942 __cayenne_pepper_NN_3 a long and often twisted hot red pepper -01076046 __stoppage_NN_3 the act of stopping something; "the third baseman made some remarkable stops"; "his stoppage of the flow resulted in a flood" -13587763 __modulus_NN_3 (physics) a coefficient that expresses how much of a specified property is possessed by a specified substance -02397251 __tayassuidae_NN_1 peccaries -07374152 __recombination_NN_2 (genetics) a combining of genes or characters different from what they were in the parents -02346409 __export_VB_1 sell or transfer abroad; "we export less than we import and have a negative trade balance" -10209082 __instigator_NN_2 a person who initiates a course of action -07136940 __yakety-yak_NN_1 noisy talk -00791372 __beep_VB_2 call, summon, or alert with a beeper -08038748 __popular_front_for_the_liberation_of_palestine-general_command_NN_1 a Marxist-Leninist terrorist organization that conducted several attacks in western Europe -05318407 __vitreous_humour_NN_1 the clear colorless transparent jelly that fills the posterior chamber of the eyeball -05091770 __probability_NN_1 a measure of how likely it is that some event will occur; a number expressing the ratio of favorable cases to the whole number of cases possible; "the probability that an unbiased coin will fall with the head up is 0.5" -06495000 __roster_NN_1 a list of names; "his name was struck off the rolls" -06367879 __novel_NN_1 an extended fictional work in prose; usually in the form of a story -03105742 __pyrectic_JJ_1 having or causing fever -02611767 __uranoscopidae_NN_1 stargazers -12022382 __tanacetum_cinerariifolium_NN_1 white-flowered pyrethrum of Balkan area whose pinnate leaves are white and silky-hairy below; source of an insecticide; sometimes placed in genus Chrysanthemum -05623628 __reach_NN_4 the limit of capability; "within the compass of education" -11856055 __genus_agdestis_NN_1 a genus with one species that is a rapidly growing climbing vine with tuberous roots; grown in hot climates -02642634 __arthropodous_JJ_1 of or relating to invertebrates of the phylum Arthropoda -02306433 __lasiocampid_moth_NN_1 medium-sized stout-bodied neutral-colored moths with comb-like antennae -01482887 __hexanchus_NN_1 a genus of Hexanchidae -02174311 __clank_VB_1 make a clank; "the train clanked through the village" -07335917 __evanescence_NN_1 the event of fading and gradually vanishing from sight; "the evanescence of the morning mist" -03103198 __procedural_JJ_1 of or relating to procedure; "a procedural violation" -02475821 __genus_australopithecus_NN_1 extinct genus of African hominid -02255268 __grant_VB_4 allow to have; "grant a privilege" -06095022 __uranology_NN_1 the branch of physics that studies celestial bodies and the universe as a whole -05003090 __walk_NN_3 manner of walking; "he had a funny walk" -11086607 __john_xxiii_NN_1 Italian pope from 1958 to 1963 who convoked the Second Vatican Council (1881-1963) -00030647 __collapse_VB_2 collapse due to fatigue, an illness, or a sudden attack -07142566 __group_discussion_NN_1 a discussion among participants who have an agreed (serious) topic -06883725 __swastika_NN_1 the official emblem of the Nazi Party and the Third Reich; a cross with the arms bent at right angles in a clockwise direction -03098803 __pharmaceutical_JJ_1 of or relating to pharmacy or pharmacists; "the pharmaceutical industry" -03931044 __picture_NN_1 a visual representation (of an object or scene or person or abstraction) produced on a surface; "they showed us the pictures of their wedding"; "a movie is a series of images projected so rapidly that the eye integrates them" -01770553 __pseudoscorpionida_NN_1 false scorpions -02037713 __phalaropus_NN_1 type genus of the Phalaropidae: phalaropes -09940146 __comic_NN_1 a professional performer who tells jokes and performs comical acts -02923510 __muslim_JJ_1 of or relating to or supporting Islamism; "Islamic art" -00628692 __stretching_NN_2 exercise designed to extend the limbs and muscles to their full extent -09306257 __yellow_river_NN_1 a major river of Asia in northern China; flows generally eastward into the Yellow Sea; carries large quantities of yellow silt to its delta -11986511 __lactuca_sativa_NN_1 annual or perennial garden plant having succulent leaves used in salads; widely grown -04241394 __slipper_NN_1 low footwear that can be slipped on and off easily; usually worn indoors -01523823 __unwind_VB_2 separate the tangles of -11458624 __force_NN_2 (physics) the influence that produces a change in a physical quantity; "force equals mass times acceleration" -02807260 __bath_linen_NN_1 linens for use in the bathroom -00670105 __decortication_NN_1 removal of the outer covering of an organ or part -06653363 __rule_of_evidence_NN_1 (law) a rule of law whereby any alleged matter of fact that is submitted for investigation at a judicial trial is established or disproved -04603081 __workshop_NN_1 small workplace where handcrafts or manufacturing are done -11599165 __genus_welwitschia_NN_1 type and sole genus of Welwitschiaceae -02662297 __vary_VB_3 be subject to change in accordance with a variable; "Prices vary"; "His moods vary depending on the weather" -05916155 __suggestion_NN_1 an idea that is suggested; "the picnic was her suggestion" -08871007 __england_NN_1 a division of the United Kingdom -12788201 __hydrangea_NN_1 any of various deciduous or evergreen shrubs of the genus Hydrangea -13721177 __short_hundredweight_NN_1 a United States unit of weight equivalent to 100 pounds -13235947 __genus_araujia_NN_1 small genus of South American evergreen vines -01559340 __lacerate_VB_1 cut or tear irregularly -00093593 __languish_VB_3 become feeble; "The prisoner has be languishing for years in the dungeon" -06249910 __descriptivism_NN_2 (linguistics) a doctrine supporting or promoting descriptive linguistics -01254324 __wear_off_VB_2 diminish, as by friction; "Erosion wore away the surface" -00966384 __rapine_NN_1 the act of despoiling a country in warfare -07353075 __wreck_NN_2 an accident that destroys a ship at sea -12639168 __prunus_angustifolia_NN_1 small native American shrubby tree bearing small edible yellow to reddish fruit -03093184 __olympian_JJ_2 of or pertaining to the greater gods of ancient Greece whose abode was Mount Olympus; "Olympian deities" -14128812 __severe_combined_immunodeficiency_disease_NN_1 a congenital disease affecting T cells that can result from a mutation in any one of several different genes; children with it are susceptible to infectious disease; if untreated it is lethal within the first year or two of life -10665302 __struggler_NN_1 a person who struggles with difficulties or with great effort -12165608 __genus_ecballium_NN_1 exploding cucumber; squirting cucumber -01680137 __sceloporus_NN_1 spiny lizards -08674970 __lot_NN_2 a parcel of land having fixed boundaries; "he bought a lot on the lake" -08556491 __land_NN_3 territory over which rule or control is exercised; "his domain extended into Europe"; "he made it the law of the land" -13601596 __computer_memory_unit_NN_1 a unit for measuring computer memory -09696585 __canadian_NN_1 a native or inhabitant of Canada -11833577 __genus_halogeton_NN_1 a caryophyllaceous genus of the family Chenopodiaceae -02887209 __brace_NN_1 a support that steadies or strengthens something else; "he wore a brace on his knee" -04940146 __porousness_NN_1 the property of being porous; being able to absorb fluids -01708106 __saurischian_dinosaur_NN_1 herbivorous or carnivorous dinosaur having a three-pronged pelvis like that of a crocodile -02298541 __sphinx_moth_NN_1 any of various moths with long narrow forewings capable of powerful flight and hovering over flowers to feed -04777634 __lodgment_NN_2 the state or quality of being lodged or fixed even temporarily; "the lodgment of the balloon in the tree" -11971783 __african_daisy_NN_2 African or Asiatic herbs with daisylike flowers -07201804 __word_picture_NN_1 a graphic or vivid verbal description; "too often the narrative was interrupted by long word pictures"; "the author gives a depressing picture of life in Poland"; "the pamphlet contained brief characterizations of famous Vermonters" -07502387 __estrangement_NN_2 the feeling of being alienated from other people -03044934 __clipper_NN_4 scissors for cutting hair or finger nails (often used in the plural) -06608617 __fal_la_NN_1 meaningless syllables in the refrain of a partsong -07159276 __rhyming_slang_NN_1 slang that replaces words with rhyming words or expressions and then typically omits the rhyming component; "Cockney rhyming slang" -03089121 __neanderthalian_JJ_1 relating to or belonging to or resembling Neanderthal man; "Neanderthal skull" -06712833 __tongue-lashing_NN_1 rebuking a person harshly -05906554 __wangling_NN_1 an instance of accomplishing something by scheming or trickery -09904556 __center_NN_9 (basketball) the person who plays center on a basketball team -01032840 __network_VB_1 communicate with and within a group; "You have to network if you want to get a good job" -01844431 __haunt_VB_3 be a regular or frequent visitor to a certain place; "She haunts the ballet" -02480346 __pongo_NN_1 type genus of the family Pongidae: orangutans -03087088 __mongolian_JJ_2 of or relating to the region of Mongolia or its people or their languages or cultures; "the Mongol invaders"; "a Mongolian pony"; "Mongolian syntax strongly resembles Korean syntax" -14613922 __hydroxy_acid_NN_1 any acid that has hydroxyl groups in addition to the hydroxyl group in the acid itself -11862089 __spraguea_NN_1 small genus of usually perennial herbs having deep woody taproots and flower heads of umbels or cymes -02338319 __neofiber_NN_1 round-tailed muskrat -00785690 __stag_VB_3 watch, observe, or inquire secretly -07397761 __ticking_NN_1 a metallic tapping sound; "he counted the ticks of the clock" -15109745 __emanation_NN_1 something that is emitted or radiated (as a gas or an odor or a light, etc.) -02633287 __poronotus_NN_1 a genus of Stromateidae -08072837 __securities_industry_NN_1 the securities markets in the aggregate; "the market always frustrates the small investor" -00101191 __playing_NN_1 the act of playing a musical instrument -00592702 __expect_VB_4 consider reasonable or due; "I'm expecting a full explanation as to why these files were destroyed" -14358335 __vaginitis_NN_1 inflammation of the vagina (usually associated with candidiasis) -13186654 __tree_fern_NN_1 any of numerous usually tropical ferns having a thick woody stem or caudex and a crown of large fronds; found especially in Australia and New Zealand; chiefly of the families Cyatheaceae and Marattiaceae but some from Polypodiaceae -00857517 __crow_VB_2 express pleasure verbally; "She crowed with joy" -12464476 __hellebore_NN_1 perennial herbs of the lily family having thick toxic rhizomes -00240184 __origination_NN_2 the act of starting something for the first time; introducing something new; "she looked forward to her initiation as an adult"; "the foundation of a new scientific society" -00331102 __transplanting_NN_1 the act of removing something from one location and introducing it in another location; "the transplant did not flower until the second year"; "too frequent transplanting is not good for families"; "she returned to Alabama because she could not bear transplantation" -06124395 __tectonics_NN_1 the science of architecture -12153393 __genus_eleocharis_NN_1 sedges having dense spikes of flowers and leaves reduced to basal sheaths -03084759 __mauritian_JJ_1 of or related to the island or country of Mauritius or its inhabitants; "Mauritanian tropical fish" -08191532 __naval_unit_NN_1 a military unit that is part of a navy -02252039 __superfamily_aphidoidea_NN_1 plant lice -01809617 __kill_VB_6 overwhelm with hilarity, pleasure, or admiration; "The comedian was so funny, he was killing me!" -00951626 __capitalization_NN_3 the act of capitalizing on an opportunity -03083069 __malayan_JJ_2 of or relating to or characteristic of the people or language of Malaysia and the northern Malay Peninsula and parts of the western Malay Archipelago; "Malay peoples"; "Malayan syllable structure" -08310389 __meeting_NN_2 a small informal social gathering; "there was an informal meeting in my living room" -01587406 __genus_dumetella_NN_1 catbirds -04424418 __thing_NN_8 an entity that is not named specifically; "I couldn't tell what the thing was" -01271189 __face_VB_9 cover the front or surface of; "The building was faced with beautiful stones" -01218791 __bracket_VB_1 support with brackets; "bracket bookshelves" -02662979 __conform_VB_1 be similar, be in line with -15178694 __solar_calendar_NN_1 a calendar based on solar cycles -02623445 __scombroid_fish_NN_1 important marine food and game fishes found in all tropical and temperate seas; some are at least partially endothermic and can thrive in colder waters -12317763 __order_juglandales_NN_1 coextensive with the family Juglandaceae -05303020 __incompetent_cervix_NN_1 (obstetrics) uterine cervix that becomes dilated before term and without labor often resulting in miscarriage or premature birth -12878525 __genus_aureolaria_NN_1 small genus of North American herbs often root-parasitic and bearing golden-yellow flowers; sometimes placed in genus Gerardia -08810220 __turin_NN_1 capital city of the Piemonte region of northwestern Italy -03375443 __foible_NN_2 the weaker part of a sword's blade from the forte to the tip -08937594 __rheims_NN_1 a city in northeastern France to the east of Paris; scene of the coronation of most French kings; site of the unconditional German surrender in 1945 at the end of World War II -03419014 __garment_NN_1 an article of clothing; "garments of the finest silk" -01284461 __untie_VB_1 undo the ties of; "They untied the prisoner" -01641914 __pioneer_VB_2 take the lead or initiative in; participate in the development of; "This South African surgeon pioneered heart transplants" -02502387 __repatriate_VB_2 admit back into the country -09614315 __creator_NN_2 a person who grows or makes or invents things -04344246 __studio_NN_1 workplace for the teaching or practice of an art; "she ran a dance studio"; "the music department provided studios for their students"; "you don't need a studio to make a passport photograph" -09804230 __archaist_NN_1 a person who archaizes -02088627 __crash_VB_2 move with, or as if with, a crashing noise; "The car crashed through the glass door" -02973236 __cartwheel_NN_1 a wheel that has wooden spokes and a metal rim -08334087 __military_court_NN_1 a judicial court of commissioned officers for the discipline and punishment of military personnel -00199490 __remodel_VB_1 do over, as of (part of) a house; "We are remodeling these rooms" -00028565 __smile_VB_1 change one's facial expression by spreading the lips, often to signal pleasure -14601829 __aminoalkanoic_acid_NN_1 organic compounds containing an amino group and a carboxylic acid group; "proteins are composed of various proportions of about 20 common amino acids" -00383606 __separation_NN_9 the act of dividing or disconnecting -03074922 __tribal_JJ_1 relating to or characteristic of a tribe; "tribal customs" -00807941 __except_VB_1 take exception to; "he demurred at my suggestion to work on Saturday" -01430447 __cover_VB_21 copulate with a female, used especially of horses; "The horse covers the mare" -06531908 __working_papers_NN_2 a legal document giving information required for employment of certain people in certain countries -08616050 __pastureland_NN_1 a field covered with grass or herbage and suitable for grazing by livestock -05957238 __preemption_NN_1 the judicial principle asserting the supremacy of federal over state legislation on the same subject -00246552 __toasting_NN_1 cooking to a brown crispiness over a fire or on a grill; "proper toasting should brown both sides of a piece of bread" -02100236 __german_short-haired_pointer_NN_1 liver or liver-and-white hunting dog developed in Germany; 3/4 pointer and 1/4 bloodhound of the elder of two boys with the same family name; "Jones major" -02497062 __set_free_VB_1 grant freedom to; "The students liberated their slaves upon graduating from the university" -07035870 __hymn_NN_1 a song of praise (to God or to a saint or to a nation) -02296756 __genus_chorizagrotis_NN_1 moths whose larvae are army cutworms -00797303 __puff_VB_6 speak in a blustering or scornful manner; "A puffing kind of man" -13790712 __foundation_NN_1 the basis on which something is grounded; "there is little foundation for his objections" -06619065 __show_NN_3 a social event involving a public performance or entertainment; "they wanted to see some of the shows on Broadway" -08009834 __nongovernmental_organization_NN_1 an organization that is not part of the local or state or federal government -08028623 __kaplan_group_NN_1 a Turkish terrorist group of fundamentalist Muslims with ties to al-Qaeda that operates in Germany; seeks the violent overthrow of the Turkish government and the establishment of an Islamic nation modeled on Iran -11120834 __thomas_edward_lawrence_NN_1 Welsh soldier who from 1916 to 1918 organized the Arab revolt against the Turks; he later wrote an account of his adventures (1888-1935) -09366017 __natural_depression_NN_1 a sunken or depressed geological formation -06947032 __english_language_NN_1 an Indo-European language belonging to the West Germanic branch; the official language of Britain and the United States and most of the commonwealth countries -01105186 __outshout_VB_1 shout louder than -08879197 __leicester_NN_2 an industrial city in Leicestershire in central England; built on the site of a Roman settlement -04071102 __sanctuary_NN_2 a shelter from danger or hardship -02052639 __genus_fregata_NN_1 type genus of the Fregatidae -10238375 __knight_NN_1 originally a person of noble birth trained to arms and chivalry; today in Great Britain a person honored by the sovereign for personal merit -02469835 __unite_VB_1 act in concert or unite in a common purpose or belief -08562243 __orient_NN_2 the hemisphere that includes Eurasia and Africa and Australia -02533075 __sardina_NN_1 pilchards of animals except birds and mammals; having body temperature that varies with the environment -03068473 __ghanian_JJ_1 of or relating to or characteristic of Ghana or its people or language; "Ghanaian cocoa production" -01688589 __flying_lizard_NN_1 any of several small tropical Asian lizards capable of gliding by spreading winglike membranes on each side of the body -09977326 __cricketer_NN_1 an athlete who plays cricket -01592694 __tomtit_NN_1 widely distributed European titmouse with bright cobalt blue wings and tail and crown of the head -00784727 __ask_VB_3 direct or put; seek an answer to; "ask a question" -03066658 __franciscan_JJ_1 of or relating to Saint Francis of Assisi or to the order founded by him; "Franciscan monks" -00618734 __accounting_NN_3 the occupation of maintaining and auditing records and preparing financial reports for a business -11834890 __tumbleweed_NN_2 prickly bushy Eurasian plant; a troublesome weed in central and western United States -03953743 __setting_NN_6 a table service for one person; "a place setting of sterling flatware" -01069190 __connect_VB_6 join for the purpose of communication; "Operator, could you connect me to the Raffles in Singapore?" -00548802 __portrayal_NN_2 acting the part of a character on stage; dramatically representing the character by speech and action and gesture -07588947 __stew_NN_2 food prepared by stewing especially meat or fish with vegetables -00687926 __suspect_VB_2 regard as untrustworthy; regard with suspicion; have no faith or confidence in -01503061 __bird_NN_1 warm-blooded egg-laying vertebrates characterized by feathers and forelimbs modified as wings -03065516 __fatalistic_JJ_1 of or relating to fatalism; "a fatalist person" -00592341 __take_account_VB_1 be fully aware of; realize fully; "Do you appreciate the full meaning of this letter?" -02675320 __callithumpian_JJ_1 of or relating to a callithump -02282082 __tank_VB_1 store in a tank by causing (something) to flow into it -04186848 __shears_NN_1 large scissors with strong blades -01582220 __magpie_NN_1 long-tailed black-and-white crow that utters a raucous chattering call -07174433 __misunderstanding_NN_1 putting the wrong interpretation on; "his misinterpretation of the question caused his error"; "there was no mistaking her meaning" -05754197 __introjection_NN_2 (psychology) unconscious internalization of aspects of the world (especially aspects of persons) within the self in such a way that the internalized representation takes over the psychological functions of the external objects -00928751 __zoning_NN_1 dividing an area into zones or sections reserved for different purposes such as residence and business and manufacturing etc -02415577 __rocky_mountain_sheep_NN_1 wild sheep of mountainous regions of western North America having massive curled horns -05866653 __point_of_intersection_NN_1 a point where lines intersect -09875979 __broadcast_journalist_NN_1 a journalist who broadcasts on radio or television -09251407 __comet_NN_1 (astronomy) a relatively small extraterrestrial body consisting of a frozen mass that travels around the sun in a highly elliptical orbit -07590611 __hotpot_NN_1 a stew of meat and potatoes cooked in a tightly covered pot -00663682 __cross-check_VB_1 check out conflicting sources; crosscheck facts, for example -00526793 __nautch_dance_NN_1 an intricate traditional dance in India performed by professional dancing girls -02603424 __straiten_VB_1 bring into difficulties or distress, especially financial hardship -03062280 __domiciliary_JJ_1 of or relating to or provided in a domicile; "domiciliary medical care"; "domiciliary caves" -04044119 __radio_station_NN_1 station for the production and transmission of AM or FM radio broadcasts -00790086 __servile_JJ_1 resistance to or defense against a hostile takeover submissive or fawning in attitude or behavior; "spoke in a servile tone"; "the incurably servile housekeeper"; "servile tasks such as floor scrubbing and barn work" -03061081 __disciplinary_JJ_2 relating to a specific field of academic study; "economics in its modern disciplinary sense" -00852181 __contraceptive_method_NN_1 birth control by the use of devices (diaphragm or intrauterine device or condom) or drugs or surgery -04127904 __sheet_NN_8 a large piece of fabric (usually canvas fabric) by means of which wind is used to propel a sailing vessel -11349318 __trotsky_NN_1 Russian revolutionary and Communist theorist who helped Lenin and built up the army; he was ousted from the Communist Party by Stalin and eventually assassinated in Mexico (1879-1940) -01349318 __wring_out_VB_1 extract (liquid) by squeezing or pressing; "wring out the washcloth" -06947658 __ebonics_NN_1 a nonstandard form of American English characteristically spoken by African Americans in the United States -06117855 __morphology_NN_4 the branch of geology that studies the characteristics and configuration and evolution of rocks and land forms -04266162 __space_station_NN_1 a manned artificial satellite in a fixed orbit designed for scientific research -03968728 __plummet_NN_1 the metal bob of a plumb line -14555962 __retinal_detachment_NN_1 visual impairment resulting from the retina becoming separated from the choroid in the back of the eye; treated by photocoagulation -03058754 __cypriote_JJ_1 of or relating to Cyprus or its people or culture; "Cypriot expatriates"; "Cypriote monasteries" -07766409 __longanberry_NN_2 Asian fruit similar to litchi -00547493 __diabolize_VB_1 turn into a devil or make devilish; "Man devilized by war" -03057075 __creedal_JJ_1 of or relating to a creed -01118182 __fair_NN_4 a sale of miscellany; often for charity; "the church bazaar" -02849154 __cover_NN_2 bedding that keeps a person warm in bed; "he pulled the covers over his head and went to sleep" -03055809 __commemorative_JJ_1 intended as a commemoration; "a commemorative plaque" -03075097 __comb_NN_3 any of several tools for straightening fibers -03054551 __catatonic_JJ_1 characterized by catatonia especially either rigidity or extreme laxness of limbs -00900207 __schematization_NN_1 providing a chart or outline of a system -01751036 __krait_NN_1 brightly colored venomous but nonaggressive snake of southeastern Asia and Malay peninsula -02080022 __pagophilus_NN_1 harp seals -14778019 __gastric_antacid_NN_1 an agent that counteracts or neutralizes acidity (especially in the stomach) -00322151 __toast_VB_1 make brown and crisp by heating; "toast bread"; "crisp potatoes" -01554139 __family_dendrocolaptidae_NN_1 woodhewers or woodcreepers -01600191 __conglutinate_VB_1 cause to adhere; "The wounds were coapted" -00460900 __stay_VB_6 stop or halt; "Please stay the bloodshed!" -11825535 __genus_froelichia_NN_1 genus of erect or procumbent herbs of the Americas having spikes of woolly white flowers: cottonweed -10616379 __sneerer_NN_1 a person who expresses contempt by remarks or facial expression -00620554 __photography_NN_3 the occupation of taking and printing photographs or making movies -12702443 __wood-sorrel_family_NN_1 a family of widely distributed herbs of the order Geraniales; have compound leaves and pentamerous flowers -03845550 __unguent_NN_1 semisolid preparation (usually containing a medicine) applied externally as a remedy or for soothing an irritation -02653965 __monocanthus_NN_1 type genus of the Monocanthidae -12262553 __chestnut_tree_NN_1 any of several attractive deciduous trees yellow-brown in autumn; yield a hard wood and edible nuts in a prickly bur -01793818 __meleagrididae_NN_1 turkeys and some extinct forms -07986198 __triplet_NN_3 a set of three similar things considered as a unit -15295045 __prime_NN_2 the period of greatest prosperity or productivity -03900509 __paved_surface_NN_1 a level horizontal surface covered with paving material -04417809 __theatre_NN_1 a building where theatrical performances or motion-picture shows can be presented; "the house was full" -04977247 __paleness_NN_2 the property of having a naturally light complexion -01931277 __oxyuridae_NN_1 pinworms -02390287 __hang_out_VB_1 spend time in a certain location or with certain people; "She hangs out at the corner cafe" -10538733 __roper_NN_2 a cowboy who uses a lasso to rope cattle or horses -06855035 __hallmark_NN_2 a mark on an article of trade to indicate its origin and authenticity -03452741 __grand_piano_NN_1 a piano with the strings on a horizontal harp-shaped frame; usually supported by three legs -12135270 __setaria_italica_NN_1 coarse drought-resistant annual grass grown for grain, hay, and forage in Europe and Asia and chiefly for forage and hay in United States -04356925 __sunroom_NN_1 a room enclosed largely with glass and affording exposure to the sun -05219297 __juvenile_body_NN_1 the body of a young person -02975212 __vitrine_NN_1 a glass container used to store and display items in a shop or museum or home -07907161 __irish_whisky_NN_1 whiskey made in Ireland chiefly from barley -01585759 __untangle_VB_1 release from entanglement of difficulty; "I cannot extricate myself from this task" -02217266 __finance_VB_1 obtain or provide money for; "Can we finance the addition to our home?" -09268592 __dolomite_alps_NN_1 an eastern range of the Alps in northeastern Italy famous for their dolomitic limestone -09260466 __crystallization_NN_2 a rock formed by the solidification of a substance; has regularly repeating internal structure; external plane faces -02420675 __litocranius_NN_1 antelopes of eastern Africa: gerenuks -03045750 __australian_JJ_1 of or relating to or characteristic of Australia or its inhabitants or its languages; "Australian deserts"; "Australian aborigines" -12183318 __genus_malope_NN_1 small genus of chiefly European herbs -10734394 __twin_NN_1 either of two offspring born at the same time from the same pregnancy -12044571 __genus_angrecum_NN_1 genus of tropical Old World epiphytic orchids with showy flowers sometimes grotesque -05036715 __severity_NN_1 used of the degree of something undesirable e.g. pain or weather -02184270 __pediculus_NN_1 type genus of Pediculidae: true lice infecting humans -07065562 __psychedelic_rock_NN_1 a musical style that emerged in the 1960s; rock music inspired by or related to drug-induced experience -02035656 __kaki_NN_2 blackish stilt of New Zealand sometimes considered a color phase of the white-headed stilt -00327031 __cellular_JJ_2 characterized by or divided into or containing cells or compartments (the smallest organizational or structural unit of an organism or organization); "the cellular construction of a beehive"; "any effective opposition to a totalitarian regime must be secretive and cellular" -03044083 __appellate_JJ_1 of or relating to or taking account of appeals (usually legal appeals); "appellate court" -03032252 __picture_palace_NN_1 a theater where films are shown -03550533 __hydantoin_NN_1 any of a group of anticonvulsant drugs used in treating epilepsy -00388065 __slash_NN_4 a strong sweeping cut made with a sharp instrument make personal or more personal; "personalized service" -10091012 __stoolpigeon_NN_1 someone acting as an informer or decoy for the police -00081836 __shopping_NN_1 searching for or buying goods or services; "went shopping for a reliable plumber"; "does her shopping at the mall rather than down town" -13810615 __member_NN_2 anything that belongs to a set or class; "snakes are members of the class Reptilia"; "members of the opposite sex" -02024411 __poor_JJ_4 lacking in specific resources, qualities or substances; "a poor land"; "the area was poor in timber and coal"; "food poor in nutritive value" -00134737 __alkalinize_VB_2 make (a substance) alkaline; "The oxide is alkalized" -03041491 __anesthetic_JJ_1 relating to or producing insensibility -09100982 __houghton_NN_2 a town in northwest Michigan on the Upper Peninsula -13440063 __body_process_NN_1 an organic process that takes place in the body; "respiratory activity" -07252206 __fostering_NN_1 encouragement; aiding the development of something -02702674 __set_back_VB_3 cost a certain amount; "My daughter's wedding set me back $20,000" -02107817 __chiromance_VB_1 divine by reading someone's palms; "The Gypsies chiromanced"; "She refused to chiromance my fate" -07597365 __confect_NN_1 a rich sweet made of flavored sugar and often combined with fruit or nuts -03039087 __hebrew_JJ_2 of or relating to the language of the Hebrews; "Hebrew vowels" -04577293 __wherry_NN_1 sailing barge used especially in East Anglia -12929783 __tea_NN_3 a tropical evergreen shrub or small tree extensively cultivated in e.g. China and Japan and India; source of tea leaves; "tea has fragrant white flowers" -01893313 __turtle_VB_1 overturn accidentally; "Don't rock the boat or it will capsize!" -01463519 __germ_layer_NN_1 (embryology) any of the 3 layers of cells differentiated in embryos following gastrulation -08513163 __marchland_NN_1 district consisting of the area on either side of a border or boundary of a country or an area; "the Welsh marches between England and Wales" -01372709 __chlamydia_NN_2 coccoid rickettsia infesting birds and mammals; cause infections of eyes and lungs and genitourinary tract -02714360 __bulge_VB_2 bulge out; form a bulge outward, or be so full as to appear to bulge -01192150 __verdict_NN_1 (law) the findings of a jury on issues of fact submitted to it for decision; can be used in formulating a judgment -01747466 __genus_denisonia_NN_1 copperheads -02581108 __selar_crumenophthalmus_NN_1 of Atlantic coastal waters; commonly used for bait -10038620 __duke_NN_1 a British peer of the highest rank -00799125 __anti-war_movement_NN_1 a campaign against entering or continuing a war -11981475 __prairie_golden_aster_NN_1 hairy perennial with yellow flower heads in branched clusters; found almost everywhere in dry places from Canada to west central and western United States; sometimes placed in genus Chrysopsis -09238926 __cave_NN_1 a geological formation consisting of an underground enclosure with access from the surface of the ground or from the sea -05601758 __lineament_NN_2 the characteristic parts of a person's face: eyes and nose and mouth and chin; "an expression of pleasure crossed his features"; "his lineaments were very regular" -04722715 __inconvenience_NN_3 the quality of not being useful or convenient -00391086 __tear_NN_4 the act of tearing; "he took the manuscript in both hands and gave it a mighty tear" -01249483 __demolition_NN_2 the act of demolishing -03436990 __gig_NN_3 a cluster of hooks (without barbs) that is drawn through a school of fish to hook their bodies; used when fish are not biting -10342180 __mutineer_NN_1 someone who is openly rebellious and refuses to obey authorities (especially seamen or soldiers) -13548105 __refining_NN_1 the process of removing impurities (as from oil or metals or sugar etc.) -05937112 __model_NN_7 a representative form or pattern; "I profited from his example" -10426454 __phonetician_NN_1 a specialist in phonetics -07848645 __stick_NN_4 a rectangular quarter pound block of butter or margarine -02302124 __genus_eacles_NN_1 imperial moths -06934132 __kam-tai_NN_1 a family of Sino-Tibetan languages spoken in southeastern Asia -05869857 __unit_NN_4 a single undivided whole; "an idea is not a unit that can be moved from one brain to another" -09103217 __st._cloud_NN_1 a town in central Minnesota on the Mississippi River; granite quarries -00465291 __true_up_VB_1 make level, square, balanced, or concentric; "true up the cylinder of an engine" -12114226 __genus_chloris_NN_1 tufted or perennial or annual grasses having runners: finger grass; windmill grass -03030919 __dostoyevskian_JJ_1 of or relating to or in the style of Feodor Dostoevski -02036982 __haematopus_NN_1 oystercatchers -13203842 __oleandraceae_NN_1 one of a number of families into which Polypodiaceae has been subdivided in some classification systems -05209324 __unboundedness_NN_1 the quality of being infinite; without bound or limit -10708454 __thinker_NN_2 someone who exercises the mind (usually in an effort to reach a decision) -03029573 __cesarian_JJ_1 relating to abdominal delivery -12194613 __sloanea_jamaicensis_NN_1 West Indian timber tree having very hard wood -03029133 __bismarckian_JJ_1 of or relating to Prince Otto von Bismarck or his accomplishments -05721180 __somesthesia_NN_1 the perception of tactual or proprioceptive or gut sensations; "he relied on somesthesia to warn him of pressure changes" -02093390 __flap_VB_4 move with a flapping motion; "The bird's wings were flapping" -01078235 __trump_VB_3 play a trump -03028465 __peripatetic_JJ_1 of or relating to Aristotle or his philosophy; "Aristotelean logic" -01112979 __kick_VB_7 make a goal; "He kicked the extra point after touchdown" -09085209 __evansville_NN_1 a city in southwestern Indiana on the Ohio River -01871406 __subclass_prototheria_NN_1 echidnas; platypus -10745332 __valet_de_chambre_NN_1 a manservant who acts as a personal attendant to his employer; "Jeeves was Bertie Wooster's man" -10294953 __sharpshooter_NN_2 someone skilled in shooting -14919819 __inositol_NN_1 an optically inactive alcohol that is a component of the vitamin B complex -02116322 __nyctereutes_NN_1 raccoon dogs -12642734 __western_sand_cherry_NN_1 dwarf ornamental shrub of western United States having large black to red and yellow sweet edible fruit -02766320 __baby_bed_NN_1 a small bed for babies; enclosed by sides to prevent the baby from falling -01837744 __precise_JJ_1 sharply exact or accurate or delimited; "a precise mind"; "specified a precise amount"; "arrived at the precise moment" -10553402 __savage_NN_1 a member of an uncivilized people -09155692 __beckley_NN_1 a city in southern West Virginia -03024420 __moroccan_JJ_1 of or relating to or characteristic of Morocco or its people; "Moroccan mosques cannot be entered by infidels" -04661706 __unthoughtfulness_NN_1 the trait of not thinking carefully before acting -13547925 __replenishment_NN_1 filling again by supplying what has been used up -12606227 __genus_commelina_NN_1 type genus of the Commelinaceae; large genus of herbs of branching or creeping habit: day flower; widow's tears -01109431 __outfight_VB_1 to fight better than; get the better of; "the Rangers outfought the Maple Leafs"; "The French forces outfought the Germans" -03022349 __epiphytic_JJ_1 of or relating to epiphytes -02113850 __solarize_VB_3 overexpose to sunlight; "be careful not to solarize the photographic film" -01127215 __barricade_VB_2 prevent access to by barricading; "The street where the President lives is always barricaded" -02745332 __make_VB_32 add up to; "four and four make eight" -00710155 __stylostixis_NN_1 treatment of pain or disease by inserting the tips of needles at specific points on the skin -01772782 __orb-weaver_NN_1 spiders that spin orb webs; cosmopolitan in distribution -05300507 __auditory_system_NN_1 the sensory system for hearing -04832716 __openhandedness_NN_1 liberality in bestowing gifts; extremely liberal and generous of spirit -14835478 __dilution_NN_1 a diluted solution -10387196 __right_fielder_NN_1 the person who plays right field -06961557 __welsh_NN_2 a Celtic language of Wales -03533486 __hookup_NN_2 a system of components assembled together for a particular purpose -02638323 __order_ganoidei_NN_1 a group of mostly extinct primitive bony fishes characterized by armor-like bony scales -01999767 __velvet_worm_NN_1 any of numerous velvety-skinned wormlike carnivorous animals common in tropical forests having characteristics of both arthropods and annelid worms -04097866 __robe_NN_1 any loose flowing garment -00673863 __eye_surgery_NN_1 any surgical procedure involving the eyes -02869837 __poke_bonnet_NN_1 a hat tied under the chin -10046527 __effector_NN_1 one who brings about a result or event; one who accomplishes a purpose -02970534 __carrycot_NN_1 box-shaped baby bed with handles (for a baby to sleep in while being carried) -02221454 __convey_VB_4 transmit a title or property -00828779 __edible_JJ_1 suitable for use as food -07415730 __transition_NN_2 an event that results in a transformation -07399917 __whirring_NN_1 sound of something in rapid motion; "whir of a bird's wings"; "the whir of the propellers" -06765656 __fatwah_NN_1 (Islam) a legal opinion or ruling issued by an Islamic scholar; "bin Laden issued three fatwahs calling upon Muslims to take up arms against the United States" -09383793 __pacific_coast_NN_1 a coast of the Pacific Ocean -02346136 __import_VB_1 bring in from abroad -03018498 __taxonomical_JJ_1 of or relating to taxonomy; "taxonomic relations"; "a taxonomic designation" -11456760 __force_field_NN_1 the space around a radiating body within which its electromagnetic oscillations can exert force on another similar body not in contact with it -03229905 __sinequan_NN_1 a tricyclic antidepressant (trade names Adapin and Sinequan) with numerous side effects (dry mouth and sedation and gastrointestinal disturbances) -03017922 __executive_JJ_1 having the function of carrying out plans or orders etc.; "the executive branch" -15092751 __vitamin_k_NN_1 a fat-soluble vitamin that helps in the clotting of blood -00105820 __toss_NN_2 (sports) the act of throwing the ball to another member of your team; "the pass was fumbled" -12377328 __shorea_NN_1 genus of Indonesian and Malaysian timber trees rich in resin -01776214 __treasure_VB_2 be fond of; be attached to -07538965 __discontentment_NN_1 a longing for something better than the present situation -05737153 __score_NN_1 a number or letter indicating quality (especially of a student's performance); "she made good marks in algebra"; "grade A milk"; "what was your score on your homework?" -02149302 __condemn_VB_4 demonstrate the guilt of (someone); "Her strange behavior condemned her" -03016202 __hellenic_JJ_3 of or relating to or characteristic of Greece or the Greeks or the Greek language; "Greek mythology"; "a Grecian robe" -06696991 __aliyah_NN_1 (Judaism) the honor of being called up to the reading desk in the synagogue to read from the Torah; "he was called on for an aliyah" -08096301 __shiah_islam_NN_1 one of the two main branches of orthodox Islam; mainly in Iran -05542193 __mastoidal_NN_1 process of the temporal bone behind the ear at the base of the skull -03015113 __whiplike_JJ_1 having or resembling a lash or whip (as does a flagellum) -04469813 __tramway_NN_1 a conveyance that transports passengers or freight in carriers suspended from cables and supported by a series of towers -00176137 __stem_VB_4 remove the stem from; "for automatic natural language processing, the words must be stemmed" -00631591 __introspect_VB_1 reflect on one's own thoughts and feelings -01928730 __lope_VB_1 run easily -02621901 __androgenous_JJ_1 of or related to androgenesis -12393527 __soleirolia_NN_1 one species; a dwarf creeping mat-forming evergreen herb -02936714 __coop_NN_2 an enclosure made or wire or metal bars in which birds or animals can be kept -00668099 __tolerate_VB_1 put up with something or somebody unpleasant; "I cannot bear his constant criticism"; "The new secretary had to endure a lot of unprofessional remarks"; "he learned to tolerate the heat"; "She stuck out two years in a miserable marriage" -10016103 __disciple_NN_1 someone who believes and helps to spread the doctrine of another -02305245 __family_arctiidae_NN_1 tiger moths -01698916 __lyric_VB_1 write lyrics for (a song) -07805254 __mash_NN_2 mixture of ground animal feeds -13941337 __resultant_NN_1 the final point in a process -12411922 __sword_lily_NN_2 plants with sword-shaped leaves and erect stalks bearing bright-colored flowers composed of three petals and three drooping sepals -06158346 __philosophy_NN_2 the rational investigation of questions about existence and knowledge and ethics -00730984 __missionary_work_NN_1 the organized work of a religious missionary -01013856 __topicalize_VB_1 emphasize by putting heavy stress on or by moving to the front of the sentence; "Speakers topicalize more often than they realize"; "The object of the sentence is topicalized in what linguists call `Yiddish Movement'" -09438055 __slough_NN_4 any outer covering that can be shed or cast off (such as the cast-off skin of a snake) -02505606 __bludgeon_VB_1 overcome or coerce as if by using a heavy club; "The teacher bludgeoned the students into learning the math formulas" -13984082 __dimout_NN_1 darkness resulting from the extinction of lights (as in a city invisible to enemy aircraft) -02169833 __leptinotarsa_NN_1 Colorado potato beetles -01283746 __parcel_VB_3 make into a wrapped container -07857731 __humus_NN_2 a thick spread made from mashed chickpeas, tahini, lemon juice and garlic; used especially as a dip for pita; originated in the Middle East -02530294 __genus_alosa_NN_1 shad -03008207 __urinary_JJ_1 of or relating to the function or production or secretion of urine -00124617 __shootout_NN_1 a fight involving shooting small arms with the intent to kill or frighten -03769881 __minibus_NN_1 a light bus (4 to 10 passengers) -02199170 __sheep_tick_NN_1 wingless fly that is an external parasite on sheep and cattle -02927512 __american_JJ_1 of or relating to the United States of America or its people or language or culture; "American citizens"; "American English"; "the American dream" -01039925 __sanctification_NN_1 a religious ceremony in which something is made holy -05831784 __thorn_NN_1 something that causes irritation and annoyance; "he's a thorn in my flesh" -02231487 __walkingstick_NN_1 any of various mostly tropical insects having long twiglike bodies -14547976 __astheny_NN_1 an abnormal loss of strength -01907258 __turn_VB_1 change orientation or direction, also in the abstract sense; "Turn towards me"; "The mugger turned and fled before I could see his face"; "She turned from herself and learned to listen to others' needs" -11955153 __spear_thistle_NN_1 European thistle with rather large heads and prickly leaves; extensively naturalized as a weed in the United States -13743100 __mate_NN_6 one of a pair; "he lost the mate to his shoe"; "one eye was blue but its fellow was brown" -01719645 __therapsida_NN_1 extinct mammal-like reptiles found inhabiting all continents from the mid Permian to late Triassic -10787470 __woman_NN_1 an adult female person (as opposed to a man); "the woman kept house while the man hunted" -08794798 __jerusalem_NN_1 capital and largest city of the modern state of Israel (although its status as capital is disputed); it was captured from Jordan in 1967 in the Six Day War; a holy city for Jews and Christians and Muslims; was the capital of an ancient kingdom -04972801 __light_brown_NN_1 a brown that is light but unsaturated -03023175 __thorazine_NN_1 a drug (trade name Thorazine) derived from phenothiazine that has antipsychotic effects and is used as a sedative and tranquilizer -02019566 __turnicidae_NN_1 small Old World birds resembling but not related to true quail -12924984 __genus_cnidoscolus_NN_1 a genus of perennial plant with bristles; belonging to the family Euphorbiaceae -13964466 __bigamy_NN_1 having two spouses at the same time -06749881 __prognosis_NN_1 a prediction about how something (as the weather) will develop -03004358 __idiomatical_JJ_1 of or relating to or conforming to idiom; "idiomatic English" -00435294 __burn_out_VB_1 melt, break, or become otherwise unusable; "The lightbulbs blew out"; "The fuse blew" -03003928 __afghanistani_JJ_1 of or relating to or characteristic of Afghanistan or its people -03003744 __irish_JJ_1 of or relating to or characteristic of Ireland or its people -01538775 __family_dacninae_NN_1 the honeycreepers -03003344 __english_JJ_1 of or relating to or characteristic of England or its culture or people; "English history"; "the English landed aristocracy"; "English literature" -09871681 __boy_scout_NN_1 a boy who is a member of the Boy Scouts -03002351 __nutritionary_JJ_1 of or relating to or providing nutrition; "nutritional information" -09181557 __passion_NN_4 an irrational but irresistible motive for a belief or action -01920048 __file_VB_3 proceed in line; "The students filed into the classroom" -03091907 __conning_tower_NN_2 a raised bridge on a submarine; often used for entering and exiting -01555742 __incise_VB_1 make an incision into by carving or cutting -09155986 __clarksburg_NN_1 a city in northern West Virginia -12372708 __papaya_family_NN_1 trees native to tropical America and Africa with milky juice and large palmately lobed leaves -01624833 __long-eared_owl_NN_1 slender European owl of coniferous forests with long ear tufts -14316714 __oedema_NN_1 swelling from excessive accumulation of watery fluid in cells, tissues, or serous cavities -07939382 __array_NN_1 an orderly arrangement; "an array of troops in battle order" -12374002 __rockrose_family_NN_1 shrubs or woody herbs of temperate regions especially Mediterranean -14717275 __bronze_NN_1 an alloy of copper and tin and sometimes other elements; also any copper-base alloy containing other elements in place of tin -07212612 __notice_NN_4 advance notification (usually written) of the intention to withdraw from an arrangement of contract; "we received a notice to vacate the premises"; "he gave notice two months before he moved" -06077648 __microbiology_NN_1 the branch of biology that studies microorganisms and their effects on humans -00927017 __existing_JJ_2 having existence or being or actuality; "an attempt to refine the existent machinery to make it more efficient"; "much of the beluga caviar existing in the world is found in the Soviet Union and Iran" -12700357 __toona_calantas_NN_1 Philippine timber tree having hard red fragrant wood -03064758 __coffin_NN_1 box in which a corpse is buried or cremated -12892226 __solanaceae_NN_1 large and economically important family of herbs or shrubs or trees often strongly scented and sometimes narcotic or poisonous; includes the genera Solanum, Atropa, Brugmansia, Capsicum, Datura, Hyoscyamus, Lycopersicon, Nicotiana, Petunia, Physalis, and Solandra -02580678 __poison_VB_1 spoil as if by poison; "poison someone's mind"; "poison the atmosphere in the office" -02996904 __parabolical_JJ_1 resembling or expressed by parables -02996605 __palatine_JJ_1 relating to or lying near the palate; "palatal index"; "the palatine tonsils" -05339357 __carotid_artery_NN_1 either of two major arteries of the neck and head; branches from the aorta -00261029 __melioration_NN_1 the act of relieving ills and changing for the better -00670250 __dilation_and_curettage_NN_1 a surgical procedure usually performed under local anesthesia in which the cervix is dilated and the endometrial lining of the uterus is scraped with a curet; performed to obtain tissue samples or to stop prolonged bleeding or to remove small tumors or to remove fragments of placenta after childbirth or as a method of abortion -00594621 __know_VB_1 be cognizant or aware of a fact or a specific piece of information; possess knowledge or information about; "I know that the President lied to the people"; "I want to know who is winning the game!"; "I know it's time" -10093908 __fitter_NN_1 someone who fits a garment to a particular person -12806455 __platanus_NN_1 genus of large monoecious mostly deciduous trees: London plane; sycamore -04378842 __tabernacle_NN_1 the Mormon temple -08400191 __alphabet_soup_NN_1 a confusing assortment; "Roosevelt created an alphabet soup of federal agencies" -10026763 __ostiary_NN_1 the lowest of the minor Holy Orders in the unreformed Western Church but now suppressed by the Roman Catholic Church -02310007 __return_VB_2 give back; "render money" -01543817 __genus_estrilda_NN_1 avadavats -07377082 __bleep_NN_1 a short high tone produced as a signal or warning -01083645 __parcelling_NN_1 the act of distributing by allotting or apportioning; distribution according to a plan; "the apportionment of seats in the House of Representatives is based on the relative population of each state" -01087197 __gird_VB_1 prepare oneself for a military confrontation; "The U.S. is girding for a conflict in the Middle East"; "troops are building up on the Iraqi border" -10705448 __theatrical_producer_NN_1 someone who produces theatrical performances -02731629 __scuba_NN_1 a device (trade name Aqua-Lung) that lets divers breathe under water; scuba is an acronym for self-contained underwater breathing apparatus -02560548 __wide_JJ_1 having great (or a certain) extent from one side to the other; "wide roads"; "a wide necktie"; "wide margins"; "three feet wide"; "a river two miles broad"; "broad shoulders"; "a broad river" -01064758 __lie-in_NN_1 a long stay in bed in the morning -00597957 __proctorship_NN_1 the position of proctor -08594286 __line_NN_7 a fortified position (especially one marking the most forward position of troops); "they attacked the enemy's line" -05659365 __vestibular_sense_NN_1 a sensory system located in structures of the inner ear that registers the orientation of the head -07426406 __point_mutation_NN_1 (genetics) a mutation due to an intramolecular reorganization of a gene -10767265 __warder_NN_1 a person who works in a prison and is in charge of prisoners -05552607 __thorax_NN_2 the part of the human torso between the neck and the diaphragm or the corresponding part in other vertebrates -03896103 __passenger_ship_NN_1 a ship built to carry passengers -02992070 __scopal_JJ_1 of or relating to scope; "scopal dependency" -04446521 __toilet_NN_2 a plumbing fixture for defecation and urination -03878963 __palisade_NN_1 fortification consisting of a strong fence made of stakes driven into the ground -00072261 __stain_NN_5 an act that brings discredit to the person who does it; "he made a huge blot on his copybook" -00160532 __seduction_NN_2 an act of winning the love or sexual favor of someone -06490887 __numbering_NN_1 a numbered list -02991463 __official_JJ_2 of or relating to an office; "official privileges" -08748076 __greater_antilles_NN_1 a group of islands in the western West Indies -14591091 __suspension_NN_1 a mixture in which fine particles are suspended in a fluid where they are supported by buoyancy -02696165 __alehouse_NN_1 a tavern where ale is sold -07020895 __music_NN_1 an artistic form of auditory communication incorporating instrumental or vocal tones in a structured and continuous manner -12924036 __mercurialis_annua_NN_1 Eurafrican annual naturalized in America as a weed; formerly dried for use as a purgative, diuretic or antisyphilitic -00605715 __viziership_NN_1 the position of vizier -12550408 __velvet_bean_NN_1 the annual woody vine of Asia having long clusters of purplish flowers and densely hairy pods; cultivated in southern United States for green manure and grazing -05219923 __female_body_NN_1 the body of a female human being -05610008 __rima_NN_1 a narrow elongated opening or fissure between two symmetrical parts -00980038 __offensive_NN_1 the action of attacking an enemy -12420991 __genus_hippeastrum_NN_1 bulbous flowering plants of tropical America -01735062 __thamnophis_NN_1 garter snakes -10699752 __tempter_NN_1 a person who tempts others; "Satan is the great tempter of mankind" -05513807 __male_reproductive_system_NN_1 the reproductive system of males -00916274 __snarl_VB_1 utter in an angry, sharp, or abrupt tone; "The sales clerk snapped a reply at the angry customer"; "The guard snarled at us" -07145508 __session_NN_1 a meeting for execution of a group's functions; "it was the opening session of the legislature" -03868863 __oxygen_mask_NN_1 a breathing device that is placed over the mouth and nose; supplies oxygen from an attached storage tank -00595146 __mastership_NN_2 the position of master -06614729 __shot_NN_6 a consecutive series of pictures that constitutes a unit of action in a film -14491625 __richness_NN_2 abundant wealth; "they studied forerunners of richness or poverty"; "the richness all around unsettled him for he had expected to find poverty" -02987454 __mutant_JJ_1 tending to undergo or resulting from mutation; "a mutant gene" -05841151 __art_form_NN_1 (architecture) a form of artistic expression (such as writing or painting or architecture) -00162236 __lucky_dip_NN_2 a selection or decision purely at random; "their system of hiring people seemed to be a sort of lucky dip" -00473799 __round_off_VB_2 bring to a highly developed, finished, or refined state; "polish your social manners" -03614532 __keyboard_instrument_NN_1 a musical instrument that is played by means of a keyboard -02714315 __anode_NN_1 a positively charged electrode by which electrons leave an electrical device -10240082 __knower_NN_1 a person who knows or apprehends -13384164 __pension_NN_1 a regular payment to a person that is intended to allow them to subsist without working -00291444 __ray_VB_3 expose to radiation; "irradiate food" -09831731 __bad_egg_NN_1 (old-fashioned slang) a bad person -05030806 __vigour_NN_2 active strength of body or mind -08949093 __the_netherlands_NN_1 a constitutional monarchy in western Europe on the North Sea; half the country lies below sea level -10336537 __mudslinger_NN_1 one who spreads real or alleged scandal about another (usually for political advantage) -05618056 __wit_NN_2 mental ability; "he's got plenty of brains but no common sense" -08858942 __great_britain_NN_2 an island comprising England and Scotland and Wales -11828973 __wild_spinach_NN_1 European plant naturalized in North America; often collected from the wild as a potherb -02658079 __righteyed_flounder_NN_1 flounders with both eyes on the right side of the head -11076079 __thomas_jonathan_jackson_NN_1 general in the Confederate Army during the American Civil War whose troops at the first Battle of Bull Run stood like a stone wall (1824-1863) -02813315 __theatrical_JJ_1 of or relating to the theater -02979722 __maturational_JJ_1 relating to or involved in maturation; "maturational process" -02272152 __genus_frankliniella_NN_1 tobacco thrips -09144730 __garland_NN_2 a city in northeastern Texas (suburb of Dallas) -06587980 __spyware_NN_1 computer software that obtains information from a user's computer without the user's knowledge or consent -14451349 __pressure_NN_4 the state of demanding notice or attention; "the insistence of their hunger"; "the press of business matters" -11005571 __samuel_goldwyn_NN_1 United States film maker (born in Poland) who founded his own film company and later merged with Louis B. Mayer (1882-1974) -02272552 __thrips_tobaci_NN_1 injurious to onion plants and sometimes tobacco -01755274 __genus_crotalus_NN_1 large rattlesnakes; seldom bite unless startled or pursuing prey -09938272 __standard-bearer_NN_2 the soldier who carries the standard of the unit in military parades or in battle -00307785 __irrupt_VB_2 erupt or intensify suddenly; "Unrest erupted in the country"; "Tempers flared at the meeting"; "The crowd irrupted into a burst of patriotism" -02014061 __genus_cariama_NN_1 the type genus of the Cariamidae comprising only the crested cariama -02832168 __beta_blocker_NN_1 any of various drugs used in treating hypertension or arrhythmia; decreases force and rate of heart contractions by blocking beta-adrenergic receptors of the autonomic nervous system -05333777 __artery_NN_1 a blood vessel that carries blood from the heart to the body -14297870 __sting_NN_3 a painful wound caused by the thrust of an insect's stinger into skin -00693401 __deify_VB_1 consider as a god or godlike; "These young men deify financial success" -08430568 __line_NN_1 a formation of people or things one beside another; "the line of soldiers advanced with their bayonets fixed"; "they were arrayed in line of battle"; "the cast stood in line for the curtain call" -14807737 __monoamine_neurotransmitter_NN_1 a monoamine that is functionally important in neural transmission -07172557 __text_NN_2 a passage from the Bible that is used as the subject of a sermon; "the preacher chose a text from Psalms to introduce his sermon" -02974615 __palestinian_JJ_1 of or relating to the area of Palestine and its inhabitants; "Palestinian guerrillas" -07812790 __lemon_oil_NN_1 fragrant yellow oil obtained from the lemon peel -03390983 __framing_NN_2 a framework that supports and protects a picture or a mirror; "the frame enhances but is not itself the subject of attention"; "the frame was much more valuable than the miror it held" -14678406 __hemimorphite_NN_1 a white mineral; a common ore of zinc -04554211 __washboard_NN_2 protective covering consisting of a broad plank along a gunwale to keep water from splashing over the side -08053260 __pontificate_NN_1 the government of the Roman Catholic Church -01726172 __play_VB_7 perform music on (a musical instrument); "He plays the flute"; "Can you play on this old recorder?" -02972499 __athenian_JJ_1 of or relating to or characteristic of Athens or its inhabitants -02298160 __market_VB_1 engage in the commercial promotion, sale, or distribution of; "The company is marketing its new line of beauty products" -14057371 __cardiovascular_disease_NN_1 a disease of the heart or blood vessels -02971672 __hindustani_JJ_1 of or relating to or characteristic of Hindustan or its people or language -07796165 __sockeye_salmon_NN_1 fatty red flesh of salmon of Pacific coast and rivers -03257586 __duplicator_NN_1 apparatus that makes copies of typed, written or drawn material -08172103 __arab_league_NN_1 an international organization of independent Arab states formed in 1945 to promote cultural and economic and military and political and social cooperation -02620033 __percophidae_NN_1 percoid flatheads -02410855 __work_VB_2 be employed; "Is your husband working again?"; "My wife never worked"; "Do you want to work after the age of 60?"; "She never did any work because she inherited a lot of money"; "She works as a waitress to put herself through college" -07818133 __fenugreek_seed_NN_1 aromatic seeds used as seasoning especially in curry -01333301 __rhabdoviridae_NN_1 a family of arborviruses carried by arthropods -02968828 __kampuchean_JJ_1 of or relating to or characteristic of Cambodia or its people or language -07579399 __wad_NN_3 a wad of something chewable as tobacco -12125782 __oryza_NN_1 rice -03686130 __loft_NN_2 floor consisting of open space at the top of a house just below roof; often used for storage -09243405 __chesapeake_bay_NN_1 a large inlet of the North Atlantic between Virginia and Maryland; fed by Susquehanna River -02968325 __european_JJ_1 of or relating to or characteristic of Europe or the people of Europe; "European Community" -03239399 __heading_NN_3 a horizontal (or nearly horizontal) passageway in a mine; "they dug a drift parallel with the vein" -01695681 __archosaurian_reptile_NN_1 extinct reptiles including: dinosaurs; plesiosaurs; pterosaurs; ichthyosaurs; thecodonts -07614500 __icecream_NN_1 frozen dessert containing cream and sugar and flavoring -01232246 __recitation_NN_3 a regularly scheduled session as part of a course of study -12935609 __winter_fern_NN_1 large branching biennial herb native to Eurasia and Africa and adventive in North America having large fernlike leaves and white flowers; usually found in damp habitats; all parts extremely poisonous -03522239 __histamine_blocker_NN_1 a medicine used to treat the gastric effects of histamine in cases of peptic ulcers and gastritis and gastroesophageal reflux; works by blocking the effects of histamine on the receptor site known as H2 -02042180 __pewit_gull_NN_1 small black-headed European gull -02962013 __yugoslavian_JJ_1 of or relating to or characteristic of the former country of Yugoslavia or its people or languages; "Yugoslavian wine" -02961688 __czechoslovakian_JJ_1 of or relating to Czechoslovakia or its people or their language; "The Czech border"; "Czechoslovak nationalists"; "The Czechoslovakian population" -13900287 __toroid_NN_1 the doughnut-shaped object enclosed by a torus -02961505 __magyar_JJ_1 relating to or characteristic of Hungary; "Hungarian folk music" -10387324 __right-hander_NN_1 (baseball) a pitcher who throws with the right hand -13940456 __top_NN_5 the highest level or degree attainable; the highest stage of development; "his landscapes were deemed the acme of beauty"; "the artist's gifts are at their acme"; "at the height of her career"; "the peak of perfection"; "summer was at its peak"; "...catapulted Einstein to the pinnacle of fame"; "the summit of his ambition"; "so many highest superlatives achieved by man"; "at the top of his profession" -00241038 __shrink_VB_3 reduce in size; reduce physically; "Hot water will shrink the sweater"; "Can you shrink this image?" -11885148 __genus_diplotaxis_NN_1 wall rocket -00147454 __junction_NN_5 an act of joining or adjoining things -00660571 __sequence_VB_1 arrange in a sequence -02960130 __scandinavian_JJ_1 of or relating to Scandinavia or its peoples or cultures; "Norse sagas"; "Norse nomads" -06496624 __muster_roll_NN_1 a list of names of officers and men in a military unit or ship's company -02959912 __norwegian_JJ_1 of or relating to Norway or its people or culture or language; "Norwegian herring" -13609507 __work_unit_NN_1 a unit of measurement for work -04068441 __refinery_NN_1 an industrial plant for purifying a crude substance -02136623 __genus_fossa_NN_1 monotypic genus of Madagascar civets closely related to palm civets -09103377 __st._paul_NN_1 capital of the state of Minnesota; located in southeastern Minnesota on the Mississippi river adjacent to Minneapolis; one of the Twin Cities -10710509 __tier_NN_2 any one of two or more competitors who tie one another -06481320 __listing_NN_1 a database containing an ordered array of items (names or topics) -09961999 __schmoozer_NN_1 someone skilled at conversation -02958126 __teutonic_JJ_1 of or pertaining to the ancient Teutons or their languages; "Teutonic peoples such as Germans and Scandinavians and British"; "Germanic mythology" -01384164 __zooplankton_NN_1 animal constituent of plankton; mainly small crustaceans and fish larvae -02958017 __britannic_JJ_1 of Britain; "Her Britannic Majesty" -02133297 __stargaze_VB_1 observe the stars -02957823 __gaelic_JJ_1 relating to or characteristic of the Celts -12019375 __stenotus_acaulis_NN_1 dark green erect herb of northwestern United States and southwestern Canada having stiff leaves in dense tufts and yellow flower heads; sometimes placed in genus Haplopappus -02556846 __perch_NN_6 spiny-finned freshwater food and game fishes -01279978 __unimportant_JJ_1 not important; "a relatively unimportant feature of the system"; "the question seems unimportant" -01147950 __suppression_NN_2 the act of withholding or withdrawing some book or writing from publication or circulation; "a suppression of the newspaper" -05958549 __animalism_NN_1 the doctrine that human beings are purely animal in nature and lacking a spiritual nature -02955562 __wesleyan_JJ_1 of or pertaining to or characteristic of the branch of Protestantism adhering to the views of Wesley; "Methodist theology" -01579622 __spoon_VB_1 scoop up or take up with a spoon; "spoon the sauce over the roast" -04632157 __sprightliness_NN_1 animation and energy in action or expression; "it was a heavy play and the actors tried in vain to give life to it" -15051705 __solid_solution_NN_1 a homogeneous solid that can exist over a range of component chemicals; a constituent of alloys that is formed when atoms of an element are incorporated into the crystals of a metal -06336537 __street_name_NN_2 slang for something (especially for an illegal drug); "`smack' is a street name for heroin" -02953598 __russian_orthodox_JJ_1 of or relating to or characteristic of the Eastern Orthodox Church -00346095 __wave_NN_2 a movement like that of a sudden occurrence or increase in a specified phenomenon; "a wave of settlers"; "troops advancing in waves" -12796385 __coast_boykinia_NN_1 plant with leaves mostly at the base and openly branched clusters of small white flowers; western North America -11089669 __jolson_NN_1 United States singer (born in Russia) who appeared in the first full-length talking film (1886-1950) -02952275 __christian_JJ_1 relating to or characteristic of Christianity; "Christian rites" -09695979 __white_russian_NN_1 a native or inhabitant of Byelorussia -11552386 __spermatophyte_NN_1 plant that reproduces by means of seeds not spores -00650743 __mass_spectroscopy_NN_1 the use of spectroscopy to determine the masses of small electrically charged particles -07835051 __salad_cream_NN_1 a creamy salad dressing resembling mayonnaise -08425303 __traffic_NN_1 the aggregation of things (pedestrians or vehicles) coming and going in a particular locality during a specified period of time -02950154 __occlusive_JJ_1 tending to occlude -03011521 __checkerboard_NN_1 a board having 64 squares of two alternating colors -02949931 __morphological_JJ_1 relating to or concerned with the formation of admissible words in a language -00509039 __compatible_JJ_2 capable of being used with or connected to other devices or components without modification -12480677 __genus_sansevieria_NN_1 Old World tropical herbaceous perennial of the agave family; in some classifications considered a genus of Liliaceae -10423225 __philologue_NN_1 a humanist specializing in classical scholarship -01987353 __palaemon_NN_1 type genus of the family Palaemonidae; widely distributed genus -05220126 __woman's_body_NN_1 the body of an adult woman -00682592 __reappraise_VB_1 appraise anew; "Homes in our town are reappraised every five years and taxes are increased accordingly" -10998305 __mel_gibson_NN_1 Australian actor (born in the United States in 1956) -02945971 __pedagogical_JJ_1 of or relating to pedagogy; "pedagogical significance" -03013850 __chenille_NN_2 a heavy fabric woven with chenille cord; used in rugs and bedspreads -02945820 __developmental_JJ_1 of or relating to or constituting development; "developmental psychology" -01352059 __bacteria_family_NN_1 a family of bacteria -00567044 __drive_NN_12 (sports) a hard straight return (as in tennis or squash) -05786655 __self-examination_NN_1 the contemplation of your own thoughts and desires and conduct -10305062 __medallist_NN_1 someone who has won a medal -05789432 __judgment_NN_4 the cognitive process of reaching a decision or drawing conclusions -14463826 __flaw_NN_2 defect or weakness in a person's character; "he had his flaws, but he was great nonetheless" -02504017 __shun_VB_2 expel from a community or group -09154178 __seattle_NN_1 a major port of entry and the largest city in Washington; located in west central Washington on the protected waters of Puget Sound with the snow-capped peaks of the Cascade Range and Mount Ranier visible to the south and east; an aerospace and computer center; site of the University of Washington -00893741 __alibi_VB_1 exonerate by means of an alibi -09083390 __windy_city_NN_1 largest city in Illinois; a bustling Great Lakes port that extends 26 miles along the southwestern shoreline of Lake Michigan -12052053 __genus_coeloglossum_NN_1 terrestrial orchids of cooler parts of North America and Europe: satyr orchid -01296296 __syracuse_NN_3 the Roman siege of Syracuse (214-212 BC) was eventually won by the Romans who sacked the city (killing Archimedes) -12056601 __nerveroot_NN_1 once common rose pink woodland orchid of eastern North America -06836714 __aleph_NN_1 the 1st letter of the Hebrew alphabet -00217956 __wash_VB_11 make moist; "The dew moistened the meadows" -02942769 __ontogenetic_JJ_1 of or relating to the origin and development of individual organisms; "ontogenetic development" -08656590 __station_NN_3 (nautical) the location to which a ship or fleet is assigned for duty -07400552 __yip_NN_1 a sharp high-pitched cry (especially by a dog) -07419233 __densification_NN_1 an increase in the density of something -10341446 __musketeer_NN_1 a foot soldier armed with a musket -12310349 __lilac_NN_1 any of various plants of the genus Syringa having large panicles of usually fragrant flowers -02940509 __propitiatory_JJ_1 having power to atone for or offered by way of expiation or propitiation; "expiatory (or propitiatory) sacrifice" -05495571 __corpus_amygdaloideum_NN_1 an almond-shaped neural structure in the anterior part of the temporal lobe of the cerebrum; intimately connected with the hypothalamus and the hippocampus and the cingulate gyrus; as part of the limbic system it plays an important role in motivation and emotional behavior -02939919 __rotatory_JJ_1 of or relating to or characteristic or causing an axial or orbital turn -00746718 __tell_VB_4 give instructions to or direct somebody to do something with authority; "I said to him to go home"; "She ordered him to do the shopping"; "The mother told the child to get dressed" -06567960 __groupware_NN_1 software that can be used by a group of people who are working on the same information but may be distributed in space -03789946 __motor_NN_1 machine that converts other forms of energy into mechanical energy and so imparts motion -00857424 __sapphism_NN_1 female homosexuality -00738747 __call_VB_25 utter in a loud voice or announce; "He called my name"; "The auctioneer called the bids" -11724822 __genus_anemone_NN_1 perennial herbs with tuberous roots and beautiful flowers; of north and south temperate regions -00189669 __slip_VB_2 insert inconspicuously or quickly or quietly; "He slipped some money into the waiter's hand" -01467675 __genus_amphioxus_NN_1 type genus of the Amphioxidae -01651059 __hyla_arenicolor_NN_1 a small chiefly ground dweller that stays within easy jumping distance of water; of United States southwest and northern Mexico -01482958 __shrine_VB_1 enclose in a shrine; "the saint's bones were enshrined in the cathedral" -12288422 __subfamily_corylaceae_NN_1 used in some classification systems for the genus Corylus -00171882 __shtik_NN_4 (Yiddish) a devious trick; a bit of cheating; "how did you ever fall for a shtik like that?" -02937108 __phrasal_JJ_1 of or relating to or functioning as a phrase; "phrasal verb" -13672555 __sen_NN_1 a fractional monetary unit of Japan and Indonesia and Cambodia; equal to one hundredth of a yen or rupiah or riel -08361329 __republic_NN_1 a political system in which the supreme power lies in a body of citizens who can elect people to represent them -15229408 __canonical_hour_NN_1 (Roman Catholic Church) one of seven specified times for prayer -02068408 __hyperoodon_NN_1 bottle-nosed whales -14083790 __psychological_disorder_NN_1 (psychiatry) a psychological disorder of thought or emotion; a more neutral term than mental illness -02934594 __abdominal_JJ_1 of or relating to or near the abdomen; "abdominal muscles" -13254805 __gain_NN_4 the amount by which the revenue of a business exceeds its cost of operating -02137538 __sexy_JJ_2 exciting sexual desire -01559294 __hylocichla_NN_1 American thrush: wood thrush; hermit thrush; veery -01867502 __consumptive_JJ_1 tending to consume or use often wastefully; "water suitable for beneficial consumptive uses"; "duties consumptive of time and energy"; "consumptive fires" -00148472 __fall_off_VB_3 diminish in size or intensity -02933304 __testicular_JJ_1 of or involving the testes; "testicular cancer" -01593705 __irenidae_NN_1 a family of birds of the suborder Oscines -10120330 __refuse_collector_NN_1 someone employed to collect and dispose of refuse -12383256 __passiflora_NN_1 type genus of the Passifloraceae -08389438 __musketry_NN_1 musketeers and their muskets collectively -06741099 __alibi_NN_1 (law) a defense by an accused person purporting to show that he or she could not have committed the crime in question -12166128 __lagenaria_siceraria_NN_1 Old World climbing plant with hard-shelled bottle-shaped gourds as fruits -01053920 __residency_NN_1 the act of dwelling in a place -05127959 __sweep_NN_1 a wide scope; "the sweep of the plains" -02577532 __oligoplites_NN_1 leatherjackets -00846432 __hank_panky_NN_1 illicit sexual intercourse -04530283 __vertical_tail_NN_1 the vertical airfoil in the tail assembly of an aircraft -10434725 __trailblazer_NN_2 someone who helps to open up a new line of research or technology or art -12474620 __uvulariaceae_NN_1 one of many subfamilies into which some classification systems subdivide the Liliaceae -02401809 __throw_out_VB_3 remove from a position or office; "The chairman was ousted after he misappropriated funds" -02284544 __buy_into_VB_1 buy stocks or shares of a company -00008435 __wink_VB_4 force to go away by blinking; "blink away tears" -02567960 __roccus_NN_1 a genus of Serranidae -10054657 __employer_NN_1 a person or firm that employs workers -06949591 __old_english_NN_1 English prior to about 1100 -03526805 __hole_NN_3 one playing period (from tee to green) on a golf course; "he played 18 holes" -04941942 __impermeableness_NN_1 the property of something that cannot be pervaded by a liquid -01923909 __climb_VB_2 move with difficulty, by grasping -10763878 __waker_NN_2 a person who awakes; "an early waker" -02928066 __native_american_JJ_1 of or pertaining to American Indians or their culture or languages; "Native American religions"; "Indian arrowheads" -11658104 __prumnopitys_NN_1 mostly dioecious evergreen conifers; leaves are softer than in Podocarpus -00609953 __profession_NN_2 an occupation requiring special education (especially in the liberal arts or sciences) -07377682 __thunder_NN_1 a deep prolonged loud noise -11865071 __caper_NN_1 any of numerous plants of the genus Capparis -10624540 __songwriter_NN_1 a composer of words or music for popular songs -09403734 __range_of_mountains_NN_1 a series of hills or mountains; "the valley was between two ranges of hills"; "the plains lay just beyond the mountain range" -01176079 __mess_VB_1 eat in a mess hall -12633994 __orchard_apple_tree_NN_1 native Eurasian tree widely cultivated in many varieties for its firm rounded edible fruits -01609953 __draw_close_VB_3 pull towards oneself; "He drew the crying child close" -02923745 __hindu_JJ_1 of or relating to or supporting Hinduism; "the Hindu faith" -02425532 __nylghau_NN_1 large Indian antelope; male is blue-grey with white markings; female is brownish with no horns -01583373 __strepera_NN_1 bell magpies -15127982 __devonian_period_NN_1 from 405 million to 345 million years ago; preponderance of fishes and appearance of amphibians and ammonites -14857278 __pollutant_NN_1 waste matter that contaminates the water or air or soil -05219724 __male_body_NN_1 the body of a male human being -06837679 __yodh_NN_1 the 10th letter of the Hebrew alphabet -02922448 __judaical_JJ_1 of or relating to or characteristic of the Jews or their culture or religion; "the Judaic idea of justice" -02921753 __romish_JJ_1 of or relating to or supporting Romanism; "the Roman Catholic Church" -11713370 __yellow_parilla_NN_1 a woody vine of eastern North America having large oval leaves and small white flowers and purple to blue-black fruits -02279257 __peacock_butterfly_NN_1 European butterfly having reddish-brown wings each marked with a purple eyespot -03284120 __emplacement_NN_1 military installation consisting of a prepared position for siting a weapon -12996068 __deuteromycetes_NN_1 form class; coextensive with subdivision Deuteromycota -04466386 __traffic_lane_NN_1 a lane of a main road that is defined by painted lines; "that car is in the wrong traffic lane" -01549430 __wood_pewee_NN_1 small olive-colored woodland flycatchers of eastern North America -02430045 __deer_NN_1 distinguished from Bovidae by the male's having solid deciduous antlers -11792742 __symplocarpus_foetidus_NN_1 deciduous perennial low-growing fetid swamp plant of eastern North America having minute flowers enclosed in a mottled greenish or purple cowl-shaped spathe -05399486 __amniotic_cavity_NN_1 the fluid-filled cavity that surrounds the developing embryo -02919275 __conspiratorial_JJ_1 relating to or characteristic of conspiracy or conspirators; "a conspiratorial whisper"; "the discovery of possible conspirative codes" -14682642 __monazite_NN_1 a reddish-brown mineral containing rare earth metals; an important source of thorium and cerium -08230294 __slate_club_NN_1 a group of people who save money in a common fund for a specific purpose (usually distributed at Christmas) -03532342 __hook_NN_5 a curved or bent implement for suspending or pulling something -07493527 __sexual_pleasure_NN_1 pleasure derived from sexual activities -02918271 __spectroscopical_JJ_1 of or relating to or involving spectroscopy; "spectroscopic analysis" -06557047 __subpoena_ad_testificandum_NN_1 a writ issued by court authority to compel the attendance of a witness at a judicial proceeding; disobedience may be punishable as a contempt of court -12062227 __genus_epipactis_NN_1 genus of hardy orchids with leafy-bracted racemes of greenish or purplish irregular flowers -01048492 __bleat_VB_1 talk whiningly -00959645 __contretemps_NN_1 an awkward clash; "he tried to smooth over his contretemps with the policeman" -00555983 __dash_NN_6 the act of moving with great haste; "he made a dash for the door" -11841529 __family_cactaceae_NN_1 constituting the order Opuntiales -09616722 __ensign_NN_1 a person who holds a commissioned rank in the United States Navy or the United States Coast Guard; below lieutenant junior grade -01941670 __gastropoda_NN_1 snails and slugs and their relatives -15258450 __quarter_NN_3 (football, professional basketball) one of four divisions into which some games are divided; "both teams scored in the first quarter" -10383237 __organizer_NN_1 a person who brings order and organization to an enterprise; "she was the organizer of the meeting" -02344785 __lemmus_NN_1 lemmings -09627117 __precursor_NN_2 a person who goes before or announces the coming of another -05331171 __suprarenal_gland_NN_1 either of a pair of complex endocrine glands situated near the kidney -01590443 __sittidae_NN_1 nuthatches -00583246 __vocation_NN_1 the particular occupation for which you are trained -06078327 __morphology_NN_1 the branch of biology that deals with the structure of animals and plants -01315330 __homotherm_NN_1 an animal that has a body temperature that is relatively constant and independent of the environmental temperature -01698271 __write_VB_1 produce a literary work; "She composed a poem"; "He wrote four novels" -00899597 __salute_VB_2 greet in a friendly way; "I meet this men every day on my way to work and he salutes me" -00737705 __paraphilia_NN_1 abnormal sexual activity -01827745 __slobber_over_VB_1 envy without restraint -11098223 __kean_NN_1 English actor noted for his portrayals of Shakespeare's great tragic characters (1789-1833) -02007721 __family_ardeidae_NN_1 herons; egrets; night herons; bitterns -10991415 __garrick_NN_1 English actor and theater manager who was the foremost Shakespearean actor of his day (1717-1779) -00331655 __shifting_NN_1 the act of moving from one place to another; "his constant shifting disrupted the class" -12643473 __sour_cherry_tree_NN_1 rather small Eurasian tree producing red to black acid edible fruit -04218773 __silencer_NN_1 short tube attached to the muzzle of a gun that deadens the sound of firing -13120446 __parasitic_plant_NN_1 plant living on another plant and obtaining organic nutriment from it -02910789 __necromantical_JJ_1 relating to or associated with necromancy; "mysterious necromantic rites" -12494358 __wild_sensitive_plant_NN_1 tropical American plant having leaflets somewhat sensitive to the touch; sometimes placed in genus Cassia -10611541 __sleepyhead_NN_1 a sleepy person -06013584 __matrix_algebra_NN_1 the part of algebra that deals with the theory of matrices -04799344 __strangeness_NN_3 the quality of being alien or not native; "the strangeness of a foreigner" -06952572 __dutch_NN_2 the West Germanic language of the Netherlands -02717831 __set_off_VB_5 make up for; "His skills offset his opponent's superior strength" -02909006 __navigational_JJ_1 of or relating to navigation; "navigational aids" -01013971 __typology_NN_1 classification according to general type -03718056 __osmitrol_NN_1 a diuretic (trade name Osmitrol) used to promote the excretion of urine -00009492 __peel_off_VB_5 peel off in scales; "dry skin desquamates" -08900535 __republic_of_india_NN_1 a republic in the Asian subcontinent in southern Asia; second most populous country in the world; achieved independence from the United Kingdom in 1947 -02907473 __computational_JJ_1 of or involving computation or computers; "computational linguistics" -02714865 __cantilever_VB_1 project as a cantilever -12651465 __pyrus_NN_1 fruit trees native to the Old World: pears -03086183 __stockade_NN_2 a penal camp where political prisoners or prisoners of war are confined (usually under harsh conditions) -04240576 __slip_coach_NN_1 a railway car at the end of the train; it can be detached without stopping the train -12089178 __hottentot_bread_NN_1 thick edible rootstock of elephant's-foot -13077033 __mould_NN_4 a fungus that produces a superficial growth on various kinds of damp or decaying organic matter -05915584 __yin_NN_1 the dark negative feminine principle in Chinese dualistic cosmology; "the interaction of yin and yang maintains the harmony of the universe" -02881193 __bowl_NN_1 a round vessel that is open at the top; used chiefly for holding food or liquids; -02391782 __rhinocerotidae_NN_1 rhinoceroses -14661482 __ytterbium_NN_1 a soft silvery metallic element; a rare earth of the lanthanide series; it occurs in gadolinite and monazite and xenotime -09625401 __subject_NN_7 a person who owes allegiance to that nation; "a monarch has a duty to his subjects" -08162245 __united_states_government_accounting_office_NN_1 an independent nonpartisan federal agency that acts as the investigative arm of Congress making the executive branch accountable to Congress and the government accountable to citizens of the United States -00667747 __refute_VB_2 prove to be false or incorrect -14069895 __saturnism_NN_1 toxic condition produced by the absorption of excessive lead into the system -14238528 __fibroma_NN_1 nonmalignant tumor of connective tissue -02272286 __tobacco_thrips_NN_1 injurious to growing tobacco and peanuts -00528836 __dawn_VB_3 become light; "It started to dawn, and we had to get up" -02241569 __heteropterous_insect_NN_1 true bugs: insects whose forewings are membranous but have leathery tips -01972017 __genus_architeuthis_NN_1 giant squid -10395605 __pamphleteer_NN_1 a writer of pamphlets (usually taking a partisan stand on public issues) -08805565 __napoli_NN_1 a port and tourist center in southwestern Italy; capital of the Campania region -01496630 __emplace_VB_2 put into place or position; "the box with the ancestors' ashes was emplaced on the top shelf of the house altar" -04463273 __tracing_NN_2 a drawing created by superimposing a semitransparent sheet of paper on the original image and copying on it the lines of the original image -00736786 __hell_NN_6 noisy and unrestrained mischief; "raising blazes" -06828818 __letter_of_the_alphabet_NN_1 the conventional characters of the alphabet used to represent speech; "his grandmother taught him his letters" -03028079 __church_building_NN_1 a place for public (especially Christian) worship; "the church was empty" -15133621 __duration_NN_1 the period of time during which something continues -09379111 __opening_NN_1 an open or empty space in or between things; "there was a small opening between the trees"; "the explosion made a gap in the wall" -01951721 __family_akeridae_NN_1 bubble shells -05753564 __education_NN_3 the gradual process of acquiring knowledge; "education is a preparation for life"; "a girl's education was less important than a boy's" -12729315 __swamp_willow_NN_1 North American shrubby willow having dark bark and linear leaves growing close to streams and lakes -14151884 __abetalipoproteinemia_NN_1 a rare inherited disorder of fat metabolism; characterized by severe deficiency of beta-lipoproteins and abnormal red blood cells (acanthocytes) and abnormally low cholesterol levels -05517578 __vesicle_NN_1 a small anatomically normal sac or bladderlike structure (especially one containing fluid) -02173784 __oriental_beetle_NN_1 introduced into United States from the Orient; larvae feed on roots of sugarcane and other grasses -07927512 __tonic_NN_2 a sweet drink containing carbonated water and flavoring; "in New England they call sodas tonics" -00442669 __set_VB_14 become gelatinous; "the liquid jelled after we added the enzyme" at a retail price; "I'll sell it to you retail only" -02896789 __documentary_JJ_1 relating to or consisting of or derived from documents -02165543 __inspect_VB_1 look over carefully; "Please inspect your father's will carefully" -10122645 __shirtlifter_NN_1 a homosexual man -01921772 __struggle_VB_3 climb awkwardly, as if by scrambling -01165043 __use_VB_2 take or consume (regularly or habitually); "She uses drugs rarely" -07684164 __unleavened_bread_NN_1 brittle flat bread eaten at Passover -00698732 __seal_VB_3 decide irrevocably; "sealing dooms" -10808353 __president_john_quincy_adams_NN_1 6th President of the United States; son of John Adams (1767-1848) -10262183 __lightning_rod_NN_1 someone who is a frequent target of negative reactions and serves to distract attention from another -08229275 __chess_club_NN_1 a club of people to play chess -04126659 __safety_fuse_NN_1 a slow-burning fuse consisting of a tube or cord filled or saturated with combustible matter; used to ignite detonators from a distance -06562802 __demurrer_NN_2 (law) any pleading that attacks the legal sufficiency of the opponent's pleadings -01422594 __telosporidia_NN_1 parasitic sporozoans that form spores containing one or more infective sporozoites -05344848 __ethmoidal_artery_NN_1 a branch of the ophthalmic artery supplying structures in and around the nasal capsule -02893338 __doctorial_JJ_1 of or relating to a doctor or doctorate; "doctoral dissertation"; "doctorial candidates" -01250908 __scratch_VB_1 cause friction; "my sweater scratches" -05799212 __tryout_NN_1 trying something to find out about it; "a sample for ten days free trial"; "a trial of progesterone failed to relieve the pain" -09289913 __golden_gate_NN_1 a strait in western California that connects the San Francisco Bay with the Pacific Ocean; discovered in 1579 by Sir Francis Drake -11883945 __scurvy_grass_NN_1 a widely distributed Arctic cress reputed to have value in treatment or prevention of scurvy; a concentrated source of vitamin C -13913427 __ray_NN_3 (mathematics) a straight line extending from a point -13743605 __yoke_NN_3 two items of the same kind -00077645 __afraid_JJ_1 filled with fear or apprehension; "afraid even to turn his head"; "suddenly looked afraid"; "afraid for his life"; "afraid of snakes"; "afraid to ask questions" -03443543 __godown_NN_1 (in India and Malaysia) a warehouse -02643740 __suspend_VB_6 render temporarily ineffective; "the prison sentence was suspended" -03974671 __power_point_NN_1 a wall socket -00764436 __narcoterrorism_NN_1 the financing of terrorist activities by participation in the drug trade -04905188 __tractableness_NN_1 the trait of being easily persuaded -07162680 __suggestion_NN_2 a proposal offered for acceptance or rejection; "it was a suggestion we couldn't refuse" -09035951 __tanga_NN_2 a port city in northeastern Tanzania on the Indian Ocean -02302853 __genus_actias_NN_1 luna moths -09060768 __golden_state_NN_1 a state in the western United States on the Pacific; the 3rd largest state; known for earthquakes -04743605 __similarity_NN_1 the quality of being similar -13892897 __magnetic_inclination_NN_1 (physics) the angle that a magnetic needle makes with the plane of the horizon -02888000 __marine_JJ_3 of or relating to military personnel who serve both on land and at sea (specifically the U.S. Marine Corps); "marine barracks" -02887741 __copulatory_JJ_1 of or relating to coitus or copulation -05924920 __standard_NN_2 the ideal in terms of which something can be judged; "they live by the standards of their community" -01743605 __python_NN_1 large Old World boas -02675987 __acoustic_NN_1 a remedy for hearing loss or deafness -10564800 __scrimshanker_NN_1 a shirker -13083023 __houseplant_NN_1 any of a variety of plants grown indoors for decorative purposes -10615334 __smuggler_NN_1 someone who imports or exports without paying duties -02884456 __spinal_JJ_1 of or relating to the spine or spinal cord; "spinal cord"; "spinal injury" -12739801 __mistletoe_NN_1 American plants closely resembling Old World mistletoe -05142180 __goodness_NN_1 that which is pleasing or valuable or useful; "weigh the good against the bad"; "among the highest goods of all are happiness and self-realization" -02325558 __sacrifice_VB_4 make a sacrifice of; in religious rituals -11821415 __molluga_NN_1 carpetweeds -01966204 __genus_pecten_NN_1 type genus of the family Pectinidae: sea and bay scallops -04599396 __work_NN_2 a product produced or accomplished through the effort or activity or agency of a person or thing; "it is not regarded as one of his more memorable works"; "the symphony was hailed as an ingenious work"; "he was indebted to the pioneering work of John Dewey"; "the work of an active imagination"; "erosion is the work of wind or water over time" -14388910 __major_affective_disorder_NN_1 any mental disorder not caused by detectable organic abnormalities of the brain and in which a major disturbance of emotions is predominant -00791078 __trial_NN_1 the act of testing something; "in the experimental trials the amount of carbon was measured separately"; "he called each flip of the coin a new trial" -08385009 __engagement_NN_2 a meeting arranged in advance; "she asked how to avoid kissing at the end of a date" -01015866 __cite_VB_6 advance evidence for -08726582 __lanzhou_NN_1 the capital city of the Chinese province of Gansu on the Yellow River -02842008 __biology_laboratory_NN_1 a laboratory for biological research -08845555 __republic_of_austria_NN_1 a mountainous republic in central Europe; under the Habsburgs (1278-1918) Austria maintained control of the Holy Roman Empire and was a leader in European politics until the 19th century -13597280 __ordinal_number_NN_1 the number designating place in an ordered sequence -06917083 __quechuan_language_NN_1 the language of the Quechua which was spoken by the Incas -06753800 __premiss_NN_1 a statement that is assumed to be true and from which a conclusion can be drawn; "on the assumption that he has been injured we can infer that he will not to play" -11479058 __magnetism_NN_1 attraction for iron; associated with electric currents as well as magnets; characterized by fields of force -14421139 __association_NN_3 the state of being connected together as in memory or imagination; "his association of his father with being beaten was too strong to break" -05896059 __phantasy_NN_1 something many people believe that is false; "they have the illusion that I am very wealthy" -05705722 __watchfulness_NN_1 the process of paying close and continuous attention; "wakefulness, watchfulness, and bellicosity make a good hunter"; "vigilance is especially susceptible to fatigue" -05999540 __scientific_knowledge_NN_1 knowledge accumulated by systematic study and organized by general principles; "mathematics is the basis for much scientific knowledge" -02566109 __serranid_fish_NN_1 marine food sport fishes mainly of warm coastal waters -04329190 __storehouse_NN_1 a depository for goods; "storehouses were built close to the docks" -08181658 __middle_class_NN_1 the social class between the lower and upper classes -10444194 __poet_NN_1 a writer of poems (the term is usually reserved for writers of good poetry) -00268011 __get_well_VB_1 improve in health; "He got well fast" -07014320 __outburst_NN_1 an unrestrained expression of emotion -05974564 __realism_NN_5 (philosophy) the philosophical doctrine that abstract concepts exist independent of their names -14168176 __refractory_anemia_NN_1 any of various anemic conditions that are not successfully treated by any means other than blood transfusions (and that are not associated with another primary disease) -02876088 __epidermic_JJ_1 of or relating to a cuticle or cuticula -02875499 __bolshevistic_JJ_1 of or relating to Bolshevism; "Bolshevik Revolution" -07189411 __blessing_NN_4 a ceremonial prayer invoking divine protection -00115157 __convert_VB_2 change the nature, purpose, or function of something; "convert lead into gold"; "convert hotels into jails"; "convert slaves to laborers" -14754192 __spironolactone_NN_1 a synthetic corticosteroid (trade name Aldactone) used to treat hypertension -04294614 __stabilizer_bar_NN_1 a rigid metal bar between the front suspensions and between the rear suspensions of cars and trucks; serves to stabilize the chassis -02873654 __burlesque_JJ_1 relating to or characteristic of a burlesque; "burlesque theater" -05687338 __trouble_NN_1 a source of difficulty; "one trouble after another delayed the job"; "what's the problem?" -00854393 __snogging_NN_1 (British informal) cuddle and kiss -06350274 __running_hand_NN_1 rapid handwriting in which letters are set down in full and are cursively connected within words without lifting the writing implement from the paper -07155081 __non-standard_speech_NN_1 speech that differs from the usual accepted, easily recognizable speech of native adult members of a speech community -00393369 __extirpation_NN_1 surgical removal of a body part or tissue -09370773 __niagara_falls_NN_1 waterfall in Canada is the Horseshoe Falls; in the United States it is the American Falls -02548689 __toadfish_NN_1 bottom-dwelling fish having scaleless slimy skin and a broad thick head with a wide mouth -00853649 __servicing_NN_1 the act of mating by male animals; "the bull was worth good money in servicing fees" -09842047 __cager_NN_1 an athlete who plays basketball -12915400 __family_avicenniaceae_NN_1 used in some classifications: coextensive with the genus Avicennia -00763399 __square_up_VB_3 settle conclusively; come to terms; "We finally settled the argument" -02609169 __thalassoma_NN_1 a genus of Labridae -13299651 __repayment_NN_2 payment of a debt or obligation -15237782 __wintertime_NN_1 the coldest season of the year; in the northern hemisphere it extends from the winter solstice to the vernal equinox -08359949 __political_unit_NN_1 a unit with political responsibilities -02329883 __stock_VB_2 equip with a stock; "stock a rifle" -04747445 __resemblance_NN_1 similarity in appearance or external or superficial details -02871229 __firmamental_JJ_1 relating to the firmament or upper regions -06807198 __numeral_NN_1 a symbol used to represent a number; "he learned to write the numerals before he went to school" -02870453 __kinesthetic_JJ_1 of or relating to kinesthesis -05244934 __macule_NN_1 a patch of skin that is discolored but not usually elevated; caused by various diseases -08223263 __following_NN_1 a group of followers or enthusiasts -08054417 __hospital_NN_2 a medical institution where sick or injured people are given medical or surgical care -13206817 __maidenhair_fern_NN_1 any of various small to large terrestrial ferns of the genus Adiantum having delicate palmately branched fronds -01016973 __territorialization_NN_1 the act of organizing as a territory -02869097 __tactual_JJ_1 of or relating to or proceeding from the sense of touch; "haptic data"; "a tactile reflex" -02868916 __gustatory_JJ_1 of or relating to gustation -13301174 __forfeiture_NN_1 something that is lost or surrendered as a penalty; -13905405 __scotch_NN_1 a slight surface cut (especially a notch that is made to keep a tally) -03149951 __rarity_NN_3 something unusual -- perhaps worthy of collecting -02868326 __perceptive_JJ_1 of or relating to perception; "perceptive faculties" -05153520 __competency_NN_1 the quality of being adequately or well qualified physically and intellectually -02210728 __halictidae_NN_1 a family of small solitary bees; many are valuable pollinators for agriculture -08591269 __kingdom_NN_2 a country with a king as head of state -09167652 __bulawayo_NN_1 industrial city in southwestern Zimbabwe -00135857 __land_VB_3 bring into a different state; "this may land you in jail" -01206474 __low_JJ_2 literal meanings; being at or having a relatively small elevation or upward extension; "low ceilings"; "low clouds"; "low hills"; "the sun is low"; "low furniture"; "a low bow" -03988170 __post_NN_4 an upright consisting of a piece of timber or metal fixed firmly in an upright position; "he set a row of posts in the ground and strung barbwire between them" -01984317 __fall_down_VB_1 lose an upright position suddenly; "The vase fell over and the water spilled onto the table"; "Her hair fell across her forehead" -09377861 __okeechobee_NN_1 a lake in southeast Florida to the north of the Everglades -02070296 __pour_out_VB_2 pour out; "the sommelier decanted the wines" -02488834 __wed_VB_1 take in marriage -11516113 __interaction_NN_2 (physics) the transfer of energy between elementary particles or between an elementary particle and a field or between fields; mediated by gauge bosons -12134025 __secale_cereale_NN_1 hardy annual cereal grass widely cultivated in northern Europe where its grain is the chief ingredient of black bread and in North America for forage and soil improvement -14632444 __cd_NN_1 a soft bluish-white ductile malleable toxic bivalent metallic element; occurs in association with zinc ores -05221895 __region_NN_2 a part of an animal that has a special function or is supplied by a given artery or nerve; "in the abdominal region" -10875468 __president_bush_NN_2 vice president under Reagan and 41st President of the United States (born in 1924) -05857459 __variable_quantity_NN_1 a quantity that can assume any of a set of values -09032321 __capital_of_switzerland_NN_1 the capital of Switzerland; located in western Switzerland -01535842 __spizella_NN_1 chipping sparrow; field sparrow; tree sparrow -00733250 __factorize_VB_1 resolve (a polynomial) into factors -04228844 __skid_NN_1 one of a pair of planks used to make a track for rolling or sliding objects -05331404 __prostate_gland_NN_1 a firm partly muscular chestnut sized gland in males at the neck of the urethra; produces a viscid secretion that is the fluid part of semen -02370806 __ungulate_NN_1 any of a number of mammals with hooves that are superficially similar but not necessarily closely related taxonomically -10341660 __variation_NN_9 (biology) an organism that has characteristics resulting from chromosomal alteration -06385434 __sursum_corda_NN_1 (Roman Catholic Church) a Latin versicle meaning `lift up your hearts' -01723678 __thecodontia_NN_1 extinct terrestrial reptiles having teeth set in sockets; of the late Permian to Triassic -08190754 __army_unit_NN_1 a military unit that is part of an army -06605897 __spirit_NN_6 the intended meaning of a communication -01326730 __sabre_VB_2 kill with a saber -05593017 __arm_bone_NN_1 a bone in the arm -01969216 __go_up_VB_7 travel up, "We ascended the mountain"; "go up a ladder"; "The mountaineers slowly ascended the steep slope" -08952628 __faroes_NN_2 a group of 21 volcanic islands in the North Atlantic between Iceland and the Shetland Islands -01781274 __sarcoptidae_NN_1 small whitish mites -02863247 __mystical_JJ_1 relating to or characteristic of mysticism; "mystical religion" -01742680 __lichanura_NN_1 boas of western North America -12899752 __datura_suaveolens_NN_1 South American plant cultivated for its very large nocturnally fragrant trumpet-shaped flowers -02860919 __parturient_JJ_1 of or relating to or giving birth; "parturient pangs"; "the parturient uterus" -13496972 __incontinency_NN_1 involuntary urination or defecation -02860564 __pastoral_JJ_1 of or relating to a pastor; "pastoral work"; "a pastoral letter" -02860389 __thoracic_JJ_1 of or relating to the chest or thorax; "pectoral organ" -01222884 __dishonorable_JJ_2 deceptive or fraudulent; disposed to cheat or defraud or deceive -00046177 __running_away_NN_1 the act of leaving (without permission) the place you are expected to be -00995838 __rewrite_VB_1 write differently; alter the writing of; "The student rewrote his thesis" -02045369 __auk_NN_1 black-and-white short-necked web-footed diving bird of northern seas -01598820 __lanius_NN_1 type genus of the Laniidae: typical shrikes -02859053 __infernal_JJ_1 characteristic of or resembling Hell; "infernal noise"; "infernal punishment" -12099220 __limonium_NN_1 sea lavender -10361390 __nonpartizan_NN_1 a person who is nonpartisan -00595410 __messiahship_NN_1 the position of messiah -12405209 __ulmus_NN_1 type genus of family Ulmaceae; deciduous trees having simple serrate leaves; widely distributed in temperate regions -01492725 __contuse_VB_1 injure the underlying soft tissue or bone of; "I bruised my knee" -12980231 __peronosporales_NN_1 order of chiefly parasitic lower fungi: Albuginaceae and Peronosporaceae and Pythiaceae -07196682 __question_NN_3 a sentence of inquiry that asks for a reply; "he asked a direct question"; "he had trouble phrasing his interrogations" -10245341 __lubber_NN_2 an inexperienced sailor; a sailor on the first voyage -02127613 __feel_VB_8 grope or feel in search of something; "He felt for his wallet" -00411009 __christian_JJ_2 following the teachings or manifesting the qualities or spirit of Jesus Christ -12078172 __platanthera_chlorantha_NN_1 south European orchid with dark green flowers that are larger and less fragrant than Platanthera bifolia; sometimes placed in genus Habenaria -00126264 __modify_VB_3 cause to change; make different; cause a transformation; "The advent of the automobile may have altered the growth pattern of the city"; "The discussion has changed my thinking about the issue" -01448100 __pull_VB_1 cause to move by pulling; "draw a wagon"; "pull a sled" -02329093 __rodentia_NN_1 small gnawing animals: porcupines; rats; mice; squirrels; marmots; beavers; gophers; voles; hamsters; guinea pigs; agoutis -10532058 __rioter_NN_1 troublemaker who participates in a violent disturbance of the peace; someone who rises up against the constituted authority -10074841 __extrovert_NN_1 (psychology) a person concerned more with practical realities than with inner thoughts and feelings -13180534 __spleenwort_NN_1 any of various chiefly rock-inhabiting ferns of the genus Asplenium -01575388 __bulldoze_VB_1 flatten with or as if with a bulldozer -00612612 __mark_VB_4 mark by some ceremony or observation; "The citizens mark the anniversary of the revolution with a march and a parade" -02854521 __scriptural_JJ_1 of or pertaining to or contained in or in accordance with the Bible; "biblical names"; "biblical Hebrew" -14126660 __sightlessness_NN_1 the state of being blind or lacking sight -05716342 __lemon_NN_4 a distinctive tart flavor characteristic of lemons -06097775 __astrophysics_NN_1 the branch of astronomy concerned with the physical and chemical properties of celestial bodies -13411533 __review_NN_4 (accounting) a service (less exhaustive than an audit) that provides some assurance to interested parties as to the reliability of financial data -13307784 __overcharge_NN_1 a price that is too high -07475870 __setback_NN_1 an unfortunate happening that hinders or impedes; something that is thwarting or frustrating -12634986 __wild_crab_NN_1 wild crab apple native to Europe; a chief ancestor of cultivated apples -14379703 __lucidity_NN_2 a lucid state of mind; not confused -04887129 __vanity_NN_3 the trait of being unduly vain and conceited; false pride -01711965 __film_VB_2 record in film; "The coronation was filmed" -07193958 __interrogatory_NN_1 formal systematic questioning -00201923 __prohibition_NN_5 the action of prohibiting or inhibiting or forbidding (or an instance thereof); "they were restrained by a prohibition in their charter"; "a medical inhibition of alcoholic beverages"; "he ignored his parents' forbiddance" -05639832 __seamanship_NN_1 skill in sailing -09168336 __great_australian_desert_NN_1 general name given to all desert areas in Australia -00389308 __quantization_NN_1 the act of dividing into quanta or expressing in terms of quantum theory -02353844 __gate_VB_1 supply with a gate; "The house was gated" -09800964 __appointee_NN_1 an official who is appointed -12883733 __genus_agalinis_NN_1 semiparasitic herb with purple or white or pink flowers; grows in the United States and West Indies -01782218 __panic_VB_1 be overcome by a sudden fear; "The students panicked when told that final exams were less than a week away" -10242328 __labourite_NN_1 a member of the British Labour Party -13049953 __pore_mushroom_NN_1 woody pore fungi; any fungus of the family Polyporaceae or family Boletaceae having the spore-bearing surface within tubes or pores; the fruiting bodies are usually woody at maturity and persistent -01127245 __coercion_NN_1 the act of compelling by force of authority -01668436 __redbelly_NN_1 freshwater turtle of Chesapeake Bay tributaries having red markings on the lower shell -04176528 __set_NN_13 any electronic equipment that receives or transmits radio or tv signals; "the early sets ran on storage batteries" -13082077 __order_mycelia_sterilia_NN_1 order of imperfect fungi having no known spore stage -06468123 __condensation_NN_5 a shortened version of a written work -02135220 __civet_cat_NN_2 cat-like mammal typically secreting musk used in perfumes -14431637 __flag_rank_NN_1 the rank of a flag officer -02846322 __dietetical_JJ_1 of or relating to the diet; "dietary restrictions" -07827554 __caraway_seed_NN_1 aromatic seeds of the caraway plant; used widely as seasoning -02752496 __varsity_sock_NN_1 a sock worn for athletic events relating to or characteristic of Thomas Jefferson or his principles or theories; "Jeffersonian democracy" -01586018 __tamper_VB_1 play around with or alter or falsify, usually secretively or dishonestly; "Someone tampered with the documents on my desk"; "The reporter fiddle with the facts" -05084201 __distance_NN_1 the property created by the space between two objects or points -02844728 __conical_JJ_1 relating to or resembling a cone; "conical mountains"; "conelike fruit" -06162979 __ontology_NN_1 (computer science) a rigorous and exhaustive organization of some knowledge domain that is usually hierarchical and contains all the relevant entities and their relations -01936537 __train_VB_10 travel by rail or train; "They railed from Rome to Venice"; "She trained to Hamburg" -11923397 __yellow_chamomile_NN_1 Eurasian perennial herb with hairy divided leaves and yellow flowers; naturalized in North America -11556187 __liliid_monocot_family_NN_1 family of monocotyledonous plants of the subclass Liliidae; mostly herbs usually with petaloid sepals and petals and compound pistils -00408448 __summerize_VB_1 prepare for summer; "summerize your car"; "summerize a house" -01653223 __gastrophryne_carolinensis_NN_1 small toad of southeastern United States -00441212 __slacken_VB_2 make less active or fast; "He slackened his pace as he got tired"; "Don't relax your efforts now" -11511523 __spark_NN_3 electrical conduction through a gas in an applied electric field -08325851 __select_committee_NN_1 a parliamentary committee appointed for some special purpose -08229694 __golf_club_NN_1 a club of people to play golf -02840935 __umbilical_JJ_1 relating to or resembling the umbilicus; "umbilical cord" -11927740 __lamb_succory_NN_1 small European herb with small yellow flowers -03755140 __urex_NN_1 antibacterial agent (trade names Mandelamine and Urex) that is contained in many products that are used to treat urinary infections -00867983 __tremble_NN_1 a reflex motion caused by cold or fear or excitement -00330160 __speeding_NN_1 changing location rapidly -02632567 __want_VB_5 be without, lack; be deficient in; "want courtesy"; "want the strength to go on living"; "flood victims wanting food and shelter" -04405540 __video_equipment_NN_1 electronic equipment that broadcasts or receives electromagnetic waves representing images and sound -01787106 __see_red_VB_1 become angry; "He angers easily" -11891838 __malcolmia_NN_1 genus of plants usually found in coastal habitats; Mediterranean to Afghanistan -02103481 __sensitive_JJ_1 responsive to physical stimuli; "a mimosa's leaves are sensitive to touch"; "a sensitive voltmeter"; "sensitive skin"; "sensitive to light" -09441107 __south_china_sea_NN_1 a tropical arm of the Pacific Ocean near southeastern Asia subject to frequent typhoons -02519862 __blue_channel_catfish_NN_1 a large catfish of the Mississippi valley -08305114 __league_NN_2 an association of states or organizations or individuals for common action -03814112 __neck_opening_NN_1 an opening in a garment for the neck of the wearer; a part of the garment near the wearer's neck -10186774 __innkeeper_NN_1 the owner or manager of an inn -03499468 __hauberk_NN_1 a long (usually sleeveless) tunic of chain mail formerly worn as defensive armor -01802494 __express_feelings_VB_1 give verbal or other expression to one's feelings -03882058 __panel_NN_1 sheet that forms a distinct (usually flat and rectangular) section or component of something -01679494 __genus_crotaphytus_NN_1 collared lizards -02269015 __trichoptera_NN_1 an order of insects consisting of caddis flies -02318915 __echinoidea_NN_1 sea urchins and sand dollars -04151940 __screen_NN_4 a covering that serves to conceal or shelter something; "a screen of trees afforded privacy"; "under cover of darkness"; "the brush provided a covert for game"; "the simplest concealment is to match perfectly the color of the background" -04838510 __audacity_NN_2 aggressive boldness or unmitigated effrontery; "he had the audacity to question my decision" -03325088 __spigot_NN_2 a regulator for controlling the flow of a liquid from a reservoir -06468818 __epitome_NN_2 a brief abstract (as of an article or book) -01549314 __genus_contopus_NN_1 pewees -10499355 __queen_regnant_NN_1 a female sovereign ruler -10351281 __needleworker_NN_1 someone who does work (as sewing or embroidery) with a needle -09284589 __fossil_NN_2 the remains (or an impression) of a plant or animal that existed in a past geological age and that has been excavated from the soil -08148067 __augustinian_order_NN_1 any of several monastic orders observing a rule derived from the writings of St. Augustine -04087524 __virazole_NN_1 an inhaled antiviral agent (trade name Virazole) that may be used to treat serious virus infections -02835887 __relativistic_JJ_1 relating or subject to the special or the general theory of relativity; "relativistic quantum mechanics"; "relativistic increase in mass"; "radiation from relativistic particles" -14969666 __opaque_gem_NN_1 a gemstone that is opaque -04008947 __projection_NN_4 any structure that branches out from a central support -02141306 __microbat_NN_1 typically having large ears and feeding primarily on insects; worldwide in distribution -01617633 __neophron_NN_1 a genus of Accipitridae -11784126 __flamingo_plant_NN_1 commonly cultivated anthurium having bright scarlet spathe and spadix -04921011 __inheritance_NN_4 any attribute or immaterial possession that is inherited from ancestors; "my only inheritance was my mother's blessing"; "the world's heritage of knowledge" -12800586 __mitrewort_NN_1 any of various rhizomatous perennial herbs of the genus Mitella having a capsule resembling a bishop's miter -02832818 __fungicidal_JJ_1 capable of destroying fungi -09593651 __tantalus_NN_1 (Greek mythology) a wicked king and son of Zeus; condemned in Hades to stand in water that receded when he tried to drink and beneath fruit that receded when he reached for it -05332225 __lacrimal_bone_NN_1 small fragile bone making up part of the front inner walls of each eye socket and providing room for the passage of the lacrimal ducts -04665543 __unmindfulness_NN_1 the trait of forgetting or ignoring your responsibilities -02518161 __deport_VB_1 behave in a certain manner; "She carried herself well"; "he bore himself with dignity"; "They conducted themselves well during these difficult times" -02337364 __computerize_VB_1 provide with computers; "Our office is fully computerized now" -00549106 __impression_NN_8 an impressionistic portrayal of a person; "he did a funny impression of a politician" -02443114 __polecat_NN_2 dark brown mustelid of woodlands of Eurasia that gives off an unpleasant odor when threatened -10229193 __kamikaze_NN_2 a pilot trained and willing to cause a suicidal crash -07047373 __tone_poem_NN_1 an orchestral composition based on literature or folk tales -01813385 __turtledove_NN_2 any of several Old World wild doves -14919948 __insecticide_NN_1 a chemical used to kill insects -11963158 __genus_emilia_NN_1 tropical African herbs -00534152 __sashay_NN_2 (ballet) quick gliding steps with one foot always leading -10775379 __wheedler_NN_1 someone who tries to persuade by blandishment and coaxing -03599351 __jimmy_NN_1 a short crowbar; "in Britain they call a jimmy and jemmy" -06762380 __reservation_NN_2 a statement that limits or restricts some claim; "he recommended her without any reservations" -08211924 __ss_NN_2 special police force in Nazi Germany founded as a personal bodyguard for Adolf Hitler in 1925; the SS administered the concentration camps -02826443 __atheistical_JJ_1 related to or characterized by or given to atheism; "atheist leanings" -09434345 __sierra_NN_1 a range of mountains (usually with jagged peaks and irregular outline) -07254594 __renunciation_NN_3 an act (spoken or written) declaring that something is surrendered or disowned -12061849 __genus_epidendrum_NN_1 large and variable genus of terrestrial or epiphytic or lithophytic orchids of tropical and subtropical Americas; some native to United States -00189257 __point_after_touchdown_NN_1 in American football a point awarded for a successful place kick following a touchdown -00472671 __cut_out_VB_1 delete or remove; "Cut out the extra text"; "cut out the newspaper article" -01295275 __join_VB_2 cause to become joined or linked; "join these two parts so that they fit together" -06394701 __body_NN_8 the central message of a communication; "the body of the message was short" -02560767 __effect_VB_2 act so as to bring into existence; "effect a change" -02263717 __myrmeleontidae_NN_1 antlions -08659446 __field_NN_14 a geographic region (land or sea) under which something valuable is found; "the diamond fields of South Africa" -02597246 __estrange_VB_1 remove from customary environment or associations; "years of boarding school estranged the child from her home" -13983515 __darkness_NN_1 absence of light or illumination -02822055 __vagal_JJ_1 of or relating to the vagus nerve -03570709 __ingredient_NN_1 a component of a mixture or compound -00529511 __pas_de_quatre_NN_1 (ballet) a dance for four people -05922305 __stuff_NN_7 a critically important or characteristic component; "suspense is the very stuff of narrative" -07109019 __auditory_communication_NN_1 communication that relies on hearing -11410625 __upshot_NN_1 a phenomenon that follows and is caused by some previous phenomenon; "the magnetic effect was greater when the rod was lengthwise"; "his decision had depressing consequences for business"; "he acted very wise after the event" -01615121 __sea_eagle_NN_2 any of various large eagles that usually feed on fish -06295235 __plural_form_NN_1 the form of a word that is used to denote more than one -00198118 __subrogation_NN_1 (law) the act of substituting of one creditor for another -10644469 __stacker_NN_1 a laborer who builds up a stack or pile -02355711 __sciuridae_NN_1 a mammal family of true squirrels including: ground squirrels; marmots; chipmunks; flying squirrels; spermophiles -09751622 __zairese_NN_1 a native or inhabitant of Zaire -00095595 __tiller_VB_1 grow shoots in the form of stools or tillers -00139729 __alcoholize_VB_3 make alcoholic, as by fermenting; "alcoholize prunes" -02677332 __implicate_VB_1 bring into intimate and incriminating connection; "He is implicated in the scheme to defraud the government" relating to or especially immediately preceding or following the heliacal rising of Canicula (the Dog Star); "canicular days" -00033020 __communication_NN_2 something that is communicated by or to or between people or groups -05310790 __fetal_membrane_NN_1 any membrane that functions for the protection or nourishment or respiration or excretion of a developing fetus -01242716 __passive_resistance_NN_1 peaceful resistance to a government by fasting or refusing to cooperate -03621473 __kite_NN_3 plaything consisting of a light frame covered with tissue paper; flown in wind at end of a string -12099803 __jacquinia_NN_1 sometimes placed in family Myrsinaceae -12698283 __genus_flindersia_NN_1 small genus of Australian timber trees -07736692 __spinach_NN_2 dark green leaves; eaten cooked or raw in salads -07448885 __formal_NN_1 a lavish dance requiring formal attire -10252674 __sponger_NN_2 a follower who hangs around a host (without benefit to the host) in hope of gain or advantage -12087807 __genus_dioscorea_NN_1 yams -01800042 __pipile_NN_1 genus of large crested guans (the piping guans) -06730780 __charge_NN_13 an assertion that someone is guilty of a fault or offence; "the newspaper published charges that Jones was guilty of drunken driving" -11636389 __juniperus_NN_1 junipers -13206584 __genus_adiantum_NN_1 cosmopolitan genus of ferns: maidenhair ferns; in some classification systems placed in family Polypodiaceae or Adiantaceae -13433061 __apheresis_NN_1 (linguistics) omission at the beginning of a word as in `coon' for `raccoon' or `till' for `until' -13148019 __parthenocissus_NN_1 woody vines having disklike tips on the tendrils -08390731 __militia_NN_2 the entire body of physically fit civilians eligible by law for military service; "their troops were untrained militia"; "Congress shall have power to provide for calling forth the militia"--United States Constitution -12601494 __polygonum_fagopyrum_NN_1 a member of the genus Fagopyrum; annual Asian plant with clusters of small pinkish white flowers and small edible triangular seeds which are used whole or ground into flour -00930368 __suggest_VB_5 call to mind; "this remark evoked sadness" -02671062 __approach_NN_3 a way of entering or leaving; "he took a wrong turn on the access to the bridge" -09165146 __hodeida_NN_1 an important port in Yemen on the Red Sea -10240921 __kvetch_NN_1 (Yiddish) a constant complainer -01773549 __barn_spider_NN_1 an orange and tan spider with darkly banded legs that spins an orb web daily; "the barn spider was made famous in E. B. White's book `Charlotte's Web'" -12475450 __taccaceae_NN_1 small family of tropical herbs -02809220 __technical_JJ_1 of or relating to technique or proficiency in a practical skill; "his technical innovation was his brushwork"; "the technical dazzle of her dancing" -00566298 __return_NN_11 a tennis stroke that sends the ball back to the other player; "he won the point on a cross-court return" -13192025 __family_dryopteridaceae_NN_1 alternative names for one of a number of families into which the family Polypodiaceae has been subdivided in some classification systems -07244949 __preachment_NN_1 a sermon on a moral or religious topic -02259241 __barter_VB_1 exchange goods without involving money -01323599 __thoroughbred_NN_3 a pedigreed animal of unmixed lineage; used especially of horses -01430847 __unlogical_JJ_1 lacking in correct logical relation -10856799 __boniface_viii_NN_1 pope who declared that Catholic princes are subject to the pope in temporal as well as in theological matters (1235-1303) -00379754 __confusion_NN_4 an act causing a disorderly combination of elements with identities lost and distinctions blended; "the confusion of tongues at the Tower of Babel" -07381864 __creaking_NN_1 a squeaking sound; "the creak of the floorboards gave him away" -10503247 __racketeer_NN_1 someone who commits crimes for profit (especially one who obtains money by fraud or extortion) -07129422 __rejoicing_NN_2 the utterance of sounds expressing great joy -04627936 __shmaltz_NN_1 (Yiddish) excessive sentimentality in art or music -00909573 __scold_VB_2 show one's unhappiness or critical attitude; "He scolded about anything that he thought was wrong"; "We grumbled about the increased work load" -14411243 __situation_NN_3 a complex or critical or unusual difficulty; "the dangerous situation developed suddenly"; "that's quite a situation"; "no human situation is simple" -01946277 __neritid_gastropod_NN_1 operculate seasnail of coastal waters with a short spiral shell -01858441 __swan_NN_1 stately heavy-bodied aquatic bird with very long neck and usually white plumage as adult -01087178 __social_insurance_NN_1 government provision for unemployed, injured, or aged people; financed by contributions from employers and employees as well as by government revenue -01527271 __wedge_VB_2 squeeze like a wedge into a tight space; "I squeezed myself into the corner" -02276749 __white_admiral_NN_2 Eurasian butterfly with brown wings and white markings -01574045 __new_world_blackbird_NN_1 any bird of the family Icteridae whose male is black or predominantly black -12825301 __genus_cuscuta_NN_1 genus of twining leafless parasitic herbs lacking chlorophyll: dodder -09791530 __analyst_NN_2 an expert who studies financial data (on credit or securities or sales or financial patterns etc.) and recommends appropriate business actions -02646377 __family_cyclopteridae_NN_1 lumpfishes -10354265 __neurologist_NN_1 a medical specialist in the nervous system and the disorders affecting it -06843838 __suspension_point_NN_1 (usually plural) one of a series of points indicating that something has been omitted or that the sentence is incomplete -00447540 __wrestling_NN_2 the sport of hand-to-hand struggle between unarmed contestants who try to throw each other down -02801349 __splintery_JJ_2 resembling or consisting of or embedded with long slender fragments of (especially) wood having sharp points; "a rough splintery floor of old pine boards" -01769220 __strike_home_VB_1 refer to or be relevant or familiar to; "I hope this message hits home!" -04948241 __roughness_NN_1 a texture of a surface or edge that is not smooth but is irregular and uneven -01496037 __torpediniformes_NN_1 rays with bodies shaped like torpedoes -08341551 __drms_NN_1 the organization in the Defense Logistics Agency that inventories and evaluates and sells reusable United States government surplus -06740644 __vindication_NN_2 the justification for some act or belief; "he offered a persuasive defense of the theory" -06731510 __submission_NN_7 (law) a contention presented by a lawyer to a judge or jury as part of the case he is arguing -07307895 __electrical_discharge_NN_1 a discharge of electricity -02603673 __adenoidal_JJ_1 of or pertaining to the adenoids -11539675 __order_andreaeales_NN_1 comprises a single genus: Andreaea -08663354 __upside_NN_1 the highest or uppermost side of anything; "put your books on top of the desk"; "only the top side of the box was painted" -12816508 __tailwort_NN_1 hairy blue-flowered European annual herb long used in herbal medicine and eaten raw as salad greens or cooked like spinach -11707229 __sassafras_tree_NN_1 yellowwood tree with brittle wood and aromatic leaves and bark; source of sassafras oil; widely distributed in eastern North America -01994442 __withdraw_VB_1 pull back or move away or backward; "The enemy withdrew"; "The limo pulled away from the curb" -10481268 __software_engineer_NN_1 a person who designs and writes and tests computer programs -11921200 __genus_anaphalis_NN_1 a genus of herbs of north temperate regions having hoary leaves: pearly everlasting -00125436 __tap_NN_8 a light touch or stroke -02272090 __speculate_VB_4 invest at a risk; "I bought this house not because I want to live in it but to sell it later at a good price, so I am speculating" -00220023 __homicide_NN_1 the killing of a human being by another human being -03000447 __zymotic_JJ_1 of or relating to or causing fermentation -02792903 __scholastic_JJ_1 of or relating to schools; "scholastic year" -15230482 __person_hour_NN_1 a time unit used in industry for measuring work -00132385 __ventral_JJ_1 toward or on or near the belly (front of a primate or lower surface of a lower animal); "the ventral aspect of the human body"; "the liver is somewhat ventral in position"; "ventral (or pelvic) fins correspond to the hind limbs of a quadruped" -03800933 __musical_instrument_NN_1 any of various devices or contrivances that can be used to produce musical tones or sounds -02535716 __break_away_VB_3 interrupt a continued activity; "She had broken with the traditional patterns" -02029571 __genus_bartramia_NN_1 a genus of Scolopacidae -04676308 __perspective_NN_2 the appearance of things relative to one another as determined by their distance from the viewer -01685439 __teiid_lizard_NN_1 tropical New World lizard with a long tail and large rectangular scales on the belly and a long tail -09425835 __scheldt_river_NN_1 a river that rises in France and flows northeast across Belgium and empties into the North Sea -10234340 __king_of_france_NN_1 the sovereign ruler of France -02255855 __phylloxera_vitifoleae_NN_1 destructive to various grape plants -11105298 __riley_b_king_NN_1 United States guitar player and singer of the blues (born in 1925) -15171008 __rag_day_NN_1 a day on which university students hold a rag -01055266 __trill_VB_1 pronounce with a trill, of the phoneme `r'; "Some speakers trill their r's" -14635092 __cr_NN_1 a hard brittle multivalent metallic element; resistant to corrosion and tarnishing -06927363 __uzbek_NN_3 the Turkic language spoken by the Uzbek -06988307 __aramaic_NN_1 a Semitic language originally of the ancient Arameans but still spoken by other people in southwestern Asia -10930913 __robert_de_niro_NN_1 United States film actor who frequently plays tough characters (born 1943) -03107152 __cordite_NN_1 explosive powder (nitroglycerin and guncotton and petrolatum) dissolved in acetone and dried and extruded in brown cords -08407619 __exposition_NN_2 a collection of things (goods or works of art etc.) for public display -02952975 __calvinistical_JJ_1 of or relating to or characteristic of Calvinism or its adherents -01745484 __new_world_coral_snake_NN_1 any of several venomous New World snakes brilliantly banded in red and black and either yellow or white; widely distributed in South America and Central America -02786866 __radiotelephonic_JJ_1 relating to or by means of radiotelephony -06741305 __self-justification_NN_1 a defense of some offensive behavior or some failure to keep a promise etc.; "he kept finding excuses to stay"; "every day he had a new alibi for not getting a job"; "his transparent self-justification was unacceptable" -01932358 __tylenchidae_NN_1 a family of Nematoda -01003570 __quantification_NN_2 the act of discovering or expressing the quantity of something -02571300 __priacanthidae_NN_1 small carnivorous percoid fishes found worldwide in tropical seas -00729781 __internalize_VB_1 incorporate within oneself; make subjective or personal; "internalize a belief" -11782036 __elephant_ear_NN_1 any plant of the genus Alocasia having large showy basal leaves and boat-shaped spathe and reddish berries -00452512 __make_full_VB_1 make full, also in a metaphorical sense; "fill a container"; "fill the child with pride" -09724533 __new_zealander_NN_1 a native or inhabitant of New Zealand -08040008 __sol_rojo_NN_1 a small but violent terrorist organization formed in Ecuador in the early 1990s; responsible for bombing several government buildings -10135297 __gopher_NN_1 a zealously energetic person (especially a salesman) -01235859 __vertical_JJ_3 upright in position or posture; "an erect stature"; "erect flower stalks"; "for a dog, an erect tail indicates aggression"; "a column still vertical amid the ruins"; "he sat bolt upright" -02417504 __stagnate_VB_4 be idle; exist in a changeless situation; "The old man sat and stagnated on his porch"; "He slugged in bed all morning" -05820462 __triviality_NN_2 a detail that is considered insignificant -07459642 __burnup_NN_1 a high-speed motorcycle race on a public road -05034473 __valency_NN_3 (chemistry) a property of atoms or radicals; their combining power given in terms of the number of hydrogen atoms (or the equivalent) -03655072 __leging_NN_1 a garment covering the leg (usually extending from the knee to the ankle) -02160177 __flicker_VB_3 flash intermittently; "The lights flicked on and off" -02782815 __positivistic_JJ_1 of or relating to positivism; "positivist thinkers"; "positivist doctrine"; "positive philosophy" -00232863 __rescission_NN_1 (law) the act of rescinding; the cancellation of a contract and the return of the parties to the positions they would have had if the contract had not been made; "recission may be brought about by decree or by mutual consent" -02652335 __plectognathi_NN_1 boxfishes; filefishes; globefishes; ocean sunfishes; triggerfishes; puffers -08596076 __sands_NN_1 the region of the shore of a lake or sea or ocean -02788689 __bar_NN_3 a rigid piece of metal or wood; usually used as a fastening or obstruction or weapon; "there were bars in the windows to prevent escape" -10442232 __stick-in-the-mud_NN_1 someone who moves slowly; "in England they call a slowpoke a slowcoach" -00269258 __reconstruction_NN_2 the activity of constructing something again -09254614 __continent_NN_1 one of the large landmasses of the earth; "there are seven continents"; "pioneers had to cross the continent on foot" -01008947 __opening_JJ_1 first or beginning; "the memorable opening bars of Beethoven's Fifth"; "the play's opening scene" -07829412 __sauce_NN_1 flavorful relish or dressing or topping served as an accompaniment to food -02448318 __ratel_NN_1 nocturnal badger-like carnivore of wooded regions of Africa and southern Asia -05149325 __use_NN_2 what something is used for; "the function of an auger is to bore holes"; "ballet is beautiful but what use is it?" -01795545 __black_grouse_NN_1 grouse of which the male is bluish-black -00593512 __incumbency_NN_3 the office of an incumbent -02416751 __collaborate_VB_2 cooperate as a traitor; "he collaborated with the Nazis when they occupied Paris" -00591006 __controllership_NN_1 the position of controller -00702434 __index_VB_3 adjust through indexation; "The government indexes wages and prices" -12920204 __poinsettia_NN_1 tropical American plant having poisonous milk and showy tapering usually scarlet petallike leaves surrounding small yellow flowers -00488430 __sophisticate_VB_3 alter and make impure, as with the intention to deceive; "Sophisticate rose water with geraniol" -14121804 __osteosclerosis_congenita_NN_1 an inherited skeletal disorder beginning before birth; cartilage is converted to bone resulting in dwarfism -02654416 __inhabit_VB_2 be present in; "sweet memories inhabit this house" -04661389 __intentionality_NN_1 expressive of intentions -01993926 __bring_forward_VB_1 cause to move forward; "Can you move the car seat forward?" -12664897 __genus_galium_NN_1 annual or perennial herbs: bedstraw; cleavers -02304797 __tussur_NN_1 oriental moth that produces brownish silk -00986275 __counterintelligence_NN_1 intelligence activities concerned with identifying and counteracting the threat to security posed by hostile intelligence organizations or by individuals engaged in espionage or sabotage or subversion or terrorism -03660664 __library_NN_3 a depository built to contain books and other materials for reading and study -05999266 __knowledge_domain_NN_1 the content of a particular field of knowledge -03974215 __point_NN_15 sharp end; "he stuck the point of the knife into a tree"; "he broke the point of his pencil" -08910394 __gulf_states_NN_2 the countries in southwestern Asia that border the Persian Gulf -12275317 __quercus_mongolica_NN_1 oak with moderately light fine-grained wood; Japan -01455986 __syngnathus_NN_1 type genus of the family Syngnathidae -00614999 __pretermit_VB_2 leave undone or leave out; "How could I miss that typo?"; "The workers on the conveyor belt miss one out of ten" -12841872 __stinking_horehound_NN_1 ill-smelling European herb with rugose leaves and whorls of dark purple flowers -07453638 __investiture_NN_1 the ceremony of installing a new monarch -02360781 __american_flying_squirrel_NN_1 New World flying squirrels -04091839 __rightfield_NN_1 the piece of ground in the outfield on the catcher's right -10684146 __whipper_NN_1 a person who administers punishment by wielding a switch or whip -06837787 __kaph_NN_1 the 11th letter of the Hebrew alphabet -08502797 __badlands_NN_2 an eroded and barren region in southwestern South Dakota and northwestern Nebraska -03625355 __knit_NN_1 a fabric made by knitting -01601694 __water_ouzel_NN_1 small stocky diving bird without webbed feet; frequents fast-flowing streams and feeds along the bottom -13632164 __yottabyte_NN_2 a unit of information equal to 1024 zebibytes or 2^80 bytes -02588677 __befriend_VB_1 become friends with; "John and Eric soon became friends"; "Have you made friends yet in your new environment?" -11822849 __genus_amaranthus_NN_1 large widely distributed genus of chiefly coarse annual herbs -05112609 __sufficiency_NN_3 the quality of being sufficient for the end in view; "he questioned the sufficiency of human intelligence" -01016832 __sorting_NN_3 grouping by class or kind or size -05153155 __impracticableness_NN_1 the quality of not being usable -11612923 __white_pine_NN_1 any of several five-needled pines with white wood and smooth usually light grey bark when young; especially the eastern white pine -00988287 __dramatize_VB_2 represent something in a dramatic manner; "These events dramatize the lack of social responsibility among today's youth" -15146004 __genital_stage_NN_1 (psychoanalysis) the fifth sexual and social stage in a person's development occurring during adolescence; interest focuses on sexual activity -12783996 __roridulaceae_NN_1 in some classifications included in the family Droseraceae -00390741 __shush_VB_1 silence (someone) by uttering `shush!' -02947212 __canal_NN_3 long and narrow strip of water made for boats or for irrigation -01310660 __hollow_VB_1 remove the inner part or the core of; "the mining company wants to excavate the hillside" -02067889 __waste_VB_4 run off as waste; "The water wastes back into the ocean" -10827678 __scourge_of_the_gods_NN_1 king of the Huns; the most successful barbarian invader of the Roman Empire (406-453) -07250339 __throwaway_NN_2 an advertisement (usually printed on a page or in a leaflet) intended for wide distribution; "he mailed the circular to all subscribers" -01447822 __jordanella_NN_1 flagfishes -01054186 __sizz_VB_1 express or utter with a hiss -02837416 __thunder_NN_3 street names for heroin -14977188 __tarmacadam_NN_1 a paving material of tar and broken stone; mixed in a factory and shaped during paving -07560652 __fare_NN_4 the food and drink that are regularly served or consumed -10351625 __neglecter_NN_1 a person who is neglectful and gives little attention or respect to people or responsibilities; "he tried vainly to impress his neglecters" -02043982 __revolve_VB_2 move in an orbit; "The moon orbits around the Earth"; "The planets are orbiting the sun"; "electrons orbit the nucleus" -00015163 __practice_bundling_VB_1 sleep fully clothed in the same bed with one's betrothed -01919711 __stride_VB_1 walk with long steps; "He strode confidently across the hall" -03405265 __furnishing_NN_2 (usually plural) the instrumentalities (furniture and appliances and other movable accessories including curtains and rugs) that make a home (or other area) livable -00681125 __indispose_VB_1 make unwilling -02766328 __motivational_JJ_1 of or relating to motivation -06353934 __code_NN_2 a coding system used for transmitting messages requiring brevity or secrecy -01588493 __tag_VB_1 attach a tag or label to; "label these bottles" -07818995 __oregano_NN_2 pungent leaves used as seasoning with meats and fowl and in stews and soups and omelets -05693919 __support_NN_3 something providing immaterial assistance to a person or cause or interest; "the policy found little public support"; "his faith was all the support he needed"; "the team enjoyed the support of their fans" -02764828 __ministerial_JJ_1 of or relating to a minister of religion or the minister's office; "ministerial duties" -02448885 __sand_badger_NN_1 southeast Asian badger with a snout like a pig -10397482 __parachutist_NN_1 a person who jumps from aircraft using a parachute -01408958 __slice_VB_2 hit a ball and put a spin on it so that it travels in a different direction -04900947 __modesty_NN_1 freedom from vanity or conceit -02763520 __mercurous_JJ_1 of or containing mercury -02731398 __apsis_NN_1 a domed or vaulted recess or projection on a building especially the east end of a church; usually contains the altar -14386130 __ptsd_NN_1 an anxiety disorder associated with serious traumatic events and characterized by such symptoms as survivor guilt, reliving the trauma in dreams, numbness and lack of involvement with reality, or recurrent thoughts and images -00920125 __sequence_VB_2 determine the order of constituents in; "They sequenced the human genome" -10479561 __squanderer_NN_1 a recklessly extravagant consumer -13812607 __relationship_NN_4 (anthropology) relatedness or connection by blood or marriage or adoption -00296585 __procession_NN_2 the group action of a collection of people or animals or vehicles moving ahead in more or less regular formation; "processions were forbidden" -02103406 __working_dog_NN_1 any of several breeds of usually large powerful dogs bred to work as draft animals and guard and guide dogs -00119524 __differentiate_VB_4 become different during development; "cells differentiate" -00753922 __monocotyledonous_JJ_1 (of a flowering plant) having a single cotyledon in the seed as in grasses and lilies -09669631 __teton_sioux_NN_1 a member of the large western branch of Sioux people which was made up of several groups that lived on the plains -03177165 __epilator_NN_1 a cosmetic for temporary removal of undesired hair -01084932 __rationing_NN_1 the act of rationing; "during the war the government imposed rationing of food and gasoline" -02485731 __gibbet_VB_1 hang on an execution instrument -02119961 __genus_alopex_NN_1 arctic foxes -00243918 __preparation_NN_8 the act of preparing something (as food) by the application of heat; "cooking can be a great art"; "people are needed who have experience in cookery"; "he left the preparation of meals to his wife" -00385791 __division_NN_3 the act or process of dividing -02989475 __claforan_NN_1 a parenteral cephalosporin (trade name Claforan) used for severe infections of the lungs or throat or ears or urinary tract -06803157 __warning_signal_NN_1 an automatic signal (usually a sound) warning of danger -06559365 __pleading_NN_1 (law) a statement in legal and logical form stating something on behalf of a party to a legal proceeding -03812541 __nrl_NN_1 the United States Navy's defense laboratory that conducts basic and applied research for the Navy in a variety of scientific and technical disciplines -04241249 __slip-on_NN_1 an article of clothing (garment or shoe) that is easily slipped on or off -06543389 __permanent_injunction_NN_1 injunction issued on completion of a trial -00210518 __finishing_NN_2 the act of finishing; "his best finish in a major tournament was third"; "the speaker's finishing was greeted with applause" -02522990 __merlangus_NN_1 whitings -00318735 __carry_NN_1 the act of carrying something -00334935 __thrusting_NN_1 a sharp hand gesture (resembling a blow); "he warned me with a jab with his finger"; "he made a thrusting motion with his fist" -03132261 __cricket_equipment_NN_1 sports equipment used in playing cricket -01649251 __put_on_VB_6 prepare and supply with the necessary equipment for execution or performance; "mount a theater production"; "mount an attack"; "mount a play" -12110630 __genus_bromus_NN_1 a genus of grasses of the family Gramineae -08640531 __resort_hotel_NN_1 a hotel located in a resort area -12730544 __salix_tristis_NN_1 willow shrub of dry places in the eastern United States having long narrow leaves canescent beneath -15164957 __daytime_NN_1 the time after sunrise and before sunset while it is light outside; "the dawn turned night into day"; "it is easier to make the repairs in the daytime" -12636705 __potentilla_NN_1 chiefly perennial northern hemisphere herbs and shrubs: cinquefoil -04380617 __table_linen_NN_1 linens for the dining table -06636806 __formatting_NN_1 the organization of information according to preset specifications (usually for computer processing) -12258663 __monotropa_NN_1 leafless fleshy saprophytic plants; in some classifications placed in the family Pyrolaceae -12765679 __spondias_NN_1 tropical trees having one-seeded fruit -01775230 __lycosa_NN_1 type genus of the family Lycosidae -02453611 __edentate_NN_1 primitive terrestrial mammal with few if any teeth; of tropical Central America and South America -08549480 __housing_development_NN_1 a residential area of similar dwellings built by property developers and usually under a single management; "they live in the new housing development" -13536016 __state_change_NN_1 a change from one state (solid or liquid or gas) to another without a change in chemical composition -00083334 __ligate_VB_3 bind with a bandage or ligature; "ligate the artery" -10645611 __stager_NN_1 someone who supervises the physical aspects in the production of a show and who is in charge of the stage when the show is being performed -01273016 __stamp_VB_2 to mark, or produce an imprint in or on something; "a man whose name is permanently stamped on our maps" -04224155 __syphon_NN_1 a tube running from the liquid in a vessel to a lower level outside the vessel so that atmospheric pressure forces the liquid through the tube -11773408 __white_dipladenia_NN_1 shrubby climber having glossy leaves and white funnel-shaped flowers with yellow throats -14457218 __hairlessness_NN_1 the condition of being void of hair -04689660 __lure_NN_1 qualities that attract by seeming to promise some kind of reward -00395583 __gauge_VB_6 mix in specific proportions; "gauge plaster" -00374224 __intensification_NN_1 action that makes something stronger or more extreme -07677593 __pork_sausage_NN_1 sausage containing pork -09862183 __bosun_NN_1 a petty officer on a merchant ship who controls the work of other seamen -00118733 __vomiting_NN_1 the reflex act of ejecting the contents of the stomach through the mouth -00303465 __widen_VB_1 become broader or wider or more extensive; "The road widened" -14855992 __vomitus_NN_1 the matter ejected in vomiting -08672199 __township_NN_1 an administrative division of a county; "the town is responsible for snow removal" -14953564 __mould_NN_1 loose soil rich in organic matter -13621011 __minim_NN_1 a British imperial capacity measure (liquid or dry) equal to 1/60th fluid dram or 0.059194 cubic centimeters -11536230 __pot_plant_NN_1 a plant suitable for growing in a flowerpot (especially indoors) -02625612 __spanish_mackerel_NN_2 any of several large marine food fishes of the genus Scomberomorus -10070563 __shower_NN_5 someone who organizes an exhibit for others to see -13387209 __paper_money_NN_1 currency issued by a government or central bank and consisting of printed paper that can circulate as a substitute for specie -12692714 __myrrh_tree_NN_1 tree of eastern Africa and Asia yielding myrrh -08052549 __federal_government_NN_1 a government with strong central powers -01460408 __rice_VB_1 sieve so that it becomes the consistency of rice; "rice the potatoes" -02403003 __ox_NN_1 an adult castrated bull of the genus Bos; especially Bos taurus -02012715 __gruidae_NN_1 cranes -15247518 __period_NN_4 a unit of geological time during which a system of rocks formed; "ganoid fishes swarmed during the earlier geological periods" -03677766 __middlebreaker_NN_1 moldboard plow with a double moldboard designed to move dirt to either side of a central furrow -12683950 __family_balsaminaceae_NN_1 distinguished from the family Geraniaceae by the irregular flowers -03581125 __intersection_NN_2 a junction where one street or road crosses another -12916935 __spurge_family_NN_1 a family of plants of order Geraniales -08378555 __class_structure_NN_1 the organization of classes within a society -10548681 __salesperson_NN_1 a person employed to represent a business and to sell its merchandise (as to customers in a store or to customers who are visited) -05512835 __ureter_NN_1 either of a pair of thick-walled tubes that carry urine from the kidney to the urinary bladder -08394922 __usa_NN_2 the army of the United States of America; the agency that organizes and trains soldiers for land warfare -02148835 __long-eared_bat_NN_1 any of various Old or New World bats having very long ears -10509810 __real_estate_broker_NN_1 a person who is authorized to act as an agent for the sale of land; "in England they call a real estate agent a land agent" -06721342 __scurrility_NN_1 foul-mouthed or obscene abuse -13617952 __standard_NN_3 a board measure = 1980 board feet -10196845 __image_breaker_NN_1 a destroyer of images used in religious worship -00389638 __enfeeble_VB_1 make weak; "Life in the camp drained him" -00139919 __reception_NN_5 (American football) the act of catching a pass in football; "the tight end made a great reception on the 20 yard line" -05248667 __external_auditory_canal_NN_1 either of the passages in the outer ear from the auricle to the tympanic membrane -02724533 __spasmolytic_NN_1 a drug used to relieve or prevent spasms (especially of the smooth muscles) -08054721 __financial_organization_NN_1 an institution (public or private) that collects funds (from the public or other institutions) and invests them in financial assets -00789534 __buyout_NN_1 acquisition of a company by purchasing a controlling percentage of its stock -06552470 __majority_opinion_NN_1 the opinion joined by a majority of the court (generally known simply as `the opinion') -00228535 __settlement_NN_7 termination of a business operation by using its assets to discharge its liabilities -02743261 __human_JJ_1 characteristic of humanity; "human nature" -07150328 __holdout_NN_2 a refusal by a negotiator to come to terms in the hope of obtaining a better deal -02743112 __horary_JJ_1 relating to the hours; "the horary cycle" -14648100 __oxygen_NN_1 a nonmetallic bivalent element that is normally a colorless odorless tasteless nonflammable diatomic gas; constitutes 21 percent of the atmosphere by volume; the most abundant element in the earth's crust -01024643 __mapping_NN_2 (genetics) the process of locating genes on a chromosome -12120114 __love_grass_NN_1 any of various grasses of the genus Eragrostis; specially useful for forage and for the prevention of erosion -02372605 __proceed_VB_3 follow a procedure or take a course; "We should go farther in this matter"; "She went through a lot of trouble"; "go about the world in a certain manner"; "Messages must go through diplomatic channels" -14504103 __chrosomal_abnormality_NN_1 any change in the normal structure or number of chromosomes; often results in physical or mental abnormalities -00972608 __disqualify_VB_2 declare unfit; "She was disqualified for the Olympics because she was a professional athlete" -04579795 __whistle_stop_NN_1 a small railway station between the principal stations or a station where the train stops only on a signal -03061505 __cockpit_NN_1 compartment where the pilot sits while flying the aircraft -06964901 __french_NN_1 the Romance language spoken in France and in countries colonized by France -11661372 __yew_NN_2 any of numerous evergreen trees or shrubs having red cup-shaped berries and flattened needlelike leaves -07597145 __confiture_NN_1 preserved or candied fruit -05740929 __biopsy_NN_1 examination of tissues or liquids from the living body to determine the existence or cause of a disease -07128692 __pronunciation_NN_2 the way a word or a language is customarily spoken; "the pronunciation of Chinese is difficult for foreigners"; "that is the correct pronunciation" -02738760 __hawaiian_JJ_1 of or relating to or characteristic of the state or island of Hawaii or to the people or culture or language -02652158 __herd_VB_3 keep, move, or drive animals; "Who will be herding the cattle when the cowboy dies?" -14897751 __gum_resin_NN_1 a mixture of resin and gum -02687821 __repair_shed_NN_1 a large structure at an airport where aircraft can be stored and maintained -12376553 __hudsonia_ericoides_NN_1 North American decumbent evergreen heathlike plant with yellow flowers -00557419 __pass_completion_NN_1 (American football) a successful forward pass in football -13484082 __fractionation_NN_1 a process that uses heat to separate a substance into its components -00287735 __imbue_VB_3 suffuse with color -05655567 __visual_acuity_NN_1 sharpness of vision; the visual ability to resolve fine detail (usually measured by a Snellen chart) -05497741 __caudate_nucleus_NN_1 a tail-shaped basal ganglion located in a lateral ventricle of the brain -14375576 __nervousness_NN_2 an uneasy psychological state; "he suffered an attack of nerves" -00298896 __set_VB_5 put into a certain state; cause to be in a certain state; "set the house afire" -02737183 __gravitative_JJ_1 of or relating to or caused by gravitation -07009538 __playlet_NN_1 a short play -10610850 __sleeper_NN_2 a spy or saboteur or terrorist planted in an enemy country who lives there as a law-abiding citizen until activated by a prearranged signal -09975425 __craftsman_NN_2 a creator of great skill in the manual arts; "the jewelry was made by internationally famous craftsmen" -02355596 __make_VB_21 achieve a point or goal; "Nicklaus had a 70"; "The Brazilian team got 4 goals"; "She made 29 points that day" -03383646 __smithy_NN_1 a workplace where metal is worked by heating and hammering -11718911 __peony_family_NN_1 perennial rhizomatous herbs and shrubs; of temperate Europe and North America -02735066 __gentile_JJ_1 belonging to or characteristic of non-Jewish peoples -06223468 __godlessness_NN_1 the doctrine or belief that there is no God -00855512 __review_VB_2 appraise critically; "She reviews books for the New York Times"; "Please critique this performance" -04006953 __procaine_hydrochloride_NN_1 procaine administered as a hydrochloride (trade name Novocain) -02734192 __genetical_JJ_2 of or relating to the science of genetics; "genetic research" -13265425 __portion_NN_6 money or property brought by a woman to her husband at marriage -10376890 __oldtimer_NN_2 an elderly man -11907939 __sanguinaria_NN_1 one species: bloodroot -02733187 __stomachic_JJ_1 relating to or involving the stomach; "gastric ulcer" -05328232 __sebaceous_gland_NN_1 a cutaneous gland that secretes sebum (usually into a hair follicle) for lubricating hair and skin -02574910 __sucking_fish_NN_1 marine fishes with a flattened elongated body and a sucking disk on the head for attaching to large fish or moving objects -05342214 __ciliary_artery_NN_1 one of several arteries supplying the choroid coat of the eye -09904057 __enumerator_NN_1 someone who collects census data by visiting individual homes -02403454 __moo-cow_NN_1 female of domestic cattle: "`moo-cow' is a child's term" -09164241 __saigon_NN_1 a city in South Vietnam; formerly (as Saigon) it was the capital of French Indochina -11400230 __wykeham_NN_1 English prelate and statesman; founded a college at Oxford and Winchester College in Winchester; served as chancellor of England and bishop of Winchester (1324-1404) -06768259 __cheap_shot_NN_1 an unnecessarily aggressive and unfair remark directed at a defenseless person -04848262 __hope_NN_6 one of the three Christian virtues -07094843 __metrical_unit_NN_1 (prosody) a group of 2 or 3 syllables forming the basic unit of poetic rhythm -11653323 __genus_afrocarpus_NN_1 dioecious evergreen trees or shrubs; equatorial to southern and southeastern Africa: yellowwood; similar to trees or genus Podocarpus -01389329 __pack_together_VB_1 make more compact by or as if by pressing; "compress the data" -06212422 __unorthodoxy_NN_1 any opinions or doctrines at variance with the official or orthodox position -00774056 __squabble_VB_1 argue over petty things; "Let's not quibble over pennies" -01004062 __score_VB_3 make underscoring marks -00583759 __smut_VB_1 make obscene; "This line in the play smuts the entire act" -02402112 __excommunicate_VB_2 oust or exclude from a group or membership by decree -06714976 __disrespect_NN_1 an expression of lack of respect -12836033 __genus_nemophila_NN_1 genus of ornamental chiefly California herbs: baby blue-eyes -01916010 __suborder_gorgoniacea_NN_1 red corals and sea fans -02730304 __formalized_JJ_1 concerned with or characterized by rigorous adherence to recognized forms (especially in religion or art); "highly formalized plays like `Waiting for Godot'" -06616314 __short_subject_NN_1 a brief film; often shown prior to showing the feature -00656576 __group_VB_1 arrange into a group or groups; "Can you group these shapes together?" -02729182 __flaky_JJ_1 made of or resembling flakes; "flaky soap" -12494794 __royal_poinciana_NN_1 showy tropical tree or shrub native to Madagascar; widely planted in tropical regions for its immense racemes of scarlet and orange flowers; sometimes placed in genus Poinciana -08860001 __erin_NN_1 an early name of Ireland that is now used in poetry -02526934 __culminate_VB_3 reach the highest or most decisive point -07297927 __sublimation_NN_2 (psychology) modifying the natural expression of an impulse or instinct (especially a sexual one) to one that is socially acceptable -12172715 __genus_abutilon_NN_1 herbs or shrubs or small trees: flowering maple; Indian mallow -15274305 __time-out_NN_1 a brief suspension of play; "each team has two time-outs left" -02727009 __fibreoptic_JJ_1 of or relating to fiber optics -05260240 __pompadour_NN_2 a hair style in which the front hair is swept up from the forehead -02726715 __feverish_JJ_2 of or relating to or characterized by fever; "a febrile reaction caused by an allergen" -01656576 __temnospondyli_NN_1 formerly a suborder of Stegocephalia; large Carboniferous and Permian amphibians having vertebrae in which some elements remain separate -01110661 __steamroller_VB_4 overwhelm by using great force; "steamroller the opposition" -00433216 __sport_NN_2 the occupation of athletes who compete for pay -14045507 __sterility_NN_2 the state of being unable to produce offspring; in a woman it is an inability to conceive; in a man it is an inability to impregnate -01296505 __tannenberg_NN_1 a battle in World War I (1914); decisive German victory over the Russians -13039553 __phallales_NN_1 order of fungi comprising the stinkhorns and related forms whose mature hymenium is slimy and fetid; sometimes placed in subclass Homobasidiomycetes -01791756 __distract_VB_1 draw someone's attention away from something; "The thief distracted the bystanders"; "He deflected his competitors" -14135623 __ebola_hemorrhagic_fever_NN_1 a severe and often fatal disease in humans and nonhuman primates (monkeys and chimpanzees) caused by the Ebola virus; characterized by high fever and severe internal bleeding; can be spread from person to person; is largely limited to Africa -13077479 __order_moniliales_NN_1 order of imperfect fungi lacking conidiophores of having conidiophores that are superficial and not enclosed in a pycnidium -00218602 __atomization_NN_2 annihilation by reducing something to atoms -00325785 __mountaineering_NN_1 the activity of climbing a mountain -12651611 __pyrus_communis_NN_1 Old World tree having sweet gritty-textured juicy fruit; widely cultivated in many varieties -00330909 __peptize_VB_1 disperse in a medium into a colloidal state -04184095 __stem_NN_3 cylinder forming a long narrow part of something -01747374 __copy_VB_1 copy down as is; "The students were made to copy the alphabet over and over" -14855280 __melena_NN_1 abnormally dark tarry feces containing blood (usually from gastrointestinal bleeding) -00858341 __glory_VB_1 rejoice proudly -10582746 __serviceman_NN_1 someone who serves in the armed forces; a member of a military force; "two men stood sentry duty" -12429352 __blue_african_lily_NN_1 African plant with bright green evergreen leaves and umbels of many usually deep violet-blue flowers -01086103 __run_VB_37 compete in a race; "he is running the Marathon this year"; "let's race and see who gets there first" -08984122 __lodz_NN_1 a large city of central Poland -01050627 __burying_NN_1 concealing something under the ground -04950537 __texture_NN_4 the characteristic appearance of a surface having a tactile quality -09111955 __manchester_NN_1 largest city in New Hampshire; located in southeastern New Hampshire on the Merrimack river -06722453 __statement_NN_1 a message that is stated or declared; a communication (oral or written) setting forth particulars or facts etc; "according to his statement he was in London on that day" -14162275 __autosomal_recessive_disease_NN_1 a disease caused by the presence of two recessive mutant genes on an autosome -05311054 __optic_NN_1 the organ of sight -10079210 __farmerette_NN_1 a woman working on a farm -02020590 __reach_VB_1 reach a destination, either real or abstract; "We hit Detroit by noon"; "The water reached the doorstep"; "We barely made it to the finish line"; "I have to hit the MAC machine before the weekend starts" -01915730 __cut_VB_16 pass through or across; "The boat cut the water" -04717139 __qualification_NN_1 an attribute that must be met or complied with and that fits a person for something; "her qualifications for the job are excellent"; "one of the qualifications for admission is an academic degree"; "she has the makings of fine musician" -12743680 __genus_harpullia_NN_1 genus of tropical Asiatic and African trees -06955931 __ural-altaic_NN_1 a (postulated) group of languages including many of the indigenous languages of Russia (but not Russian) -02483092 __lesser_ape_NN_1 gibbons and siamangs -00181875 __clutter_up_VB_1 fill a space in a disorderly way -10017272 __dj_NN_1 a person who announces and plays popular recorded music -08402442 __mission_NN_5 a group of representatives or delegates -14777277 __prevacid_NN_1 antacid (trade name Prevacid) that suppresses acid secretion in the stomach -01369758 __bust_VB_1 ruin completely; "He busted my radio!" -07258332 __reference_point_NN_1 an indicator that orients you generally; "it is used as a reference for comparing the heating and the electrical energy involved" -01956924 __order_myaceae_NN_1 clams -01370913 __rickettsiales_NN_1 pleomorphic Gram-negative microorganisms -12513613 __love_tree_NN_1 small tree of the eastern Mediterranean having abundant purplish-red flowers growing on old wood directly from stems and appearing before the leaves: widely cultivated in mild regions; wood valuable for veneers -06959427 __sami_NN_2 the language of nomadic Lapps in northern Scandinavia and the Kola Peninsula -02715802 __eucharistic_JJ_1 of or relating to the sacrament of the Eucharist; "the Eucharistic cup" -01212519 __support_NN_2 aiding the cause or policy or interests of; "the president no longer has the support of his own party"; "they developed a scheme of mutual support" -01321230 __male_NN_1 an animal that produces gametes (spermatozoa) that can fertilize female gametes (ova) -02635794 __appointive_JJ_1 relating to the act of appointing; "appointive powers" -02715047 __dumpy_JJ_1 resembling a garbage dump -14393438 __hysterical_neurosis_NN_1 neurotic disorder characterized by violent emotional outbreaks and disturbances of sensory and motor functions -02454379 __armadillo_NN_1 burrowing chiefly nocturnal mammal with body covered with strong horny plates -09976917 __weirdy_NN_1 someone unpleasantly strange or eccentric -03892035 __parquet_NN_2 seating on the main floor between the orchestra and the parquet circle -02262324 __family_ephemeridae_NN_1 mayflies -01206553 __devotion_NN_2 commitment to some purpose; "the devotion of his time and wealth to science" -02712125 __sudorific_JJ_1 inducing perspiration -00267217 __darning_NN_1 the act of mending a hole in a garment with crossing threads -05282000 __temporal_bone_NN_1 a thick bone forming the side of the human cranium and encasing the inner ear -00376715 __rupture_NN_3 the act of making a sudden noisy break -12387201 __violet_family_NN_1 a family of order Parietales including the genera Viola, Hybanthus, Hymenanthera, Melicytus -15109127 __zirconium_silicate_NN_1 a common mineral occurring in small crystals; chief source of zirconium; used as a refractory when opaque and as a gem when transparent -10644598 __staffer_NN_1 an employee who is a member of a staff of workers (especially a member of the staff that works for the President of the United States) -12062468 __helleborine_NN_2 any of various orchids of the genus Epipactis -01216670 __take_hold_VB_2 have or hold in one's hands or grip; "Hold this bowl for a moment, please"; "A crazy idea took hold of him" -01107726 __trading_operations_NN_1 financial transactions at a brokerage; having to do with the execution of trades and keeping customer records -07432973 __twist_NN_8 a miniature whirlpool or whirlwind resulting when the current of a fluid doubles back on itself -01378545 __slime_bacteria_NN_1 bacteria that form colonies in self-produced slime; inhabit moist soils or decaying plant matter or animal waste -09292545 __great_dividing_range_NN_1 a mountain range running along the eastern coast of Australia -02710294 __deductive_JJ_1 relating to logical deduction; "deductive reasoning" -05157866 __profitableness_NN_2 the quality of affording gain or benefit or profit -01984119 __fall_VB_24 drop oneself to a lower or less erect position; "She fell back in her chair"; "He fell to his knees" -05897825 __unidentified_flying_object_NN_1 an (apparently) flying object whose nature is unknown; especially those considered to have extraterrestrial origins -00836705 __misrepresent_VB_1 represent falsely; "This statement misrepresents my intentions" -01522878 __spool_VB_2 wind onto a spool or a reel -13154586 __pad_NN_2 the large floating leaf of an aquatic plant (as the water lily) -15091846 __vitamin_m_NN_1 a B vitamin that is essential for cell growth and reproduction -14446878 __inconvenience_NN_1 an inconvenient discomfort -08987262 __el_beda_NN_1 the capital and chief port of Qatar -00537682 __folk_dancing_NN_1 a style of dancing that originated among ordinary people (not in the royal courts) -03383948 __fork_NN_1 cutlery used for serving and eating food -10274815 __underclassman_NN_1 an undergraduate who is not yet a senior -11156943 __st._mark_NN_1 Apostle and companion of Saint Peter; assumed to be the author of the second Gospel -00796315 __risky_venture_NN_1 a wild and exciting undertaking (not necessarily lawful) -13279262 __wage_NN_1 something that remunerates; "wages were paid by check"; "he wasted his pay on drink"; "they saved a quarter of all their earnings" -10734741 __two-timer_NN_1 someone who deceives a lover or spouse by carrying on a sexual relationship with somebody else -02589245 __consort_VB_1 keep company with; hang out with; "He associates with strange people"; "She affiliates with her colleagues" -13278375 __payment_NN_1 a sum of money paid or a claim discharged -02457058 __exhume_VB_1 dig up for reburial or for medical investigation; of dead bodies -01443831 __crucian_carp_NN_1 European carp closely resembling wild goldfish -11920998 __pellitory-of-spain_NN_1 a small Mediterranean plant containing a volatile oil once used to relieve toothache -02216740 __gallfly_NN_1 small solitary wasp that produces galls on oaks and other plants -08595054 __battle_line_NN_1 the line along which warring troops meet -02704461 __correlational_JJ_1 relating to or employing correlation -12987056 __lichen_NN_2 any thallophytic plant of the division Lichenes; occur as crusty patches or bushy growths on tree trunks or rocks or bare ground etc. -07060440 __country_music_NN_1 a simple style of folk music heard mostly in the southern United States; usually played on stringed instruments -02703438 __cosmological_JJ_1 pertaining to the branch of astronomy dealing with the origin and history and structure and dynamics of the universe; "cosmologic science"; "cosmological redshift"; "cosmogonic theories of the origin of the universe" -11828247 __goosefoot_NN_1 any of various weeds of the genus Chenopodium having small greenish flowers -01326015 __crest_NN_5 a showy growth of e.g. feathers or skin on the head of a bird or other animal -01723259 __pterodactylidae_NN_1 a reptile family in the order Pterosauria -03513376 __helmet_NN_1 armor plate that protects the head -02701775 __confrontational_JJ_1 of or relating to confrontation -00119297 __hyperemesis_NN_1 severe and excessive vomiting -12467811 __trillium_family_NN_1 small family of herbs having flowers with 3 petals and 3 sepals; in some classification systems considered a subfamily of the Liliaceae -09794211 __anglophile_NN_1 an admirer of England and things English -09310616 __inclined_fault_NN_1 a geological fault in which one side is above the other -00945401 __search_NN_1 the activity of looking thoroughly in order to find something or someone -05613274 __unconscious_mind_NN_1 that part of the mind wherein psychic activity takes place of which the person is unaware -02052476 __pass_VB_22 cause to pass; "She passed around the plates" -02066086 __genus_eschrichtius_NN_1 type and sole genus of the Eschrichtiidae -04863793 __unyieldingness_NN_1 resoluteness by virtue of being unyielding and inflexible -02233096 __suborder_blattodea_NN_1 cockroaches; in some classifications considered an order -10645392 __stagehand_NN_1 an employee of a theater who performs work involved in putting on a theatrical production -03587874 __isuprel_NN_1 drug (trade name Isuprel) used to treat bronchial asthma and to stimulate the heart -02638596 __ganoid_fish_NN_1 primitive fishes having thick bony scales with a shiny covering -01464077 __mesoderm_NN_1 the middle germ layer that develops into muscle and bone and cartilage and blood and connective tissue -09093608 __old_line_state_NN_1 a Mid-Atlantic state; one of the original 13 colonies -11975100 __gynura_NN_1 genus of Old World tropical herbs: velvet plants -02200686 __present_VB_7 give as a present; make a gift of; "What will you give her for her birthday?" -03236423 __dredger_NN_1 a barge (or a vessel resembling a barge) that is used for dredging -04294426 __stabilizer_NN_2 airfoil consisting of a device for stabilizing an aircraft -01234345 __absence_NN_2 failure to be present -05324888 __tympanum_NN_1 the main cavity of the ear; between the eardrum and the inner ear -12872698 __pinguicula_NN_1 butterworts: a large genus of almost stemless carnivorous bog plants; Europe and America to Antarctica -08690194 __dropping_zone_NN_1 an agreed area where military supplies are dropped to ground troops -04057047 __razor_NN_1 edge tool used in shaving -07863229 __bubble_and_squeak_NN_1 leftover cabbage fried with cooked potatoes and sometimes meat -14746048 __progesterone_NN_1 a steroid hormone (trade name Lipo-Lutin) produced in the ovary; prepares and maintains the uterus for pregnancy -13193269 __fragrant_wood_fern_NN_1 fern or northern Eurasia and North America having fragrant fronds -02053279 __sula_NN_1 type genus of the Sulidae -05387544 __lung_NN_1 either of two saclike respiratory organs in the chest of vertebrates; serves to remove carbon dioxide and provide oxygen to the blood -11962108 __genus_echinacea_NN_1 small genus of North American coarse perennial herbs -04055030 __rat_NN_5 a pad (usually made of hair) worn as part of a woman's coiffure -01937719 __hirudinea_NN_1 hermaphroditic aquatic or terrestrial or parasitic annelids -02693895 __chiasmic_JJ_1 of or relating to a chiasm -13491876 __warming_NN_1 the process of becoming warmer; a rising temperature -03670208 __limousine_NN_1 large luxurious car; usually driven by a chauffeur -02692471 __chelonian_JJ_1 of or relating to or resembling or being a turtle or tortoise -08139637 __national_park_service_NN_1 an agency of the Interior Department responsible for the national parks -14534696 __wetness_NN_1 the condition of containing or being covered by a liquid (especially water); "he confirmed the wetness of the swimming trunks" -01119030 __bulldog_VB_1 attack viciously and ferociously -01006675 __test_NN_2 any standardized procedure for measuring sensitivity or memory or intelligence or aptitude or personality etc; "the test was standardized on a large sample of students" -00654400 __wiretap_NN_1 the act of tapping a telephone or telegraph line to get information -02690613 __chaldee_JJ_1 of or relating to ancient Chaldea or its people or language or culture -10259780 __light_colonel_NN_1 a commissioned officer in the United States Army or Air Force or Marines holding a rank above major and below colonel -14019600 __acidosis_NN_1 abnormally high acidity (excess hydrogen-ion concentration) of the blood and other body tissues -00574218 __conjugate_VB_3 undergo conjugation -06644105 __facial_recognition_NN_1 biometric identification by scanning a person's face and matching it against a library of known faces; "they used face recognition to spot known terrorists" -00088481 __seizure_NN_2 the act of forcibly dispossessing an owner of property -02688623 __cereal_JJ_1 made of grain or relating to grain or the plants that produce it; "a cereal beverage"; "cereal grasses" -09369169 __nest_NN_1 a structure in which animals lay eggs or give birth to their young -01365131 __laminate_VB_3 cover with a thin sheet of non-fabric material; "laminate the table" -01217780 __plicate_VB_1 fold into pleats, "Pleat the cloth" -13563647 __suppression_NN_1 the failure to develop some part or organ -00550341 __stage_business_NN_1 incidental activity performed by an actor for dramatic effect; "his business with the cane was hilarious" -02722997 __antineoplastic_antibiotic_NN_1 an antibiotic drug used as an antineoplastic in chemotherapy -02687191 __cenogenetic_JJ_1 of or relating to cenogenesis -00588703 __lie_low_VB_2 the office of admiral to try to avoid detection especially by police; "After we knock off that liquor store we'll have to lay low for a while" -04828925 __humaneness_NN_1 the quality of compassion or consideration for others (people or animals) -03239054 __white_tie_and_tails_NN_1 formalwear consisting of full evening dress for men -14896714 __balsam_NN_2 any of various fragrant oleoresins used in medicines and perfumes -02195526 __horsefly_NN_2 large swift fly the female of which sucks blood of various animals -10126926 __mastermind_NN_2 someone who has exceptional intellectual ability and originality; "Mozart was a child genius"; "he's smart but he's no Einstein" -10855047 __humphrey_deforest_bogart_NN_1 United States film actor (1899-1957) -04559023 __water-cooled_reactor_NN_1 nuclear reactor using water as a coolant -06966825 __spanish_NN_1 the Romance language spoken in most of Spain and the countries colonized by Spain -00998886 __write_VB_8 record data on a computer; "boot-up instructions are written on the hard disk" -00822101 __notarize_VB_1 authenticate as a notary; "We had to have the signature notarized" -09458079 __tidewater_stream_NN_1 a stream in which the effects of the tide extend far upstream -09371151 __niger_river_NN_1 an African river; flows into the South Atlantic -09693809 __watutsi_NN_1 a member of a Bantu speaking people living in Rwanda and Burundi -02680723 __caroline_JJ_1 of or relating to the life and times of kings Charles I or Charles II of England -07828807 __vanilla_extract_NN_1 a flavoring prepared from vanilla beans macerated in alcohol (or imitating vanilla beans) -04078747 __reservoir_NN_2 lake used to store water for community use -02282903 __hairstreak_butterfly_NN_1 small butterflies having striped markings under the wings -13889602 __inclination_NN_3 (geometry) the angle formed by the x-axis and a given line (measured counterclockwise from the positive half of the x-axis) -00595894 __peasanthood_NN_1 the state of being a peasant; "the same homely dress she wore in the days of her peasanthood" -09260218 __incrustation_NN_2 a hard outer layer that covers something -02678677 __capsular_JJ_2 of or relating to a capsule -04160586 __seaplane_NN_1 an airplane that can land on or take off from water; "the designer of marine aircraft demonstrated his newest hydroplane" -12014739 __serratula_NN_1 genus of Old World perennial herbs with spirally arranged toothed leaves -07895237 __bordeaux_wine_NN_1 any of several red or white wines produced around Bordeaux, France or wines resembling them -12946578 __genus_cornus_NN_1 a rosid dicot genus of the family Cornaceae including: dogwood; cornel: perennial chiefly deciduous shrubs or small trees of temperate regions of northern hemisphere -01052739 __repositioning_NN_1 the act of placing in a new position -02435386 __genus_elaphurus_NN_1 a genus of Cervidae -14586258 __mixture_NN_1 (chemistry) a substance consisting of two or more substances mixed together (not in fixed proportions and not with chemical bonding) -06253371 __circulation_NN_1 the dissemination of copies of periodicals (as newspapers or magazines) -13180304 __genus_asplenium_NN_1 in some classification systems placed in family Polypodiaceae -02761392 __robot_NN_1 a mechanism that can move automatically -12385046 __resedaceae_NN_1 mainly Mediterranean herbs: mignonette -02595569 __sciaenops_NN_1 a genus of Sciaenidae -04122825 __sack_NN_1 a bag made of paper or plastic for holding customer's purchases -11229095 __pepin_the_short_NN_1 king of the Franks and father of Charlemagne who defended papal interests and founded the Carolingian dynasty in 751 (714-768) -05017458 __visibleness_NN_1 quality or fact or degree of being visible; perceptible by the eye or obvious to the eye; "low visibility caused by fog" -13000372 __family_agaricaceae_NN_1 large family including many familiar mushrooms -11121640 __louis_seymour_bazett_leakey_NN_1 English paleontologist whose account of fossil discoveries in Tanzania changed theories of human evolution (1903-1972) -02673446 __caecilian_JJ_1 of or relating to or belonging to the family Caeciliidae -02673139 __cadaverous_JJ_2 of or relating to a cadaver or corpse; "we had long anticipated his cadaverous end" -01245052 __sanitize_VB_1 make sanitary by cleaning or sterilizing -02987047 __cautery_NN_1 an instrument or substance used to destroy tissue for medical reasons (eg removal of a wart) by burning it with a hot iron or an electric current or a caustic or by freezing it -07332148 __dissipation_NN_1 breaking up and scattering by dispersion; "the dissipation of the mist" -08957993 __tripoli_NN_3 a port city and commercial center in northwestern Lebanon on the Mediterranean Sea -00372958 __warm_VB_2 make warm or warmer; "The blanket will warm you" -02158066 __dock_NN_7 a short or shortened tail of certain animals -00533671 __reheel_VB_1 put a new heel on; "heel shoes" -13146035 __pinot_grape_NN_1 any of several purple or white wine grapes used especially for Burgundies and champagnes -01256417 __leading_NN_2 the activity of leading; "his leadership inspired the team" -10180923 __stickup_man_NN_1 an armed thief -01209135 __strike_VB_6 affect or afflict suddenly, usually adversely; "We were hit by really bad weather"; "He was stricken with cancer when he was still a teenager"; "The earthquake struck at midnight" -05038593 __concentration_NN_1 the strength of a solution; number of molecules of a substance in a given volume -02018372 __catch_VB_9 reach in time; "I have to catch a train at 7 o'clock" -07726095 __garbanzo_NN_2 large white roundish Asiatic legume; usually dried -09879552 __bully_NN_2 a hired thug -14406573 __vexation_NN_2 the psychological state of being irritated or annoyed -01945381 __yacht_VB_1 travel in a yacht -05315095 __conjunctiva_NN_1 a transparent lubricating mucous membrane that covers the eyeball and the under surface of the eyelid -01821266 __possible_JJ_1 capable of happening or existing; "a breakthrough may be possible next year"; "anything is possible"; "warned of possible consequences" -09973209 __vaquero_NN_1 local names for a cowboy (`vaquero' is used especially in southwestern and central Texas and `buckaroo' is used especially in California) -10076033 __queer_NN_1 offensive term for an openly homosexual man -00544549 __raise_VB_12 raise in rank or condition; "The new law lifted many people from poverty" -01641391 __spring_frog_NN_2 common North American green or brownish frog having white-edged dark oval spots -12791064 __philadelphus_NN_1 any of various chiefly deciduous ornamental shrubs of the genus Philadelphus having white sweet-scented flowers, single or in clusters; widely grown in temperate regions -03684823 __railway_locomotive_NN_1 a wheeled vehicle consisting of a self-propelled engine that is used to draw trains along railway tracks -05417698 __gleet_NN_1 a thin morbid discharge as from a wound or especially chronic gonorrhea -02345048 __sack_VB_1 plunder (a town) after capture; "the barbarians sacked Rome" -00514658 __rag_NN_5 a boisterous practical joke (especially by college students) -02665803 __biological_JJ_1 pertaining to biology or to life and living things -13109733 __flowering_tree_NN_1 any tree having seeds and ovules contained in the ovary -02749169 __headache_powder_NN_1 a powdered form of aspirin -12612410 __sagittaria_NN_1 genus of aquatic herbs of temperate and tropical regions having sagittate or hastate leaves and white scapose flowers -11654667 __genus_falcatifolium_NN_1 sickle pines: dioecious evergreen tropical trees and shrubs having sickle-shaped leaves; similar to Dacrycarpus in habit; Malaysia and Philippines to New Guinea and New Caledonia -02967791 __korean_JJ_1 of or relating to or characteristic of Korea or its people or language; "Korean handicrafts" -02604657 __family_ephippidae_NN_1 small family comprising the spadefishes -11440012 __cold_weather_NN_1 a period of unusually cold weather -01471547 __shanghai_VB_1 take (someone) against his will for compulsory service, especially on board a ship; "The men were shanghaied after being drugged" -03251766 __dryer_NN_1 an appliance that removes moisture -11189274 __moore_NN_6 British sculptor whose works are monumental organic forms (1898-1986) -06355459 __morse_code_NN_1 a telegraph code in which letters and numbers are represented by strings of dots and dashes (short and long signals) -00318484 __temporize_VB_1 draw out a discussion or process in order to gain time; "The speaker temporized in order to delay the vote" -02660940 __belarusian_JJ_1 of or pertaining to Belarus or to the people or culture of Belarus -02660651 __behaviouristic_JJ_1 of or relating to behaviorism; "behavioristic psychology" -14536438 __xerotes_NN_1 the condition of not containing or being covered by a liquid (especially water) -10557404 __shmuck_NN_1 (Yiddish) a jerk -00920956 __naturalization_NN_3 the introduction of animals or plants to places where they flourish but are not indigenous -09871095 __slugger_NN_2 a boxer noted for an ability to deliver hard punches -01280808 __gnarl_VB_1 twist into a state of deformity; "The wind has gnarled this old tree" -11892637 __stock_NN_12 any of several Old World plants cultivated for their brightly colored flowers -10126806 __progenitor_NN_1 an ancestor in the direct line -00544842 __intonation_NN_4 the production of musical tones (by voice or instrument); especially the exactitude of the pitch relations -01044448 __veneration_NN_2 religious zeal; the willingness to serve God -12186116 __sida_NN_1 large genus of tropical subshrubs or herbs some of which yield fibers of mucilaginous substances -11645914 __araucaria_NN_1 any of several tall South American or Australian trees with large cones and edible seeds -02657741 __bacteroidal_JJ_1 resembling bacteria -04968257 __yellowish_green_NN_1 a shade of green tinged with yellow -00054628 __sire_VB_1 make children; "Abraham begot Isaac"; "Men often father children but don't recognize them" -01711749 __set_VB_9 locate; "The film is set in Africa" -04391838 __taping_NN_1 a recording made on magnetic tape; "the several recordings were combined on a master tape" -04952944 __sparkle_NN_3 the quality of shining with a bright reflected light -12281241 __birch_tree_NN_1 any betulaceous tree or shrub of the genus Betula having a thin peeling bark -03385557 __munition_NN_3 defensive structure consisting of walls or mounds built around a stronghold to strengthen it -11721124 __ranunculus_bulbosus_NN_1 perennial Old World buttercup with golden to sulphur yellow flowers in late spring to early summer; naturalized in North America -12798041 __heuchera_NN_1 genus of North American herbs with basal cordate or orbicular leaves and small panicled flowers -02655180 __axillary_JJ_2 of or relating to the armpit; "axillary gland" -15210486 __february_NN_1 the month following January and preceding March -06088995 __organic_chemistry_NN_1 the chemistry of compounds containing carbon (originally defined as the chemistry of substances produced by living organisms but now extended to substances synthesized artificially) -02654442 __avocational_JJ_1 of or involved in an avocation -10721124 __traditionalist_NN_1 one who adheres to traditional views -01988080 __space_VB_1 place at intervals; "Space the interviews so that you have some time between the different candidates" -01789064 __order_galliformes_NN_1 pheasants; turkeys; grouse; partridges; quails; chickens; brush turkeys; curassows; hoatzins -07813579 __seasoned_salt_NN_1 combination of salt and vegetable extracts and spices and monosodium glutamate -04741311 __mutableness_NN_1 the quality of being capable of mutation -02652590 __autotrophic_JJ_1 of or relating to organisms (as green plants) that can make complex organic nutritive compounds from simple inorganic sources by photosynthesis -06816935 __formula_NN_4 a representation of a substance using symbols for its constituent elements -06377133 __lucubration_NN_1 a solemn literary work that is the product of laborious cogitation -03287178 __output_NN_1 final product; the things produced -02141146 __produce_VB_4 bring out for display; "The proud father produced many pictures of his baby"; "The accused brought forth a letter in court that he claims exonerates him" -04103918 __roll-on_roll-off_NN_1 a method of transport (as a ferry or train or plane) that vehicles roll onto at the beginning and roll off of at the destination -05193338 __vividness_NN_1 interest and variety and intensity; "the Puritan Period was lacking in color"; "the characters were delineated with exceptional vividness" -11633459 __genus_callitris_NN_1 evergreen monoecious coniferous trees or shrubs: cypress pines -01933478 __filaria_NN_2 slender threadlike roundworms living in the blood and tissues of vertebrates; transmitted as larvae by biting insects -01159776 __stylization_NN_1 the act of stylizing; causing to conform to a particular style -04413969 __terraced_house_NN_1 a house that is part of a terrace -07521437 __scare_NN_2 a sudden attack of fear -02648106 __attritional_JJ_1 relating to or caused by attrition -00851933 __roast_VB_2 subject to laughter or ridicule; "The satirists ridiculed the plans for a new opera house"; "The students poked fun at the inexperienced teacher"; "His former students roasted the professor at his 60th birthday" -05559256 __tush_NN_1 the fleshy part of the human body that you sit on; "he deserves a good kick in the butt"; "are you going to sit on your fanny and do nothing?" -07204911 __negative_NN_1 a reply of denial; "he answered in the negative" -08951385 __friesland_NN_2 one of the northernmost provinces of the Netherlands -15017604 __chloride_NN_1 any compound containing a chlorine atom -01290422 __attach_VB_3 become attached; "The spider's thread attached to the window sill" -11960084 __genus_dahlia_NN_1 genus of perennial tuberous plants of Mexico and Central America -05522784 __vulvar_slit_NN_1 the fissure between the labia majora -07341038 __oscillation_NN_3 a single complete execution of a periodically repeated phenomenon; "a year constitutes a cycle of the seasons" -12514592 __tagasaste_NN_1 shrub of Canary Islands having bristle-tipped oblanceolate leaves; used as cattle fodder -02644050 __ascensional_JJ_1 tending to rise -01778984 __genus_dermacentor_NN_1 vectors of important diseases of man and animals -02643673 __even-toed_JJ_1 of or relating to or belonging to mammals of the order Artiodactyla -02643446 __articulatory_JJ_1 of or relating to articulation; "articulatory features"; "articulatory phonetics" -02641571 __arsenical_JJ_1 relating to or containing arsenic; "arsenic vapor" -02641378 __aromatic_JJ_1 (chemistry) of or relating to or containing one or more benzene rings; "an aromatic organic compound" -02641201 __aroid_JJ_1 relating to a plant of the family Araceae -11358719 __van_buren_NN_1 8th President of the United States (1782-1862) -09423379 __san_juan_mountains_NN_1 a mountain range in southwestern Colorado that is part of the Rocky Mountains -00380696 __blending_NN_1 the act of blending components together thoroughly -14035298 __drive_NN_9 a physiological state corresponding to a strong need or desire -03963483 __playbox_NN_1 a box for a child's toys and personal things (especially at a boarding school) -01920582 __order_cestida_NN_1 ctenophore having short tentacles; one family -14204586 __thermic_fever_NN_1 sudden prostration due to exposure to the sun or excessive heat -01370561 __kick_VB_3 strike with the foot; "The boy kicked the dog"; "Kick the door down" -12327407 __grias_NN_1 anchovy pear tree -11468172 __induction_NN_2 an electrical phenomenon whereby an electromotive force (EMF) is generated in a closed circuit by a change in the flow of current -03599964 __jobcentre_NN_1 a government office in a town where information about available jobs is displayed and where unemployment benefits are administered -07140348 __felicitation_NN_1 (usually plural) an expression of pleasure at the success or good fortune of another; "I sent them my sincere congratulations on their marriage" -11657314 __nageia_NN_1 small genus of Asian evergreen trees having columnar crowns and distinguished by leaves lacking a midrib; eastern Asia including India and Philippines and New Guinea -10438172 __planner_NN_1 a person who makes plans -05787005 __examination_NN_4 a detailed inspection of your conscience (as done daily by Jesuits) -07322138 __emersion_NN_1 (astronomy) the reappearance of a celestial body after an eclipse -10402824 __party_NN_5 a person involved in legal proceedings; "the party of the first part" -11552133 __cryptogam_NN_1 formerly recognized taxonomic group including all flowerless and seedless plants that reproduce by means of spores: ferns, mosses, algae, fungi -01656788 __tack_together_VB_1 create by putting components or members together; "She pieced a quilt"; "He tacked together some verses"; "They set up a committee" -02595523 __apply_VB_10 apply oneself to; "Please apply yourself to your homework" -01195584 __legitimation_NN_1 the act of rendering a person legitimate; "he has filial rights because he obtained letters of legitimation from the king"; "his parents' subsequent marriage resulted in his legitimation" -12685431 __geranium_NN_1 any of numerous plants of the family Geraniaceae -02393086 __transfer_VB_1 transfer somebody to a different position or location of work aesthetically pleasing; "an artistic flower arrangement" -03780047 __mouldboard_plough_NN_1 plow that has a moldboard -08432820 __chow_line_NN_1 a queue of people waiting for food to be served (especially at a military camp) -04256520 __sofa_NN_1 an upholstered seat for more than one person -03490449 __handwheel_NN_2 control consisting of a wheel whose rim serves as the handle by which a part is operated -12713358 __round_kumquat_NN_1 shrub bearing round-fruited kumquats -14175579 __chlamydia_NN_1 a sexually transmitted infection caused by bacteria of the genus Chlamydia -08553535 __residential_district_NN_1 a district where people live; occupied primarily by private residences -03570838 __inhalation_general_anesthetic_NN_1 a gas that produces general anesthesia when inhaled -02412939 __scab_VB_2 take the place of work of someone on strike -01560369 __shear_VB_2 shear the wool from; "shear sheep" -00570003 __desorb_VB_2 remove from a surface on which it is adsorbed; "the substance was desorbed" -14798039 __tetrachloromethane_NN_1 a colorless nonflammable liquid used as a solvent for fats and oils; because of its toxicity its use as a cleaning fluid or fire extinguisher has declined -08382056 __british_cabinet_NN_1 the senior ministers of the British government -02570838 __surfperch_NN_1 small to medium-sized shallow-water fishes of the Pacific coast of North America -11951385 __genus_chrysopsis_NN_1 golden aster -02628337 __antennary_JJ_1 of or relating to antennae; "antennal senses of insects" -01683428 __xantusiidae_NN_1 night lizards -11798978 __ivy_NN_1 Old World vine with lobed evergreen leaves and black berrylike fruits -01960105 __post_VB_8 ride Western style and bob up and down in the saddle in rhythm with a horse's trotting gait -02355227 __squirrel_NN_1 a kind of arboreal rodent having a long bushy tail -02614812 __dissipate_VB_4 live a life of pleasure, especially with respect to alcoholic consumption -07515974 __relaxation_NN_3 a feeling of refreshing tranquility and an absence of tension or worry; "the easiness we feel when sleeping" -02348788 __pocket_mouse_NN_1 any of various small nocturnal burrowing desert rodents with cheek pouches and long hind legs and tail -01990800 __isopod_NN_1 any of various small terrestrial or aquatic crustaceans with seven pairs of legs adapted for crawling -05846932 __rule_NN_11 (mathematics) a standard procedure for solving a class of mathematical problems; "he determined the upper bound with Descartes' rule of signs"; "he gave us a general formula for attacking polynomials" -12182414 __lavatera_NN_1 widespread genus of herbs or softwood arborescent shrubs cultivated for their showy flowers -02625975 __annelidan_JJ_1 relating to or belonging to or characteristic of any worms of the phylum Annelida -08912012 __isfahan_NN_1 city in central Iran; former capital of Persia -04300358 __stamping_mill_NN_1 a mill in which ore is crushed with stamps -10332385 __mother_NN_1 a woman who has given birth to a child (also used as a term of address to your mother); "the mother of three children" -11644712 __thujopsis_NN_1 one species; has close similarity to genus Thuja -12747563 __staff-tree_family_NN_1 trees and shrubs and woody vines usually having bright-colored fruits -06999802 __chart_NN_1 a visual display of information -00890590 __secure_VB_4 make certain of; "This nest egg will ensure a nice retirement for us"; "Preparation will guarantee success!" -01354869 __division_eubacteria_NN_1 one-celled monerans having simple cells with rigid walls and (in motile types) flagella -03996416 __shovel_NN_4 a machine for excavating -05912012 __ira_NN_2 a retirement plan that allows you to contribute a limited yearly sum toward your retirement; taxes on the interest earned in the account are deferred -10369699 __obstetrician_NN_1 a physician specializing in obstetrics -09171674 __nubian_desert_NN_1 an arid sandstone plateau in northeastern Sudan between the Nile and the Red Sea -03870105 __pace_car_NN_1 a high-performance car that leads a parade of competing cars through the pace lap and then pulls off the course -11639609 __taxodiaceae_NN_1 coniferous trees; traditionally considered an independent family though recently included in Cupressaceae in some classification systems -12690046 __erythroxylon_coca_NN_1 a South American shrub whose leaves are chewed by natives of the Andes; a source of cocaine -02622859 __anoestrous_JJ_1 of or relating to anestrus -03895585 __passageway_NN_1 a passage between rooms or between buildings -12701178 __lepidobotryaceae_NN_1 family created in 1950 solely for the classification of a distinctive African tree repeatedly classified in other families; trees long believed to exist only in Africa -10614812 __smith_NN_9 someone who works at something specified -10275249 __scottish_lowlander_NN_1 a native of the Lowlands of Scotland -13725271 __metric_hundredweight_NN_1 a unit of weight equal to 100 kilograms -06637350 __low-level_formatting_NN_1 (computer science) the format of sectors on the surface of a hard disk drive so that the operating system can access them and setting a starting position -10168183 __pleasure_seeker_NN_1 someone motivated by desires for sensual pleasures -02354621 __valley_pocket_gopher_NN_1 of valleys and mountain meadows of western United States -02040709 __scrape_VB_4 bend the knees and bow in a servile manner -03200357 __dining_compartment_NN_1 a passenger car where food is served in transit -06015505 __integral_NN_1 the result of a mathematical integration; F(x) is the integral of f(x) if dF/dx = f(x) -12532564 __soybean_NN_1 a source of oil; used for forage and soil improvement and as food -03200701 __dining_room_NN_1 a room used for dining -10299875 __matchmaker_NN_1 someone who arranges (or tries to arrange) marriages for others -00621476 __plodding_NN_1 hard monotonous routine work -03760671 __microscope_NN_1 magnifier of the image of small objects; "the invention of the microscope led to the discovery of the cell" -02633677 __palometa_simillima_NN_1 smaller than Florida pompano; common in West Indies -00840630 __engorgement_NN_2 eating ravenously or voraciously to satiation -09330913 __lake_edward_NN_1 a lake in the Great Rift Valley between Congo and Uganda -10116246 __functionalist_NN_1 an adherent of functionalism -06453324 __writings_NN_1 the third of three divisions of the Hebrew Scriptures -12156819 __grain_NN_7 dry seed-like fruit produced by the cereal grasses: e.g. wheat, barley, Indian corn -09137032 __ri_NN_1 a state in New England; one of the original 13 colonies; the smallest state -02872529 __relay_transmitter_NN_1 an amplifier for restoring the strength of a transmitted signal -07736813 __taro_root_NN_1 tropical starchy tuberous root -02041678 __sea_mew_NN_1 the common gull of Eurasia and northeastern North America -05475681 __fibre_bundle_NN_1 a bundle of fibers (especially nerve fibers) -02616627 __amenorrhoeic_JJ_1 related to the suppression of normal menstrual flow for any reason other than pregnancy -10691318 __wiretapper_NN_1 someone who wiretaps a telephone or telegraph wire -04218564 __silencer_NN_2 a tubular acoustic device inserted in the exhaust system that is designed to reduce noise -02171453 __lamellicorn_beetle_NN_1 beetle having antennae with hard platelike terminal segments -00976270 __trap_play_NN_1 (American football) a play in which a defensive player is allowed to cross the line of scrimmage and then blocked off as the runner goes through the place the lineman vacated -01104376 __get_the_jump_VB_1 be there first; "They had gotten the jump on their competitors" -02817031 __bearing_NN_6 a rotating support placed between moving parts to allow them to move easily -02615079 __alular_JJ_1 pertaining to alulae -01966586 __sea_scallop_NN_2 a large scallop inhabiting deep waters of the Atlantic coast of North America -02036755 __queue_up_VB_1 form a queue, form a line, stand in line; "Customers lined up in front of the store" -14492373 __sumptuousness_NN_1 wealth as evidenced by sumptuous living -08111419 __type_NN_3 (biology) the taxonomic group whose characteristics are used to define the next higher taxon -04773351 __mobility_NN_1 the quality of moving freely -09931267 __clumsy_person_NN_1 a person with poor motor coordination -08848094 __state_of_bahrain_NN_1 an island country in the Persian Gulf off the coast of Saudi Arabia; oil revenues funded progressive programs until reserves were exhausted in 1970s -00207306 __deportation_NN_2 the expulsion from a country of an undesirable alien -01557028 __turdinae_NN_1 alternative classification for the thrushes -11160457 __marx_NN_5 founder of modern communism; wrote the Communist Manifesto with Engels in 1848; wrote Das Kapital in 1867 (1818-1883) -02611442 __algonquin_JJ_1 of or relating to an Algonquian tribe or its people or language -07353716 __tie_NN_6 the finish of a contest in which the score is tied and the winner is undecided; "the game ended in a draw"; "their record was 3 wins, 6 losses and a tie" -01717628 __debut_VB_2 appear for the first time in public; "The new ballet that debuts next months at Covent Garden, is already sold out" -02987492 __sabre_NN_2 a stout sword with a curved blade and thick back -13541798 __projection_NN_6 (psychiatry) a defense mechanism by which your own traits and emotions are attributed to someone else -00975452 __penetration_NN_1 an attack that penetrates into enemy territory -00393953 __synchronize_VB_1 make synchronous and adjust in time or manner; "Let's synchronize our efforts" -00055010 __ejaculate_VB_2 eject semen -06883073 __insignia_NN_1 a badge worn to show official position -08514592 __circumference_NN_2 the boundary line encompassing an area or object; "he had walked the full circumference of his land"; "a danger to all races over the whole circumference of the globe" -02416410 __genus_capra_NN_1 goats -02098550 __sporting_dog_NN_1 a dog trained to work with sportsmen when they hunt with guns -01965156 __leap_VB_4 cause to jump or leap; "the trainer jumped the tiger through the hoop" -01931398 __genus_enterobius_NN_1 pinworms -10743543 __utterer_NN_2 someone who circulates forged banknotes or counterfeit coins -11762706 __lysiloma_NN_1 small genus of tropical American trees and shrubs with pinnate leaves and flat straight pods -02208143 __genus_apis_NN_1 type genus of the Apidae: honeybees -06878580 __smirk_NN_1 a smile expressing smugness or scorn instead of pleasure -05166805 __positivity_NN_2 a quality or state characterized by certainty or acceptance or affirmation and dogmatic assertiveness -04931267 __setup_NN_2 the way something is organized or arranged; "it takes time to learn the setup around here" -11470348 __juice_NN_3 electric current; "when the wiring was finished they turned on the juice" -02441942 __weasel_NN_2 small carnivorous mammal with short legs and elongated body and neck -13423489 __ablation_NN_2 the erosive process that reduces the size of glaciers -01418498 __leishmania_NN_1 flagellate protozoan that causes leishmaniasis -01579813 __unfold_VB_4 spread out or open from a closed or folded state; "open the map"; "spread your arms" -09536363 __maker_NN_2 terms referring to the Judeo-Christian God -02608090 __agonal_JJ_1 pertaining to or associated with agony (especially death agonies) -09768830 __addict_NN_2 someone who is physiologically dependent on a substance; abrupt deprivation of the substance produces withdrawal symptoms -00239024 __face-off_NN_2 (ice hockey) the method of starting play; a referee drops the puck between two opposing players -01214171 __protagonism_NN_1 active support of an idea or cause etc.; especially the act of pleading or arguing for something -08773679 __hanover_NN_1 a port city in northwestern Germany; formerly a member of the Hanseatic League -12216028 __genus_conospermum_NN_1 Australian shrubs (some trees) with flowers in dense spikes: smoke bush -14459824 __refinement_NN_1 a highly developed state of perfection; having a flawless or impeccable quality; "they performed with great polish"; "I admired the exquisite refinement of his prose"; "almost an inspiration which gives to all work that finish which is almost art"--Joseph Conrad -08399378 __witches'_broth_NN_1 a fearsome mixture; "a witches' brew of gangsters and terrorists"; "mixing dope and alcohol creates a witches' brew" -00886602 __plight_VB_1 give to in marriage -00122338 __posting_NN_3 the transmission of a letter; "the postmark indicates the time of mailing" -00405540 __deconcentrate_VB_1 make less central; "After the revolution, food distribution was decentralized" -05672391 __memory_loss_NN_1 partial or total loss of memory; "he has a total blackout for events of the evening" -10118382 __inspirer_NN_1 a leader who stimulates and excites people to action -10614976 __tobacco_user_NN_1 a person who smokes tobacco -02650282 __triga_NN_1 type genus of the Triglidae -09788237 __friend_of_the_court_NN_1 an adviser to the court on some matter of law who is not a party to the case; usually someone who wants to influence the outcome of a lawsuit involving matters of wide public interest -01574671 __genus_euphagus_NN_1 a genus of Icteridae -00166146 __attractive_JJ_1 pleasing to the eye or mind especially through beauty or charm; "a remarkably attractive young man"; "an attractive personality"; "attractive clothes"; "a book with attractive illustrations" -01010684 __alternation_NN_1 successive change from one thing or state to another and back again; "a trill is a rapid alternation between the two notes" -08917503 __chaldea_NN_2 an ancient kingdom in southern Mesopotamia; Babylonia conquered Israel in the 6th century BC and exiled the Jews to Babylon (where Daniel became a counselor to the king) -04285622 __sports_implement_NN_1 an implement used in a sport -15256714 __turn_NN_9 (sports) a division during which one team is on the offensive -06814870 __musical_notation_NN_1 (music) notation used by musicians -02428349 __pasang_NN_1 large African antelope with long straight nearly upright horns -10199103 __nonreader_NN_2 a person unable to read -12608941 __pipewort_family_NN_1 chiefly tropical aquatic or bog herbs: pipeworts -09027853 __castilla_NN_1 a region of central Spain; a former kingdom that comprised most of modern Spain and united with Aragon to form Spain in 1479 -14687818 __wood_spirit_NN_1 a light volatile flammable poisonous liquid alcohol; used as an antifreeze and solvent and fuel and as a denaturant for ethyl alcohol -12756059 __genus_dipteronia_NN_1 small genus of large deciduous shrubs having large clusters of winged seeds that turn red as they mature; central and southern China -02599939 __academic_JJ_1 associated with academia or an academy; "the academic curriculum"; "academic gowns" -13964879 __common-law_marriage_NN_1 a marriage relationship created by agreement and cohabitation rather than by ceremony -14010148 __inactivity_NN_1 the state of being inactive -03214253 __ditch_NN_1 a long narrow excavation in the earth -03077958 __communication_system_NN_2 facility consisting of the physical plants and equipment for disseminating information -00285557 __step_NN_3 the act of changing location by raising the foot and setting it down; "he walked with unsteady steps" -08597323 __mahgrib_NN_1 the region of northwest Africa comprising the Atlas Mountains and the coastlands of Morocco and Algeria and Tunisia -02598768 __abbatial_JJ_1 of or having to do with or belonging to an abbey or abbot, or abbess -11117451 __pierre_simon_de_laplace_NN_1 French mathematician and astronomer who formulated the nebular hypothesis concerning the origins of the solar system and who developed the theory of probability (1749-1827) -11265416 __robinson_NN_7 United States film actor noted for playing gangster roles (1893-1973) -11598991 __welwitschiaceae_NN_1 in some classifications included in the Gnetaceae -06573020 __malevolent_program_NN_1 a computer program designed to have undesirable or harmful effects -00335653 __inversion_NN_9 the act of turning inside out -02598211 __vegetative_JJ_2 composed of vegetation or plants; "regions rich in vegetal products"; "vegetational cover"; "the decaying vegetative layer covering a forest floor" -12631331 __avens_NN_1 any of various perennials of the genus Geum having usually pinnate basal leaves and variously colored flowers -14483917 __opportunity_NN_1 a possibility due to a favorable combination of circumstances; "the holiday gave us the opportunity to visit Washington"; "now is your chance" -04818700 __tawdriness_NN_1 tasteless showiness -00911562 __regret_VB_4 express with regret; "I regret to say that you did not gain admission to Harvard" -13294503 __rente_NN_1 income from capital investment paid in a series of regular payments; "his retirement fund was set up to be paid as an annuity" -06567689 __computer-aided_design_NN_1 software used in art and architecture and engineering and manufacturing to assist in precision drawing -00929362 __look_VB_7 convey by one's expression; "She looked her devotion to me" -00119873 __mutate_VB_1 undergo mutation; "cells mutate" -08780380 __tampere_NN_1 an industrial city in south central Finland -04309049 __steam_engine_NN_1 external-combustion engine in which heat is used to raise steam which either turns a turbine or forces a piston to move up and down in a cylinder -14659211 __titanium_NN_1 a light strong grey lustrous corrosion-resistant metallic element used in strong lightweight alloys (as for airplane parts); the main sources are rutile and ilmenite -05968971 __esthetic_NN_1 (philosophy) a philosophical theory as to what is beautiful; "he despised the esthetic of minimalism" -01952162 __pulmonata_NN_1 large order of gastropods usually breathing by means of a lung-like sac comprising most land snails and slugs and many freshwater snails -09693372 __sotho_NN_1 a member of the Bantu people who inhabit Botswana, Lesotho, and northern South Africa and who speak the Sotho languages -01141612 __angle_VB_4 fish with a hook -03901548 __pawl_NN_1 a hinged catch that fits into a notch of a ratchet to move a wheel forward or prevent it from moving backward -08875369 __west_end_NN_1 the part of west central London containing the main entertainment and shopping areas -02016358 __water_hen_NN_2 any of various small aquatic birds of the genus Gallinula distinguished from rails by a frontal shield and a resemblance to domestic hens -04235291 __sleigh_NN_1 a vehicle mounted on runners and pulled by horses or dogs; for transportation over snow -01101958 __publishing_NN_1 the business of issuing printed matter for sale or distribution -13059485 __strobilomyces_NN_1 fungi similar to Boletus but with a shaggy scaly cap -14121276 __hypothyroidism_NN_1 an underactive thyroid gland; a glandular disorder resulting from insufficient production of thyroid hormones -00614730 __handwriting_NN_2 the activity of writing by hand; "handwriting can be slow and painful for one with arthritis" -10006337 __dervish_NN_1 an ascetic Muslim monk; a member of an order noted for devotional exercises involving bodily movements -06148148 __politics_NN_2 the study of government of states and other political units -02288473 __pyralididae_NN_1 bee moths; corn borers; flour moths -01677366 __iguana_iguana_NN_1 large herbivorous tropical American arboreal lizards with a spiny crest along the back; used as human food in Central America and South America -14343411 __meningoencephalitis_NN_1 inflammation of the brain and spinal cord and their meninges -10476086 __prisoner_NN_1 a person who is confined; especially a prisoner of war -13549672 __release_NN_3 a process that liberates or discharges something; "there was a sudden release of oxygen"; "the release of iodine from the thyroid gland" -09917593 __youngster_NN_1 a young person of either sex; "she writes books for children"; "they're just kids"; "`tiddler' is a British term for youngster" -02267529 __spend_VB_3 spend completely; "I spend my pocket money in two days" -02584981 __worthy_JJ_1 having worth or merit or value; being honorable or admirable; "a worthy fellow"; "a worthy cause" -01462005 __unify_VB_2 to bring or combine together or with something else; "resourcefully he mingled music and dance" -02543412 __synodontidae_NN_1 soft-finned bottom-dwelling fishes -15197042 __shavuoth_NN_1 (Judaism) Jewish holy day celebrated on the sixth of Sivan to celebrate Moses receiving the Ten Commandments -09234104 __cape_kennedy_NN_1 a sandy promontory (formerly Cape Kennedy) extending into the Atlantic Ocean from a barrier island off the eastern coast of Florida; the site of a NASA center for spaceflight -01861778 __mammalian_NN_1 any warm-blooded vertebrate having the skin more or less covered with hair; young are born alive except for the small subclass of monotremes and nourished with milk -00412292 __naturalize_VB_1 make into a citizen; "The French family was naturalized last year" -02457825 __disrespect_VB_1 show a lack of respect for -02035919 __flex_VB_3 form a curve; "The stick does not bend" -04272054 __spectacles_NN_1 optical instrument consisting of a frame that holds a pair of lenses for correcting defective vision -02240377 __genus_cimex_NN_1 type genus of the Cimicidae: bedbugs -02662239 __whiff_NN_2 a lefteye flounder found in coastal waters from New England to Brazil -08951278 __utrecht_NN_1 a city in the central Netherlands -03221720 __door_NN_1 a swinging or sliding barrier that will close the entrance to a room or building or vehicle; "he knocked on the door"; "he slammed the door as he left" -00654113 __sperm_count_NN_2 the act of estimating the number of spermatozoa in an ejaculate -05314255 __epicanthus_NN_1 a vertical fold of skin over the nasal canthus; normal for Mongolian peoples; sometimes occurs in Down's syndrome -10024362 __spouse_equivalent_NN_1 a person (not necessarily a spouse) with whom you cohabit and share a long-term sexual relationship -09754541 __abjurer_NN_1 a person who abjures -05568767 __ulnar_nerve_NN_1 a nerve running along the inner side of the arm and passing near the elbow; supplies intrinsic muscles of the hand and the skin of the medial side of the hand -05997361 __communications_NN_1 the discipline that studies the principles of transmiting information and the methods by which it is delivered (as print or radio or television etc.); "communications is his major field of study" -07251003 __top_billing_NN_1 the advertisement of a star's name at the top of a theatrical poster -10245507 __landsman_NN_1 a person who lives and works on land -02577061 __worldly_JJ_1 characteristic of or devoted to the temporal world as opposed to the spiritual world; "worldly goods and advancement"; "temporal possessions of the church" -01810946 __raphidae_NN_1 extinct dodos and solitaires -00080304 __into_the_bargain_RB_1 give medical treatment to in addition; over and above what is expected; "He lost his wife in the bargain" -11909048 __fumitory_family_NN_1 erect or climbing herbs of the northern hemisphere and southern Africa: bleeding heart; Dutchman's breeches; fumitory; squirrel corn -07468692 __track_meet_NN_1 a track and field competition between two or more teams -02573704 __pomatomus_saltatrix_NN_1 bluish warm-water marine food and game fish that follow schools of small fishes into shallow waters -09957614 __conformist_NN_1 someone who conforms to established standards of conduct (especially in religious matters) -00194969 __variation_NN_2 an activity that varies from a norm or standard; "any variation in his routine was immediately reported" -02621395 __make_VB_12 to compose or represent:"This wall forms the background of the stage setting"; "The branches made a roof"; "This makes a fine introduction" -03308152 __extractor_NN_1 an instrument for extracting tight-fitting components -07826930 __star_aniseed_NN_1 anise-scented star-shaped fruit or seed used in Asian cooking and medicine -01636675 __genus_desmograthus_NN_1 an amphibian genus of Plethodontidae -05291010 __abductor_muscle_NN_1 a muscle that draws a body part away from the median line -00660102 __rank_VB_1 take or have a position relative to others; "This painting ranks among the best in the Western World" -00602112 __take_up_VB_2 adopt; "take up new ideas" -04402580 __telephone_receiver_NN_1 earphone that converts electrical signals into sounds -02296153 __pass_on_VB_2 transmit (knowledge or skills); "give a secret to the Russians"; "leave your name and address here"; "impart a new skill to the students" -01101913 __vanquish_VB_1 come out better in a competition, race, or conflict; "Agassi beat Becker in the tennis championship"; "We beat the competition"; "Harvard defeated Yale in the last football game" -07955280 __tout_ensemble_NN_1 an assemblage of parts or details (as in a work of art) considered as forming a whole -02599207 __genus_cynoscion_NN_1 sea trout -12247664 __vaccinium_corymbosum_NN_1 high-growing deciduous shrub of eastern North America bearing edible blueish to blackish berries with a distinct bloom; source of most cultivated blueberries -02025530 __scolopacidae_NN_1 sandpiper family: sandpipers; woodcocks; snipes; tattlers; curlews; godwits; dowitchers -02570282 __foolish_JJ_1 devoid of good sense or judgment; "foolish remarks"; "a foolish decision" -07205946 __disclaimer_NN_2 denial of any connection with or knowledge of -02014165 __take_off_VB_1 leave; "The family took off for Florida" -05768806 __dreaming_NN_1 imaginative thoughts indulged in while awake; "he lives in a dream that has nothing to do with reality" -14414294 __separation_NN_1 the state of lacking unity -01866535 __unproductive_JJ_1 not producing or capable of producing; "elimination of high-cost or unproductive industries" -15199592 __public_holiday_NN_1 authorized by law and limiting work or official business -02569130 __wise_JJ_1 having or prompted by wisdom or discernment; "a wise leader"; "a wise and perceptive comment" -06328643 __grammatical_gender_NN_1 a grammatical category in inflected languages governing the agreement between nouns and pronouns and adjectives; in some languages it is quite arbitrary but in Indo-European languages it is usually based on sex or animateness -03010473 __chassis_NN_3 the skeleton of a motor vehicle consisting of a steel frame supported on springs that holds the body and motor -09820263 __jock_NN_1 a person trained to compete in sports -02502514 __flying_lemur_NN_1 arboreal nocturnal mammal of southeast Asia and the Philippines resembling a lemur and having a fold of skin on each side from neck to tail that is used for long gliding leaps -09641422 __whitey_NN_1 (slang) offensive names for a White man -01911888 __sneak_VB_1 to go stealthily or furtively; "..stead of sneaking around spying on the neighbor's house" -04914292 __rudeness_NN_1 a manner that is rude and insulting -02034661 __stiltbird_NN_1 long-legged three-toed black-and-white wading bird of inland ponds and marshes or brackish lagoons -15226732 __trimester_NN_1 a period of three months; especially one of the three three-month periods into which human pregnancy is divided -04090263 __rifle_NN_1 a shoulder firearm with a long barrel and a rifled bore; "he lifted the rifle to his shoulder and fired" -00461402 __war_game_NN_1 a simulation of a military operation intended to train military commanders or to demonstrate a situation or to test a proposed strategy -03321103 __turbojet_engine_NN_1 a jet engine in which a fan driven by a turbine provides extra air to the burner and gives extra thrust -02566015 __unwilling_JJ_1 not disposed or inclined toward; "an unwilling assistant"; "unwilling to face facts" -11623967 __himalayan_cedar_NN_1 tall East Indian cedar having spreading branches with nodding tips; highly valued for its appearance as well as its timber -01623967 __machine_VB_2 make by machinery; "The Americans were machining while others still hand-made cars" -08805122 __campania_NN_1 a region of southwestern Italy on the Tyrrhenian Sea including the islands of Capri and Ischia -01207951 __spread_over_VB_1 form a cover over; "The grass covered the grave" -01670051 __foliate_VB_2 decorate with leaves -11778391 __order_arales_NN_1 Araceae; Lemnaceae -05071027 __narrowing_NN_1 an instance of becoming narrow -07255299 __interdiction_NN_1 authoritative prohibition -01151407 __propitiation_NN_1 the act of placating and overcoming distrust and animosity -01721169 __appear_VB_6 appear as a character on stage or appear in a play, etc.; "Gielgud appears briefly in this movie"; "She appeared in `Hamlet' on the London stage" -00300441 __aviation_NN_4 travel via aircraft; "air travel involves too much waiting in airports"; "if you've time to spare go by air" -05783940 __synthetic_thinking_NN_1 the combination of ideas into a complex whole -01993214 __sandhopper_NN_1 small amphipod crustaceans that hop like fleas; common on ocean beaches -02563068 __wide_JJ_5 great in degree; "won by a wide margin" -06732925 __profession_NN_3 an open avowal (true or false) of some belief or opinion; "a profession of disagreement" -02229023 __stenopelmatus_NN_1 sand crickets -02248510 __scale_insect_NN_1 small homopterous insect that usually lives and feeds on plants and secretes a protective waxy covering -05908520 __machination_NN_1 a crafty and involved plot to achieve your (usually sinister) ends -02021653 __find_VB_15 succeed in reaching; arrive at; "The arrow found its mark" -02559180 __unwholesome_JJ_1 detrimental to physical or moral well-being; "unwholesome food"; "unwholesome habits like smoking" -08808614 __lombardy_NN_1 a region of north central Italy bordering Switzerland -12412606 __beardless_iris_NN_1 any of numerous wild or cultivated irises having no hairs on the drooping sepals (the falls) -01919931 __noisy_JJ_1 full of or characterized by loud and nonmusical sounds; "a noisy cafeteria"; "a small noisy dog" -02954163 __canvass_NN_4 a tent made of canvas fabric -10718131 __tourist_NN_1 someone who travels for pleasure -02343056 __bank_VB_5 be in the banking business -09945319 __communist_NN_2 a socialist who advocates communism -02851001 __humoral_JJ_1 of or relating to bodily fluids -07535532 __dolour_NN_1 (poetry) painful grief -01780551 __trombiculidae_NN_1 mites -07020239 __variety_show_NN_1 a show consisting of a series of short unrelated performances -12131216 __poa_NN_1 chiefly perennial grasses of cool temperate regions -05714161 __scent_NN_2 an odor left in passing by which a person or animal can be traced -01925338 __stump_VB_2 walk heavily; "The men stomped through the snow in their heavy boots" -10264437 __linguistic_scientist_NN_1 a specialist in linguistics -02059462 __rush_VB_6 cause to move fast or to rush or race; "The psychologist raced the rats through a long maze" -06634376 __information_NN_1 a message received and understood -01674464 __lizard_NN_1 relatively long-bodied reptile with usually two pairs of legs and a tapering tail -01465994 __phylum_chordata_NN_1 comprises true vertebrates and animals having a notochord -01054694 __squeal_VB_1 utter a high-pitched cry, characteristic of pigs -01029671 __watch_NN_6 the rite of staying awake for devotional purposes (especially on the eve of a religious festival) -11961266 __genus_dimorphotheca_NN_1 South African herbs or subshrubs with usually yellow flowers -08699426 __east_africa_NN_1 a geographical area in eastern Africa -09976283 __weirdo_NN_2 someone deranged and possibly dangerous -04962784 __redness_NN_2 red color or pigment; the chromatic color resembling the hue of blood -09355850 __slack_NN_4 a soft wet area of low-lying land that sinks underfoot -07545415 __respect_NN_6 a feeling of friendship and esteem; "she mistook his manly regard for love"; "he inspires respect" -11880218 __genus_cakile_NN_1 small genus of succulent annual herbs found on sandy shores of North America and Europe -02586382 __lutjanidae_NN_1 snappers -03074855 __comb_NN_1 a flat device with narrow pointed teeth on one edge; disentangles or arranges hair -00847340 __union_NN_3 the act of pairing a male and female for reproductive purposes; "the casual couplings of adolescents"; "the mating of some species occurs only in the spring" -09639543 __abkhazian_NN_1 a member of the Circassian people who live to the east of the Black Sea -00575083 __thrash_NN_1 a swimming kick used while treading water -02417534 __wild_goat_NN_1 undomesticated goat -08524130 __city_centre_NN_1 the central part of a city -12964572 __family_ceratostomataceae_NN_1 fungi having carbonous perithecia with long necks -12493090 __genus_ceratonia_NN_1 carobs -02007898 __bottom_out_VB_1 reach the low point; "Prices bottomed out and started to rise again after a while" -04945530 __greed_NN_1 excessive desire to acquire or possess more (especially more material wealth) than one needs or deserves -00956131 __just_JJ_3 free from favoritism or self-interest or bias or deception; conforming with established standards or rules; "a fair referee"; "fair deal"; "on a fair footing"; "a fair fight"; "by fair means or foul" -11988774 __leontodon_NN_1 hawkbit -05599203 __bridge_NN_4 the hard ridge that forms the upper part of the nose; "her glasses left marks on the bridge of her nose" -06410391 __review_article_NN_1 an essay or article that gives a critical evaluation (as of a book or play) -12890009 __genus_veronica_NN_1 widespread genus of herbs with pink or white or blue or purple flowers: speedwell -03007130 __chapel_NN_1 a place of worship that has its own altar -10251329 __lazybones_NN_1 a lazy person -10376523 __senior_citizen_NN_1 an elderly person -12743352 __nephelium_longana_NN_1 tree of southeastern Asia to Australia grown primarily for its sweet edible fruit resembling litchi nuts; sometimes placed in genera Euphorbia or Nephelium -00788632 __shot_NN_15 an attempt to score in a game -05471181 __caruncula_NN_1 an outgrowth on a plant or animal such as a fowl's wattle or a protuberance near the hilum of certain seeds -00627013 __press_NN_8 a weightlift in which the barbell is lifted to shoulder height and then smoothly lifted overhead -02047650 __whirlpool_VB_1 flow in a circular current, of liquids -02539359 __wearable_JJ_1 suitable for wear or able to be worn; "wearable evening clothes"; "a wearable hearing aid" -10098092 __yes-man_NN_1 a person of unquestioning obedience -01176335 __ruffle_NN_3 a noisy fight -11381824 __wesley_NN_2 English clergyman and founder of Methodism (1703-1791) -14662574 __mineral_NN_1 solid homogeneous inorganic substances occurring in nature having a definite chemical composition -08508105 __derivation_NN_1 the source or origin from which something derives (i.e. comes or issues); "he prefers shoes of Italian derivation"; "music of Turkish derivation" -03050026 __cloth_covering_NN_1 a covering made of cloth -01519977 __undo_VB_1 cancel, annul, or reverse an action or its effect; "I wish I could undo my actions" -01442578 __pick_VB_10 attack with or as if with a pickaxe of ice or rocky ground, for example; "Pick open the ice" -14094350 __shaking_palsy_NN_1 a degenerative disorder of the central nervous system characterized by tremor and impaired muscular coordination -02934168 __transmission_line_NN_1 a conductor for transmitting electrical or optical signals or electric power -01031194 __circumcision_NN_2 the act of circumcising performed on males eight days after birth as a Jewish and Muslim religious rite -02787772 __bank_building_NN_1 a building in which the business of banking transacted; "the bank is on the corner of Nassau and Witherspoon" -03498316 __hatband_NN_1 a band around the crown of a hat just above the brim -10467395 __united_states_president_NN_1 the person who holds the office of head of state of the United States government; "the President likes to jog every morning" -12821505 __virginia_cowslip_NN_1 smooth erect herb of eastern North America having entire leaves and showy blue flowers that are pink in bud -00750532 __saddle_VB_3 impose a task upon, assign a responsibility to; "He charged her with cleaning up all the files over the weekend" -02533313 __warmhearted_JJ_1 marked by warmth of feeling like kindness and sympathy and generosity; "gave a warmhearted welcome to the stranger" -10365514 __nudger_NN_1 someone who nudges; someone who gives a gentle push; "he needs a regular nudger to keep him awake" -02199352 __haematobia_NN_1 European genus of bloodsucking flies -02623170 __suborder_scombroidea_NN_1 mackerels; tunas; albacores; bonitos; swordfishes; sailfishes -07324673 __outgrowth_NN_2 the gradual beginning or coming forth; "figurines presage the emergence of sculpture in Greece" -07941945 __biome_NN_1 a major biotic community characterized by the dominant forms of plant life and the prevailing climate -02531422 __cool_JJ_4 psychologically cool and unenthusiastic; unfriendly or unresponsive or showing dislike; "relations were cool and polite"; "a cool reception"; "cool to the idea of higher taxes" -07116304 __implosion_NN_2 the initial occluded phase of a stop consonant -02515713 __latimeria_chalumnae_NN_1 fish thought to have been extinct since the Cretaceous period but found in 1938 off the coast of Africa -13349395 __surety_NN_2 property that your creditor can claim in case you default on your obligation; "bankers are reluctant to lend without good security" -01444520 __family_catostomidae_NN_1 suckers; closely related to the family Cyprinidae -02422685 __tidy_JJ_1 marked by order and cleanliness in appearance or habits; "a tidy person"; "a tidy house"; "a tidy mind" -07743224 __whortleberry_NN_2 blue-black berries similar to American blueberries -04388743 __tank_NN_2 a large (usually metallic) vessel for holding gases or liquids -08491826 __territorial_division_NN_1 a district defined for administrative purposes -09490352 __sea_nymph_NN_1 (Greek mythology) a water nymph who was the daughter of Oceanus or Nereus -09332976 __lake_st._clair_NN_1 a lake between Ontario and Michigan; connected with Lake Huron and Lake Erie -09946278 __fellow_traveller_NN_2 a traveler who accompanies you -02430580 __divorce_VB_1 part; cease or break association with; "She disassociated herself from the organization when she found out the identity of the president" -09732544 __brits_NN_1 the people of Great Britain -03780392 __moulding_NN_1 a decorative strip used for ornamentation or finishing -10679174 __surgeon_NN_1 a physician who specializes in surgery -05313535 __supercilium_NN_1 the arch of hair above each eye -01035803 __compromise_VB_1 make a compromise; arrive at a compromise; "nobody will get everything he wants; we all must compromise" -01212230 __run_VB_22 pass over, across, or through; "He ran his eyes over her body"; "She ran her fingers along the carved figurine"; "He drew her hair through his fingers" -09997622 __debtor_NN_1 a person who owes a creditor; someone who has the obligation of paying a debt -00089154 __smut_VB_4 affect with smut or mildew, as of a crop such as corn -03808564 __narcotic_NN_1 a drug that produces numbness or stupor; often taken for pleasure or to reduce pain; extensive use can lead to addiction -02523275 __vulnerable_JJ_1 susceptible to attack; "a vulnerable bridge" -00250181 __mature_VB_1 develop and reach maturity; undergo maturation; "He matured fast"; "The child grew fast" -13965049 __intermarriage_NN_2 marriage within one's own tribe or group as required by custom or law -01387786 __squeeze_VB_9 squeeze or press together; "she compressed her lips"; "the spasm contracted the muscle" -02237868 __poecilocapsus_lineatus_NN_1 yellow or orange leaf bug with four black stripes down the back; widespread in central and eastern North America -03442756 __goal_NN_3 game equipment consisting of the place toward which players of a game try to advance a ball or puck in order to score points -12469157 __trillium_sessile_NN_1 trillium of northeastern United States with sessile leaves and red or purple flowers having a pungent odor -10105462 __fortuneteller_NN_1 a person who foretells your personal future -06221790 __hawkishness_NN_1 any political orientation favoring aggressive policies -11538123 __class_anthoceropsida_NN_1 hornworts: in some classification systems included in the class Hepaticopsida -08167953 __second_estate_NN_1 the nobility in France and the peerage in Britain -04406350 __tv_station_NN_1 station for the production and transmission of television broadcasts -05959954 __creed_NN_1 any system of principles or beliefs -04646548 __sincerity_NN_4 the trait of being serious; "a lack of solemnity is not necessarily a lack of seriousness"- Robert Rice -11737316 __pulsatilla_NN_1 includes a group of plants that in some classifications are included in the genus Anemone: pasqueflowers -12706644 __rutaceae_NN_1 a family of dicotyledonous plants of order Geraniales; have flowers that are divide into four or five parts and usually have a strong scent -02517265 __unseeable_JJ_1 impossible or nearly impossible to see; imperceptible by the eye; "the invisible man"; "invisible rays"; "an invisible hinge"; "invisible mending" -02538086 __tie_VB_6 create social or emotional ties; "The grandparents want to bond with the child" -10676319 __supermodel_NN_1 a fashion model who has attained the status of a celebrity -10291240 __model_NN_8 a woman who wears clothes to display fashions; "she was too fat to be a mannequin" -02515341 __visible_JJ_1 capable of being seen; or open to easy view; "a visible object"; "visible stars"; "mountains visible in the distance"; "a visible change of expression"; "visible files" -02513740 __wicked_JJ_1 morally bad in principle or practice -12932532 __genus_anthriscus_NN_1 chervil: of Europe, North Africa and Asia -05546540 __neck_NN_1 the part of an organism (human or animal) that connects the head to the rest of the body; "he admired her long graceful neck"; "the horse won by a neck" -14461231 __totality_NN_1 the state of being total and complete; "he read the article in its entirety"; "appalled by the totality of the destruction" -00200397 __redact_VB_2 prepare for publication or presentation by correcting, revising, or adapting; "Edit a book on lexical semantics"; "she edited the letters of the politician so as to omit the most personal passages" -10650162 __statesman_NN_1 a man who is a respected leader in national or international affairs -05773548 __train_of_thought_NN_1 the connections that link the various parts of an event or argument together; "I couldn't follow his train of thought"; "he lost the thread of his argument" -14627820 __atomic_number_13_NN_1 a silvery ductile metallic element found primarily in bauxite -02510446 __violable_JJ_1 capable of being violated; "a violable rule"; "a violable contract" -08073992 __shipbuilder_NN_3 a business that builds and repairs ships -08347704 __nro_NN_1 an intelligence agency in the United States Department of Defense that designs and builds and operates space reconnaissance systems to detect trouble spots worldwide and to monitor arms control agreements and environmental issues and to help plan military operations -10661002 __unknown_NN_2 anyone who does not belong in the environment in which they are found -00198793 __demotion_NN_1 act of lowering in rank or position -00278040 __moistening_NN_1 the act of making something slightly wet -00279235 __mumbling_NN_2 ineffectual chewing (as if without teeth) -11975482 __haastia_NN_1 genus of New Zealand mat-forming herbs or subshrubs: vegetable sheep -12491826 __cassia_NN_1 any of various trees or shrubs of the genus Cassia having pinnately compound leaves and usually yellow flowers followed by long seedpods -02507968 __unvarying_JJ_2 lacking variety -05018542 __illumination_NN_4 the luminous flux incident on a unit area -00758459 __diplomatical_JJ_1 using or marked by tact in dealing with sensitive matters or people; "the hostess averted a confrontation with a diplomatic chenage of subject" -12396255 __hemp_family_NN_1 two genera of erect or twining herbs that are pollinated by the wind, including the genera Cannabis and Humulus; term not used in all classifications; in some the genus Cannabis is placed in the family Moraceae and the genus Humulus in the family Urticaceae -03437581 __gimbal_NN_1 an appliance that allows an object (such as a ship's compass) to remain horizontal even as its support tips -10773394 __weightlifter_NN_1 an athlete who lifts barbells -08414608 __venire_NN_1 (law) a group of people summoned for jury service (from whom a jury will be chosen) -02626762 __tunny_NN_2 any very large marine food and game fish of the genus Thunnus; related to mackerel; chiefly of warm waters -01552519 __cut_VB_1 separate with or as if with an instrument; "Cut the rope" -02506555 __varied_JJ_1 characterized by variety; "immigrants' varied ethnic and religious traditions"; "his work is interesting and varied" -03732828 __maxzide_NN_1 trade name for an antihypertensive drug containing hydrochlorothiazide and another diuretic -04545471 __zimmer_frame_NN_1 a light enclosing framework (trade name Zimmer) with rubber castors or wheels and handles; helps invalids or the handicapped or the aged to walk -04469003 __tramway_NN_2 the track on which trams or streetcars run -12849717 __lavender_NN_1 any of various Old World aromatic shrubs or subshrubs with usually mauve or blue flowers; widely cultivated -02505716 __invariable_JJ_1 not liable to or capable of change; "an invariable temperature"; "an invariable rule"; "his invariable courtesy" -01142203 __still-hunt_VB_1 hunt (quarry) by stalking and ambushing -02399648 __second_stomach_NN_1 the second compartment of the stomach of a ruminant -07730406 __celery_NN_2 stalks eaten raw or cooked or used as seasoning -01072262 __vie_VB_1 compete for something; engage in a contest; measure oneself against others -02504131 __variable_JJ_1 liable to or capable of change; "rainfall in the tropics is notoriously variable"; "variable winds"; "variable expenses" -02821030 __bed_linen_NN_1 linen or cotton articles for a bed (as sheets and pillowcases) -15166462 __eventide_NN_1 the latter part of the day (the period of decreasing daylight from late afternoon until nightfall); "he enjoyed the evening light across the lake" -15187077 __lincoln's_birthday_NN_1 the day on which President Abraham Lincoln is remembered -12800327 __mitella_NN_1 genus of low slender herbs of North America and northeastern Asia having flowers with trifid or pinnatifid petals -00775702 __snatch_NN_3 (law) the unlawful act of capturing and carrying away a person against their will and holding them in false imprisonment -02500884 __valuable_JJ_1 having great material or monetary value especially for use or exchange; "a valuable diamond" -06606464 __overtone_NN_1 (usually plural) an ulterior implicit meaning or quality; "overtones of despair" -02229055 __will_VB_3 leave or give by will after one's death; "My aunt bequeathed me all her jewelry"; "My grandfather left me his entire estate" -02205383 __simuliidae_NN_1 blackflies and sand flies -05302499 __rima_oris_NN_1 the opening through which food is taken in and vocalizations emerge; "he stuffed his mouth with candy" -00512487 __competitory_JJ_1 involving competition or competitiveness; "competitive games"; "to improve one's competitive position" -13308864 __levy_NN_1 a charge imposed and collected -02220518 __legionary_ant_NN_1 tropical nomadic ant that preys mainly on other insects -05697363 __sureness_NN_1 freedom from doubt; belief in yourself and your abilities; "his assurance in his superiority did not make him popular"; "after that failure he lost his confidence"; "she spoke with authority" -01487077 __odontaspididae_NN_1 sand sharks; in some classifications coextensive with family Carcharhinidae -09872557 __brahmin_NN_2 a member of the highest of the four Hindu varnas; "originally all brahmans were priests" -08587828 __shire_NN_1 a former administrative district of England; equivalent to a county -07004057 __electrocardiogram_NN_1 a graphical recording of the cardiac cycle produced by an electrocardiograph -01730679 __genus_coluber_NN_1 racers -13858833 __opposite_NN_4 something inverted in sequence or character or effect; "when the direct approach failed he tried the inverse" -02081571 __walrus_NN_1 either of two large northern marine mammals having ivory tusks and tough hide over thick blubber -02498708 __valid_JJ_1 well grounded in logic or truth or having legal force; "a valid inference"; "a valid argument"; "a valid contract" -01836527 __phalaenoptilus_NN_1 a genus of Caprimulgidae -05071556 __pointedness_NN_1 the property of a shape that tapers to a sharp tip -02497141 __useless_JJ_1 having no beneficial use or incapable of functioning usefully; "a kitchen full of useless gadgets"; "she is useless in an emergency" -01325417 __horn_NN_2 one of the bony outgrowths on the heads of certain ungulates -00378479 __lighting_NN_4 the act of setting something on fire -00653719 __miscount_NN_1 an inaccurate count -10309896 __merchant_NN_1 a businessperson engaged in retail trade -11054442 __hoffman_NN_2 versatile United States film actor (born in 1937) -01959022 __prance_VB_3 cause (a horse) to bound spring forward -08837048 __tt_NN_3 a country scattered over Micronesia with a constitutional government in free association with the United States; achieved independence in 1986 -02014553 __take_off_VB_3 depart from the ground; "The plane took off two hours late" -12547872 __poor_man's_pulse_NN_1 twining herb of Old World tropics cultivated in India for food and fodder; sometimes placed in genus Dolichos -07970406 __family_unit_NN_1 primary social group; parents and children; "he wanted to have a good job before starting a family" -02974003 __car_wheel_NN_1 a wheel that has a tire and rim and hubcap; used to propel the car -04148054 __scissors_NN_1 an edge tool having two crossed pivoting blades -00825776 __shoot_one's_mouth_off_VB_1 speak spontaneously and without restraint; "She always shoots her mouth off and says things she later regrets" -01463739 __exoderm_NN_1 the outer germ layer that develops into skin and nervous tissue -01556368 __pachycephala_NN_1 arboreal insectivorous birds -01823279 __genus_cuculus_NN_1 type genus of the Cuculidae -00463007 __silence_VB_2 keep from expression, for example by threats or pressure; "All dissenters were silenced when the dictator assumed power" -07233542 __damnation_NN_1 the act of damning -10803193 __yawner_NN_1 a person who yawns -08841209 __pleasant_island_NN_1 a small island in the central Pacific Ocean 2,800 miles to the southwest of Hawaii; in Micronesia to the west of the Gilbert Islands -08594714 __line_of_battle_NN_1 a line formed by troops or ships prepared to deliver or receive an attack -12187450 __sphaeralcea_NN_1 large genus of chiefly tropical herbs with showy flowers and mostly globose fruits: globe mallows -01832167 __swift_NN_3 a small bird that resembles a swallow and is noted for its rapid flight -00051511 __coat_VB_2 cover or provide with a coat -02232086 __phyllium_NN_1 type genus of the Phyllidae -02592607 __genus_calamus_NN_2 a genus of Sparidae -02334079 __nesokia_NN_1 bandicoot rats -01564144 __ruin_VB_1 destroy completely; damage irreparably; "You have ruined my car by pouring sugar in the tank!"; "The tears ruined her make-up" -02701002 __ambulance_NN_1 a vehicle that takes people to and from hospitals -06791372 __signaling_NN_1 any nonverbal action or gesture that encodes a message; "signals from the boat suddenly stopped" -03637027 __lamphouse_NN_1 housing that holds a lamp (as in a movie projector) -01215168 __indorsement_NN_5 the act of endorsing; "a star athlete can make a lot of money from endorsements" -13757249 __stride_NN_2 the distance covered by a step; "he stepped off ten paces from the old tree and began to dig" -02797021 __serial_JJ_3 pertaining to or occurring in or producing a series; "serial monogamy"; "serial killing"; "a serial killer"; "serial publication" -01423623 __cork_up_VB_1 close a bottle with a cork -07884567 __intoxicant_NN_1 a liquor or brew containing alcohol as the active agent; "alcohol (or drink) ruined him" -06143154 __social_science_NN_1 the branch of science that studies society and the relationships of individual within a society -02483908 __bivalved_JJ_1 used of mollusks having two shells (as clams etc.) -05093581 __dimension_NN_1 the magnitude of something in a particular direction (especially length or width or height) -01039307 __confession_NN_3 (Roman Catholic Church) the act of a penitent disclosing his sinfulness before a priest in the sacrament of penance in the hope of absolution -03758089 __mezzanine_floor_NN_1 intermediate floor just above the ground floor -00524083 __acetylize_VB_2 introduce an acetyl group into (a chemical compound) -07071942 __musical_style_NN_1 an expressive style of music -02076999 __eject_VB_3 leave an aircraft rapidly, using an ejection seat or capsule -14546844 __soundness_NN_1 a state or condition free from damage or decay -02481436 __legitimize_VB_1 make legal; "Marijuana should be legalized" -02766687 __sparkle_VB_3 emit or produce sparks; "A high tension wire, brought down by a storm, can continue to spark" -00744237 __diphthongize_VB_1 change from a simple vowel to a diphthong; "This vowel diphthongized in Germanic" -01720491 __stooge_VB_2 act as the stooge; "His role was to stooge for the popular comedian" -04497005 __tumbler_NN_3 a movable obstruction in a lock that must be adjusted to a given position (as by a key) before the bolt can be thrown -01097292 __marketplace_NN_1 the world of commercial activity where goods and services are bought and sold; "without competition there would be no market"; "they were driven from the marketplace" -09333334 __lake_tsana_NN_1 a lake in northern Ethiopia; the largest lake in Ethiopia and the source of the Blue Nile -04300080 __stamp_NN_7 machine consisting of a heavy bar that moves vertically for pounding or crushing ores -01665185 __put_on_VB_3 put on the stove or ready for cooking; "put on the tea, please!" -05504107 __spinal_fluid_NN_1 clear liquid produced in the ventricles of the brain; fills and protects cavities in the brain and spinal cord -13198054 __shuttlecock_fern_NN_1 tall fern of northern temperate regions having graceful arched fronds and sporophylls resembling ostrich plumes -12320806 __swamp_hickory_NN_1 hickory of the eastern United States having a leaves with 7 or 9 leaflets and thin-shelled very bitter nuts -02953673 __canvass_NN_7 a heavy, closely woven fabric (used for clothing or chairs or sails or tents) -14530659 __rateability_NN_1 the state of being liable to assessment or taxation -00330144 __atomize_VB_3 break up into small particles; "the fine powder had been atomized by air" -06379721 __heroic_poem_NN_1 a long narrative poem telling of a hero's deeds -04904352 __tranquillity_NN_3 a disposition free from stress or emotion -01719175 __synapsida_NN_1 extinct reptiles of the Permian to Jurassic considered ancestral to mammals -07152948 __maxim_NN_1 a saying that is widely accepted on its own merits -00061079 __caponize_VB_1 convert a cock into a capon -05786372 __think_NN_1 an instance of deliberate thinking; "I need to give it a good think" -01466303 __catenulate_VB_1 arrange in a series of rings or chains, as for spores -07343363 __return_NN_7 happening again (especially at regular intervals); "the return of spring" -05580929 __lamina_NN_1 a thin plate or layer (especially of bone or mineral) -12133332 __schizachyrium_NN_1 overlaps the genus Andropogon -09707992 __vepsian_NN_1 a member of a Finnish people of Russia -00088725 __taking_into_custody_NN_1 the act of apprehending (especially apprehending a criminal); "the policeman on the beat got credit for the collar" -03181293 __detector_NN_3 electronic equipment that detects the presence of radio signals or radioactivity -07311661 __ascension_NN_4 (astronomy) the rising of a star above the horizon -02275365 __lay_claim_VB_1 demand as being one's due or property; assert one's right or title to; "He claimed his suitcases at the airline counter"; "Mr. Smith claims special tax exemptions because he is a foreign resident" -03431570 __gearbox_NN_1 the shell (metal casing) in which a train of gears is sealed -11622771 __santa_lucia_fir_NN_1 a pyramidal fir of southwestern California having spiny pointed leaves and cone scales with long spines -06306233 __morpheme_NN_1 minimal meaningful language unit; it cannot be divided into smaller meaningful units -02469928 __untypical_JJ_1 not representative of a group, class, or type; "a group that is atypical of the target audience"; "a class of atypical mosses"; "atypical behavior is not the accepted type of response that we expect from children" -04508489 __underpants_NN_1 an undergarment that covers the body from the waist no further than to the thighs; usually worn next to the skin -08628921 __reach_NN_1 the limits within which something can be effective; "range of motion"; "he was beyond the reach of their fire" -01519727 __braid_VB_2 decorate with braids or ribbons; "braid a collar" -09855630 __life_scientist_NN_1 (biology) a scientist who studies living organisms -14675356 __fluorspar_NN_1 a soft mineral (calcium fluoride) that is fluorescent in ultraviolet light; chief source of fluorine -01874568 __float_VB_3 set afloat; "He floated the logs down the river"; "The boy floated his toy boat on the pond" -01844551 __quetzal_bird_NN_1 large trogon of Central America and South America having golden-green and scarlet plumage -14050434 __juice_NN_2 energetic vitality; "her creative juices were flowing" -00694276 __trephination_NN_1 an operation that removes a circular section of bone from the skull -14669413 __carnallite_NN_1 a white or reddish mineral consisting of hydrous chlorides of potassium and magnesium; used as a fertilizer and as a source of potassium and magnesium -11851578 __prickly_pear_cactus_NN_1 cacti having spiny flat joints and oval fruit that is edible in some species; often used as food for stock -14714817 __nicotine_NN_1 an alkaloid poison that occurs in tobacco; used in medicine and as an insecticide -02466111 __untrusty_JJ_1 not worthy of trust or belief; "an untrustworthy person" -10669357 __submariner_NN_1 a member of the crew of a submarine -00315986 __transportation_NN_2 the act of moving something from one location to another -01845272 __order_anseriformes_NN_1 ducks; geese; swans; screamers -02464693 __trusty_JJ_1 worthy of trust or belief; "a trustworthy report"; "an experienced and trustworthy traveling companion" -14436875 __laurels_NN_2 the state of being honored -12163649 __genus_citrullus_NN_1 a dicot genus of the family Cucurbitaceae including watermelons -01246697 __terrorist_attack_NN_1 a surprise attack involving the deliberate use of violence against civilians in the hope of attaining political or religious aims -02461723 __false_JJ_1 not in accordance with the fact or reality or actuality; "gave false testimony under oath"; "false tales of bravery" -15233411 __new_stone_age_NN_1 latest part of the Stone Age beginning about 10,000 BC in the Middle East (but later elsewhere) -02746365 __ordnance_NN_2 large but transportable armament -02460502 __true_JJ_1 consistent with fact or reality; not false; "the story is true"; "it is undesirable to believe a proposition when there is no ground whatever for supposing it true"- B. Russell; "the true meaning of the statement" -06799260 __stroke_NN_10 a mark made on a surface by a pen, pencil, or paintbrush; "she applied the paint in careful strokes" -08849226 __dhaka_NN_1 the capital and largest city of Bangladesh -12779437 __sarracenia_NN_1 pitcher plants -08854855 __st._mary_of_bethlehem_NN_1 port city in northern Brazil in the Amazon delta; main port and commercial center for the Amazon River basin -02902079 __brim_NN_2 a circular projection that sticks outward from the crown of a hat -04837425 __fight_NN_3 an aggressive willingness to compete; "the team was full of fight" -02650795 __autarkical_JJ_1 of or relating to or characterized by autarchy -01262113 __layer_VB_1 make or form a layer; "layer the different colored sands" -10733350 __turner_NN_7 one of two persons who swing ropes for jumpers to skip over in the game of jump rope -01854047 __subfamily_merginae_NN_1 mergansers and closely related diving birds -06070503 __cytology_NN_1 the branch of biology that studies the structure and function of cells -13965274 __intermarriage_NN_1 marriage to a person belonging to a tribe or group other than your own as required by custom or law -10165673 __audile_NN_1 one whose mental imagery is auditory rather than visual or motor -00608896 __masonry_NN_3 the craft of a mason -02015598 __leave_VB_5 move out of or depart from; "leave the room"; "the fugitive has left the country" -00845765 __claw_VB_4 attack as if with claws; "The politician clawed his rival" -12201761 __triplochiton_NN_1 small genus of tropical African trees with maplelike leaves -00772813 __sedition_NN_1 an illegal action inciting resistance to lawful authority and tending to cause the disruption or overthrow of the government -03119790 __course_NN_9 facility consisting of a circumscribed area of land or water laid out for a sport; "the course had only nine holes"; "the course was less than a mile" -06586471 __link_NN_6 (computing) an instruction that connects one part of a program or an element on a list to another program or list -02743207 __arsenal_NN_2 a military structure where arms and ammunition and other military equipment are stored and training is given in the use of arms -08139270 __us_fish_and_wildlife_service_NN_1 an agency in the Department of the Interior that conserves and protects fish and wildlife and their habitats; assesses the environmental impact of pesticides and nuclear power site and hydroelectric dams and thermal pollution -12635955 __flowering_crab_NN_1 derived from the Iowa crab and cultivated for its large double pink blossoms -01682234 __hatch_VB_3 inlay with narrow strips or lines of a different substance such as gold or silver, for the purpose of decorating -06611376 __shit_NN_2 obscene words for unacceptable behavior; "I put up with a lot of bullshit from that jerk"; "what he said was mostly bull" -11543792 __marchantia_NN_1 type genus of Marchantiaceae; liverworts that reproduce asexually by gemmae and have stalked antheridiophores -13165815 __trunk_NN_1 the main stem of a tree; usually covered with bark; the bole is usually the part that is commercially useful for lumber -13317002 __impost_NN_1 money collected under a tariff -12498316 __petteria_NN_1 one species: Dalmatian laburnum -10834176 __robert_barany_NN_1 Austrian physician who developed a rotational method for testing the middle ear (1876-1936) -01485513 __unpack_VB_1 remove from its packing; "unpack the presents" -13152742 __leafage_NN_1 the main organ of photosynthesis and transpiration in higher plants -02128653 __watch_VB_4 observe with attention; "They watched as the murderer was executed" -02701445 __sleep_VB_2 be able to accommodate for sleeping; "This tent sleeps six people" -05997659 __major_NN_4 the principal field of study of a student at a university; "her major is linguistics" -01680756 __animalize_VB_1 represent in the form of an animal -10236521 __matrisib_NN_1 one related on the mother's side -05113929 __wateriness_NN_2 meagerness or poorness connoted by a superfluity of water (in a literary style as well as in a food); "the haziness and wateriness of his disquisitions"; "the wateriness of his blood"; "no one enjoys the burning of his soup or the wateriness of his potatoes" -02663643 __rest_on_VB_2 be based on; of theories and claims, for example; "What's this new evidence based on?" -05909384 __wheeze_NN_2 (Briticism) a clever or amusing scheme or trick; "a clever wheeze probably succeeded in neutralizing the German espionage threat" -02150948 __watch_VB_3 see or watch; "view a show on television"; "This program will be seen all over the world"; "view an exhibition"; "Catch a show on Broadway"; "see a movie" -07595751 __castor_sugar_NN_1 very finely granulated sugar that was formerly sprinkled from a castor -07764847 __avocado_pear_NN_1 a pear-shaped tropical fruit with green or blackish skin and rich yellowish pulp enclosing a single large seed -02063771 __grovel_VB_1 show submission or fear -10229721 __kerb_crawler_NN_1 someone who drives slowly along the curb seeking sex from prostitutes or other women -04550676 __wardroom_NN_1 military quarters for dining and recreation for officers of a warship (except the captain) -09893502 __captive_NN_2 an animal that is confined -02187510 __din_VB_1 make a resonant sound, like artillery; "His deep voice boomed through the hall" -06678302 __print_NN_1 the text appearing in a book, newspaper, or other printed publication; "I want to see it in print" -01398919 __beat_VB_3 hit repeatedly; "beat on the door"; "beat the table with his shoe" -09252766 __lake_constance_NN_1 a lake in southeastern Germany on the northern side of the Swiss Alps; forms part of the Rhine River -12928690 __sebastiana_NN_1 Mexican spurges -05207130 __unfitness_NN_2 lacking the power to perform -00591622 __custodianship_NN_1 the position of custodian -13615557 __imperial_capacity_unit_NN_1 a unit of measure for capacity officially adopted in the British Imperial System; British units are both dry and wet -15211806 __june_NN_1 the month following May and preceding July -02402175 __wild_ox_NN_1 any of various wild bovines especially of the genera Bos or closely related Bibos -12924284 __mercurialis_perennis_NN_1 European perennial weedy plant with greenish flowers -11414608 __influence_NN_4 the effect of one thing (or person) on another; "the influence of mechanical action" -01232098 __maul_VB_2 injure badly by beating -02365848 __genus_dasyprocta_NN_1 type genus of the Dasyproctidae: agoutis -03380461 __footplate_NN_1 the platform in the cab of a locomotive on which the engineer stands to operate the controls -01982482 __suborder_reptantia_NN_1 lobsters; crabs -01855447 __scan_VB_5 move a light beam over; in electronics, to reproduce an image -02437148 __tonal_JJ_2 having tonality; i.e. tones and chords organized in relation to one tone such as a keynote or tonic -09352282 __mesotron_NN_1 an elementary particle responsible for the forces in the atomic nucleus; a hadron with a baryon number of 0 -11350705 __truth_NN_5 United States abolitionist and feminist who was freed from slavery and became a leading advocate of the abolition of slavery and for the rights of women (1797-1883) -14214355 __harelip_NN_1 a congenital cleft in the middle of the upper lip -09979589 __critic_NN_1 a person who is professionally engaged in the analysis and interpretation of works of art -06008609 __axis_NN_1 a straight line through a body or figure that satisfies certain conditions -02349730 __liomys_NN_1 pocket mice -00787465 __share_NN_4 the part played by a person in bringing about a result; "I am proud of my contribution in advancing the project"; "they all did their share of the work" -02476870 __australopithecus_africanus_NN_1 gracile hominid of southern Africa; from about 3 million years ago growing together, fusing; "coalescent tradititions"; "coalescent bones" -12985010 __tuberaceae_NN_1 family of fungi whose ascocarps resemble tubers and vary in size from that of an acorn to that of a large apple -04049098 __train_station_NN_1 terminal where trains load or unload passengers or goods -14049098 __obliquity_NN_1 the presentation during labor of the head of the fetus at an abnormal angle -02653655 __monocanthidae_NN_1 filefishes -02546876 __ennoble_VB_1 confer dignity or honor upon; "He was dignified with a title" -10310516 __meshuggener_NN_1 (Yiddish) a crazy fool -14820180 __concrete_NN_1 a strong hard building material composed of sand and gravel and cement and water -01796340 __ptarmigan_NN_1 large Arctic and subarctic grouse with feathered feet and usually white winter plumage -03818090 __neomycin_NN_1 an antibiotic obtained from an actinomycete and used (as a sulphate under the trade name Neobiotic) as an intestinal antiseptic in surgery -01590747 __gut_VB_2 remove the guts of; "gut the sheep" -09335240 __soil_NN_3 material in the top layer of the surface of the earth in which plants can grow (especially with reference to its quality or use); "the land had never been plowed"; "good agricultural soil" -07436100 __squirt_NN_2 the occurrence of a sudden discharge (as of liquid) -02612657 __blennioid_fish_NN_1 elongated mostly scaleless marine fishes with large pectoral fins and reduced pelvic fins -14146273 __bronchitis_NN_1 inflammation of the membranes lining the bronchial tubes -00749232 __whistle-stop_tour_NN_1 a tour by a candidate as part of a political campaign in which a series of small towns are visited; "in 1948 Truman crossed the country several times on his whistle-stop tours" -06809421 __positional_representation_system_NN_1 a numeration system in which a real number is represented by an ordered set of characters where the value of a character depends on its position -03429288 __gauge_NN_1 a measuring instrument for measuring and indicating a quantity such as the thickness of wire or the amount of rain etc. -15055936 __softener_NN_1 a substance added to another to make it less hard -02635189 __mean_VB_2 have as a logical consequence; "The water shortage means that we have to stop taking long showers" -00194645 __metrification_NN_2 the act of changing from imperial units of measurement to metric units: meters, grams, seconds -01786419 __combust_VB_4 cause to become violent or angry; "Riots combusted Pakistan after the U.S. air attacks on Afghanistan" -00077419 __acquisition_NN_1 the act of contracting or assuming or acquiring possession of something; "the acquisition of wealth"; "the acquisition of one company by another" -01711071 __painful_JJ_1 causing physical or psychological pain; "worked with painful slowness" -09040475 __seyhan_NN_2 a city in southern Turkey on the Seyhan River -05249420 __inosculation_NN_1 a natural or surgical joining of parts or branches of tubular structures so as to make or become continuous -07736527 __french_sorrel_NN_2 greens having small tart oval to pointed leaves; preferred to common sorrel for salads -05517406 __scrotum_NN_1 the external pouch that contains the testes -01718867 __oblique_JJ_1 slanting or inclined in direction or course or position--neither parallel nor perpendicular nor right-angled; "the oblique rays of the winter sun"; "acute and obtuse angles are oblique angles"; "the axis of an oblique cone is not perpendicular to its base" -04797482 __unfamiliarity_NN_1 unusualness as a consequence of not being well known -02080924 __retransmit_VB_1 transmit again -03067339 __vanishing_cream_NN_1 a cream used cosmetically (mostly by women) for softening and cleaning the skin -11975658 __vegetable_sheep_NN_2 cushion-forming New Zealand herb having leaves densely covered with tawny hairs -03691459 __speaker_unit_NN_1 electro-acoustic transducer that converts electrical signals into sounds loud enough to be heard at a distance -00951433 __overutilization_NN_1 exploitation to the point of diminishing returns -12351477 __genus_maranta_NN_1 herbs of tropical America -02558350 __trichodontidae_NN_1 two species of elongate compressed scaleless large-eyed fishes that live in sand or mud -01203676 __conformity_NN_2 acting according to certain accepted standards; "their financial statements are in conformity with generally accepted accounting practices" -10770309 __waterer_NN_2 an assistant who supplies drinking water -07792725 __lobster_NN_1 flesh of a lobster -00278221 __splashing_NN_2 the act of scattering water about haphazardly -01862918 __stop_over_VB_2 interrupt a trip; "we stopped at Aunt Mary's house"; "they stopped for three days in Florence" -04181718 __shade_NN_3 protective covering that protects something from direct sunlight; "they used umbrellas as shades"; "as the sun moved he readjusted the shade" -11788727 __scindapsus_aureus_NN_1 evergreen liana widely cultivated for its variegated foliage -08579780 __putting_surface_NN_1 an area of closely cropped grass surrounding the hole on a golf course; "the ball rolled across the green and into the bunker" -02424254 __untidy_JJ_1 not neat and tidy; "careless and untidy in her personal habits"; "an untidy living room"; "untidy and casual about money" -04426788 __yarn_NN_2 a fine cord of twisted fibers (of cotton or silk or wool or nylon etc.) used in sewing and weaving -01116380 __imitative_JJ_3 not genuine; imitating something superior; "counterfeit emotion"; "counterfeit money"; "counterfeit works of art"; "a counterfeit prince" -02005399 __shoebird_NN_1 large stork-like bird of the valley of the White Nile with a broad bill suggesting a wooden shoe -15142167 __birth_NN_1 the time when something begins (especially life); "they divorced after the birth of the child"; "his election signaled the birth of a new age" -07954441 __book_NN_6 a collection of playing cards satisfying the rules of a card game -11596845 __order_gnetales_NN_1 chiefly tropical or xerophytic woody plants; practically unknown as fossils but considered close to the ancestral line of angiosperms -01067577 __slowdown_NN_1 the act of slowing down or falling behind -13425637 __acetylation_NN_1 the process of introducing an acetyl group into a compound; "the acetylation of cyclooxygenase-2 by aspirin" -01534147 __soil_VB_1 make soiled, filthy, or dirty; "don't soil your clothes when you play outside!" -02977619 __casing_NN_3 the enclosing frame around a door or window opening; "the casings had rotted away and had to be replaced" -13534954 __suffusion_NN_1 the process of permeating or infusing something with a substance -02418872 __thoughtful_JJ_2 exhibiting or characterized by careful thought; "a thoughtful paper" -08439476 __underwood_NN_1 the brush (small trees and bushes and ferns etc.) growing beneath taller trees in a wood or forest -06055300 __pharmacy_NN_1 the art and science of preparing and dispensing drugs and medicines, -08156685 __plantagenet_line_NN_1 the family name of a line of English kings that reigned from 1154 to 1485 -06570110 __applications_programme_NN_1 a program that gives a computer instructions that provide the user with tools to accomplish a task; "he has tried several different word processing applications" -02677718 __action_mechanism_NN_1 the operating part that transmits power to a mechanism; "the piano had a very stiff action" -12942270 __petroselinum_NN_1 parsley -07161429 __proposition_NN_4 the act of making a proposal; "they listened to her proposal" -00392588 __sharpen_VB_8 make (one's senses) more acute; "This drug will sharpen your vision" -12866968 __savory_NN_1 any of several aromatic herbs or subshrubs of the genus Satureja having spikes of flowers attractive to bees -00322228 __packing_NN_2 the enclosure of something in a package or box -09608709 __helper_NN_2 a person who helps people or institutions (especially with financial help) -06862202 __space_NN_8 one of the areas between or below or above the lines of a musical staff; "the spaces are the notes F-A-C-E" -05427946 __peritoneal_cavity_NN_1 the interior of the peritoneum; a potential space between layers of the peritoneum -08211475 __shore_patrol_NN_1 the military police of the navy -01240432 __mediation_NN_2 the act of intervening for the purpose of bringing about a settlement -02005756 __tenacious_JJ_1 good at remembering; "a retentive mind"; "tenacious memory" -10928140 __thomas_dekker_NN_1 English dramatist and pamphleteer (1572-1632) -02412164 __thin_JJ_1 of relatively small extent from one surface to the opposite or in cross section; "thin wire"; "a thin chiffon blouse"; "a thin book"; "a thin layer of paint" -02259377 __planthopper_NN_1 related to the leafhoppers and spittlebugs but rarely damages cultivated plants -01270175 __hurried_JJ_1 moving rapidly or performed quickly or in great haste; "a hurried trip to the store"; "the hurried life of a city"; "a hurried job" -07221756 __recital_NN_5 a detailed account or description of something; "he was forced to listen to a recital of his many shortcomings" -02305929 __cinnabar_moth_NN_1 large red-and-black European moth; larvae feed on leaves of ragwort; introduced into United States to control ragwort -09243769 __chink_NN_2 a narrow opening as e.g. between planks in a wall -12803754 __tiarella_cordifolia_NN_1 stoloniferous white-flowered spring-blooming woodland plant -05784831 __consideration_NN_1 the process of giving careful thought to something -01264050 __reference_NN_7 the act of referring or consulting; "reference to an encyclopedia produced the answer" -11872658 __turritis_glabra_NN_1 or genus Arabis: erect cress widely distributed throughout Europe -00303056 __temper_VB_1 bring to a desired consistency, texture, or hardness by a process of gradually heating and cooling; "temper glass" -10747672 __venter_NN_1 a speaker who expresses or gives vent to a personal opinion or grievance -01964441 __freshwater_mussel_NN_1 bivalve mollusk abundant in rivers of central United States -06863751 __tonality_NN_1 any of 24 major or minor diatonic scales that provide the tonal framework for a piece of music -11445395 __sedimentation_NN_1 the phenomenon of sediment or gravel accumulating -13664521 __cent_NN_1 a fractional monetary unit of several countries -07270179 __marking_NN_1 a distinguishing symbol; "the owner's mark was on all the sheep" -01066881 __postponement_NN_2 act of putting off to a future time -14283632 __smut_NN_2 destructive diseases of plants (especially cereal grasses) caused by fungi that produce black powdery masses of spores -00206302 __proscription_NN_2 rejection by means of an act of banishing or proscribing someone -01708778 __suborder_sauropoda_NN_1 any of the sauropod dinosaurs -04783567 __validity_NN_1 the quality of being valid and rigorous -02354162 __plains_pocket_gopher_NN_1 gopher of chiefly grasslands of central North America -00212065 __graduation_NN_1 the successful completion of a program of study -10437852 __plaintiff_NN_1 a person who brings an action in a court of law -03949442 __stone_pit_NN_1 a surface excavation for extracting stone or slate; "a British term for `quarry' is `stone pit'" -01508719 __mild_JJ_1 moderate in type or degree or effect or force; far from extreme; "a mild winter storm"; "a mild fever"; "fortunately the pain was mild"; "a mild rebuke"; "mild criticism" -05960698 __dualism_NN_1 the doctrine that reality consists of two basic opposing elements, often taken to be mind and matter (or mind and body), or good and evil -07114712 __vowel_NN_2 a letter of the alphabet standing for a spoken vowel -04893787 __thriftiness_NN_1 frugality in the expenditure of money or resources; "the Scots are famous for their economy" -01911339 __circle_VB_1 travel around something; "circle the globe" -02373578 __steamroller_VB_2 proceed with great force; "The new teacher tends to steamroller" -05415395 __mucus_NN_1 protective secretion of the mucus membranes; in the gut it lubricates the passage of food and protects the epithelial cells; in the nose and throat and lungs it can make it difficult for bacteria to penetrate the body through the epithelium -01467751 __fringe_VB_2 decorate with or as if with a surrounding fringe; "fur fringed the hem of the dress" -07379963 __clap_NN_3 a sharp abrupt noise as if two objects hit together; may be repeated -02445356 __patent_VB_2 grant rights to; grant a patent for -02399399 __tasteless_JJ_1 lacking flavor -08626947 __prefecture_NN_1 the district administered by a prefect (as in France or Japan or the Roman Empire) -01735189 __grass_snake_NN_2 any of numerous nonvenomous longitudinally-striped viviparous North American and Central American snakes -08381436 __leadership_NN_2 the body of people who lead a group; "the national leadership adopted his plan" -00898019 __shake_hands_VB_1 take someone's hands and shake them as a gesture of greeting or congratulation -01291707 __miter_VB_3 fit together in a miter joint -10278128 __mummy_NN_1 informal terms for a mother -05855517 __quantum_NN_2 (physics) the smallest discrete quantity of some physical property that a system can possess (according to quantum theory) -07075172 __colloquialism_NN_1 a colloquial expression; characteristic of spoken or written communication that seeks to imitate informal speech -11092292 __josephus_NN_1 Jewish general who led the revolt of the Jews against the Romans and then wrote a history of those events (37-100) -12148253 __giant_cane_NN_1 tall grass of southern United States growing in thickets -12139367 __spartina_NN_1 grass of freshwater swamps and salt marshes of Europe, Africa, America, and South Atlantic islands -06814236 __parenthesis-free_notation_NN_1 a notation for forming mathematical expressions that does not use parentheses to delimit components -08215248 __detachment_NN_4 a small unit of troops of special composition -01651444 __prepare_VB_4 arrange by systematic planning and united effort; "machinate a plot"; "organize a strike"; "devise a plan to take over the director's office" -13095348 __skirt_NN_3 (Fungi) a remnant of the partial veil that in mature mushrooms surrounds the stem like a collar -09037133 __tonga_NN_1 a monarchy on a Polynesian archipelago in the South Pacific; achieved independence from the United Kingdom in 1970 -09426788 __sea_NN_1 a division of an ocean or a large body of salt water partially enclosed by land -11234152 __piaf_NN_1 French cabaret singer (1915-1963) -02689146 __imbricate_VB_1 place so as to overlap; "imbricate the roof tiles" -00764031 __ecoterrorism_NN_1 violence carried out to further the political or social objectives of the environmentalists -11693566 __family_annonaceae_NN_1 chiefly tropical trees or shrubs -02395115 __tasty_JJ_1 pleasing to the sense of taste; "a tasty morsel" -00874067 __judgment_NN_2 the act of judging or assessing a person or situation or event; "they criticized my judgment of the contestants" -07035420 __religious_song_NN_1 religious music for singing -00139544 __fair_catch_NN_1 (American football) a catch of a punt on the fly by a defensive player who has signalled that he will not run and so should not be tackled -02392878 __tasteful_JJ_1 having or showing or conforming to good taste -05120116 __superfluity_NN_1 extreme excess; "an embarrassment of riches" -15152062 __majority_NN_3 the age at which persons are considered competent to manage their own affairs -10248876 __laugher_NN_1 a person who is laughing or who laughs easily -05196375 __control_NN_1 power to direct or determine; "under control" -12348774 __melastomataceae_NN_1 a family of trees and bushes and herbs of order Myrtales; many are cultivated as ornamentals -11818945 __tetragoniaceae_NN_1 succulent herbs or small shrubs mostly of South Africa but also New Zealand and North America: carpetweeds; fig marigolds -14560360 __unsoundness_NN_1 a condition of damage or decay -10253122 __southpaw_NN_2 a person who uses the left hand with greater skill than the right; "their pitcher was a southpaw" -02388145 __tamed_JJ_1 brought from wildness into a domesticated state; "tame animals"; "fields of tame blueberries" -03474635 __hackney_coach_NN_1 a carriage for hire -01977832 __genus_cancer_NN_1 type genus of the family Cancridae -01501160 __skate_NN_2 large edible rays having a long snout and thick tail with pectoral fins continuous with the head; swim by undulating the edges of the pectoral fins -02386612 __short_JJ_3 low in stature; not tall; "he was short and stocky"; "short in stature"; "a short smokestack"; "a little man" -02171254 __superfamily_lamellicornia_NN_1 scarabaeid beetles and stag beetles -10014939 __managing_director_NN_1 someone who controls resources and expenditures -11830570 __genus_atriplex_NN_1 orach; saltbush -13628592 __mibit_NN_1 a unit of information equal to 1024 kibibits or 2^20 (1,048,576) bits -02700104 __harmonize_VB_1 go together; "The colors don't harmonize"; "Their ideas concorded" -03314608 __faceplate_NN_1 a protective covering for the front of a machine or device (as a door lock or computer component) -01446901 __wave_VB_2 move or swing back and forth; "She waved her gun" -00882961 __smelling_NN_1 the act of perceiving the odor of something -12469936 __smilax_NN_1 sometimes placed in Smilacaceae -08983556 __czestochowa_NN_1 a city of southern Poland whose church contains the statue of the black Madonna which attracts many pilgrims -13252062 __crown_land_NN_1 land that belongs to the Crown -01048210 __resuscitation_NN_1 the act of reviving a person and returning them to consciousness; "although he was apparently drowned, resuscitation was accomplished by artificial respiration" -00209837 __rot_VB_1 break down; "The bodies decomposed in the heat" -01814370 __domestic_pigeon_NN_1 domesticated pigeon raised for sport or food -02137132 __show_VB_4 make visible or noticeable; "She showed her talent for cooking"; "Show me your etchings, please" -06231191 __revivalism_NN_1 an attempt to reawaken the evangelical faith -04626280 __emotionality_NN_1 emotional nature or quality -01157138 __outfitting_NN_1 the act of renovating and fitting out a ship -00360242 __shearing_NN_1 removing by cutting off or clipping -01294791 __soissons_NN_1 a battle in World War I (May 1918); the Germans tried to attack before the American numbers were too great to defeat; the tactical success of the Germans proved to be a strategic failure -12624381 __flowering_quince_NN_1 Asiatic ornamental shrub with spiny branches and pink or red blossoms -01157517 __wipe_out_VB_1 use up (resources or materials); "this car consumes a lot of gas"; "We exhausted our savings"; "They run through 20 bottles of wine a week" -07184735 __tiff_NN_1 a quarrel about petty points -01677858 __prank_VB_1 dress or decorate showily or gaudily; "Roses were pranking the lawn" -02462602 __withers_NN_1 the highest part of the back at the base of the neck of various animals especially draft animals -07479799 __zizz_NN_1 a buzzing or whizzing sound; "a nasty zizz in the engine" -02377651 __synchronous_JJ_1 occurring or existing at the same time or having the same period or phase; "recovery was synchronous with therapy"- Jour.A.M.A.; "a synchronous set of clocks"; "the synchronous action of a bird's wings in flight"; "synchronous oscillations" -00261314 __tinker_VB_3 try to fix or mend; "Can you tinker with the T.V. set--it's not working right"; "She always fiddles with her van on the weekend" -07032026 __discant_NN_1 a decorative musical accompaniment (often improvised) added above a basic melody -10725734 __transsexual_NN_2 a person whose sexual identification is entirely with the opposite sex -08766455 __malmo_NN_1 a port in southern Sweden -00073828 __slip-up_NN_1 a minor inadvertent mistake usually observed in speech or writing or in small accidents or memory lapses etc. -07130050 __speech_NN_3 something spoken; "he could hear them uttering merry speeches" -09450866 __superior_planet_NN_1 any of the planets whose orbit lies outside the earth's orbit -09688008 __kelt_NN_1 a member of a European people who once occupied Britain and Spain and Gaul prior to Roman times -01528821 __plant_VB_2 fix or set securely or deeply; "He planted a knee in the back of his opponent"; "The dentist implanted a tooth in the gum" -02718259 __decoagulant_NN_1 medicine that prevents or retards the clotting of blood -00702418 __implosion_therapy_NN_1 a technique used in behavior therapy; client is flooded with experiences of a particular kind until becoming either averse to them or numbed to them -12012897 __genus_scorzonera_NN_1 genus of narrow-leaved European herbs -03663531 __preserver_NN_4 rescue equipment consisting of a buoyant belt or jacket to keep a person from drowning -00085626 __oil_VB_2 administer an oil or ointment to ; often in a religious ceremony of blessing -11519799 __tossup_NN_1 an unpredictable phenomenon; "it's a toss-up whether he will win or lose" -02368787 __sour_JJ_2 having a sharp biting taste -01498498 __middle_VB_1 put in the middle -00795863 __veto_VB_2 command against; "I forbid you to call me late at night"; "Mother vetoed the trip to the chocolate store"; "Dad nixed our plans" -02368336 __sweet_JJ_1 having or denoting the characteristic taste of sugar -01034685 __placebo_NN_2 (Roman Catholic Church) vespers of the office for the dead -04891010 __discretion_NN_5 the trait of judging wisely and objectively; "a man of discernment" -10693052 __taxman_NN_1 someone who collects taxes for the government -00456596 __match_VB_9 be equal or harmonize; "The two pieces match" -02551316 __scombresocidae_NN_1 only sauries -02319428 __discount_VB_2 give a reduction in price on; "I never discount these books-they sell like hot cakes" -07518468 __temper_NN_1 a sudden outburst of anger; "his temper sparked like damp firewood" -06461077 __wisdom_literature_NN_1 any of the biblical books (Proverbs, Ecclesiastes, Song of Songs, Wisdom of Solomon, Ecclesiasticus) that are considered to contain wisdom -13391118 __threepence_NN_1 former cupronickel coin of the United Kingdom equal to three pennies -01590583 __nuthatch_NN_1 any of various small short-tailed songbirds with strong feet and a sharp beak that feed on small nuts and insects -05928118 __mental_image_NN_1 an iconic mental representation; "her imagination forced images upon her too awful to contemplate" -01834702 __order_caprimulgiformes_NN_1 goatsuckers; frogmouths; oilbirds -01265475 __beatification_NN_2 the action of rendering supremely blessed and extremely happy -04447861 __toilet_seat_NN_1 the hinged seat on a toilet -02400037 __prefer_VB_3 promote over another; "he favors his second daughter" -11944569 __genus_carduus_NN_1 genus of annual or perennial Old World prickly thistles -02364448 __waxy_JJ_2 easily impressed or influenced; "an impressionable youngster"; "an impressionable age"; "a waxy mind" -11415608 __knock-on_effect_NN_1 a secondary or incidental effect -02464583 __spare_VB_1 refrain from harming -02363358 __unsusceptible_JJ_1 not susceptible to -12156308 __sparganiaceae_NN_1 coextensive with the genus Sparganium -08793914 __galilee_NN_1 an area of northern Israel; formerly the northern part of Palestine and the ancient kingdom of Israel; the scene of Jesus's ministry -13752172 __one_million_million_NN_2 the number that is represented as a one followed by 12 zeros; in the United Kingdom the usage followed in the United States is frequently seen -11707668 __umbellularia_NN_1 aromatic evergreen trees of Pacific coast -10696251 __technician_NN_1 someone whose occupation involves training in a specific technical process -07366971 __inflection_NN_3 deviation from a straight or normal course -07400361 __whiz_NN_2 a buzzing or hissing sound as of something traveling rapidly through the air; "he heard the whiz of bullets near his head" -08250635 __skiffle_group_NN_1 a band of musicians who play skiffle -04881623 __discipline_NN_3 the trait of being well behaved; "he insisted on discipline among the troops" -00923307 __show_VB_10 give evidence of, as of records; "The diary shows his distress that evening" -02511107 __gill_slit_NN_1 one of a series of slit openings in the pharynxes of fishes and aquatic amphibians through which water passes -04267577 __spar_NN_2 a stout rounded pole of wood or metal used to support rigging -05910453 __projection_NN_3 a planned undertaking -05372593 __vena_laryngea_NN_1 one of two veins draining the larynx -13813042 __lineage_NN_2 the kinship relation between an individual and the individual's progenitors -09477718 __weser_river_NN_1 a river in northwestern Germany that flows northward to the North Sea near Bremerhaven -06217944 __fascism_NN_1 a political theory advocating an authoritarian hierarchical government (as opposed to democracy or liberalism) -05666700 __simulation_NN_2 (computer science) the technique of representing the real world by a computer program; "a simulation should imitate the internal processes and not merely the results of the thing being simulated" -00837872 __bluff_VB_2 frighten someone by pretending to be stronger than one really is -12745160 __nephelium_NN_1 a genus of dicotyledonous trees of the family Sapindaceae that are native to Asia and Australia -07623664 __tart_NN_3 a pastry cup with a filling of fruit or custard and no top crust -01739263 __prefabricate_VB_1 to manufacture sections of (a building), especially in a factory, so that they can be easily transported to and rapidly assembled on a building site of buildings -02354537 __supportive_JJ_1 furnishing support or assistance; "a supportive family network"; "his family was supportive of his attempts to be a writer" -12401335 __fig_tree_NN_1 any moraceous tree of the tropical genus Ficus; produces a closed pear-shaped receptacle that becomes fleshy and edible when mature -14612764 __hydrogen_azide_NN_1 a colorless explosive liquid that is volatile and poisonous and foul-smelling -07041795 __quintette_NN_4 a musical composition for five performers -11970429 __genus_gaillardia_NN_1 genus of western American hairy herbs with showy flowers -12572546 __hoary_pea_NN_1 a plant of the genus Tephrosia having pinnate leaves and white or purplish flowers and flat hairy pods -01487506 __sand_tiger_NN_1 shallow-water shark with sharp jagged teeth found on both sides of Atlantic; sometimes dangerous to swimmers -02152740 __predatory_animal_NN_1 any animal that lives by preying on other animals -06118563 __meteorology_NN_2 the earth science dealing with phenomena of the atmosphere (especially weather) -12834671 __hydrophyllum_NN_1 waterleaf -13531149 __oxygenation_NN_1 the process of providing or combining or treating with oxygen; "the oxygenation of the blood" -09313716 __recess_NN_3 an arm off of a larger body of water (often between rocky headlands) -15286042 __metronome_marking_NN_1 the pace of music measured by the number of beats occurring in 60 seconds -01732532 __drum_VB_2 play a percussion instrument -09014273 __wilno_NN_1 the capital and largest city of Lithuania; located in southeastern Lithuania -04073669 __sculptural_relief_NN_1 sculpture consisting of shapes carved on a surface so as to stand out from the surrounding background -14951377 __paraffin_series_NN_1 a series of non-aromatic saturated hydrocarbons with the general formula CnH(2n+2) -02069271 __genus_delphinus_NN_1 type genus of the Delphinidae -12347639 __wicopy_NN_1 deciduous shrub of eastern North America having tough flexible branches and pliable bark and small yellow flowers -08137251 __fincen_NN_1 a law enforcement agency of the Treasury Department responsible for establishing and implementing policies to detect money laundering -02943241 __optical_lens_NN_1 a lens that focuses the image in a camera -01299994 __yalu_river_NN_2 a battle in the Korean War (November 1950); when UN troops advanced north to the Yalu River 200,000 Chinese troops crossed the river and drove them back -12528549 __erythrina_crista-galli_NN_1 small South American spiny tree with dark crimson and scarlet flowers solitary or clustered -10915025 __the_admirable_crichton_NN_1 Scottish man of letters and adventurer (1560-1582) -00598056 __professorship_NN_1 the position of professor; "he was awarded an endowed chair in economics" -02345272 __inferior_JJ_2 of low or inferior quality -02454119 __family_dasypodidae_NN_1 armadillos -00993787 __shakedown_NN_2 a very thorough search of a person or a place; "a shakedown by the police uncovered the drugs" -04569520 __wedge_NN_6 something solid that is usable as an inclined plane (shaped like a V) that can be pushed between two things to separate them -01491661 __soupfin_shark_NN_1 Pacific shark valued for its fins (used by Chinese in soup) and liver (rich in vitamin A) -03120491 __court_NN_4 a specially marked horizontal area within which a game is played; "players had to reserve a court in advance" -13887056 __bifurcation_NN_1 a bifurcating branch (one or both of them) -01931984 __turbatrix_NN_1 a genus of Cephalobidae -03748162 __sales_outlet_NN_1 a place of business for retailing goods -03406597 __lasix_NN_1 commonly used diuretic (trade name Lasix) used to treat hypertension and edema -02341266 __superior_JJ_1 of high or superior quality or performance; "superior wisdom derived from experience"; "superior math students" -04705671 __dullness_NN_5 without sharpness or clearness of edge or point; "the dullness of the pencil made his writing illegible" -11722466 __ranunculus_repens_NN_1 perennial European herb with long creeping stolons -03034663 __circular_saw_NN_1 a power saw that has a steel disk with cutting teeth on the periphery; rotates on a spindle -12113790 __sandspur_NN_1 grass of the eastern United States and tropical America having spikelets enclosed in prickly burs -11564258 __magnoliid_dicot_family_NN_1 family of dicotyledonous flowering plants regarded as among the most primitive of extant angiosperms -02475922 __charge_VB_5 assign a duty, responsibility or obligation to; "He was appointed deputy manager"; "She was charged with supervising the creation of a concordance" -13558003 __soil_erosion_NN_1 the washing away of soil by the flow of water -00553362 __dislocation_NN_2 the act of disrupting an established order so it fails to continue; "the social dislocations resulting from government policies"; "his warning came after the breakdown of talks in London" -09770179 __aide-de-camp_NN_1 an officer who acts as military assistant to a more senior officer -02337667 __sugary_JJ_1 containing sugar; "he eats too much sugary food" -04522904 __vasodilator_NN_1 a drug that causes dilation of blood vessels -13299804 __redemption_NN_2 repayment of the principal amount of a debt or security at or before maturity (as when a corporation repurchases its own stock) -04749991 __tolerance_NN_5 a permissible difference; allowing some freedom to move within limits -01530098 __sink_VB_9 embed deeply; "She sank her fingers into the soft sand"; "He buried his head in her lap" -01829143 __family_bucerotidae_NN_1 hornbills -02336449 __insufficient_JJ_1 of a quantity not able to fulfill a need or requirement; "insufficient funds" -01827948 __genus_ceryle_NN_1 a genus of birds of the family Alcedinidae -10496393 __putz_NN_1 (Yiddish) a fool; an idiot -12744850 __spanish_lime_tree_NN_1 tropical American tree bearing a small edible fruit with green leathery skin and sweet juicy translucent pulp -02379198 __renounce_VB_1 give up, such as power, as of monarchs and emperors, or duties and obligations; "The King abdicated when he married a divorcee" -02335828 __sufficient_JJ_1 of a quantity that can fulfill a need or requirement but without being abundant; "sufficient food" -05675715 __anima_NN_1 (Jungian psychology) the inner self (not the external persona) that is in touch with the unconscious -08135342 __justice_department_NN_1 the United States federal department responsible for enforcing federal laws (including the enforcement of all civil rights legislation); created in 1870 -13552644 __saltation_NN_1 (geology) the leaping movement of sand or soil particles as they are transported in a fluid medium over an uneven surface -01432353 __tongue_VB_2 lick or explore with the tongue -12272432 __quercus_ilex_NN_1 evergreen oak of southern Europe having leaves somewhat resembling those of holly; yields a hard wood -06761603 __hedging_NN_2 an intentionally noncommittal or ambiguous statement; "when you say `maybe' you are just hedging" -00920778 __test_VB_6 determine the presence or properties of (a substance) -00580370 __housecleaning_NN_2 the act of cleaning the rooms and furnishings of a house; "efficient housecleaning should proceed one room at a time" -10397001 __paperhanger_NN_2 one whose occupation is decorating walls with wallpaper -03967942 __stopple_NN_1 blockage consisting of an object designed to fill a hole tightly -03525074 __hoist_NN_1 lifting device for raising heavy or cumbersome objects -05745098 __skin_test_NN_1 any test to determine immunity or sensitivity to a disease by introducing small amounts on or into the skin -06270879 __lede_NN_1 the introductory section of a story; "it was an amusing lead-in to a very serious matter" -09791816 __syndicalist_NN_1 an advocate of anarchism -12762245 __rhodosphaera_NN_1 one species; an Australian evergreen sumac -01103000 __typography_NN_1 the craft of composing type and printing from it -01723425 __pterodactylus_NN_1 a reptile genus of Pterodactylidae -03746330 __man's_clothing_NN_1 clothing that is designed for men to wear -08678615 __watering_place_NN_1 a health resort near a spring or at the seaside -10693459 __taxidermist_NN_1 a craftsman who stuffs and mounts the skins of animals for display -01927447 __run_VB_33 run with the ball; in such sports as football -11222914 __yardbird_parker_NN_1 United States saxophonist and leader of the bop style of jazz (1920-1955) -02637202 __stay_VB_3 dwell; "You can stay with me while you are in town"; "stay a bit longer--the day is still young" -05034048 __power_of_appointment_NN_1 authority given (in a will or deed) by a donor to a donee to appoint the beneficiaries of the donor's property -05074218 __crookedness_NN_2 having or distinguished by crooks or curves or bends or angles -02656218 __uremic_JJ_1 of or involving excess nitrogenous waste products in the urine (usually due to kidney insufficiency) -12595801 __rhapis_NN_1 genus of small clump-forming fan palms of China and Japan -00710415 __choreograph_VB_2 plan and oversee the development and details of; "The meeting between the two Presidents had been carefully choreographed" -02496576 __suborder_lemuroidea_NN_1 Lemuridae; Lorisidae; Daubentoniidae; Indriidae; used in some classifications instead of Prosimii; in others considered a subdivision of Prosimii -02032222 __whole_snipe_NN_1 common snipe of Eurasia and Africa -13368052 __stockpile_NN_1 something kept back or saved for future use or a special purpose -03911866 __waft_NN_1 a long flag; often tapering -00186161 __fluoridize_VB_1 subject to fluoridation; treat with fluoride; "fluoridized water"; "fluoridize the teeth of children" -00181781 __election_NN_1 a vote to select the winner of a position or political office; "the results of the election will be announced tonight" -03438071 __waistcloth_NN_1 a band of material around the waist that strengthens a skirt or trousers -01731545 __whipsnake_NN_1 any of several small fast-moving snakes with long whiplike tails -01711662 __theropoda_NN_1 carnivorous saurischian dinosaurs with short forelimbs; Jurassic and Cretaceous -08395682 __army_intelligence_NN_1 an agency of the United States Army responsible for providing timely and relevant and accurate and synchronized intelligence to tactical and operational and strategic level commanders -02441022 __control_VB_1 exercise authoritative control or power over; "control the budget"; "Command the military forces" -01700076 __ornithischia_NN_1 extinct terrestrial reptiles having bird-like pelvises: armored dinosaurs (thyreophorans); boneheaded and horned dinosaurs (marginocephalians); duck-billed dinosaurs (euronithopods) -00819508 __squeal_VB_2 confess to a punishable or reprehensible deed, usually under pressure -02323715 __leporidae_NN_1 hares and rabbits -05423779 __venae_palpebrales_NN_1 veins of the eyelids -06843520 __stop_NN_7 a punctuation mark (.) placed at the end of a declarative sentence to indicate a full stop or after abbreviations; "in England they call a period a stop" -02559606 __family_centropomidae_NN_1 a family of fish or the order Perciformes including robalos -02321009 __strong_JJ_1 having strength or power greater than average or expected; "a strong radio signal"; "strong medicine"; "a strong man" -04973669 __copper_color_NN_1 a reddish-brown color resembling the color of polished copper -01590042 __tichodroma_NN_1 wall creepers; in some classifications placed in family Sittidae -04909018 __perversity_NN_1 deliberate and stubborn unruliness and resistance to guidance or discipline -13631194 __exabit_NN_1 a unit of information equal to 1000 petabits or 10^18 bits -01493142 __bin_VB_1 store in bins -06150633 __finance_NN_2 the branch of economics that studies the management of money and other assets -07571324 __culinary_art_NN_1 the practice or manner of preparing food or the food so prepared -02319129 __crooked_JJ_2 not straight; dishonest or immoral or evasive -01763643 __lull_VB_1 calm by deception; "Don't let yourself be lulled into a false state of security" -08092539 __methodist_denomination_NN_1 group of Methodist congregations -05667613 __rule_NN_2 something regarded as a normative example; "the convention of not naming the main character"; "violence is the rule not the exception"; "his formula for impressing visitors" -12447891 __desert_mariposa_tulip_NN_1 mariposa with clusters of bell-shaped vermilion or orange or yellow flowers atop short stems; southern California to Arizona and Mexico -12113471 __genus_cenchrus_NN_1 a genus of grasses of the family Gramineae that have burs -14644654 __mn_NN_1 a hard brittle grey polyvalent metallic element that resembles iron but is not magnetic; used in making steel; occurs in many minerals -01945550 __reciprocal_JJ_1 concerning each of two or more persons or things; especially given or done in return; "reciprocal aid"; "reciprocal trade"; "mutual respect"; "reciprocal privileges at other clubs" -02334302 __seat_VB_4 put a seat on a chair -06648724 __statement_NN_2 a fact or assertion offered as evidence that something is true; "it was a strong argument that his hypothesis was true" -00552219 __card_trick_NN_1 a trick performed with playing cards -03832405 __notch_NN_3 a V-shaped or U-shaped indentation carved or scratched into a surface; "there were four notches in the handle of his revolver" -10791221 __workman_NN_1 an employee who performs manual or industrial labor -02944826 __encampment_NN_2 temporary living quarters specially built by the army for soldiers; "wherever he went in the camp the men were grumbling" -08183046 __ruck_NN_1 a crowd especially of ordinary or undistinguished persons or things; "his brilliance raised him above the ruck"; "the children resembled a fairy herd" -02360448 __susceptible_JJ_1 (often followed by `of' or `to') yielding readily to or capable of; "susceptible to colds"; "susceptible of proof" -03865371 __overnighter_NN_2 a small traveling bag to carry clothing and accessories for staying overnight -08563990 __northeastern_united_states_NN_1 the northeastern region of the United States -00749230 __easy_JJ_1 posing no difficulty; requiring little effort; "an easy job"; "an easy problem"; "an easy victory"; "the house is easy to heat"; "satisfied with easy answers"; "took the easy way out of his dilemma" -11739530 __winteraceae_NN_1 small family of chiefly tropical shrubs and trees of genera Drimys and Pseudowintera; sometimes included in Magnoliaceae -00282523 __turn_VB_14 change color; "In Vermont, the leaves turn early" -01552219 __whittle_VB_1 cut small bits or pare shavings from; "whittle a piece of wood" -12518305 __genus_colutea_NN_1 small genus of Eurasian shrubs with yellow flowers and bladdery pods -00700896 __initialize_VB_1 assign an initial value to a computer program -01577659 __mynah_bird_NN_1 tropical Asian starlings -07177437 __accommodation_NN_2 a settlement of differences; "they reached an accommodation with Japan" -02008796 __egret_NN_1 any of various usually white herons having long plumes during breeding season -12218621 __hakea_NN_1 Australian shrubs and small trees with evergreen usually spiny leaves and dense clusters of showy flowers -13881175 __parallelogram_NN_1 a quadrilateral whose opposite sides are both parallel and equal in length -07361416 __subsidence_NN_3 the sudden collapse of something into a hollow beneath it -02310895 __straight_JJ_2 having no deviations; "straight lines"; "straight roads across the desert"; "straight teeth"; "straight shoulders" -00273449 __humiliation_NN_4 depriving one of self-esteem -11658331 __prumnopitys_ferruginea_NN_1 New Zealand conifer used for lumber; the dark wood is used for interior carpentry -02309341 __stimulative_JJ_1 capable of arousing or accelerating physiological or psychological activity or response by a chemical agent -05494933 __temporal_lobe_NN_1 that part of the cerebral cortex in either hemisphere of the brain lying inside the temples of the head -01551195 __scar_VB_1 mark with a scar; "The skin disease scarred his face permanently" -00728975 __classwork_NN_1 the part of a student's work that is done in the classroom -08786660 __argos_NN_1 an ancient city in southeastern Greece; dominated the Peloponnese in the 7th century BC -10709529 __thrower_NN_2 someone who projects something (especially by a rapid motion of the arm) -03813834 __nearside_NN_1 the side of a vehicle nearest the kerb -11784323 __genus_arisaema_NN_1 tuberous or rhizomatous herbaceous perennials -13187367 __silver_tree_fern_NN_1 a showy tree fern of New Zealand and Australia having a crown of pinnated fronds with whitish undersides -11450566 __electricity_NN_2 energy made available by the flow of electric charge through a conductor; "they built a car that runs on electricity" -02614788 __pholidae_NN_1 a family of fish of suborder Blennioidea -14759722 __leather_NN_1 an animal skin made smooth and flexible by removing the hair and then tanning -14647623 __azote_NN_1 an obsolete name for nitrogen -02653786 __filefish_NN_1 narrow flattened warm-water fishes with leathery skin and a long file-like dorsal spine -00751398 __setup_NN_3 an act that incriminates someone on a false charge -09453288 __taconic_mountains_NN_1 a range of the Appalachian Mountains along the eastern border of New York with Connecticut, Massachusetts, and Vermont -00201034 __shorten_VB_5 edit by omitting or modifying parts considered indelicate; "bowdlerize a novel" -01645776 __true_toad_NN_1 tailless amphibian similar to a frog but more terrestrial and having drier warty skin -02055431 __spheniscidae_NN_1 comprising all existing penguins -02764398 __axe_handle_NN_1 the handle of an ax -01320872 __female_NN_1 an animal that produces gametes (ova) that can be fertilized by male gametes (spermatozoa) -12199030 __helicteres_NN_1 genus of shrubs and small trees of tropical America and Asia having cylindrical fruits spirally twisted around one another -06236602 __wahhabism_NN_1 a conservative and intolerant form of Islam that is practiced in Saudi Arabia; "Osama bin Laden and his followers practice Wahhabism" -01469263 __superpose_VB_2 place on top of; "can you superimpose the two images?" -13422061 __civil_list_NN_1 a sum of money voted by British Parliament each year for the expenses of the British royal family -07511733 __hope_NN_1 a specific instance of feeling hopeful; "it revived their hope of winning the pennant" -03113152 __cosmetic_NN_1 a toiletry designed to beautify the body -01535246 __wash_VB_3 cleanse with a cleaning agent, such as soap, and water; "Wash the towels, please!" -03504723 __main_office_NN_1 (usually plural) the office that serves as the administrative center of an enterprise; "many companies have their headquarters in New York" -13350976 __bond_NN_4 (criminal law) money that must be forfeited by the bondsman if an accused person fails to appear in court for trial; "the judge set bail at $10,000"; "a $10,000 bond was furnished by an alderman" -02440020 __chairman_VB_1 act or preside as chair, as of an academic department in a university; "She chaired the department for many years" -12312728 __kangaroo_paw_NN_1 sedgelike spring-flowering herb having clustered flowers covered with woolly hairs; Australia -05549061 __shoulder_joint_NN_1 a ball-and-socket joint between the head of the humerus and a cavity of the scapula -12301917 __genus_chionanthus_NN_1 deciduous trees or shrubs: fringe tree -02300549 __declare_VB_6 designate (a trump suit or no-trump) with the final bid of a hand -06541167 __imperial_decree_NN_1 a decree issued by a sovereign ruler -07693972 __biscuit_NN_1 small round bread leavened with baking-powder or soda -06155567 __history_NN_3 the discipline that records and interprets past events involving human beings; "he teaches Medieval history"; "history takes the long view" -01662784 __turtle_NN_2 any of various aquatic and land reptiles having a bony shell and flipper-like limbs for swimming -09066799 __santa_clara_NN_1 a city of west central California; residential area with light industry -02291843 __unstable_JJ_1 lacking stability or fixity or firmness; "unstable political conditions"; "the tower proved to be unstable in the high wind"; "an unstable world economy" -02508245 __stigmatize_VB_1 to accuse or condemn or openly or formally or brand as disgraceful; "He denounced the government action"; "She was stigmatized by society because she had a child out of wedlock" -13458019 __rotting_NN_1 (biology) the process of decay caused by bacterial or fungal action -02290998 __stable_JJ_1 resistant to change of position or condition; "a stable ladder"; "a stable peace"; "a stable relationship"; "stable prices" -01878500 __onychogalea_NN_1 a genus of Macropodidae -02289845 __genus_anagasta_NN_1 moth whose larvae are flour moths -00821765 __reflect_VB_6 give evidence of a certain behavior; "His lack of interest in the project reflects badly on him" -00982293 __tone_VB_2 vary the pitch of one's speech -08551628 __theatre_of_operations_NN_1 a region in which active military operations are in progress; "the army was in the field awaiting action"; "he served in the Vietnam theater for three years" -02169974 __potato_bug_NN_1 black-and-yellow beetle that feeds in adult and larval stages on potato leaves; originally of eastern Rocky Mountains; now worldwide -02683558 __afterburner_NN_1 a device injects fuel into a hot exhaust for extra thrust -01805384 __stew_VB_1 be in a huff; be silent or sullen -02463990 __scrimshank_VB_1 British military language: avoid work -00964911 __initiate_VB_4 bring up a topic for discussion -01662434 __dilapidate_VB_1 bring into a condition of decay or partial ruin by neglect or misuse -02714974 __teem_VB_1 be teeming, be abuzz; "The garden was swarming with bees"; "The plaza is teeming with undercover policemen"; "her mind pullulated with worries" -02359915 __tamias_striatus_NN_1 small striped semiterrestrial eastern American squirrel with cheek pouches -08912153 __resht_NN_1 city in northwestern Iran near the Caspian Sea -01495340 __squatina_NN_1 type genus of the Squatinidae: angel sharks -05543541 __sphenoidal_fontanelle_NN_1 the irregularly shaped area on either side of the cranium where the frontal bone and the anterior tip of the parietal bone and the temporal bone and the greater wing of the sphenoid bone meet; corresponds to the pterion when bones have ossified -01538310 __speckle_VB_2 mark with small spots; "speckle the wall with tiny yellow spots" -03326073 __feedback_loop_NN_1 a circuit that feeds back some of the output to the input of a system -06389553 __space_NN_7 a blank area; "write your name in the space provided" -06021499 __statistic_NN_1 a datum that can be represented numerically -07688412 __hoecake_NN_1 thin usually unleavened johnnycake made of cornmeal; originally baked on the blade of a hoe over an open fire (southern) -10843705 __robert_charles_benchley_NN_1 United States humorist (1889-1945) -00517728 __fete_NN_2 an organized series of acts and performances (usually in one place); "a drama festival" -00502952 __draughts_NN_1 a checkerboard game for two players who each have 12 pieces; the object is to jump over and so capture the opponent's pieces -02283728 __tortricidae_NN_1 leaf rollers and codling moths -13260190 __yield_NN_2 the income or profit arising from such transactions as the sale of land or other property; "the average return was about 5%" -04940964 __absorbency_NN_1 the property of being absorbent -02281325 __spiritless_JJ_1 lacking ardor or vigor or energy; "a spiritless reply to criticism" -01888520 __order_insectivora_NN_1 shrews; moles; hedgehogs; tenrecs -00676834 __hemostasis_NN_1 surgical procedure of stopping the flow of blood (as with a hemostat) -01825930 __coraciiform_bird_NN_1 chiefly short-legged arboreal nonpasserine birds that nest in holes -14775995 __sodium_hydrogen_carbonate_NN_1 a white soluble compound (NaHCO3) used in effervescent drinks and in baking powders and as an antacid -00268112 __service_NN_14 periodic maintenance on a car or machine; "it was time for an overhaul on the tractor" -09714264 __indonesian_NN_1 a native or inhabitant of Indonesia -00704690 __plan_VB_2 make plans for something; "He is planning a trip with his family" -12155259 __typhaceae_NN_1 perennial marsh plants with creeping rootstocks and long linear leaves -01799086 __family_cracidae_NN_1 curassows; guans; chachalacas -00851316 __testcross_NN_1 a cross between an organism whose genotype for a certain trait is unknown and an organism that is homozygous recessive for that trait so the unknown genotype can be determined from that of the offspring -09021503 __turkomen_NN_1 a republic in Asia to the east of the Caspian Sea and to the south of Kazakhstan and to the north of Iran; an Asian soviet from 1925 to 1991 -13924336 __niche_NN_4 (ecology) the status of an organism within its environment and community (affecting its survival as a species) -01783158 __religious_JJ_2 having or showing belief in and reverence for a deity; "a religious man"; "religious attitude" -02277279 __sparkling_JJ_2 used of wines and waters; charged naturally or artificially with carbon dioxide; "sparkling wines"; "sparkling water" -03724870 __mask_NN_1 a covering to disguise or conceal the face -13208138 __genus_anogramma_NN_1 a genus of ferns belonging to the family Pteridaceae -00040188 __tease_VB_9 ruffle (one's hair) by combing the ends towards the scalp, for a full effect -01966352 __curvet_VB_1 perform a leap where both hind legs come off the ground, of a horse -02261256 __turn_over_VB_5 do business worth a certain amount of money; "The company turns over ten million dollars a year" -02143594 __hipposideridae_NN_1 Old World leafnose bats -04356595 __sunhat_NN_1 a hat with a broad brim that protects the face from direct exposure to the sun -07110615 __vox_NN_1 the sound made by the vibration of vocal folds modified by the resonance of the vocal tract; "a singer takes good care of his voice"; "the giraffe cannot make any vocalizations" -05526175 __vas_deferens_NN_1 a duct that carries spermatozoa from the epididymis to the ejaculatory duct -02273326 __sound_JJ_1 financially secure and safe; "sound investments"; "a sound economy" -00021679 __cocainize_VB_1 anesthetize with cocaine -00200768 __reorganization_NN_2 an extensive alteration of the structure of a corporation or government; "after the takeover there was a thorough reorganization"; "the reorganization was prescribed by federal bankruptcy laws" -03000247 __ring_mail_NN_1 (Middle Ages) flexible armor made of interlinked metal rings -12600888 __polygonum_NN_1 diverse genus of herbs or woody subshrubs of north temperate regions -02767308 __give_out_VB_1 give off, send forth, or discharge; as of light, heat, or radiation, vapor, etc.; "The ozone layer blocks some harmful rays which the sun emits" -04656748 __unsociableness_NN_1 an unsociable disposition; avoiding friendship or companionship -10422871 __philistine_NN_2 a member of an Aegean people who settled ancient Philistia around the 12th century BC -12907465 __tobacco_plant_NN_1 aromatic annual or perennial herbs and shrubs -06407221 __manuscript_NN_2 handwritten book or document -01350449 __force_VB_8 do forcibly; exert force; "Don't force it!" -02270342 __sophisticated_JJ_1 having or appealing to those having worldly knowledge and refinement and savoir-faire; "sophisticated young socialites"; "a sophisticated audience"; "a sophisticated lifestyle"; "a sophisticated book" -12158798 __squash_vine_NN_1 any of numerous annual trailing plants of the genus Cucurbita grown for their fleshy edible fruits -03011355 __chequer_NN_1 one of the flat round pieces used in playing the game of checkers -12257343 __genus_chimaphila_NN_1 small genus of evergreen herbs with long creeping rootstocks and shining leaves; North America; Europe; east Asia -03101986 __cookware_NN_1 a kitchen utensil made of material that does not melt easily; used for cooking -12529353 __genus_galega_NN_1 small genus of Eurasian herbs: goat's rue -01681913 __smelt_VB_1 extract (metals) by heating -11083656 __the_nazarene_NN_1 a teacher and prophet born in Bethlehem and active in Nazareth; his life and sermons form the basis for Christianity (circa 4 BC - AD 29) -10184290 __hoodoo_NN_2 a practitioner of voodoo -02486232 __see_VB_16 date regularly; have a steady relationship with; "Did you know that she is seeing an older man?"; "He is dating his former wife again!" -02089632 __evert_VB_1 turn inside out; turn the inner surface of outward; "evert the eyelid" -09100080 __alpena_NN_1 a town in northern Michigan on an arm of Lake Huron -08970611 __tangiers_NN_1 a city of northern Morocco at the west end of the Strait of Gibraltar; "the first tangerines were shipped from Tangier to Europe in 1841" -05773923 __conjecture_NN_3 reasoning that involves the formation of conclusions from incomplete evidence -01268112 __wallpaper_VB_1 cover with wallpaper -09771664 __admirer_NN_2 a person who admires; someone who esteems or respects or approves -13780339 __stp_NN_1 standard temperature and pressure -01705494 __write_VB_6 write music; "Beethoven composed nine symphonies" -03746486 __men's_room_NN_1 a public toilet for men -02228565 __genus_anabrus_NN_1 a genus of Tettigoniidae -02263982 __hollow_JJ_1 not solid; having a space or gap or cavity; "a hollow wall"; "a hollow tree"; "hollow cheeks"; "his face became gaunter and more hollow with each year" -13262663 __swag_NN_2 goods or money obtained illegally -00643197 __psychoanalyze_VB_1 subject to psychoanalytic treatment; "I was analyzed in Vienna by a famous psychiatrist" -02883344 __neuromatous_JJ_1 a (usually rectangular) container; may have a lid; "he rummaged through a box of spare parts" of or relating to or caused by neuromas -00220869 __strengthen_VB_1 make strong or stronger; "This exercise will strengthen your upper body"; "strengthen the relations between the two countries" -00646542 __survey_VB_1 consider in a comprehensive way; "He appraised the situation carefully before acting" -02262542 __gaseous_JJ_1 existing as or having characteristics of a gas; "steam is water is the gaseous state" -08735345 __lubumbashi_NN_1 a city in southeastern Congo near the border with Zambia; a copper mining center; former name (until 1966) was Elisabethville -00595785 __pastorship_NN_1 the position of pastor -00572661 __leave_off_VB_3 stop using; "leave off your jacket--no need to wear it here" -05318606 __midriff_NN_2 (anatomy) a muscular partition separating the abdominal and thoracic cavities; functions in respiration -11127996 __leo_xiii_NN_1 Italian pope from 1878 to 1903 who was interested in the advancement of learning and who opened the Vatican secret archives to all scholars -11875100 __genus_brassica_NN_1 mustards: cabbages; cauliflowers; turnips; etc. -00052672 __adhesive_JJ_1 tending to adhere -02683316 __housekeep_VB_1 maintain a household; take care of all business related to a household -10292824 __maquisard_NN_1 a guerrilla fighter in the French underground in World War II -00886272 __extracurricular_activity_NN_1 educational activities not falling within the scope of the regular curriculum -02459633 __home_VB_1 provide with, or send to, a home -05512337 __urinary_bladder_NN_1 a membranous sac for temporary retention of urine -02398956 __lionize_VB_1 assign great social importance to; "The film director was celebrated all over Hollywood"; "The tenor was lionized in Vienna" -00497391 __thoriate_VB_1 impregnate with thorium oxide to increase thermionic emission -03959701 __shell_NN_9 a metal sheathing of uniform thickness (such as the shield attached to an artillery piece to protect the gunners) -12190712 __genus_durio_NN_1 a genus of tall Asian trees of the family Bombacaceae -00594953 __manhood_NN_3 the status of being a man -02258600 __unsociable_JJ_1 not inclined to society or companionship; "an unsociable nature...shy and reserved"; "generally unsociable except with intimate friends"; "unsociable behavior"; "an unsociable neighborhood" -06705984 __seal_of_approval_NN_1 an indication of approved or superior status -03138534 __crown_NN_5 the part of a hat (the vertex) that covers the crown of the head -08293831 __fleet_NN_1 group of aircraft operating together under the same ownership -04803430 __exactness_NN_1 the quality of being exact; "he demanded exactness in all details"; "a man of great exactitude" -05393023 __atrium_NN_1 any chamber that is connected to other chambers or passageways (especially one of the two upper chambers of the heart) -00727991 __charge_VB_21 attribute responsibility to; "We blamed the accident on her"; "The tragedy was charged to her inexperience" -02670186 __throttle_valve_NN_1 a valve that regulates the supply of fuel to the engine -02257141 __sociable_JJ_1 inclined to or conducive to companionship with others; "a sociable occasion"; "enjoyed a sociable chat"; "a sociable conversation"; "Americans are sociable and gregarious" -08979054 __republic_of_peru_NN_1 a republic in western South America; achieved independence from Spain in 1821; was the heart of the Inca empire from the 12th to 16th centuries -11127419 __leo_iii_NN_1 Italian pope from 795 to 816 who in 800 crowned Charlemagne emperor of the Romans (750-816) -01622120 __little_owl_NN_1 small European owl -08023374 __revolutionary_justice_organization_NN_1 a Shiite terrorist organization with strong ties to Iran; seeks to create an Iranian fundamentalist Islamic state in Lebanon; car bombs are the signature weapon -11758799 __red_sandalwood_NN_3 East Indian tree with racemes of yellow-white flowers; cultivated as an ornamental -08479615 __muster_NN_1 a gathering of military personnel for duty; "he was thrown in the brig for missing muster" -12362844 __family_dilleniaceae_NN_1 chiefly tropical shrubs and trees and climbers having leathery leaves or flattened leaflike stems: genera Dillenia and Hibbertia -02793495 __barn_NN_1 an outlying farm building for storing grain or animal feed and housing farm animals -02252634 __gregarious_JJ_1 (of animals) tending to form a group with others of the same species; "gregarious bird species" -08516885 __breeding_ground_NN_1 a place where animals breed -01496843 __emplace_VB_1 provide a new emplacement for guns -00596393 __preceptorship_NN_1 the position of preceptor -07565259 __table_NN_6 food or meals in general; "she sets a fine table"; "room and board" -11955896 __mistflower_NN_1 rhizomatous plant of central and southeastern United States and West Indies having large showy heads of clear blue flowers; sometimes placed in genus Eupatorium -01147060 __parry_VB_1 impede the movement of (an opponent or a ball); "block an attack" -14778436 __agent_NN_3 a substance that exerts some force or effect -08968677 __mongolia_NN_2 a vast region in Asia including the Mongolian People's Republic and China's Inner Mongolia -02550460 __flying_fish_NN_1 tropical marine fishes having enlarged winglike fins used for brief gliding flight -15068754 __tetrachloride_NN_1 any compound that contains four chlorine atoms per molecule -10471250 __priest_NN_2 a person who performs religious duties and ceremonies in a non-Christian religion -07188685 __wooing_NN_1 a man's courting of a woman; seeking the affections of a woman (usually with the hope of marriage); "its was a brief and intense courtship" -13254985 __financial_gain_NN_1 the amount of monetary gain -09002814 __russia_NN_3 a former empire in eastern Europe and northern Asia created in the 14th century with Moscow as the capital; powerful in the 17th and 18th centuries under Peter the Great and Catherine the Great when Saint Petersburg was the capital; overthrown by revolution in 1917 -01400575 __heterokontae_NN_1 all the yellow-green algae having flagella of unequal length -14082303 __stroke_NN_3 a sudden loss of consciousness resulting when the rupture or occlusion of a blood vessel leads to oxygen lack in the brain -01875295 __sway_VB_1 move back and forth or sideways; "the ship was rocking"; "the tall building swayed"; "She rocked back and forth on her feet" -00592883 __recognize_VB_1 accept (someone) to be what is claimed or accept his power and authority; "The Crown Prince was acknowledged as the true heir to the throne"; "We do not recognize your gods" -02030967 __disband_VB_1 cause to break up or cease to function; "the principal disbanded the political student organization" -02245403 __rough_JJ_8 of the margin of a leaf shape; having the edge cut or fringed or scalloped -05625879 __mythical_place_NN_1 a place that exists only in imagination; a place said to exist in fictional or religious writings -04171459 __semiautomatic_firearm_NN_1 an autoloader that fires only one shot at each pull of the trigger -10048001 __ejaculator_NN_2 a speaker who utters a sudden exclamation -07029682 __motive_NN_2 a theme that is repeated or elaborated in a piece of music -14526182 __tone_NN_4 the general atmosphere of a place or situation and the effect that it has on people; "the feel of the city excited him"; "a clergyman improved the tone of the meeting"; "it had the smell of treason" -02244619 __smooth_JJ_3 of the margin of a leaf shape; not broken up into teeth -04288272 __spring_NN_2 a metal elastic device that returns to its shape or position when pushed or pulled or pressed; "the spring was broken" -09483129 __zambezi_river_NN_1 an African river; flows into the Indian Ocean -03829563 __slip_noose_NN_1 a loop formed in a cord or rope by means of a slipknot; it binds tighter as the cord or rope is pulled -02483224 __hylobates_NN_1 gibbons -05028159 __preponderance_NN_3 exceeding in heaviness; having greater weight; "the least preponderance in either pan will unbalance the scale" -14479615 __state_of_matter_NN_1 (chemistry) the three traditional states of matter are solids (fixed shape and volume) and liquids (fixed volume and shaped by the container) and gases (filling the container); "the solid state of water is called ice" -07269758 __stripe_NN_2 a piece of braid, usually on the sleeve, indicating military rank or length of service -01224415 __wield_VB_2 handle effectively; "The burglar wielded an axe"; "The young violinist didn't manage her bow very well" -05457973 __ovum_NN_1 the female reproductive cell; the female gamete -00180962 __election_NN_2 the act of selecting someone or something; the exercise of deliberate choice; "her election of medicine as a profession" -01883513 __dasyurid_marsupial_NN_1 small carnivorous nocturnal marsupials of Australia and Tasmania -02238462 __unsmooth_JJ_1 having or caused by an irregular surface; "trees with rough bark"; "rough ground"; "rough skin"; "rough blankets"; "his unsmooth face" -00752764 __request_VB_1 express the need or desire for; ask for; "She requested an extra bed in her room"; "She called for room service" -01957739 __venus_NN_3 type genus of the family Veneridae: genus of edible clams with thick oval shells -00686447 __accept_VB_1 consider or hold as true; "I cannot accept the dogma of this church"; "accept an argument" -00926668 __confection_NN_2 the act of creating something (a medicine or drink or soup etc.) by compounding or mixing a variety of components -10884831 __president_carter_NN_1 39th President of the United States (1924-) -02236842 __smooth_JJ_1 having a surface free from roughness or bumps or ridges or irregularities; "smooth skin"; "a smooth tabletop"; "smooth fabric"; "a smooth road"; "water as smooth as a mirror" -09049909 __slave_state_NN_1 any of the southern states in which slavery was legal prior to the American Civil War -01288272 __monmouth_court_house_NN_1 a pitched battle in New Jersey during the American Revolution (1778) that ended with the withdrawal of British forces -12714755 __prickly_ash_NN_1 any of a number of trees or shrubs of the genus Zanthoxylum having spiny branches -11106943 __klein_NN_3 United States fashion designer noted for understated fashions (born in 1942) -02234781 __slippy_JJ_1 causing or tending to cause things to slip or slide; "slippery sidewalks"; "a slippery bar of soap"; "the streets are still slippy from the rain" -02647294 __snailfish_NN_1 small tadpole-shaped cold-water fishes with pelvic fins forming a sucker; related to lumpfish -14580897 __stuff_NN_1 the tangible substance that goes into the makeup of a physical object; "coal is a hard black material"; "wheat is the stuff they use to make bread" -11621281 __white_fir_NN_2 medium to tall fir of western North America having a conic crown and branches in tiers; leaves smell of orange when crushed -02433381 __reorganize_VB_2 organize anew, as after a setback -03775199 __mixer_NN_4 a kitchen utensil that is used for mixing foods -07940552 __kingdom_NN_5 the highest taxonomic group into which organisms are grouped; one of five biological categories: Monera or Protoctista or Plantae or Fungi or Animalia -04990877 __softness_NN_5 a sound property that is free from loudness or stridency; "and in softness almost beyond hearing" -02237581 __mirid_bug_NN_1 a variety of leaf bug -06497459 __alphabet_NN_1 a character set that includes letters and is used to write a language -00971650 __pronounce_VB_2 pronounce judgment on; "They labeled him unfit to work here" -02230990 __harsh_JJ_3 of textures that are rough to the touch or substances consisting of relatively large particles; "coarse meal"; "coarse sand"; "a coarse weave" -09405169 __ranier_NN_1 a mountain peak in central Washington; highest peak in the Cascade Range; (14,410 feet high) -00035697 __agon_NN_1 a festivity in ancient Greece at which competitors contended for prizes -01606018 __lock_VB_5 become engaged or intermeshed with one another; "They were locked in embrace" -01221790 __provocation_NN_1 unfriendly behavior that causes anger or resentment -12607456 __pineapple_plant_NN_1 a tropical American plant bearing a large fleshy edible fruit with a terminal tuft of stiff leaves; widely cultivated in the tropics -12002957 __picris_NN_1 genus of weedy Old World yellow-flowered herbs usually containing a bitter-tasting substance: bitterweed -10702615 __threat_NN_4 a person who inspires fear or dread; "he was the terror of the neighborhood" -02243878 __gerris_lacustris_NN_1 a variety of water strider -02225510 __skilled_JJ_1 having or showing or requiring special skill; "only the most skilled gymnasts make an Olympic team"; "a skilled surgeon has many years of training and experience"; "a skilled reconstruction of her damaged elbow"; "a skilled trade" -11768816 __ordeal_tree_NN_1 evergreen shrub or tree of South Africa -10142747 __nanna_NN_1 the mother of your father or mother -08507255 __minefield_NN_1 a region in which explosives mines have been placed -03481521 __power_hammer_NN_1 a power tool for drilling rocks -00035758 __cleanse_VB_1 clean one's body or parts thereof, as by washing; "clean up before you see your grandparents"; "clean your fingernails before dinner" -00788766 __striving_NN_1 an effortful attempt to attain a goal -00317888 __protract_VB_1 lengthen in time; cause to be or last longer; "We prolonged our stay"; "She extended her visit by another day"; "The meeting was drawn out until midnight" -01860107 __cut_VB_17 make an abrupt change of image or sound; "cut from one scene to another" -09315159 __ion_NN_1 a particle that is electrically charged (positive or negative); an atom or molecule or group that has lost or gained one or more electrons -06577585 __tagging_program_NN_1 a computer program that attaches labels to the grammatical constituents of textual matter -14925776 __vegetable_silk_NN_1 a plant fiber from the kapok tree; used for stuffing and insulation -01346804 __open_up_VB_6 become open; "The door opened" -03189083 __stop_NN_9 a mechanical device in a camera that controls size of aperture of the lens; "the new cameras adjust the diaphragm automatically" -02991302 __prison_cell_NN_1 a room where a prisoner is kept -09165294 __mukalla_NN_1 a port in southern Yemen on the Gulf of Aden to the east of Aden -00058743 __flight_NN_4 the act of escaping physically; "he made his escape from the mental hospital"; "the canary escaped from its cage"; "his flight was an indication of his guilt" -13629309 __gibit_NN_1 a unit of information equal to 1024 mebibits or 2^30 (1,073,741,824) bits -05198321 __sovereignty_NN_3 the authority of a state to govern another state -13617308 __fthm_NN_2 (mining) a unit of volume (equal to 6 cubic feet) used in measuring bodies of ore -01836809 __podargidae_NN_1 frogmouths -07206461 __negation_NN_2 the speech act of negating -08776687 __republic_of_ecuador_NN_1 a republic in northwestern South America; became independent from Spain in 1822; the landscape is dominated by the Andes -03161725 __damper_NN_1 a movable iron plate that regulates the draft in a stove or chimney or furnace -01003249 __snap_VB_13 record on photographic film; "I photographed the scene of the accident"; "She snapped a picture of the President" -11699442 __oregon_holly_grape_NN_1 ornamental evergreen shrub of Pacific coast of North America having dark green pinnate leaves and racemes of yellow flowers followed by blue-black berries -09051726 __sunbelt_NN_1 states in the south and southwest that have a warm climate and tend to be politically conservative -01454636 __tug_VB_3 tow (a vessel) with a tug; "The tugboat tugged the freighter into the harbor" (of sound) relatively low in volume; "soft voices"; "soft music" -07320734 __live_birth_NN_1 the birth of a living fetus (regardless of the length of gestation) -15043763 __snow_NN_2 a layer of snowflakes (white crystals of frozen water) covering the ground -05907682 __secret_plan_NN_1 a secret scheme to do something (especially something underhand or illegal); "they concocted a plot to discredit the governor"; "I saw through his little game from the start" -03110183 __resistive_JJ_1 exhibiting or relating to electrical resistance; "resistive load" -09385137 __sliver_NN_2 a thin fragment or slice (especially of wood) that has been shaved from something -09085441 __gary_NN_1 a city in northwest Indiana on Lake Michigan; steel production -07327288 __rise_NN_8 (theology) the origination of the Holy Spirit at Pentecost; "the emanation of the Holy Spirit"; "the rising of the Holy Ghost"; "the doctrine of the procession of the Holy Spirit from the Father and the Son" -00901083 __tomography_NN_1 (medicine) obtaining pictures of the interior of the body -04609651 __x-ray_machine_NN_1 an apparatus that provides a source of X rays -00743822 __squandering_NN_1 spending resources lavishly and wastefully; "more wasteful than the squandering of time" -05718254 __sound_NN_2 the subjective sensation of hearing something; "he strained to hear the faint sounds" -02867715 __bomber_NN_1 a military aircraft that drops bombs during flight -09963320 __cook_NN_1 someone who cooks food -04566561 __weapons_carrier_NN_1 military vehicle that is a light truck designed to carry mortars or machine guns and their crews -09211735 __australian_alps_NN_1 a range of mountains in Australia that forms the southern end of the Great Dividing Range -03816849 __needlework_NN_1 a creation created or assembled by needle and thread -12727960 __salix_triandra_NN_1 Old World willow with light green leaves cultivated for use in basketry -00237877 __reduce_VB_10 to remove oxygen from a compound, or cause to react with hydrogen or form a hydride, or to undergo an increase in the number of electrons -04981044 __muskiness_NN_1 having the olfactory properties of musk -07360647 __transmission_NN_4 an incident in which an infectious disease is transmitted -00636921 __research_NN_1 systematic investigation to establish facts -13228017 __thelypteris_palustris_pubescens_NN_1 fern of northeastern North America -02343487 __subfamily_gerbillinae_NN_1 gerbils -01517565 __ratite_bird_NN_1 flightless birds having flat breastbones lacking a keel for attachment of flight muscles: ostriches; cassowaries; emus; moas; rheas; kiwis; elephant birds -09958892 __plotter_NN_3 a member of a conspiracy -00172505 __optimize_VB_1 make optimal; get the most out of; use best; "optimize your resources" -06737112 __bidding_NN_3 (bridge) the number of tricks a bridge player is willing to contract to make -02289295 __take_in_VB_10 earn on some commercial or business transaction; earn as salary or wages; "How much do you make a month in your new job?"; "She earns a lot in her new job"; "this merger brought in lots of money"; "He clears $5,000 each month" -02661765 __genus_etropus_NN_1 a genus of Bothidae -07027180 __musical_harmony_NN_1 the structure of music with respect to the composition and progression of chords -02039544 __tip_VB_1 cause to tilt; "tip the screen upward" -04463510 __track_NN_10 any road or path affording passage especially a rough one -10669727 __submitter_NN_1 someone who yields to the will of another person or force -01625417 __tyto_NN_1 type and only genus of the family Tytonidae -01678957 __fillet_VB_1 decorate with a lace of geometric designs -01218396 __chock_VB_2 support on chocks; "chock the boat" -00860136 __lighten_up_VB_2 become more cheerful; "after a glass of wine, he lightened up a bit" -02305407 __arctiid_moth_NN_1 stout-bodied broad-winged moth with conspicuously striped or spotted wings; larvae are hairy caterpillars -07090108 __wordiness_NN_1 boring verbosity -13740765 __sweet_fanny_adams_NN_1 little or nothing at all; "I asked for a raise and they gave me bugger-all"; "I know sweet Fanny Adams about surgery" -10132641 __gleaner_NN_1 someone who picks up grain left in the field by the harvesters -11774279 __plumiera_NN_1 deciduous shrubs and trees of tropical America having branches like candelabra and fragrant white or pink flowers -02514575 __osteichthyes_NN_1 a class of fish having a skeleton composed of bone in addition to cartilage -06837251 __waw_NN_1 the 6th letter of the Hebrew alphabet -01044084 __idolatry_NN_2 the worship of idols; the worship of images that are not God -14504726 __warp_NN_1 a twist or aberration; especially a perverse or abnormal way of judging or acting -02223479 __waste_VB_3 get rid of; "We waste the dirty water by channeling it into the sewer" -05274590 __ethmoid_bone_NN_1 one of the eight bones of the cranium; a small bone filled with air spaces that forms part of the eye sockets and the nasal cavity -10199783 __immune_NN_1 a person who is immune to a particular infection -01553142 __antbird_NN_1 any of various dull-colored South American birds that feeding on ants some following army ant swarms -00156390 __trigger_NN_3 an act that sets in motion some course of events -00646271 __explore_VB_3 examine minutely -02637046 __gerres_NN_1 type genus of the Gerreidae -06730563 __claim_NN_2 an assertion that something is true or factual; "his claim that he was innocent"; "evidence contradicted the government's claims" -01939406 __mush_VB_2 travel with a dogsled -02840619 __cover_NN_4 the protective covering on the front, back, and spine of a book; "the book had a leather binding" -02056421 __genus_aptenodytes_NN_1 large penguins -07731767 __witloof_NN_2 young broad-leaved endive plant deprived of light to form a narrow whitish head -01985667 __genus_cambarus_NN_1 a genus of Astacidae -00932636 __spell_VB_2 indicate or signify; "I'm afraid this spells trouble!" -04021503 __pulse_generator_NN_1 a generator of single or multiple voltage pulses; usually adjustable for pulse rate -02123597 __siamese_cat_NN_1 a slender short-haired blue-eyed breed of cat having a pale coat with dark ears paws face and tail tip -02096756 __schnauzer_NN_1 old German breed of sturdy black or greyish wire-haired terriers having a blunt muzzle ranging in size from fairly small to very large; used as ratters and guard dogs or police dogs -06176107 __syntax_NN_1 the grammatical arrangement of words in sentences -02459915 __stable_VB_1 shelter in a stable; "stable horses" -02225959 __orthoptera_NN_1 grasshoppers and locusts; crickets -02575590 __whalesucker_NN_1 large blue Pacific remora that attaches to whales and dolphins -01398032 __whip_VB_4 strike as if by whipping; "The curtain whipped her face" -11624367 __picea_NN_1 a genus of temperate and Arctic evergreen trees (see spruce) -09697401 __central_american_NN_1 a native or inhabitant of Central America -03009633 __good_luck_charm_NN_1 something believed to bring good luck -00273257 __steel_onself_for_VB_1 prepare mentally or emotionally for something unpleasant -00433802 __gymnastics_NN_1 a sport that involves exercises intended to display strength and balance and agility -02047807 __angulate_JJ_1 having angles or an angular shape -09753642 __water_bearer_NN_1 (astrology) a person who is born while the sun is in Aquarius -00863174 __vitriol_VB_2 subject to bitter verbal abuse -01401854 __illegal_JJ_1 prohibited by law or by official or accepted rules; "an illegal chess move" -10733117 __tuner_NN_1 someone who tunes pianos -01558681 __cleave_VB_2 make by cutting into; "The water is going to cleave a channel into the rock" -02152991 __game_NN_4 animal hunted for food or sport -02039156 __recline_VB_1 move the upper body backwards and down -10884061 __reverend_dodgson_NN_1 English author; Charles Dodgson was an Oxford don of mathematics who is remembered for the children's stories he wrote under the pen name Lewis Carroll (1832-1898) -00171852 __develop_VB_6 change the use of and make available or usable; "develop land"; "The country developed its natural resources"; "The remote areas of the country were gradually built up" -06860826 __major_scale_NN_1 a diatonic scale with notes separated by whole tones except for the 3rd and 4th and 7th and 8th -00995134 __electronic_countermeasures_NN_1 electronic warfare undertaken to prevent or reduce an enemy's effective use of the electromagnetic spectrum -04146050 __schoolhouse_NN_1 a building where young people receive education; "the school was built in 1932"; "he walked to school every morning" -13262335 __stolen_property_NN_1 property that has been stolen -11444643 __decomposition_NN_5 the organic phenomenon of rotting -01944217 __helicidae_NN_1 land snails including the common edible snail and some pests -13844212 __interrelationship_NN_1 mutual or reciprocal relation or relatedness; "interrelationships of animal structure and function" -00275607 __regularize_VB_2 make regular or more regular; "regularize the heart beat with a pace maker" -02403408 __clean_out_VB_2 force out; "The new boss cleaned out the lazy workers" -02052936 __sulidae_NN_1 gannets and boobies -01740892 __peaceful_JJ_1 not disturbed by strife or turmoil or war; "a peaceful nation"; "peaceful times"; "a far from peaceful Christmas"; "peaceful sleep" -03669886 __limiter_NN_1 (electronics) a nonlinear electronic circuit whose output is limited in amplitude; used to limit the instantaneous amplitude of a waveform (to clip off the peaks of a waveform); "a limiter introduces amplitude distortion" -09323470 __kaw_river_NN_1 a river in northeastern Kansas; flows eastward to become a tributary of the Missouri River -13556893 __smoking_NN_2 a hot vapor containing fine particles of carbon being produced by combustion; "the fire produced a tower of black smoke that could be seen for miles" -11879054 __pakchoi_NN_1 Asiatic plant grown for its cluster of edible white stalks with dark green leaves -04076713 __repository_NN_3 a burial vault (usually for some famous person) -01850135 __drive_up_VB_1 approach while driving; "The truck entered the driveway and drove up towards the house" -14884120 __glucose_NN_1 a monosaccharide sugar that has several forms; an important source of physiological energy -12505987 __genus_andira_NN_1 small genus of evergreen trees of tropical America and western Africa -03257343 __duplication_NN_1 a copy that corresponds to an original exactly; "he made a duplicate for the files" -04185071 __sharpener_NN_1 any implement that is used to make something (an edge or a point) sharper; "a knife sharpener" -03117420 __counter_NN_7 (computer science) a register whose contents go through a regular series of states (usually states indicating consecutive integers) -06639674 __indicator_NN_1 a number or ratio (a value on a scale of measurement) derived from a series of observed facts; can reveal relative changes as a function of time -00351048 __ask_for_trouble_VB_1 persist with actions or an attitude despite the probability that it will cause trouble; "He is asking for trouble with his behavior" -09328904 __lake_NN_1 a body of (usually fresh) water surrounded by land -07085375 __stress_NN_1 the relative prominence of a syllable or musical note (especially with regard to stress or pitch); "he put the stress on the wrong syllable" -02301452 __saturniid_moth_NN_1 large brightly colored and usually tropical moth; larvae spin silken cocoons -01798100 __distress_VB_2 cause mental pain to; "The news of her child's illness distressed the mother" -02001428 __order_ciconiiformes_NN_1 order of chiefly tropical marsh-dwelling fish-eating wading birds with long legs and bills and (except for flamingos) unwebbed feet: herons; storks; spoonbills; flamingos; ibises -11356822 __urban_v_NN_1 French pope from 1362 to 1370 who tried to reestablish the papacy in Rome but in 1367 returned to Avignon hoping to end the war between France and England; canonized in 1870 (1310-1370) -06377275 __pastoral_NN_3 a literary work idealizing the rural life (especially the life of shepherds) -02574093 __rachycentron_NN_1 genus and family are coextensive and comprise only the cobia -00607775 __woodworking_NN_1 the craft of a carpenter: making things out of wood -01249816 __vandalism_NN_1 willful wanton and malicious destruction of the property of others -01479545 __silt_up_VB_1 become chocked with silt; "The river silted up" -09373716 __north_platte_river_NN_1 a river that rises in northern Colorado and flows northward into Wyoming and then eastward and southeastward through Nebraska where it joins the South Platte to form the Platte River -04338517 __stringed_instrument_NN_1 a musical instrument in which taut strings provide the source of sound -12945708 __smyrnium_NN_1 Alexanders -01550953 __rupicola_NN_1 cock of the rocks -10070711 __show-off_NN_1 someone who deliberately behaves in such a way as to attract attention -02104882 __belgian_shepherd_NN_1 hardy working dog developed in Belgium for herding sheep -13068073 __tilletia_NN_1 a genus of fungi belonging to the family Tilletiaceae -12759273 __cashew_tree_NN_1 tropical American evergreen tree bearing kidney-shaped nuts that are edible only when roasted -02654609 __lactophrys_NN_1 a genus of Ostraciidae -02582437 __family_bramidae_NN_1 deep-bodied percoid fishes of the open seas -07774842 __pinon_nut_NN_1 edible seed of any of several nut pines especially some pinons of southwestern North America -00590148 __chancellorship_NN_1 the office of chancellor -12350758 __canna_NN_1 any plant of the genus Canna having large sheathing leaves and clusters of large showy flowers -00885082 __article_VB_1 bind by a contract; especially for a training period -10666846 __stunt_woman_NN_1 a stand-in for movie stars to perform dangerous stunts; "his first job in Hollywood was as a double for Clark Gable" -01294396 __disjoint_VB_3 make disjoint, separated, or disconnected; undo the joining of -03167978 __deck_NN_2 street name for a packet of illegal drugs -07218470 __written_report_NN_1 a written document describing the findings of some individual or group; "this accords with the recent study by Hill and Dale" -15140892 __life_NN_7 the period from the present until death; "he appointed himself emperor for life" -13569905 __transpiration_NN_1 the passage of gases through fine tubes because of differences in pressure or temperature -02673480 __sectral_NN_1 an oral beta blocker (trade name Sectral) used in treating hypertension -07539367 __dysphoria_NN_1 abnormal depression and discontent -00109081 __slider_NN_4 a fastball that curves slightly away from the side from which it was thrown -01372556 __boot_VB_1 kick; give a boot to -08049989 __commonwealth_of_nations_NN_1 an association of nations consisting of the United Kingdom and several former British colonies that are now sovereign states but still pay allegiance to the British Crown -04910684 __lordliness_NN_1 formality in bearing and appearance; "he behaved with great dignity" -00661847 __modality_NN_4 a method of therapy that involves physical or electrical therapeutic treatment -01466543 __dress_VB_9 provide with decoration; "dress the windows" -13973320 __nihilism_NN_3 complete denial of all established authority and institutions -12888733 __verbascum_NN_1 genus of coarse herbs and subshrubs mostly with woolly leaves -00062451 __fulfilment_NN_2 the act of consummating something (a desire or promise etc) -01425983 __sarcosporidia_NN_1 imperfectly known parasites of the muscles of vertebrates -09673495 __indian_NN_2 a native or inhabitant of India -14801921 __cast_iron_NN_1 an alloy of iron containing so much carbon that it is brittle and so cannot be wrought but must be shaped by casting -02439501 __direct_VB_4 be in charge of -02176178 __complex_JJ_1 complicated in structure; consisting of interconnected parts; "a complex set of variations based on a simple folk melody"; "a complex mass of diverse laws and customs" -04416338 __tetrachloroethylene_NN_1 anthelmintic agent used against hookworm and other nematodes -09170633 __qizil_qum_NN_1 a desert in Uzbekistan to the southeast of the Aral Sea -13140535 __rhamnales_NN_1 an order of dicotyledonous plants -00159177 __inducing_NN_1 act of bringing about a desired result; "inducement of sleep" -01379636 __lactobacteriaceae_NN_1 lactic acid bacteria and important pathogens; bacteria that ferment carbohydrates chiefly into lactic acid -12737251 __oil_nut_NN_1 oily drupaceous fruit of rabbitwood -13608788 __weight_unit_NN_2 a unit used to measure weight; "he placed two weights in the scale pan" -12292285 __genus_exacum_NN_1 genus of tropical Asiatic and African plants: especially Persian violets -01605630 __hawk_NN_1 diurnal bird of prey typically having short rounded wings and a long tail -02172127 __clatter_VB_1 make a rattling sound; "clattering dishes" -02658050 __consist_VB_3 be consistent in form, tenor, or character; be congruous; "Desires are to be satisfied only so far as consists with an approved end" -01661804 __tear_down_VB_1 tear down so as to make flat with the ground; "The building was levelled" -09001007 __durban_NN_1 a port city in eastern South Africa on the Indian Ocean; resort and industrial center -00014405 __rest_VB_5 be at rest -15096783 __wetting_agent_NN_1 a chemical agent capable of reducing the surface tension of a liquid in which it is dissolved -05677504 __sense_NN_1 a general conscious awareness; "a sense of security"; "a sense of happiness"; "a sense of danger"; "a sense of self" -08808452 __genova_NN_1 a seaport in northwestern Italy; provincial capital of Liguria -03963294 __playback_NN_2 electronic equipment comprising the part of a tape recorder that reproduces the recorded material -11923016 __genus_anthemis_NN_1 dog fennel -00542841 __snake_dance_NN_2 a ceremonial dance (as by the Hopi) in which snakes are handled or invoked -00102586 __harm_VB_1 cause or do harm to; "These pills won't harm your system" -05588551 __neck_bone_NN_1 one of 7 vertebrae in the human spine located in the neck region -02166346 __unsubdivided_JJ_1 (botany) of leaf shapes; of leaves having no divisions or subdivisions -06065819 __scientific_agriculture_NN_1 the application of soil and plant sciences to land management and crop production -11884384 __sea_kale_NN_1 perennial of coastal sands and shingles of northern Europe and Baltic and Black Seas having racemes of small white flowers and large fleshy blue-green leaves often used as potherbs -12493208 __ceratonia_siliqua_NN_1 evergreen Mediterranean tree with edible pods; the biblical carob -02649218 __painted_greenling_NN_1 greenling with whitish body marked with black bands -08477634 __womanhood_NN_2 women as a class; "it's an insult to American womanhood"; "woman is the glory of creation"; "the fair sex gathered on the veranda" -13881644 __star_NN_5 a plane figure with 5 or more points; often used as an emblem -02164402 __unimportant_JJ_2 devoid of importance, meaning, or force -14557415 __strabismus_NN_1 abnormal alignment of one or both eyes -12090318 __primulaceae_NN_1 a dicotyledonous family of the order Primulales with a regular flower; widely distributed in the northern hemisphere -07915618 __manhattan_NN_2 a cocktail made with whiskey and sweet vermouth with a dash of bitters -02693319 __look_VB_5 be oriented in a certain direction, often with respect to another reference point; be opposite to; "The house looks north"; "My backyard look onto the pond"; "The building faces the park" -02402010 __bovine_NN_1 any of various members of the genus Bos -02604477 __coexist_VB_2 exist together -11657763 __parasitaxus_NN_1 one species: parasite yew -09151516 __virginia_beach_NN_1 the largest city in Virginia; long overshadowed by Norfolk but growing rapidly since 1970; with 28 miles of public beaches tourism is a major factor in the economy; site of three United States Navy bases -08994540 __dhahran_NN_1 an oil town in eastern Saudi Arabia on an inlet from the Persian Gulf; in June 1996 terrorists bombed an apartment complex in Dhahran killing 19 United States soldiers and wounding more than 300 people -02266148 __blow_VB_9 spend lavishly or wastefully on; "He blew a lot of money on his new home theater" -02161432 __significant_JJ_1 important in effect or meaning; "a significant change in tax laws"; "a significant change in the Constitution"; "a significant contribution"; "significant details"; "statistically significant" -12241426 __shiny_lyonia_NN_1 showy evergreen shrub of southeastern United States with shiny leaves and angled branches and clusters of pink to reddish flowers that resemble an umbel -06075527 __genetics_NN_1 the branch of biology that studies heredity and variation in organisms -11253097 __ramses_NN_1 any of 12 kings of ancient Egypt between 1315 and 1090 BC -01776705 __ixodid_NN_1 ticks having a hard shield on the back and mouth parts that project from the head -00938791 __etching_NN_3 making engraved or etched plates and printing designs from them -03097890 __controlled_substance_NN_1 a drug or chemical substance whose possession and use are controlled by law -01113134 __eagle_VB_2 shoot in two strokes under par -02991048 __electric_cell_NN_1 a device that delivers an electric current as the result of a chemical reaction -12339831 __clove_NN_1 aromatic flower bud of a clove tree; yields a spice -04318131 __stick_NN_6 a long implement (usually made of wood) that is shaped so that hockey or polo players can hit a puck or ball -08747737 __antilles_NN_1 a group of islands in the West Indies -04903368 __salacity_NN_1 the trait of behaving in an obscene manner -01649170 __spadefoot_toad_NN_1 a burrowing toad of the northern hemisphere with a horny spade-like projection on each hind foot -08212527 __corps_NN_1 an army unit usually consisting of two or more divisions and their support -10531557 __ringer_NN_2 a person who is almost identical to another -04407435 __temple_NN_1 place of worship consisting of an edifice for the worship of a deity -09764381 __acrobat_NN_1 an athlete who performs acts requiring skill and agility and coordination -13784366 __expansion_NN_2 a function expressed as a sum or product of terms; "the expansion of (a+b)^2 is a^2 + 2ab + b^2" -12405714 __elm_tree_NN_1 any of various trees of the genus Ulmus: important timber or shade trees -02948557 __candlestick_NN_1 a holder with sockets for candles -01931140 __chicken_roundworm_NN_1 intestinal parasite of domestic fowl -12566331 __red_saunders_NN_1 tree of India and East Indies yielding a hard fragrant timber prized for cabinetwork and dark red heartwood used as a dyewood -07367708 __snap_NN_7 a sudden breaking -10792335 __worshipper_NN_2 someone who admires too much to recognize faults -07243193 __raving_NN_1 declaiming wildly; "the raving of maniacs" -00769092 __fraud_NN_1 intentional deception resulting in injury to another person -04898208 __citizenship_NN_2 conduct as a citizen; "award for good citizenship" -01812720 __invigorate_VB_1 heighten or intensify; "These paintings exalt the imagination" -11776337 __tabernaemontana_NN_1 evergreen tropical trees and shrubs with milky sap -02140357 __nyctimene_NN_1 East Indian fruit bats -06783155 __divination_NN_1 successful conjecture by unusual insight or good luck -10369417 __obscurantist_NN_1 a person who is deliberately vague -08220714 __division_NN_4 an administrative unit in government or business -00872722 __matrix_operation_NN_1 a mathematical operation involving matrices -03479397 __hall_of_residence_NN_1 a university dormitory -13614764 __liquid_unit_NN_1 a unit of capacity for liquids (for measuring the volumes of liquids or their containers) -01126335 __trust_busting_NN_1 (law) government activities seeking to dissolve corporate trusts and monopolies (especially under the United States antitrust laws) -00085678 __confiscation_NN_1 seizure by the government -04424218 __thing_NN_4 an artifact; "how does this thing work?" -06748969 __prognostication_NN_2 a statement made about the future -13629482 __tib_NN_1 a unit of information equal to 1024 gibibytes or 2^40 (1,099,511,627,776) bytes -07552087 __ill_humour_NN_1 an angry and disagreeable mood -00017031 __snore_VB_1 breathe noisily during one's sleep; "she complained that her husband snores" -05730365 __topology_NN_4 the configuration of a communication network -02631659 __sport_VB_1 wear or display in an ostentatious or proud manner; "she was sporting a new hat" -06196071 __paternalism_NN_1 the attitude (of a person or a government) that subordinates should be controlled in a fatherly way for their own good -08062623 __publishing_house_NN_1 a firm in the publishing business -12341542 __enchanter's_nightshade_NN_1 any of several erect perennial rhizomatous herbs of the genus Circaea having white flowers that open at dawn; northern hemisphere -00486018 __put_through_VB_1 pursue to a conclusion or bring to a successful issue; "Did he go through with the treatment?"; "He implemented a new economic plan"; "She followed up his recommendations with a written proposal" -04453910 __top_NN_9 covering for a hole (especially a hole in the top of a container); "he removed the top of the carton"; "he couldn't get the top off of the bottle"; "put the cover back on the kettle" -02489363 __mismarry_VB_1 marry an unsuitable partner -01225562 __presumption_NN_4 a kind of discourtesy in the form of an act of presuming; "his presumption was intolerable" -02415573 __slog_VB_1 work doggedly or persistently; "She keeps plugging away at her dissertation" -01536916 __subfamily_emberizinae_NN_1 buntings and some New World sparrows -10021892 __dr._NN_1 a person who holds Ph.D. degree (or the equivalent) from an academic institution; "she is a doctor of philosophy in physics" -01526290 __run_VB_13 be operating, running or functioning; "The car is still running--turn it off!" -00289388 __stumble_NN_1 an unsteady uneven gait -07116443 __plosion_NN_1 the terminal forced release of pressure built up during the occlusive phase of a stop consonant -00507664 __fossilize_VB_1 convert to a fossil; "The little animals fossilized and are now embedded in the limestone" -13562862 __succession_NN_4 (ecology) the gradual and orderly process of change in an ecosystem brought about by the progressive replacement of one community by another until a stable climax is established -02555434 __help_VB_6 contribute to the furtherance of; "This money will help the development of literacy in developing countries" -01027859 __ritual_NN_1 any customary observance or practice -01408383 __ulvaceae_NN_1 thin flat or tubular green algae -02315277 __orphan_VB_1 deprive of parents -00293141 __prettify_VB_1 make more beautiful -02504562 __squeeze_VB_4 to cause to do through pressure or necessity, by physical, moral or intellectual means :"She forced him to take a job in the city"; "He squeezed her for information" -13553916 __secretion_NN_1 the organic process of synthesizing and releasing some substance -14980215 __pesticide_NN_1 a chemical used to kill pests (as rodents or insects) -10778148 __white_friar_NN_1 a Roman Catholic friar wearing the white cloak of the Carmelite order; mendicant preachers -13128365 __tuber_NN_1 a fleshy underground stem or root serving for reproductive and food storage -12699301 __lansium_domesticum_NN_1 East Indian tree bearing an edible yellow berry -09716933 __roman_NN_1 a resident of modern Rome -02518488 __malopterurus_NN_1 electric catfish -07298154 __surprise_NN_2 a sudden unexpected event -14666012 __amphibole_group_NN_1 a group of minerals with similar crystal structures containing a silicate chain and combinations of chiefly sodium and calcium and magnesium and iron and aluminum -07507098 __embarrassment_NN_1 the shame you feel when your inadequacy or guilt is made public -09322087 __jovian_planet_NN_1 any of the four outermost planets in the solar system; much larger than Earth and gaseous in nature (like Jupiter) -00941037 __swallow_VB_4 utter indistinctly; "She swallowed the last words of her speech" -00640385 __factor_out_VB_2 resolve into factors; "a quantum computer can factor the number 15" -04046590 __rail_NN_4 a horizontal bar (usually of wood or metal) -05166560 __virulency_NN_1 extreme harmfulness (as the capacity of a microorganism to cause disease); "the virulence of the plague" -15185996 __saint_martin's_summer_NN_1 a period of unusually warm weather in the autumn -04881829 __self-discipline_NN_1 the trait of practicing self discipline -00981944 __ejaculate_VB_1 utter impulsively; "He blurted out the secret"; "He blundered his stupid ideas" -10695555 __vexer_NN_1 someone given to teasing (as by mocking or stirring curiosity) -01983481 __northern_lobster_NN_2 lobster of Atlantic coast of America -03376159 __sheepfold_NN_1 a pen for sheep -09441725 __south_platte_river_NN_1 a tributary of the Platte River -14806333 __chalcedony_NN_1 a milky or greyish translucent to transparent quartz -02330247 __step_VB_5 furnish with steps; "The architect wants to step the terrace" -11200276 __napoleon_i_NN_1 French general who became emperor of the French (1769-1821) -00761454 __solve_VB_3 settle, as of a debt; "clear a debt"; "solve an old debt" -08582613 __kennelly-heaviside_layer_NN_1 a region of the ionosphere (from 50 to 90 miles up) that reflects radio waves of medium length -10221777 __jeweller_NN_2 someone in the business of selling jewelry -07028373 __tune_NN_1 a succession of notes forming a distinctive sequence; "she was humming an air from Beethoven" -07171785 __eisegesis_NN_1 personal interpretation of a text (especially of the Bible) using your own ideas -12342043 __genus_epilobium_NN_1 large widely distributed genus of herbs and subshrubs of especially western North America and Arctic areas -02138659 __shapely_JJ_1 having a well-proportioned and pleasing shape; "a slim waist and shapely legs" -06177729 __word_structure_NN_1 the admissible arrangement of sounds in words -00512877 __enable_VB_1 render capable or able for some task; "This skill will enable you to find a job on Wall Street"; "The rope enables you to secure yourself when you climb the mountain" -01855476 __lophodytes_cucullatus_NN_1 small North American duck with a high circular crest on the male's head -02137806 __estrous_JJ_1 (of lower mammals) showing or in a state of estrus; in heat; "the estrous state"; "the estrous cycle" -03476083 __postiche_NN_1 a covering or bunch of human or artificial hair used for disguise or adornment -09223725 __mantle_NN_4 anything that covers; "there was a blanket of snow" -07778938 __mahimahi_NN_1 the lean flesh of a saltwater fish found in warm waters (especially in Hawaii) -01381549 __summon_VB_3 gather or bring together; "muster the courage to do something"; "she rallied her intellect"; "Summon all your courage" -01149470 __play_VB_15 put (a card or piece) into play during a game, or act strategically as if in a card game; "He is playing his cards close to his chest"; "The Democrats still have some cards to play before they will concede the electoral victory" -11480930 __sound_NN_3 mechanical vibrations transmitted by an elastic medium; "falling trees make a sound in the forest even when no one is there to hear them" -00592292 __emirate_NN_2 the office of an emir -03907908 __penalty_box_NN_1 (ice hockey) an enclosed bench to the side of an ice-hockey rink for players who are serving time penalties -06582761 __call_NN_10 an instruction that interrupts the program being executed; "Pascal performs calls by simply giving the name of the routine to be executed" -08416328 __left_wing_NN_1 those who support varying degrees of social or political or economic change designed to promote the public welfare -14752952 __cortone_acetate_NN_1 a corticosteroid hormone (trade name Cortone Acetate) normally produced by the adrenal cortex; is converted to hydrocortisone -06617011 __cinema_verite_NN_1 a movie that shows ordinary people in actual activities without being controlled by a director -04521987 __varnish_NN_1 a coating that provides a hard, lustrous, transparent finish to a surface -05236152 __radicle_NN_1 (anatomy) a small structure resembling a rootlet (such as a fibril of a nerve) -08702402 __south_american_nation_NN_1 any one of the countries occupying the South American continent -02722166 __antimetabolite_NN_1 an antineoplastic drug that inhibits the utilization of a metabolite -12542240 __tuberous_vetch_NN_1 European herb bearing small tubers used for food and in Scotland to flavor whiskey -00196485 __substitution_NN_2 the act of putting one thing or person in the place of another: "he sent Smith in for Jones but the substitution came too late to help" -00208210 __worsen_VB_2 make worse; "This drug aggravates the pain" -06387980 __textual_matter_NN_1 the words of something written; "there were more than a thousand words of text"; "they handed out the printed text of the mayor's speech"; "he wants to reconstruct the original text" -14586769 __metal_NN_2 a mixture containing two or more metallic elements or metallic and nonmetallic elements usually fused together or dissolving into each other when molten; "brass is an alloy of zinc and copper" -13290991 __relief_NN_3 (law) redress awarded by a court; "was the relief supposed to be protection from future harm or compensation for past injury?" -03908831 __pendent_NN_1 an adornment that hangs from a piece of jewelry (necklace or earring) -06588326 __software_documentation_NN_1 program listings or technical manuals describing the operation and use of programs -12787007 __family_cunoniaceae_NN_1 trees or shrubs or climbers; mostly southern hemisphere -03853178 __orchestra_NN_2 seating on the main floor in a theater -09333706 __urmia_NN_1 a shallow saline lake in northwestern Iran between Tabriz and the western border of Turkey -02131072 __sexy_JJ_1 marked by or tending to arouse sexual desire or interest; "feeling sexy"; "sexy clothes"; "sexy poses"; "a sexy book"; "sexy jokes" -07712382 __snack_food_NN_1 food for light meals or for eating between meals -09357580 __monongahela_river_NN_1 a river that rises in northern West Virginia and flows north into Pennsylvania where it joins the Allegheny River at Pittsburgh to form the Ohio River -08096474 __sunni_islam_NN_1 one of the two main branches of orthodox Islam -12871272 __blue_curls_NN_1 any of several plants of the genus Trichostema having whorls of small blue flowers -08800258 __roman_empire_NN_1 an empire established by Augustus in 27 BC and divided in AD 395 into the Western Roman Empire and the eastern or Byzantine Empire; at its peak lands in Europe and Africa and Asia were ruled by ancient Rome -03583621 __ionization_tube_NN_1 a measuring instrument that measures the amount of ionizing radiation -02694933 __situate_VB_1 determine or indicate the place, site, or limits of, as if by an instrument or by a survey; "Our sense of sight enables us to locate objects in space"; "Locate the boundaries of the property" -02806261 __sustainable_JJ_1 capable of being sustained -13070308 __waxycap_NN_1 any fungus of the family Hygrophoraceae having gills that are more or less waxy in appearance -02356381 __sciurus_carolinensis_NN_1 common medium-large squirrel of eastern North America; now introduced into England -11972141 __gerea_NN_1 small genus of hairy herbs with yellow flowers -10095061 __flanker_NN_2 a soldier who is a member of a detachment assigned to guard the flanks of a military formation -04434285 __tiered_seat_NN_1 seating that is arranged in sloping tiers so that spectators in the back can see over the heads of those in front -03033986 __plug-in_NN_1 a printed circuit that can be inserted into expansion slots in a computer to increase the computer's capabilities -13449566 __clouding_up_NN_1 the process whereby water particles become visible in the sky -02123812 __serviceable_JJ_1 ready for service or able to give long service; "serviceable equipment"; "heavy serviceable fabrics" -01696849 __family_crocodylidae_NN_1 true crocodiles -13054560 __bolete_NN_1 any fungus of the family Boletaceae -12906498 __mandrake_NN_2 a plant of southern Europe and North Africa having purple flowers, yellow fruits and a forked root formerly thought to have magical powers -00884317 __promise_VB_2 promise to undertake or give; "I promise you my best effort" -00169811 __loop-the-loop_NN_1 a flight maneuver; aircraft flies a complete circle in the vertical plane -05301392 __articulator_NN_2 a movable speech organ -08423634 __fha_NN_1 the federal agency in the Department of Housing and Urban Development that insures residential mortgages -00786887 __play_NN_7 an attempt to get something; "they made a futile play for power"; "he made a bid to gain attention" -01663749 __bake_VB_2 prepare with dry heat in an oven; "bake a cake" -03430959 __paraphernalia_NN_1 equipment consisting of miscellaneous articles needed for a particular operation or sport etc. -05731779 __constellation_NN_1 an arrangement of parts or elements; "the outcome depends on the configuration of influences at the time" -01021579 __persistence_NN_3 the act of persisting or persevering; continuing or repeating behavior; "his perseveration continued to the point where it was no longer appropriate" -00294452 __sprint_NN_1 a quick run -14633957 __cerium_NN_1 a ductile grey metallic element of the lanthanide series; used in lighter flints; the most abundant of the rare-earth group -14326607 __headache_NN_2 pain in the head caused by dilation of cerebral arteries or muscle contractions or a reaction to drugs -07137950 __dilation_NN_1 a lengthy discussion (spoken or written) on a particular topic -13144084 __pomaderris_apetala_NN_1 Australian tree grown especially for ornament and its fine-grained wood and bearing edible nuts -08225334 __hood_NN_3 (slang) a neighborhood -09772330 __adoptee_NN_1 someone (such as a child) who has been adopted -07772413 __chinquapin_NN_3 small nut of either of two small chestnut trees of the southern United States; resembles a hazelnut -01186578 __receivership_NN_2 a court action that places property under the control of a receiver during litigation so that it can be preserved for the benefit of all -02115324 __antiseptic_JJ_1 thoroughly clean and free of or destructive to disease-causing organisms; "doctors in antiseptic green coats"; "the antiseptic effect of alcohol"; "it is said that marjoram has antiseptic qualities" -02984061 __cathedral_NN_1 any large and important church -00423971 __emerge_VB_1 come out into view, as from concealment; "Suddenly, the proprietor emerged from his office" -12804216 __tolmiea_NN_1 one species: pickaback plant -06774316 __convention_NN_3 (diplomacy) an international agreement -06776783 __mot_NN_1 a clever remark -01670961 __gopherus_NN_1 gopher tortoises -04625515 __jactitation_NN_3 (pathology) extremely restless tossing and twitching usually by a person with a severe illness -12167282 __momordica_NN_1 Old World tropical vine -05531161 __cartilaginous_structure_NN_1 body structure given shape by cartilage -09063477 __long_beach_NN_1 a city in southern California located on 8.5 miles of Pacific beachfront; was a resort until oil was discovered in 1921 -07395104 __splash_NN_1 the sound like water splashing -01371201 __plant_VB_5 place something or someone in a certain position in order to secretly observe or deceive; "Plant a spy in Moscow"; "plant bugs in the dissident's apartment" -03250089 __drum_brake_NN_1 hydraulic brake in which friction is applied to the inside of a spinning drum by the brake shoe -02111684 __joint_JJ_1 united or combined; "a joint session of Congress"; "joint owners" -06177033 __phonetics_NN_1 the branch of acoustics concerned with speech processes including its production and perception and acoustic analysis -01684899 __paint_VB_1 make a painting; "he painted all day in the garden"; "He painted a painting of the garden" -13074277 __genus_cortinarius_NN_1 the largest genus in the Agaricales; agarics having rusty spores and prominent cortinae (cobwebby partial veils) -01801876 __brush_turkey_NN_1 black megapode of wooded regions of Australia and New Guinea -02033561 __curlew_NN_1 large migratory shorebirds of the sandpiper family; closely related to woodcocks but having a down-curved bill -14948645 __mash_NN_1 a mixture of mashed malt grains and hot water; used in brewing -02129165 __panthera_leo_NN_1 large gregarious predatory feline of Africa and India having a tawny coat with a shaggy mane in the male -09433952 __shortener_NN_1 any agent that shortens; "alcohol is a great shortener of life" -15139691 __compassionate_leave_NN_1 (military) leave granted in an emergency such as family sickness or death -03924978 __photoelectric_cell_NN_1 a transducer used to detect and measure light and other radiations -02109678 __separate_JJ_1 independent; not united or joint; "a problem consisting of two separate issues"; "they went their separate ways"; "formed a separate church" -09718217 __nipponese_NN_1 a native or inhabitant of Japan -09826204 __flyer_NN_3 someone who operates an aircraft -06923880 __penutian_NN_1 a family of Amerindian language spoken in the great interior valley of California -03201776 __tuxedo_NN_1 semiformal evening dress for men -10320863 __minister_NN_2 a person appointed to a high office in the government; "Minister of Finance" -06054446 __ophthalmology_NN_1 the branch of medicine concerned with the eye and its diseases -02619924 __survive_VB_2 continue in existence after (an adversity, etc.); "He survived the cancer against all odds" -04712735 __compatibility_NN_2 capability of existing or performing in harmonious or congenial combination -15223343 __equinox_NN_1 either of two times of the year when the sun crosses the plane of the earth's equator and day and night are of equal length -13060190 __jelly_fungus_NN_1 any fungus of the order Tremellales or Auriculariales whose fruiting body is jellylike in consistency when fresh -05804136 __guestimate_NN_1 an estimate that combines reasoning with guessing -02105990 __sensitive_JJ_2 being susceptible to the attitudes, feelings, or circumstances of others; "sensitive to the local community and its needs" -14712036 __alkali_NN_2 a mixture of soluble salts found in arid soils and some bodies of water; detrimental to agriculture -01828736 __love_VB_2 get pleasure from; "I love cooking" -09282724 __froth_NN_1 a mass of small bubbles formed in or on a liquid; "the beer had a thick head of foam" -04416901 __tetraskelion_NN_1 a figure consisting of four stylized human arms or legs (or bent lines) radiating from a center -02102484 __sensitive_JJ_3 able to feel or perceive; "even amoeba are sensible creatures"; "the more sensible parts of the skin" -01177033 __protest_NN_2 the act of protesting; a public (often organized) manifestation of dissent -10616779 __sniveler_NN_1 a person who breathes audibly through a congested nose -06558678 __ticket_NN_3 a summons issued to an offender (especially to someone who violates a traffic regulation) -13507827 __life_cycle_NN_2 the course of developmental changes in an organism from fertilized zygote to maturity when another zygote can be produced -01231819 __convention_NN_5 the act of convening -14666510 __apatite_NN_1 a common complex mineral consisting of calcium fluoride phosphate or calcium chloride phosphate; a source of phosphorus -05573895 __thighbone_NN_1 the longest and thickest bone of the human skeleton; extends from the pelvis to the knee -03494706 __harness_NN_2 stable gear consisting of an arrangement of leather straps fitted to a draft animal so that it can be attached to and pull a cart -13998781 __restraint_NN_3 the state of being physically constrained; "dogs should be kept under restraint" -01436290 __translate_VB_4 bring to a certain spiritual state -08550966 __episcopate_NN_2 the territorial jurisdiction of a bishop -02254697 __adelgid_NN_1 any of various insects that feed and form galls on conifers -02099019 __unselfish_JJ_1 disregarding your own advantages and welfare over those of others -02098325 __selfish_JJ_1 concerned chiefly or only with yourself and your advantage to the exclusion of others; "Selfish men were...trying to make capital for themselves out of the sacred cause of civil rights"- Maria Weston Chapman -08790748 __limnos_NN_1 a Greek island in the northern Aegean Sea; famous for a reddish-brown clay that has medicinal properties -02143283 __unveil_VB_2 make visible; "Summer brings out bright clothes"; "He brings out the best in her" -09477567 __weisshorn_NN_1 a mountain in the Alps in Switzerland (14,804 feet high) -11376742 __watt_NN_2 Scottish engineer and inventor whose improvements in the steam engine led to its wide use in industry (1736-1819) -04511002 __university_NN_2 establishment where a seat of higher learning is housed, including administrative and living quarters as well as facilities for research and teaching -02150039 __autopsy_VB_1 perform an autopsy on a dead body; do a post-mortem -00955148 __mean_VB_1 mean or intend to express or convey; "You never understand what I mean!"; "what do his words intend?" -09871364 __young_man_NN_2 a man who is the lover of a girl or young woman; "if I'd known he was her boyfriend I wouldn't have asked" -08688590 __combat_zone_NN_2 a military area where combat forces operate -09991867 __pet_NN_2 a special loved one -02740533 __armoured_vehicle_NN_1 a vehicle that is protected by armor plate -08847024 __innsbruck_NN_1 city in southwestern Austria; known as a summer and winter resort -12882591 __genus_digitalis_NN_1 genus of Eurasian herbs having alternate leaves and racemes of showy bell-shaped flowers -05059525 __instantaneousness_NN_1 the quickness of action or occurrence; "the immediacy of their response"; "the instancy of modern communication" -05607126 __corona_NN_5 (anatomy) any structure that resembles a crown in shape -02095311 __secure_JJ_3 not likely to fail or give way; "the lock was secure"; "a secure foundation"; "a secure hold on her wrist" -14443532 __sovereignty_NN_2 royal authority; the dominion of a monarch -13652066 __league_NN_3 an obsolete unit of distance of variable length (usually 3 miles) -01205961 __selflessness_NN_2 acting with less concern for yourself than for the success of the joint activity -00595333 __mayoralty_NN_1 the position of mayor -08020242 __revolutionary_organization_of_socialist_muslims_NN_1 a Palestinian international terrorist organization that split from the PLO in 1974; has conducted terrorist attacks in 20 countries; "in the 1980s the Fatah-RC was considered the most dangerous and murderous Palestinian terror group" -07769306 __quantong_NN_1 red Australian fruit; used for dessert or in jam -13458571 __decrement_NN_2 a process of becoming smaller or shorter -07370671 __raising_NN_1 the event of something being raised upward; "an elevation of the temperature in the afternoon"; "a raising of the land resulting from volcanic activity" -06214744 __communism_NN_2 a political theory favoring collectivism in a classless society -05990089 __theory_of_gravity_NN_1 (physics) the theory that any two particles of matter attract one another with a force directly proportional to the product of their masses and inversely proportional to the square of the distance between them -13344071 __security_NN_2 defense against financial failure; financial independence; "his pension gave him security in his old age"; "insurance provided protection against loss of wages due to illness" -02581642 __round_scad_NN_1 small fusiform fish of western Atlantic -11683556 __shell_NN_4 the hard usually fibrous outer layer of some fruits especially nuts -02091574 __sectarian_JJ_2 belonging to or characteristic of a sect; "a sectarian mind"; "the negations of sectarian ideology"- Sidney Hook; "sectarian squabbles in psychology" -08993288 __saudi_arabia_NN_1 an absolute monarchy occupying most of the Arabian Peninsula in southwest Asia; vast oil reserves dominate the economy -01046984 __energizing_NN_1 the activity of causing to have energy and be active -14964129 __nucleic_acid_NN_1 (biochemistry) any of various macromolecules composed of nucleotide chains that are vital constituents of all living cells -09725402 __norwegian_NN_1 a native or inhabitant of Norway -02835654 __residuary_JJ_2 relating to or indicating a remainder; "residual quantity" -11082135 __jenner_NN_1 English physician who pioneered vaccination; Jenner inoculated people with small amounts of cowpox to prevent them from getting smallpox (1749-1823) -13006741 __marasmius_NN_1 chiefly small mushrooms with white spores -10804406 __youth_NN_1 a young person (especially a young man or boy) -04010779 __prompter_NN_2 a device that displays words for people to read -12050295 __genus_cattleya_NN_1 large and highly valued genus of beautiful tropical American epiphytic or lithophytic orchids; the typical orchids; known in many varieties -08131254 __ntis_NN_1 an agency in the Technology Administration that is a primary resource for government-funded scientific and technical and engineering and business related information -06697331 __degree_NN_3 an award conferred by a college or university signifying that the recipient has satisfactorily completed a course of study; "he earned his degree at Princeton summa cum laude" -01788733 __chafe_VB_2 feel extreme irritation or anger; "He was chafing at her suggestion that he stay at home while she went on a vacation" -02085449 __scrupulous_JJ_1 having scruples; arising from a sense of right and wrong; principled; "less scrupulous producers sent bundles that were deceptive in appearance" -02162947 __shine_VB_3 be shiny, as if wet; "His eyes were glistening" -07194499 __deposition_NN_2 (law) a pretrial interrogation of a witness; usually conducted in a lawyer's office -02148788 __show_VB_1 give an exhibition of to an interested audience; "She shows her dogs frequently"; "We will demo the new software in Washington" -02083615 __scholarly_JJ_1 characteristic of scholars or scholarship; "scholarly pursuits"; "a scholarly treatise"; "a scholarly attitude" -07640844 __bliny_NN_1 Russian pancake of buckwheat flour and yeast; usually served with caviar and sour cream -01891249 __vibrate_VB_1 shake, quiver, or throb; move back and forth rapidly, usually in an uncontrolled manner -14770838 __gentian_violet_NN_1 a green crystal (violet in water) used as a dye or stain or bactericide or fungicide or anthelmintic or burn treatment -00903449 __dispensable_JJ_1 capable of being dispensed with or done without; "dispensable items of personal property" -01165579 __strain_VB_3 use to the utmost; exert vigorously or to full capacity; "He really extended himself when he climbed Kilimanjaro"; "Don't strain your mind too much" -05159495 __green_thumb_NN_1 a special ability to make plants grow -02080577 __satisfactory_JJ_1 giving satisfaction; "satisfactory living conditions"; "his grades were satisfactory" -01172252 __shock_NN_2 the violent interaction of individuals or groups entering into combat; "the armies met in the shock of battle" -12327846 __brazil_nut_NN_1 tall South American tree bearing brazil nuts -13250048 __land_NN_1 the land on which real estate is located; "he built the house on land leased from the city" -01220885 __stick_VB_14 come or be in close contact with; stick or hold together and resist separation; "The dress clings to her body"; "The label stuck to the box"; "The sushi rice grains cohere" -02438452 __vicugna_NN_1 a genus of Camelidae -05335971 __aorta_NN_1 the large trunk artery that carries blood from the left ventricle of the heart to branch arteries -02079029 __sarcastic_JJ_1 expressing or expressive of ridicule that wounds -12634211 __wild_apple_NN_1 any of numerous wild apple trees usually with small acidic fruit -08238660 __year_NN_4 a body of students who graduate together; "the class of '97"; "she was in my year at Hoehandle High" -01172275 __tope_VB_1 drink excessive amounts of alcohol; be an alcoholic; "The husband drinks and beats his wife" -06204406 __tolerance_NN_4 willingness to recognize and respect the beliefs or practices of others -08463063 __post_NN_8 any particular collection of letters or packages that is delivered; "your mail is on the table"; "is there any post for me?"; "she was opening her post" -03359755 __flat_NN_6 scenery consisting of a wooden frame covered with painted canvas; part of a stage setting -03014705 __chest_NN_2 box with a lid; used for storage; usually large and sturdy -04857083 __courageousness_NN_1 a quality of spirit that enables you to face danger or pain without showing fear -05055278 __transitoriness_NN_1 an impermanence that suggests the inevitability of ending or dying -03186399 __diagram_NN_1 a drawing intended to explain how something works; a drawing showing the relation between the parts -13999206 __incarceration_NN_1 the state of being imprisoned; "he was held in captivity until he died"; "the imprisonment of captured soldiers"; "his ignominious incarceration in the local jail"; "he practiced the immurement of his enemies in the castle dungeon" -12968408 __sclerodermatales_NN_1 an order of fungi having a peridium surrounding a gleba (sometimes placed in subclass Homobasidiomycetes) -02074092 __insane_JJ_1 afflicted with or characteristic of mental derangement; "was declared insane"; "insane laughter" -11537506 __moss_NN_1 tiny leafy-stemmed flowerless plants -06928047 __jaghatai_NN_1 a Turkic literary language of medieval central Asia (named for one of the sons of Genghis Khan) -14942223 __loam_NN_1 a rich soil consisting of a mixture of sand and clay and decaying organic materials -11301809 __wallis_warfield_windsor_NN_1 United States divorcee whose marriage to Edward VIII created a constitutional crisis leading to his abdication -08181930 __commons_NN_3 a class composed of persons lacking clerical or noble rank -02687992 __landing_field_NN_1 a place where planes take off and land -10117851 __gal_NN_3 alliterative term for girl (or woman) -03599628 __job_NN_3 a workplace; as in the expression "on the job"; -01633949 __proteidae_NN_1 mud puppies -02621258 __surgeonfish_NN_1 brightly colored coral-reef fish with knifelike spines at the tail -13864965 __incurvature_NN_1 a shape that curves or bends inward -10637038 __spiv_NN_1 a person without employment who makes money by various dubious schemes; goes about smartly dressed and having a good time -00412271 __symbolization_NN_3 the practice of investing things with symbolic meaning -09638245 __uncle_tom_NN_1 (ethnic slur) offensive and derogatory name for a Black man who is abjectly servile and deferential to Whites -02047260 __murre_NN_1 black-and-white diving bird of northern seas -02841063 __bin_liner_NN_1 a plastic bag used to line a trash or garbage bin -03947111 __pipette_NN_1 measuring instrument consisting of a graduated glass tube used to measure or transfer precise volumes of a liquid by drawing the liquid up into the tube -12449934 __wild_hyacinth_NN_2 eastern camas; eastern and central North America -03313873 __face_NN_4 the striking or working surface of an implement -04038727 __rack_NN_1 framework for holding objects -01207609 __help_NN_1 the activity of contributing to the fulfillment of a need or furtherance of an effort or purpose; "he gave me an assist with the housework"; "could not walk without assistance"; "rescue party went to their aid"; "offered his help in unloading" -12400720 __jackfruit_tree_NN_1 East Indian tree cultivated for its immense edible fruit and seeds -14959644 __plant_fibre_NN_1 fiber derived from plants -08855308 __capital_of_brazil_NN_1 the capital of Brazil; a city built on the central plateau and inaugurated in 1960 -02382204 __plug_NN_7 an old or over-worked horse -12287642 __hop_hornbeam_NN_1 any of several trees resembling hornbeams with fruiting clusters resembling hops -03147509 __cup_NN_1 a small open container usually used for drinking; usually has a handle; "he put the cup back in the saucer"; "the handle of the cup was missing" -14190736 __pyemia_NN_1 septicemia caused by pus-forming bacteria being released from an abscess -02484570 __shoot_VB_2 kill by firing a missile -09011922 __lubavitch_NN_1 a town in Belarus that was the center of the Chabad movement for a brief period during the 19th century -07771539 __english_walnut_NN_2 nut with a wrinkled two-lobed seed and hard but relatively thin shell; widely used in cooking -10819755 __marcus_aurelius_antoninus_NN_1 Emperor of Rome; nephew and son-in-law and adoptive son of Antonius Pius; Stoic philosopher; the decline of the Roman Empire began under Marcus Aurelius (121-180) -04002026 __prophylactic_NN_1 remedy that prevents or slows the course of an illness or disease; "the doctor recommended several preventatives" -00749205 __direct_VB_1 command with authority; "He directed the children to do their homework" -02055062 __sacred_JJ_1 concerned with religion or religious purposes; "sacred texts"; "sacred rites"; "sacred music" -07971023 __folks_NN_1 your parents; "he wrote to his folks every day" -02053818 __holy_JJ_1 belonging to or derived from or associated with a divine power -12240335 __loiseleuria_NN_1 one species: alpine azalea -09409752 __ridgeline_NN_1 a long narrow range of hills -02044178 __jaeger_NN_1 rapacious seabird that pursues weaker birds to make them drop their prey -01935846 __unicycle_VB_1 ride a unicycle -13207923 __glory_fern_NN_1 named for a country house in Barbados where it was discovered -01498989 __eagle_ray_NN_1 powerful free-swimming tropical ray noted for `soaring' by flapping winglike fins; usually harmless but has venomous tissue near base of the tail as in stingrays -02399942 __fourth_stomach_NN_1 the fourth compartment of the stomach of a ruminant; the one where digestion takes place -14668065 __bastnasite_NN_1 a yellow-to-brown mineral that is a source of rare earth elements -00387919 __customize_VB_2 make according to requirements; "customize a car" -02265860 __genus_corydalus_NN_1 type genus of the Corydalidae -08993037 __sao_tome_NN_1 capital of Sao Tome and Principe -11313011 __stanley_NN_2 Welsh journalist and explorer who led an expedition to Africa in search of David Livingstone and found him in Tanzania in 1871; he and Livingstone together tried to find the source of the Nile River (1841-1904) -06493392 __menu_NN_3 (computer science) a list of options available to a computer user -00094448 __live_JJ_3 possessing life; "the happiest person alive"; "the nerve is alive"; "doctors are working hard to keep him alive"; "burned alive"; "a live canary" -01030832 __covenant_VB_2 enter into a covenant or formal agreement; "They covenanted with Judas for 30 pieces of silver"; "The nations covenanted to fight terrorism around the world" -04284735 __sporting_goods_NN_1 sports equipment sold as a commodity -14248541 __myoma_NN_1 a benign tumor composed of muscle tissue -01158022 __drain_VB_2 deplete of resources; "The exercise class drains me of energy" -01958868 __prance_VB_4 ride a horse such that it springs and bounds forward -14951229 __methane_NN_1 a colorless odorless gas used as a fuel -01838651 __float_VB_5 move lightly, as if suspended; "The dancer floated across the stage" -09642917 __cooly_NN_1 (ethnic slur) an offensive name for an unskilled Asian laborer -01741744 __family_boidae_NN_1 boas and pythons -00511855 __suds_VB_2 make froth or foam and become bubbly; "The river foamed" -01409065 __volvocaceae_NN_1 unicellular or colonial biflagellate free-swimming flagellates -00599472 __secretaryship_NN_1 the position of secretary -01820901 __exasperate_VB_1 exasperate or irritate -10029068 __drawer_NN_3 an artist skilled at drawing -10844231 __giacomo_della_chiesa_NN_1 pope who founded the Vatican service for prisoners of war during World War I (1854-1922) -02632359 __luvarus_NN_1 type genus of the Luvaridae -08810051 __syracuse_NN_2 a city in southeastern Sicily that was founded by Corinthians in the 8th century BC -04723816 __quality_NN_1 an essential and distinguishing attribute of something or someone; "the quality of mercy is not strained"--Shakespeare -03985232 __portable_computer_NN_1 a personal computer that can easily be carried by hand -04208210 __shovel_NN_1 a hand tool for lifting loose material; consists of a curved container or scoop and a handle -05638606 __marksmanship_NN_1 skill in shooting -01812337 __dove_NN_1 any of numerous small pigeons -00363110 __knock_off_VB_5 stop pursuing or acting; "drop a lawsuit"; "knock it off!" -01125562 __misrule_NN_1 government that is inefficient or dishonest -00160086 __sincerely_yours_RB_1 cause members of a tribe to lose their cultural identity written formula for ending a letter -00572838 __putting_NN_1 hitting a golf ball that is on the green using a putter; "his putting let him down today; he didn't sink a single putt over three feet" -05426243 __tissue_layer_NN_1 a pliable sheet of tissue that covers or lines or connects the organs or cells of animals or plants -10793570 __wright_NN_7 someone who makes or repairs something (usually used in combination) -01389188 __protozoa_NN_1 in some classifications considered a superphylum or a subkingdom; comprises flagellates; ciliates; sporozoans; amoebas; foraminifers -02163982 __order_coleoptera_NN_1 beetles -11867311 __polanisia_graveolens_NN_1 strong-scented herb common in southern United States covered with intermixed gland and hairs -07720442 __pepper_NN_4 sweet and hot varieties of fruits of plants of the genus Capsicum -01185292 __adoption_NN_2 a legal proceeding that creates a parent-child relation between persons not related by blood; the adopted child is entitled to all privileges belonging to a natural child of the adoptive parents (including the right to inherit) -02040652 __round_JJ_1 having a circular shape -02040049 __frail_JJ_1 physically weak; "an invalid's frail body" -00594374 __legislatorship_NN_1 the office of legislator -01460029 __strain_VB_4 separate by passing through a sieve or other straining device to separate out coarser elements; "sift the flour" -06717170 __disparagement_NN_1 a communication that belittles somebody or something -02450992 __genus_charronia_NN_1 a genus of Mustelidae -02037272 __unrighteous_JJ_1 not righteous; "an unrighteous man"; "an unrighteous law" -03284743 __enamel_NN_4 any smooth glossy coating that resembles ceramic glaze -07162545 __hypothesis_NN_1 a proposal intended to explain certain facts or observations -00919877 __stratification_NN_5 the placing of seeds in damp sand or sawdust or peat moss in order to preserve them or promote germination -09721088 __liechtensteiner_NN_1 a native or inhabitant of Liechtenstein -05755883 __work_NN_4 applying the mind to learning and understanding a subject (especially by reading); "mastering a second language requires a lot of work"; "no schools offer graduate study in interior design" -02036578 __righteous_JJ_1 characterized by or proceeding from accepted standards of morality or justice; "the...prayer of a righteous man availeth much"- James 5:16 -01169433 __swill_down_VB_1 drink large quantities of (liquid, especially alcoholic drink) -13174670 __strap_fern_NN_1 fern with long narrow strap-shaped leaves -00768701 __felony_NN_1 a serious crime (such as murder or arson) -08455271 __military_law_NN_1 the body of laws and rules of conduct administered by military courts for the discipline, trial, and punishment of military personnel -03223686 __threshold_NN_4 the sill of a door; a horizontal piece of wood or stone that forms the bottom of a doorway and offers support when passing through a doorway -00932798 __twist_around_VB_1 practice sophistry; change the meaning of or be vague about in order to mislead or deceive; "Don't twist my words" -01331348 __tack_VB_4 sew together loosely, with large stitches; "baste a hem" -12444261 __genus_bloomeria_NN_1 small genus of bulbous perennial herbs of southwestern United States and Mexico; sometimes placed in family Alliaceae -02523953 __pass_VB_16 accept or judge as acceptable; "The teacher passed the student although he was weak" -07091902 __acronym_NN_1 a word formed from the initial letters of the several words in the name -10679054 __surfer_NN_1 someone who engages in surfboarding -01456463 __snip_off_VB_1 sever or remove by pinching or snipping; "nip off the flowers" -01149138 __defend_VB_5 protect or fight for as a champion -05989479 __theory_NN_1 a well-substantiated explanation of some aspect of the natural world; an organized system of accepted knowledge that applies in a variety of circumstances to explain a specific set of phenomena; "theories can incorporate facts and laws and tested hypotheses"; "true in fact and theory" -02525543 __macruridae_NN_1 grenadiers -06722186 __interpolation_NN_1 a message (spoken or written) that is introduced or inserted; "with the help of his friend's interpolations his story was eventually told"; "with many insertions in the margins" -02725067 __stagnate_VB_2 cause to stagnate; "There are marshes that stagnate the waters" -01090308 __functional_JJ_1 designed for or capable of a particular function or use; "a style of writing in which every word is functional"; "functional architecture" -00198451 __promotion_NN_2 act of raising in rank or position -05844105 __style_NN_3 a particular kind (as to appearance); "this style of shoe is in demand" -15173353 __field_day_NN_1 (military) a day for military exercises and display -10556518 __schemer_NN_1 a planner who draws up a personal scheme of action -02027003 __lean_JJ_2 lacking in mineral content or combustible material; "lean ore"; "lean fuel" -02026785 __rich_JJ_7 high in mineral content; having a high proportion of fuel to air; "a rich vein of copper", "a rich gas mixture" -13047385 __secotiaceae_NN_1 a family of fungi that have a stalk and cap and a wrinkled mass of tissue (the gleba) where spores are produced; are often dismissed as misshapen forms of other fungi -00082563 __remedy_VB_2 provide relief for; "remedy his illness" -07938773 __arrangement_NN_2 an orderly grouping (of things or persons) considered as a unit; the result of arranging; "a flower arrangement" -10781236 __wriggler_NN_1 one who can't stay still (especially a child); "the toddler was a real wiggler on plane trips" -00248977 __improvement_NN_2 the act of improving something; "their improvements increased the value of the property" -06709245 __croix_de_guerre_NN_1 a French military decoration for gallantry -02917377 __loud_hailer_NN_1 a portable loudspeaker with built-in microphone and amplifier -02024143 __rich_JJ_2 having an abundant supply of desirable qualities or substances (especially natural resources); "blessed with a land rich in minerals"; "rich in ideas"; "rich with cultural interest" -08134081 __nih_NN_1 an agency in the Department of Health and Human Services whose mission is to employ science in the pursuit of knowledge to improve human health; is the principal biomedical research agency of the federal government -14157527 __mucopolysaccharidosis_NN_1 any of a group of genetic disorders involving a defect in the metabolism of mucopolysaccharides resulting in greater than normal levels of mucopolysaccharides in tissues -00094312 __fledge_VB_3 grow feathers; "The young sparrows are fledging already" -02304982 __roll_up_VB_2 get or gather together; "I am accumulating evidence for the man's unfaithfulness to his wife"; "She is amassing a lot of data for her thesis"; "She rolled up a small fortune" -09830629 __packer_NN_3 a hiker who wears a backpack -02468617 __shaft_NN_12 the hollow spine of a feather -01712008 __theropod_dinosaur_NN_1 any of numerous carnivorous dinosaurs of the Triassic to Cretaceous with short forelimbs that walked or ran on strong hind legs -11887750 __western_wall_flower_NN_1 biennial or short-lived perennial prairie rocket having orange-yellow flowers; western North America to Minnesota and Kansas; sometimes placed in genus Cheiranthus -10362428 __normalizer_NN_1 a person who normalizes -02014646 __rallidae_NN_1 rails; crakes; gallinules; coots -03937437 __pillar_box_NN_1 a red pillar-shaped letter box -02251247 __indemnify_VB_1 secure against future loss, damage, or liability; give security for; "This plan indemnifies workers against wages lost through illness" -01152214 __point_VB_3 direct into a position for use; "point a gun"; "He charged his weapon at me" -08572467 __head_NN_19 the part in the front or nearest the viewer; "he was in the forefront"; "he was at the head of the column" -02981024 __catacomb_NN_1 an underground tunnel with recesses where bodies were buried (as in ancient Rome) -04059298 __real_storage_NN_1 the main memory in a virtual memory system -00995119 __favourable_JJ_2 (of winds or weather) tending to promote or facilitate; "the days were fair and the winds were favorable" -01438681 __swear_out_VB_1 deliver a warrant or summons to someone; "He was processed by the sheriff" -07433662 __mutilation_NN_1 an injury that causes disfigurement or that deprives you of a limb or other important body part -07978423 __mythology_NN_1 myths collectively; the body of stories associated with a culture or institution or person -08755436 __barbados_NN_1 a parliamentary democracy on the island of Barbados; former British colony; a popular resort area -01531265 __stamp_VB_9 raise in a relief; "embossed stationery" -01930738 __automobile_VB_1 travel in an automobile -06500937 __passport_NN_2 a document issued by a country to a citizen allowing that person to travel abroad and re-enter the home country -15007534 __vulcanite_NN_1 a hard nonresilient rubber formed by vulcanizing natural rubber -05261088 __roach_NN_1 a roll of hair brushed back from the forehead -12261808 __white_beech_NN_1 North American forest tree with light green leaves and edible nuts -15069338 __tetrodotoxin_NN_1 a powerful neurotoxin found in the ovaries of pufferfish -10200047 __scamp_NN_1 one who is playfully mischievous -00234277 __section_eight_NN_2 a discharge from the US Army based on unfitness or character traits deemed undesirable -00965687 __report_VB_3 announce one's presence; "I report to work every day at 9 o'clock" -12868248 __sideritis_NN_1 genus of woolly aromatic herbs or subshrubs or shrubs of Mediterranean region -09649554 __plains_indian_NN_1 a member of one of the tribes of American Indians who lived a nomadic life following the buffalo in the Great Plains of North America -12871484 __wooly_blue_curls_NN_1 an aromatic plant with wooly leaves found in southern California and Mexico -07105475 __trope_NN_1 language used in a figurative or nonliteral sense -00874002 __call_VB_19 require the presentation of for redemption before maturation; "Call a bond" -05949937 __prepossession_NN_2 an opinion formed beforehand without adequate evidence; "he did not even try to confirm his preconceptions" -14440488 __humiliation_NN_1 state of disgrace or loss of self-respect -01871699 __order_monotremata_NN_1 coextensive with the subclass Prototheria -01999218 __precede_VB_4 move ahead (of others) in time or space -11031420 __william_henry_harrison_NN_1 9th President of the United States; caught pneumonia during his inauguration and died shortly after (1773-1841) -10265532 __receiver_NN_2 (law) a person (usually appointed by a court of law) who liquidates assets or preserves them for the benefit of affected parties -04395332 __tasset_NN_1 one of two pieces of armor plate hanging from the fauld to protect the upper thighs -01107806 __outfox_VB_1 outdo someone in trickery -01770081 __phalangium_opilio_NN_1 spiderlike arachnid with a small rounded body and very long thin legs -03854998 __organ_stop_NN_1 a graduated set of organ pipes of like tone quality -02286271 __genus_euproctis_NN_1 a genus of Lymantriidae -06780678 __sketch_NN_4 a humorous or satirical drawing published in a newspaper or magazine -14168792 __sickle-cell_disease_NN_1 a congenital form of anemia occurring mostly in blacks; characterized by abnormal blood cells having a crescent shape -03615133 __keystone_NN_2 the central building block at the top of an arch or vault -07033433 __gradual_NN_1 (Roman Catholic Church) an antiphon (usually from the Book of Psalms) immediately after the epistle at Mass -05323228 __semicircular_canal_NN_1 one of three tube loops filled with fluid and in planes nearly at right angles with one another; concerned with equilibrium -14553590 __astigmia_NN_1 (ophthalmology) impaired eyesight resulting usually from irregular conformation of the cornea; common in nearsighted people -10605985 __trained_worker_NN_1 a worker who has acquired special skills -03884072 __panorama_NN_2 a picture (or series of pictures) representing a continuous scene -04627809 __corn_NN_7 something sentimental or trite; "that movie was pure corn" -02992032 __ward_NN_7 a division of a prison (usually consisting of several cells) -11881742 __bittercress_NN_1 any of various herbs of the genus Cardamine, having usually pinnate leaves and racemes of white, pink or purple flowers; cosmopolitan except Antarctic -00590626 __commandery_NN_1 the position or office of commander -00181005 __hypophysectomize_VB_1 remove the pituitary glands -02627835 __bonito_NN_3 any of various scombroid fishes intermediate in size and characteristics between mackerels and tunas -12393086 __false_nettle_NN_1 any of several flowering weeds of the genus Boehmeria lacking stinging hairs -12459629 __star-of-bethlehem_NN_1 any of several perennial plants of the genus Ornithogalum native to the Mediterranean and having star-shaped flowers -10113072 __mountain_man_NN_1 a man who lives on the frontier -14728724 __protein_NN_1 any of a large group of nitrogenous organic compounds that are essential constituents of living cells; consist of polymers of amino acids; essential in the diet of animals for growth and for repair of tissues; can be obtained from meat and eggs and milk and legumes; "a diet high in protein" -08013653 __al_nathir_NN_1 a Palestinian terrorist organization formed in 2002 and linked to Fatah movement of Yasser Arafat -10805638 __zombie_NN_1 a dead body that has been brought back to life by a supernatural force -04681797 __hatching_NN_2 shading consisting of multiple crossing lines -02003725 __restrictive_JJ_1 serving to restrict; "teenagers eager to escape restrictive home environments" -08230679 __turnverein_NN_1 a club of tumblers or gymnasts -12019675 __genus_stevia_NN_1 genus of shrubs and herbs of tropical and warm Americas -00904623 __x-ray_photography_NN_1 radiography that uses X-rays to produce a roentgenogram -10750188 __vicar_NN_3 (Church of England) a clergyman appointed to act as priest of a parish -13771828 __droplet_NN_1 a tiny drop -01821203 __parroquet_NN_1 any of numerous small slender long-tailed parrots -11460281 __traction_NN_1 the friction between a body and the surface on which it moves (as between an automobile tire and the road) -12793494 __saxifraga_granulata_NN_1 rosette-forming perennial having compact panicles of white flowers; Europe -01805692 __pavo_NN_2 peafowl -00312648 __blacken_out_VB_1 darken completely; "The dining room blackened out" -08960548 __principality_of_liechtenstein_NN_1 a small landlocked principality (constitutional monarchy) in central Europe located in the Alps between Austria and Switzerland -10421470 __pill_roller_NN_1 a health professional trained in the art of preparing and dispensing drugs -00286928 __touch_VB_15 color lightly; "her greying hair was tinged blond"; "the leaves were tinged red in November" -02123903 __cause_to_be_perceived_VB_1 have perceptible qualities -00280301 __whiten_VB_1 turn white; "This detergent will whiten your laundry" -01679339 __dress_ship_VB_1 decorate a ship with flags -12614096 __limnodium_spongia_NN_1 American plant with roundish heart-shaped or kidney-shaped leaves; usually rooted in muddy bottoms of ponds and ditches -12588320 __wax_palm_NN_2 Brazilian fan palm having an edible root; source of a useful leaf fiber and a brittle yellowish wax -05829782 __pleasure_NN_2 something or someone that provides a source of happiness; "a joy to behold"; "the pleasure of his company"; "the new car is a delight" -01666102 __genus_chelydra_NN_1 snapping turtles -02372952 __rock_rabbit_NN_1 hyrax that lives in rocky areas -09769929 __claims_adjustor_NN_1 one who investigates insurance claims or claims for damages and recommends an effective settlement -15260964 __reign_NN_1 a period during which something or somebody is dominant or powerful; "he was helpless under the reign of his egotism" -09792555 __root_NN_6 someone from whom you are descended (but usually more remote than a grandparent) -02018638 __otididae_NN_1 bustards -00983635 __vowelize_VB_1 pronounce as a vowel; "between two consonants, this liquid is vowelized" -02361337 __marmot_NN_1 stocky coarse-furred burrowing rodent with a short bushy tail found throughout the northern hemisphere; hibernates in winter -02819697 __bed_NN_8 a foundation of earth or rock supporting a road or railroad track; "the track bed had washed away" -03630544 __trandate_NN_1 antihypertensive drug (trade names Trandate and Normodyne) that blocks alpha and beta-adrenergic receptors of the sympathetic nervous system (leading to a decrease in blood pressure) -00049636 __irruption_NN_1 a sudden violent entrance; a bursting in; "the recent irruption of bad manners" -00295966 __tune_up_VB_1 adjust for (better) functioning; "tune the engine" -12189779 __sour_gourd_NN_1 Australian tree having an agreeably acid fruit that resembles a gourd -04099649 __rocket_base_NN_1 a military base for rocket missiles -01523656 __perching_bird_NN_1 a bird with feet adapted for perching (as on tree branches); this order is now generally abandoned by taxonomists -01484083 __feminine_JJ_1 associated with women and not with men; "feminine intuition" -02658734 __coincide_VB_3 be the same; "our views on this matter coincided" -01692713 __lacertidae_NN_1 Old World lizards -00589769 __captainship_NN_1 the post of captain -03684740 __lockup_NN_1 jail in a local police station -12922763 __croton_tiglium_NN_1 tropical Asiatic shrub; source of croton oil -02760139 __set_on_fire_VB_1 set fire to; cause to start burning; "Lightening set fire to the forest" -02582591 __genus_brama_NN_1 type genus of the Bramidae -01807988 __genus_alectoris_NN_1 a genus of Perdicidae -15106271 __yeast_NN_1 a commercial leavening agent containing yeast cells; used to raise the dough in making bread and for fermenting beer or whiskey -00890100 __vouch_VB_2 give surety or assume responsibility; "I vouch for the quality of my products" -08995862 __senegal_NN_1 a republic in northwestern Africa on the coast of the Atlantic; formerly a French colony but achieved independence in 1960 -12116881 __genus_digitaria_NN_1 crab grass; finger grass -08961402 __luxemburg_NN_1 the capital and largest city of Luxembourg -05558555 __pubic_region_NN_1 the lower part of the abdomen just above the external genital organs -02263038 __order_neuroptera_NN_1 an order of insects including: lacewings; antlions; dobsonflies; alderflies; fish flies; mantispids; spongeflies -01985247 __receptive_JJ_2 ready or willing to receive favorably; "receptive to the proposals" -04244615 __water_gate_NN_1 regulator consisting of a valve or gate that controls the rate of water flow through a sluice -02587239 __tyrannize_VB_1 rule a country as a tyrant -01624537 __surnia_ulula_NN_1 grey-and-white diurnal hawk-like owl of northern parts of the northern hemisphere -09348460 __massif_NN_1 a block of the earth's crust bounded by faults and shifted to form peaks of a mountain range -11770013 __genus_alstonia_NN_1 genus of evergreen trees or shrubs with white funnel-shaped flowers and milky sap; tropical Africa to southeastern Asia and Polynesia -04120093 __runner_NN_9 device consisting of the parts on which something can slide along -04730580 __low_quality_NN_1 an inferior quality -10870235 __pearl_sydenstricker_buck_NN_1 United States author whose novels drew on her experiences as a missionary in China (1892-1973) -12698435 __silver_ash_NN_1 any of various timber trees of the genus Flindersia -02074004 __family_dugongidae_NN_1 a family of mammals of order Sirenia including dugongs and Steller's sea cow -11333237 __zachary_taylor_NN_1 12th President of the United States; died in office (1784-1850) -01982646 __reputable_JJ_1 having a good reputation; "a reputable business"; "a reputable scientist"; "a reputable wine" -04994413 __sweetness_NN_2 the property of tasting as if it contains sugar -12858150 __wild_bergamot_NN_1 any of various aromatic herbs of the genus Monarda -01841079 __travel_VB_5 undergo transportation as in a vehicle; "We travelled North on Rte. 508" -01628148 __genus_ichthyostega_NN_1 second earliest fossil amphibian ever found; of the Devonian; found in Greenland -04801763 __ossification_NN_4 hardened conventionality -01981699 __representative_JJ_2 standing for something else; "the bald eagle is representative of the United States" -08159924 __york_NN_1 the English royal house (a branch of the Plantagenet line) that reigned from 1461 to 1485; its emblem was a white rose -08809910 __pisa_NN_1 a city in Tuscany; site of the famous Leaning Tower -11952346 __goldenbush_NN_2 any of various much-branched yellow-flowered shrubs of the genus Chrysothamnus; western North America -01535709 __modern_JJ_1 belonging to the modern era; since the Middle Ages; "modern art"; "modern furniture"; "modern history"; "totem poles are modern rather than prehistoric" -01978003 __unmindful_JJ_1 not mindful or attentive; "while thus unmindful of his steps he stumbled"- G.B.Shaw -12264786 __golden_chinkapin_NN_1 small ornamental evergreen tree of Pacific Coast whose glossy yellow-green leaves are yellow beneath; bears edible nuts -00443670 __effloresce_VB_2 assume crystalline form; become crystallized -01977155 __mindful_JJ_1 bearing in mind; attentive to; "ever mindful of her health"; "mindful of his responsibilities"; "mindful of these criticisms, I shall attempt to justify my action" -02017607 __genus_notornis_NN_1 a genus of Rallidae -02643872 __probate_VB_1 put a convicted person on probation by suspending his sentence -03824284 __nightcap_NN_2 a cloth cap worn in bed -11871059 __rose_of_jericho_NN_2 small grey Asiatic desert plant bearing minute white flowers that rolls up when dry and expands when moist -06684798 __affirmation_NN_3 (religion) a solemn declaration that serves the same purpose as an oath (if an oath is objectionable to the person on religious or ethical grounds) -03752649 __metaproterenol_NN_1 a bronchodilator (trade name Alupent) used to treat asthma and emphysema and other lung conditions; available in oral or inhalant forms; side effects include tachycardia and shakiness -04514359 __upper_NN_2 piece of leather or synthetic material that forms the part of a shoe or boot above the sole that encases the foot; "Uppers come in many styles" -13231078 __thelypteris_phegopteris_NN_1 beech fern of North America and Eurasia -05750163 __vogue_NN_1 the popular taste at a given time; "leather is the latest vogue"; "he followed current trends"; "the 1920s had a style of their own" -10460033 __potman_NN_1 a worker in an inn or public house who serves customers and does various chores -00946060 __frisking_NN_1 the act of searching someone for concealed weapons or illegal drugs; "he gave the suspect a quick frisk" -12544240 __lentil_plant_NN_1 widely cultivated Eurasian annual herb grown for its edible flattened seeds that are cooked like peas and also ground into meal and for its leafy stalks that are used as fodder -03322940 __farm_machine_NN_1 a machine used in farming -13281275 __regular_payment_NN_1 a payment made at regular times -00869931 __lodge_VB_3 file a formal charge against; "The suspect was charged with murdering his wife" -00500280 __break_NN_11 the opening shot that scatters the balls in billiards or pool -13618849 __fluidounce_NN_2 a United States unit of capacity or volume equal to 1.804 cubic inches -01307609 __grade_VB_2 level to the right gradient -13727478 __kw-hr_NN_1 a unit of energy equal to the work done by a power of 1000 watts operating for one hour -02656390 __shelter_VB_1 provide shelter for; "After the earthquake, the government could not provide shelter for the thousands of homeless people" -03485655 __handwork_NN_1 a work produced by hand labor -00848420 __insult_VB_1 treat, mention, or speak to rudely; "He insulted her with his rude remarks"; "the student who had betrayed his classmate was dissed by everyone" -04206356 __shotgun_NN_1 firearm that is a double-barreled smoothbore shoulder weapon for firing shot at short ranges -07046737 __larghetto_NN_1 (music) a composition or passage played in a slow tempo slightly faster than largo but slower than adagio -12174311 __hollyhock_NN_1 any of various plants of the genus Althaea; similar to but having smaller flowers than genus Alcea -07664582 __halal_NN_1 (Islam) meat from animals that have been slaughtered in the prescribed way according to the shariah -03239726 __drill_NN_1 a tool with a sharp point and cutting edges for making holes in hard materials (usually rotating rapidly or by repeated blows) -01159461 __destabilization_NN_2 the action of destabilizing; making something less stable (especially of a government or country or economy) -09453566 __tagus_river_NN_1 a European river; flows into the North Atlantic -08210982 __security_force_NN_1 a privately employed group hired to protect the security of a business or industry -07620327 __suet_pudding_NN_1 a sweet or savory pudding made with suet and steamed or boiled -05833371 __imposition_NN_2 an uncalled-for burden; "he listened but resented the imposition" -01965889 __scollop_NN_3 edible marine bivalve having a fluted fan-shaped shell that swim by expelling water from the shell in a series of snapping motions -07001065 __characteristic_curve_NN_1 (electronics) graph showing how a particular characteristic of a device varies with other parameters -13219067 __horsetail_family_NN_1 sole surviving family of the Equisetales: fern allies -13015040 __thelephoraceae_NN_1 fungi having leathery or membranous sporophores -11219502 __seiji_ozawa_NN_1 United States conductor (born in Japan in 1935) -12864160 __rosmarinus_officinalis_NN_1 widely cultivated for its fragrant grey-green leaves used in cooking and in perfumery -00359806 __pip_out_VB_1 be killed or die; -13110915 __nut_tree_NN_1 tree bearing edible nuts -02714139 __annunciator_NN_1 an indicator that announces which electrical circuit has been active (as on a telephone switchboard) -02742232 __ride_VB_7 have certain properties when driven; "This car rides smoothly"; "My new truck drives well" -08709704 __antigua_and_barbuda_NN_1 a country in the northern Leeward Islands -03774842 __mutamycin_NN_1 a complex of antibiotic substances obtained from a streptomyces bacterium; one form (trade name Mutamycin) shows promise as an anticancer drug -10512372 __recruit_NN_1 a recently enlisted soldier -04960582 __soot_black_NN_1 a very dark black -02656550 __genus_mola_NN_1 type genus of the Molidae -02580392 __lead_off_VB_1 teach immoral behavior to; "It was common practice to lead off the young ones, and teach them bad habits" -06750804 __proposition_NN_1 (logic) a statement that affirms or denies something and is either true or false -01448165 __xyphophorus_NN_1 swordtails -01964367 __repetitive_JJ_2 characterized by repetition; "repetitive movement" -01578341 __family_corvidae_NN_1 crow; raven; rook; jackdaw; chough; magpie; jay -11148486 __president_madison_NN_1 4th President of the United States; member of the Continental Congress and rapporteur at the Constitutional Convention in 1776; helped frame the Bill of Rights (1751-1836) -01918669 __mope_around_VB_1 move around slowly and aimlessly -00213343 __surrender_NN_3 the delivery of a principal into lawful custody -02705680 __fall_under_VB_1 be included in or classified as; "This falls under the rubric 'various'" -01080366 __group_action_NN_1 action taken by a group of people -13657691 __fermi_NN_1 a metric unit of length equal to one quadrillionth of a meter -04301474 __standard_cell_NN_1 a primary cell used as a standard of electromotive force -06243347 __shintoism_NN_1 the ancient indigenous religion of Japan lacking formal dogma; characterized by a veneration of nature spirits and of ancestors -01960656 __irregular_JJ_1 contrary to rule or accepted order or general practice; "irregular hiring practices" -09052835 __carolinas_NN_1 the area of the states of North Carolina and South Carolina -01594372 __swallow_NN_3 small long-winged songbird noted for swift graceful flight and the regularity of its migrations -01835087 __family_caprimulgidae_NN_1 goatsuckers -04253437 __soap_NN_1 a cleansing agent made from the salts of vegetable or animal fats -08396760 __ccrc_NN_1 an agency in the Department of Defense that is a national center for research on all aspects of injury control and casualty care -01958898 __registered_JJ_1 (of animals) officially recorded with or certified by a recognized breed association; especially in a stud book; "a registered Percheron" -00608502 __know_VB_10 be able to distinguish, recognize as being different; "The child knows right from wrong" -12383402 __passionflower_vine_NN_1 any of various chiefly tropical American vines some bearing edible fruit -14730553 __gelatine_NN_1 a colorless water-soluble glutinous protein obtained from animal tissues such as bone and skin -02562796 __crappie_NN_2 small sunfishes of central United States rivers -03878066 __palace_NN_1 a large and stately mansion -01941987 __solo_VB_1 fly alone, without a co-pilot or passengers -12798632 __poker_heuchera_NN_1 plant with leathery heart-shaped leaf blades clustered at base of long stalks with greenish-white flowers clustered along the upper part; western North America -04466613 __trail_NN_2 a path or track roughly blazed through wild or hilly country -10208189 __inquiry_agent_NN_1 a private detective -11017454 __huig_de_groot_NN_1 Dutch jurist and diplomat whose writings established the basis of modern international law (1583-1645) -01821634 __startle_VB_1 to stimulate to action ; "..startled him awake"; "galvanized into action" -01307299 __punic_war_NN_1 one of the three wars between Carthage and Rome that resulted in the destruction of Carthage and its annexation by Rome; 264-241 BC, 218-201 BC, 149-146 BC -08541454 __coats_land_NN_1 a region of western Antarctica along the southeastern shore of the Weddell Sea -00946588 __itemize_VB_2 place on a list of items; "itemize one's tax deductions" -03101796 __cookie_sheet_NN_1 a cooking utensil consisting of a flat rectangular metal sheet used for baking cookies or biscuits -00733317 __brutalization_NN_2 the activity of treating someone savagely or viciously -07139151 __expatiation_NN_1 a discussion (spoken or written) that enlarges on a topic or theme at length or in detail -01229071 __riddle_VB_4 spread or diffuse through; "An atmosphere of distrust has permeated this administration"; "music penetrated the entire building"; "His campaign was riddled with accusations and personal attacks" -01565599 __sedge_wren_NN_2 small European warbler that breeds among reeds and wedges and winters in Africa -07139873 __verbalism_NN_1 the communication (in speech or writing) of your beliefs or opinions; "expressions of good will"; "he helped me find verbal expression for my ideas"; "the idea was immediate but the verbalism took hours" -00598678 __rabbinate_NN_2 the office or function of a rabbi -05529012 __oropharynx_NN_1 cavity formed by the pharynx at the back of the mouth -09680504 __roman_catholic_NN_1 a member of the Roman Catholic Church -01953467 __unrefined_JJ_1 not refined or processed; "unrefined ore"; "crude oil" -07673397 __vegetable_oil_NN_1 any of a group of liquid edible fats that are obtained from plants -10239761 __knocker_NN_2 a person who knocks (as seeking to gain admittance); "open the door and see who the knocker is" -15218149 __shaaban_NN_1 the eighth month of the Islamic calendar -02767760 __scintillate_VB_1 give off; "the substance scintillated sparks and flashes" -03965907 __pleat_NN_1 any of various types of fold formed by doubling fabric back upon itself and then pressing or stitching into shape -04558578 __watercolour_NN_3 a painting produced with watercolors -08850450 __capital_of_belgium_NN_1 the capital and largest city of Belgium; seat of the North Atlantic Treaty Organization -02022659 __miss_VB_5 fail to reach or get to; "She missed her train" -01573627 __cazique_NN_1 black-and-red or black-and-yellow orioles of the American tropics -12010458 __scolymus_NN_1 small genus of thistlelike herbs of the Mediterranean region -13409647 __carry-over_NN_2 the accumulated and undivided profits of a corporation after provision has been made for dividends and reserves -00632438 __wrong_JJ_1 not correct; not in conformity with fact or truth; "an incorrect calculation"; "the report in the paper is wrong"; "your information is wrong"; "the clock showed the wrong time"; "found themselves on the wrong road"; "based on the wrong assumptions" -08964474 __sarawak_NN_1 a region of Malaysia on northwestern Borneo -09456614 __territorial_waters_NN_1 the waters surrounding a nation and its territories over which that nation exercises sovereign jurisdiction -14858099 __slack_NN_1 dust consisting of a mixture of small coal fragments and coal dust and dirt that sifts out when coal is passed over a sieve -00198477 __scalp_VB_2 remove the scalp of; "The enemies were scalped" -02149420 __freetailed_bat_NN_1 small swift insectivorous bat with leathery ears and a long tail; common in warm regions -03664675 __lifting_device_NN_1 a device for lifting heavy loads -01592892 __psaltriparus_NN_1 a genus of Paridae -01010458 __succession_NN_3 the action of following in order; "he played the trumps in sequence" -02249995 __family_dactylopiidae_NN_1 cochineal insects -02183697 __order_anoplura_NN_1 sucking lice -02493509 __titi_monkey_NN_1 small South American monkeys with long beautiful fur and long nonprehensile tail -01943406 __sensible_JJ_1 showing reason or sound judgment; "a sensible choice"; "a sensible person" -03706415 __magnetic_core_memory_NN_1 (computer science) a computer memory consisting of an array of magnetic cores; now superseded by semiconductor memories -01688106 __genus_chlamydosaurus_NN_1 frilled lizards -04197391 __shirt_NN_1 a garment worn on the upper half of the body -01100145 __win_VB_1 be the winner in a contest or competition; be victorious; "He won the Gold Medal in skating"; "Our home team won"; "Win the game" -11724109 __snakeberry_NN_1 North American perennial herb with alternately compound leaves and racemes of small white flowers followed by bright red oval poisonous berries -00959992 __simulated_military_operation_NN_1 a military training exercise -08779149 __republic_of_fiji_NN_1 an independent state within the British Commonwealth located on the Fiji Islands -03588951 __jack_NN_10 tool for exerting pressure or lifting -02100399 __setter_NN_2 a long-haired dog formerly trained to crouch on finding game but now to point -12637729 __prunus_NN_1 a genus of shrubs and trees of the family Rosaceae that is widely distributed in temperate regions -08400965 __rank_NN_5 the body of members of an organization or group; "they polled their membership"; "they found dissension in their own ranks"; "he joined the ranks of the unemployed" -14233267 __xanthoma_NN_1 a skin problem marked by the development (on the eyelids and neck and back) of irregular yellow nodules; sometimes attributable to disturbances of cholesterol metabolism -06260121 __line_NN_21 (often plural) a means of communication or access; "it must go through official channels"; "lines of communication were set up between the two firms" -09147737 __salt_lake_city_NN_1 the capital and largest city of Utah; located near the Great Salt Lake in north central Utah; world capital of the Mormon Church -11850337 __myrtillocactus_NN_1 small genus of arborescent cacti of Mexico and Central America -07824988 __pickle_NN_1 vegetables (especially cucumbers) preserved in brine or vinegar -00374534 __concrete_VB_2 form into a solid mass; coalesce -12409470 __mediterranean_hackberry_NN_1 bright green deciduous shade tree of southern Europe -08936647 __lyons_NN_1 a city in east-central France on the Rhone River; a principal producer of silk and rayon -10771990 __weasel_NN_1 a person who is regarded as treacherous or sneaky -00051712 __permeation_NN_2 mutual penetration; diffusion of each through the other -00814458 __lock_NN_6 any wrestling hold in which some part of the opponent's body is twisted or pressured speak of in an irreverent or impious manner; "blaspheme God" -02596888 __umbrina_NN_1 croakers -03216199 __waterfinder_NN_1 forked stick that is said to dip down to indicate underground water or oil -11190183 __thomas_more_NN_1 English statesman who opposed Henry VIII's divorce from Catherine of Aragon and was imprisoned and beheaded; recalled for his concept of Utopia, the ideal state -01385458 __unitize_VB_2 make into a unit; "unitize a car body" -09933020 __cobber_NN_1 Australian term for a pal -13809207 __portion_NN_1 something determined in relation to something that includes it; "he wanted to feel a part of something bigger than himself"; "I read a portion of the manuscript"; "the smaller component is hard to reach"; "the animal constituent of plankton" -00032778 __sneer_VB_1 express through a scornful smile; "she sneered her contempt" -13650045 __ft_NN_1 a linear unit of length equal to 12 inches or a third of a yard; "he is six feet tall" -07510495 __stupefaction_NN_1 a feeling of stupefied astonishment -01049685 __screening_NN_3 the act of concealing the existence of something by obstructing the view of it; "the cover concealed their guns from enemy aircraft" -02976939 __till_NN_3 a strongbox for holding cash -00078760 __treat_VB_3 provide treatment for; "The doctor treated my broken leg"; "The nurses cared for the bomb victims"; "The patient must be treated right away or she will die"; "Treat the infection with antibiotics" -05720602 __synesthesia_NN_1 a sensation that normally occurs in one sense modality occurs when another modality is stimulated -03500557 __mow_NN_1 a loft in a barn where hay is stored -13500557 __inspissation_NN_1 the process of thickening by dehydration -06773150 __obligation_NN_5 a legal agreement specifying a payment or action and the penalty for failure to comply -07365024 __flop_NN_3 a complete failure; "the play was a dismal flop" -02429810 __call_VB_7 call a meeting; invite or command to meet; "The Wannsee Conference was called to discuss the `Final Solution'"; "The new dean calls meetings every week" -01932973 __real_JJ_1 being or occurring in fact or actuality; having verified existence; not illusory; "real objects"; "real people; not ghosts"; "a film based on real life"; "a real illness"; "real humility"; "Life is real! Life is earnest!"- Longfellow -08913085 __persepolis_NN_1 an ancient city that was the capital of the ancient Persian Empire; now in ruins -01692266 __capitalize_VB_3 write in capital letters -05772667 __analytic_thinking_NN_1 the abstract separation of a whole into its constituent parts in order to study the parts and their relations -01930512 __ready_JJ_1 completely prepared or in condition for immediate action or use or progress; "get ready"; "she is ready to resign"; "the bridge is ready to collapse"; "I am ready to work"; "ready for action"; "ready for use"; "the soup will be ready in a minute"; "ready to learn to read" -01426153 __neck_VB_1 kiss, embrace, or fondle with sexual passion; "The couple were necking in the back seat of the car" -10717461 __totemist_NN_1 a person who belongs to a clan or tribe having a totem -12575679 __tare_NN_2 any of several weedy vetches grown for forage -02641063 __lepisosteidae_NN_1 comprises the genus Lepisosteus -06627938 __postcard_NN_1 a card for sending messages by post without an envelope -01928608 __reactive_JJ_1 participating readily in reactions; "sodium is a reactive metal"; "free radicals are very reactive" -08717730 __cape_verde_islands_NN_1 a group of islands in the Atlantic off of the coast of Senegal -01729133 __heterodon_NN_1 a genus of small colubrid snakes containing the North American hognose snakes -06485261 __order_of_business_NN_1 a list of matters to be taken up (as at a meeting) -03643907 __thong_NN_1 leather strip that forms the flexible part of a whip -05635448 __falconry_NN_1 the art of training falcons to hunt and return -10694258 __teacher_NN_1 a person whose occupation is teaching -02239997 __squeeze_out_VB_2 make by laborious and precarious means; "He eked out a living as a painter" -04983122 __sound_property_NN_1 an attribute of sound -05207570 __incapableness_NN_2 the quality of not being capable -- physically or intellectually or legally -07749731 __lime_NN_6 the green acidic fruit of any of various lime trees -09466678 __uphill_NN_1 the upward slope of a hill -02777927 __balcony_NN_1 an upper floor projecting from the rear over the main floor in an auditorium -10524223 __respecter_NN_1 a person who respects someone or something; usually used in the negative; "X is no respecter of Y" -01925372 __rational_JJ_1 consistent with or based on or using reason; "rational behavior"; "a process of rational inference"; "rational thought" -02616542 __rusticate_VB_1 live in the country and lead a rustic life -02636666 __gerridae_NN_1 mojarras -14574846 __condemnation_NN_4 the condition of being strongly disapproved of; "he deserved nothing but condemnation" -02538765 __step_in_VB_1 get involved, so as to alter or hinder an action, or through force or threat of force; "Why did the U.S. not intervene earlier in WW II?" -06758225 __misrepresentation_NN_1 a misleading falsehood -02839910 __bin_NN_1 a container; usually has a lid -13860793 __solid_NN_3 a three-dimensional shape -02411427 __ovis_NN_1 sheep -02593001 __humbug_VB_1 trick or deceive -13393762 __note_NN_6 a piece of paper money (especially one issued by a central bank); "he peeled off five one-thousand-zloty notes" -08119821 __government_department_NN_1 a department of government -05182563 __civil_right_NN_1 right or rights belonging to a person by reason of citizenship including especially the fundamental freedoms and privileges guaranteed by the 13th and 14th amendments and subsequent acts of Congress including the right to legal and social and economic equality -02207942 __family_apidae_NN_1 honeybees; carpenter bees; bumblebees -02851099 __screen_NN_2 a protective covering that keeps things out or hinders sight; "they had just moved in and had not put up blinds yet" -01949973 __river_limpet_NN_1 minute conical gastropod superficially resembling a limpet but living and feeding on freshwater plants -12970560 __tulostoma_NN_1 type genus of the Tulostomaceae -02254258 __settle_VB_14 dispose of; make a financial settlement -12858019 __genus_monarda_NN_1 wild bergamot, horsemint, beebalm -00865387 __swear_VB_1 utter obscenities or profanities; "The drunken men were cursing loudly in the street" -01182709 __supply_VB_3 give what is desired or needed, especially support, food or sustenance; "The hostess provided lunch for all the guests" -04262678 __sound_recording_NN_1 a recording of acoustic signals -12660601 __rubiaceous_plant_NN_1 any of numerous trees or shrubs or vines of the family Rubiaceae -09826605 __aviatrix_NN_1 a woman aviator -01724083 __travesty_VB_1 make a travesty of -02611002 __eventuate_VB_1 come out in the end -01801080 __stultify_VB_1 prove to be of unsound mind or demonstrate someone's incompetence; "nobody is legally allowed to stultify himself" -01745780 __micrurus_NN_1 coral snakes -15224486 __term_NN_2 a limited period of time; "a prison term"; "he left school before the end of term" -03652226 __leaf_NN_3 hinged or detachable flat section (as of a table or door) -04036776 __rebate_NN_2 a rectangular groove made to hold two pieces together -02011810 __reverent_JJ_1 feeling or showing profound respect or veneration; "maintained a reverent silence" -03750614 __merlon_NN_1 a solid section between two crenels in a crenelated battlement -04056932 __rayon_NN_1 a synthetic silklike fabric -00941485 __inexplicit_JJ_1 implied though not directly expressed; inherent in the nature of something; "an implicit agreement not to raise the subject"; "there was implicit criticism in his voice"; "anger was implicit in the argument"; "the oak is implicit in the acorn" -02121511 __suffer_VB_7 feel physical pain; "Were you hurting after the accident?" -01051801 __juxtaposition_NN_1 the act of positioning close together (or side by side); "it is the result of the juxtaposition of contrasting colors" -12811294 __linanthus_NN_1 a genus of herbs of the family Polemoniaceae; found in western United States -02818254 __beaver_NN_5 a movable piece of armor on a medieval helmet used to protect the lower face -00010054 __move_reflexively_VB_1 move in an uncontrolled manner -00384933 __withdrawal_NN_8 formal separation from an alliance or federation -01745141 __format_VB_1 set (printed matter) into a specific format; "Format this letter so it can be printed out" -05686955 __difficulty_NN_2 a factor causing trouble in achieving a positive result or tending to produce a negative result; "serious difficulties were encountered in obtaining a pure reagent" -00996102 __revise_VB_1 make revisions in; "revise a thesis" -07486922 __yen_NN_1 a yearning for something or to do something -01911053 __qualified_JJ_1 meeting the proper standards and requirements and training for an office or position or task; "many qualified applicants for the job" -05330659 __sweat_gland_NN_1 any of the glands in the skin that secrete perspiration -14877585 __gas_NN_2 a fluid in the gaseous state having neither independent shape nor volume and being able to expand indefinitely -01673118 __sphenodon_NN_1 coextensive with the order Rhynchocephalia: tuataras -10742384 __usurer_NN_1 someone who lends money at excessive rates of interest -06818970 __graphic_symbol_NN_1 a written symbol that is used to represent speech; "the Greek alphabet has 24 characters" -12910285 __husk_tomato_NN_1 any of numerous cosmopolitan annual or perennial herbs of the genus Physalis bearing edible fleshy berries enclosed in a bladderlike husk; some cultivated for their flowers -01908039 __impure_JJ_1 combined with extraneous elements -13524191 __oligomenorrhea_NN_1 abnormally light or infrequent menstruation -01623489 __tailor-make_VB_2 make to specifications; "I had this desk custom-made for me" -12314315 __witch-hazel_family_NN_1 comprises genera Hamamelis, Corylopsis, Fothergilla, Liquidambar, Parrotia, and other small genera -00834198 __efficacious_JJ_2 producing or capable of producing an intended result or having a striking effect; "an air-cooled motor was more effective than a witch's broomstick for rapid long-distance transportation"-LewisMumford; "effective teaching methods"; "effective steps toward peace"; "made an effective entrance"; "his complaint proved to be effectual in bringing action"; "an efficacious law" -05939636 __semblance_NN_2 an erroneous mental representation -06674188 __word_NN_9 a secret word or phrase known only to a restricted group; "he forgot the password" -01014990 __gathering_NN_3 the act of gathering something -02189670 __mayetiola_destructor_NN_1 small fly whose larvae damage wheat and other grains -01376237 __streptomyces_NN_1 aerobic bacteria (some of which produce the antibiotic streptomycin) -01903617 __purebred_JJ_1 bred for many generations from member of a recognized breed or strain -00324560 __roast_VB_1 cook with dry heat, usually in an oven; "roast the turkey" -09443136 __split_NN_4 a lengthwise crack in wood; "he inserted the wedge into a split in the log" -05529286 __tonsilla_pharyngealis_NN_1 a collection of lymphatic tissue in the throat behind the uvula (on the posterior wall and roof of the nasopharynx); "hypertrophy of the pharyngeal tonsils is called adenoids"; "enlarged adenoids may restrict the breathing of children" -05692910 __influence_NN_3 a cognitive factor that tends to have an effect on what you do; "her wishes had a great influence on his thinking" -02317970 __pauperize_VB_1 reduce to beggary -09080782 __pearl_harbor_NN_1 a harbor on Oahu to the west of Honolulu; location of a United States naval base that was attacked by the Japanese on 7 Dec 1941 -00368592 __dissemination_NN_3 the act of dispersing or diffusing something; "the dispersion of the troops"; "the diffusion of knowledge" -00333203 __adduction_NN_1 (physiology) moving of a body part toward the central axis of the body -02072493 __narwhale_NN_1 small Arctic whale the male having a long spiral ivory tusk -07221094 __tale_NN_1 a message that tells the particulars of an act or occurrence or course of events; presented in writing or drama or cinema or as a radio or television program; "his narrative was interesting"; "Disney's stories entertain adults as well as children" -01562584 __sylviidae_NN_1 in some classifications considered a subfamily (Sylviinae) of the family Muscicapidae: Old World (true) warblers; American kinglets and gnatcatchers -01072072 __enjoyment_NN_2 act of receiving pleasure from something -01898129 __prudent_JJ_1 careful and sensible; marked by sound judgment; "a prudent manager"; "prudent rulers"; "prudent hesitation"; "more prudent to hide than to fight" -10321754 __miracle_worker_NN_1 a person who claims or is alleged to perform miracles -02446888 __spilogale_NN_1 a genus of Mustelidae -02490430 __partner_off_VB_1 form a pair or pairs; "The two old friends paired off" -00402951 __tempering_NN_1 hardening something by heat treatment -02700258 __altimeter_NN_1 an instrument that measures the height above ground; used in navigation -11167595 __mccarthy_NN_2 United States politician who unscrupulously accused many citizens of being Communists (1908-1957) -01896478 __provocative_JJ_1 serving or tending to provoke, excite, or stimulate; stimulating discussion or exciting controversy; "a provocative remark"; "a provocative smile"; "provocative Irish tunes which...compel the hearers to dance"- Anthony Trollope -08070850 __investment_trust_NN_1 a financial institution that sells shares to individuals and invests in securities issued by other companies -00994682 __transliterate_VB_1 rewrite in a different script; "The Sanskrit text had to be transliterated" -01062583 __inactivity_NN_3 being inactive; being less active -04863358 __impenitency_NN_1 the trait of refusing to repent -02608151 __genus_achoerodus_NN_1 a genus of Labridae -01790383 __fluster_VB_2 cause to be nervous or upset -01894758 __provident_JJ_1 providing carefully for the future; "wild squirrels are provident"; "a provident father plans for his children's education" -05598868 __conk_NN_1 informal term for the nose -01892953 __humble_JJ_2 marked by meekness or modesty; not arrogant or prideful; "a humble apology"; "essentially humble...and self-effacing, he achieved the highest formal honors and distinctions"- B.K.Malinowski -08198398 __military_unit_NN_1 a unit that is part of some military service; "he sent Caesar a force of six thousand men" -01455184 __wind_VB_7 raise or haul up with or as if with mechanical help; "hoist the bicycle onto the roof of the car" -02574489 __order_discocephali_NN_1 small order of fishes comprising the remoras -01211667 __solace_NN_3 the act of consoling; giving relief in affliction; "his presence was a consolation to her" -11968104 __genus_eupatorium_NN_1 large genus of chiefly tropical herbs having heads of white or purplish flowers -01815431 __pteroclididae_NN_1 sandgrouses -13722757 __troy_pound_NN_1 an apothecary weight equal to 12 ounces or 373.242 grams -09208496 __asterism_NN_2 (astronomy) a cluster of stars (or a small constellation) -00941166 __raise_VB_3 cause to be heard or known; express or utter; "raise a shout"; "raise a protest"; "raise a sad cry" -02982232 __launcher_NN_2 a device that launches aircraft from a warship -01277288 __dardanelles_campaign_NN_1 the unsuccessful campaign in World War I (1915) by the English and French to open a passage for aid to Russia; defeated by the Turks -02023341 __plover_NN_1 any of numerous chiefly shorebirds of relatively compact build having straight bills and large pointed wings; closely related to the sandpipers -09824135 __dictator_NN_3 a person who behaves in a tyrannical manner; "my boss is a dictator who makes everyone work overtime" -01549057 __sponge_VB_3 erase with a sponge; as of words on a blackboard -12955639 __genus_anemia_NN_1 genus of terrestrial or lithophytic ferns having pinnatifid fronds; chiefly of tropical America -00641820 __scientific_research_NN_1 research into questions posed by scientific theories and hypotheses -10324851 __role_model_NN_1 someone worthy of imitation; "every child needs a role model" -02311260 __cheque_VB_1 withdraw money by writing a check -06150222 __theory_of_games_NN_1 (economics) a theory of competition stated in terms of gains and losses among opposing players -07796468 __silver_salmon_NN_1 fatty pinkish flesh of small salmon caught in the Pacific and Great Lakes -12499439 __senna_alata_NN_1 tropical shrub (especially of Americas) having yellow flowers and large leaves whose juice is used as a cure for ringworm and poisonous bites; sometimes placed in genus Cassia -01736796 __potamophis_striatula_NN_1 in some classifications placed in genus Haldea; small reddish-grey snake of eastern North America -02708224 __analogue_computer_NN_1 a computer that represents information by variable quantities (e.g., positions or voltages) -09326299 __lake_kivu_NN_1 a lake in the mountains of central Africa between Congo and Rwanda -07738760 __lemon_rind_NN_1 the rind of a lemon -03120029 __row_NN_4 (construction) a layer of masonry; "a course of bricks" -14638517 __germanium_NN_1 a brittle grey crystalline element that is a semiconducting metalloid (resembling silicon) used in transistors; occurs in germanite and argyrodite -05310351 __gum_ridge_NN_1 a ridge that forms the borders of the upper and lower jaws and contains the sockets of the teeth -01881696 __prophetical_JJ_1 foretelling events as if by supernatural intervention; "prophetic writings"; "prophetic powers"; "words that proved prophetic" -00965542 __report_VB_6 complain about; make a charge against; "I reported her to the supervisor" -00435778 __gymnastic_exercise_NN_1 (gymnastics) an exercise designed to develop and display strength and agility and balance (usually performed with or on some gymnastic apparatus) -01878466 __proper_JJ_1 marked by suitability or rightness or appropriateness; "proper medical treatment"; "proper manners" -00394610 __deletion_NN_4 the act of deleting something written or printed -08506932 __armageddon_NN_1 (New Testament) the scene of the final battle between the kings of the Earth at the end of the world -01648356 __midwife_toad_NN_1 similar in habit to Alytes obstetricians -12567490 __retem_NN_1 desert shrub of Syria and Arabia having small white flowers; constitutes the juniper of the Old Testament; sometimes placed in genus Genista -10324560 __poser_NN_2 a person who poses for a photographer or painter or sculptor; "the president didn't have time to be a model so the artist worked from photos" -08143653 __transportation_NN_4 the United States federal department that institutes and coordinates national transportation programs; created in 1966 -00483656 __key_VB_4 regulate the musical pitch of -06348500 __catalectic_NN_1 (prosody) a line of verse that lacks a syllable in the last metrical foot -02540412 __smelt_NN_2 small trout-like silvery marine or freshwater food fishes of cold northern waters -15216966 __islamic_calendar_month_NN_1 any lunar month in the Muslim calendar -12532008 __glycine_NN_2 genus of Asiatic erect or sprawling herbs: soya bean -06228549 __protestantism_NN_1 the theological system of any of the churches of western Christendom that separated from the Roman Catholic Church during the Reformation -12804866 __ribes_NN_1 a flowering shrub bearing currants or gooseberries; native to northern hemisphere -13760316 __small_indefinite_quantity_NN_1 an indefinite quantity that is below average size or magnitude -07777840 __smallmouth_bass_NN_1 flesh of smallmouth bass -10942144 __john_l._h._down_NN_1 English physician who first described Down's syndrome (1828-1896) -01289155 __rope_VB_2 fasten with a rope; "rope the bag securely" -04837232 __aggressiveness_NN_1 the quality of being bold and enterprising -07321772 __appearance_NN_2 the event of coming into sight -05503401 __sylvian_aqueduct_NN_1 a canal connecting the third and fourth ventricles -01102997 __worst_VB_1 defeat thoroughly; "He mopped up the floor with his opponents" -00598868 __rectorship_NN_1 the office or station of a rector -02876657 __bottle_NN_1 a glass or plastic vessel used for storing drinks or other liquids; typically cylindrical without handles and with a narrow neck that can be plugged or capped -01290997 __philippine_sea_NN_1 a naval battle in World War II (1944); a decisive naval victory for the United States fleet over the Japanese who were trying to block supplies from reaching American troops on Leyte -02125689 __jaguarundi_cat_NN_1 long-bodied long-tailed tropical American wildcat -10660333 __storyteller_NN_2 someone who tells lies -10113362 __frontbencher_NN_1 a member of the House of Commons who is a minister in the government or who holds an official position in an opposition party -05277532 __os_nasale_NN_1 an elongated rectangular bone that forms the bridge of the nose -00212049 __conserve_VB_4 preserve with sugar; "Mom always conserved the strawberries we grew in the backyard" -01867295 __productive_JJ_2 having the ability to produce or originate; "generative power"; "generative forces" -04590553 __windshield_NN_1 transparent screen (as of glass) to protect occupants of a vehicle -00872107 __summation_NN_4 the arithmetic operation of summing; calculating the sum of two or more numbers; "the summation of four and three gives seven"; "four plus three equals seven" -03449564 __government_building_NN_1 a building that houses a branch of government -00134564 __barbarize_VB_1 become crude or savage or barbaric in behavior or language -01865197 __productive_JJ_1 producing or capable of producing (especially abundantly); "productive farmland"; "his productive years"; "a productive collaboration" -01165919 __re-sentencing_NN_1 (law) the reduction in severity of a punishment imposed by law -10432532 __pilgrim_NN_3 someone who journeys to a sacred place as an act of religious devotion -08030711 __lashkar-e-omar_NN_1 a terrorist organization formed in Pakistan in 2002 as a coalition of extremist Islamic militant groups including Lashkar-e-Taiba and Lashkar-e-Jhangvi and Jaish-e-Muhammad and elements of al-Qaeda -05451384 __lymphocyte_NN_1 an agranulocytic leukocyte that normally makes up a quarter of the white blood cell count but increases in the presence of infection -01862386 __exclusive_JJ_2 excluding much or all; especially all but a particular group or minority; "exclusive clubs"; "an exclusive restaurants and shops" -08503238 __barbary_NN_1 a region of northern Africa on the Mediterranean coast between Egypt and Gibraltar; was used as a base for pirates from the 16th to 19th centuries -13717728 __catty_NN_1 any of various units of weight used in southeastern Asia (especially a Chinese measure equal to 500 grams) -05430628 __vegetative_cell_NN_1 any of the cells of a plant or animal except the reproductive cells; a cell that does not participate in the production of gametes; "somatic cells are produced from preexisting cells"; -07006712 __stage_NN_4 the theater as a profession (usually `the stage'); "an early movie simply showed a long kiss by two actors of the contemporary stage" -02245765 __transact_VB_1 conduct business; "transact with foreign governments" -00091311 __watchful_JJ_1 engaged in or accustomed to close observation; "caught by a couple of alert cops"; "alert enough to spot the opportunity when it came"; "constantly alert and vigilant, like a sentinel on duty" -03072440 __colour_tv_tube_NN_1 a television tube that displays images in full color -08097391 __vaisnavism_NN_1 Hindu sect worshiping of Vishnu -01112584 __test_VB_5 achieve a certain score or rating on a test; "She tested high on the LSAT and was admitted to all the good law schools" -08615374 __park_NN_2 a piece of open land for recreational use in an urban area; "they went for a walk in the park" -01115916 __stand_VB_11 withstand the force of something; "The trees resisted her"; "stand the test of time"; "The mountain climbers had to fend against the ice and snow" -01273735 __bunker_hill_NN_1 the first important battle of the American War of Independence (1775) which was fought at Breed's Hill; the British defeated the colonial forces -02523521 __flush_it_VB_1 fail to get a passing grade; "She studied hard but failed nevertheless"; "Did I fail the test?" -07390945 __racket_NN_1 a loud and disturbing noise -01284271 __unwrap_VB_1 remove the outer cover or wrapping of; "Let's unwrap the gifts!"; "undo the parcel" -13744044 __troika_NN_2 the cardinal number that is the sum of one and one and one -04807776 __unworthiness_NN_1 the quality or state of lacking merit or value -01618220 __sagittariidae_NN_1 secretary birds -00825951 __jujutsu_NN_1 a method of self-defense without weapons that was developed in China and Japan; holds and blows are supplemented by clever use of the attacker's own weight and strength -07193596 __question_NN_1 an instance of questioning; "there was a question about my training"; "we made inquiries of all those who were present" -04013362 __proscenium_NN_1 the part of a modern theater stage between the curtain and the orchestra (i.e., in front of the curtain) -08724726 __peking_NN_1 capital of the People's Republic of China in the Hebei province in northeastern China; 2nd largest Chinese city -13434878 __assimilation_NN_2 the social process of absorbing one cultural group into harmony with another -12947544 __redbrush_NN_1 common North American shrub with reddish purple twigs and white flowers -13600822 __volume_unit_NN_1 a unit of measurement of volume or capacity -01332205 __paste_VB_1 join or attach with or as if with glue; "paste the sign on the wall"; "cut and paste the sentence in the text" -01128984 __socialization_NN_3 the adoption of the behavior patterns of the surrounding culture; "the socialization of children to the norms of their culture" -05526957 __prepuce_NN_2 a fold of skin covering the tip of the penis -08137495 __labor_department_NN_1 the federal department responsible for promoting the working conditions of wage earners in the United States; created in 1913 -04733640 __changeableness_NN_1 the quality of being changeable; having a marked tendency to change; "the changeableness of the weather" -15002959 __ravelling_NN_1 a bit of fiber that has become separated from woven fabric -01968569 __uprise_VB_6 move upward; "The fog lifted"; "The smoke arose from the forest fire"; "The mist uprose from the meadows" -08229467 __fraternity_NN_1 a social club for male undergraduates -02083237 __lime_VB_1 spread birdlime on branches to catch birds -02617956 __macrozoarces_NN_1 a genus of Zoarcidae -01378800 __micrococcaceae_NN_1 spherical or elliptical usually aerobic eubacteria that produce yellow or orange or red pigment; includes toxin-producing forms as well as harmless commensals and saprophytes -05618849 __mind_NN_7 knowledge and intellectual ability; "he reads to improve his mind"; "he has a keen intellect" -01849288 __pretentious_JJ_1 making claim to or creating an appearance of (often undeserved) importance or distinction; "a pretentious country house"; "a pretentious fraud"; "a pretentious scholarly edition" -11441077 __cosmic_microwave_background_radiation_NN_1 (cosmology) the cooled remnant of the hot big bang that fills the entire universe and can be observed today with an average temperature of about 2.725 kelvin -14476205 __hard_cheese_NN_1 bad luck -09057311 __grand_canyon_state_NN_1 a state in southwestern United States; site of the Grand Canyon -02692513 __vacuum_pump_NN_1 a pump that moves air in or out of something -10022908 __fossil_NN_1 someone whose style is out of fashion -04874409 __unrespectability_NN_1 dishonorableness by virtue of lacking respectability or a good reputation -00811036 __power_trip_NN_1 (slang) a self-aggrandizing action undertaken simply for the pleasure of exercising control over other people -09839167 __bargainer_NN_2 negotiator of the terms of a transaction; "he is a hard bargainer" -04008385 __production_line_NN_1 mechanical system in a factory whereby an article is conveyed through sites at which successive operations are performed on it -01846413 __present_JJ_2 being or existing in a specified place; "the murderer is present in this room"; "present at the wedding"; "present at the creation" -02243567 __rough_JJ_9 causing or characterized by jolts and irregular movements; "a rough ride" -13052670 __polyporus_frondosus_NN_1 large greyish-brown edible fungus forming a mass of overlapping caps that somewhat resembles a hen at the base of trees -00878221 __peep_NN_2 a secret look -07532440 __unhappiness_NN_1 emotions experienced when not in a state of well-being -15014012 __ammonium_nitrate_NN_1 used as an explosive and fertilizer and rocket propellant -05108947 __increment_NN_2 the amount by which something increases; "they proposed an increase of 15 percent in the fare" -02393580 __tapir_NN_1 large inoffensive chiefly nocturnal ungulate of tropical America and southeast Asia having a heavy body and fleshy snout -01107544 __outweigh_VB_1 be heavier than -10000294 __defense_contractor_NN_1 a contractor concerned with the development and manufacture of systems of defense -01403805 __order_fucales_NN_1 coextensive with the family Fucaceae -08951957 __frisian_islands_NN_1 a chain of islands in the North Sea off the coast of northwestern Europe extending from the IJsselmeer to Jutland -13970236 __peace_NN_1 the state prevailing during the absence of war -02842303 __bioweapon_NN_1 any weapon usable in biological warfare; "they feared use of the smallpox virus as a bioweapon" -07739125 __apple_NN_1 fruit with red or yellow or green skin and sweet to tart crisp whitish flesh -03305135 __explosive_compound_NN_1 a compound that is explosive -02194599 __oestrus_NN_2 type genus of the Oestridae: sheep botflies -12349491 __medinilla_NN_1 tropical Old World ornamental evergreen shrubs having fleshy leaves and large panicles of white pink flowers -11980088 __helichrysum_NN_1 large genus of mostly African and Australian herbs and shrubs: everlasting flowers; in some classifications includes genus Ozothamnus -02700064 __alternator_NN_1 an old term for an electric generator that produces alternating current (especially in automobiles) -08168531 __tribe_NN_2 a federation (as of American Indians) -07071017 __jargon_NN_3 specialized technical terminology characteristic of a particular subject -11676500 __pistil_NN_1 the female ovule-bearing part of a flower composed of ovary and style and stigma -01414359 __gigartinaceae_NN_1 a family of protoctist -03758720 __monistat_NN_1 an antifungal agent usually administered in the form of a nitrate (trade name Monistat) -00372665 __hot_up_VB_1 gain heat or get hot; "The room heated up quickly" -01834304 __practical_JJ_1 concerned with actual use or practice; "he is a very practical person"; "the idea had no practical application"; "a practical knowledge of Japanese"; "woodworking is a practical art" -05064037 __shape_NN_1 any spatial attributes (especially as defined by outline); "he could barely make out their shapes" -10090498 __spotter_NN_4 someone who is the first to observe something -10034906 __driver_NN_1 the operator of a motor vehicle -07262108 __target_NN_1 a reference point to shoot at; "his arrow hit the mark" -06099269 __electronics_NN_1 the branch of physics that deals with the emission and effects of electrons and with the use of electronic devices -05008746 __hermaphroditism_NN_2 showing characteristics of both sexes -10223744 __man_in_the_street_NN_1 a hypothetical average man -02472033 __register_VB_6 have one's name listed as a candidate for several parties -07168486 __countermand_NN_1 a contrary command cancelling or reversing a previous command -05501485 __reticulum_NN_2 any fine network (especially one in the body composed of cells or blood vessels) -00352826 __terminate_VB_1 bring to an end or halt; "She ended their friendship when she found out that he had once been convicted of a crime"; "The attack on Poland terminated the relatively peaceful period after WW I" -03594945 __landrover_NN_1 a car suitable for traveling over rough terrain -02029243 __genus_crocethia_NN_1 a genus of Scolopacidae -12168126 __lobeliaceae_NN_1 not recognized in all classification systems; in some classifications lobeliaceous plants are included in family Campanulaceae -06732169 __mathematical_statement_NN_1 a statement of a mathematical relation -06876144 __sign_NN_9 a gesture that is part of a sign language -14144064 __white_plague_NN_1 involving the lungs with progressive wasting of the body -02029914 __philomachus_NN_1 ruffs -01825671 __powerful_JJ_1 having great power or force or potency or effect; "the most powerful government in western Europe"; "his powerful arms"; "a powerful bomb"; "the horse's powerful kick"; "powerful drugs"; "a powerful argument" -02500902 __try_VB_5 examine or hear (evidence or a case) by judicial process; "The jury had heard all the evidence"; "The case will be tried in California" -01362336 __nitrobacteria_NN_1 soil bacteria that convert nitrites to nitrates -05491993 __cerebrum_NN_1 anterior portion of the brain consisting of two hemispheres; dominant part of the brain in humans -11547855 __spore_NN_1 a small usually single-celled asexual reproductive body produced by many nonflowering plants and fungi and some bacteria and protozoans and that are capable of developing into a new individual without sexual fusion; "a sexual spore is formed after the fusion of gametes" -03976657 __pole_NN_1 a long (usually round) rod of wood or metal or plastic -11168974 __mcgraw_NN_1 United States baseball player and manager (1873-1934) -01327322 __hybrid_NN_3 (genetics) an organism that is the offspring of genetically dissimilar parents or stock; especially offspring produced by breeding plants or animals of different varieties or breeds or species; "a mule is a cross between a horse and a donkey" -02526673 __genus_anguilla_NN_1 type genus of the Anguillidae: eels -01823092 __impossible_JJ_1 not capable of occurring or being accomplished or dealt with; "an impossible dream"; "an impossible situation" -14387807 __personality_disorder_NN_1 inflexible and maladaptive patterns of behavior -14189204 __blood_disorder_NN_1 a disease or disorder of the blood -02084252 __flurry_VB_1 move in an agitated or confused manner -01070708 __price-fixing_NN_1 control (by agreement among producers or by government) of the price of a commodity in interstate commerce -02661252 __vary_VB_2 be at variance with; be out of line with -02697610 __dote_VB_1 be foolish or senile due to old age -15141213 __millennium_NN_1 a span of 1000 years -05871362 __fundamentals_NN_1 principles from which other truths can be derived; "first you must learn the fundamentals"; "let's get down to basics" -12930044 __umbelliferae_NN_1 plants having flowers in umbels: parsley; carrot; anise; caraway; celery; dill -00945777 __exploration_NN_2 a careful systematic search -09090389 __bluegrass_region_NN_1 an area in central Kentucky noted for it bluegrass and thoroughbred horses -00900375 __picturing_NN_2 visual representation as by photography or painting -01818234 __negative_JJ_1 characterized by or displaying negation or denial or opposition or resistance; having no positive features; "a negative outlook on life"; "a colorless negative personality"; "a negative evaluation"; "a negative reaction to an advertising campaign" -15294745 __rainy_day_NN_1 a (future) time of financial need; "I am saving for a rainy day" -01817500 __positive_JJ_1 characterized by or displaying affirmation or acceptance or certainty etc.; "a positive attitude"; "the reviews were all positive"; "a positive benefit"; "a positive demand" -10058411 __enjoyer_NN_1 a person who delights in having or using or experiencing something -12401684 __fig_NN_2 Mediterranean tree widely cultivated for its edible fruit -08172877 __asia_NN_2 the nations of the Asian continent collectively -05919034 __suspicion_NN_1 an impression that something might be the case; "he had an intuition that something had gone wrong" -14355901 __spondylitis_NN_1 inflammation of a spinal joint; characterized by pain and stiffness -13975037 __incompatibility_NN_2 (immunology) the degree to which the body's immune system will try to reject foreign material (as transfused blood or transplanted tissue) -02274259 __butterfly_NN_1 diurnal insect typically having a slender body with knobbed antennae and broad colorful wings -08941895 __corsica_NN_2 a region of France on the island of Corsica; birthplace of Napoleon Bonaparte -01418237 __zoomastigina_NN_1 in some classifications considered a phylum of the kingdom Protista; holozoic or saprozoic flagellates -01819911 __pother_VB_2 make a fuss; be agitated -11064834 __hughes_NN_3 United States industrialist who was an aviator and a film producer; during the last years of his life he was a total recluse (1905-1976) -12656685 __thimbleberry_NN_3 raspberry native to eastern North America having black thimble-shaped fruit -00845299 __shout_VB_4 use foul or abusive language towards; "The actress abused the policeman who gave her a parking ticket"; "The angry mother shouted at the teacher" -10780632 __wife_NN_1 a married woman; a man's partner in marriage -08962951 __blantyre_NN_1 city in southern Malawi; largest city and commercial center of Malawi -09241929 __chap_NN_3 a crack in a lip caused usually by cold -02199999 __family_culicidae_NN_1 mosquitoes -09309820 __ijsselmeer_NN_1 a shallow lake in northwestern Netherlands created in 1932 by building a dam across the entrance to the Zuider Zee -04169152 __ssri_NN_1 an antidepressant drug that acts by blocking the reuptake of serotonin so that more serotonin is available to act on receptors in the brain -10296444 __moralist_NN_2 someone who demands exact conformity to rules and forms -01064560 __spell_VB_5 place under a spell -02749778 __institutional_JJ_1 relating to or constituting or involving an institution; "institutional policy" -07715721 __summer_squash_NN_2 any of various fruits of the gourd family that mature during the summer; eaten while immature and before seeds and rind harden -01921204 __trudge_VB_1 walk heavily and firmly, as when weary, or through mud; "Mules plodded in a circle around a grindstone" -14437552 __respect_NN_2 the condition of being honored (esteemed or respected or well regarded); "it is held in esteem"; "a man who has earned high regard" -07148192 __talks_NN_1 a discussion intended to produce an agreement; "the buyout negotiation lasted several days"; "they disagreed but kept an open dialogue"; "talks between Israelis and Palestinians" -01894670 __potamogalidae_NN_1 otter shrews lacking proof or substantiation -00932298 __reification_NN_2 representing a human being as a physical thing deprived of personal qualities or individuality; "according to Marx, treating labor as a commodity exemplified the reification of the individual" -12355760 __ginger_NN_1 perennial plants having thick branching aromatic rhizomes and leafy reedlike stems -05237227 __system_NN_6 a group of physiologically or anatomically related organs or parts; "the body has a system of organs for digestion" -06506603 __corker_NN_1 (dated slang) a remarkable or excellent thing or person; "that story was a corker" -03818843 __prostigmin_NN_1 a cholinergic drug (trade name Prostigmin) used to treat some ophthalmic conditions and to treat myasthenia gravis -09094381 __baltimore_NN_1 the largest city in Maryland; a major seaport and industrial center -11873612 __winter_cress_NN_1 any plant of the genus Barbarea: yellow-flowered Eurasian cresses; widely cultivated for winter salad -00275253 __wear_away_VB_3 become ground down or deteriorate; "Her confidence eroded" -02554797 __brevet_VB_1 promote somebody by brevet, in the military -11154646 __sir_patrick_manson_NN_1 Scottish physician who discovered that elephantiasis is spread by mosquitos and suggested that mosquitos also spread malaria (1844-1922) -02033703 __peel_off_VB_3 leave a formation -00973530 __interrogate_VB_1 transmit (a signal) for setting off an appropriate response, as in telecommunication -00991385 __enlighten_VB_1 make understand; "Can you enlighten me--I don't understand this proposal" -08236963 __drug_cartel_NN_1 an illicit cartel formed to control the production and distribution of narcotic drugs; "drug cartels sometimes finance terrorist organizations" -14016361 __weariness_NN_1 temporary loss of strength and energy resulting from hard physical or mental work; "he was hospitalized for extreme fatigue"; "growing fatigue was apparent from the decline in the execution of their athletic skills"; "weariness overcame her after twelve hours and she fell asleep" -02191546 __taste_VB_2 perceive by the sense of taste; "Can you taste the garlic?" -01543508 __padda_NN_1 a genus of Ploceidae -01955463 __lamellibranchia_NN_1 oysters; clams; scallops; mussels -00164658 __revitalize_VB_2 give new life or vigor to -05385363 __hypochondrium_NN_1 the upper region of the abdomen just below the lowest ribs on either side of the epigastrium -08581503 __stamping_ground_NN_1 a frequently visited place -07678729 __stuffing_NN_1 a mixture of seasoned ingredients used to stuff meats and vegetables -00305846 __implode_VB_1 burst inward; "The bottle imploded" -07643306 __jelly_NN_2 a preserve made of the jelled juice of fruit -00782241 __vice_crime_NN_1 a vice that is illegal -01374582 __knowable_JJ_1 capable of being known -13860548 __antagonism_NN_2 the relation between opposing principles or forces or factors; "the inherent antagonism of capitalism and socialism" -12175949 __cotton_plant_NN_1 erect bushy mallow plant or small tree bearing bolls containing seeds with many long hairy fibers -02668093 __ru_486_NN_1 an abortion-inducing drug (trade name RU_486) developed in France; when taken during the first five weeks of pregnancy it blocks the action of progesterone so that the uterus sloughs off the embryo -09961198 __contralto_NN_1 a woman singer having a contralto voice -13343917 __ante_NN_1 (poker) the initial contribution that each player makes to the pot -01193886 __acquittal_NN_1 a judgment of not guilty -11879291 __tendergreen_NN_1 Asiatic plant cultivated for its swollen root crown and edible foliage -02615298 __rock_gunnel_NN_1 slippery scaleless food fish of the northern Atlantic coastal waters -05534174 __epicardia_NN_1 the short part of the esophagus extending downward from the diaphragm to the stomach -04974340 __olive_NN_5 a yellow-green color of low brightness and saturation -10743356 __utopian_NN_1 an idealistic (but usually impractical) social reformer; "a Utopian believes in the ultimate perfectibility of man" -10750365 __vicar_NN_2 (Episcopal Church) a clergyman in charge of a chapel -01581041 __perisoreus_NN_1 Canada jays -06861630 __musical_mode_NN_1 any of various fixed orders of the various diatonic notes within an octave -14841267 __air_NN_1 a mixture of gases (especially oxygen) required for breathing; the stuff that the wind consists of; "air pollution"; "a smell of chemicals in the air"; "open a window and let in some air"; "I need some fresh air" -10265801 __lisper_NN_1 a speaker who lisps -07553176 __pet_NN_3 a fit of petulance or sulkiness (especially at what is felt to be a slight) -12636107 __mespilus_NN_1 medlars -08774912 __stuttgart_NN_1 a city in southwestern Germany famous for innovative architecture -11899432 __turritis_NN_1 closely related to and often included in genus Arabis -14440623 __degradation_NN_2 a low or downcast state; "each confession brought her into an attitude of abasement"- H.L.Menchken -05638374 __horsemanship_NN_1 skill in handling and riding horses -06150933 __macroeconomics_NN_1 the branch of economics that studies the overall working of a national economy -12060546 __snow_orchid_NN_1 waxy white nearly leafless plant with stems in clusters and racemes of white flowers; northwestern United States to northern California and east to Idaho -00361797 __bloat_VB_1 become bloated or swollen or puff up; "The dead man's stomach was bloated" -09316454 __island_NN_1 a land mass (smaller than a continent) that is surrounded by water -03693973 __lower_berth_NN_1 the lower of two berths -00474308 __overrefine_VB_1 refine too much or with excess of subtlety; "He is overrefining this matter" -02792305 __bard_NN_2 an ornamental caparison for a horse -14004317 __motion_NN_4 a state of change; "they were in a state of steady motion" -08567877 __goal_NN_2 the place designated as the end (as of a race or journey); "a crowd assembled at the finish"; "he was nearly exhausted as their destination came into view" -13224256 __selaginellaceae_NN_1 lesser club mosses: terrestrial chiefly tropical plants resembling mosses -12230347 __arbutus_NN_1 any of several evergreen shrubs of the genus Arbutus of temperate Europe and America -11605396 __lyginopteris_NN_1 genus of fossil seed ferns of the Carboniferous -00744904 __put_over_VB_1 communicate successfully; "I couldn't get across the message"; "He put over the idea very well" -13032923 __verpa_NN_1 a morel whose fertile portion resembles a bell and is attached to the stipe only at the top -10178917 __limper_NN_1 someone who has a limp and walks with a hobbling gait -09188609 __aegean_sea_NN_1 an arm of the Mediterranean between Greece and Turkey; a main trade route for the ancient civilizations of Crete and Greece and Rome and Persia -00520357 __interrupt_VB_3 interfere in someone else's activity; "Please don't interrupt me while I'm on the phone" -02414578 __wild_sheep_NN_1 undomesticated sheep -01926840 __schistosomatidae_NN_1 a family of Trematoda -13345286 __assurance_NN_4 a British term for some kinds of insurance -08350919 __reserve_bank_NN_1 one of 12 regional banks that monitor and act as depositories for banks in their region -04501018 __turnpike_NN_2 an expressway on which tolls are collected -09128201 __chapel_hill_NN_1 a town in central North Carolina; site of the University of North Carolina -10027590 __two-timer_NN_2 a person who says one thing and does another -07125958 __interjection_NN_1 an abrupt emphatic exclamation expressing emotion -02231661 __transmit_VB_1 transfer to another; "communicate a disease" -05521514 __twat_NN_2 obscene terms for female genitals -07226151 __warning_of_attack_NN_1 a warning to national policy makers that an enemy intends to launch an attack in the near future -01032040 __service_NN_3 the act of public worship following prescribed rules; "the Sunday service" -15031866 __immunoglobulin_m_NN_1 one of the five major classes of immunoglobulins; involved in fighting blood infections and in triggering production of immunoglobulin G -05364184 __vena_clitoridis_NN_1 veins that serve the clitoris -12803958 __tiarella_unifoliata_NN_1 plant with tiny white flowers hanging in loose clusters on leafy stems; moist woods from Alaska to central California and east to Montana -09879144 __pig_NN_4 uncomplimentary terms for a policeman -09879744 __stumbler_NN_2 someone who makes mistakes because of incompetence -00595545 __moderatorship_NN_1 the position of moderator -09476717 __wimp_NN_2 a hypothetical subatomic particle of large mass that interacts weakly with ordinary matter through gravitation; postulated as a constituent of the dark matter of the universe -02131653 __bear_NN_1 massive plantigrade carnivorous or omnivorous mammals with long shaggy coats and strong claws -01777032 __ixodes_NN_1 type genus of the family Ixodidae -01781478 __pious_JJ_1 having or showing or expressing reverence for a deity; "pious readings" -09011820 __pinsk_NN_1 a city of southwestern Belarus -02092468 __terrier_NN_1 any of several usually small short-bodied breeds originally trained to hunt animals living underground -09054350 __huntsville_NN_1 a city in northern Alabama; center for space research -00859604 __humour_VB_1 put into a good mood -02674482 __tylenol_NN_1 an analgesic for mild pain but not for inflammation; also used as an antipyretic; (Datril, Tylenol, Panadol, Phenaphen, Tempra, and Anacin III are trademarks of brands of acetaminophen tablets) -01641545 __run_VB_21 carry out; "run an errand" -01779986 __mental_JJ_1 involving the mind or an intellectual process; "mental images of happy times"; "mental calculations"; "in a terrible mental state"; "mental suffering"; "free from mental defects" -07428450 __perturbation_NN_3 activity that is a malfunction, intrusion, or interruption; "the term `distress' connotes some degree of perturbation and emotional upset"; "he looked around for the source of the disturbance"; "there was a disturbance of neural function" -12166793 __vegetable_sponge_NN_1 the loofah climber that has cylindrical fruit -10282482 __maiden_NN_1 an unmarried girl (especially a virgin) -06497872 __roman_alphabet_NN_1 the alphabet evolved by the ancient Romans which serves for writing most of the languages of western Europe -11412179 __brisance_NN_1 the shattering or crushing effect of a sudden release of energy as in an explosion -09981540 __cryptologist_NN_1 decoder skilled in the analysis of codes and cryptograms -15126750 __triassic_period_NN_1 from 230 million to 190 million years ago; dinosaurs, marine reptiles; volcanic activity -02048698 __gaviiform_seabird_NN_1 seabirds of the order Gaviiformes -00065639 __sustain_VB_2 undergo (as of injuries and illnesses); "She suffered a fracture in the accident"; "He had an insulin shock after eating three candy bars"; "She got a bruise on her leg"; "He got his arm broken in the scuffle" -03131116 __zairese_JJ_1 of or relating to or characteristic of Zaire or its people; "Zairean elections" -05069199 __slant_NN_2 degree of deviation from a horizontal plane; "the roof had a steep pitch" -05985999 __scholarship_NN_2 profound scholarly knowledge -15004317 __rennin_NN_1 an enzyme that occurs in gastric juice; causes milk to coagulate -01139000 __sanction_NN_4 the act of final authorization; "it had the sanction of the church" -01774918 __lycosidae_NN_1 wolf spiders -05885622 __newton's_law_of_motion_NN_1 one of three basic laws of classical mechanics -02649830 __populate_VB_1 inhabit or live in; be an inhabitant of; "People lived in Africa millions of years ago"; "The people inhabited the islands that are now deserted"; "this kind of fish dwells near the bottom of the ocean"; "deer are populating the woods" -03230785 __rough_drawing_NN_1 a preliminary sketch of a design or picture -01577458 __rose-colored_starling_NN_1 glossy black bird with pink back and abdomen; chiefly Asian -13049285 __order_aphyllophorales_NN_1 includes chiefly saprophytic fungi typically with shelflike bodies; sometimes placed in class Hymenomycetes or included in Agaricales -09846755 __beekeeper_NN_1 a farmer who keeps bees for their honey -00946105 __recite_VB_5 specify individually; "She enumerated the many obstacles she had encountered"; "The doctor recited the list of possible side effects of the drug" -02458356 __megatheriidae_NN_1 extinct ground sloths -00140900 __fingering_NN_2 touching something with the fingers -06986894 __semitic_NN_1 a major branch of the Afro-Asiatic language family -09395763 __pleiades_NN_2 a star cluster in the constellation Taurus -12471825 __genus_clintonia_NN_1 sometimes placed in family Convallariaceae -06048184 __endodontics_NN_1 the branch of dentistry dealing with diseases of the dental pulp -08065234 __industry_NN_1 the people or companies engaged in a particular kind of commercial enterprise; "each industry has its own trade publications" -13086908 __plant_structure_NN_1 any part of a plant or fungus -01455141 __genus_gasterosteus_NN_1 type genus of the family Gasterosteidae -06566949 __authoring_language_NN_1 software that can be used to develop interactive computer programs without the technically demanding task of computer programming -05576194 __ball_NN_10 a more or less rounded anatomical body or mass; "the ball at the base of the thumb"; "he stood on the balls of his feet" -06782019 __view_NN_6 a message expressing a belief about something; the expression of a belief that is held with confidence but not substantiated by positive knowledge or proof; "his opinions appeared frequently on the editorial page" -00578508 __popularize_VB_2 make understandable to the general public; "Carl Sagan popularized cosmology in his books" -13217213 __psilophytales_NN_1 Paleozoic simple dichotomously branched plants of Europe and eastern Canada including the oldest known vascular land plants -01722998 __pterosaur_NN_1 an extinct reptile of the Jurassic and Cretaceous having a bird-like beak and membranous wings supported by the very long fourth digit of each forelimb -00596644 __live_VB_6 have firsthand knowledge of states, situations, emotions, or sensations; "I know the feeling!"; "have you ever known hunger?"; "I have lived a kind of hell when I was a drug addict"; "The holocaust survivors have lived a nightmare"; "I lived through two divorces" -08676349 __barrio_NN_1 a Spanish-speaking quarter in a town or city (especially in the United States) -07712559 __saratoga_chip_NN_1 a thin crisp slice of potato fried in deep fat -00121366 __transmitting_NN_1 the act of sending a message; causing a message to be transmitted -14236743 __brain_tumour_NN_1 a tumor in the brain -01763813 __preventive_JJ_2 tending to prevent or hinder -00420712 __repression_NN_3 the act of repressing; control by holding down; "his goal was the repression of insolence" -01762839 __permissive_JJ_2 granting or inclined or able to grant permission; not strict in discipline; "direct primary legislation is largely permissive rather than prescriptive"; "permissive parents" -11846087 __genus_echinocereus_NN_1 large genus of low-growing shrubby ribbed cacti of Mexico and southwestern United States -02278830 __turn_a_profit_VB_1 make a profit; gain money or materially; "The company has not profited from the merger" -10321474 __minstrel_NN_2 a performer in a minstrel show -04487724 __troop_transport_NN_1 any land or sea or air vehicle designed to carry troops -01760944 __permissible_JJ_1 that may be permitted especially as according to rule; "permissible behavior in school"; "a permissible tax deduction" -05495172 __medulla_oblongata_NN_1 lower or hindmost part of the brain; continuous with spinal cord; (`bulb' is an old term for medulla oblongata); "the medulla oblongata is the most vital part of the brain because it contains centers controlling breathing and heart functioning" -00218753 __pulverization_NN_3 annihilation by pulverizing something -01935233 __head_VB_1 to go or travel towards; "where is she heading"; "We were headed for the mountains" -10419472 __pessimist_NN_1 a person who expects the worst -02776205 __lure_NN_3 something used to lure fish or other animals into danger so they can be trapped or killed -01755627 __temporary_JJ_1 not permanent; not lasting; "politics is an impermanent factor of life"- James Thurber; "impermanent palm cottages"; "a temperary arrangement"; "temporary housing" -01643507 __robber_frog_NN_1 of southwest United States and Mexico; call is like a dog's bark -12839839 __genus_agastache_NN_1 giant hyssop; Mexican hyssop -01754421 __permanent_JJ_1 continuing or enduring without marked change in status or condition or place; "permanent secretary to the president"; "permanent address"; "literature of permanent value" -01323781 __giant_NN_1 any creature of exceptional size -00206927 __riddance_NN_2 the act of forcing out someone or something; "the ejection of troublemakers by the police"; "the child's expulsion from school" -01238058 __decentralization_NN_2 the spread of power away from the center to local branches or governments -13514314 __metabolism_NN_2 the organic processes (in a cell or organism) that are necessary for life -01793933 __niggle_VB_1 worry unnecessarily or excessively; "don't fuss too much over the grandchildren--they are quite big now" -07822323 __cardamum_NN_1 aromatic seeds used as seasoning like cinnamon and cloves especially in pickles and barbecue sauces -05532641 __enteron_NN_1 the alimentary canal (especially of an embryo or a coelenterate) -14821590 __nonconductor_NN_1 a material such as glass or porcelain with negligible electrical or thermal conductivity -07478318 __syncope_NN_1 a spontaneous loss of consciousness caused by insufficient blood to the brain -03484576 __manacle_NN_1 shackle that consists of a metal loop that can be locked around the wrist; usually used in pairs -10477585 __probationer_NN_2 someone released on probation or on parole -00329244 __ramify_VB_2 grow and send out branches or branch-like structures; "these plants ramify early and get to be very large" -04678401 __colour_of_law_NN_1 a mere semblance of legal right; something done with the apparent authority of law but actually in contravention of law; "the plaintiff claimed that under color of law the officer had deprived him of his civil rights" -07120364 __voiced_sound_NN_1 a speech sound accompanied by sound from the vocal cords -01749320 __perfect_JJ_1 being complete of its kind and without defect or blemish; "a perfect circle"; "a perfect reproduction"; "perfect happiness"; "perfect manners"; "a perfect specimen"; "a perfect day" -01677509 __smock_VB_1 embellish by sewing in straight lines crossing each other diagonally; "The folk dancers wore smocked shirts" -02102840 __wander_VB_3 go via an indirect route or at no set pace; "After dinner, we wandered into town" -06959584 __samoyedic_NN_1 the Uralic languages spoken by the Samoyed in northwestern Siberia -03574555 __institution_NN_2 an establishment consisting of a building or complex of buildings where an organization for the promotion of some cause is situated -00007549 __sniffle_VB_2 inhale audibly through the nose; "the sick student was sniffling in the back row" -06278830 __digital_communication_NN_1 electronic transmission of information that has been encoded digitally (as for storage and processing by computers) -06028904 __rectilinear_regression_NN_1 the relation between variables when the regression equation is linear: e.g., y = ax + b -14542320 __health_hazard_NN_1 hazard to the health of those exposed to it -01501450 __raja_NN_2 type genus of the family Rajidae -07792926 __northern_lobster_NN_1 flesh of cold-water lobsters having large tender claws; caught from Maine to the Carolinas -02117170 __suck_VB_5 provide sexual gratification through oral stimulation -11117744 __ringgold_wilmer_lardner_NN_1 United States humorist and writer of satirical short stories (1885-1933) -04014297 __protective_covering_NN_1 a covering that is intend to protect from damage or injury; "they had no protection from the fallout"; "wax provided protection for the floors" -04749709 __variance_NN_4 a difference between conflicting facts or claims or opinions; "a growing divergence of opinion" -00737399 __deviation_NN_4 deviate behavior -01850676 __genus_aythya_NN_1 canvasback; redhead; pochard; etc. -12197601 __kola_nut_NN_1 bitter brown seed containing caffein; source of cola extract -01667302 __sternotherus_NN_1 musk turtles -04187233 __sheathing_NN_1 protective covering consisting, for example, of a layer of boards applied to the studs and joists of a building to strengthen it and serve as a foundation for a weatherproof exterior -01744111 __perceptive_JJ_2 having the ability to perceive or understand; keen in discernment; "a perceptive eye"; "a perceptive observation" -01743909 __unrepentant_JJ_1 not penitent or remorseful -00599835 __trip_up_VB_1 detect a blunder or misstep; "The reporter tripped up the senator" -01743217 __repentant_JJ_1 feeling or expressing remorse for misdeeds -00185307 __equation_NN_3 the act of regarding as equal -00735866 __synchronize_VB_4 arrange or represent events so that they co-occur; "synchronize biblical events" -07322341 __ingress_NN_1 (astronomy) the disappearance of a celestial body prior to an eclipse -04504486 __type_NN_6 a small metal block bearing a raised character on one end; produces a printed character when inked and pressed on paper; "he dropped a case of type, so they made him pick them up" -00588780 __ambassadorship_NN_1 the post of ambassador -09892831 __skipper_NN_3 the naval officer in command of a military ship -02540255 __osmeridae_NN_1 smelts -15209706 __gregorian_calendar_month_NN_1 a month in the Gregorian calendar -10681383 __suspect_NN_1 someone who is under suspicion -03186818 __telephone_dial_NN_1 a disc on a telephone that is rotated a fixed distance for each number called -12697021 __genus_cedrela_NN_1 tropical American trees -06644393 __fingerprint_NN_1 a print made by an impression of the ridges in the skin of a finger; often used for biometric identification in criminal investigations -01008288 __abstract_VB_4 give an abstract (of) -00501534 __decarboxylate_VB_2 remove a carboxyl group from (a chemical compound) -12894930 __white_horse_nettle_NN_1 weedy nightshade with silvery foliage and violet or blue or white flowers; roundish berry widely used to curdle milk; central United States to South America -00278403 __watering_NN_2 wetting with water; "the lawn needs a great deal of watering" -00611256 __think_back_VB_1 recapture the past; indulge in memories; "he remembered how he used to pick flowers" -01412279 __order_charales_NN_1 small order of macroscopic fresh and brackish water algae with a distinct axis: stoneworts -05965586 __passivism_NN_1 the doctrine that all violence is unjustifiable -00376994 __fracture_NN_3 the act of cracking something -01734884 __maternal_JJ_1 characteristic of a mother; "warm maternal affection for her guest"- Dorothy Sayers -06608977 __unintelligibility_NN_1 nonsense that is simply incoherent and unintelligible -12351600 __maranta_NN_1 any of numerous herbs of the genus Maranta having tuberous starchy roots and large sheathing leaves -14870924 __flavin_NN_1 a ketone that forms the nucleus of certain natural yellow pigments like riboflavin -00243237 __ushering_in_NN_1 the introduction of something new; "it signalled the ushering in of a new era" -07465290 __playoff_NN_1 any final competition to determine a championship -00913065 __yell_VB_1 utter a sudden loud cry; "she cried with pain when the doctor inserted the needle"; "I yelled to her from the window but she couldn't hear me" -14661274 __xenon_NN_1 a colorless odorless inert gaseous element occurring in the earth's atmosphere in trace amounts -01279120 __ticonderoga_NN_1 a pitched battle in which American revolutionary troops captured Fort Ticonderoga from the British in 1775 -02182851 __snap_VB_6 make a sharp sound; "his fingers snapped" -01553879 __hylophylax_NN_1 a genus of Formicariidae -00004819 __sneeze_VB_1 exhale spasmodically, as when an irritant entered one's nose; "Pepper makes me sneeze" -08685677 __star_sign_NN_1 (astrology) one of 12 equal areas into which the zodiac is divided -07775905 __saltwater_fish_NN_1 flesh of fish from the sea used as food -09935233 __coiner_NN_1 a maker of counterfeit coins -04763925 __specialty_NN_2 a distinguishing trait -04233124 __skyscraper_NN_1 a very tall building with many stories -11788926 __lysichitum_NN_1 skunk cabbage -01610955 __falcon_NN_1 diurnal birds of prey having long pointed powerful wings adapted for swift flight -02162672 __glare_VB_3 shine intensely; "The sun glared down on us" -08509442 __zone_NN_3 an area or region distinguished from adjacent parts by a distinctive feature or characteristic -05652396 __sensory_system_NN_1 a particular sense -13265904 __financial_aid_NN_1 money to support a worthy person or cause -04269086 __spark_lever_NN_1 (on early automobiles) a lever mounted on the steering column and used to adjust the timing of the ignition -01258161 __pounce_NN_1 the act of pouncing -08568256 __setting_NN_1 the context and environment in which something is set; "the perfect setting for a ghost story" -00942234 __cutting_NN_6 removing parts from hard material to create a desired pattern or shape -00355365 __kill_VB_14 cause to cease operating; "kill the engine" -03631445 __lacing_NN_2 a cord that is drawn through eyelets or around hooks in order to draw together two edges (as of a shoe or garment) -09378014 __okefenokee_swamp_NN_1 a large swampy area of northeast Florida and southeast Georgia -02723232 __escape_VB_4 be incomprehensible to; escape understanding by; "What you are seeing in him eludes me" -01073824 __splurge_NN_2 any act of immoderate indulgence; "an orgy of shopping"; "an emotional binge"; "a splurge of spending" -07456638 __athletics_NN_2 a contest between athletes -11014833 __gregory_xvi_NN_1 Italian pope from 1831 to 1846; conservative in politics and theology; worked to propagate Catholicism in England and the United States (1765-1846) -04710390 __sternness_NN_1 the quality (as of scenery) being grim and gloomy and forbidding; "the sternness of his surroundings made him uncomfortable" -00367685 __unite_VB_2 become one; "Germany unified officially in 1990"; "the cells merge" -01362568 __plaster_VB_4 apply a plaster cast to; "plaster the broken arm" -04105893 __room_NN_1 an area within a building enclosed by walls and floor and ceiling; "the rooms were very small but they had a nice view" -00875712 __unenrgetic_JJ_1 deficient in alertness or activity; "bullfrogs became lethargic with the first cold nights" -08230785 __yacht_club_NN_1 club that promotes and supports yachting and boating -09831411 __bacteriologist_NN_1 a biologist who studies bacteria -00883226 __vaunt_VB_1 show off -00836149 __snuffle_NN_1 the act of breathing heavily through the nose (as when the nose is congested) -06133203 __artificial_intelligence_NN_1 the branch of computer science that deal with writing computer programs that can solve problems creatively; "workers in AI hope to imitate or duplicate intelligence in computers and robots" -11947251 __centaury_NN_2 any plant of the genus Centaurea -11672400 __wildflower_NN_1 wild or uncultivated flowering plant -10786992 __wog_NN_1 (offensive British slang) term used by the British to refer to people of color from Africa or Asia -10198958 __uneducated_person_NN_1 an ignorant person -09248294 __coastal_plain_NN_1 a plain adjacent to a coast -04003597 __print_NN_2 a picture or design printed from an engraving -01479009 __crap_up_VB_1 become obstructed or chocked up; "The drains clogged up" -01593011 __tweeze_VB_1 pluck with tweezers; "tweeze facial hair" -08100481 __kokka_shinto_NN_1 the branch of Shinto recognized as the official state religion of Japan -12181851 __kosteletzya_NN_1 small genus of herbs of southeastern United States and tropical America and Africa -00040685 __inactive_JJ_5 (of e.g. volcanos) not erupting and not extinct ; "a dormant volcano" -07844867 __soymilk_NN_1 a milk substitute containing soybean flour and water; used in some infant formulas and in making tofu -06417598 __reference_work_NN_1 a book to which you can refer for authoritative facts; "he contributed articles to the basic reference work on that topic" -07973088 __meritocracy_NN_1 a form of social system in which power goes to those with superior intellects -06309383 __syntactic_category_NN_1 (grammar) a category of words having the same grammatical properties -04640176 __good_nature_NN_1 a cheerful, obliging disposition -11749112 __granadillo_NN_1 West Indian tree yielding a fine grade of green ebony -12061380 __epidendrum_tampense_NN_1 orchid of Florida and the Bahamas having showy brightly colored flowers; sometimes placed in genus Epidendrum -14993137 __podzol_soil_NN_1 a soil that develops in temperate to cold moist climates under coniferous or heath vegetation; an organic mat over a grey leached layer -09903639 __censor_NN_2 a person who is authorized to read publications or correspondence or to watch theatrical performances and suppress in whole or in part anything considered obscene or politically unacceptable -00808162 __take_exception_VB_1 raise a formal objection in a court of law -04070727 __refrigerator_NN_1 white goods in which food can be stored at low temperatures -14560612 __decay_NN_4 an inferior state resulting from the process of decaying; "the corpse was in an advanced state of decay"; "the house had fallen into a serious state of decay and disrepair" -00095377 __stock_VB_7 put forth and grow sprouts or shoots; "the plant sprouted early this year" -01716491 __unpalatable_JJ_1 not pleasant or acceptable to the taste or mind; "an unpalatable meal"; "unpalatable truths"; "unpalatable behavior" -04464211 __track_NN_7 (computer science) one of the circular magnetic paths on a magnetic disk that serve as a guide for writing and reading data -01716227 __toothsome_JJ_1 acceptable to the taste or mind; "palatable food"; "a palatable solution to the problem" -02296726 __offer_VB_1 make available or accessible, provide or furnish; "The conference center offers a health spa"; "The hotel offers private meeting rooms" -10618007 __snuffler_NN_1 a person who breathes noisily (as through a nose blocked by mucus) -00419685 __unbend_VB_4 make less taut; "relax the tension on the rope" -00377715 __sear_VB_1 make very hot and dry; "The heat scorched the countryside" -03829085 __nontricyclic_drug_NN_1 a class of antidepressant drugs that are not tricyclic drugs and do not act by inhibiting MAO -08515126 __line_of_control_NN_1 a 450-mile line that is supposed to indicate the boundary between the part of Kashmir controlled by India and the part controlled by Pakistan -06222959 __gnosticism_NN_1 a religious orientation advocating gnosis as the way to release a person's spiritual element; considered heresy by Christian churches -14643467 __pb_NN_1 a soft heavy toxic malleable metallic element; bluish white when freshly cut but tarnishes readily to dull grey; "the children were playing with lead soldiers" -03482523 __hand_NN_8 a rotating pointer on the face of a timepiece; "the big hand counts the minutes" -09309456 __victoria_falls_NN_2 a large waterfall on the border between Argentina and Brazil -14750782 __theelin_NN_1 a naturally occurring weak estrogenic hormone secreted by the mammalian ovary; synthesized (trade name Estronol) and used to treat estrogen deficiency -04754440 __finality_NN_1 the quality of being final or definitely settled; "the finality of death" -06695862 __palaver_NN_1 flattery intended to persuade -11650919 __angiospermous_yellowwood_NN_1 any of various angiospermous trees having yellow wood -11776511 __tabernaemontana_divaricate_NN_1 tropical shrub having glossy foliage and fragrant nocturnal flowers with crimped or wavy corollas; northern India to Thailand -02152278 __skim_VB_3 examine hastily; "She scanned the newspaper headlines while waiting for the taxi" -00479887 __squash_racquets_NN_1 a game played in an enclosed court by two or four players who strike the ball with long-handled rackets -01115585 __surrender_VB_1 give up or agree to forgo to the power or possession of another; "The last Taleban fighters finally surrendered" -03222959 __doorknob_NN_1 a knob used to release the catch when opening a door (often called `doorhandle' in Great Britain) -05467432 __neuroglial_cell_NN_1 a cell of the neuroglia -05967588 __equalitarianism_NN_1 the doctrine of the equality of mankind and the desirability of political and economic and social equality -05533948 __oesophagus_NN_1 the passage between the pharynx and the stomach -14837364 __fumes_NN_1 gases ejected from an engine as waste products -10527334 __subverter_NN_1 a radical supporter of political or social revolution -00831651 __inform_VB_1 impart knowledge of some fact, state or affairs, or event to; "I informed him of his rights" -13245846 __personal_chattel_NN_1 personal as opposed to real property; any tangible movable property (furniture or domestic animals or a car etc) -14471507 __spinocerebellar_disorder_NN_1 any of several congenital disorders marked by degeneration of the cerebellum and spinal cord resulting in spasticity and ataxia -10212501 __translator_NN_2 someone who mediates between speakers of different languages -01637633 __woolgather_VB_1 have a daydream; indulge in a fantasy -01705655 __covert_JJ_1 secret or hidden; not openly practiced or engaged in or shown or avowed; "covert actions by the CIA"; "covert funding for the rebels" -01704761 __overt_JJ_1 open and observable; not secret or hidden; "an overt lie"; "overt hostility"; "overt intelligence gathering"; "open ballots" -01249616 __spoliation_NN_1 (law) the intentional destruction of a document or an alteration of it that destroys its value as evidence -07121157 __yell_NN_2 a loud utterance of emotion (especially when inarticulate); "a cry of rage"; "a yell of pain" -08789970 __thessaly_NN_1 a fertile plain on the Aegean Sea in east central Greece; Thessaly was a former region of ancient Greece -07795751 __salmon_NN_3 flesh of any of various marine or freshwater fish of the family Salmonidae -00935005 __arts_and_crafts_NN_1 the arts of decorative design and handicraft; "they sponsored arts and crafts in order to encourage craftsmanship in an age of mass production" -07535670 __sorrow_NN_2 sadness associated with some wrong done or some disappointment; "he drank to drown his sorrows"; "he wrote a note expressing his regret"; "to his rue, the error cost him the game" -00999245 __standardization_NN_3 the act of checking or adjusting (by comparison with a standard) the accuracy of a measuring instrument; "the thermometer needed calibration" -04055861 __ratline_NN_1 (nautical) a small horizontal rope between the shrouds of a sailing ship; they form a ladder for climbing aloft -00277399 __chronologize_VB_1 establish the order in time of something; "The archivist chronologized the documents" -08184217 __swarm_NN_1 a moving crowd -15285772 __neonatal_mortality_rate_NN_1 the death rate during the first 28 days of life -01990694 __emerge_VB_4 come up to the surface of or rise; "He felt new emotions emerge" -10472447 __true_dwarf_NN_1 an achondroplastic dwarf whose small size is the result of a genetic defect; body parts and mental and sexual development are normal -02639312 __polyodontidae_NN_1 paddlefishes -10191388 __humanitarian_NN_2 an advocate of the principles of humanism; someone concerned with the interests and welfare of humans -04899201 __correctness_NN_2 the quality of conformity to social expectations -13148384 __woodbine_NN_1 common North American vine with compound leaves and bluish-black berrylike fruit -00818974 __take_a_firm_stand_VB_1 be emphatic or resolute and refuse to budge; "I must insist!" -00343334 __repeat_VB_3 happen or occur again; "This is a recurring story" -06556481 __mandate_NN_1 a document giving an official instruction or command -00897026 __rehearsal_NN_1 a practice session in preparation for a public performance (as of a play or speech or concert); "he missed too many rehearsals"; "a rehearsal will be held the day before the wedding" -12839574 __satureja_acinos_NN_1 fragrant European mint having clusters of small violet-and-white flowers; naturalized especially in eastern North America -11118886 __sir_harry_maclennan_lauder_NN_1 Scottish ballad singer and music hall comedian (1870-1950) -03862676 __oven_NN_1 kitchen appliance used for baking or roasting -03610682 __yachting_cap_NN_1 a cap with a flat circular top and a visor -03322570 __farm_building_NN_1 a building on a farm -01235769 __butt_VB_2 to strike, thrust or shove against; "He butted his sister out of the way"; "The goat butted the hiker with his horns" -03243218 __drive_NN_10 (computer science) a device that writes data onto or reads data from a storage medium -00925207 __shaping_NN_2 the act of fabricating something in a particular shape -12164065 __watermelon_vine_NN_1 an African melon -01819115 __cockatoo_NN_1 white or light-colored crested parrot of the Australian region; often kept as cage birds -03980178 __saddlebow_NN_1 handgrip formed by the raised front part of a saddle -02270404 __sponge_VB_2 ask for and get free; be a parasite -00466053 __ordinate_VB_2 bring (components or parts) into proper or desirable coordination correlation; "align the wheels of my car"; "ordinate similar parts" -07916970 __sangria_NN_1 sweetened red wine and orange or lemon juice with soda water -06178812 __lexicology_NN_1 the branch of linguistics that studies the lexical component of language -01987545 __prawn_NN_2 shrimp-like decapod crustacean having two pairs of pincers; most are edible -00781685 __robbery_NN_1 larceny by threat of violence -08139000 __interior_department_NN_1 the United States federal department charged with conservation and the development of natural resources; created in 1849 -14187378 __autoimmune_disorder_NN_1 any of a large group of diseases characterized by abnormal functioning of the immune system that causes your immune system to produce antibodies against your own tissues -05350679 __maxillary_artery_NN_1 either of two arteries branching from the external carotid artery and supplying structure of the face -00439588 __stupid_JJ_1 lacking or marked by lack of intellectual acuity -05955323 __principle_NN_2 a rule or standard especially of good behavior; "a man of principle"; "he will not violate his principles" -08949737 __dutch_capital_NN_1 an industrial center and the nominal capital of the Netherlands; center of the diamond-cutting industry; seat of an important stock exchange; known for its canals and art museum -06605396 __dysphemism_NN_1 an offensive or disparaging expression that is substituted for an inoffensive one; "his favorite dysphemism was to ask for axle grease when he wanted butter" -05424963 __ventral_root_NN_1 one of two the two roots of a spinal nerve that passes ventrally from the spinal cord and that consists of motor fibers -05245906 __pore_NN_2 any small opening in the skin or outer surface of an animal -01935395 __wiggler_NN_3 terrestrial worm that burrows into and helps aerate soil; often surfaces when the ground is cool or wet; used as bait by anglers -01688271 __unoriginal_JJ_1 not original; not being or productive of something fresh and unusual; "the manuscript contained unoriginal emendations"; "his life had been unoriginal, conforming completely to the given pattern"- Gwethalyn Graham -00247439 __bloody_JJ_1 having or covered with or accompanied by blood; "a bloody nose"; "your scarf is all bloody"; "the effects will be violent and probably bloody"; "a bloody fight" -13496771 __inactivation_NN_1 the process of rendering inactive; "the gene inactivation system"; "thermal inactivation of serum samples" -01686439 __original_JJ_3 being or productive of something fresh and unusual; or being as first made or thought of; "a truly original approach"; "with original music"; "an original mind" -03138669 __diadem_NN_1 an ornamental jeweled headdress signifying sovereignty -12939874 __hogweed_NN_1 tall coarse plant having thick stems and cluster of white to purple flowers -01236795 __ping_VB_1 hit with a pinging noise; "The bugs pinged the lamp shade" -07680932 __roll_NN_7 small rounded bread either plain or sweet -04635482 __zing_NN_2 the activeness of an energetic personality -12596525 __roystonea_NN_1 a monocotyledonous genus of West Indian feather palms -07818277 __garlic_NN_2 aromatic bulb used as seasoning -00048633 __wrap_up_VB_4 clothe, as if for protection from the elements; "cover your head!" -14417146 __compartmentalization_NN_1 a mild state of dissociation -05646535 __mental_defectiveness_NN_1 retardation sufficient to fall outside the normal range of intelligence -10456696 __postdoc_NN_2 a scholar or researcher who is involved in academic study beyond the level of a doctoral degree -05884433 __mendel's_law_NN_1 (genetics) one of two principles of heredity formulated by Gregor Mendel on the basis of his experiments with plants; the principles were limited and modified by subsequent genetic research -01680836 __atomistical_JJ_1 divided into separate and often disparate elements -01709781 __hoof_VB_2 dance in a professional capacity -03494278 __mouth_organ_NN_1 a small rectangular free-reed instrument having a row of free reeds set back in air holes and played by blowing into the desired hole -00757080 __sinning_NN_1 an act that is regarded by theologians as a transgression of God's will -03681148 __topical_anesthetic_NN_1 anesthetic that numbs a particular area of the body -01496944 __pristidae_NN_1 large primitive rays with elongated snouts -09382990 __pacific_ocean_NN_1 the largest ocean in the world -03112719 __corslet_NN_1 a piece of body armor for the trunk; usually consists of a breastplate and back piece -05609884 __pharyngeal_recess_NN_1 a small recess in the wall of the pharynx -11649597 __phyllocladaceae_NN_1 a family of Phyllocladaceae -12188120 __thespesia_NN_1 a small genus of tropical trees including the portia tree -00695226 __value_VB_1 fix or determine the value of; assign a value to; "value the jewelry and art work in the estate" -02107248 __receive_VB_3 register (perceptual input); "pick up a signal" -02395003 __swine_NN_1 stout-bodied short-legged omnivorous animals -06602935 __intension_NN_1 what you must know in order to determine the reference of an expression -01675190 __extraordinary_JJ_1 beyond what is ordinary or usual; highly unusual or exceptional or remarkable; "extraordinary authority"; "an extraordinary achievement"; "her extraordinary beauty"; "enjoyed extraordinary popularity"; "an extraordinary capacity for work"; "an extraordinary session of the legislature" -09972661 __puncher_NN_1 a hired hand who tends cattle and performs other duties on horseback -08591680 __layer_NN_2 a relatively thin sheetlike expanse or region lying over or under another -05108740 __quantity_NN_2 an adequate or large amount; "he had a quantity of ammunition" -02010592 __nycticorax_NN_1 Old World night herons -14500908 __normality_NN_1 being within certain limits that define the range of normal functioning -09847010 __mendicant_NN_2 a pauper who lives by begging -13010401 __stropharia_NN_1 genus of gill fungi with brown spores that is closely related to Agaricus; here placed in its own family Strophariaceae -00708980 __purpose_VB_1 propose or intend; "I aim to arrive at noon" -00407328 __precondition_VB_1 put into the required condition beforehand -01100567 __romp_VB_3 win easily; "romp a race" -11903881 __genus_corydalis_NN_1 annual or perennial herbs of Himalayan China and South Africa -02304229 __genus_antheraea_NN_1 large moths whose larvae produce silk of high quality -05525391 __undescended_testis_NN_1 a testis that fails to move into the scrotum as the male fetus develops; "undescended testicles have an increased risk for cancer" -00796392 __ban_VB_2 prohibit especially by legal means or social pressure; "Smoking is banned in this building" -12726670 __weeping_willow_NN_1 willow with long drooping branches and slender leaves native to China; widely cultivated as an ornamental -00126236 __smash_NN_4 the act of colliding with something; "his crash through the window"; "the fullback's smash into the defensive line" -01902568 __protective_covering_NN_2 the tough natural covering of some organisms -00937023 __leak_VB_1 tell anonymously; "The news were leaked to the paper" -01725712 __passionate_JJ_1 having or expressing strong emotions -04745370 __uniformness_NN_1 the quality of lacking diversity or variation (even to the point of boredom) -02189363 __gallfly_NN_2 fragile mosquito-like flies that produce galls on plants -00047945 __tog_VB_1 provide with clothes or put clothes on; "Parents must feed and dress their child" -01818235 __encourage_VB_2 inspire with confidence; give hope or courage to -00034758 __pout_VB_2 make a sad face and thrust out one's lower lip; "mop and mow"; "The girl pouted" -15222686 __speech_day_NN_1 an annual day in the schools when speeches are made and prizes are distributed -12943302 __sanicula_NN_1 chiefly American herbs: sanicle -01501960 __juxtapose_VB_1 place side by side; "The fauvists juxtaposed strong colors" -00286798 __smut_VB_2 stain with a dirty substance, such as soot -02366959 __nutria_NN_1 aquatic South American rodent resembling a small beaver; bred for its fur -02229385 __gryllidae_NN_1 crickets -02052675 __cycle_VB_1 cause to go through a recurring sequence; "cycle the laundry in this washing program" -09840963 __barrister_NN_1 a British or Canadian lawyer who speaks in the higher courts of law on behalf of either the defense or prosecution -08422524 __thrift_institution_NN_1 a depository financial institution intended to encourage personal savings and home buying -00317207 __delivery_NN_1 the act of delivering or distributing something (as goods or mail); "his reluctant delivery of bad news" -02183857 __sucking_louse_NN_1 wingless usually flattened bloodsucking insect parasitic on warm-blooded animals -01483779 __wad_VB_1 compress into a wad; "wad paper into the box" -01660994 __opportune_JJ_1 suitable or at a time that is suitable or advantageous especially for a particular purpose; "an opportune place to make camp"; "an opportune arrival" -01660857 __nonoperational_JJ_1 (military) not involved in military operations -12598826 __plantain_NN_1 any of numerous plants of the genus Plantago; mostly small roadside or dooryard weeds with elliptic leaves and small spikes of very small flowers; seeds of some used medicinally -09622049 __juvenile_person_NN_1 a young person, not fully developed -11774513 __frangipanni_NN_1 any of various tropical American deciduous shrubs or trees of the genus Plumeria having milky sap and showy fragrant funnel-shaped variously colored flowers -04226537 __underframe_NN_1 the internal supporting structure that gives an artifact its shape; "the building has a steel skeleton" -01619310 __turkey_vulture_NN_1 a New World vulture that is common in South America and Central America and the southern United States -00912822 __shipbuilding_NN_1 the construction of ships -03717750 __manifold_NN_1 a pipe that has several lateral outlets to or from other pipes -08378819 __structure_NN_5 the people in a society considered as a system organized by a characteristic pattern of relationships; "the social organization of England and America is very different"; "sociologists have studied the changing structure of the family" -03901074 __paving_stone_NN_1 a stone used for paving -00783902 __grand_theft_NN_1 larceny of property having a value greater than some amount (the amount varies by locale) -07414566 __waxing_NN_2 a gradual increase in magnitude or extent; "the waxing of the moon" -14465048 __congenital_disorder_NN_1 a defect that is present at birth -04166281 __sedan_NN_1 a car that is closed and that has front and rear seats and two or four doors -09850974 __besieger_NN_1 an enemy who lays siege to your position -01792955 __sitter_NN_5 a domestic hen ready to brood -03588668 __sporanox_NN_1 an oral antifungal drug (trade name Sporanox) taken for cases of fungal nail disease -10361060 __nondescript_NN_1 a person is not easily classified and not very interesting -10756433 __visionary_NN_2 a person with unusual powers of foresight -03229244 __joggle_NN_1 a fastener that is inserted into holes in two adjacent pieces and holds them together -06696483 __laurels_NN_1 a tangible symbol signifying approval or distinction; "an award for bravery" -01072949 __play_VB_1 participate in games or sport; "We played hockey all afternoon"; "play cards"; "Pele played for the Brazilian teams in many important matches" -00492706 __pollute_VB_1 make impure; "The industrial wastes polluted the lake" -13456071 __deaminization_NN_1 removal of the amino radical from an amino acid or other amino compound -03636649 __lamp_NN_2 a piece of furniture holding one or more electric light bulbs -00427853 __bathing_NN_1 immersing the body in water or sunshine -12069821 __genus_laelia_NN_1 large genus of mostly epiphytic or lithophytic Central and South American orchids of various sizes -01496497 __dispose_VB_4 place or put in a particular order; "the dots are unevenly disposed" -04739630 __innateness_NN_1 the quality of being innate -02194887 __hypoderma_NN_1 in some classifications considered the type genus of the family Hypodermatidae: warble flies -01279615 __gettysburg_NN_2 a battle of the American Civil War (1863); the defeat of Robert E. Lee's invading Confederate Army was a major victory for the Union -15143864 __hereafter_NN_1 life after death -01699896 __write_VB_9 write or name the letters that comprise the conventionally accepted form of (a word or part of a word); "He spelled the word wrong in this letter" -06884790 __shoulder_flash_NN_1 something worn on the shoulder of a military uniform as an emblem of a division etc. -00104026 __suntan_VB_1 get a tan from being exposed to the sun -05337055 __arteria_arcuata_NN_1 curved artery in the foot -00730247 __duty_assignment_NN_1 a duty that you are assigned to perform (especially in the armed forces); "hazardous duty" -09608520 __behaviourist_NN_1 a psychologist who subscribes to behaviorism -04283378 __wheel_spoke_NN_1 support consisting of a radial member of a wheel joining the hub to the rim -02588580 __haemulon_NN_1 type genus of the Haemulidae -03649909 __mower_NN_1 garden tool for mowing grass on lawns -00258854 __rectification_NN_3 the act of offering an improvement to replace a mistake; setting right -07527656 __lightness_NN_1 a feeling of joy and pride -00976953 __raid_NN_1 a sudden short attack -02210291 __genus_andrena_NN_1 a solitary burrowing short-tongued bee -00863906 __whip_VB_6 subject to harsh criticism; "The Senator blistered the administration in his speech on Friday"; "the professor scaled the students"; "your invectives scorched the community" -01960900 __ostrea_NN_1 type genus of the family Ostreidae -02141973 __swank_VB_1 display proudly; act ostentatiously or pretentiously; "he showed off his new sports car" -00462092 __suppress_VB_1 to put down by force or authority; "suppress a nascent uprising"; "stamp down on littering"; "conquer one's desires" -15097017 __detergent_NN_1 a surface-active chemical widely used in industry and laundering -01843238 __ramphastidae_NN_1 toucans -02173373 __popillia_japonica_NN_1 small metallic green and brown beetle native to eastern Asia; serious plant pest in North America -10182499 __householder_NN_1 someone who owns a home -03904183 __zebra_crossing_NN_1 street crossing where pedestrians have right of way; often marked in some way (especially with diagonal stripes) -09451517 __surface_NN_3 the outermost level of the land or sea; "earthquakes originate far below the surface"; "three quarters of the Earth's surface is covered by water" -00479932 __automatize_VB_2 make automatic or control or operate automatically; "automatize the production"; "automate the movement of the robot" -13774404 __wad_NN_2 (often followed by `of') a large number or amount or extent; "a batch of letters"; "a deal of trouble"; "a lot of money"; "he made a mint on the stock market"; "see the rest of the winners in our huge passel of photos"; "it must have cost plenty"; "a slew of journalists"; "a wad of money" -08558488 __principality_NN_1 territory ruled by a prince -01898731 __pelage_NN_1 growth of hair or wool or fur covering the body of an animal -01294182 __disjoint_VB_4 become separated, disconnected or disjoint -06503724 __entry_NN_1 an item inserted in a written record -05814291 __topic_NN_2 some situation or event that is thought about; "he kept drifting off the topic"; "he had been thinking about the subject for several years"; "it is a matter for the police" -04994824 __bitterness_NN_4 the property of having a harsh unpleasant taste -00910135 __protest_VB_1 utter words of protest -09171376 __nefud_NN_1 a desert in northern Saudi Arabia that is noted for its red sand and violent winds -01594978 __grind_VB_1 press or grind with a crushing noise -04048568 __railway_system_NN_1 line that is the commercial organization responsible for operating a system of transportation for trains that pull passengers or freight -01330676 __darn_VB_1 repair by sewing; "darn socks" -08790953 __olympia_NN_2 a plain in Greece in the northwestern Peloponnese; the chief sanctuary of Zeus and the site of the original Olympian Games -14442749 __prepotency_NN_1 the state of being predominant over others -14457041 __phalacrosis_NN_1 the condition of having no hair on the top of the head -01682761 __lacquer_VB_1 coat with lacquer; "A lacquered box from China" -13383439 __treasurer's_cheque_NN_1 a check issued by the officer of a bank on the banks own account (not that of a private person); "cashier's checks are as good as cash" -04840537 __beneficence_NN_2 the quality of being kind or helpful or generous -01477373 __petromyzontidae_NN_1 lampreys -02042472 __pagophila_eburnea_NN_1 white Arctic gull; migrates as far south as England and New Brunswick -02851550 __iconic_JJ_1 relating to or having the characteristics on an icon -05453943 __eosinophile_NN_1 a leukocyte readily stained with eosin -08049125 __nt_NN_1 an organization concerned to preserve historic monuments and buildings and places of historical interest or natural beauty; founded in 1895 and supported by endowment and private subscription -01637796 __hydromantes_NN_1 web-toed salamanders -13659760 __km_NN_1 a metric unit of length equal to 1000 meters (or 0.621371 miles) -04767347 __regularity_NN_2 the quality of being characterized by a fixed principle or rate; "he was famous for the regularity of his habits" -01466996 __chordate_genus_NN_1 any genus in the phylum Chordata -03261776 __phone_NN_3 electro-acoustic transducer for converting electric signals into sounds; it is held over or inserted into the ear; "it was not the typing but the earphones that she disliked" -04291511 __square_NN_7 any artifact having a shape similar to a plane geometric figure with four equal sides and four right angles; "a checkerboard has 64 squares" -00324806 __cook_out_VB_1 cook outdoors on a barbecue grill; "let's barbecue that meat"; "We cooked out in the forest" -11667562 __monocotyledones_NN_1 comprising seed plants that produce an embryo with a single cotyledon and parallel-veined leaves: includes grasses and lilies and palms and orchids; divided into four subclasses or superorders: Alismatidae; Arecidae; Commelinidae; and Liliidae -05556204 __spare_tire_NN_1 excess fat around the waistline -12033310 __genus_xeranthemum_NN_1 genus of annual densely hairy herbs of Mediterranean to southwestern Asia -13287984 __security_interest_NN_1 any interest in a property that secures the payment of an obligation -07993109 __biota_NN_1 all the plant and animal life of a particular region -09609232 __capitalist_NN_2 a person who invests capital in a business (especially a large business) -04526520 __ventilation_system_NN_1 a mechanical system in a building that provides fresh air; "she was continually adjusting the ventilation" -03085915 __computing_system_NN_1 a system of one or more computers and associated software with common storage -01174294 __piece_VB_4 eat intermittently; take small bites of; "He pieced at the sandwich all morning"; "She never eats a full meal--she just nibbles" -01063697 __halt_NN_3 an interruption or temporary suspension of progress or movement; "a halt in the arms race"; "a nuclear freeze" -06926889 __turkoman_NN_2 the Turkic language spoken by the Turkoman -01500854 __mobula_hypostoma_NN_1 small manta (to 4 feet) that travels in schools -02550296 __give_care_VB_1 flying fishes; closely related to the halfbeaks provide care for; "The nurse was caring for the wounded" -03224032 __threshold_NN_3 the entrance (the space in a wall) through which you enter or leave a room or building; the space that a door can close; "he stuck his head in the doorway" -03785142 __mop_handle_NN_1 the handle of a mop -03948950 __plunger_NN_4 mechanical device that has a plunging or thrusting motion -01281154 __sepoy_mutiny_NN_1 discontent with British administration in India led to numerous mutinies in 1857 and 1858; the revolt was put down after several battles and sieges (notably the siege at Lucknow) -12108432 __broom_grass_NN_1 any of several grasses of the genus Andropogon; used in broom making -08565701 __edge_NN_1 the boundary of a surface -03744276 __store_NN_3 an electronic memory device; "a memory and the CPU form the central part of a computer to which peripherals are attached" -02536329 __pull_wires_VB_1 influence or control shrewdly or deviously; "He manipulated public opinion in his favor" -04505036 __typewriter_NN_1 hand-operated character printer for printing written messages one character at a time -07301543 __collision_NN_2 an accident resulting from violent impact of a moving object; "three passengers were killed in the collision"; "the collision of the two ships resulted in a serious oil spill" -07445896 __spreading_NN_1 process or result of distributing or extending over a wide expanse of space -12282737 __white_birch_NN_1 European birch with dull white to pale brown bark and somewhat drooping hairy branches -00274941 __colouring_NN_3 the act or process of changing the color of something -04871002 __respectability_NN_1 honorableness by virtue of being respectable and having a good reputation -00384620 __regenerate_VB_3 bring, lead, or force to abandon a wrong or evil course of life, conduct, and adopt a right one; "The Church reformed me"; "reform your conduct" -01882814 __wind_VB_1 to move or cause to move in a sinuous, spiral, or circular course; "the river winds through the hills"; "the path meanders through the vineyards"; "sometimes, the gout wanders through the entire body" -01624633 __offensive_JJ_5 unpleasant or disgusting especially to the senses; "offensive odors" -00356621 __exhaustion_NN_3 the act of exhausting something entirely -02712243 __pattern_VB_2 form a pattern; "These sentences pattern like the ones we studied before" -02659176 __yellowtail_flounder_NN_2 American flounder having a yellowish tail -02529284 __neglect_VB_2 fail to do something; leave something undone; "She failed to notice that her child was no longer in his crib"; "The secretary failed to call the customer and the company lost the account" -07148573 __diplomatic_negotiations_NN_1 negotiation between nations -07325190 __start_NN_1 the beginning of anything; "it was off to a good start" -05998225 __genealogy_NN_2 the study or investigation of ancestry and family history -03130563 __crepe_NN_3 a soft thin light fabric with a crinkled surface -02789770 __bar_NN_15 (law) a railing that encloses the part of the courtroom where the judges and lawyers sit and the case is tried; "spectators were not allowed past the bar" -07914006 __cooler_NN_2 an iced drink especially white wine and fruit juice -02142993 __genus_choeronycteris_NN_1 a genus of Phyllostomatidae -10546850 __saint_NN_2 person of exceptional holiness -02637637 __sillaginidae_NN_1 small family of small food fishes in shallow waters of the Pacific around Indonesia -10577820 __semiotician_NN_1 a specialist in the study of meaning -11802800 __heartleaf_NN_1 wild ginger having persistent heart-shaped pungent leaves; West Virginia to Alabama -00976085 __safety_blitz_NN_1 (American football) defensive players try to break through the offensive line -10693824 __taxonomist_NN_1 a biologist who specializes in the classification of organisms into groups on the basis of their structure and origin and behavior -00289840 __yellow_VB_1 turn yellow; "The pages of the book began to yellow" -05970755 __existentialist_philosophy_NN_1 (philosophy) a 20th-century philosophical movement chiefly in Europe; assumes that people are entirely free and thus responsible for what they make of themselves -01944617 __helix_NN_3 type genus of the family Helicidae -12560775 __pisum_sativum_macrocarpon_NN_1 a variety of pea plant producing peas having soft thick edible pods lacking the fibrous inner lining of the common pea -07127911 __horselaugh_NN_1 a loud laugh that sounds like a horse neighing -01618053 __obvious_JJ_1 easily perceived by the senses or grasped by the mind; "obvious errors" -05379734 __vena_saphena_NN_1 either of two chief superficial veins of the leg that drain blood from the foot -00136329 __kicking_NN_2 the act of delivering a blow with the foot; "he gave the ball a powerful kick"; "the team's kicking was excellent" -00635205 __sleuthing_NN_1 a police investigation to determine the perpetrator; "detection is hard on the feet" -01623880 __strix_occidentalis_NN_1 a large owl of North America found in forests from British Columbia to central Mexico; has dark brown plumage and a heavily spotted chest -08569165 __extremum_NN_1 the point located farthest from the middle of something -08598301 __grassland_NN_1 land where grass or grasslike vegetation grows and is the dominant form of plant life -02240706 __notonectidae_NN_1 aquatic carnivorous insects -02268351 __waste_VB_1 spend thoughtlessly; throw away; "He wasted his inheritance on his insincere friends"; "You squandered the opportunity to get and advanced degree" -10033082 __dresser_NN_3 a wardrobe assistant for an actor -01309701 __turn_over_VB_4 turn up, loosen, or remove earth; "Dig we must"; "turn over the soil for aeration" -12204032 __tilia_japonica_NN_1 medium-sized tree of Japan used as an ornamental -08761039 __jylland_NN_1 peninsula in northern Europe that forms the continental part of Denmark and a northern part of Germany -05931152 __fractal_NN_1 (mathematics) a geometric pattern that is repeated at every scale and so cannot be represented by classical geometry -04044716 __radio_telescope_NN_1 astronomical telescope that picks up electromagnetic radiations in the radio-frequency range from extraterrestrial sources -06936149 __thai_NN_2 a branch of the Tai languages -07350192 __repercussion_NN_2 a movement back from an impact -01611067 __noxious_JJ_1 injurious to physical or mental health; "noxious chemical wastes"; "noxious ideas" -02215161 __sphecoid_wasp_NN_1 any of various solitary wasps -00960851 __stand_NN_12 a defensive effort; "the army made a final stand at the Rhone" -09438554 __snake_river_NN_1 a tributary of the Columbia River that rises in Wyoming and flows westward; discovered in 1805 by the Lewis and Clark Expedition -05004294 __clumsiness_NN_2 the carriage of someone whose movements and posture are ungainly or inelegant -10482054 __promisor_NN_1 a person who makes a promise -04993882 __sourness_NN_2 the property of being acidic -01354405 __waterproof_VB_1 make watertight; "Waterproof the coat" -00990249 __harangue_VB_1 deliver a harangue to; address forcefully -09810707 __incendiary_NN_1 a criminal who illegally sets fire to property -12564381 __psoralea_NN_1 widely distributed genus of herbs or shrubs with glandular compound leaves and spicate or racemose purple or white flowers -00316989 __connexion_NN_5 shifting from one form of transportation to another; "the plane was late and he missed his connection in Atlanta" -06003682 __pure_mathematics_NN_1 the branches of mathematics that study and develop the principles of mathematics for their own sake rather than for their immediate usefulness -03562126 __imitation_NN_2 something copied or derived from an original -02063988 __huddle_VB_2 crouch or curl up; "They huddled outside in the rain" -12508077 __genus_astragalus_NN_1 large genus of annual or perennial herbs or shrubs of north temperate regions; largest genus in the family Leguminosae -00687738 __discredit_VB_1 cause to be distrusted or disbelieved; "The paper discredited the politician with its nasty commentary" -04271891 __spectacle_NN_2 an elaborate and remarkable display on a lavish scale -09244972 __cimarron_river_NN_1 a river that rises in northeastern New Mexico and flows eastward into Oklahoma where it becomes a tributary of the Arkansas River -01159025 __stabilization_NN_1 the act of stabilizing something or making it more stable; "he worked for price stabilization for farm products"; "wage stabilization is necessary for industrial peace"; "stabilization means that the product can be handled under atmospheric conditions" -01269008 __varnish_VB_1 cover with varnish -01951107 __tethys_NN_2 type genus of the family Aplysiidae -01965806 __vault_VB_2 bound vigorously -01984902 __sit_down_VB_1 take a seat -11125840 __lemmon_NN_1 United States film actor (1925-2001) -00237511 __concentrate_VB_1 make denser, stronger, or purer; "concentrate juice" -00445351 __rowing_NN_1 the act of rowing as a sport -01902405 __skitter_VB_1 to move about or proceed hurriedly; "so terrified by the extraordinary ebbing of the sea that they scurried to higher ground" -01112364 __score_VB_6 get a certain number or letter indicating quality or performance; "She scored high on the SAT"; "He scored a 200" -06355894 __computer_code_NN_1 (computer science) the symbolic arrangement of data or instructions in a computer program or the set of such instructions -09422294 __san_fernando_valley_NN_1 a fertile valley in southern California to the north of Los Angeles; includes many residential communities -02333546 __rattus_norvegicus_NN_1 common domestic rat; serious pest worldwide -01516534 __ram_VB_2 force into or from an action or state, either physically or metaphorically; "She rammed her mind into focus"; "He drives me mad" -13630864 __exbibyte_NN_1 a unit of information equal to 1024 pebibytes or 2^60 bytes -00695300 __sedation_NN_2 the administration of a sedative agent or drug -00812526 __hold_NN_1 the act of grasping; "he released his clasp on my arm"; "he has a strong grip for an old man"; "she kept a firm hold on the railing" -00546646 __concise_JJ_1 expressing much in few words; "a concise explanation" -01518718 __struthio_NN_1 type genus of the Struthionidae: African ostriches -00014201 __shudder_VB_1 shake, as from cold; "The children are shivering--turn on the heat!" -14147627 __pneumonia_NN_1 respiratory disease characterized by inflammation of the lung parenchyma (excluding the bronchi) with congestion caused by viruses or bacteria or irritants -01595596 __unnatural_JJ_2 not normal; not typical or usual or regular or conforming to a norm; "abnormal powers of concentration"; "abnormal amounts of rain"; "abnormal circumstances"; "an abnormal interest in food" -12409016 __genus_celtis_NN_1 large genus of trees and shrubs with berrylike fruit -02382367 __step_down_VB_1 give up or retire from a position; "The Secretary of the Navy will leave office next month"; "The chairman resigned over the financial scandal" -01017001 __proclaim_VB_3 affirm or declare as an attribute or quality of; "The speech predicated the fitness of the candidate to be President" -05140793 __tinker's_damn_NN_1 something of little value; "his promise is not worth a damn"; "not worth one red cent"; "not worth shucks" -03695122 __pressure_feed_NN_1 mechanical system of lubricating internal combustion engines in which a pump forces oil into the engine bearings -13716084 __avoirdupois_unit_NN_1 any of the units of the avoirdupois system of weights -01589217 __ignoble_JJ_1 completely lacking nobility in character or quality or purpose; "something cowardly and ignoble in his attitude"; "I think it a less evil that some criminals should escape than that the government should play an ignoble part"- Oliver Wendell Holmes, Jr. -01885239 __surge_VB_4 rise or heave upward under the influence of a natural force such as a wave; "the boats surged" -06784639 __teaser_NN_4 a particularly baffling problem that is said to have a correct solution; "he loved to solve chessmate puzzles"; "that's a real puzzler" -10418735 __sweater_NN_2 a person who perspires -04996355 __unpalatableness_NN_1 the property of being unacceptable to the mouth -00195569 __variegation_NN_2 the act of introducing variety (especially in investments or in the variety of goods and services offered); "my broker recommended a greater diversification of my investments"; "he limited his losses by diversification of his product line" -01545883 __rest_VB_1 not move; be in a resting position -02356420 __fuel_VB_2 provide with fuel; "Oil fires the furnace" -08566707 __end_NN_7 the surface at either extremity of a three-dimensional object; "one end of the box was marked `This side up'" -00217152 __flood_VB_2 cover with liquid, usually water; "The swollen river flooded the village"; "The broken vein had flooded blood in her eyes" -01180701 __plank_VB_3 cook and serve on a plank; "Planked vegetable"; "Planked shad" -02221959 __change_owners_VB_1 be transferred to another owner; "This restaurant changed hands twice last year" -11791155 __genus_philodendron_NN_1 any of several tropical American climbing plants with smooth shiny evergreen leaves -01934207 __phylum_annelida_NN_1 segmented worms: earthworms; lugworms; leeches -00281101 __discolour_VB_1 change color, often in an undesired manner; "The shirts discolored" -07255174 __prohibition_NN_4 refusal to approve or assent to -12449296 __quamash_NN_1 any of several plants of the genus Camassia; North and South America -15161284 __major_fast_day_NN_1 one of two major fast days on the Jewish calendar -00067999 __transude_VB_1 release (a liquid) in drops or small quantities; "exude sweat through the pores" -01583040 __psychoneurotic_JJ_1 affected with emotional disorder -02423465 __genus_antidorcas_NN_1 springboks -11793252 __xanthosoma_NN_1 tropical American tuberous perennials -01932482 __helm_VB_1 be at or take the helm of; "helm the ship" -05546383 __zygomatic_process_NN_1 a slender process of the temporal bone that strengthens the zygomatic arch -11814440 __saponaria_NN_1 mostly perennial Old World herbs -09682803 __islamist_NN_2 an orthodox Muslim -13005568 __genus_coprinus_NN_1 genus of black-spotted agarics in which the cap breaks down at maturity into an inky fluid; sometimes placed in its own family Coprinaceae -05274959 __innominate_bone_NN_1 large flaring bone forming one half of the pelvis; made up of the ilium and ischium and pubis -01580050 __necessary_JJ_1 absolutely essential -13803782 __inflexion_NN_1 a change in the form of a word (usually by adding a suffix) to indicate a change in its grammatical function -00478830 __wipe_out_VB_5 mark for deletion, rub off, or erase; "kill these lines in the President's speech" -02601921 __white_mullet_NN_1 silvery mullet of Atlantic and Pacific coasts -00843325 __swilling_NN_1 the drinking of large mouthfuls rapidly -12907287 __nicotiana_NN_1 American and Asiatic aromatic herbs and shrubs with viscid foliage -11849467 __sacred_mushroom_NN_1 the button-shaped top of the mescal cactus; a source of psilocybin -04598010 __wooden_spoon_NN_1 a booby prize consisting of a spoon made of wood -05615258 __road_sense_NN_1 good judgment in avoiding trouble or accidents on the road -12910141 __physalis_NN_1 ground cherries -02461830 __scaly_anteater_NN_1 toothless mammal of southern Africa and Asia having a body covered with horny scales and a long snout for feeding on ants and termites -12571194 __spartium_NN_1 one species: Spanish broom -13644522 __watt_NN_1 a unit of power equal to 1 joule per second; the power dissipated by a current of 1 ampere flowing across a resistance of 1 ohm -07713395 __cruciferous_vegetable_NN_1 a vegetable of the mustard family: especially mustard greens; various cabbages; broccoli; cauliflower; brussels sprouts -02338592 __sigmodon_NN_1 American cotton rats -08726745 __luta_NN_1 an industrial conurbation in northeastern China on the southern end of the Liaodong Peninsula; it now includes the cities of Dalian and Lushun -11399866 __wycliffe_NN_1 English theologian whose objections to Roman Catholic doctrine anticipated the Protestant Reformation (1328-1384) -07123870 __snort_NN_2 a cry or noise made to express displeasure or contempt -00617095 __receive_VB_13 regard favorably or with disapproval; "Her new collection of poems was not well received" -02005790 __ibis_NN_1 wading birds of warm regions having long slender down-curved bills -02218759 __computerize_VB_2 store in a computer; "computerized dictionary" -12923439 __genus_codiaeum_NN_1 evergreen tropical trees and shrubs with thick and colorful leathery leaves; Malaya and Pacific islands -01669527 __genus_chrysemys_NN_1 painted turtles -06764751 __photo_credit_NN_1 a note acknowledging the source of a published photograph -02286815 __geometridae_NN_1 measuring worms -04250026 __snipping_NN_1 a small piece of anything (especially a piece that has been snipped off) -14678230 __heavy_spar_NN_1 a white or colorless mineral (BaSO4); the main source of barium -10141364 __syntactician_NN_1 a linguist who specializes in the study of grammar and syntax -01877204 __fluctuate_VB_1 cause to fluctuate or move in a wavelike pattern -07301336 __accident_NN_1 an unfortunate mishap; especially one causing damage or injury -02380251 __retire_VB_6 make (someone) retire; "The director was retired after the scandal" -10235024 __world-beater_NN_1 a competitor who holds a preeminent position -00168911 __flit_NN_2 a secret move (to avoid paying debts); "they did a moonlight flit" -03704038 __powder_store_NN_1 a storehouse (as a compartment on a warship) where weapons and ammunition are stored -00915265 __vociferate_VB_1 utter in a very loud voice; "They vociferated their demands" -00629597 __pull-up_NN_2 an arm exercise performed by pulling yourself up on a horizontal bar until your chin is level with the bar -13063269 __rust_fungus_NN_1 any of various fungi causing rust disease in plants -08856037 __natal_NN_2 a port city in northeastern Brazil -01653975 __pipa_NN_1 type genus of the Pipidae -08244747 __youth_gang_NN_1 a gang whose members are teenagers -00889555 __undertake_VB_3 promise to do or accomplish; "guarantee to free the prisoners" -01588297 __rope_off_VB_1 divide by means of a rope; "The police roped off the area where the crime occurred" -05642815 __sleight_NN_1 adroitness in using the hands -06461830 __sura_NN_1 one of the sections (or chapters) in the Koran; "the Quran is divided in 114 suras" -00119266 __speciate_VB_1 evolve so as to lead to a new species or develop in a way most suited to the environment -00843468 __charge_VB_2 blame for, make a claim of wrongdoing or misbehavior against; "he charged the director with indifference" -14245405 __rhabdosarcoma_NN_1 a highly malignant neoplasm derived from striated muscle -12459048 __hyacinthoides_NN_1 small genus of perennial bulbs of western Europe and North Africa; sometimes placed in family Hyacinthaceae -09825096 __authorizer_NN_1 an authority who authorizes (people or actions); "the agents report back to their authorizers" -11044168 __hepworth_NN_1 British sculptor (1902-1975) -00114095 __jostling_NN_1 the act of jostling (forcing your way by pushing) -01886220 __subclass_eutheria_NN_1 all mammals except monotremes and marsupials -08996871 __sierra_leone_NN_1 a republic in West Africa; achieved independence from the United Kingdom in 1961 -02766534 __stroller_NN_2 a small vehicle with four wheels in which a baby or child is pushed around -12583126 __fan_palm_NN_1 palm having palmate or fan-shaped leaves -01786906 __infuriate_VB_1 make furious -12096223 __samolus_NN_1 genus of herbs usually growing in salt marshes: water pimpernels -00344042 __roll_around_VB_1 happen regularly; "Christmas rolled around again" -01518170 __superorder_ratitae_NN_1 used in former classifications to include all ratite bird orders -09908025 __lad_NN_1 a boy or man; "that chap is your host"; "there's a fellow at the door"; "he's a likable cuss"; "he's a good bloke" -06103270 __atomic_theory_NN_1 a theory of the structure of the atom -13054211 __family_boletaceae_NN_1 family of fleshy fungi having the germ pores easily separating from the cup and often from each other -13624026 __dl_NN_1 a metric unit of volume equal to one tenth of a liter -02860063 __cork_NN_5 a small float usually made of cork; attached to a fishing line -07386370 __knocking_NN_1 the sound of knocking (as on a door or in an engine or bearing); "the knocking grew louder" -10309785 __mercer_NN_1 a dealer in textiles (especially silks) -03111690 __correctional_institution_NN_1 a penal institution maintained by the government -02875233 __drill_hole_NN_1 a hole or passage made by a drill; usually made for exploratory purposes -09917214 __chief_of_staff_NN_1 the senior officer of a service of the armed forces -01627424 __amphibian_NN_3 cold-blooded vertebrate typically living on land but breeding in water; aquatic larvae undergo metamorphosis into adult form -01549291 __immoral_JJ_1 deliberately violating accepted principles of right and wrong -01548193 __moral_JJ_1 concerned with principles of right and wrong or conforming to standards of behavior and character based on those principles; "moral sense"; "a moral scrutiny"; "a moral lesson"; "a moral quandary"; "moral convictions"; "a moral life" -00882802 __remember_VB_5 mention favorably, as in prayer; "remember me in your prayers" -13534098 __peptization_NN_1 the process of converting to a sol; bringing to a colloidal solution -01419332 __polymastigote_NN_1 flagellates with several flagella -03320519 __masquerade_costume_NN_1 a costume worn as a disguise at a masquerade party -01546349 __polyvalent_JJ_2 having more than one valence, or having a valence of 3 or higher -02070679 __stream_VB_1 to extend, wave or float outward, as if in the wind; "their manes streamed like stiff black pennants in the wind" -00777324 __raid_NN_2 an attempt by speculators to defraud investors -10084635 __women's_rightist_NN_1 a supporter of feminism -00299580 __adapt_VB_1 make fit for, or change to suit a new purpose; "Adapt our native cuisine to the available food resources of the new country" -01058049 __infant_feeding_NN_1 feeding an infant -11972569 __gnaphalium_NN_1 large widely distributed genus of coarse hairy herbs with whitish involucres -12913645 __solandra_NN_1 shrubby climbers of tropical America -04539876 __volatile_storage_NN_1 computer storage that is erased when the power is turned off -07568095 __indian_meal_NN_1 coarsely ground corn -00280930 __lighten_up_VB_4 become lighter; "The room lightened up" -02465145 __cosign_VB_1 sign jointly; "Husband and wife co-signed the lease" -01542252 __molecular_JJ_2 relating to simple or elementary organization; "proceed by more and more detailed analysis to the molecular facts of perception"--G.A. Miller -14004958 __tremolo_NN_1 (music) a tremulous effect produced by rapid repetition of a single tone or rapid alternation of two tones -00134136 __etiolate_VB_2 bleach and alter the natural development of (a green plant) by excluding sunlight -00647929 __survey_VB_5 make a survey of; for statistical purposes -14649197 __phosphorus_NN_1 a multivalent nonmetallic element of the nitrogen family that occurs commonly in inorganic phosphate rocks and as organic phosphates in all living cells; is highly reactive and occurs in several allotropic forms -03035510 __cistern_NN_3 an artificial reservoir for storing liquids; especially an underground tank for storing rainwater -05007280 __sexual_characteristic_NN_1 those characteristics (both anatomical and psychological) that are strongly associated with one sex relative to the other -01932834 __stand_out_VB_3 steer away from shore, of ships -00396880 __alloy_VB_2 make an alloy of -13757724 __large_indefinite_quantity_NN_1 an indefinite quantity that is above the average in size or magnitude -02950256 __cannon_NN_1 a large artillery gun that is usually on wheels -03433247 __gene_chip_NN_1 a microchip that holds DNA probes that form half of the DNA double helix and can recognize DNA from samples being tested -14632129 __bromine_NN_1 a nonmetallic heavy volatile corrosive dark brown liquid element belonging to the halogens; found in sea water -00923802 __industrialization_NN_1 the development of industry on an extensive scale -01127795 __defend_VB_2 be on the defensive; act against an attack -00920929 __refract_VB_2 determine the refracting power of (a lens) -03191029 __die_NN_1 a small cube with 1 to 6 spots on the six faces; used in gambling to generate random numbers -02618468 __amphitheatrical_JJ_1 of or related to an amphitheater -05317960 __uvea_NN_1 the part of the eye that contains the iris and ciliary body and choroid -01533120 __immoderate_JJ_1 beyond reasonable limits; "immoderate laughter"; "immoderate spending" -12979129 __synchytrium_NN_1 simple parasitic fungi including pond scum parasites -06510977 __text_file_NN_1 (computer science) a computer file that contains text (and possibly formatting instructions) using seven-bit ASCII characters -14856893 __sewerage_NN_1 waste matter carried away in sewers or drains -01876180 __peramelidae_NN_1 bandicoots -03886053 __panzer_NN_1 an armored vehicle or tank -01451842 __fly_VB_4 transport by aeroplane; "We fly flowers from the Caribbean to North America" -01678657 __zebra-tailed_lizard_NN_1 swift lizard with long black-banded tail and long legs; of deserts of United States and Mexico -10580030 __separatist_NN_1 an advocate of secession or separation from a larger group (such as an established church or a national union) -00591519 __perceive_VB_2 become conscious of; "She finally perceived the futility of her protest" -02687385 __top_VB_4 be ahead of others; be the first; "she topped her class every year" -02398386 __genus_hippopotamus_NN_1 type genus of the Hippopotamidae -01801498 __humanize_VB_1 make more humane; "The mayor tried to humanize life in the big city" -09886220 __hound_NN_2 someone who is morally reprehensible; "you dirty dog" -05570129 __gluteus_muscle_NN_1 any one of three large skeletal muscles that form the buttock and move the thigh -09255207 __continental_shelf_NN_1 the relatively shallow (up to 200 meters) seabed surrounding a continent -01131043 __evil_JJ_1 morally bad or wrong; "evil purposes"; "an evil influence"; "evil deeds" -00750405 __plagiarization_NN_1 the act of plagiarizing; taking someone's words or ideas as if they were your own -04079244 __residence_NN_2 the official house or establishment of an important person (as a sovereign or president); "he refused to live in the governor's residence" -02546477 __trachipterus_NN_1 type genus of the Trachipteridae -10839791 __william_maxwell_aitken_NN_1 British newspaper publisher and politician (born in Canada); confidant of Winston Churchill (1879-1964) -12615097 __vallisneria_NN_1 eelgrass; eel grass -00737188 __irregularity_NN_1 behavior that breaches the rule or etiquette or custom or morality -04227144 __study_NN_7 preliminary drawing for later elaboration; "he made several studies before starting to paint" -03491724 __hempen_necktie_NN_1 a rope that is used by a hangman to execute persons who have been condemned to death by hanging -01525116 __immobile_JJ_1 not capable of movement or of being moved -04096733 __roadbed_NN_1 a bed supporting a road -02629111 __cry_out_for_VB_1 need badly or desperately; "This question cries out for an answer" -01573515 __tear_VB_1 separate or cause to separate abruptly; "The rope snapped"; "tear the paper" -11692952 __ranunculales_NN_1 herbs, shrubs and trees: includes families Ranunculaceae; Annonaceae; Berberidaceae; Magnoliaceae; Menispermaceae; Myristicaceae; Nymphaeaceae; Lardizabalaceae; Lauraceae; Calycanthaceae; Ceratophyllaceae; Cercidiphyllaceae -04662951 __attentiveness_NN_3 the trait of being observant and paying attention -13471517 __effacement_NN_1 shortening of the uterine cervix and thinning of its walls as it is dilated during labor -10111903 __mendicant_NN_1 a male member of a religious order that originally relied solely on alms -15005386 __retinene_NN_1 either of two yellow to red retinal pigments formed from rhodopsin by the action of light -02174153 __subfamily_melolonthidae_NN_1 considered a separate family in some classification systems -02623529 __become_VB_3 come into existence; "What becomes has duration" of or related to or characteristic of plants that are angiosperms -00814850 __refute_VB_1 overthrow by argument, evidence, or proof; "The speaker refuted his opponent's arguments" -13424643 __acclimatization_NN_1 adaptation to a new climate (a new temperature or altitude or environment) -00476389 __cricket_NN_2 a game played with a ball and bat by two teams of 11 players; teams take turns trying to score runs -02424909 __tragelaphus_angasi_NN_1 spiral-horned South African antelope with a fringe of white hairs along back and neck -08454003 __law_of_nations_NN_1 the body of laws governing relations between nations -07908411 __absinthe_NN_2 strong green liqueur flavored with wormwood and anise -08272352 __echelon_NN_1 a body of troops arranged in a line -03814906 __necklace_NN_1 jewelry consisting of a cord or chain (often bearing gems) worn about the neck as an ornament (especially by women) -07553301 __sympathy_NN_2 sharing the feelings of others (especially feelings of sorrow or anguish) -00711523 __still_hunt_NN_1 a hunt for game carried on by following it stealthily or waiting in ambush -00654625 __sort_out_VB_1 arrange or order by classes or categories; "How would you classify these pottery shards--are they prehistoric?" -04929422 __idiom_NN_3 the style of a particular artist or school or movement; "an imaginative orchestral idiom" -11357332 __urban_viii_NN_1 Italian pope from 1623 to 1644 who sanctioned the condemnation of Galileo but later freed him (1568-1644) -03075191 __persian_JJ_1 of or relating to Iran or its people or language or culture; "Iranian mountains"; "Iranian security police" -04910135 __personal_manner_NN_1 a way of acting or behaving -13424865 __accumulation_NN_1 an increase by natural growth or addition -00879271 __review_NN_10 a formal or official examination; "the platoon stood ready for review"; "we had to wait for the inspection before we could use the elevator" -06170025 __prosody_NN_3 the study of poetic meter and the art of versification -02166567 __hippodamia_convergens_NN_1 a variety of ladybug -00226107 __spasm_NN_2 (pathology) sudden constriction of a hollow organ (as a blood vessel) -00357332 __spud_VB_2 produce buds, branches, or germinate; "the potatoes sprouted" -06312966 __grammatical_constituent_NN_1 (grammar) a word or phrase or clause forming part of a larger grammatical construction -03579137 __interferon_NN_1 an antiviral protein produced by cells that have been invaded by a virus; inhibits replication of the virus -14145911 __bronchial_asthma_NN_1 respiratory disorder characterized by wheezing; usually of allergic origin -00213186 __handover_NN_1 act of relinquishing property or authority etc; "the handover of occupied territory" -12188289 __tulipwood_tree_NN_1 any of various trees yielding variously colored woods similar to true tulipwood -07041451 __duo_NN_4 a musical composition for two performers -02341974 __water_vole_NN_1 common large Eurasian vole -10146927 __welcomer_NN_1 a person who greets; "the newcomers were met by smiling greeters" -14060929 __malocclusion_NN_1 (dentistry) a condition in which the opposing teeth do not mesh normally -03354350 __trimmings_NN_1 the accessories that normally accompany (something or some activity); "an elaborate formal dinner with all the fixings"; "he bought a Christmas tree and trimmings to decorate it" -02316038 __echinoderm_family_NN_1 a family of echinoderms -04629958 __stone_NN_13 a lack of feeling or expression or movement; "he must have a heart of stone"; "her face was as hard as stone" -04159058 __stamp_NN_9 a device incised to make an impression; used to secure a closing or to authenticate documents -00854904 __take_in_VB_2 fool or hoax; "The immigrant was duped because he trusted everyone"; "You can't fool me!" -12594989 __raffia_ruffia_NN_1 a large feather palm of Africa and Madagascar having very long pinnatisect fronds yielding a strong commercially important fiber from its leafstalks -05348884 __labial_artery_NN_1 an artery that is a branch of the facial artery that supplies the lips of the mouth -03542333 __hotel_NN_1 a building where travelers can pay for lodging and meals and other services -14320394 __congestion_NN_1 excessive accumulation of blood or other fluid in a body part -01509527 __intense_JJ_1 possessing or displaying a distinctive feature to a heightened degree; "intense heat"; "intense anxiety"; "intense desire"; "intense emotion"; "the skunk's intense acrid odor"; "intense pain"; "enemy fire was intense" -06261060 __lens_NN_3 (metaphor) a channel through which something can be seen or understood; "the writer is the lens through which history can be seen" -01552523 __furnariidae_NN_1 e.g. ovenbirds -01366015 __family_corynebacteriaceae_NN_1 a large family of mostly Gram-positive and aerobic and nonmotile rod-shaped bacteria of the order Eubacteriales -09621232 __native_NN_2 a person born in a particular place or country; "he is a native of Brazil" -01733757 __bull_snake_NN_1 any of several large harmless rodent-eating North American burrowing snakes -13753067 __quadrillion_NN_1 the number that is represented as a one followed by 24 zeros; "in England they call a septillion a quadrillion" -00233795 __inactivation_NN_2 breaking up a military unit (by transfers or discharges) -01507134 __merciful_JJ_1 showing or giving mercy; "sought merciful treatment for the captives"; "a merciful god" -00735832 __malversation_NN_1 misconduct in public office -08415661 __spearhead_NN_2 the leading military unit in an attack -08019281 __continuity_irish_republican_army_NN_1 a terrorist organization formed in Ireland in 1994 as a clandestine armed wing of Sinn Fein -01042725 __hoot_VB_1 to utter a loud clamorous shout; "the toughs and blades of the city hoot and bang their drums, drink arak, play dice, and dance" -13328853 __write-off_NN_1 (accounting) reduction in the book value of an asset -02698769 __alpha_blocker_NN_1 any of various drugs that block alpha-adrenergic receptors; used in treating benign prostatic hyperplasia; relaxes the muscles of the prostate and bladder -02873839 __stall_NN_2 small area set off by walls for special use -00794079 __stimulate_VB_7 provide the needed stimulus for -02286027 __feel_VB_11 find by testing or cautious exploration; "He felt his way around the dark room" -00548781 __prolix_JJ_1 tediously prolonged or tending to speak or write at great length; "editing a prolix manuscript"; "a prolix lecturer telling you more than you want to know" -06008382 __coordinate_geometry_NN_1 the use of algebra to study geometric properties; operates on symbols defined in a coordinate system -00295346 __tune_up_VB_2 adjust the pitches of (musical instruments); "My piano needs to be tuned" -12646397 __prunus_ilicifolia_NN_1 California evergreen wild plum with spiny leathery leaves and white flowers -01749790 __etch_VB_3 carve or cut into a block used for printing or print from such a block; "engrave a letter" -00733632 __array_VB_2 align oneself with a group or a way of thinking very desirable; "a plummy leading role" -01542207 __splatter_VB_1 cause or allow (a liquid substance) to run or flow from a container; "spill the milk"; "splatter water" -08977665 __rawalpindi_NN_1 an ancient city in northeastern Pakistan; served as capital of Pakistan while Islamabad was being built -15169421 __twilight_NN_1 the time of day immediately following sunset; "he loved the twilight"; "they finished before the fall of night" -04181228 __trammel_NN_4 a restraint that confines or restricts freedom (especially something used to tie down or restrain a prisoner) -02557591 __pike_perch_NN_1 any of several pike-like fishes of the perch family -02804610 __bassoon_NN_1 a double-reed instrument; the tenor of the oboe family -00479734 __fives_NN_1 a game resembling handball; played on a court with a front wall and two side walls -03295140 __erection_NN_2 a structure that has been erected -01538955 __honeycreeper_NN_2 small bright-colored tropical American songbird with a curved bill for sucking nectar -02277663 __mug_VB_1 rob at gunpoint or with the threat of violence; "I was mugged in the streets of New York last night" -01493897 __unripened_JJ_1 not fully developed or mature; not ripe; "unripe fruit"; "fried green tomatoes"; "green wood" -01141160 __devolvement_NN_1 the delegation of authority (especially from a central to a regional government) -01013604 __stratification_NN_1 the act or process or arranging persons into classes or social strata -10531445 __ringer_NN_3 a contestant entered in a competition under false pretenses -07598734 __hard_candy_NN_1 candy that is brittle; "you can break a tooth on that hard candy" -00958896 __struggle_NN_2 an open clash between two opposing groups (or individuals); "the harder the conflict the more glorious the triumph"--Thomas Paine; "police tried to control the battle between the pro- and anti-abortion mobs" -08852389 __republic_of_botswana_NN_1 a landlocked republic in south-central Africa that became independent from British control in the 1960s -06284225 __linguistic_unit_NN_1 one of the natural units into which linguistic messages can be analyzed -00788184 __question_VB_2 pose a series of questions to; "The suspect was questioned by the police"; "We questioned the survivor about the details of the explosion" -02063018 __incline_VB_3 lower or bend (the head or upper body), as in a nod or bow; "She inclined her head to the student" -10989610 __mrs._gandhi_NN_1 daughter of Nehru who served as prime minister of India from 1966 to 1977 (1917-1984) -13752679 __trillion_NN_2 the number that is represented as a one followed by 18 zeros; "in England they call a quintillion a trillion" -13802098 __optative_mood_NN_1 a mood (as in Greek or Sanskrit) that expresses a wish or hope; expressed in English by modal verbs -06406317 __inscription_NN_2 a short message (as in a book or musical work or on a photograph) dedicating it to someone or something -07330828 __disintegration_NN_5 total destruction; "bomb tests resulted in the annihilation of the atoll" -12676703 __trumpet_vine_NN_2 evergreen North American honeysuckle vine having coral-red or orange flowers -13950440 __transcendency_NN_2 the state of excelling or surpassing or going beyond usual limits -09483340 __zhu_jiang_NN_1 a river in southeast China that flows into the South China Sea -00275088 __weather_VB_4 change under the action or influence of the weather; "A weathered old hut" -01949218 __ferry_VB_3 travel by ferry -11456462 __temperateness_NN_1 moderate weather; suitable for outdoor activities -01488245 __mature_JJ_3 having reached full natural growth or development; "a mature cell" -00372013 __accumulation_NN_3 the act of accumulating -00145147 __round_out_VB_4 make round; "round the edges" -10434160 __pinch_hitter_NN_1 (baseball) a substitute for the regular batter -11940599 __tickseed_sunflower_NN_1 North American bur marigold with large flowers -07356676 __increase_NN_2 a change resulting in an increase; "the increase is scheduled for next month" -13911517 __enclosed_space_NN_1 space that is surrounded by something -01488539 __family_carcharhinidae_NN_1 largest family of living sharks; found worldwide especially in tropical waters; dorsal fin lacks spines: requiem sharks including tiger sharks and soupfin sharks -05392744 __chamber_NN_2 an enclosed volume in the body; "the chambers of his heart were healthy" -03648804 __laurel_wreath_NN_2 (antiquity) a wreath of laurel foliage worn on the head as an emblem of victory -01995803 __order_notostraca_NN_1 small freshwater crustaceans with a shield-shaped carapace -10658304 __stockist_NN_1 one (as a retailer or distributor) that stocks goods -01569566 __set_up_VB_9 North American warbler having a black-and-white head set up for use; "install the washer and dryer"; "We put in a new sink" -10263411 __lineman_NN_1 one of the players on the line of scrimmage -01484987 __womanly_JJ_1 befitting or characteristic of a woman especially a mature woman; "womanly virtues of gentleness and compassion" -01901133 __stumble_VB_1 walk unsteadily; "The drunk man stumbled about" -06888345 __viewing_NN_1 the display of a motion picture -09993252 __trailer_NN_1 someone who takes more time than necessary; someone who lags behind -09353437 __meuse_river_NN_1 a European river; flows into the North Sea -01483324 __masculine_JJ_2 associated with men and not with women -13177529 __staghorn_fern_NN_1 any of various tropical ferns of the genus Platycerium having large flat lobed fronds often resembling the antlers of a stag -12974457 __family_entomophthoraceae_NN_1 mostly parasitic lower fungi that typically develop in the bodies of insects -07163988 __intimation_NN_1 an indirect suggestion; "not a breath of scandal ever touched her" -06718543 __slur_NN_2 a disparaging remark; "in the 19th century any reference to female sexuality was considered a vile aspersion"; "it is difficult for a woman to understand a man's sensitivity to any slur on his virility" -07197021 __test_NN_3 a set of questions or exercises evaluating skill or knowledge; "when the test was stolen the professor had to make a new set of questions" -06920756 __hokan_NN_1 a family of Amerindian languages spoken in California -03711145 __main_NN_2 a principal pipe in a system that distributes water or gas or electricity or that collects sewage -01770501 __upset_VB_3 move deeply; "This book upset me"; "A troubling thought" -01755389 __shimmy_VB_2 dance a shimmy -00688377 __trust_VB_1 have confidence or faith in; "We can trust in God"; "Rely on your friends"; "bank on your good education"; "I swear by my grandmother's recipes" -14138691 __plague_NN_1 a serious (sometimes fatal) infection of rodents caused by Yersinia pestis and accidentally transmitted to humans by the bite of a flea that has bitten an infected animal -06712325 __sermon_NN_2 a moralistic rebuke; "your preaching is wasted on him" -08790495 __peloponnesus_NN_1 the southern peninsula of Greece; dominated by Sparta until the 4th century BC -04889337 __exclusiveness_NN_1 tendency to associate with only a select group -00364260 __rise_NN_10 increase in price or value; "the news caused a general advance on the stock market" -06778102 __laugh_NN_3 a humorous anecdote or remark intended to provoke laughter; "he told a very funny joke"; "he knows a million gags"; "thanks for the laugh"; "he laughed unpleasantly at his own jest"; "even a schoolboy's jape is supposed to have some ascertainable point" -03667380 __lighting_fixture_NN_1 a fixture providing artificial light -01521124 __tangle_VB_2 tangle or complicate; "a ravelled story" -10105733 __forward_NN_1 the person who plays the position of forward in certain games, such as basketball, soccer, or hockey -14505821 __anomaly_NN_1 deviation from the normal or common order or form or rule -02461701 __manis_NN_1 type genus of the Manidae -02782093 __balloon_NN_1 large tough nonrigid bag filled with gas or heated air -02695520 __radiolocate_VB_1 locate by means of radar; "The pilot managed to radiolocate the lost aircraft" -02144110 __rhinonicteris_NN_1 orange horseshoe bats -00990812 __direct_VB_12 put an address on (an envelope) -00130347 __strikeout_NN_1 an out resulting from the batter getting three strikes -02590495 __sparid_fish_NN_1 spiny-finned food fishes of warm waters having well-developed teeth -13629132 __gigabit_NN_1 a unit of information equal to 1000 megabits or 10^9 (1,000,000,000) bits -01840238 __fly_VB_9 travel in an airplane; "she is flying to Cincinnati tonight"; "Are we driving or flying?" -01257145 __precession_NN_2 the act of preceding in time or order or rank (as in a ceremony) sexually exciting or gratifying; "sensual excesses"; "a sultry look"; "a sultry dance" -01475831 __manly_JJ_1 possessing qualities befitting a man -00120943 __snap_NN_13 (American football) putting the ball in play by passing it (between the legs) to a back; "the quarterback fumbled the snap" -09225943 __peat_bog_NN_1 wet spongy ground of decomposing vegetation; has poorer drainage than a swamp; soil is unfit for cultivation but can be cut and dried and used for fuel -08555883 __disk_space_NN_1 (computer science) the space available on a magnetic disk -05564323 __forearm_NN_1 the part of the superior limb between the elbow and the wrist -12959538 __mosquito_fern_NN_1 small free-floating aquatic fern from the eastern United States to tropical America; naturalized in western and southern Europe -02669789 __suffice_VB_1 be sufficient; be adequate, either in quality or quantity; "A few words would answer"; "This car suits my purpose well"; "Will $100 do?"; "A 'B' grade doesn't suffice to get me into medical school"; "Nothing else will serve" -01474513 __manageable_JJ_1 capable of being managed or controlled -03362890 __fleur-de-lys_NN_1 (heraldry) charge consisting of a conventionalized representation of an iris -00366020 __sublime_VB_2 change or cause to change directly from a solid into a vapor without first melting; "sublime iodine"; "some salts sublime when heated" -13745270 __niner_NN_1 the cardinal number that is the sum of eight and one -02426171 __open_up_VB_5 start to operate or function or cause to start operating or functioning; "open a business" -11854479 __zygocactus_truncatus_NN_1 South American jointed cactus with usually red flowers; often cultivated as a houseplant; sometimes classified as genus Schlumbergera -02081060 __hooded_seal_NN_1 medium-sized blackish-grey seal with large inflatable sac on the head; of Arctic and northern Atlantic waters -11820463 __stoneface_NN_1 any plant of the genus Lithops native to Africa having solitary yellow or white flowers and thick leaves that resemble stones -08730895 __taipei_NN_1 the capital of Nationalist China; located in northern Taiwan -11902595 __genus_argemone_NN_1 prickly poppies -03789603 __motley_NN_3 a multicolored woolen fabric woven of mixed threads in 14th to 17th century England -02057208 __genus_eudyptes_NN_1 rock hoppers -01458973 __separate_VB_5 divide into components or constituents; "Separate the wheat from the chaff" -01166351 __eat_VB_2 eat a meal; take a meal; "We did not eat until 10 P.M. because there were so many phone calls"; "I didn't eat yet, so I gladly accept your invitation" -02089420 __turn_over_VB_6 cause to move around a center so as to show another side of; "turn a page of a book" -00884011 __promise_VB_1 make a promise or commitment -11115131 __leonard_constant_lambert_NN_1 English composer and conductor (1905-1951) -01129337 __ward_VB_1 watch over or shield from danger or harm; protect; "guard my possessions while I'm away" -02053720 __phalacrocoracidae_NN_1 cormorants -00582145 __vivify_VB_2 make more striking or animated; "his remarks always vivify an otherwise dull story" -05159225 __strong_suit_NN_2 an asset of special worth or utility; "cooking is his forte" -00511041 __toot_NN_2 revelry in drinking; a merry drinking party -08980300 __philippines_NN_2 an archipelago in the southwestern Pacific including some 7000 islands -01938454 __medicinal_leech_NN_1 large European freshwater leech formerly used for bloodletting -01879379 __genus_dendrolagus_NN_1 tree wallabies -13365286 __sustenance_NN_2 the financial means whereby one lives; "each child was expected to pay for their keep"; "he applied to the state for support"; "he could no longer earn his own livelihood" -04451473 __tonic_NN_4 a medicine that strengthens and invigorates -08770932 __dresden_NN_1 a city in southeastern Germany on the Elbe River; it was almost totally destroyed by British air raids in 1945 -01896484 __break_dance_VB_1 do a break dance; "Kids were break-dancing at the street corner" -01517355 __incrust_VB_1 decorate or cover lavishly (as with gems) -02982599 __catch_NN_7 a fastener that fastens or locks a door or window -08229779 __hunt_club_NN_1 an association of huntsmen who hunt for sport -04976952 __skin_colour_NN_1 the coloring of a person's face -03326795 __felt_NN_1 a fabric made of compressed matted animal fibers -03701391 __machine_gun_NN_1 a rapidly firing automatic gun (often mounted) -01408297 __drag_a_bunt_VB_1 hit a ball in such a way so as to make it go a short distance -01524885 __suborder_passeres_NN_1 two names for the suborder of typical songbirds -01460421 __hateful_JJ_1 evoking or deserving hatred; "no vice is universally as hateful as ingratitude"- Joseph Priestly -01753788 __create_VB_2 bring into existence; "The company was created 25 years ago"; "He created a new movement in painting" -07187486 __jingoism_NN_1 an appeal intended to arouse patriotic emotions -09632518 __worker_NN_1 a person who works at a specific occupation; "he is a good worker" -14186738 __rheumatoid_arthritis_NN_1 a chronic autoimmune disease with inflammation of the joints and marked deformities; something (possibly a virus) triggers an attack on the synovium by the immune system, which releases cytokines that stimulate an inflammatory reaction that can lead to the destruction of all components of the joint -03282060 __embankment_NN_1 a long artificial mound of stone or earth; built to hold back water or to support a road or as protection -14359459 __singultus_NN_1 (usually plural) the state of having reflex spasms of the diaphragm accompanied by a rapid closure of the glottis producing an audible sound; sometimes a symptom of indigestion; "how do you cure the hiccups?" -11473954 __visible_radiation_NN_1 (physics) electromagnetic radiation that can produce a visual sensation; "the light was filtered through a soft glass window" -09437098 __slash_NN_2 an open tract of land in a forest that is strewn with debris from logging (or fire or wind) -08369406 __generation_NN_1 all the people living at the same time or of approximately the same age -01805247 __mope_VB_2 be apathetic, gloomy, or dazed -05428136 __omental_bursa_NN_1 an isolated part of the peritoneal cavity that is dorsal to the stomach -12639910 __prunus_domestica_insititia_NN_1 plum tree long cultivated for its edible fruit -06742173 __exposition_NN_3 an account that sets forth the meaning or intent of a writing or discourse; "we would have understood the play better if there had been some initial exposition of the background" -02336641 __wood_mouse_NN_1 any of various New World woodland mice -09900153 __cat_NN_3 a spiteful woman gossip; "what a cat she is!" -00511212 __saturnalia_NN_2 a wild gathering involving excessive drinking and promiscuity -13482330 __flow_NN_4 any uninterrupted stream or discharge -09022538 __taskent_NN_1 the capital of Uzbekistan -01696633 __crocodilian_reptile_NN_1 extant archosaurian reptile -05967977 __thaumaturgy_NN_1 any art that invokes supernatural powers -14625458 __metallic_element_NN_1 any of several chemical elements that are usually shiny solids that conduct heat or electricity and can be formed into sheets etc. -04934220 __texture_NN_5 the physical composition of something (especially with respect to the size and shape of the small constituents of a substance); "breadfruit has the same texture as bread"; "sand of a fine grain"; "fish with a delicate flavor and texture"; "a stone of coarse grain" -02559383 __pearlfish_NN_1 found living within the alimentary canals of e.g. sea cucumbers or between the shells of pearl oysters in or near shallow seagrass beds -00782072 __treason_NN_1 a crime that undermines the offender's government -03040836 __clearway_NN_1 a road on which you are not allowed to stop (unless you have a breakdown) -01051118 __waver_VB_7 give off unsteady sounds, alternating in amplitude or frequency -08765890 __sweden_NN_1 a Scandinavian kingdom in the eastern part of the Scandinavian Peninsula -13944914 __reinstatement_NN_1 the condition of being reinstated; "her reinstatement to her former office followed quickly" -00715868 __rule_VB_2 decide with authority; "The King decreed that all firstborn males should be killed" -05168261 __importance_NN_1 the quality of being important and worthy of note; "the importance of a well-balanced diet" -08914850 __kirkuk_NN_1 a city in northeastern Iraq; the center of a rich oilfield with pipelines to the Mediterranean -04473432 __transportation_system_NN_1 a facility consisting of the means and equipment necessary for the movement of passengers or goods -01488918 __requiem_shark_NN_1 any of numerous sharks from small relatively harmless bottom-dwellers to large dangerous oceanic and coastal species -09761753 __registered_representative_NN_1 someone in charge of a client's account for an advertising agency or brokerage or other service business -09901642 __caterer_NN_1 someone who provides food and service (as for a party) -14955030 __mordant_NN_1 a substance used to treat leather or other materials before dyeing; aids in dyeing process -00394563 __desynchronize_VB_1 cause to become desynchronized; cause to occur at unrelated times -03823540 __nick_NN_2 (British slang) a prison; "he's in the nick" -15129927 __time_NN_7 a reading of a point in time as given by a clock; "do you know what time it is?"; "the time is 10 o'clock" -00026734 __vegetate_VB_7 engage in passive relaxation; "After a hard day's work, I vegetate in front of the television" -00385501 __disunion_NN_1 the termination or destruction of union -05722427 __touch_sensation_NN_1 the sensation produced by pressure receptors in the skin; "she likes the touch of silk on her skin"; "the surface had a greasy feeling" -05839024 __variety_NN_5 a category of things distinguished by some common characteristic or quality; "sculpture is a form of art"; "what kinds of desserts are there?" -10304505 __packer_NN_2 a wholesaler in the meat-packing business -00694681 __justice_NN_2 judgment involved in the determination of rights and the assignment of rewards and punishments -15268094 __evening_NN_2 a later concluding time period; "it was the evening of the Roman Empire" -07214894 __giveaway_NN_2 an unintentional disclosure -06251781 __transmission_NN_2 communication by means of transmitted signals -07962295 __muckhill_NN_1 a heap of dung or refuse -01122736 __joust_VB_1 joust against somebody in a tournament by fighting on horseback -05476754 __peduncle_NN_3 a bundle of myelinated neurons joining different parts of the brain -02507464 __trouble_oneself_VB_1 take the trouble to do something; concern oneself; "He did not trouble to call his mother on her birthday"; "Don't bother, please" -04508949 __underwear_NN_1 undergarment worn next to the skin and under the outer garments -09639382 __circassian_NN_1 a member of the Sunni Muslim people living in northwestern Caucasia -05333259 __urinary_organ_NN_1 an organ that separates waste substances from the blood and discharges them -09048127 __east_coast_NN_1 the eastern seaboard of the United States (especially the strip between Boston and Washington D.C.) -02494866 __tupaiidae_NN_1 tree shrews; in some classifications tree shrews are considered prosimian primates -00172490 __stratagem_NN_1 a maneuver in a game or conversation -09188094 __admiralty_range_NN_1 mountains in Antarctica to the north of Victoria Land -00864226 __conditioned_response_NN_1 an acquired response that is under the control of (conditional on the occurrence of) a stimulus -12408717 __ulmus_serotina_NN_1 autumn-flowering elm of southeastern United States -03055159 __clutch_pedal_NN_1 a pedal or lever that engages or disengages a rotating shaft and a driving mechanism; "he smoothely released the clutch with one foot and stepped on the gas with the other" -12473405 __maianthemum_NN_1 sometimes placed in family Convallariaceae: false lily of the valley -14500047 __mussiness_NN_1 a state of confusion and disorderliness; "the house was a mess"; "she smoothed the mussiness of the bed" -15201505 __year_NN_3 the period of time that it takes for a planet (as, e.g., Earth or Mars) to make a complete revolution around the sun; "a Martian year takes 687 of our days" -05632272 __fancy_NN_2 a kind of imagination that was held by Coleridge to be more casual and superficial than true imagination -05668095 __code_of_conduct_NN_1 a set of conventional principles and expectations that are considered binding on any person who is a member of a particular group -03113835 __costume_NN_4 the attire characteristic of a country or a time or a social class; "he wore his national costume" -00633717 __overexertion_NN_1 excessive exertion; so much exertion that discomfort or injury results -01651972 __lay_VB_3 prepare or position for action or operation; "lay a fire"; "lay the foundation for a new health care plan" -09446115 __strait_NN_1 a narrow channel of the sea joining two larger bodies of water -12666159 __spring_cleavers_NN_1 annual having the stem beset with curved prickles; North America and Europe and Asia -01430111 __logical_JJ_1 capable of or reflecting the capability for correct and valid reasoning; "a logical mind" -01490336 __load_VB_2 provide (a device) with something necessary; "He loaded his gun carefully"; "load the camera" -08904858 __salem_NN_3 a city in southern India -02127100 __fumigate_VB_1 treat with fumes, expose to fumes, especially with the aim of disinfecting or eradicating pests -07466557 __field_event_NN_1 a competition that takes place on a field rather than on a running track -15271417 __lapse_NN_2 a break or intermission in the occurrence of something; "a lapse of three weeks between letters" -01104509 __cut_out_VB_5 intercept (a player) -09084750 __indiana_NN_1 a state in midwestern United States -00741272 __skulking_NN_1 evading duty or work by pretending to be incapacitated; "they developed a test to detect malingering" -00045114 __mitzvah_NN_2 (Judaism) a good deed performed out of religious duty -01905653 __pure_JJ_1 free of extraneous elements of any kind; "pure air and water"; "pure gold"; "pure primary colors"; "the violin's pure and lovely song"; "pure tones"; "pure oxygen" -10587227 __shearer_NN_2 a workman who uses shears to cut leather or metal or textiles -04973957 __yellowish_brown_NN_1 a medium to dark tan color -03485794 __hanky_NN_1 a square piece of cloth used for wiping the eyes or nose or as a costume accessory -04859177 __venturesomeness_NN_1 the trait of being adventurous -13412721 __paysheet_NN_2 a list of employees and their salaries; "the company had a long payroll" -01425336 __family_babesiidae_NN_1 piroplasms and cattle pathogens -01286038 __tie_up_VB_5 finish the last row -11780589 __genus_acorus_NN_1 sweet flags; sometimes placed in subfamily Acoraceae -00789391 __scuffle_NN_3 an unceremonious and disorganized struggle -07945657 __dead_NN_1 people who are no longer living; "they buried the dead" -02756821 __precipitate_VB_3 fall from clouds; "rain, snow and sleet were falling"; "Vesuvius precipitated its fiery, destructive rage on Herculaneum" -02633555 __genus_palometa_NN_1 a genus of Stromateidae -10409752 __remunerator_NN_1 a person who pays money for something -03363216 __landing_deck_NN_1 the upper deck of an aircraft carrier; used as a runway -03110669 __trumpet_NN_1 a brass musical instrument with a brilliant tone; has a narrow tube and a flared bell and is played by means of valves -01236941 __spang_VB_1 leap, jerk, bang; "Bullets spanged into the trees" -02021050 __unrhythmical_JJ_1 large gregarious crane-like bird of the forests of South America having glossy black plumage and a loud prolonged cry; easily domesticated not rhythmic; irregular in beat or accent -02014406 __genus_chunga_NN_1 a genus of Cariamidae -07733394 __okra_NN_3 long mucilaginous green pods; may be simmered or sauteed but used especially in soups and stews -07028964 __theme_song_NN_2 a melody that recurs and comes to represent a musical play or movie -01644245 __polypedates_NN_1 type genus of the Polypedatidae -03429914 __veiling_NN_1 a net of transparent fabric with a loose open weave -13022538 __hypha_NN_1 any of the threadlike filaments forming the mycelium of a fungus -02163746 __spy_VB_3 catch sight of; to perceive with the eyes; "he caught sight of the king's men coming over the ridge" -03501614 __head_NN_29 the striking part of a tool; "the head of the hammer" -04714440 __incompatibility_NN_3 the quality of being unable to exist or work in congenial combination -06937531 __austronesian_language_NN_1 the family of languages spoken in Australia and Formosa and Malaysia and Polynesia -03685307 __lodge_NN_5 any of various Native American dwellings -00211110 __windup_NN_1 a concluding action -03039947 __cleaning_implement_NN_1 any of a large class of implements used for cleaning -02718543 __discord_VB_1 be different from one another -01133825 __fire_VB_2 cause to go off; "fire a gun"; "fire a bullet" -15237044 __springtime_NN_1 the season of growth; "the emerging buds were a sure sign of spring"; "he will hold office until the spring of next year" -07407272 __runoff_NN_1 the occurrence of surplus liquid (as water) exceeding the limit or capacity -08358332 __rally_NN_1 a large gathering of people intended to arouse enthusiasm -02560823 __family_esocidae_NN_1 pikes; pickerels; muskellunges -09886540 __plebe_NN_1 a military trainee (as at a military academy) -02437905 __coordinate_VB_2 bring into common action, movement, or condition; "coordinate the painters, masons, and plumbers"; "coordinate his actions with that of his colleagues"; "coordinate our efforts" -00911327 __uneven_JJ_1 not even or uniform as e.g. in shape or texture; "an uneven color"; "uneven ground"; "uneven margins"; "wood with an uneven grain" -02376429 __pursue_VB_4 carry further or advance; "Can you act on this matter soon?" -02989313 __cefoperazone_NN_1 a parenteral cephalosporin (trade name Cefobid) used for severe infections -14966667 __oil_NN_1 a slippery or viscous liquid or liquefiable substance not miscible with water -07765208 __elderberry_NN_2 berrylike fruit of an elder used for e.g. wines and jellies -06584376 __supervisory_routine_NN_1 a routine that coordinates the operation of subroutines -01158690 __standardization_NN_2 the imposition of standards or regulations; "a committee was appointed to recommend terminological standardization" -00819163 __stand_pat_VB_1 refuse to abandon one's opinion or belief -06682494 __newsflash_NN_1 a short news announcement concerning some on-going news story -05456732 __sex_cell_NN_1 a spermatozoon or an ovum; a cell responsible for transmitting DNA to the next generation -01191158 __ruling_NN_1 the reason for a court's judgment (as opposed to the decision itself) -12081851 __sarcochilus_NN_1 diminutive epiphytic or lithophytic orchids with clumped short-stemmed foliage and arching racemes of colorful flowers; Australia and Polynesia to southeastern Asia -10118844 __gambler_NN_1 a person who wagers money on the outcome of games or sporting events -00839834 __overstate_VB_1 to enlarge beyond bounds or the truth; "tended to romanticize and exaggerate this `gracious Old South' imagery" -00837293 __yawning_NN_1 an involuntary intake of breath through a wide open mouth; usually triggered by fatigue or boredom; "he could not suppress a yawn"; "the yawning in the audience told him it was time to stop"; "he apologized for his oscitancy" -00703512 __cogitate_VB_1 consider carefully and deeply; reflect upon; turn over in one's mind -01672168 __web_VB_1 construct or form a web, as if by weaving -14438125 __repute_NN_1 the state of being held in high esteem and honor -01220619 __attack_NN_9 strong criticism; "he published an unexpected attack on my work" -02754421 __lipitor_NN_1 an oral drug (trade name Lipitor) that is effective in lowering triglycerides; potent in reducing LDL cholesterol because higher doses can be given -08381636 __planning_board_NN_1 a board appointed to advise the chief administrator -01603418 __tarmac_VB_1 surface with macadam; "macadam the road" -01412415 __unlikely_JJ_2 has little chance of being the case or coming about; "an unlikely story"; "an unlikely candidate for reelection"; "a butcher is unlikely to preach vegetarianism" -01816431 __satisfy_VB_2 make happy or satisfied -01482330 __shark_NN_1 any of numerous elongate mostly marine carnivorous fishes with heterocercal caudal fins and tough skin covered with small toothlike scales -02177972 __weevil_NN_1 any of several families of mostly small beetles that feed on plants and plant products; especially snout beetles and seed beetles -12254014 __genus_astroloma_NN_1 evergreen shrubs of Australia and Tasmania -14356993 __tenosynovitis_NN_1 inflammation of a tendon and its enveloping sheath -01410606 __similar_JJ_2 having the same or similar characteristics; "all politicians are alike"; "they looked utterly alike"; "friends are generally alike in background and taste" -01664065 __loggerhead_turtle_NN_1 very large carnivorous sea turtle; wide-ranging in warm open seas -09951070 __computer_scientist_NN_1 a scientist who specializes in the theory of computation and the design of computers -14917635 __ink_NN_1 a liquid used for printing or writing or drawing -01409581 __similar_JJ_3 resembling or similar; having the same or some of the same characteristics; often used in combination; "suits of like design"; "a limited circle of like minds"; "members of the cat family have like dispositions"; "as like as two peas in a pod"; "doglike devotion"; "a dreamlike quality" -02259829 __dicker_VB_1 negotiate the terms of an exchange; "We bargained for a beautiful rug in the bazaar" -00893955 __training_NN_1 activity leading to skilled behavior -01408929 __platyrrhinic_JJ_1 of or related to New World monkeys having nostrils far apart or to people with broad noses -09900981 __match_NN_6 a person regarded as a good matrimonial prospect -00649992 __pheresis_NN_1 a procedure in which blood is drawn and separated into its components by dialysis; some are retained and the rest are returned to the donor by transfusion -00481739 __codify_VB_1 organize into a code or system, such as a body of law; "Hammurabi codified the laws" -10065547 __ethnic_NN_1 a person who is a member of an ethnic group -00035189 __achievement_NN_1 the action of accomplishing something -01517055 __wreathe_VB_2 decorate or deck with wreaths; "wreathe the grave site" -01037819 __baptism_NN_1 a Christian sacrament signifying spiritual cleansing and rebirth; "most churches baptize infants but some insist on adult baptism" -01053404 __superposition_NN_3 (geometry) the placement of one object ideally in the position of another one in order to show that the two coincide -07164546 __offering_NN_1 something offered (as a proposal or bid); "noteworthy new offerings for investors included several index funds" -07647870 __drumstick_NN_1 the lower joint of the leg of a fowl -10525134 __restrainer_NN_2 a person who directs and restrains -01577513 __sop_VB_3 dip into liquid; "sop bread into the sauce" -07044917 __passage_NN_6 a short section of a musical composition -01703857 __serenade_VB_1 sing and play for somebody; "She was serenaded by her admirers" -12462401 __urginea_NN_1 Mediterranean liliaceous plants; sometimes placed in family Hyacinthaceae -09236423 __carpathians_NN_1 a mountain range in central Europe that extends from Slovakia and southern Poland southeastward through western Ukraine to northeastern Romania; a popular resort area -01162143 __cannibalize_VB_2 use parts of something to repair something else -04392764 __transport_NN_5 a mechanism that transports magnetic tape across the read/write heads of a tape playback/recorder -01008546 __docket_VB_2 make a summary or abstract of a legal document and inscribe it in a list -13233012 __milkweed_family_NN_1 widely distributed family of herbs and shrubs of the order Gentianales; most with milky juice -01438304 __deliver_VB_2 bring to a destination, make a delivery; "our local super market delivers" -09648309 __mayan_NN_1 a member of an American Indian people of Yucatan and Belize and Guatemala who had a culture (which reached its peak between AD 300 and 900) characterized by outstanding architecture and pottery and astronomy; "Mayans had a system of writing and an accurate calendar" -00754767 __illusion_NN_3 the act of deluding; deception by creating illusory ideas -06729251 __nineteenth_amendment_NN_1 an amendment to the Constitution of the United States adopted in 1920; guarantees that no state can deny the right to vote on the basis of sex -01397385 __leaky_JJ_1 permitting the unwanted passage of fluids or gases ; "a leaky roof"; "a leaky defense system" -01802159 __maleo_NN_1 Celebes megapode that lays eggs in holes in sandy beaches -09591155 __paul_bunyan_NN_1 a legendary giant lumberjack of the north woods of the United States and Canada; "Paul Bunyan had a blue ox named Babe"; "the lakes of Minnesota began when Paul Bunyan and Babe's footprints filled with water" -07961956 __compost_pile_NN_1 a heap of manure and vegetation and other organic residues that are decaying to become compost -15152817 __maturity_NN_1 the period of time in your life after your physical growth has stopped and you are fully developed -01395617 __lawful_JJ_1 conformable to or allowed by law; "lawful methods of dissent" -02189214 __family_cecidomyidae_NN_1 gall midges -03484083 __pushcart_NN_1 wheeled vehicle that can be pushed by a person; may have one or two or four wheels; "he used a handcart to carry the rocks away"; "their pushcart was piled high with groceries" -12426248 __lily_NN_1 any liliaceous plant of the genus Lilium having showy pendulous flowers -12928491 __redbird_flower_NN_1 low tropical American shrub having powerful emetic properties -06740183 __justification_NN_2 a statement in explanation of some action or belief -00850501 __twit_VB_1 harass with persistent criticism or carping; "The children teased the new teacher"; "Don't ride me so hard over my failure"; "His fellow workers razzed him when he wore a jacket and tie" -01616970 __gyps_NN_1 a genus of Accipitridae -03830278 __norlestrin_NN_1 trade name for an oral contraceptive containing estradiol and norethindrone -02208265 __get_VB_22 purchase; "What did you get at the toy store?" -01472502 __amniote_NN_1 any member of the Amniota -12165170 __nutmeg_melon_NN_1 a muskmelon vine with fruit that has a thin reticulated rind and sweet green flesh -01165112 __electrocution_NN_1 execution by electricity -07432559 __trickle_NN_1 flowing in drops; the formation and falling of drops of liquid; "there's a drip through the roof" -09092352 __shreveport_NN_1 a city in northwest Louisiana on the Red River near the Texas border -00579712 __subordinate_VB_2 make subordinate, dependent, or subservient; "Our wishes have to be subordinated to that of our ruler" -02542283 __genus_albula_NN_1 type and sole genus of the family Albulidae -01962865 __dive_VB_2 plunge into water; "I was afraid to dive from the board into the pool" -05725378 __temperature_NN_2 the somatic sensation of cold or heat -12681768 __genus_weigela_NN_1 east Asian flowering shrubs -04832518 __liberalness_NN_2 the trait of being generous in behavior and temperament -14509712 __toxic_condition_NN_1 the physiological state produced by a poison or other toxic substance -01480516 __chondrichthian_NN_1 fishes in which the skeleton may be calcified but not ossified -12095020 __loosestrife_NN_2 any of various herbs and subshrubs of the genus Lysimachia -07409255 __inflation_NN_2 (cosmology) a brief exponential expansion of the universe (faster than the speed of light) postulated to have occurred shortly after the big bang -04850996 __putrefaction_NN_3 moral perversion; impairment of virtue and moral principles; "the luxury and corruption among the upper classes"; "moral degeneracy followed intellectual degeneration"; "its brothels, its opium parlors, its depravity"; "Rome had fallen into moral putrefaction" -12861139 __genus_phlomis_NN_1 large genus of Old World aromatic herbs or subshrubs or shrubs having often woolly leaves -05579944 __human_elbow_NN_1 hinge joint between the forearm and upper arm and the corresponding joint in the forelimb of a quadruped -08912279 __shiraz_NN_1 a city in central southwestern Iran; ruins of ancient Persepolis are nearby -05941037 __concretism_NN_1 a representation of an abstract idea in concrete terms -01076488 __deterrence_NN_3 the act or process of discouraging actions or preventing occurrences by instilling fear or doubt or anxiety -12814003 __trumpet_flower_NN_2 woody flowering vine of southern United States; stems show a cross in transverse section -01170052 __imbibe_VB_3 take in liquids; "The patient must drink several liters each day"; "The children like to drink soda" -02026798 __genus_actitis_NN_1 a genus of Scolopacidae -06165823 __modal_logic_NN_2 a system of logic whose formal properties resemble certain moral and epistemological concepts -01382086 __large_JJ_1 above average in size or number or quantity or magnitude or extent; "a large city"; "set out for the big city"; "a large sum"; "a big (or large) barn"; "a large family"; "big businesses"; "a big expenditure"; "a large number of newspapers"; "a big group of scientists"; "large areas of the world" -04010566 __prompter's_box_NN_1 a booth projecting above the floor in the front of a stage where the prompter sits; opens toward the performers on stage -05926676 __representation_NN_1 a presentation to the mind in the form of an idea or image -10140783 __grader_NN_1 a judge who assigns grades to something -00669762 __take_VB_19 accept or undergo, often unwillingly; "We took a pay cut" -04983402 __musicalness_NN_1 the property of sounding like music -04424936 __thiopentobarbital_sodium_NN_1 barbiturate that is a hygroscopic powder (trade name Pentothal) that is a strong barbiturate that acts rapidly; induces a relaxed state when injected as a general anesthetic -01046006 __diabolatry_NN_1 the acts or rites of worshiping devils -02794372 __sectarian_JJ_1 of or relating to or characteristic of a sect or sects; "sectarian differences" -07620145 __roly-poly_pudding_NN_1 pudding made of suet pastry spread with jam or fruit and rolled up and baked or steamed -02166024 __genus_epilachna_NN_1 genus of ladybugs native to Mexico and Central America; both larvae and adults feed on plants -02703275 __ammunition_NN_1 projectiles to be fired from a gun -01376894 __unknown_JJ_1 not known; "an unknown amount"; "an unknown island"; "an unknown writer"; "an unknown source" -09178999 __reason_NN_1 a rational motive for a belief or action; "the reason that war was declared"; "the grounds for their declaration" -12397210 __marijuana_NN_1 a strong-smelling plant from whose dried leaves a number of euphoriant and hallucinogenic drugs are prepared -04732543 __trademark_NN_1 a distinctive characteristic or attribute -01219004 __shore_up_VB_1 support by placing against something solid or rigid; "shore and buttress an old building" -13752033 __milliard_NN_1 a billion; "in England they call one thousand million a milliard" -10304383 __measurer_NN_1 a person who makes measurements -00071178 __torture_VB_2 subject to torture; "The sinners will be tormented in Hell, according to the Bible" -00114837 __convert_VB_11 change in nature, purpose, or function; undergo a chemical change; "The substance converts to an acid" -10435367 __sea_rover_NN_1 someone who robs at sea or plunders the land from the sea without having a commission from any sovereign nation -00378521 __swinge_VB_1 burn superficially or lightly; "I singed my eyebrows" -14403107 __agitation_NN_1 a mental state of extreme emotional disturbance -14982265 __phosphate_NN_1 a salt of phosphoric acid -02642935 __scorpaena_NN_1 type genus of the Scorpaenidae: scorpionfishes -12002428 __petasites_vulgaris_NN_1 small Eurasian herb having broad leaves and lilac-pink rayless flowers; found in moist areas -05032193 __fortitude_NN_1 strength of mind that enables one to endure adversity with courage -05461349 __reticuloendothelial_system_NN_1 a widely distributed system consisting of all the cells able to ingest bacteria or colloidal particles etc, except for certain white blood cells -01370590 __unjust_JJ_2 violating principles of justice; "unjust punishment"; "an unjust judge"; "an unjust accusation" -12455787 __genus_gloriosa_NN_1 sometimes placed in family Colchicaceae; one species: glory lily -00499066 __table_game_NN_1 a game that is played on a table -01369663 __just_JJ_1 used especially of what is legally or ethically right or proper or fitting; "a just and lasting peace"- A.Lincoln; "a kind and just man"; "a just reward"; "his just inheritance" -12048772 __genus_calanthe_NN_1 large and widely distributed genus of terrestrial orchids -13321495 __price_of_admission_NN_1 the fee charged for admission -01368192 __joyless_JJ_1 not experiencing or inspiring joy; "a joyless man"; "a joyless occasion"; "joyless evenings" -14409489 __pickle_NN_2 informal terms for a difficult situation; "he got into a terrible fix"; "he made a muddle of his marriage" -15299225 __study_hall_NN_1 a period of time during the school day that is set aside for study -08085535 __rome_NN_2 the leadership of the Roman Catholic Church -00295697 __graduate_VB_3 make fine adjustments or divide into marked intervals for optimal measuring; "calibrate an instrument"; "graduate a cylinder" -06516242 __hagiography_NN_1 a biography that idealizes or idolizes the person (especially a person who is a saint) -01975687 __malacostracan_crustacean_NN_1 a major subclass of crustaceans -05538016 __anus_NN_1 the excretory opening at the end of the alimentary canal -01363613 __joyful_JJ_1 full of or producing joy; "make a joyful noise"; "a joyful occasion" -01459242 __segmentation_cavity_NN_1 the fluid-filled cavity inside a blastula -03791053 __scooter_NN_3 a wheeled vehicle with small wheels and a low-powered gasoline engine geared to the rear wheel -13987905 __walking_on_air_NN_1 a state of extreme happiness -00860620 __proclaim_VB_4 praise, glorify, or honor; "extol the virtues of one's children"; "glorify one's spouse's cooking" -10747294 __vedist_NN_1 a scholar of or an authority on the Vedas -00833199 __inform_VB_3 act as an informer; "She had informed on her own parents for years" -00842538 __fault_VB_1 put or pin the blame on -00223362 __seppuku_NN_1 ritual suicide by self-disembowelment on a sword; practiced by samurai in the traditional Japanese society -11719120 __paeonia_NN_1 peonies: herbaceous or shrubby plants having showy flowers -05748786 __line_NN_29 a conceptual separation or distinction; "there is a narrow line between sanity and insanity" -14670639 __terra_alba_NN_3 a fine usually white clay formed by the weathering of aluminous minerals (as feldspar); used in ceramics and as an absorbent and as a filler (e.g., in paper) -01411630 __switch_VB_6 flog with or as if with a flexible rod -05120683 __margin_NN_2 an amount beyond the minimum necessary; "the margin of victory" -00532429 __poison_VB_3 add poison to; "Her husband poisoned her drink in order to kill her" -03839795 __obstacle_NN_2 an obstruction that stands in the way (and must be removed or surmounted or circumvented) -09921409 __sucker_NN_1 a person who is gullible and easy to take advantage of -14173625 __angina_NN_1 any disease of the throat or fauces marked by spasmodic attacks of intense suffocative pain -09990415 __social_dancer_NN_1 a person who participates in a social gathering arranged for dancing (as a ball) -07752109 __sloe_NN_3 small sour dark purple fruit of especially the Allegheny plum bush -15232899 __middle_paleolithic_NN_1 the time period of Neanderthal man; ended about 35,000 years BC -09066534 __santa_ana_NN_3 a city in southern California to the east of Long Beach -04861486 __resolve_NN_1 the trait of being resolute; "his resoluteness carried him through the battle"; "it was his unshakeable resolution to finish the work" -08123167 __executive_department_NN_1 a federal department in the executive branch of the government of the United States -02983507 __caterpillar_NN_2 a large tracked vehicle that is propelled by two endless metal belts; frequently used for moving earth in construction and farm work -00962190 __lexicalize_VB_1 make or coin into a word or accept a new word into the lexicon of a language; "The concept expressed by German `Gemuetlichkeit' is not lexicalized in English" -09222880 __black_hills_NN_1 mountains in southwestern South Dakota and northeastern Wyoming; sacred to the Sioux (whites settling in the Black Hills led to the Battle of Little Bighorn); site of Mount Rushmore -13027670 __thielavia_NN_1 genus of fungi having spherical brown perithecia and some conidia borne in chains; cause root rot -00267522 __upkeep_NN_1 activity involved in maintaining something in good working order; "he wrote the manual on car care" -01400891 __diatomophyceae_NN_1 marine and freshwater eukaryotic algae: diatoms -06926458 __turko-tatar_NN_1 a subfamily of Altaic languages -04925348 __oldness_NN_2 the quality of being old; the opposite of newness -06310945 __grammatical_case_NN_1 nouns or pronouns or adjectives (often marked by inflection) related in some way to other words in a sentence -12568186 __yellow_locust_NN_1 large thorny tree of eastern and central United States having pinnately compound leaves and drooping racemes of white flowers; widely naturalized in many varieties in temperate regions -09407043 __relaxer_NN_1 any agent that produces relaxation; "music is a good relaxer" -10943256 __john_drew_NN_1 United States actor (born in Ireland); father of Georgiana Emma Barrymore (1827-1862) -01212572 __seize_VB_1 take hold of; grab; "The sales clerk quickly seized the money on the counter"; "She clutched her purse"; "The mother seized her child by the arm"; "Birds of prey often seize small mammals" -12521847 __genus_dalbergia_NN_1 large genus of tropical trees having pinnate leaves and paniculate flowers and cultivated commercially for their dramatically grained and colored timbers -01343918 __interesting_JJ_1 arousing or holding the attention -12743823 __harpullia_NN_1 any of various tree of the genus Harpullia -02053083 __gannet_NN_1 large heavily built seabird with a long stout bill noted for its plunging dives for fish -11367581 __visconti_NN_1 Italian filmmaker (1906-1976) -06264398 __postal_service_NN_1 the system whereby messages are transmitted via the post office; "the mail handles billions of items every day"; "he works for the United States mail service"; "in England they call mail `the post'" -01535005 __pooecetes_NN_1 a genus of Fringillidae -01771535 __feel_VB_1 undergo an emotional sensation or be in a particular state of mind; "She felt resentful"; "He felt regret" -00838816 __chomp_NN_1 the act of gripping or chewing off with the teeth and jaws -15106143 __xylol_NN_1 a colorless flammable volatile liquid hydrocarbon used as a solvent -01674544 __tat_VB_1 make lacework by knotting or looping -10727256 __treasurer_NN_1 an officer charged with receiving and disbursing funds -06796642 __song_NN_4 the characteristic sound produced by a bird; "a bird will not learn its song unless it hears it at an early age" -00639556 __experimentation_NN_2 the act of conducting a controlled test or investigation -01871875 __monotreme_NN_1 the most primitive mammals comprising the only extant members of the subclass Prototheria -01336587 __unintelligent_JJ_1 lacking intelligence; "a dull job with lazy and unintelligent co-workers" -01710529 __titanosaurus_NN_1 genus of herbivorous dinosaurs flourishing during the Cretaceous in South America -11963932 __incienso_NN_1 fragrant rounded shrub of southwestern United States and adjacent Mexico having brittle stems and small crowded blue-green leaves and yellow flowers; produces a resin used in incense and varnish and in folk medicine -01569181 __suffocate_VB_1 deprive of oxygen and prevent from breathing; "Othello smothered Desdemona with a pillow"; "The child suffocated herself with a plastic bag that the parents had left on the floor" -02649082 __oxylebius_NN_1 a genus of Hexagrammidae -10740732 __upstager_NN_1 a selfish actor who upstages the other actors -00075618 __mess-up_NN_1 something badly botched or muddled -06561138 __plea_NN_2 (law) a defendant's answer by a factual matter (as distinguished from a demurrer) -03865949 __overshoe_NN_1 footwear that protects your shoes from water or snow or cold -02617029 __zoarcidae_NN_1 eelpouts -00304662 __astringe_VB_2 become constricted or compressed; "The cold substance astringes" -12407079 __wych_elm_NN_1 Eurasian elm often planted as a shade tree -06599655 __latent_content_NN_1 (psychoanalysis) hidden meaning of a fantasy or dream -12124505 __lolium_NN_1 darnel; ryegrass -00555138 __stir_NN_3 a rapid active commotion -13724977 __myriagram_NN_1 one ten thousandth of a centner -00344421 __sitting_NN_1 (photography) the act of assuming a certain position (as for a photograph or portrait); "he wanted his portrait painted but couldn't spare time for the sitting" -02016198 __genus_gallinula_NN_1 gallinules -03213014 __electrical_distributor_NN_1 electrical device that distributes voltage to the spark plugs of a gasoline engine in the order of the firing sequence -00144850 __form_VB_7 assume a form or shape; "the water formed little beads" -01254051 __winnowing_NN_1 the act of separating grain from chaff; "the winnowing was done by women" -03366823 __floor_covering_NN_1 a covering for a floor -14898470 __gum_NN_3 any of various substances (soluble in water) that exude from certain plants; they are gelatinous when moist but harden on drying -10290422 __manoeuvrer_NN_1 a person skilled in maneuvering -11695974 __ylang-ylang_NN_1 evergreen Asian tree with aromatic greenish-yellow flowers yielding a volatile oil; widely grown in the tropics as an ornamental -01527194 __accentor_NN_1 small sparrow-like songbird of mountainous regions of Eurasia -00288017 __hue_VB_1 take on color or become colored; "In highlights it hued to a dull silver-grey" -12386039 __tamarisk_family_NN_1 family of desert shrubs and trees (mostly halophytes and xerophytes) -10144838 __gravida_NN_2 a pregnant woman -08844279 __new_guinea_NN_1 a Pacific island to the north of Australia; the 2nd largest island in the world; the western part is governed by Indonesia and the eastern part is Papua New Guinea -02794156 __barometer_NN_1 an instrument that measures atmospheric pressure -00896832 __rehearsal_NN_2 (psychology) a form of practice; repetition of information (silently or aloud) in order to keep it in short-term memory -02441326 __musteline_mammal_NN_1 fissiped fur-bearing carnivorous mammals -09752657 __crab_NN_3 (astrology) a person who is born while the sun is in Cancer -01534433 __snowbird_NN_3 small North American finch seen chiefly in winter -00421691 __pass_off_VB_4 disappear gradually; "The pain eventually passed off" -09616922 __entertainer_NN_1 a person who tries to please or amuse -02937720 __cruciferous_JJ_1 of or relating to or belonging to the plant family Cruciferae -08404895 __headquarters_NN_3 (plural) a military unit consisting of a commander and the headquarters staff -03511786 __heel_NN_6 (golf) the part of the clubhead where it joins the shaft -02566834 __sea_bass_NN_2 any of various food and sport fishes of the Atlantic coast of the United States having an elongated body and long spiny dorsal fin -13089902 __glochidium_NN_1 a barbed spine or bristle (often tufted on cacti) -02021921 __get_through_VB_3 succeed in reaching a real or abstract destination after overcoming problems; "We finally got through the bureaucracy and could talk to the Minister" -11972759 __cudweed_NN_1 any of numerous plants of the genus Gnaphalium having flowers that can be dried without loss of form or color -11990313 __shasta_daisy_NN_1 hybrid garden flower derived from Chrysanthemum maximum and Chrysanthemum lacustre having large white flower heads resembling oxeye daisies; often placed in the genus Chrysanthemum -05824739 __proof_NN_1 any factual evidence that helps to establish the truth of something; "if you have any proof for what you say, now is the time to produce it" -02510879 __violent_JJ_1 acting with or marked by or resulting from great force or energy or emotional intensity; "a violent attack"; "a violent person"; "violent feelings"; "a violent rage"; "felt a violent dislike" -01323449 __instructive_JJ_1 serving to instruct or enlighten or inform -01158596 __alcoholic_JJ_1 characteristic of or containing alcohol; "alcoholic drinks" -05335310 __arteria_alveolaris_NN_1 a branch of the maxillary artery that supplies the alveolar process -00707366 __rugged_JJ_1 sturdy and strong in constitution or construction; enduring; "with a house full of boys you have to have rugged furniture" -03879854 __palliative_NN_1 remedy that alleviates pain without curing -09278537 __shift_NN_6 (geology) a crack in the earth's crust resulting from the displacement of one side with respect to the other; "they built it right over a geological fault"; "he studied the faulting of the earth's crust" -06602148 __grammatical_meaning_NN_1 the meaning of a word that depends on its role in a sentence; varies with inflectional form -10184822 __hooray_henry_NN_1 a lively and ineffectual upper-class young man -01327028 __anaerobe_NN_1 an organism (especially a bacterium) that does not require air or free oxygen to live -10538629 __roper_NN_3 a craftsman who makes ropes -01188485 __thirst_VB_2 have a craving, appetite, or great desire for -01319874 __innocent_JJ_1 free from evil or guilt; "an innocent child"; "the principle that one is innocent until proved guilty" -01949195 __fissurellidae_NN_1 marine limpets -01724185 __pantomime_VB_1 act out without words but with gestures and bodily movements only; "The acting students mimed eating an apple" -00341040 __transpire_VB_4 come about, happen, or occur; "Several important events transpired last week" -02769290 __backhoe_NN_1 an excavator whose shovel bucket is attached to a hinged boom and is drawn backward to move earth -15242029 __lententide_NN_1 a period of 40 weekdays from Ash Wednesday to Holy Saturday -01951480 __send_VB_1 cause to go somewhere; "The explosion sent the car flying in the air"; "She sent her children to camp"; "He directed all his energies into his dissertation" -01322854 __slaughter_VB_1 kill (animals) usually for food consumption; "They slaughtered their only goat to survive the winter" -01222859 __twit_NN_2 aggravation by deriding or mocking or criticizing -06976392 __hellenic_language_NN_1 the Hellenic branch of the Indo-European family of languages -04417180 __textile_machine_NN_1 a machine for making textiles -00059989 __prisonbreak_NN_1 an escape from jail; "the breakout was carefully planned" -14358022 __variola_vaccinia_NN_1 a local infection induced in humans by inoculation with the virus causing cowpox in order to confer resistance to smallpox; normally lasts three weeks and leaves a pitted scar -01572910 __sturnella_NN_1 a genus of passerine birds including the meadowlarks -00627091 __read_VB_5 interpret the significance of, as of palms, tea leaves, intestines, the sky; also of human behavior; "She read the sky and predicted rain"; "I can't read his strange behavior"; "The fortune teller read his fate in the crystal ball" -03167666 __deck_NN_1 any of various platforms built into a vessel -02794779 __barrack_NN_1 a building or group of buildings used to house military personnel -13805974 __present_progressive_tense_NN_1 a tense used to express action that is on-going at the time of utterance -08396990 __arng_NN_1 a civilian reserve component of the United States Army comprised of guardsmen who serve during overseas peacekeeping missions and during local emergencies -03134853 __croquet_equipment_NN_1 sports equipment used in playing croquet -01009637 __formalization_NN_1 the act of making formal (as by stating formal rules governing classes of expressions) -04544805 __wale_NN_2 thick plank forming a ridge along the side of a wooden ship -01540432 __hesperiphona_NN_1 evening grosbeak -11833208 __genus_cycloloma_NN_1 a caryophyllaceous genus of the family Chenopodiaceae -02359324 __prairie_marmot_NN_1 any of several rodents of North American prairies living in large complex burrows having a barking cry -12446519 __globe_lily_NN_1 any of several plants of the genus Calochortus having egg-shaped flowers -02327028 __jackrabbit_NN_1 large hare of western North America -01469445 __superpose_VB_1 place (one geometric figure) upon another so that their perimeters coincide -01381604 __spirochaetaceae_NN_1 large coarsely spiral bacteria; free-living in fresh or salt water or commensal in bodies of oysters -12578255 __vigna_radiata_NN_1 erect bushy annual widely cultivated in warm regions of India and Indonesia and United States for forage and especially its edible seeds; chief source of bean sprouts used in Chinese cookery; sometimes placed in genus Phaseolus -10890637 __sir_charles_spencer_chaplin_NN_1 English comedian and film maker; portrayed a downtrodden little man in baggy pants and bowler hat (1889-1977) -01701634 __outline_VB_2 draw up an outline or sketch for something; "draft a speech" -00269963 __regeneration_NN_4 forming again (especially with improvements or removal of defects); renewing and reconstituting -13753430 __sextillion_NN_1 the number that is represented as a one followed by 21 zeros -12594324 __phytelephas_macrocarpa_NN_1 a stemless palm tree of Brazil and Peru bearing ivory nuts -01309991 __ingenuous_JJ_1 characterized by an inability to mask your feelings; not devious; "an ingenuous admission of responsibility" -01217306 __inter-service_support_NN_1 action by one military service to provide logistic (or administrative) support to another military service -00610222 __metier_NN_2 an occupation for which you are especially well suited; "in law he found his true metier" -07030012 __variation_NN_3 a repetition of a musical theme in which it is modified or embellished -13243261 __freehold_NN_1 an estate held in fee simple or for life -11542920 __order_jungermanniales_NN_1 large order of chiefly tropical liverworts -00124442 __move_VB_7 go or proceed from one point to another; "the debate moved from family values to the economy" -02242293 __nepidae_NN_1 water scorpions -12125890 __rice_NN_2 annual or perennial rhizomatous marsh grasses; seed used for food; straw used for paper -08853741 __federative_republic_of_brazil_NN_1 the largest Latin American country and the largest Portuguese speaking country in the world; located in the central and northeastern part of South America; world's leading coffee exporter -07054122 __shivaree_NN_1 a noisy mock serenade (made by banging pans and kettles) to a newly married couple -10335246 __sorrower_NN_1 a person who is feeling grief (as grieving over someone who has died) -00464651 __outdoor_game_NN_1 an athletic game that is played outdoors -13304340 __closing_price_NN_1 (stock market) the price of the last transaction completed during a day's trading session -01594611 __hirundo_NN_1 type genus of the Hirundinidae -01895263 __bop_VB_1 dance the bebop -02718084 __anticholinesterase_NN_1 a medicine that inhibits cholinesterase by combining with it and so has a cholinergic effect -03471974 __guy_NN_2 an effigy of Guy Fawkes that is burned on a bonfire on Guy Fawkes Day -05639556 __oarsmanship_NN_1 skill as an oarsman -06334512 __fictitious_name_NN_1 (law) a name under which a corporation conducts business that is not the legal name of the corporation as shown in its articles of incorporation -13464820 __evolution_NN_1 a process in which something passes by degrees to a different stage (especially a more advanced or mature stage); "the development of his ideas took many years"; "the evolution of Greek civilization"; "the slow development of her skill as a writer" -01079873 __play_VB_33 employ in a game or in a specific position; "They played him on first base" -00883139 __snuff_NN_4 sensing an odor by inhaling through the nose -09401834 __quark_NN_1 (physics) hypothetical truly fundamental particle in mesons and baryons; there are supposed to be six flavors of quarks (and their antiquarks), which come in pairs; each has an electric charge of +2/3 or -1/3; "quarks have not been observed directly but theoretical predictions based on their existence have been confirmed experimentally" -00620424 __butchery_NN_2 the business of a butcher -02296984 __signalize_VB_1 provide with traffic signals; "signalize a busy intersection" -01296474 __deductive_JJ_2 involving inferences from general principles -00234892 __reversal_NN_1 a change from one state to the opposite state; "there was a reversal of autonomic function" -07655337 __fish_fillet_NN_1 a longitudinal slice or boned side of a fish -02019929 __hemipode_NN_1 small quail-like terrestrial bird of southern Eurasia and northern Africa that lacks a hind toe; classified with wading birds but inhabits grassy plains -00061595 __unsex_VB_3 make infertile; "in some countries, people with genetically transmissible disabilites are sterilized" -14775729 __hydrogen_carbonate_NN_1 a salt of carbonic acid (containing the anion HCO3) in which one hydrogen atom has been replaced; an acid carbonate -03728437 __match_NN_1 lighter consisting of a thin piece of wood or cardboard tipped with combustible chemical; ignites with friction; "he always carries matches to light his pipe"; "as long you've a lucifer to light your fag" -03323703 __holdfast_NN_1 restraint that attaches to something or holds something in place -13724474 __hg_NN_2 100 grams -10380126 __optimist_NN_1 a person disposed to take a favorable view of things -12597640 __thrinax_NN_1 small to medium-sized fan palms -00644503 __survey_NN_1 a detailed critical inspection -09058735 __sun_city_NN_1 a residential suburb of Phoenix -08153437 __royalty_NN_2 royal persons collectively; "the wedding was attended by royalty" -08193645 __nswc_NN_1 the agency that provides scientific and engineering and technical support for all aspects of surface warfare -05559727 __cheek_NN_3 either of the two large fleshy masses of muscular tissue that form the human rump -02716866 __antibiotic_drug_NN_1 a chemical substance derivable from a mold or bacterium that can kill microorganisms and cure bacterial infections; "when antibiotics were first discovered they were called wonder drugs" -08426993 __open_order_NN_1 a military formation leaving enough space between ranks to allow an inspecting officer to pass -14746417 __norlutin_NN_1 a synthetic progestational hormone (trade name Norlutin) used in oral contraceptives and to treat endometriosis -01641739 __spring_frog_NN_1 similar to bullfrog; found in or near marshes and ponds; of United States and Canada -00453935 __sportfishing_NN_1 the act of someone who fishes as a diversion -00573932 __sensitize_VB_3 make sensitive to a drug or allergen; "Long-term exposure to this medicine may sensitize you to the allergen" -12764507 __squawbush_NN_1 deciduous shrub of California with unpleasantly scented usually trifoliate leaves and edible fruit -06125698 __metallurgy_NN_1 the science and technology of metals -00247390 __multiply_VB_2 combine or increase by multiplication; "He managed to multiply his profits" -06590885 __trial_impression_NN_1 (printing) an impression made to check for errors -02333225 __surfeit_VB_1 supply or feed to surfeit -01286799 __noticeable_JJ_1 capable or worthy of being perceived; "noticeable shadows under her eyes"; "noticeable for its vivid historical background"; "a noticeable lack of friendliness" -13184492 __family_blechnaceae_NN_1 one of a number of families into which the family Polypodiaceae has been subdivided in some classification systems; includes genera Blechnum, Doodia, Sadleria, Stenochlaena, and Woodwardia -02578008 __set_up_VB_7 take or catch as if in a snare or trap; "I was set up!"; "The innocent man was framed by the police" -11843709 __genus_ariocarpus_NN_1 slow-growing geophytic cacti; northern and eastern Mexico; southern Texas -00519056 __bubble_VB_1 form, produce, or emit bubbles; "The soup was bubbling" -01548143 __tyrannus_NN_1 type genus of the Tyrannidae: tyrant flycatchers -05351058 __meningeal_artery_NN_1 any of three arteries supplying the meninges of the brain and neighboring structures -05890249 __theoretical_account_NN_1 a hypothetical description of a complex entity or process; "the computer program was based on a model of the circulatory and respiratory systems" -03093792 __tangency_NN_2 (electronics) a junction where things (as two electrical conductors) touch or are in physical contact; "they forget to solder the contacts" -04764242 __mannerism_NN_1 a behavioral attribute that is distinctive and peculiar to an individual -11852814 __rhipsalis_NN_1 large genus of epiphytic or lithophytic unarmed cacti with usually segmented stems and pendulous branches; flowers are small followed by berrylike fruits -00840189 __swig_NN_1 a large and hurried swallow; "he finished it at a single gulp" -04679738 __look_NN_1 the feelings expressed on a person's face; "a sad expression"; "a look of triumph"; "an angry face" -01282014 __impressive_JJ_1 making a strong or vivid impression; "an impressive ceremony" -02432291 __whitetail_deer_NN_1 common North American deer; tail has a white underside -00667424 __disprove_VB_1 prove to be false; "The physicist disproved his colleagues' theories" -06651577 __wind_NN_5 an indication of potential opportunity; "he got a tip on the stock market"; "a good lead for a job" -02604811 __genus_chaetodipterus_NN_1 a genus of Ephippidae -12026764 __tragopogon_NN_1 genus of Old World herbs with linear entire leaves and yellow or purple flower heads -00188580 __glass_VB_4 put in a glass container -05593654 __olecranon_process_NN_1 process of the ulna that forms the outer bump of the elbow and fits into the fossa of the humerus when the arm is extended -02702807 __cosmic_JJ_1 of or from or pertaining to or characteristic of the cosmos or universe; "cosmic laws"; "cosmic catastrophe"; "cosmic rays" -00927261 __creating_by_mental_acts_NN_1 the act of creating something by thinking -12394861 __pilea_NN_1 low-growing tropical perennials grown for their stingless foliage -11501230 __carrier_wave_NN_1 a radio wave that can be modulated in order to transmit a signal -10373801 __federal_agent_NN_1 any agent or representative of a federal agency or bureau -10741821 __usher_NN_3 someone employed to conduct others -07962124 __mass_NN_3 an ill-structured collection of similar things (objects or people) -06716796 __takedown_NN_2 a crushing remark -00875246 __estimation_NN_4 a judgment of the qualities of something or somebody; "many factors are involved in any estimate of human life"; "in my estimation the boy is innocent" -15115926 __trial_period_NN_1 a period of time during which someone or something is tested -02508615 __genus_bassariscus_NN_1 cacomistles -02281485 __victual_VB_2 lay in provisions; "The vessel victualled before the long voyage" -00803325 __pass_VB_23 grant authorization or clearance for; "Clear the manuscript for publication"; "The rock star never authorized this slanderous biography" -00731000 __capitalize_VB_5 consider expenditures as capital assets rather than expenses -12363988 __st_john's_wort_family_NN_1 widely distributed family of chiefly tropical trees and shrubs and vines that produce oils and resins and some usable timber -01622959 __tawny_owl_NN_1 reddish-brown European owl having a round head with black eyes -00722675 __rivet_VB_3 hold (someone's attention); "The discovery of the skull riveted the paleontologists" -01245618 __throw_NN_5 casting an object in order to determine an outcome randomly; "he risked his fortune on a throw of the dice" -11427241 __aurora_NN_2 an atmospheric phenomenon consisting of bands of light caused by charged solar particles following the earth's magnetic lines of force -09873242 __brass_hat_NN_1 a high-ranking military officer -12668364 __mitchella_NN_1 creeping evergreen herbs of North America -00516086 __solemnization_NN_1 the public performance of a sacrament or solemn ceremony with all appropriate ritual; "the celebration of marriage" -02137710 __expose_VB_5 disclose to view as by removing a cover; "The curtain rose to disclose a stunning set" -02214660 __mutillidae_NN_1 a family of wasps -02231930 __phyllidae_NN_1 leaf insects -09411430 __river_NN_1 a large natural stream of water (larger than a creek); "the river was navigable for 50 miles" -08386365 __upper_crust_NN_1 the class occupying the highest position in the social hierarchy -01302935 __balkan_wars_NN_1 two wars (1912-1913) that were fought over the last of the European territories of the Ottoman Empire and that left the area around Constantinople (now Istanbul) as the only Ottoman territory in Europe -00751944 __prevarication_NN_3 the deliberate act of deviating from the truth -02568959 __grouper_NN_2 usually solitary bottom sea basses of warm seas -12742741 __soapberry_vine_NN_1 tendril-climbing vine -00095502 __release_NN_2 the act of liberating someone or something -05161967 __unfavourableness_NN_1 the quality of not being encouraging or indicative of success -00259643 __recompense_NN_2 the act of compensating for service or loss or injury -01345109 __shut_VB_1 move so that an opening or passage is obstructed; make shut; "Close the door"; "shut the window" -00319886 __bake_VB_1 cook and make edible by putting in a hot oven; "bake the potatoes" -07219751 __green_paper_NN_1 a preliminary report of government proposals that is published in order to stimulate discussion -04171831 __semiconductor_unit_NN_1 a conductor made with semiconducting material -03307274 __outside_door_NN_1 a doorway that allows entrance to or exit from a building -12413642 __stinking_iris_NN_1 iris with purple flowers and foul-smelling leaves; southern and western Europe and North Africa -08761244 __kingdom_of_denmark_NN_1 a constitutional monarchy in northern Europe; consists of the mainland of Jutland and many islands between the North Sea and the Baltic Sea -13143758 __paliurus_spina-christi_NN_1 thorny Eurasian shrub with dry woody winged fruit -06721604 __vituperation_NN_1 abusive or venomous language used to express blame or censure or bitter deep-seated ill will -03206718 __disguise_NN_2 any attire that modifies the appearance in order to conceal the wearer's identity -12436677 __aloe_NN_1 succulent plants having rosettes of leaves usually with fiber like hemp and spikes of showy flowers; found chiefly in Africa -08246036 __black_hand_NN_1 a secret terrorist society in the United States early in the 20th century -01264336 __humourous_JJ_1 full of or characterized by humor; "humorous stories"; "humorous cartoons"; "in a humorous vein" -02438580 __vicuna_NN_3 small wild cud-chewing Andean animal similar to the guanaco but smaller; valued for its fleecy undercoat -10734568 __twiner_NN_1 someone who intertwines (e.g. threads) or forms something by twisting or interlacing -04361095 __supporting_structure_NN_1 a structure that serves to support something -07029088 __theme_song_NN_1 a melody used to identify a performer or a dance band or radio/tv program -01034312 __talk_about_VB_1 to consider or examine in speech or writing; "The author talks about the different aspects of this question"; "The class discussed Dante's `Inferno'" -05892651 __requirement_NN_1 required activity; "the requirements of his work affected his health"; "there were many demands on his time" -12733647 __aspen_NN_1 any of several trees of the genus Populus having leaves on flattened stalks so that they flutter in the lightest wind -07743544 __blueberry_NN_2 sweet edible dark-blue berries of either low-growing or high-growing blueberry plants -07246036 __incitement_NN_4 the act of exhorting; an earnest attempt at persuasion -11467786 __incandescence_NN_1 the phenomenon of light emission by a body as its temperature is raised -04328329 __storage_battery_NN_1 a voltaic battery that stores electric charge -07495327 __suffering_NN_4 feelings of mental or physical pain -01824736 __wish_VB_2 prefer or wish to do something; "Do you care to try this dish?"; "Would you like to come along to the movies?" -01210816 __accommodation_NN_5 the act of providing something (lodging or seat or food) to meet a need -02047614 __puffin_NN_1 any of two genera of northern seabirds having short necks and brightly colored compressed bills -01512625 __toss_VB_1 throw or toss with a light motion; "flip me the beachball"; "toss me newspaper" -01257612 __cold_JJ_2 extended meanings; especially of psychological coldness; without human warmth or emotion; "a cold unfriendly nod"; "a cold and unaffectionate person"; "a cold impersonal manner"; "cold logic"; "the concert left me cold" -01256332 __hot_JJ_3 extended meanings; especially of psychological heat; marked by intensity or vehemence especially of passion or enthusiasm; "a hot temper"; "a hot topic"; "a hot new book"; "a hot love affair"; "a hot argument" -11565040 __caryophylloid_dicot_family_NN_1 family of relatively early dicotyledonous plants including mostly flowers -01543632 __ricebird_NN_2 small finch-like Indonesian weaverbird that frequents rice fields -01662622 __chelonian_reptile_NN_1 a reptile of the order Chelonia -08622950 __situation_NN_4 physical position in relation to the surroundings; "the sites are determined by highly specific sequences of nucleotides" -07150644 __mediation_NN_1 a negotiation to resolve differences that is conducted by some impartial party -06250061 __descriptivism_NN_1 (ethics) a doctrine holding that moral statements have a truth value -10648033 __stander_NN_1 an organism (person or animal) that stands; "a crowd of sitters and standers" -01527617 __lark_NN_3 any of numerous predominantly Old World birds noted for their singing -12920521 __paint_leaf_NN_1 showy poinsettia found from the southern United States to Peru -06421301 __vade_mecum_NN_1 a concise reference book providing specific information about a subject or location -13986679 __satisfaction_NN_2 state of being gratified or satisfied; "dull repetitious work gives no gratification"; "to my immense gratification he arrived on time" -13192625 __shield_fern_NN_1 any of various ferns of the genera Dryopteris or Polystichum or Lastreopsis having somewhat shield-shaped coverings on the sori -08975106 __sultanate_of_oman_NN_1 a strategically located monarchy on the southern and eastern coasts of the Arabian Peninsula; the economy is dominated by oil -13948026 __quality_NN_5 high social status; "a man of quality" -08825477 __northwest_territories_NN_1 a large territory in northwestern Canada; part is now Nunavut -00251791 __derive_VB_3 come from; "The present name derives from an older form" -13898315 __symmetry_NN_2 balance among the parts of something -01656078 __stereospondyli_NN_1 formerly a suborder of Stegocephalia; amphibia having vertebrae whose component elements are fused into a single piece; "most vertebrates are stereospondylous" -08546183 __county_NN_1 (United Kingdom) a region created by territorial division for the purpose of local government; "the county has a population of 12,345 people" -11189829 __moore_NN_2 English actor and comedian who appeared on television and in films (born in 1935) -07127006 __laughter_NN_1 the sound of laughing -00272683 __desensitize_VB_2 make insensitive; "His military training desensitized him" -12482031 __yucca_NN_1 any of several evergreen plants of the genus Yucca having usually tall stout stems and a terminal cluster of white flowers; warmer regions of North America -08742743 __juarez_NN_1 a city in northern Mexico on the Rio Grande opposite El Paso -05899087 __programme_NN_5 a system of projects or services intended to meet a public need; "he proposed an elaborate program of public works"; "working mothers rely on the day care program" -01246579 __amicable_JJ_1 characterized by friendship and good will -00095873 __jail_delivery_NN_1 the use of force to liberate prisoners dead; "he is deceased"; "our dear departed friend" -01800759 __megapodiidae_NN_1 megapodes -01290255 __attach_VB_2 be attached; be in contact with -02799593 __infield_NN_1 the area of a baseball field that is enclosed by 3 bases and home plate -00659535 __subordinate_VB_1 rank or order as less important or consider of less value; "Art is sometimes subordinated to Science in these schools" -14550987 __hearing_loss_NN_1 partial or complete loss of hearing -08151229 __cult_NN_3 followers of an unorthodox, extremist, or false religion or sect who often live outside of conventional society under the direction of a charismatic leader -00958334 __retell_VB_3 to say, state, or perform again; "She kept reiterating her request" -03054098 __club_drug_NN_1 a controlled substance that is usually taken by young people at dance clubs and raves -09112857 __atlantic_city_NN_1 a city on the Atlantic shore in southeastern New Jersey; a resort and gambling center -09978889 __cripple_NN_1 someone who is unable to walk normally because of an injury or disability to the legs or back -03963982 __playing_card_NN_1 one of a pack of cards that are used to play card games -05669181 __hadith_NN_1 (Islam) a tradition based on reports of the sayings and activities of Muhammad and his companions -10276477 __lumper_NN_2 a taxonomist who classifies organisms into large groups on the basis of major characteristics -02802544 __basketball_court_NN_1 the court on which basketball is played -00066636 __failure_NN_1 an act that fails; "his failure to pass the test" -01275934 __sino-japanese_war_NN_1 a war between China and Japan (1894 and 1895) over the control of the Korean Peninsula; China was overwhelmingly defeated at Port Arthur -01240308 __run_into_VB_2 collide violently with an obstacle; "I ran into the telephone pole" -14462946 __weakness_NN_1 a flaw or weak point; "he was quick to point out his wife's failings" -02911485 __buffer_store_NN_1 (computer science) a part of RAM used for temporary storage of data that is waiting to be sent to a device; used to compensate for differences in the rate of flow of data between components of a computer system -06437531 __ecclesiastes_NN_1 an Old Testament book consisting of reflections on the vanity of human life; is traditionally attributed to Solomon but probably was written about 250 BC -00317594 __drive_NN_7 the act of driving a herd of animals overland -07534700 __contrition_NN_1 sorrow for sin arising from fear of damnation -02233767 __genus_blatta_NN_1 type genus of the Blattidae: cockroaches infesting buildings worldwide -02292535 __peculate_VB_1 appropriate (as property entrusted to one's care) fraudulently to one's own use; "The accountant embezzled thousands of dollars while working for the wealthy family" -11694866 __bullock_heart_NN_1 small tropical American tree bearing a bristly heart-shaped acid tropical fruit -05534333 __intestine_NN_1 the part of the alimentary canal between the stomach and the anus -05793210 __rationale_NN_1 (law) an explanation of the fundamental reasons (especially an explanation of the working of some device in terms of laws of nature); "the rationale for capital punishment"; "the principles of internal-combustion engines" -09401474 __pyrenees_NN_1 a chain of mountains between France and Spain -01233347 __vertical_JJ_1 at right angles to the plane of the horizon or a base line; "a vertical camera angle"; "the monument consists of two vertical pillars supporting a horizontal slab"; "measure the perpendicular height" -01315333 __surf_VB_2 look around casually and randomly, without seeking anything in particular; "browse a computer directory"; "surf the internet or the world wide web" -07157273 __vernacular_NN_1 a characteristic language of a particular group (as among thieves); "they don't speak our lingo" -01232298 __unconsolable_JJ_1 sad beyond comforting; incapable of being consoled; "inconsolable when her son died" -00385047 __moralize_VB_3 improve the morals of -02191773 __blowfly_NN_1 large usually hairy metallic blue or green fly; lays eggs in carrion or dung or wounds -02613181 __combtooth_blenny_NN_1 small usually scaleless fishes with comb-like teeth living about rocky shores; are territorial and live in holes between rocks -02474239 __invest_VB_2 give qualities or abilities to -00328802 __separate_VB_13 divide into two or more branches so as to form a fork; "The road forks" -03522634 __hitch_NN_5 a knot that can be undone by pulling against the strain that holds it; a temporary knot -05127782 __view_NN_9 the range of interest or activity that can be anticipated; "It is beyond the horizon of present knowledge" -01228530 __hopeful_JJ_1 having or manifesting hope; "a line of people hopeful of obtaining tickets"; "found a hopeful way of attacking the problem" -00197229 __superannuation_NN_3 the act of discharging someone because of age (especially to cause someone to retire from service on a pension) -01227137 __dishonourable_JJ_1 lacking honor or integrity; deserving dishonor; "dishonorable in thought and deed" -01226240 __honourable_JJ_1 worthy of being honored; entitled to honor and respect; "an honorable man"; "led an honorable life"; "honorable service to his country" -06567531 __compatible_software_NN_1 application software programs that share common conventions so they can be utilized together -01501793 __misplace_VB_2 place or position wrongly; put in the wrong position; "misplaced modifiers" -01220336 __slander_NN_2 an abusive attack on a person's character or good name -08304895 __union_NN_7 a political unit formed from previously independent people or organizations; "the Soviet Union" -00522537 __exposure_NN_9 presentation to view in an open or public manner; "the exposure of his anger was shocking" -15271619 __blackout_NN_1 a suspension of radio or tv broadcasting -01222360 __honorable_JJ_1 not disposed to cheat or defraud; not deceptive or fraudulent; "honest lawyers"; "honest reporting" -08851687 __luik_NN_1 city in eastern Belgium; largest French-speaking city in Belgium -04240097 __slingshot_NN_1 a plaything consisting of a Y-shaped stick with elastic between the arms; used to propel small stones -00625427 __pull_NN_7 a sustained effort; "it was a long pull but we made it" -01428011 __service_VB_3 mate with; "male animals serve the females for breeding purposes" -15170504 __weekend_NN_1 a time period usually extending from Friday night through Sunday; more loosely defined as any period of successive days including one and only one Sunday -15195059 __november_1_NN_1 a Christian feast day honoring all the saints; first observed in 835 -10521470 __repeater_NN_1 a person who repeats; "the audience consisted largely of repeaters who had seen the movie many times" -01978930 __swimming_crab_NN_1 marine crab with some legs flattened and fringed for swimming -09233284 __cantabrian_mountains_NN_1 a range of mountains in northern Spain along the coast of the Bay of Biscay -13041725 __family_calostomataceae_NN_1 a family of fungi belonging to the order Tulostomatales -00027167 __location_NN_1 a point or extent in space -00841091 __grazing_NN_1 the act of grazing -10213429 __introvert_NN_1 (psychology) a person who tends to shrink from social contacts and to become preoccupied with their own thoughts -00110057 __basketball_shot_NN_1 throwing the basketball toward the hoop; "his shot hit the rim and bounced out" -01573898 __ricebird_NN_1 migratory American songbird -00521874 __diagonalize_VB_1 transform a matrix to a diagonal matrix -12584559 __genus_arenga_NN_1 a genus of tropical Asian and Malaysian palm trees -07380144 __crash_NN_1 a loud resonant repeating noise; "he could hear the clang of distant bells" -01558765 __turdus_torquatus_NN_1 European thrush common in rocky areas; the male has blackish plumage with a white band around the neck -14794993 __nitrocotton_NN_1 a nitric acid ester; used in lacquers and explosives -06877078 __facial_gesture_NN_1 a gesture executed with the facial muscles -11853191 __schlumbergera_NN_1 South American epiphytic or lithophytic cacti -03370020 __rohypnol_NN_1 a depressant and tranquilizer (trade name Rohypnol) often used in the commission of sexual assault; legally available in Europe and Mexico and Colombia -01774136 __hate_VB_1 dislike intensely; feel antipathy or aversion towards; "I hate Mexican food"; "She detests politicians" -02240517 __cimex_lectularius_NN_1 bug of temperate regions that infests especially beds and feeds on human blood -12803517 __tiarella_NN_1 small genus of North American herbs having mostly basal leaves and slender racemes of delicate white flowers -03788195 __mosque_NN_1 (Islam) a Muslim place of worship that usually has a minaret -02295064 __owlet_moth_NN_1 usually dull-colored medium-sized nocturnal moth; the usually smooth-bodied larvae are destructive agricultural pests -11304811 __skinner_NN_1 United States actor (1858-1942) -07292694 __termination_NN_3 something that results; "he listened for the results on the radio" -04182890 __shaft_NN_8 a vertical passageway through a building (as for an elevator) -03088580 __condominium_NN_1 one of the dwelling units in a condominium -00961594 __biological_defense_NN_1 procedures involved in taking defensive measures against attacks using biological agents -06252743 __intercommunication_NN_1 mutual communication; communication with each other; "they intercepted intercommunication between enemy ships" -02320127 __crinoid_NN_1 primitive echinoderms having five or more feathery arms radiating from a central disk -10404242 __passer_NN_4 (football) a ball carrier who tries to gain ground by throwing a forward pass -08504594 __wasteland_NN_1 an uninhabited wilderness that is worthless for cultivation; "the barrens of central Africa"; "the trackless wastes of the desert" -01644542 __family_ascaphidae_NN_1 family of one species of frog: tailed frog -04809784 __lawfulness_NN_1 the quality of conforming to law -01943213 __strombidae_NN_1 the family of conchs -01249991 __recession_NN_4 the act of ceding back -12506181 __angelim_NN_1 any of several tropical American trees of the genus Andira -00713015 __direct_VB_10 specifically design a product, event, or activity for a certain public -02463611 __rump_NN_1 the part of an animal that corresponds to the human buttocks -00784388 __extortion_NN_3 the felonious act of extorting money (as by threats of violence) -01440344 __genus_abramis_NN_1 European fishes -00651954 __lighterage_NN_2 the transportation of goods on a lighter -12202352 __tiliaceae_NN_1 chiefly trees and shrubs of tropical and temperate regions of especially southeastern Asia and Brazil; genera Tilia, Corchorus, Entelea, Grewia, Sparmannia -02110220 __see_VB_21 go or live through; "We had many trials to go through"; "he saw action in Viet Nam" -00895501 __military_training_NN_1 training soldiers in military procedures -08175700 __supreme_allied_commander_europe_NN_1 commanding officer of ACE; NATO's senior military commander in Europe -02716165 __go_with_VB_1 be present or associated with an event or entity; "French fries come with the hamburger"; "heart attacks are accompanied by distruction of heart tissue"; "fish usually goes with white wine"; "this kind of vein accompanies certain arteries" -12501202 __tamarindus_indica_NN_1 long-lived tropical evergreen tree with a spreading crown and feathery evergreen foliage and fragrant flowers yielding hard yellowish wood and long pods with edible chocolate-colored acidic pulp -05513302 __sex_organ_NN_1 any organ involved in sexual reproduction -02028722 __herd_VB_1 cause to herd, drive, or crowd together; "We herded the children into a spare classroom" -12954353 __todea_superba_NN_1 New Zealand with pinnate fronds and a densely woolly stalks; sometimes included in genus Todea -10123711 __geezer_NN_1 a man who is (usually) old and/or eccentric -09051235 __deep_south_NN_1 the southeastern region of the United States: South Carolina and Georgia and Alabama and Mississippi and Louisiana; prior to the American Civil War all these states produced cotton and permitted slavery -13468306 __distillment_NN_1 the process of purifying a liquid by boiling it and condensing its vapors -13206001 __genus_acrostichum_NN_1 in some classification systems placed in family Polypodiaceae -04036494 __rophy_NN_1 street names for flunitrazepan -00590913 __consulship_NN_1 the post of consul -02231473 __pass_VB_20 throw (a ball) to another player; "Smith passed" -06073494 __ornithology_NN_1 the branch of zoology that studies birds -13550089 __repression_NN_2 (psychiatry) the classical defense mechanism that protects you from impulses or ideas that would cause anxiety by preventing them from becoming conscious -04026053 __purifier_NN_1 an apparatus for removing impurities -00986173 __pant_VB_2 utter while panting, as if out of breath -12767648 __varnish_tree_NN_2 small Asiatic tree yielding a toxic exudate from which lacquer is obtained -06051542 __immunology_NN_1 the branch of medical science that studies the body's immune system -12302418 __genus_forestiera_NN_1 genus of often spiny American shrubs and trees -15071229 __factor_iv_NN_1 ion of calcium; a factor in the clotting of blood -11501381 __rainfall_NN_1 water falling in drops from vapor condensed in the atmosphere -04919209 __indirectness_NN_1 having the characteristic of lacking a true course toward a goal -10280130 __master_NN_1 an artist of consummate skill; "a master of the violin"; "one of the old masters" -01199751 __homogenous_JJ_1 all of the same or similar kind or nature; "a close-knit homogeneous group" -00504464 __federalize_VB_2 put under the control and authority of a federal government -06976680 __new_greek_NN_1 the Greek language as spoken and written today -05860200 __double_NN_4 a quantity that is twice as great as another; "36 is the double of 18" -01312810 __shovel_VB_1 dig with or as if with a shovel; "shovel sand"; "he shovelled in the backyard all afternoon long" -00684273 __believe_VB_4 follow a credo; have a faith; be a believer; "When you hear his sermons, you will be able to believe, too" -01701311 __dramatize_VB_1 put into dramatic form; "adopt a book for a screenplay" -01490885 __prionace_NN_1 blue sharks -01156112 __soft_JJ_2 compassionate and kind; conciliatory; "he was soft on his children" -04509417 __unicycle_NN_1 a vehicle with a single wheel that is driven by pedals -12746884 __pachysandra_NN_1 any plant of the genus Pachysandra; low-growing evergreen herbs or subshrubs having dentate leaves and used as ground cover -06015053 __partial_derivative_NN_1 the derivative of a function of two or more variables with respect to a single variable while the other variables are considered to be constant -01809592 __opisthocomus_NN_1 type genus of the Opisthocomidae: hoatzins -01195536 __helpful_JJ_1 providing assistance or serving a useful function -02538010 __salvelinus_namaycush_NN_1 large fork-tailed trout of lakes of Canada and the northern United States -05254393 __pilus_NN_1 any of the cylindrical filaments characteristically growing from the epidermis of a mammal; "there is a hair in my soup" -06276697 __broadcasting_NN_2 taking part in a radio or tv program -13904011 __lower_bound_NN_1 (mathematics) a number equal to or less than any other number in a given set -00051525 __penetration_NN_3 the act of entering into or through something; "the penetration of upper management by women" -07901587 __strong_drink_NN_1 an alcoholic beverage that is distilled rather than fermented -12316853 __sweet_gum_NN_2 aromatic exudate from the sweet gum tree -13917214 __regular_octahedron_NN_1 an octahedron with eight equilateral triangles as faces -01430952 __masturbate_VB_1 stimulate sexually; "The old man wanted to be masturbated by the prostitute" -13296089 __peppercorn_rent_NN_1 very low or nominal rent -00033615 __quantity_NN_1 how much there is or how many there are of something that you can quantify -02022804 __meet_VB_9 meet by design; be present at the arrival of; "Can you meet me at the train station?" -02734217 __archway_NN_1 a passageway under a curved masonry construction; "they built a triumphal arch to memorialize their victory" -05783357 __diagonalization_NN_1 changing a square matrix to diagonal form (with all non-zero elements on the principal diagonal); "the diagonalization of a normal matrix by a unitary transformation" -12412355 __bearded_iris_NN_1 any of numerous wild or cultivated irises with hairlike structures on the falls (the drooping sepals) -12320414 __water_hickory_NN_1 hickory of southern United States having many narrow leaflets and rather bitter nuts -15040493 __silicone_polymer_NN_1 any of a large class of siloxanes that are unusually stable over a wide range of temperatures; used in lubricants and adhesives and coatings and synthetic rubber and electrical insulation -02646117 __myxocephalus_NN_1 grubby -10190745 __huddler_NN_2 a person who crouches; "low huddlers against the wind" -06397903 __prolusion_NN_1 a short introductory essay preceding the text of a book -02351518 __family_dipodidae_NN_1 Old World jerboas -09026204 __jerez_de_la_frontera_NN_1 a city in southwestern Spain that is famous for making sherry -12255659 __wintergreen_family_NN_1 evergreen herbs of temperate regions: genera Pyrola, Chimaphila, Moneses, Orthilia -02682038 __adrenergic_drug_NN_1 drug that has the effects of epinephrine -08367683 __pluralism_NN_1 a social organization in which diversity of racial or religious or ethnic or cultural groups is tolerated -09161090 __the_holy_see_NN_1 the smallest sovereign state in the world; the see of the Pope (as the Bishop of Rome); home of the Pope and the central administration of the Roman Catholic Church; achieved independence from Italy in 1929 -07906877 __corn_whisky_NN_1 whiskey distilled from a mash of not less than 80 percent corn -01979738 __genus_callinectes_NN_1 New World blue crabs -01424607 __haemoproteidae_NN_1 bird parasites -01182024 __digestible_JJ_1 capable of being converted into assimilable condition in the alimentary canal -05370918 __vena_jugularis_NN_1 veins in the neck that return blood from the head -04855138 __sanctity_NN_1 the quality of being holy -01948788 __patellidae_NN_1 marine limpets -05840188 __type_NN_1 a subdivision of a particular kind of thing; "what type of sculpture do you prefer?" -02732148 __gravitate_VB_1 move toward; "The conversation gravitated towards politics" -00836926 __tinge_VB_1 affect as in thought or feeling; "My personal feelings color my judgment in this case"; "The sadness tinged his life" -01818959 __kakatoe_NN_1 a genus of Psittacidae -12694336 __malpighia_obovata_NN_1 Cuban timber tree with hard wood very resistant to moisture -01180695 __earthly_JJ_1 of or belonging to or characteristic of this earth as distinguished from heaven; "earthly beings"; "believed that our earthly life is all that matters"; "earthly love"; "our earthly home" -01104637 __construction_NN_7 the commercial activity involved in repairing old structures or constructing new ones; "their main business is home construction"; "workers in the building trades" -00854000 __snuggling_NN_1 affectionate play (or foreplay without contact with the genital organs) -02783994 __baluster_NN_1 one of a number of closely spaced supports for a railing -00570066 __swimming_stroke_NN_1 a method of moving the arms and legs to push against the water and propel the swimmer forward -10159714 __haranguer_NN_1 a public speaker who delivers a loud or forceful or angry speech -05694791 __temptation_NN_1 something that seduces or has the quality to seduce -01384752 __scratch_VB_6 gather (money or other resources) together over time; "She had scraped together enough money for college"; "they scratched a meager living" -12142085 __wheat_NN_1 annual or biennial grass having erect flower spikes and light brown grains -10403876 __rider_NN_4 a traveler riding in a vehicle (a boat or bus or car or plane or train etc) who is not operating it -15094294 __wax_NN_1 any of various substances of either mineral origin or plant or animal origin; they are solid at normal temperatures and insoluble in water -01918310 __phylum_ctenophora_NN_1 comb jellies; sea acorns; a small phylum formerly considered a class of Coelenterata -00203081 __spoil_VB_3 alter from the original -00708376 __scheme_VB_2 devise a system or form a scheme for -03458961 __reef_NN_3 one of several strips across a sail that can be taken in or rolled up to lessen the area of the sail that is exposed to the wind -12340202 __nyssa_NN_1 tupelos: deciduous trees of moist habitats especially swamps and beside ponds -01620854 __end_VB_4 put an end to; "The terrible news ended our hopes that he had survived" -11971600 __gerbera_NN_1 genus of South African or Asiatic herbs: African daisies -01485073 __genus_cetorhinus_NN_1 comprising only the basking sharks; in some classifications considered the type genus of a separate family Cetorhinidae -00815801 __piloting_NN_1 the guidance of ships or airplanes from place to place -04522421 __vasoconstrictor_NN_1 any agent that causes a narrowing of an opening of a blood vessel: cold or stress or nicotine or epinephrine or norepinephrine or angiotensin or vasopressin or certain drugs; maintains or increases blood pressure -01735308 __duplicate_VB_3 make a duplicate or duplicates of; "Could you please duplicate this letter for me?" -12601805 __princess_feather_NN_1 annual with broadly ovate leaves and slender drooping spikes of crimson flowers; southeastern Asia and Australia; naturalized in North America -00049770 __shoe_VB_1 furnish with shoes; "the children were well shoed" -02660442 __cooccur_VB_1 go with, fall together -07088438 __terseness_NN_1 a neatly short and concise expressive style -02275799 __pretend_VB_3 put forward a claim and assert right or possession of; "pretend the title of King" -02697120 __threaten_VB_1 pose a threat to; present a danger to; "The pollution is endangering the crops" -07327608 __etiology_NN_1 the cause of a disease -03001627 __chair_NN_1 a seat for one person, with a support for the back; "he put his coat over the back of the chair and sat down" -01170243 __healthy_JJ_1 having or indicating good health in body or mind; free from infirmity or disease; "a rosy healthy baby"; "staying fit and healthy" -11630890 __cypress_NN_1 wood of any of various cypress trees especially of the genus Cupressus -02156546 __vanish_VB_2 become invisible or unnoticeable; "The effect vanished when day broke" -04592741 __wing_NN_2 one of the horizontal airfoils on either side of the fuselage of an airplane -07555184 __keenness_NN_2 a positive feeling of wanting to push ahead with something -11427842 __mishap_NN_1 an unpredictable outcome that is unfortunate; "if I didn't have bad luck I wouldn't have any luck at all" -01937015 __terebellidae_NN_1 marine burrowing or tube-forming polychete worms usually having long thick bodies -07501545 __dislike_NN_2 a feeling of aversion or antipathy; "my dislike of him was instinctive" -02049672 __podicipedidae_NN_1 coextensive with the order Podicipitiformes -05716744 __tartness_NN_1 the taste experience when vinegar or lemon juice is taken into the mouth -01485158 __package_VB_1 put into a box; "box the gift, please" -01937795 __skateboard_VB_1 ride on a flat board with rollers attached to the bottom -02529111 __gonorhynchus_NN_1 slender cylindrical marine fishes lacking air bladders and teeth -12799776 __woodland_star_NN_1 California perennial herb cultivated for its racemose white flowers with widely spreading petals; sometimes placed in genus Tellima -02316392 __phylum_echinodermata_NN_1 radially symmetrical marine invertebrates including e.g. starfish and sea urchins and sea cucumbers -03241660 __drip_mould_NN_1 (architecture) a projection from a cornice or sill designed to protect the area below from rainwater (as over a window or doorway) -13433948 __apposition_NN_2 (biology) growth in the thickness of a cell wall by the deposit of successive layers of material -12766241 __toxicodendron_NN_1 in some classifications: comprising those members of the genus Rhus having foliage that is poisonous to the touch; of North America and northern South America -01524871 __stuff_VB_1 cram into a cavity; "The child stuffed candy into his pockets" -07130341 __whispering_NN_2 speaking softly without vibration of the vocal cords -07170467 __injunction_NN_1 a formal command or admonition -00145024 __tag_NN_5 (sports) the act of touching a player in a game (which changes their status in the game) -03402188 __full-dress_uniform_NN_1 the naval or military uniform that is specified by regulations to be worn on ceremonial occasions -07996689 __set_NN_1 a group of things of the same kind that belong together and are so used; "a set of books"; "a set of golf clubs"; "a set of teeth" -08706663 __oran_NN_1 a port city in northwestern Algeria and the country's 2nd largest city -08045140 __sipah-e-sahaba_NN_1 a vicious sectarian organization in Pakistan that persecutes Shiite Muslims and collaborates with al-Qaeda to attack foreigners and to disrupt the government of Pakistan -07498210 __taste_NN_2 a strong liking; "my own preference is for good literature"; "the Irish have a penchant for blarney" -05807540 __recognition_NN_4 coming to understand something clearly and distinctly; "a growing realization of the risk involved"; "a sudden recognition of the problem he faced"; "increasing recognition that diabetes frequently coexists with other chronic diseases" -08798062 __hefa_NN_1 a major port in northwestern Israel -13513747 __period_NN_6 the monthly discharge of blood from the uterus of nonpregnant women from puberty to menopause; "the women were sickly and subject to excessive menstruation"; "a woman does not take the gout unless her menses be stopped"--Hippocrates; "the semen begins to appear in males and to be emitted at the same time of life that the catamenia begin to flow in females"--Aristotle -00292386 __perambulation_NN_1 a walk around a territory (a parish or manor or forest etc.) in order to officially assert and record its boundaries -08428485 __parade_NN_1 a ceremonial procession including people marching -01968045 __skydive_VB_1 jump from an airplane and perform various maneuvers before opening one's parachute -11377712 __wayne_NN_1 United States film actor who played tough heroes (1907-1979) -02686379 __air_conditioning_NN_1 a system that keeps air cool and dry -12099342 __statice_NN_1 any of various plants of the genus Limonium of temperate salt marshes having spikes of white or mauve flowers -11406314 __zhou_en-lai_NN_1 Chinese revolutionary and communist leader (1898-1976) -01643464 __draw_VB_19 engage in drawing; "He spent the day drawing in the garden" -02201644 __pass_out_VB_2 give to several people; "The teacher handed out the exams" -09887496 __khalifah_NN_1 the civil and religious leader of a Muslim state considered to be a representative of Allah on earth; "many radical Muslims believe a Khalifah will unite all Islamic lands and people and subjugate the rest of the world" -15258281 __period_NN_3 (ice hockey) one of three divisions into which play is divided in hockey games -12802987 __tellima_NN_1 genus of hardy perennials with palmately lobed leaves and long racemes of small nodding five-petaled flowers; western North America -02032934 __concentrate_VB_5 draw together or meet in one common center; "These groups concentrate in the inner cities" -03123553 __coverlet_NN_1 a decorative bedspread (usually quilted) -01997698 __subclass_ostracoda_NN_1 seed shrimps -14010636 __suspension_NN_3 temporary cessation or suspension -09756961 __abomination_NN_1 a person who is loathsome or disgusting -01532325 __yellowbird_NN_2 American finch whose male has yellow body plumage in summer -01910529 __scyphozoa_NN_1 coelenterates in which the polyp stage is absent or at least inconspicuous: jellyfishes -13937554 __rejection_NN_2 the state of being rejected -12013035 __viper's_grass_NN_1 perennial south European herb having narrow entire leaves and solitary yellow flower heads and long black edible roots shaped like carrots -00504676 __nitrogenize_VB_1 treat with nitrogen or a nitrogen compound -03283827 __emitter_NN_1 the electrode in a transistor where electrons originate -11720353 __kingcup_NN_2 any of various plants of the genus Ranunculus -01858989 __genus_cygnus_NN_1 a genus of Anatidae -09007471 __european_russia_NN_1 the part of Russia that is part of Europe -14637507 __fluorine_NN_1 a nonmetallic univalent element belonging to the halogens; usually a yellow irritating toxic flammable gas; a powerful oxidizing agent; recovered from fluorite or cryolite or fluorapatite -06310237 __object_NN_3 (grammar) a constituent that is acted upon; "the object of the verb" -01166093 __exert_VB_1 put to use; "exert one's power or influence" -04737568 __transposability_NN_1 ability to change sequence -15035123 __botulismotoxin_NN_1 potent bacterial toxin produced by the bacterium Clostridium botulinum that causes botulism; can be used as a bioweapon -06335532 __filename_NN_1 (computer science) the name given to a computer file in order to distinguish it from other files; may contain an extension that indicates the type of file -03156071 __cyclotron_NN_1 an accelerator that imparts energies of several million electron-volts to rapidly moving particles -06767035 __reflexion_NN_3 a remark expressing careful consideration -08954611 __korean_peninsula_NN_1 an Asian peninsula (off Manchuria) separating the Yellow Sea and the Sea of Japan; the Korean name is Dae-Han-Min-Gook or Han-Gook -13044541 __geastraceae_NN_1 a family of earthstar fungi belonging to the order Lycoperdales -00807500 __synchronizing_NN_3 coordinating by causing to indicate the same time; "the synchronization of their watches was an important preliminary" -07726672 __cowpea_NN_3 eaten fresh as shell beans or dried -05770664 __higher_cognitive_process_NN_1 cognitive processes that presuppose the availability of knowledge and put it to use -01140514 __awkward_JJ_2 lacking grace or skill in manner or movement or performance; "an awkward dancer"; "an awkward gesture"; "too awkward with a needle to make her own clothes"; "his clumsy fingers produced an awkward knot" -15156746 __tt_NN_1 (astronomy) a measure of time defined by Earth's orbital motion; terrestrial time is mean solar time corrected for the irregularities of the Earth's motions -11858077 __verdolagas_NN_1 weedy trailing mat-forming herb with bright yellow flowers cultivated for its edible mildly acid leaves eaten raw or cooked especially in Indian and Greek and Middle Eastern cuisine; cosmopolitan -03751590 __messuage_NN_1 (law) a dwelling house and its adjacent buildings and the adjacent land used by the household -10574154 __section_eight_NN_1 a soldier who received a Section Eight discharge as unfit for military service -10161047 __harpsichordist_NN_1 someone who plays the harpsichord -01658762 __craft_VB_1 make by hand and with much skill; "The artisan crafted a complicated tool" -10526534 __revenant_NN_1 a person who returns after a lengthy absence -01830623 __momotidae_NN_1 a family of birds of the order Coraciiformes -14652104 __rn_NN_1 a radioactive gaseous element formed by the disintegration of radium; the heaviest of the inert gasses; occurs naturally (especially in areas over granite) and is considered a hazard to health -01134522 __cannon_VB_2 fire a cannon -02621706 __chelate_VB_1 form a chelate, in chemistry -08815046 __rwandese_republic_NN_1 a landlocked republic in central Africa; formerly a German colony -06335832 __patronymic_NN_1 a family name derived from name of your father or a paternal ancestor (especially with an affix (such as -son in English or O'- in Irish) added to the name of your father or a paternal ancestor) -01030397 __unchurch_VB_1 exclude from a church or a religious community; "The gay priest was excommunicated when he married his partner" -02713992 __roundel_NN_3 (heraldry) a charge in the shape of a circle; "a hollow roundel" -07753743 __passion_fruit_NN_1 egg-shaped tropical fruit of certain passionflower vines; used for sherbets and confectionery and drinks -10700640 __tenant_NN_2 a holder of buildings or lands by any kind of title (as ownership or lease) -09147046 __utah_NN_1 a state in the western United States; settled in 1847 by Mormons led by Brigham Young -10836029 __john_barrymore_NN_1 United States actor; son of Maurice Barrymore and Georgiana Barrymore (1882-1942) -00943436 __whiff_VB_5 utter with a puff of air; "whiff out a prayer" -01567678 __parula_warbler_NN_1 small grey-blue wood warbler with yellow throat and breast; of eastern North America -13610162 __point_NN_10 the unit of counting in scoring a game or contest; "he scored 20 points in the first half"; "a touchdown counts 6 points" -08377806 __hierarchy_NN_1 a series of ordered groupings of people or things within a system; "put honesty first in her hierarchy of values" -08589351 __isobar_NN_1 (meteorology)an isogram connecting points having equal barometric pressure at a given time -01125429 __bad_JJ_1 having undesirable or negative qualities; "a bad report card"; "his sloppy appearance made a bad impression"; "a bad little boy"; "clothes in bad shape"; "a bad cut"; "bad luck"; "the news was very bad"; "the reviews were bad"; "the pay is bad"; "it was a bad light for reading"; "the movie was a bad choice" -04668819 __trustworthiness_NN_1 the trait of deserving trust and confidence -14018918 __grogginess_NN_1 a dazed and staggering state caused by alcohol -00255079 __incrust_VB_3 form a crust or a hard layer -01945845 __seasnail_NN_2 any of several creeping marine gastropods with a spirally coiled shell: whelks; tritons; moon shells; neritids -13047216 __secotiales_NN_1 an order of fungi belonging to the class Gasteromycetes -06715786 __ridicule_NN_1 language or behavior intended to mock or humiliate -06425960 __social_security_number_NN_1 the number of a particular individual's Social Security account -10143595 __grantee_NN_1 a recipient of a grant -02708420 __spend_VB_1 pass time in a specific way; "how are you spending your summer vacation?" -10758589 __vociferator_NN_1 a loud and vehement speaker (usually in protest) -09828403 __boomer_NN_1 a member of the baby boom generation in the 1950s; "they expanded the schools for a generation of baby boomers" -01115349 __genuine_JJ_1 not fake or counterfeit; "a genuine Picasso"; "genuine leather" -12583855 __macamba_NN_1 tropical American feather palm having a swollen spiny trunk and edible nuts -08772307 __koln_NN_1 a commercial center and river port in western Germany on the Rhine River; flourished during the 15th century as a member of the Hanseatic League -14331873 __smartness_NN_1 a kind of pain such as that caused by a wound or a burn or a sore -00316460 __transshipment_NN_1 the transfer from one conveyance to another for shipment -01064863 __sleeping_NN_2 quiet and inactive restfulness -01111016 __generous_JJ_1 willing to give and share unstintingly; "a generous donation" -07094355 __catalexis_NN_1 the absence of a syllable in the last foot of a line or verse -06757891 __fiction_NN_2 a deliberately false or improbable account -10516294 __trustee_NN_2 members of a governing board -04062644 __reconnaissance_plane_NN_1 a military airplane used to gain information about an enemy -02627532 __yellowfin_tuna_NN_1 may reach 400 pounds; worldwide in tropics -10641223 __sprog_NN_2 a child -15259812 __renascence_NN_1 the period of European history at the close of the Middle Ages and the rise of the modern world; a cultural rebirth from the 14th through the middle of the 17th centuries -13802306 __jussive_mood_NN_1 a mood that expresses an intention to influence the listener's behavior -10736602 __undergraduate_NN_1 a university student who has not yet received a first degree -06244149 __zoroastrianism_NN_1 system of religion founded in Persia in the 6th century BC by Zoroaster; set forth in the Zend-Avesta; based on concept of struggle between light (good) and dark (evil) -07423560 __development_NN_4 a recent event that has some relevance for the present situation; "recent developments in Iraq"; "what a revolting development!" -00827782 __escort_NN_2 the act of accompanying someone or something in order to protect them -13366311 __maintenance_NN_2 means of maintenance of a family or group -01421496 __sporozoa_NN_1 strictly parasitic protozoans that are usually immobile; includes plasmodia and coccidia and piroplasms and malaria parasites -06986276 __chadic_language_NN_1 a family of Afroasiatic tonal languages (mostly two tones) spoken in the regions west and south of Lake Chad in north central Africa -11416988 __response_NN_1 a result; "this situation developed in response to events in Africa" -01145024 __foxhunt_VB_1 hunt foxes, on horseback and with dogs -02324182 __loan_VB_1 give temporarily; let have for a limited time; "I will lend you my car"; "loan me some money" -07881800 __potable_NN_1 any liquid suitable for drinking; "may I take your beverage order?" -09646432 __algonkin_NN_1 a member of a North American Indian people in the Ottawa river valley of Ontario and Quebec -12647376 __bird_cherry_tree_NN_1 any of several small-fruited cherry trees frequented or fed on by birds -14133750 __granuloma_venereum_NN_1 a venereal disease caused by a bacterium of the genus Calymmatobacterium; characterized by a pimply rash of the skin in the genital and groin region -01571578 __icteridae_NN_1 American orioles; American blackbirds; bobolinks; meadowlarks -12590232 __oil_palm_NN_1 pinnate-leaved palms of the genus Elaeis having dense clusters of crowded flowers and bright red fruit and yielding high quality palm oils -00346936 __about_turn_NN_1 act of pivoting 180 degrees, especially in a military formation -01231252 __prod_VB_1 to push against gently; "She nudged my elbow when she saw her friend enter the restaurant" -07762244 __papaya_NN_2 large oval melon-like tropical fruit with yellowish flesh -12674685 __lonicera_canadensis_NN_1 erect deciduous North American shrub with yellow-white flowers -02397529 __peccary_NN_1 nocturnal gregarious pig-like wild animals of North America and South America -01665541 __leathery_turtle_NN_1 wide-ranging marine turtle with flexible leathery carapace; largest living turtle -01457489 __groove_VB_1 make a groove in, or provide with a groove; "groove a vinyl record" -02064816 __sulfur_bottom_NN_1 largest mammal ever known; bluish-grey migratory whalebone whale mostly of southern hemisphere -15161631 __fete_day_NN_1 a day designated for feasting -13366912 __stash_NN_1 a secret store of valuables or money -08071516 __open-end_investment_company_NN_1 a regulated investment company with a pool of assets that regularly sells and redeems its shares -01176931 __obstructionism_NN_1 deliberate interference -02563182 __freshwater_bream_NN_2 any of various usually edible freshwater percoid fishes having compressed bodies and shiny scales; especially (but not exclusively) of the genus Lepomis -14641223 __indium_NN_1 a rare soft silvery metallic element; occurs in small quantities in sphalerite -04769049 __uniformity_NN_1 a condition in which everything is regular and unvarying -05710020 __perception_NN_4 knowledge gained by perceiving; "a man admired for the depth of his perception" -06917392 __maraco_NN_2 the language spoken by the Maraco -04211528 __shutter_NN_1 a mechanical device on a camera that opens and closes to control the time of a photographic exposure -10959664 __sir_jacob_epstein_NN_1 British sculptor (born in the United States) noted for busts and large controversial works (1880-1959) -11502497 __shower_NN_3 a brief period of precipitation; "the game was interrupted by a brief shower" -01867504 __tread_down_VB_1 walk on and flatten; "tramp down the grass"; "trample the flowers" -05820170 __respect_NN_1 (usually preceded by `in') a detail or point; "it differs in that respect" -00063277 __maladroit_JJ_1 not adroit; "a maladroit movement of his hand caused the car to swerve"; "a maladroit translation"; "maladroit propaganda" -10179291 __ice-hockey_player_NN_1 an athlete who plays hockey -11472503 __heat_ray_NN_1 a ray that produces a thermal effect -00803617 __control_NN_5 the activity of managing or exerting control over something; "the control of the mob by the police was admirable" -01515811 __subclass_archaeornithes_NN_1 primitive reptile-like fossil birds of the Jurassic or early Cretaceous -15213115 __october_NN_1 the month following September and preceding November -01667959 __malaclemys_NN_1 American terrapins -08241309 __bohemia_NN_2 a group of artists and writers with real or pretended artistic or intellectual aspirations and usually an unconventional life style -01414841 __rhodymeniaceae_NN_1 a family of protoctist -12185254 __ribbonwood_NN_1 deciduous New Zealand tree whose inner bark yields a strong fiber that resembles flax and is called New Zealand cotton -10540114 __mountie_NN_1 colloquial term for a member of the Royal Canadian Mounted Police -01895612 __waltz_around_VB_1 dance a waltz -07683617 __pocket_bread_NN_1 usually small round bread that can open into a pocket for filling -09906538 __paladin_NN_1 someone who fights for a cause -15089472 __fat-soluble_vitamin_NN_1 any vitamin that is soluble in fats -01752884 __produce_VB_3 cause to happen, occur or exist; "This procedure produces a curious effect"; "The new law gave rise to many complaints"; "These chemicals produce a noxious vapor"; "the new President must bring about a change in the health care system" -00694866 __undervalue_VB_2 the act of meting out justice according to the law esteem lightly -00091234 __throwing_away_NN_1 getting rid something that is regarded as useless or undesirable -12592058 __nipa_palm_NN_1 any creeping semiaquatic feather palm of the genus Nipa found in mangrove swamps and tidal estuaries; its sap is used for a liquor; leaves are used for thatch; fruit has edible seeds -04792679 __acceptableness_NN_1 satisfactoriness by virtue of conforming to approved standards -10835022 __sir_james_matthew_barrie_NN_1 Scottish dramatist and novelist; created Peter Pan (1860-1937) -02597004 __yellowfin_croaker_NN_1 a fish of the Pacific coast of North America -00988028 __represent_VB_5 serve as a means of expressing something; "The flower represents a young girl" -00084107 __venesect_VB_1 practice venesection -00493308 __stops_NN_1 a gambling card game in which chips are placed on the ace and king and queen and jack of separate suits (taken from a separate deck); a player plays the lowest card of a suit in his hand and successively higher cards are played until the sequence stops; the player who plays a card matching one in the layout wins all the chips on that card -09987696 __sciolist_NN_1 an amateur who engages in an activity without serious intentions and who pretends to have knowledge -03913437 __trental_NN_1 a drug (trade name Trental) used to treat claudication; believed to increase the flexibility of red blood cells so they can flow through the blood vessels to the legs and feet -02654890 __tetraodontidae_NN_1 puffers -01024811 __operating_procedure_NN_1 a procedure for operating something or for dealing with a given situation -13516312 __ore_processing_NN_1 crushing and separating ore into valuable substances or waste by any of a variety of techniques -00153961 __validation_NN_1 the act of validating; finding or testing the truth of something -11956850 __tickweed_NN_1 any of numerous plants of the genus Coreopsis having a profusion of showy usually yellow daisylike flowers over long periods; North and South America -00100543 __rendition_NN_4 the act of interpreting something as expressed in an artistic performance; "her rendition of Milton's verse was extraordinarily moving" -10488309 __psychic_NN_1 a person apparently sensitive to things beyond the natural range of perception -01707149 __genus_trachodon_NN_1 a reptile genus of the suborder Euronithopoda -05018785 __luminescence_NN_2 light from nonthermal sources -05204637 __powerlessness_NN_1 the quality of lacking strength or power; being weak and feeble -11928549 __wormwood_NN_1 any of several low composite herbs of the genera Artemisia or Seriphidium -05267345 __tissue_NN_1 part of an organism consisting of an aggregate of cells having a similar structure and function -07491591 __schadenfreude_NN_1 delight in another person's misfortune -08783286 __dodecanese_NN_1 a group of islands in the southeast Aegean Sea -00529224 __pas_de_deux_NN_1 (ballet) a dance for two people (usually a ballerina and a danseur noble) -12659203 __spiraea_NN_3 a dicotyledonous genus of the family Rosaceae -01359488 __oscillatoriaceae_NN_1 blue green algae -05271814 __wrist_bone_NN_1 any of the eight small bones of the wrist of primates -01073822 __salty_JJ_2 containing or filled with salt; "salt water" -01473176 __putter_around_VB_1 move around aimlessly -05795044 __arrangement_NN_1 the thing arranged or agreed to; "they made arrangements to meet in Chicago" -00709205 __want_VB_4 therapy based on the assumption that restoring health is best accomplished by manipulating the skeleton and muscles wish or demand the presence of; "I want you here at noon!" -03371875 __lavatory_NN_3 a toilet that is cleaned of waste by the flow of water through it -00857784 __trumpet_VB_3 utter in trumpet-like sounds; "Elephants are trumpeting" -13232515 __genus_armillariella_NN_1 a honey-colored diminutive form of genus Armillaria; grows in clusters; edible (when cooked) but most attention has been on how to get rid of it -10737103 __understudy_NN_1 an actor able to replace a regular performer when required -06389230 __erasure_NN_2 a surface area where something has been erased; "another word had been written over the erasure" -09898892 __case_NN_6 a person requiring professional services; "a typical case was the suburban housewife described by a marriage counselor" -11864906 __genus_capparis_NN_1 tropical or subtropical evergreen shrubs or small trees -04818284 __tastelessness_NN_2 inelegance indicated by a lack of good taste -03617594 __television_tube_NN_1 a cathode-ray tube in a television receiver; translates the received signal into a picture on a luminescent screen -14408519 __bitch_NN_1 an unpleasant difficulty; "this problem is a real bitch" -01140658 __mandate_NN_3 the commission that is given to a government and its policies through an electoral victory -15255641 __chukker_NN_1 (polo) one of six divisions into which a polo match is divided -00402130 __develop_VB_19 elaborate by the unfolding of a musical idea and by the working out of the rhythmic and harmonic changes in the theme; "develop the melody and change the key" -03395745 __freshener_NN_1 anything that freshens -10441251 __plebeian_NN_1 one of the common people -06128024 __electrical_engineering_NN_1 the branch of engineering science that studies the uses of electricity and the equipment for power generation and distribution and the control of machines and communication -12252620 __family_epacridaceae_NN_1 Australasian shrubs or small trees -01165537 __self-mortification_NN_1 voluntary self-punishment in order to atone for some wrongdoing -02123672 __smell_VB_2 emit an odor; "The soup smells good" -00074453 __dung_VB_2 defecate; used of animals -11205647 __ney_NN_1 French marshal in the Napoleonic Wars (1769-1815) -03926148 __photographic_equipment_NN_1 equipment used by a photographer -02557749 __walleyed_pike_NN_1 pike-like freshwater perches -08401554 __patronage_NN_2 customers collectively; "they have an upper class clientele" -08991491 __western_samoa_NN_1 a constitutional monarchy on the western part of the islands of Samoa in the South Pacific -06609403 __mummery_NN_1 meaningless ceremonies and flattery -07226545 __promise_NN_1 a verbal commitment by one person to another agreeing to do (or not to do) something in the future -00290740 __weaken_VB_4 reduce the level or intensity or size or scope of; "de-escalate a crisis" -09850457 __bereaved_person_NN_1 a person who has suffered the death of someone they loved; "the bereaved do not always need to be taken care of" -06335162 __filename_extension_NN_1 a string of characters beginning with a period and followed by one or more letters; the optional second part of a PC computer filename; "most applications provide extensions for the files they create"; "most BASIC files use the filename extension .BAS" -00795161 __mot_test_NN_1 a compulsory annual test of older motor vehicles for safety and exhaust fumes -04656598 __sweetness_and_light_NN_1 a mild reasonableness; "when he learned who I was he became all sweetness and light" -02660164 __batholitic_JJ_1 of or relating to a batholith -00691648 __transsexual_surgery_NN_1 surgical procedures and hormonal treatments designed to alter a person's sexual characteristics so that the resemble those of the opposite sex -12953206 __osmund_NN_1 any fern of the genus Osmunda: large ferns with creeping rhizomes; naked sporangia are on modified fronds that resemble flower clusters -08998233 __solomon_islands_NN_1 the southern Solomon Islands that since 1978 form an independent state in the British Commonwealth -11896722 __wild_mustard_NN_1 weedy Eurasian plant often a pest in grain fields -01172598 __aggro_NN_1 (informal British usage) aggravation or aggression; "I skipped it because it was too much aggro" -10916105 __oliver_cromwell_NN_1 English general and statesman who led the parliamentary army in the English Civil War (1599-1658) -09145083 __laredo_NN_1 a city in southern Texas on the Rio Grande -08911868 __meshed_NN_1 the holy city of Shiite Muslims; located in northeastern Iran -15074203 __trh_NN_1 hormone released by the hypothalamus that controls the release of thyroid-stimulating hormone from the anterior pituitary -12605683 __yellow-eyed_grass_NN_1 any of several rushlike plants, especially of the pine barrens of southern United States -08877382 __liverpool_NN_1 a large city in northwestern England; its port is the country's major outlet for industrial exports -10439851 __player_NN_1 a person who participates in or is skilled at some game -02485844 __date_VB_1 go on a date with; "Tonight she is dating a former high school sweetheart" -12212810 __subclass_rosidae_NN_1 a group of trees and shrubs and herbs mostly with polypetalous flowers; contains 108 families including Rosaceae; Crassulaceae; Myrtaceae; Melastomaceae; Euphorbiaceae; Umbelliferae -01055073 __odorous_JJ_1 having odor or a characteristic odor; "odorous jasmine flowers"; "odorous garbage"; "fresh odorous bread" -05984584 __experience_NN_2 the content of direct observation or participation in an event; "he had a religious experience"; "he recalled the experience vividly" -01133760 __conducting_NN_2 the direction of an orchestra or choir; "he does not use a baton for conducting" -01053144 __unpleasant-smelling_JJ_1 having an unpleasant smell -00343894 __logrolling_NN_2 rotating a log rapidly in the water (as a competitive sport) -07233214 __excoriation_NN_2 severe censure -10826352 __fred_astaire_NN_1 United States dancer and cinema actor noted for his original and graceful tap dancing (1899-1987) -01052248 __fragrant_JJ_1 pleasant-smelling -11943299 __genus_calendula_NN_1 marigold -09124589 __binghamton_NN_1 a city in south central New York near the border with Pennsylvania -00256746 __combing_NN_1 the act of drawing a comb through hair; "his hair needed a comb" -01657524 __reassemble_VB_1 assemble once again, after taking something apart -03976268 __polaroid_NN_1 (trade mark) a plastic film that can polarize a beam of light; often used in sunglasses to eliminate glare -03433434 __general_anesthetic_NN_1 an anesthetic that anesthetizes the entire body and causes loss of consciousness -04133789 __sandal_NN_1 a shoe consisting of a sole fastened by straps to the foot -01347583 __archeobacteria_NN_1 considered ancient life forms that evolved separately from bacteria and blue-green algae -06391766 __instalment_NN_2 a part of a published serial -10117957 __galilean_NN_1 an inhabitant of Galilee (an epithet of Jesus Christ) -10551751 __sapper_NN_1 a military engineer who lays or detects and disarms mines -13030157 __pezizaceae_NN_1 large family comprising many typical cup fungi -02552737 __ophiodontidae_NN_1 fishes closely related to greenlings -11237075 __pius_v_NN_1 Italian pope from 1566 to 1572 who led the reformation of the Roman Catholic Church; he excommunicated Elizabeth I (1504-1572) -07912211 __highball_NN_1 a mixed drink made of alcoholic liquor mixed with water or a carbonated beverage and served in a tall glass -02898711 __span_NN_5 a structure that allows people or vehicles to cross an obstacle such as a river or canal or railway etc. -13235503 __tuber_root_NN_1 erect perennial of eastern and southern United States having showy orange flowers -15101854 __plank_NN_1 a stout length of sawn timber; made in a wide variety of sizes and used for many purposes -12332555 __feijoa_bush_NN_1 South American shrub having edible greenish plumlike fruit -00159236 __backlog_VB_1 accumulate and create a backlog -00341285 __operate_VB_5 happen; "What is going on in the minds of the people?" -00954271 __narrate_VB_1 provide commentary for a film, for example -01954340 __solenogastres_NN_1 an order of Amphineura -10829450 __ibn-roshd_NN_1 Arabian philosopher born in Spain; wrote detailed commentaries on Aristotle that were admired by the Schoolmen (1126-1198) -00729109 __trace_VB_1 follow, discover, or ascertain the course of development of something; "We must follow closely the economic development is Cuba" ; "trace the student's progress" -02438861 __mismanage_VB_1 manage badly or incompetently; "The funds were mismanaged" -01037148 __native_JJ_3 characteristic of or relating to people inhabiting a region from the beginning; "native Americans"; "the aboriginal peoples of Australia" -07549716 __envy_NN_1 a feeling of grudging admiration and desire to have something that is possessed by another -01917611 __staghorn_coral_NN_1 large branching coral resembling antlers -01134781 __shoot_VB_3 fire a shot; "the gunman blasted away" -03096593 __prophylactic_device_NN_1 an agent or device intended to prevent conception -09903936 __censor_NN_1 someone who censures or condemns -01752167 __imperfect_JJ_1 not perfect; defective or inadequate; "had only an imperfect understanding of his responsibilities"; "imperfect mortals"; "drainage here is imperfect" -03236217 __dredge_NN_1 a power shovel to remove material from a channel or riverbed -02624551 __shiner_NN_3 important food fish of the northern Atlantic and Mediterranean; its body is greenish-blue with dark bars and small if any scales -01386906 __rasp_VB_1 scrape with a rasp -02065932 __family_eschrichtiidae_NN_1 comprising only the grey whales -02564130 __genus_ambloplites_NN_1 a genus of Centrarchidae -02153387 __take_stock_VB_1 to look at critically or searchingly, or in minute detail; "he scrutinized his likeness in the mirror" -08750151 __cuba_NN_2 the largest island in the West Indies -09261138 __cumberland_river_NN_1 a river that rises in southeastern Kentucky and flows westward through northern Tennessee to become a tributary of the Ohio River in southwestern Kentucky -05765159 __representational_process_NN_1 any basic cognitive process in which some entity comes to stand for or represent something else -08699654 __south_west_africa_NN_1 a republic in southwestern Africa on the south Atlantic coast (formerly called South West Africa); achieved independence from South Africa in 1990; the greater part of Namibia forms part of the high Namibian plateau of South Africa -02069569 __tursiops_NN_1 a genus of Delphinidae -12797693 __genus_francoa_NN_1 perennial evergreen herbs with white or pink flowers; Chile -02153253 __zoom_in_VB_1 examine closely; focus one's attention on; "He zoomed in on the book" -01030022 __curly_JJ_1 (of hair) having curls or waves; "they envied her naturally curly hair" -02591493 __pagellus_NN_1 sea breams -00322634 __injection_NN_1 the forceful insertion of a substance under pressure -15211484 __may_NN_1 the month following April and preceding June -01027263 __adaptable_JJ_1 capable of adapting (of becoming or being made suitable) to a particular situation or use; "to succeed one must be adaptable"; "the frame was adaptable to cloth bolts of different widths" -08586825 __see_NN_1 the seat within a bishop's diocese where his cathedral is located -12760013 __genus_cotinus_NN_1 smoke trees -01025913 __uncompromising_JJ_1 not making concessions; "took an uncompromising stance in the peace talks"; "uncompromising honesty" -12665048 __bedstraw_NN_1 any of several plants of the genus Galium -01372682 __spray_VB_2 scatter in a mass or jet of droplets; "spray water on someone"; "spray paint on the wall" -06210363 __viewpoint_NN_1 a mental position from which things are viewed; "we should consider this problem from the viewpoint of the Russians"; "teaching history gave him a special point of view toward current events" -10203682 __indian_giver_NN_1 an offensive term for someone who asks you to return a present he has given you -03416329 __gap_NN_3 a narrow opening; "he opened the window a crack" -00095971 __reformation_NN_3 rescuing from error and returning to a rightful course; "the reclamation of delinquent children" -02584643 __tentacle_NN_2 any of various elongated tactile or prehensile flexible organs that occur on the head or near the mouth in many animals; used for feeling or grasping or locomotion -00211108 __exsiccate_VB_1 lose water or moisture; "In the desert, you get dehydrated very quickly" -01022064 __flexile_JJ_1 able to flex; able to bend easily; "slim flexible birches" -10121952 __unwelcome_guest_NN_1 someone who gets in (to a party) without an invitation or without paying -01021794 __flat_JJ_5 lacking contrast or shading between tones -05978812 __sorcery_NN_1 the belief in magical spells that harness occult forces or evil spirits to produce unnatural effects in the world -01954559 __rail_VB_5 convey (goods etc.) by rails; "fresh fruit are railed from Italy to Belgium" -05639651 __salesmanship_NN_1 skill in selling; skill in persuading people to buy; "he read a book on salesmanship but it didn't help" -09926656 __classicist_NN_2 a student of ancient Greek and Latin -04124202 __saddlecloth_NN_1 stable gear consisting of a blanket placed under the saddle -04817280 __vulgarity_NN_1 the quality of lacking taste and refinement -08928193 __republic_of_kenya_NN_1 a republic in eastern Africa; achieved independence from the United Kingdom in 1963; major archeological discoveries have been made in the Great Rift Valley in Kenya -03661340 __lid_NN_2 a movable top or cover (hinged or separate) for closing the opening at the top of a box, chest, jar, pan, etc.; "he raised the piano lid" -01168569 __rivalry_NN_1 the act of competing as for profit or a prize; "the teams were in fierce contention for first place" -13944747 __over-crowding_NN_1 excessive crowding; "traffic congestion" -00925372 __scruple_VB_3 have doubts about -01642943 __leptodactylid_frog_NN_1 toothed frogs: terrestrial or aquatic or arboreal -08402944 __high_commission_NN_1 an embassy of one British Commonwealth country to another -09004625 __chechnya_NN_1 an autonomous republic in southwestern Russia in the northern Caucasus Mountains bordering on Georgia; declared independence from the USSR in 1991 but Russian troops invaded and continue to prosecute a relentless military campaign in the largely Muslim republic -09720702 __levantine_NN_1 (formerly) a native or inhabitant of the Levant -00022686 __stimulate_VB_4 cause to be alert and energetic; "Coffee and tea stimulate me"; "This herbal infusion doesn't stimulate" -01320314 __haploid_NN_1 (genetics) an organism or cell having only one complete set of chromosomes -10150281 __guard_NN_5 the person who plays the position of guard on a basketball team -07819480 __table_mustard_NN_1 pungent powder or paste prepared from ground mustard seeds -02253913 __woolly_apple_aphid_NN_1 primarily a bark feeder on aerial parts and roots of apple and other trees -08770718 __dortmund_NN_1 an industrial city in northwestern Germany; flourished from the 13th to 17th century as a member of the Hanseatic League -02736511 __scene_of_action_NN_1 a playing field where sports events take place -01214746 __urging_NN_2 the act of earnestly supporting or encouraging -10148165 __groomsman_NN_1 a male attendant of the bridegroom at a wedding -03888257 __parachute_NN_1 rescue equipment consisting of a device that fills with air and retards your fall -09641002 __white_man_NN_1 a man who is White -06508816 __file_NN_1 a set of related records (either written or electronic) kept together -00424691 __flash_VB_2 appear briefly; "The headlines flashed on the screen" -07733847 __wild_spinach_NN_3 leafy greens collected from the wild and used as a substitute for spinach -01322685 __young_carnivore_NN_1 the young of certain carnivorous mammals such as the bear or wolf or lion -01387617 __protoctist_family_NN_1 any of the families of Protoctista -07042586 __serenade_NN_1 a musical composition in several movements; has no fixed form -02205272 __take_VB_8 take into one's possession; "We are taking an orphan from Romania"; "I'll take three salmon steaks" -09800631 __truckler_NN_1 someone who humbles himself as a sign of respect; who behaves as if he had no self-respect -10381214 __ordainer_NN_1 a cleric who ordains; a cleric who admits someone to holy orders -01614778 __obtrusive_JJ_1 undesirably noticeable; "the obtrusive behavior of a spoiled child"; "equally obtrusive was the graffiti" -12966581 __xylaria_NN_1 type genus of Xylariaceae; fungi with perithecia in the upper part of erect black woody stromata -11386503 __wilder_NN_2 United States filmmaker (born in Austria) whose dark humor infused many of the films he made (1906-2002) -03807537 __table_napkin_NN_1 a small piece of table linen that is used to wipe the mouth and to cover the lap in order to protect clothing -07467846 __sports_meeting_NN_1 a meeting at which a number of athletic contests are held -00728393 __instill_VB_3 produce or try to produce a vivid impression of; "Mother tried to ingrain respect for our elders in us" -01595841 __genus_delichon_NN_1 a genus of Hirundinidae -04688246 __attractiveness_NN_1 the quality of arousing interest; being attractive or something that attracts; "her personality held a strange attraction for him" -11422597 __aerosol_NN_1 a cloud of solid or liquid particles in a gas -05162455 __limitation_NN_2 the quality of being limited or restricted; "it is a good plan but it has serious limitations" -07014029 __act_NN_5 a manifestation of insincerity; "he put on quite an act for her benefit" -12162425 __wild_pumpkin_NN_1 perennial vine of dry parts of central and southwestern United States and Mexico having small hard mottled green inedible fruit -03613294 __key_NN_1 metal device shaped in such a way that when it is inserted into the appropriate lock the lock's mechanism can be rotated -00213052 __cession_NN_1 the act of ceding -05723417 __tickle_NN_1 a cutaneous sensation often resulting from light stroking -14936226 __limestone_NN_1 a sedimentary rock consisting mainly of calcium that was deposited by the remains of marine animals -01521756 __rhea_NN_2 smaller of two tall fast-running flightless birds similar to ostriches but three-toed; found from Peru to Strait of Magellan -03471473 __trough_NN_2 a channel along the eaves or on the roof; collects and carries away rainwater -05680193 __comatoseness_NN_1 a state of deep and often prolonged unconsciousness; usually the result of disease or injury -12193964 __muntingia_NN_1 one species: Jamaican cherry; sometimes placed in family Flacourtiaceae -00999817 __felicitous_JJ_1 exhibiting an agreeably appropriate manner or style; "a felicitous speaker" -01459696 __fractionate_VB_1 separate into constituents or fractions containing concentrated constituents -03885028 __step-in_NN_1 short underpants for women or children (usually used in the plural) -12301180 __olive_NN_2 evergreen tree cultivated in the Mediterranean region since antiquity and now elsewhere; has edible shiny black fruits -02699941 __suit_VB_3 accord or comport with; "This kind of behavior does not suit a young woman!" -03365374 __photoflood_NN_1 light that is a source of artificial illumination having a broad beam; used in photography -12328398 __loosestrife_NN_1 any of numerous herbs and subshrubs of the genus Lythrum -11644046 __western_red_cedar_NN_1 large valuable arborvitae of northwestern United States -06061631 __pedology_NN_1 the branch of medicine concerned with the treatment of infants and children -00893435 __explain_VB_3 serve as a reason or cause or justification of; "Your need to sleep late does not excuse your late arrival at work"; "Her recent divorce may explain her reluctance to date again" -00231887 __repeal_NN_1 the act of abrogating; an official or legal cancellation -00996448 __unfavourable_JJ_1 not encouraging or approving or pleasing; "unfavorable conditions"; "an unfavorable comparison"; "unfavorable comments", "unfavorable impression" -01774252 __latrodectus_NN_1 venomous spiders -01613294 __eagle_NN_1 any of various large keen-sighted diurnal birds of prey noted for their broad wings and strong soaring flight -02411075 __ovibos_NN_1 consisting of the musk-ox -05241072 __skin_cell_NN_1 any of the cells making up the skin -02433767 __collectivize_VB_1 bring under collective control; of farms and industrial enterprises -01023636 __procedure_NN_4 a mode of conducting legal and parliamentary proceedings -00408272 __winterize_VB_1 prepare for winter; "winterize cars"; "winterize your houses" -04347119 __subcompact_car_NN_1 a car smaller than a compact car -14446161 __solacement_NN_1 comfort in disappointment or misery -15187451 __washington's_birthday_NN_1 the day on which George Washington is remembered -14889479 __rust_NN_1 a red or brown oxide coating on iron or steel caused by the action of oxygen and moisture -14749030 __human_chorionic_gonadotropin_NN_1 hormone produced early in pregnancy by the placenta; detection in the urine and serum is the basis for one kind of pregnancy test -10629647 __spanish_american_NN_1 an American whose first language is Spanish -01906552 __porifera_NN_1 coextensive with the subkingdom Parazoa: sponges -03371258 __fluphenazine_NN_1 tranquilizer used to treat psychotic disorders -01435000 __spirit_off_VB_1 carry off mysteriously; as if by magic -10686073 __well-wisher_NN_1 someone who shares your feelings or opinions and hopes that you will be successful -01569896 __retrofit_VB_2 fit in or on an existing structure, such as an older house; "The mansion was retrofitted with modern plumbing" -02228341 __katydid_NN_1 large green long-horned grasshopper of North America; males produce shrill sounds by rubbing together special organs on the forewings -01097192 __enlist_VB_1 join the military -03182232 __detonator_NN_1 a mechanical or electrical explosive device or a small amount of explosive; can be used to initiate the reaction of a disrupting explosive -01729838 __opheodrys_NN_1 North American green snakes -12839979 __giant_hyssop_NN_1 any of a number of aromatic plants of the genus Agastache -12830080 __genus_achimenes_NN_1 genus of tropical perennial American herbs -13630387 __petabyte_NN_1 a unit of information equal to 1000 terabytes or 10^15 bytes -01205156 __collaboration_NN_1 act of working jointly; "they worked either in collaboration or independently" -00733044 __solve_VB_2 find the solution; "solve an equation"; "solve for x" -00931608 __redaction_NN_2 the act of putting something in writing -00135799 __hook_NN_7 a short swinging punch delivered from the side with the elbow bent -10278666 __machine_NN_2 an efficient person; "the boxer was a magnificent fighting machine" -02218635 __fund_VB_2 place or store up in a fund for accumulation -10504206 __radiotherapist_NN_1 a medical specialist who uses radioactive substances and X-rays in the treatment of disease -10355306 __neutralist_NN_1 an advocate of neutrality in international affairs -01548694 __tyrannus_vociferans_NN_1 a kingbird seen in the southwestern United States; largely grey with a yellow abdomen abstaining from unlawful sexual intercourse -00332672 __unravel_VB_3 become undone; "the sweater unraveled" -00205766 __brisken_VB_1 become brisk; "business brisked up" -09127844 __raleigh_NN_2 capital of the state of North Carolina; located in the east central part of the North Carolina -02583567 __characin_fish_NN_1 any freshwater fish of the family Characinidae -02545578 __risk_VB_1 expose to a chance of loss or damage; "We risked losing a lot of money in this venture"; "Why risk your life?"; "She laid her job on the line when she told the boss that he was wrong" -02205896 __order_hymenoptera_NN_1 an order of insects including: bees; wasps; ants; ichneumons; sawflies; gall wasps; etc. -02066707 __toothed_whale_NN_1 any of several whales having simple conical teeth and feeding on fish etc. -11800799 __order_aristolochiales_NN_1 order of plants distinguished by tubular petaloid perianth and inferior ovary -05527848 __spermatic_cord_NN_1 a structure resembling a cord that suspends the testis within the scrotum and contains the vas deferens and other vessels and nerves -02181235 __tenebrionid_NN_1 sluggish hard-bodied black terrestrial weevil whose larvae feed on e.g. decaying plant material or grain -13946760 __par_NN_2 a state of being essentially equal or equivalent; equally balanced; "on a par with the best" -00975171 __stylish_JJ_1 having elegance or taste or refinement in manners or dress; "a little less posh but every bit as stylish as Lord Peter Wimsey"; "the stylish resort of Gstadd" -10336411 __moviegoer_NN_1 someone who goes to see movies -14973585 __pantothenic_acid_NN_1 a vitamin of the vitamin B complex that performs an important role in the oxidation of fats and carbohydrates and certain amino acids; occurs in many foods -08021464 __force_17_NN_1 formed in 1972 as a personal security force for Arafat and other PLO leaders; became one of PLO's elite units; has built an extensive infrastructure of terrorist cells and weapon depots in Europe while attacking Israeli targets -00177783 __emergency_procedure_NN_1 (medicine) a procedure adopted to meet an emergency (especially a medical emergency) -07817315 __coriander_NN_3 parsley-like herb used as seasoning or garnish -03953416 __place_of_worship_NN_1 any building where congregations gather for prayer -10777147 __whirling_dervish_NN_1 a dervish whose actions include ecstatic dancing and whirling -09012735 __tartu_NN_1 a city of southeastern Estonia that was a member of the Hanseatic League -10408552 __patron_saint_NN_1 a saint who is considered to be a defender of some group or nation -02303585 __samia_walkeri_NN_1 large Asiatic moth introduced into the United States; larvae feed on the ailanthus -00971075 __stylish_JJ_2 being or in accordance with current social fashions; "fashionable clothing"; "the fashionable side of town"; "a fashionable cafe" -03308853 __eyelet_NN_1 a small hole (usually round and finished around the edges) in cloth or leather for the passage of a cord or hook or bar -05393230 __atrium_of_the_heart_NN_1 the upper chamber of each half of the heart -08969291 __morocco_NN_1 a kingdom (constitutional monarchy) in northwestern Africa with a largely Muslim population; achieved independence from France in 1956 -08970833 __western_sahara_NN_1 an area in northwestern Africa with rich phosphate deposits; under Moroccan control since 1992 -10147262 __grinner_NN_1 a person who grins -07649463 __pope's_nose_NN_1 the tail of a dressed fowl -05105009 __enormity_NN_2 vastness of size or extent; "in careful usage the noun enormity is not used to express the idea of great size"; "universities recognized the enormity of their task" -00292247 __floodlight_VB_1 illuminate with floodlights -01959294 __regular_JJ_1 in accordance with fixed order or procedure or principle; "his regular calls on his customers"; "regular meals"; "regular duties" -04004475 __printing_machine_NN_1 a machine that prints -02528163 __teleostan_NN_1 a bony fish of the subclass Teleostei -00965606 __familiar_JJ_1 well known or easily recognized; "a familiar figure"; "familiar songs"; "familiar guests" -08578517 __benthos_NN_1 a region including the bottom of the sea and the littoral zones -01956344 __spat_NN_3 a young oyster or other bivalve -13530108 __overheating_NN_1 excessive heating -05496990 __thalmencephalon_NN_1 the posterior division of the forebrain; connects the cerebral hemispheres with the mesencephalon -10318414 __millenarist_NN_1 a person who believes in the coming of the millennium (a time of great peace and prosperity) -07423001 __waning_NN_1 a gradual decrease in magnitude or extent; "the waning of his enthusiasm was obvious"; "the waxing and waning of the moon" -00411020 __modernize_VB_2 become technologically advanced; "Many countries in Asia are now developing at a very fast pace"; "Viet Nam is modernizing rapidly" -00821295 __military_censorship_NN_1 all types of censorship conducted by personnel of the armed forces -11964269 __genus_enceliopsis_NN_1 small genus of xerophytic herbs of southwestern United States -00959731 __unfaithful_JJ_1 not true to duty or obligation or promises; "an unfaithful lover" -13523208 __nuclear_reaction_NN_1 (physics) a process that alters the energy or structure or composition of atomic nuclei -06258228 __centre_spread_NN_1 the spread at the center of a magazine -10597091 __signalman_NN_1 a railroad employee in charge of signals and point in a railroad yard -12325667 __genus_elaeagnus_NN_1 oleaster -09725653 __omani_NN_1 a native or inhabitant of Oman -12909252 __petunia_NN_2 annual or perennial herbs or shrubs of tropical South America -13061704 __tremella_reticulata_NN_1 a jelly fungus with an erect whitish fruiting body and a highly variable shape (sometimes resembling coral fungi) -03005920 __change_NN_6 a thing that is different; "he inspected several changes before selecting one" -13429780 __amelogenesis_NN_1 the developmental process of forming tooth enamel -10784922 __withdrawer_NN_5 a student who withdraws from the educational institution in which he or she was enrolled -14037619 __sexual_arousal_NN_1 the arousal of sexual desires in preparation for sexual behavior -03626115 __knob_NN_1 a circular rounded projection or protuberance -14752702 __hydrocortone_NN_1 an adrenal-cortex hormone (trade names Hydrocortone or Cortef) that is active in carbohydrate and protein metabolism -12637485 __salad_burnet_NN_1 European garden herb with purple-tinged flowers and leaves that are sometimes used for salads -00558371 __advance_VB_8 develop further; "We are advancing technology every day" -07476623 __whipping_NN_2 a sound defeat -00562523 __inflate_VB_4 increase the amount or availability of, creating a rise in value; "inflate the currency" -00094500 __indulgence_NN_5 the remission by the pope of the temporal punishment in purgatory that is still due for sins even after absolution; "in the Middle Ages the unrestricted sale of indulgences by pardoners became a widespread abuse" -14660443 __uranium_NN_1 a heavy toxic silvery-white radioactive metallic element; occurs in many isotopes; used for nuclear fuels and nuclear weapons -00734927 __date_VB_5 provide with a dateline; mark with a date; "She wrote the letter on Monday but she dated it Saturday so as not to reveal that she procrastinated" -00692726 __spaying_NN_1 neutering a female by removing the ovaries -11061853 __samuel_houston_NN_1 United States politician and military leader who fought to gain independence for Texas from Mexico and to make it a part of the United States (1793-1863) -03471779 __guy_wire_NN_1 a cable, wire, or rope that is used to brace something (especially a tent) -03762434 __mihrab_NN_2 (Islam) a niche in the wall of a mosque that indicates the direction of Mecca -00701877 __decide_VB_4 influence or determine; "The vote in New Hampshire often decides the outcome of the Presidential election" -01017826 __exact_VB_1 claim as due or just; "The bank demanded payment of the loan" -01708998 __sauropod_dinosaur_NN_1 very large herbivorous dinosaur of the Jurassic and Cretaceous having a small head a long neck and tail and five-toed limbs; largest known land animal -10430665 __piano_player_NN_1 a person who plays the piano -00946499 __expansive_JJ_1 able or tending to expand or characterized by expansion; "Expansive materials"; "the expansive force of fire" -00053097 __parting_NN_1 the act of departing politely; "he disliked long farewells"; "he took his leave"; "parting is such sweet sorrow" -10970864 __president_fillmore_NN_1 elected vice president and became the 13th President of the United States when Zachary Taylor died in office (1800-1874) -01415393 __porphyra_NN_1 a genus of protoctist -05795957 __mens_rea_NN_1 (law) criminal intent; the thoughts and intentions behind a wrongful act (including knowledge that the act is illegal); often at issue in murder trials -09463721 __tupungato_NN_1 a mountain in the Andes on the border between Argentina and Chile (22,310 feet high) -05016001 __cool_NN_1 the quality of being at a refreshingly low temperature; "the cool of early morning" -11731861 __genus_coptis_NN_1 small genus of low perennial herbs having yellow rhizomes and white or yellow flowers -02570267 __spoil_VB_4 treat with excessive indulgence; "grandparents often pamper the children"; "Let's not mollycoddle our students!" -07480896 __passionateness_NN_1 a strong feeling or emotion -07550666 __venom_NN_2 feeling a need to see others suffer -09950457 __compulsive_NN_1 a person with a compulsive disposition; someone who feels compelled to do certain things -01411978 __birch_VB_1 whip with a birch twig -09868157 __boswell_NN_2 a devoted admirer and recorder of another's words and deeds -03595614 __tee_shirt_NN_1 a close-fitting pullover shirt -10344922 __namesake_NN_1 a person with the same name as another -04348184 __submersible_warship_NN_1 a warship designed to operate under water -04236377 __sleeve_NN_1 the part of a garment that is attached at the armhole and that provides a cloth covering for the arm -10129825 __young_woman_NN_1 a young woman; "a young lady of 18" -11958742 __genus_craspedia_NN_1 herbs of Australia and New Zealand -05736149 __valuation_NN_1 an appraisal of the value of something; "he set a high valuation on friendship" -12234513 __genus_daboecia_NN_1 a dicotyledonous genus of the family Ericaceae -12283981 __genus_alnus_NN_1 alders -04946877 __texture_NN_1 the feel of a surface or a fabric; "the wall had a smooth texture" -05011277 __deflexion_NN_3 the property of being bent or deflected -00425905 __teasing_NN_1 the act of harassing someone playfully or maliciously (especially by ridicule); provoking someone with persistent annoyances; "he ignored their teases"; "his ribbing was gentle but persistent" -04114069 __roundel_NN_2 round piece of armor plate that protects the armpit -11647703 __kaury_NN_1 tall timber tree of New Zealand having white straight-grained wood -00934199 __inexpensive_JJ_1 relatively low in price or charging low prices; "it would have been cheap at twice the price"; "inexpensive family restaurants" -01851375 __scaup_duck_NN_1 diving ducks of North America having a bluish-grey bill -08717915 __republic_of_cape_verde_NN_1 an island country in the Atlantic off the coast of Senegal -02583379 __renegade_VB_1 break with established customs -08042183 __revolutionary_armed_forces_of_colombia_NN_1 a powerful and wealthy terrorist organization formed in 1957 as the guerilla arm of the Colombian communist party; opposed to the United States; has strong ties to drug dealers -02864593 __bollard_NN_1 a strong post (as on a wharf or quay or ship for attaching mooring lines); "the road was closed to vehicular traffic with bollards" -02457756 __genus_choloepus_NN_1 a genus of Megalonychidae consisting of the two-toed sloth -06763681 __reference_NN_2 a short note recognizing a source of information or of a quoted passage; "the student's essay failed to list several important citations"; "the acknowledgments are usually printed at the front of a book"; "the article includes mention of similar clinical cases" -12874783 __sesamum_indicum_NN_1 East Indian annual erect herb; source of sesame seed or benniseed and sesame oil -04281375 __splasher_NN_2 protective covering consisting of a panel to protect people from the splashing water or mud etc. -01912272 __siphonophora_NN_1 marine colonial hydrozoans -09268480 __doggy_do_NN_1 fecal droppings from a dog -09845999 __cosmetician_NN_2 someone who works in a beauty parlor -03859717 __outfield_NN_1 the area of a baseball playing field beyond the lines connecting the bases -00037919 __bathe_VB_3 clean one's body by immersion into water; "The child should bathe every day" -08419163 __merchant_bank_NN_1 a credit card processing bank; merchants receive credit for credit card receipts less a processing fee -00927578 __nonexistent_JJ_1 not having existence or being or actuality; "chimeras are nonexistent" -02325884 __sylvilagus_aquaticus_NN_1 a wood rabbit of southeastern United States swamps and lowlands -10412055 __walker_NN_3 a person who travels by foot -03299648 __ethacrynic_acid_NN_1 diuretic (trade name Edecrin) used to treat edema -15295267 __golden_age_NN_1 a time period when some activity or skill was at its peak; "it was the golden age of cinema" -08186047 __service_NN_4 a company or agency that performs a public service; subject to government regulation -03427656 __logic_gate_NN_1 a computer circuit with several inputs but only one output that can be activated by particular combinations of inputs -00261957 __repoint_VB_1 repair the joints of bricks; "point a chimney" -13792183 __bond_NN_3 a connection based on kinship or marriage or common interest; "the shifting alliances within a large family"; "their friendship constitutes a powerful bond between them" -01743223 __subfamily_pythoninae_NN_1 Old World boas: pythons; in some classifications considered a separate family from Boidae -00922594 __unexciting_JJ_2 not exciting; "an unexciting novel"; "lived an unexciting life" -08638442 __port_of_entry_NN_1 a port in the United States where customs officials are stationed to oversee the entry and exit of people and merchandise -00645415 __botanize_VB_1 collect and study plants -07349299 __tsunami_NN_1 a cataclysm resulting from a destructive sea wave caused by an earthquake or volcanic eruption; "a colossal tsunami destroyed the Minoan civilization in minutes" -13715755 __weight_NN_6 a system of units used to express the weight of something -05244239 __plaque_NN_1 (pathology) a small abnormal patch on or inside the body -01033714 __divine_office_NN_1 canonical prayers recited daily by priests (e.g. the breviary of the Roman Catholic Church) -09249034 __gap_NN_4 a pass between mountain peaks -03854815 __pipework_NN_1 the flues and stops on a pipe organ -03913343 __pentode_NN_1 a thermionic tube having five electrodes -02491590 __family_cebidae_NN_1 all the New World monkeys except marmosets and tamarins -00695761 __undervalue_VB_1 assign too low a value to; "Don't underestimate the value of this heirloom-you may sell it at a good price" -11827169 __saltwort_family_NN_1 family coextensive with genus Batis: saltworts -00895135 __manual_of_arms_NN_1 (military) a prescribed drill in handling a rifle -00682230 __assess_VB_4 estimate the value of (property) for taxation; "Our house hasn't been assessed in years" -05325378 __fenestra_NN_1 a small opening covered with membrane (especially one in the bone between the middle and inner ear) -01868258 __weave_VB_3 sway to and fro -10787197 __woman_chaser_NN_1 a man who is aggressive in making amorous advances to women -11741350 __wax_myrtle_NN_1 any shrub or small tree of the genus Myrica with aromatic foliage and small wax-coated berries -01349948 __bacillus_NN_1 aerobic rod-shaped spore-producing bacterium; often occurring in chainlike formations; found primarily in soil -02112497 __griffon_NN_2 breed of various very small compact wiry-coated dogs of Belgian origin having a short bearded muzzle -12260799 __beech_tree_NN_1 any of several large deciduous trees with rounded spreading crowns and smooth grey bark and small sweet edible triangular nuts enclosed in burs; north temperate regions -01606736 __lock_VB_4 hold in a locking position; "He locked his hands around her neck" -00916706 __exchangeable_JJ_2 capable of being exchanged for or replaced by something of equal value; "convertible securities" -09941172 __ianfu_NN_1 a woman forced into prostitution for Japanese servicemen during World War II; "she wrote a book about her harsh experiences as a comfort woman" -14213199 __affliction_NN_2 a condition of suffering or distress due to ill health -12381931 __vine_cactus_NN_1 desert shrub of southwestern United States and Mexico having slender naked spiny branches that after the rainy season put forth foliage and clusters of red flowers -00914421 __exact_JJ_1 marked by strict and particular and complete accordance with fact; "an exact mind"; "an exact copy"; "hit the exact center of the target" -12834938 __virginia_waterleaf_NN_1 showy perennial herb with white flowers; leaves sometimes used as edible greens in southeastern United States -08012384 __islamic_unity_NN_1 a fundamentalist Islamic group in Somalia who initially did fundraising for al-Qaeda; responsible for ambushing United States Army Rangers and for terrorist bombings in Ethiopia; believed to have branches in several countries -04565963 __wmd_NN_1 a weapon that kills or injures civilian as well as military personnel (nuclear and chemical and biological weapons) -03848729 __opening_NN_10 a vacant or unobstructed space that is man-made; "they left a small opening for the cat at the bottom of the door" -01928360 __phylum_nemertina_NN_1 proboscis worms -00445711 __freeze_out_VB_1 change from a liquid to a solid when cold; "Water freezes at 32 degrees Fahrenheit" -12893463 __nightshade_NN_1 any of numerous shrubs or herbs or vines of the genus Solanum; most are poisonous though many bear edible fruit -01414633 __irish_moss_NN_1 dark purple edible seaweed of the Atlantic coasts of Europe and North America -08024732 __provos_NN_1 a militant organization of Irish nationalists who used terrorism and guerilla warfare in an effort to drive British forces from Northern Ireland and achieve a united independent Ireland -06593803 __series_NN_3 a periodical that appears at scheduled times -00714531 __identify_VB_4 conceive of as united or associated; "Sex activity is closely identified with the hypothalamus" -01596404 __buttweld_VB_1 join by a butt weld -10350896 __necessitarian_NN_1 someone who does not believe the doctrine of free will -03180969 __sensor_NN_1 any device that receives a signal or stimulus (as heat or pressure or light or motion etc.) and responds to it in a distinctive manner -01612803 __polyborus_NN_1 a genus of Falconidae -07152752 __watchword_NN_1 a slogan used to rally support for a cause; "a cry to arms"; "our watchword will be `democracy'" -02074677 __get_away_VB_1 run away from confinement; "The convicted murderer escaped from a high security prison" -12219495 __knightia_NN_1 small genus of trees or shrubs of New Zealand and New Caledonia -00909363 __unhappy_JJ_2 generalized feeling of distress -02055521 __zoom_along_VB_1 move along very quickly -07530478 __cheerfulness_NN_2 a feeling of spontaneous good spirits; "his cheerfulness made everyone feel better" -01681723 __enamel_VB_1 coat, inlay, or surface with enamel -03491988 __hank_NN_1 a coil of rope or wool or yarn -10612803 __sloucher_NN_1 a person who slouches; someone with a drooping carriage -01055978 __roll_VB_15 pronounce with a roll, of the phoneme /r/; "She rolls her r's" -06243096 __taoism_NN_3 popular Chinese philosophical system based in teachings of Lao-tzu but characterized by a pantheism of many gods and the practices of alchemy and divination and magic -09421604 __san_andreas_fault_NN_1 a major geological fault in California; runs from San Diego to San Francisco; the source of serious earthquakes -00203866 __worsen_VB_1 grow worse; "Conditions in the slum worsened" -14237561 __malignancy_NN_1 (medicine) a malignant state; progressive and resistant to treatment and tending to cause death -09111366 __nh_NN_1 a state in New England; one of the original 13 colonies -09827363 __sister_NN_4 (slang) sometimes used as a term of address for attractive young women -02398161 __bring_up_VB_3 promote from a lower position or rank; "This player was brought up to the major league" -02165146 __peep_VB_1 look furtively; "He peeped at the woman through the window" -00257269 __expand_VB_2 become larger in size or volume or quantity; "his business expanded rapidly" -14443434 __regulation_NN_3 the state of being controlled or governed -08010364 __abu_hafs_al-masri_brigades_NN_1 a terrorist group that has worked with Al Qaeda; claimed responsibility for attacks in Iraq and Turkey -01290435 __petersburg_campaign_NN_1 the final campaign of the American Civil War (1864-65); Union forces under Grant besieged and finally defeated Confederate forces under Lee -00133978 __sensualize_VB_3 debase through carnal gratification -10632576 __specialist_NN_2 practices one branch of medicine -00900616 __essential_JJ_2 basic and fundamental; "the essential feature" -07189130 __prayer_NN_2 reverent petition to a deity -13857486 __contradictoriness_NN_1 the relation that exists when opposites cannot coexist -02922292 __tumulus_NN_1 (archeology) a heap of earth placed over prehistoric tombs -11695599 __pawpaw_NN_2 small tree native to the eastern United States having oblong leaves and fleshy fruit -08775597 __brandenburg_NN_1 the territory of an Elector (of the Holy Roman Empire) that expanded to become the kingdom of Prussia in 1701 -13869991 __straight_line_NN_1 a line traced by a point traveling in a constant direction; a line of zero curvature; "the shortest distance between two points is a straight line" -08041106 __red_army_faction_NN_1 a Marxist and Maoist terrorist organization in Germany; a network of underground guerillas who committed acts of violence in the service of the class struggle; a successor to the Baader-Meinhof Gang; became one of Europe's most feared terrorist groups; disbanded in 1998 -12034141 __zinnia_NN_1 any of various plants of the genus Zinnia cultivated for their variously and brightly colored flower heads -10966145 __fallot_NN_1 French physician who described cardiac anomalies including Fallot's tetralogy (1850-1911) -13344804 __insurance_NN_1 promise of reimbursement in the case of loss; paid to people or companies so concerned about hazards that they have made prepayments to an insurance company -12076075 __genus_phaius_NN_1 genus of Asiatic and Australian terrestrial orchids -03613592 __key_NN_15 a lever (as in a keyboard) that actuates a mechanism when depressed -12667406 __genipa_NN_1 any tree of the genus Genipa bearing yellow flowers and edible fruit with a thick rind -00036580 __cakewalk_NN_2 an easy accomplishment; "winning the tournament was a cakewalk for him"; "invading Iraq won't be a cakewalk" -13555599 __sloughing_NN_1 the process whereby something is shed -00896555 __univocal_JJ_1 admitting of no doubt or misunderstanding; having only one meaning or interpretation and leading to only one conclusion; "unequivocal evidence"; "took an unequivocal position"; "an unequivocal success"; "an unequivocal promise"; "an unequivocal (or univocal) statement" -05789808 __turnaround_NN_2 a decision to reverse an earlier decision -13853546 __wage_schedule_NN_1 a schedule of wages paid for different jobs -10724699 __transferrer_NN_1 someone who transfers something -09155306 __wv_NN_1 a state in east central United States -02685995 __airbrush_NN_1 an atomizer to spray paint by means of compressed air -05856066 __numerical_quantity_NN_1 a quantity expressed as a number -02326198 __market_VB_2 buy household supplies; "We go marketing every Saturday" -00218208 __obliteration_NN_1 destruction by annihilating something -01665761 __family_chelydridae_NN_1 snapping turtles -10175090 __highness_NN_1 (Your Highness or His Highness or Her Highness) title used to address a royal person -00784533 __divisible_JJ_1 capable of being or liable to be divided or separated; "even numbers are divisible by two"; "the Americans fought a bloody war to prove that their nation is not divisible" -03754014 __synthetic_heroin_NN_1 synthetic narcotic drug similar to morphine but less habit-forming; used in narcotic detoxification and maintenance of heroin addiction -12402051 __wild_fig_NN_1 a strangler tree native to southern Florida and West Indies; begins as an epiphyte eventually developing many thick aerial roots and covering enormous areas -12372124 __genus_canella_NN_1 one species -10069645 __executive_director_NN_1 a person responsible for the administration of a business -05483890 __pituitary_gland_NN_1 the master gland of the endocrine system; located at the base of the brain -12345495 __rhizophoraceae_NN_1 trees and shrubs that usually form dense jungles along tropical seacoasts -01112573 __ungenerous_JJ_2 unwilling to spend; "she practices economy without being stingy"; "an ungenerous response to the appeal for funds" -12461326 __genus_scilla_NN_1 sometimes placed in subfamily Hyacinthaceae -06917764 __arawakan_NN_2 a family of South American Indian languages spoken in northeastern South America -02718178 __adhere_VB_1 be compatible or in accordance with; "You must adhere to the rules" -00983824 __utter_VB_2 express audibly; utter sounds (not necessarily words); "She let out a big heavy sigh"; "He uttered strange sounds that nobody could understand" -00889490 __entozoic_JJ_1 living within a living animal usually as a parasite; "entozoic worms" -01775370 __tarantula_NN_1 large southern European spider once thought to be the cause of tarantism (uncontrollable bodily movement) -15215068 __tevet_NN_1 the fourth month of the civil year; the tenth month of the ecclesiastical year (in December and January) -00349951 __carry_over_VB_1 transfer or persist from one stage or sphere of activity to another -06425065 __number_NN_8 a numeral or string of numerals that is used for identification; "she refused to give them her Social Security number" -01986367 __subside_VB_2 shrimp; prawns; etc. sink to a lower level or form a depression; "the valleys subside" -13326198 __freightage_NN_1 the charge for transporting something by common carrier; "we pay the freight"; "the freight rate is usually cheaper" -00884778 __enterprising_JJ_1 marked by imagination, initiative, and readiness to undertake new projects; "an enterprising foreign policy"; "an enterprising young man likely to go far" -02151816 __preview_VB_1 watch (a movie or play) before it is released to the general public -01043887 __whistle_VB_5 make a whining, ringing, or whistling sound; "the kettle was singing"; "the bullet sang past his ear" -05309591 __hard_palate_NN_1 the bony part of the roof of the mouth -10308275 __clanswoman_NN_1 a member of a clan -07373803 __combining_NN_1 an occurrence that results in things being united -00497219 __worthlessly_RB_1 treat with ammonia; cause to undergo ammonification in a worthless manner -01468097 __lucky_JJ_2 having or bringing good fortune; "my lucky day"; "a lucky man" -02994858 __telephone_exchange_NN_1 a workplace that serves as a telecommunications facility where lines from telephones can be connected together to permit communication -06396930 __introduction_NN_2 the first section of a communication -01225027 __insult_NN_2 a deliberately offensive act or something producing the effect of deliberate disrespect; "turning his back on me was a deliberate insult" -00427802 __minimize_VB_1 make small or insignificant; "Let's minimize the risk" -07490214 __pruriency_NN_1 feeling morbid sexual desire or a propensity to lewdness -01705591 __ornithopod_dinosaur_NN_1 bipedal herbivorous dinosaur -01859496 __tundra_swan_NN_1 swan that nests in tundra regions of the New and Old Worlds -09303008 __hill_NN_1 a local and well-defined elevation of the land; "they loved to roam the hills of West Virginia" -00041188 __playing_NN_2 the action of taking part in a game or sport or other recreation -14120310 __quincke's_edema_NN_1 recurrent large circumscribed areas of subcutaneous edema; onset is sudden and it disappears within 24 hours; seen mainly in young women, often as an allergic reaction to food or drugs -06857726 __tonic_NN_3 (music) the first note of a diatonic scale -07763792 __loquat_NN_2 yellow olive-sized semitropical fruit with a large free stone and relatively little flesh; used for jellies -05190106 __use_NN_7 (law) the exercise of the legal right to enjoy the benefits of owning property; "we were given the use of his boat" -00877345 __exploratory_JJ_1 serving in or intended for exploration or discovery; "an exploratory operation"; "exploratory reconnaissance"; "digging an exploratory well in the Gulf of Mexico"; "exploratory talks between diplomats" -14630204 __baryta_NN_1 any of several compounds of barium -00873603 __energetic_JJ_1 possessing or exerting or displaying energy; "an energetic fund raiser for the college"; "an energetic group of hikers"; "it caused an energetic chemical reaction" -03685640 __lodge_NN_3 small house at the entrance to the grounds of a country mansion; usually occupied by a gatekeeper or gardener -01574801 __rusty_grackle_NN_1 North American blackbird whose bluish-black plumage is rusty-edged in the fall -11790390 __orontium_aquaticum_NN_1 aquatic plant of the southeastern United States having blue-green leaves and a spadix resembling a club covered with tiny yellow flowers -05240211 __epidermis_NN_1 the outer layer of the skin covering the exterior body surface of vertebrates -02501738 __throw_out_VB_1 force to leave or move out; "He was expelled from his native country" -05772215 __gestation_NN_3 the conception and development of an idea or plan -01625747 __class_amphibia_NN_1 the class of vertebrates that live on land but breed in water; frogs; toads; newts; salamanders; caecilians -08950230 __arnhem_NN_1 a city in the central Netherlands on the lower Rhine River; site of a battle in 1944 during World War II -02618697 __family_callionymidae_NN_1 dragonets -09319604 __isthmus_NN_1 a relatively narrow strip of land (with water on both sides) connecting two larger land areas -01810447 __shock_VB_2 strike with disgust or revulsion; "The scandalous behavior of this married woman shocked her friends" -02261630 __trogium_NN_1 a genus of Psocidae -00660957 __pedicure_NN_1 professional care for the feet and toenails -09122968 __village_NN_3 a mainly residential district of Manhattan; `the Village' became a home for many writers and artists in the 20th century -01873007 __ornithorhynchidae_NN_1 platypus -07888465 __white_beer_NN_1 a general name for beers made from wheat by top fermentation; usually very pale and cloudy and effervescent -00376625 __deliquesce_VB_2 melt or become liquid by absorbing moisture from the air; "this type of salt deliquesces easily" -03834836 __nucleoside_reverse_transcriptase_inhibitor_NN_1 an antiviral drug used against HIV; is incorporated into the DNA of the virus and stops the building process; results in incomplete DNA that cannot create a new virus; often used in combination with other drugs -09708648 __gaul_NN_1 a person of French descent -01952898 __refer_VB_4 send or direct for treatment, information, or a decision; "refer a patient to a specialist"; "refer a bill to a committee" -01498166 __repose_VB_6 to put something (eg trust) in something; "The nation reposed its confidence in the King" -02590340 __colonize_VB_1 settle as a colony; of countries in the developing world; "Europeans colonized Africa in the 17th century" -02635310 __gobiesocidae_NN_1 clingfishes -00443384 __indurate_VB_2 make hard or harder; "The cold hardened the butter" -08939562 __french_region_NN_1 a geographical subdivision of France -01827064 __envy_VB_2 be envious of; set one's heart on -11125193 __leibniz_NN_1 German philosopher and mathematician who thought of the universe as consisting of independent monads and who devised a system of the calculus independent of Newton (1646-1716) -06779310 __good_story_NN_1 an account of an amusing incident (usually with a punch line); "she told a funny story"; "she made a funny" -06948761 __middle_english_NN_1 English from about 1100 to 1450 -11654293 __rimu_NN_1 tall New Zealand timber tree -01998793 __catch_up_VB_1 reach the point where one should be after a delay; "I caught up on my homework" -09195372 __amazon_river_NN_1 a major South American river; arises in the Andes and flows eastward into the South Atlantic; the world's 2nd longest river (4000 miles) -08145871 __generally_accepted_accounting_principles_NN_1 a collection of rules and procedures and conventions that define accepted accounting practice; includes broad guidelines as well as detailed procedures -01584004 __troglodytidae_NN_1 wrens -02990561 __celecoxib_NN_1 a Cox-2 inhibitor (trade name Celebrex) that relieves pain and inflammation without harming the digestive tract -00874806 __rating_NN_2 act of ascertaining or fixing the value or worth of -05324553 __umbo_NN_1 a slight rounded elevation where the malleus attaches to the eardrum -03194992 __diffusor_NN_1 baffle that distributes sound waves evenly -00519854 __sweeten_VB_2 make sweeter, more pleasant, or more agreeable; "sweeten a deal" -14049711 __healthiness_NN_1 the state of being vigorous and free from bodily or mental disease -01759182 __arthropod_family_NN_1 any of the arthropods -04713428 __correspondence_NN_2 compatibility of observations; "there was no agreement between theory and measurement"; "the results of two tests were in correspondence" -12462582 __urginea_maritima_NN_1 having dense spikes of small white flowers and yielding a bulb with medicinal properties -02155872 __tooth_NN_3 toothlike structure in invertebrates found in the mouth or alimentary canal or on a shell -14853210 __high_explosive_NN_1 a powerful chemical explosive that produces gas at a very high rate -12354068 __strelitziaceae_NN_1 woody plants with erect stems of tropical South America and South Africa and Madagascar; in some classifications included in the family Musaceae -02710766 __anesthetic_agent_NN_1 a drug that causes temporary loss of bodily sensations -11455386 __the_flood_NN_1 (Biblical) the great deluge that is said in the Book of Genesis to have occurred in the time of Noah; it was brought by God upon the earth because of the wickedness of human beings -00509846 __merrymaking_NN_1 a boisterous celebration; a merry festivity from a position of superiority or authority; "father knows best"; "I know better." -01522276 __wrap_VB_2 arrange or or coil around; "roll your hair around your finger"; "Twine the thread around the spool"; "She wrapped her arms around the child" -06612266 __garbage_NN_2 a worthless message -00853776 __emotional_JJ_2 of more than usual emotion; "his behavior was highly emotional" -01118449 __attack_VB_3 take the initiative and go on the offensive; "The Serbs attacked the village at night"; "The visiting team started to attack" -02685585 __air_station_NN_1 a base for military aircraft -14653596 __sm_NN_1 a grey lustrous metallic element of the rare earth group; is used in special alloys; occurs in monazite and bastnasite -01259773 __waking_up_NN_1 the act of waking; "it was an early awakening"; "it was the waking up he hated most" -12164215 __genus_cucumis_NN_1 cucumbers; muskmelons -00349416 __recommence_VB_1 cause to start anew; "The enemy recommenced hostilities after a few days of quiet" -01910747 __jellyfish_NN_2 any of numerous usually marine and free-swimming coelenterates that constitute the sexually reproductive forms of hydrozoans and scyphozoans -13896369 __imprint_NN_2 a concavity in a surface produced by pressing; "he left the impression of his fingers in the soft mud" -10120816 __garmentmaker_NN_1 a person who makes garments -01789740 __poultry_NN_1 a domesticated gallinaceous bird thought to be descended from the red jungle fowl -11466701 __hot_weather_NN_1 a period of unusually high temperatures -06956287 __finno-ugric_NN_1 a family of Uralic languages indigenous to Scandinavia and Hungary and Russia and western Siberia (prior to the Slavic expansion into those regions) -03070396 __pit_NN_11 a workplace consisting of a coal mine plus all the buildings and equipment connected with it -00829918 __umbrella_NN_2 a formation of military planes maintained over ground operations or targets; "an air umbrella over England" -00849357 __elegant_JJ_1 refined and tasteful in appearance or behavior or style; "elegant handwriting"; "an elegant dark suit"; "she was elegant to her fingertips"; "small churches with elegant white spires"; "an elegant mathematical solution--simple and precise and lucid" -01073655 __overindulgence_NN_1 excessive indulgence; "the child was spoiled by overindulgence" -03199901 __rowboat_NN_1 a small boat of shallow draft with cross thwarts for seats and rowlocks for oars with which it is propelled -14181049 __visceral_leishmaniasis_NN_1 leishmaniasis of the viscera -01241594 __whitewash_NN_3 a specious or deceptive clearing that attempts to gloss over failings and defects -00373544 __elevation_NN_8 the act of increasing the wealth or prestige or power or scope of something; "the aggrandizement of the king"; "his elevation to cardinal" -09430771 __severn_river_NN_2 a river in England and Wales flowing into the Bristol Channel; the longest river in Great Britain -01242391 __slam_VB_2 strike violently; "slam the ball" -00839526 __talk_through_one's_hat_VB_1 speak insincerely or without regard for facts or truths; "The politician was not well prepared for the debate and faked it" -06083243 __zoology_NN_2 the branch of biology that studies animals -07514345 __stir_NN_2 emotional agitation and excitement -10626722 __sort_NN_3 a person of a particular character or nature; "what sort of person is he?"; "he's a good sort" -00105554 __joke_VB_2 act in a funny or teasing way -02999410 __chain_NN_3 a series of (usually metal) rings or links fitted into one another to make a flexible ligament -10507070 __raver_NN_2 someone who rants and raves; speaks in a violent or loud manner -03512147 __whirlybird_NN_1 an aircraft without wings that obtains its lift from the rotation of overhead blades -14598525 __adsorbent_material_NN_1 a material having capacity or tendency to adsorb another substance -12371439 __kiwi_vine_NN_1 climbing vine native to China; cultivated in New Zealand for its fuzzy edible fruit with green meat -00846462 __appointive_JJ_2 subject to appointment -06394865 __book_NN_10 a major division of a long written composition; "the book of Isaiah" -01580467 __wrap_VB_3 enclose or enfold completely with or as if with a covering; "Fog enveloped the house" -02729632 __compare_VB_2 be comparable; "This car does not compare with our line of Mercedes" -02970849 __cart_NN_1 a heavy open wagon usually having two wheels and drawn by an animal -02604014 __kyphosidae_NN_1 sea chubs -13091774 __spore_sac_NN_1 organ containing or producing spores -01115190 __tie_VB_2 finish a game with an equal number of points, goals, etc.; "The teams drew a tie" -11888800 __sweet_rocket_NN_1 long cultivated herb having flowers whose scent is more pronounced in the evening; naturalized throughout Europe to Siberia and into North America -08123696 __executive_agency_NN_1 an agency of the executive branch of government -03632963 __powder_room_NN_1 a woman's restroom in a public (or semipublic) building -07305234 __affliction_NN_3 a cause of great suffering and distress -00374135 __freeze_VB_2 change to ice; "The water in the bowl froze" -02545045 __dare_VB_2 to be courageous enough to try or do something; "I don't dare call him", "she dares to dress differently from the others" -01735144 __recapitulate_VB_2 repeat stages of evolutionary development during the embryonic phase of life -00405360 __flexure_NN_3 act of bending a joint; especially a joint between the bones of a limb so that the angle between them is decreased -02485451 __string_up_VB_1 kill by hanging; "The murderer was hanged on Friday" -00839619 __efficient_JJ_1 being effective without wasting time or effort or expense; "an efficient production manager"; "efficient engines save gas" -09150047 __richmond_NN_1 capital of the state of Virginia located in the east central part of the state; was capital of the Confederacy during the American Civil War -00838856 __efficacious_JJ_1 marked by qualities giving the power to produce an intended effect; "written propaganda is less efficacious than the habits and prejudices...of the readers"-Aldous Huxley; "the medicine is efficacious in stopping a cough" -13799392 __conjunction_NN_4 the grammatical relation between linguistic units (words or phrases or clauses) that are connected by a conjunction -08006094 __bracket_NN_1 a category falling within certain defined limits -13505467 __tricarboxylic_acid_cycle_NN_1 in all plants and animals: a series of enzymatic reactions in mitochondria involving oxidative metabolism of acetyl compounds to produce high-energy phosphate compounds that are the source of cellular energy -01930485 __family_ascaridae_NN_1 large roundworms parasitic in intestines of vertebrates -12060816 __genus_encyclia_NN_1 large genus of epiphytic and lithophytic orchids of tropical and subtropical Americas and West Indies; formerly included in genus Epidendrum -02313906 __divest_VB_3 reduce or dispose of; cease to hold (an investment); "The company decided to divest"; "the board of trustees divested $20 million in real estate property"; "There was pressure on the university to disinvest in South Africa" -00694068 __value_VB_3 regard highly; think much of; "I respect his judgement"; "We prize his creativity" -02601808 __relax_VB_7 become less severe or strict; "The rules relaxed after the new director arrived" -04845312 __unkindness_NN_1 lack of sympathy -11356636 __urban_ii_NN_1 French pope from 1088 to 1099 whose sermons called for the First Crusade (1042-1099) -04687119 __sultriness_NN_2 the quality of expressing or arousing sexual desire; "the sultriness of her look was unmistakable"; "the sultriness of lust was in the air" -12238491 __ledum_groenlandicum_NN_1 evergreen shrub of eastern North America having white or creamy bell-shaped flowers and dark green hairy leaves used for tea during American Revolution -10006511 __descendent_NN_1 a person considered as descended from some ancestor or race -01944812 __helix_pomatia_NN_1 one of the chief edible snails -04472243 __transmission_system_NN_1 the gears that transmit power from an automobile engine via the driveshaft to the live axle -01898592 __waggle_VB_1 move from side to side; "The happy dog wagged his tail" -13801424 __mood_NN_3 verb inflections that express how the action or state is conceived by the speaker -07387316 __whinny_NN_1 the characteristic sounds made by a horse -01959668 __family_cardiidae_NN_1 somewhat heart-shaped sand-burrowing bivalve mollusks -02087122 __hunting_dog_NN_1 a dog used in hunting game -03754822 __quaalude_NN_1 sedative-hypnotic drug (trade name Quaalude) that is a drug of abuse -00453731 __land_NN_11 agriculture considered as an occupation or way of life; "farming is a strenuous life"; "there's no work on the land any more" -01403052 __laminariaceae_NN_1 large family of marine brown algae including many economically important large kelps chiefly of northern waters -08566554 __terminus_NN_1 a place where something ends or is complete -11665781 __magnoliopsida_NN_1 comprising seed plants that produce an embryo with paired cotyledons and net-veined leaves; divided into six (not always well distinguished) subclasses (or superorders): Magnoliidae and Hamamelidae (considered primitive); Caryophyllidae (an early and distinctive offshoot); and three more or less advanced groups: Dilleniidae; Rosidae; Asteridae -08141092 __criminal_investigation_command_NN_1 the United States Army's principal law enforcement agency responsible for the conduct of criminal investigations for all levels of the Army anywhere in the world -01886407 __unprotected_JJ_1 lacking protection or defense -01475953 __free_VB_7 free or remove obstruction from; "free a path across the cluttered floor" -00825089 __western_JJ_1 relating to or characteristic of the western parts of the world or the West as opposed to the eastern or oriental parts; "the Western world"; "Western thought"; "Western thought" -10388440 __overlord_NN_1 a person who has general authority over others -15157225 __day_NN_3 a day assigned to a particular purpose or observance; "Mother's Day" -04390977 __tap_NN_6 a plug for a bunghole in a cask -13460991 __demagnetization_NN_1 the process of removing magnetization -12085117 __genus_stelis_NN_1 genus of small caespitose orchids of tropical America -12036939 __campanula_NN_1 any of various plants of the genus Campanula having blue or white bell-shaped flowers -06254239 __cypher_NN_5 a message written in a secret code -09158268 __milwaukee_NN_1 largest city of Wisconsin; located in southeastern Wisconsin on the western shore of Lake Michigan; a flourishing agricultural center known for its breweries -05965195 __nationalism_NN_4 the doctrine that nations should act independently (rather than collectively) to attain their goals -04993413 __saltiness_NN_3 the property of containing salt (as a compound or in solution) -00822449 __uneasy_JJ_1 lacking a sense of security or affording no ease or reassurance; "farmers were uneasy until rain finally came"; "uneasy about his health"; "gave an uneasy laugh"; "uneasy lies the head that wears the crown"; "an uneasy coalition government"; "an uneasy calm"; "an uneasy silence fell on the group" -02558703 __dash_VB_4 destroy or break; "dashed ambitions and hopes" -00265673 __reform_VB_5 improve by alteration or correction of errors or defects and put into a better condition; "reform the health system in this country" -02756098 __garb_NN_1 clothing of a distinctive style or for a particular occasion; "formal attire"; "battle dress" -10743675 __vocalizer_NN_1 an organism that can utter vocal sounds; "an utterer of foul oaths"; "is the giraffe a vocalizer?" -10754281 __violator_NN_2 someone who assaults others sexually -00086835 __vaccinate_VB_1 perform vaccinations or produce immunity in by inoculation; "We vaccinate against scarlet fever"; "The nurse vaccinated the children in the school" -00076341 __rejective_JJ_1 rejecting or tending to reject; "rejective or overcritical attitudes of disappointed parents" -04822032 __explicitness_NN_1 clarity as a consequence of being explicit -00621734 __throw_VB_15 be confusing or perplexing to; cause to be unable to think clearly; "These questions confuse even the experts"; "This question completely threw me"; "This question befuddled even the teacher" -02853740 __saurian_JJ_1 of or relating to lizards -10691937 __tartuffe_NN_1 a hypocrite who pretends to religious piety (after the protagonist in a play by Moliere) -09085334 __fort_wayne_NN_1 a city in northeastern Indiana -03673450 __lingerie_NN_1 women's underwear and nightclothes -06548671 __tax_return_NN_1 document giving the tax collector information about the taxpayer's tax liability; "his gross income was enough that he had to file a tax return" -01277938 __dunkirk_NN_3 an amphibious evacuation in World War II (1940) when 330,000 Allied troops had to be evacuated from the beaches in northern France in a desperate retreat under enemy fire -02383440 __pull_up_stakes_VB_1 remove oneself from an association with or participation in; "She wants to leave"; "The teenager left home"; "She left her position with the Red Cross"; "He left the Senate after two terms"; "after 20 years with the same company, she pulled up stakes" -07220466 __debriefing_NN_1 report of a mission or task -06962600 __latin_NN_1 any dialect of the language of ancient Rome -08101085 __variety_NN_3 (biology) a taxonomic category consisting of members of a species that differ from others of the same species in minor but heritable characteristics; "varieties are frequently recognized in botany" -04716210 __felicity_NN_1 pleasing and appropriate manner or style (especially manner or style of expression) -07182744 __sparring_NN_1 an argument in which the participants are trying to gain some advantage -07458453 __race_NN_2 a contest of speed; "the race is to the swift" -00578993 __ruin_VB_6 fall into ruin -03802007 __musket_NN_1 a muzzle-loading shoulder gun with a long barrel; formerly used by infantrymen -01148614 __restriction_NN_3 the act of keeping something within specified bounds (by force if necessary); "the restriction of the infection to a focal area" -14986004 __tincture_NN_1 a substances that colors metals -00407535 __activity_NN_1 any specific behavior; "they avoided all recreational activity" -00808191 __dynamical_JJ_1 characterized by action or forcefulness or force of personality; "a dynamic market"; "a dynamic speaker"; "the dynamic president of the firm" -12630478 __garden_strawberry_NN_1 widely cultivated -06139764 __behaviouristic_psychology_NN_1 an approach to psychology that emphasizes observable measurable behavior -00113663 __syncarpous_JJ_1 (of ovaries of flowering plants) consisting of united carpels -12131405 __bluegrass_NN_1 any of various grasses of the genus Poa -00804695 __lively_JJ_1 full of life and energy; "a lively discussion"; "lively and attractive parents"; "a lively party" -02299801 __outbid_VB_2 bid higher than others -01513838 __exfoliate_VB_2 cast off in scales, laminae, or splinters -00947719 __misuse_NN_1 improper or excessive use; "alcohol abuse"; "the abuse of public funds" -01589056 __point_VB_9 mark (a psalm text) to indicate the points at which the music changes -09350524 __mekong_river_NN_1 an Asian river; flows through a large delta in southern Vietnam into the South China Sea -01631759 __family_ambystomatidae_NN_1 New World salamanders -05636402 __taxidermy_NN_1 the art of mounting the skins of animals so that they have lifelike appearance -01457852 __trumpetfish_NN_1 tropical Atlantic fish with a long snout; swims snout down -08081668 __religion_NN_2 an institution to express belief in a divine power; "he was raised in the Baptist religion"; "a member of his own faith contradicted him" -08787240 __sparta_NN_1 an ancient Greek city famous for military prowess; the dominant city of the Peloponnesus prior to the 4th century BC -01578993 __ladle_VB_1 put (a liquid) into a container by means of a ladle; "ladle soup into the bowl" -00764258 __international_terrorism_NN_1 terrorism practiced in a foreign country by terrorists who are not native to that country -13576101 __definite_quantity_NN_1 a specific measure of amount -02416519 __goat_NN_1 any of numerous agile ruminants related to sheep but having a beard and straight horns -02765247 __imuran_NN_1 an immunosuppressive drug (trade name Imuran) used to prevent rejection of a transplanted organ -00797299 __intoxicated_JJ_1 stupefied or excited by a chemical substance (especially alcohol); "a noisy crowd of intoxicated sailors"; "helplessly inebriated" -09875188 __bridge_partner_NN_1 one of a pair of bridge players who are on the same side of the game -01774799 __scorn_VB_1 look down on with disdain; "He despises the people he has to work for"; "The professor scorns the students who don't catch on immediately" -08107191 __suborder_NN_1 (biology) taxonomic group that is a subdivision of an order -02009280 __reverberant_JJ_1 having a tendency to reverberate or be repeatedly reflected; "a reverberant room"; "the reverberant booms of cannon" -11641788 __taxodium_NN_1 bald cypress; swamp cypress -00796047 __theatrical_JJ_2 suited to or characteristic of the stage or theater; "a theatrical pose"; "one of the most theatrical figures in public life" -00795785 __actable_JJ_1 capable of being acted; suitable for the stage; "an actable scene" -01913532 __infiltrate_VB_3 pass into or through by filtering or permeating; "the substance infiltrated the material" -09845849 __beatnik_NN_1 a member of the beat generation; a nonconformist in dress and behavior -01604625 __order_falconiformes_NN_1 chiefly diurnal carnivorous birds having hooked beaks and long talons with opposable hind toe: falcons; hawks; eagles; ospreys; caracaras; vultures -13416345 __security_NN_4 a formal declaration that documents a fact of relevance to finance and investment; the holder has a right to receive interest or dividends; "he held several valuable securities" -12694193 __malpighia_NN_1 type genus of the Malpighiaceae -01670092 __tortoise_NN_1 usually herbivorous land turtles having clawed elephant-like limbs; worldwide in arid area except Australia and Antarctica -01765178 __compose_VB_5 calm (someone, especially oneself); make quiet; "She had to compose herself before she could reply to this terrible insult" -08673395 __tract_NN_1 an extended area of land -08310949 __council_NN_1 a body serving in an administrative capacity; "student council" -07529245 __merriment_NN_1 a gay feeling -07611358 __frozen_dessert_NN_1 any of various desserts prepared by freezing -08390012 __mechanized_cavalry_NN_1 an armored unit of a modern army equipped with motor vehicles -02429123 __family_antilocapridae_NN_1 comprising only the pronghorns -07443010 __run_NN_13 a row of unravelled stitches; "she got a run in her stocking" -09669125 __sioux_NN_1 a member of a group of North American Indian peoples who spoke a Siouan language and who ranged from Lake Michigan to the Rocky Mountains -09281411 __flat_NN_1 a level tract of land; "the salt flats of Utah" -01797204 __mourn_VB_2 observe the customs of mourning after the death of a loved one -12219875 __lambertia_NN_1 small genus of Australian shrubs -09920901 __showgirl_NN_1 a woman who dances in a chorus line -06438995 __daniel_NN_3 an Old Testament book that tells of the apocalyptic visions and the experiences of Daniel in the court of Nebuchadnezzar -02681524 __break_VB_26 give up; "break cigarette smoking" -01913035 __physalia_NN_1 Portuguese man-of-war -05870615 __hybrid_NN_2 a composite of mixed origin; "the vice-presidency is a hybrid of administrative and legislative offices" -08572162 __flies_NN_1 (theater) the space over the stage (out of view of the audience) used to store scenery (drop curtains) -12645174 __sweet_almond_NN_1 small bushy deciduous tree native to Asia and North Africa having pretty pink blossoms and highly prized edible nuts enclosed in a hard green hull; cultivated in southern Australia and California -01487927 __unburden_VB_2 take the burden off; remove the burden from; "unburden the donkey" -00914343 __overrun_NN_1 too much production or more than expected -06314144 __clause_NN_1 (grammar) an expression including a subject and predicate but not constituting a complete sentence -06799897 __line_NN_2 a mark that is long relative to its width; "He drew a line on the chart" -05172596 __unimportance_NN_2 the quality of not being important or worthy of note -00937208 __tattle_VB_2 divulge confidential information or secrets; "Be careful--his secretary talks" -12587366 __genus_ceroxylon_NN_1 wax palms -00270275 __restitution_NN_2 the act of restoring something to its original state -02046755 __whirl_VB_4 revolve quickly and repeatedly around one's own axis; "The dervishes whirl around and around without getting dizzy" -01224001 __grip_VB_1 hold fast or firmly; "He gripped the steering wheel" -14202763 __wen_NN_1 a common cyst of the skin; filled with fatty matter (sebum) that is secreted by a sebaceous gland that has been blocked -06380726 __lyric_poem_NN_1 a short poem of songlike quality -01482071 __selachian_NN_1 any of numerous fishes of the class Chondrichthyes characterized by a cartilaginous skeleton and placoid scales: sharks; rays; skates -09323221 __mount_kanchenjunga_NN_1 a mountain the Himalayas on the border between Nepal and Tibet (28,208 feet high) -12161285 __turban_squash_NN_1 squash plants bearing hard-shelled fruit shaped somewhat like a turban with a rounded central portion protruding from the end opposite the stem -01011542 __protest_VB_3 affirm or avow formally or solemnly; "The suspect protested his innocence" -00967157 __ravaging_NN_1 plundering with excessive damage and destruction -11630489 __cypress_tree_NN_1 any of numerous evergreen conifers of the genus Cupressus of north temperate regions having dark scalelike leaves and rounded cones -03751065 __mess_hall_NN_1 a (large) military dining room where service personnel eat or relax -01889074 __insectivore_NN_1 small insect-eating mainly nocturnal terrestrial or fossorial mammals -06203758 __racism_NN_1 the prejudice that members of one race are intrinsically superior to members of other races -04008634 __projectile_NN_1 a weapon that is forcibly thrown or projected at a targets but is not self-propelled -14395403 __dementia_NN_1 mental deterioration of organic or functional origin -01976841 __drop_VB_2 to fall vertically; "the bombs are dropping on enemy targets" -02457408 __three-toed_sloth_NN_1 a sloth that has three long claws on each forefoot and each hindfoot -01550172 __vermillion_flycatcher_NN_1 tropical American flycatcher found as far north as southern Texas and Arizona; adult male has bright scarlet and black plumage -01468576 __turn_out_VB_7 put out or expel from a place; "The unruly student was excluded from the game" -01252124 __waste_NN_5 (law) reduction in the value of an estate caused by act or neglect -06268096 __article_NN_1 nonfictional prose forming an independent part of a publication -12506614 __genus_anthyllis_NN_1 genus of Mediterranean herbs and shrubs -03080309 __compartment_NN_1 a space into which an area is subdivided -02082358 __tubulidentata_NN_1 an order of Eutheria -12164656 __cucumis_melo_cantalupensis_NN_1 a variety of muskmelon vine having fruit with a tan rind and orange flesh -06080522 __physiology_NN_1 the branch of the biological sciences dealing with the functioning of organisms -05988282 __ignorance_NN_1 the lack of knowledge or education -14416349 __hiddenness_NN_1 the state of being covert and hidden -04863969 __decisiveness_NN_1 the trait of resoluteness as evidenced by firmness of character or purpose; "a man of unusual decisiveness" -01600909 __ptilonorhynchus_NN_1 type genus of the Ptilonorhynchidae -03024518 __choking_coil_NN_1 a coil of low resistance and high inductance used in electrical circuits to pass direct current and attenuate alternating current -09043052 __uganda_NN_1 a landlocked republic in eastern Africa; achieved independence from the United Kingdom in 1962 -06645039 __step_NN_9 a mark of a foot or shoe on a surface; "the police made casts of the footprints in the soft earth outside the window" -00820611 __attest_VB_4 establish or verify the usage of; "This word is not attested until 1993" -13873502 __circle_NN_1 ellipse in which the two axes are of equal length; a plane curve generated by one point moving at a constant distance from a fixed point; "he calculated the circumference of the circle" -02583096 __tilefish_NN_1 important marine food fishes -02120079 __white_fox_NN_1 thickly-furred fox of Arctic regions; brownish in summer and white in winter -01614195 __genus_aquila_NN_1 a genus of Accipitridae -02338901 __wood_rat_NN_1 any of various small short-tailed rodents of the northern hemisphere having soft fur grey above and white below with furred tails and large ears; some are hosts for Ixodes pacificus and Ixodes scapularis (Lyme disease ticks) -01638611 __genus_amphiuma_NN_1 congo snakes -14184067 __chancre_NN_1 a small hard painless nodule at the site of entry of a pathogen (as syphilis) -14342132 __phrenitis_NN_1 inflammation of the brain usually caused by a virus; symptoms include headache and neck pain and drowsiness and nausea and fever (`phrenitis' is no longer in scientific use) -09679708 __quaker_NN_1 a member of the Religious Society of Friends founded by George Fox (the Friends have never called themselves Quakers) -00941719 __miaow_VB_1 make a cat-like sound -02372397 __procaviidae_NN_1 includes all recent members of the order Hyracoidea -09199101 __formicary_NN_1 a mound of earth made by ants as they dig their nest -12804352 __youth-on-age_NN_1 vigorous perennial herb with flowers in erect racemes and having young plants develop at the junction of a leaf blade and the leafstalk -04606574 __wrench_NN_3 a hand tool that is used to hold or twist a nut or bolt -01310964 __drive_VB_19 excavate horizontally; "drive a tunnel" -07300092 __software_error_NN_1 error resulting from bad code in some program involved in producing the erroneous result -03466162 __guided_missile_NN_1 a rocket-propelled missile whose path can be controlled during flight either by radio signals or by internal homing devices -08644722 __rural_area_NN_1 an area outside of cities and towns; "his poetry celebrated the slower pace of life in the country" -00753093 __statesmanly_JJ_1 marked by the qualities of or befitting a statesman; "a man of statesmanlike judgment"; "a statesmanlike solution of the present perplexities"-V.L.Parrington -11835451 __spinacia_NN_1 spinach -00757483 __original_sin_NN_1 a sin said to be inherited by all descendants of Adam; "Adam and Eve committed the original sin when they ate the forbidden fruit in the Garden of Eden" -14379829 __reasonableness_NN_1 the state of having good sense and sound judgment; "his rationality may have been impaired"; "he had to rely less on reason than on rousing their emotions" -12027864 __trilisa_NN_1 genus of herbs of southern United States -13775706 __torrent_NN_3 an overwhelming number or amount; "a flood of requests"; "a torrent of abuse" -01103836 __crush_VB_7 make ineffective; "Martin Luther King tried to break down racial discrimination" -00101956 __spue_VB_1 expel or eject (saliva or phlegm or sputum) from the mouth; "The father of the victim spat at the alleged murderer" -01945443 __limacidae_NN_1 slugs -08273843 __gang_NN_2 an informal body of friends; "he still hangs out with the same crowd" -02087745 __swing_VB_1 move in a curve or arc, usually with the intent of hitting; "He swung his left fist"; "swing a bat" -08245172 __organized_crime_NN_1 underworld organizations -11544769 __pteridophyta_NN_1 containing all the vascular plants that do not bear seeds: ferns, horsetails, club mosses, and whisk ferns; in some classifications considered a subdivision of Tracheophyta -00208055 __straighten_out_VB_1 settle or put right; "we need to iron out our disagreements" -01247804 __tip_VB_7 strike lightly; "He tapped me on the shoulder" -11980867 __helipterum_NN_1 genus of South African and Australian herbs or shrubs grown as everlastings; the various Helipterum species are currently in process of being assigned to other genera especially genera Pteropogon and Hyalosperma -01579868 __subfamily_garrulinae_NN_1 subfamily of the crow family: jays -00744916 __hard_JJ_1 not easy; requiring great physical or mental effort to accomplish or comprehend or endure; "a difficult task"; "nesting places on the cliffs are difficult of access"; "difficult times"; "why is it so hard for you to keep a secret?" -04845475 __harshness_NN_3 the quality of being cruel and causing tension or annoyance -00531490 __striptease_NN_2 a form of erotic entertainment in which a dancer gradually undresses to music; "she did a strip right in front of everyone" -00744506 __uniform_JJ_3 not differentiated -04543772 __wagon_wheel_NN_1 a wheel of a wagon -00264366 __enrichment_NN_1 act of making fuller or more meaningful or rewarding -00326440 __descent_NN_3 the act of changing your location in a downward direction -11706761 __persea_americana_NN_1 tropical American tree bearing large pulpy green fruits -12707040 __ruta_NN_1 type genus of the Rutaceae; strong-scented Eurasian herbs -01663580 __handbuild_VB_1 make without a potter's wheel; "This famous potter hand-builds all of her vessels" -00701576 __miscreate_VB_1 shape or form or make badly; "Our miscreated fantasies" -12534453 __hedysarum_NN_1 genus of herbs of north temperate regions -06742426 __expounding_NN_1 a systematic interpretation or explanation (usually written) of a specific topic -05817845 __point_NN_4 an isolated fact that is considered separately from the whole; "several of the details are similar"; "a point of information" -13041548 __tulostomatales_NN_1 an order of fungi belonging to the class Gasteromycetes -05845888 __the_likes_of_NN_1 a similar kind; "dogs, foxes, and the like", "we don't want the likes of you around here" -00463778 __flatten_VB_1 make flat or flatter; "flatten a road"; "flatten your stomach with these exercises" -11641275 __sequoiadendron_NN_1 giant sequoias; sometimes included in the genus Sequoia; until recently placed in the Taxodiaceae -09183693 __morals_NN_1 motivation based on ideas of right and wrong -12283147 __sweet_birch_NN_1 common birch of the eastern United States having spicy brown bark yielding a volatile oil and hard dark wood used for furniture -11884198 __genus_crambe_NN_1 annual or perennial herbs with large leaves that resemble the leaves of cabbages -06615818 __collage_film_NN_1 a movie that juxtaposes different kinds of footage -11738378 __thalictrum_NN_1 widely distributed genus of perennial herbs: meadow rue -06994329 __nguni_NN_1 a group of southern Bantu languages -00274283 __rust_VB_2 cause to deteriorate due to the action of water, air, or an acid; "The acid corroded the metal"; "The steady dripping of water rusted the metal stopper in the sink" -10075693 __facilitator_NN_1 someone who makes progress easier -13216238 __psilotales_NN_1 lower vascular plants having dichotomously branched sporophyte divided into aerial shoot and rhizome and lacking true roots -01239359 __shoulder_VB_1 lift onto one's shoulders -11555413 __monocot_family_NN_1 family of flowering plants having a single cotyledon (embryonic leaf) in the seed -04224671 __sistine_chapel_NN_1 the private chapel of the popes in Rome; it was built by and named after Sixtus IV in 1473 -04541662 __vomitory_NN_1 an entrance to an amphitheater or stadium -02534492 __woo_VB_2 make amorous advances towards; "John is courting Mary" -00660783 __manicure_NN_1 professional care for the hands and fingernails -06390512 __written_matter_NN_1 matter to be printed; exclusive of graphical materials -00684507 __misbelieve_VB_1 hold a false or unorthodox belief -00737973 __destructible_JJ_1 easily destroyed; "destructible glassware" -11719468 __ranunculaceae_NN_1 a family of Ranunculaceae -13315999 __tariff_NN_1 a government tax on imports or exports; "they signed a treaty to lower duties on trade between their countries" -01870889 __profitable_JJ_1 yielding material gain or profit; "profitable speculation on the stock market" -03835582 __number_cruncher_NN_2 a computer capable of performing a large number of mathematical operations per second -07488875 __sensualness_NN_1 desire for sensual pleasures -02584004 __paracheirodon_NN_1 a genus of Characidae -02290029 __shovel_in_VB_1 earn large sums of money; "Since she accepted the new position, she has been raking it in" -13628056 __mib_NN_1 a unit of information equal to 1024 kibibytes or 2^20 (1,048,576) bytes -10142391 __grandpa_NN_1 the father of your father or mother -03224893 __student_residence_NN_1 a college or university building containing living quarters for students -02573563 __pomatomus_NN_1 type genus of the Pomatomidae -00669099 __stand_for_VB_4 tolerate or bear; "I won't stand for this kind of behavior!" -09545324 __spirit_NN_4 any incorporeal supernatural being that can become visible (or audible) to human beings -00732960 __desirable_JJ_1 worth having or seeking or achieving; "a desirable job"; "computer with many desirable features"; "a desirable outcome" -05767733 __mental_imagery_NN_1 the ability to form mental images of things or events; "he could still hear her in his imagination" -02177644 __family_anobiidae_NN_1 deathwatch beetles -01071411 __mercy_NN_1 leniency and compassion shown toward offenders by a person or agency charged with administering justice; "he threw himself on the mercy of the court" -11418460 __luck_NN_3 an unknown and unpredictable phenomenon that leads to a favorable outcome; "it was my good luck to be there"; "they say luck is a lady"; "it was as if fortune guided his hand" -10468559 __president_NN_1 an executive officer of a firm or corporation -01068633 __heckling_NN_1 shouting to interrupt a speech with which you disagree -02642238 __stall_VB_1 postpone doing what one should be doing; "He did not want to write the letter and procrastinated for days" -01808989 __numida_NN_1 guinea fowl -00342980 __develop_VB_9 be gradually disclosed or unfolded; become manifest; "The plot developed slowly"; -02570038 __mycteroperca_NN_1 groupers -04743024 __indistinguishability_NN_1 exact sameness; "they shared an identity of interests" -12353604 __genus_ensete_NN_1 Old World tropical herbs: Abyssinian bananas -10362195 __passive_resister_NN_1 a reformer who believes in passive resistance -03911251 __penicillin_v_potassium_NN_1 a form of penicillin V (trade name Ledercillin VK) -00725772 __dependent_JJ_1 relying on or requiring a person or thing for support, supply, or what is needed; "dependent children"; "dependent on moisture" -02470175 __consociate_VB_1 bring or come into association or action; "The churches consociated to fight their dissolution" -06979014 __dravidic_NN_1 a large family of languages spoken in south and central India and Sri Lanka -00724861 __unreliable_JJ_2 not worthy of reliance or trust; "in the early 1950s computers were large and expensive and unreliable"; "an undependable assistant" -05768415 __picturing_NN_1 visual imagery -01079480 __take_on_VB_5 contend against an opponent in a sport, game, or battle; "Princeton plays Yale this weekend"; "Charlie likes to play Mary" -04592099 __wineglass_NN_1 a glass that has a stem and in which wine is served -11270577 __ross_NN_5 American seamstress said to have made the first American flag at the request of George Washington (1752-1836) -10927424 __lee_de_forest_NN_1 United States electrical engineer who in 1907 patented the first triode vacuum tube, which made it possible to detect and amplify radio waves (1873-1961) -12534862 __sulla_NN_1 perennial of southern Europe cultivated for forage and for its nectar-rich pink flowers that make it an important honey crop -09980458 __cross-questioner_NN_1 someone who questions a witness carefully (especially about testimony given earlier) -04259468 __solleret_NN_1 armor plate that protects the foot; consists of mail with a solid toe and heel -03464467 __safety_device_NN_1 a device designed to prevent injury or accidents -06714697 __ad-lib_NN_1 remark made spontaneously without prior preparation; "his ad-libs got him in trouble with the politicians" -07516997 __rage_NN_1 a feeling of intense anger; "hell hath no fury like a woman scorned"; "his face turned red with rage" -14605132 __levodopa_NN_1 the levorotatory form of dopa (trade names Bendopa and Brocadopa and Larodopa); as a drug it is used to treat Parkinson's disease -08507558 __source_NN_1 the place where something begins, where it springs into being; "the Italian beginning of the Renaissance"; "Jupiter was the origin of the radiation"; "Pittsburgh is the source of the Ohio River"; "communism's Russian root" -07090573 __turgidness_NN_1 pompously embellished language -06709998 __censure_NN_1 harsh criticism or disapproval -03995535 __power_line_NN_1 cable used to distribute electricity -07366799 __driftage_NN_1 the deviation (by a vessel or aircraft) from its intended course due to drifting -00617989 __roofing_NN_2 the craft of a roofer -02194286 __taste_VB_1 have flavor; taste of something -03880129 __pallium_NN_3 (Roman Catholic Church) vestment consisting of a band encircling the shoulders with two lappets hanging in front and back -11128394 __leonardo_da_vinci_NN_1 Italian painter and sculptor and engineer and scientist and architect; the most versatile genius of the Italian Renaissance (1452-1519) -00718924 __arbitrary_JJ_1 based on or subject to individual discretion or preference or sometimes impulse or caprice; "an arbitrary decision"; "the arbitrary rule of a dictator"; "an arbitrary penalty"; "of arbitrary size and shape"; "an arbitrary choice"; "arbitrary division of the group into halves" -11942366 __genus_buphthalmum_NN_1 oxeye -08026197 __jem_NN_1 a terrorist organization founded in 2000; a militant Islamic group active in Kashmir and closely aligned with al-Rashid Trust; seeks to secure release of imprisoned fellow militants by kidnappings -08378356 __taxonomy_NN_1 a classification of organisms into groups based on similarities of structure or origin etc -10593115 __shot_NN_5 a person who shoots (usually with respect to their ability to shoot); "he is a crack shot"; "a poor shooter" -08772922 __frankfurt_on_the_main_NN_1 a German city; an industrial and commercial and financial center -10618685 __social_climber_NN_1 someone seeking social prominence by obsequious behavior -07109730 __words_NN_1 the words that are spoken; "I listened to his words very closely" -15066367 __talcum_NN_1 a fine grained mineral having a soft soapy feel and consisting of hydrated magnesium silicate; used in a variety of products including talcum powder -10025730 __presenter_NN_3 person who makes a gift of property -11079544 __jesse_james_NN_1 United States outlaw who fought as a Confederate soldier and later led a band of outlaws that robbed trains and banks in the West until he was murdered by a member of his own gang (1847-1882) -01747285 __rhynchoelaps_australis_NN_1 small venomous but harmless snake marked with black-and-white on red -06713187 __upbraiding_NN_1 a severe scolding -02651424 __lodge_VB_4 provide housing for; "We are lodging three foreign students this semester" -05986395 __enlightenment_NN_1 education that results in understanding and the spread of knowledge -06274921 __telegraphy_NN_1 communicating at a distance by electric transmission over wire -01540232 __adsorb_VB_1 accumulate (liquids or gases) on the surface -06366581 __allegory_NN_3 an expressive style that uses fictional characters and events to describe some subject by suggestive resemblances; an extended metaphor -01216191 __upkeep_NN_2 the act of sustaining life by food or providing a means of subsistence; "they were in want of sustenance"; "fishing was their main sustainment" -09899782 __casualty_NN_1 someone injured or killed or captured or missing in a military engagement -01458302 __flagellum_NN_2 a lash-like appendage used for locomotion (e.g., in sperm cells and some bacteria and protozoa) -01943718 __zoom_VB_3 rise rapidly; "the dollar soared against the yen" -09913824 __chemist_NN_1 a scientist who specializes in chemistry -02123314 __unplayful_JJ_1 completely lacking in playfulness -00478262 __soccer_NN_1 a football game in which two teams of 11 players try to kick or head a ball into the opponents' goal -07089751 __verbosity_NN_1 an expressive style that uses excessive or empty words -13895852 __wart_NN_1 any small rounded protuberance (as on certain plants or animals) -13632961 __quantity_unit_NN_1 a measure of the quantity of electricity (determined by the amount of an electric current and the time for which it flows) -12673755 __lonicera_NN_1 woodbine -14014162 __estivation_NN_1 (zoology) cessation or slowing of activity during the summer; especially slowing of metabolism in some animals during a hot or dry period -00851587 __inbreeding_NN_1 the act of mating closely related individuals -11036140 __rutherford_birchard_hayes_NN_1 19th President of the United States; his administration removed federal troops from the South and so ended the Reconstruction Period (1822-1893) -11798851 __hedera_NN_1 Old World woody vines -11721642 __ranunculus_flammula_NN_1 semiaquatic Eurasian perennial crowfoot with leaves shaped like spears; naturalized in New Zealand -14397040 __toper's_nose_NN_1 enlargement of the nose with dilation of follicles and redness and prominent vascularity of the skin; often associated with excessive consumption of alcohol -00701479 __indefinite_JJ_1 vague or not clearly defined or stated; "must you be so indefinite?"; "amorphous blots of color having vague and indefinite edges"; "he would not answer so indefinite a proposal" -12659730 __rubiales_NN_1 an order of dicotyledonous plants of the subclass Asteridae; have opposite leaves and an inferior compound ovary -12224140 __xylomelum_pyriforme_NN_1 tree bearing pear-shaped fruit with a thick woody epicarp -09869830 __burgher_NN_2 a member of the middle class -14686352 __fossil_fuel_NN_1 fuel consisting of the remains of organisms preserved in rocks in the earth's crust with high carbon and hydrogen content -03718581 __manor_hall_NN_1 the large room of a manor or castle -10360101 __nominator_NN_1 someone who proposes a candidate for appointment or election -02955540 __trapping_NN_1 stable gear consisting of a decorated covering for a horse, especially (formerly) for a warhorse -03743577 __melphalan_NN_1 antineoplastic drug (trade name Alkeran) used to treat multiple myeloma and some other malignancies -08795654 __sodom_NN_2 (Old Testament) an ancient city near the Dead Sea that (along with Gomorrah) was destroyed by God for the wickedness of its inhabitants -00469637 __wilt_VB_2 become limp; "The flowers wilted" -01874784 __family_didelphidae_NN_1 opossums -00695523 __noncompliant_JJ_1 boldly resisting authority or an opposing force; "brought up to be aggressive and defiant"; "a defiant attitude" -01363482 __paint_VB_4 apply a liquid to; e.g., paint the gutters with linseed oil -03562958 __immunosuppressor_NN_1 a drug that lowers the body's normal immune response -06379094 __dithyramb_NN_2 (ancient Greece) a passionate hymn (usually in honor of Dionysus) -09506337 __fury_NN_4 (classical mythology) the hideous snake-haired monsters (usually three in number) who pursued unpunished criminals -10763245 __wailer_NN_1 a mourner who utters long loud high-pitched cries -07091587 __abbreviation_NN_1 a shortened form of a word or phrase -04821802 __unequivocalness_NN_1 clarity achieved by the avoidance of ambiguity -07953827 __battery_NN_3 a collection of related things intended for use together; "took a battery of achievement tests" -00931847 __realization_NN_2 making real or giving the appearance of reality -03532672 __hook_NN_4 a mechanical device that is curved or bent to suspend or hold or pull something -07379094 __peep_NN_1 the short weak cry of a young bird -07334206 __end_of_the_world_NN_2 an unpleasant or disastrous destiny; "everyone was aware of the approaching doom but was helpless to avoid it"; "that's unfortunate but it isn't the end of the world" -09227839 __bowlder_NN_1 a large smooth mass of rock detached from its place of origin -00879764 __propose_VB_5 ask (someone) to marry you; "he popped the question on Sunday night"; "she proposed marriage to the man she had known for only two months"; "The old bachelor finally declared himself to the young woman" -01434822 __pile_VB_3 place or lay as if in a pile; "The teacher piled work on the students until the parents protested" -00089351 __return_NN_4 getting something back again; "upon the restitution of the book to its rightful owner the child was given a tongue lashing" -04189651 __sheet_piling_NN_1 a pile in a row of piles driven side by side to retain earth or prevent seepage -12820113 __beggar_lice_NN_1 Eurasian and North American plants having small prickly nutlets that stick to clothing -06373991 __bathos_NN_3 a change from a serious subject to a disappointing one -00948707 __census_VB_1 conduct a census; "They censused the deer in the forest" -10362003 __nonresident_NN_1 someone who does not live in a particular place; "described by an admiring nonresident as a green and pleasant land" -06871384 __quaver_NN_2 a musical note having the time value of an eighth of a whole note -01043189 __novena_NN_1 a Roman Catholic devotion consisting of prayers on nine consecutive days -00686890 __declaratory_JJ_1 relating to the use of or having the nature of a declaration -08029421 __ku_klux_klan_NN_1 a secret society of white Southerners in the United States; was formed in the 19th century to resist the emancipation of slaves; used terrorist tactics to suppress Black people -10103485 __outlander_NN_1 a person who comes from a foreign country; someone who does not owe allegiance to your country -00685638 __decisive_JJ_3 characterized by decision and firmness; "an able and decisive young woman"; "we needed decisive leadership"; "she gave him a decisive answer" -00684480 __decisive_JJ_1 determining or having the power to determine an outcome; "cast the decisive vote"; "two factors had a decisive influence" -04632963 __smartness_NN_4 liveliness and eagerness; "he accepted with alacrity"; "the smartness of the pace soon exhausted him" -01587575 __glass_in_VB_1 enclose with glass; "glass in a porch" -13164583 __sprout_NN_1 any new growth of a plant such as a new branch or a bud -02532261 __field-test_VB_1 test something under the conditions under which it will actually be used; "The Army field tested the new tanks" -02708123 __wanton_away_VB_1 waste time; spend one's time idly or inefficiently -08766667 __gothenburg_NN_1 a port in southwestern Sweden; second largest city in Sweden -05072663 __curve_NN_4 the property possessed by the curving of a line or surface -10602985 __sister_NN_1 a female person who has the same parents as another person; "my sister married a musician" -14476852 __distress_NN_2 a state of adversity (danger or affliction or need); "a ship in distress"; "she was the classic maiden in distress" -09730204 __scandinavian_NN_1 an inhabitant of Scandinavia -04922338 __inheritance_NN_3 (genetics) attributes acquired via biological heredity from the parents -01384687 __parasite_NN_1 an animal or plant that lives in or on a host (another animal or plant); it obtains nourishment from the host without benefiting or killing the host -00940412 __invention_NN_3 the act of inventing -02784732 __stripe_NN_1 an adornment consisting of a strip of a contrasting color or material -10474064 __princess_NN_1 a female member of a royal family other than the queen (especially the daughter of a sovereign) -00792991 __subordinate_JJ_1 lower in rank or importance -00675701 __cyclical_JJ_1 recurring in cycles -05459953 __sarcostyle_NN_1 one of many contractile filaments that make up a striated muscle fiber -02142413 __splurge_VB_2 be showy or ostentatious -01753721 __family_crotalidae_NN_1 New World vipers: pit vipers -11819509 __sour_fig_NN_1 low-growing South African succulent plant having a capsular fruit containing edible pulp -05068716 __grade_NN_3 the gradient of a slope or road or other surface; "the road had a steep grade" -01164273 __tap_VB_4 draw from; make good use of; "we must exploit the resources we are given wisely" -13367593 __military_issue_NN_1 supplies (as food or clothing or ammunition) issued by the government -00800657 __gay_liberation_movement_NN_1 the movement aimed at liberating homosexuals from legal or social or economic oppression -05010627 __reflexion_NN_5 the ability to reflect beams or rays -13658657 __mm_NN_1 a metric unit of length equal to one thousandth of a meter -10344774 __namer_NN_1 a person who gives a name or names; "the owner is usually the namer of a boat" -02723292 __antiprotozoal_drug_NN_1 a medicinal drug used to fight diseases (like malaria) that are caused by protozoa -08732807 __barranquilla_NN_1 a port city of northern Colombia near the Caribbean on the Magdalena River -00954311 __defensive_measure_NN_1 (military) military action or resources protecting a country against potential enemies; "they died in the defense of Stalingrad"; "they were developed for the defense program" -08687709 __goat_NN_4 the tenth sign of the zodiac; the sun is in this sign from about December 22 to January 19 -06999233 __illustration_NN_1 artwork that helps make something clear or attractive -02261888 __present_VB_6 give, especially as an honor or reward; "bestow honors and prizes at graduation" -01501347 __sow_in_VB_1 place seeds in or on (the ground); "sow the ground with sunflower seeds" -01528654 __titlark_NN_1 a songbird that lives mainly on the ground in open country; has streaky brown plumage -07370968 __heaving_NN_1 an upward movement (especially a rhythmical rising and falling); "the heaving of waves on a rough sea" -10151570 __guide_NN_2 someone who shows the way by leading or advising -01041674 __unction_NN_4 anointing as part of a religious ceremony or healing ritual -01191610 __fatwa_NN_1 a ruling on a point of Islamic law that is given by a recognized authority -15084999 __uranyl_radical_NN_1 the bivalent radical UO2 which forms salts with acids -09105821 __show_me_state_NN_1 a midwestern state in central United States; a border state during the American Civil War, Missouri was admitted to the Confederacy without actually seceding from the Union -05926358 __reconditeness_NN_1 wisdom that is recondite and abstruse and profound; "the anthropologist was impressed by the reconditeness of the native proverbs" -03380134 __footlights_NN_1 theater light at the front of a stage that illuminate the set and actors -00173338 __withdraw_VB_12 remove something concrete, as by lifting, pushing, or taking off, or remove something abstract; "remove a threat"; "remove a wrapper"; "Remove the dirty dishes from the table"; "take the gun from your pocket"; "This machine withdraws heat from the environment" -01970502 __genus_argonauta_NN_1 type genus of the family Argonautidae: paper nautilus -10077593 __lover_NN_2 an ardent follower and admirer -00666058 __current_JJ_1 occurring in or belonging to the present time; "current events"; "the current topic"; "current negotiations"; "current psychoanalytic theories"; "the ship's current position" -10143172 __grandparent_NN_1 a parent of your father or mother -03863923 __overgarment_NN_1 a garment worn over other garments -07133701 __conversation_NN_1 the use of speech for informal exchange of views or ideas or information etc. -04175669 __service_entrance_NN_1 an entrance intended for the use of servants or for delivery of goods and removal of refuse -10745894 __valuer_NN_1 someone who assesses the monetary worth of possessions -01422539 __input_VB_1 enter (data or a program) into a computer -05484711 __pars_intermedia_NN_1 a thin piece of tissue that has become part of the posterior pituitary -04657407 __secretiveness_NN_1 characterized by a lack of openness (especially about one's actions or purposes) -00904046 __exonerate_VB_1 pronounce not guilty of criminal charges; "The suspect was cleared of the murder charges" -00882948 __recommend_VB_2 express a good opinion of -01487312 __odontaspis_NN_1 type and sole genus of Carchariidae: sand sharks -08108627 __subfamily_NN_1 (biology) a taxonomic category below a family -09028841 __rock_of_gibraltar_NN_1 location of a colony of the United Kingdom on a limestone promontory at the southern tip of Spain; strategically important because it can control the entrance of ships into the Mediterranean; one of the Pillars of Hercules -04906026 __cooperativeness_NN_1 the trait of being cooperative -00806502 __sanction_VB_1 give sanction to; "I approve of his educational policies" -01172889 __unhealthy_JJ_1 not in or exhibiting good health in body or mind; "unhealthy ulcers" -07922764 __hot_chocolate_NN_1 a beverage made from cocoa powder and milk and sugar; usually drunk hot -06023969 __mean_value_NN_1 an average of n numbers computed by adding some function of the numbers and dividing by some function of n -05707146 __pretermission_NN_1 letting pass without notice -06826214 __proportional_font_NN_1 any font whose different characters have different widths -02255942 __grant_VB_7 transfer by deed; "grant land" -10282672 __maidservant_NN_1 a female domestic -00658942 __two-dimensional_JJ_1 involving two dimensions -02260770 __traffic_VB_2 trade or deal a commodity; "They trafficked with us for gold" -09039260 __iraqi_kurdistan_NN_1 the part of Kurdistan that is in northwestern Iraq -13395897 __one_dollar_bill_NN_1 a piece of paper money worth one dollar -14821248 __semiconductor_NN_1 a substance as germanium or silicon whose electrical conductivity is intermediate between that of a metal and an insulator; its conductivity increases with temperature and in the presence of impurities -12431434 __alliaceous_plant_NN_1 bulbous plants having a characteristic pungent onion odor -01195675 __degust_VB_1 taste with relish; "degust this wonderful soup" -04201297 __shoji_NN_1 a translucent screen made of a wooden frame covered with rice paper -11417387 __side_effect_NN_2 any adverse and unwanted secondary effect; "a strategy to contain the fallout from the accounting scandal" -08602650 __big_bend_NN_1 a triangular area in southwestern Texas on the Mexican border; formed by a bend in the Rio Grande -14657818 __tl_NN_1 a soft grey malleable metallic element that resembles tin but discolors on exposure to air; it is highly toxic and is used in rodent and insect poisons; occurs in zinc blende and some iron ores -04854389 __unjustness_NN_1 the practice of being unjust or unfair -13761171 __splatter_NN_2 a small quantity of something moist or liquid; "a dab of paint"; "a splatter of mud"; "just a splash of whiskey" -10041373 __earl_NN_1 a British peer ranking below a marquess and above a viscount -10611613 __sleuthhound_NN_1 a detective who follows a trail -00074790 __pratfall_NN_2 an embarrassing mistake -00782527 __tempt_VB_2 provoke someone to do something through (often false or exaggerated) promises or persuasion; "He lured me into temptation" -01478300 __myxinidae_NN_1 slime-producing marine animals: hagfishes -00764222 __agree_VB_2 consent or assent to a condition, or agree to do something; "She agreed to all my conditions"; "He agreed to leave her alone" -00102457 __mechanization_NN_2 the act of implementing the control of equipment with advanced technology; usually involving electronic hardware; "automation replaces human workers by machines" -03526198 __hole_NN_2 an opening deliberately made in or through something -03608870 __quat_NN_1 the leaves of the shrub Catha edulis which are chewed like tobacco or used to make tea; has the effect of a euphoric stimulant; "in Yemen kat is used daily by 85% of adults" -08898002 __upper_egypt_NN_1 one of the two main administrative districts of Egypt; extends south from Cairo to Sudan -12171503 __tall_mallow_NN_1 erect or decumbent Old World perennial with axillary clusters of rosy-purple flowers; introduced in United States -03439814 __sailplane_NN_1 aircraft supported only by the dynamic action of air against its surfaces -00622068 __struggle_NN_3 strenuous effort; "the struggle to get through the crowd exhausted her" -09106770 __independence_NN_3 a city in western Missouri; the beginning of the Santa Fe Trail -02035559 __hunch_over_VB_1 round one's back by bending forward and drawing the shoulders forward -00650577 __critical_JJ_6 being in or verging on a state of crisis or emergency; "a critical shortage of food"; "a critical illness"; "an illness at the critical stage" -00880662 __watch_NN_3 a purposeful surveillance to guard or observe -00648977 __judgmental_JJ_1 depending on judgment; "a judgmental error"; "I think that she is too judgmental to be a good therapist" -10561613 __scoffer_NN_1 someone who eats food rapidly and greedily -05368100 __vena_genus_NN_1 veins that drain blood from structures around the knee; empty into the popliteal vein -00647542 __critical_JJ_1 marked by a tendency to find and call attention to errors and flaws; "a critical attitude" -02163183 __spangle_VB_1 glitter as if covered with spangles -10588182 __shegetz_NN_1 an offensive term for non-Jewish young man; "why does she like all those shkotzim?" -00647070 __incredulous_JJ_1 not disposed or willing to believe; unbelieving -08688779 __war_zone_NN_1 a combat zone where military operations are coordinated (especially a designated area in international waters where the rights of neutrals are not respected by nations at war) -02037989 __climb_VB_4 slope upward; "The path climbed all the way to the top of the hill" -08188638 __choir_NN_1 a chorus that sings as part of a religious ceremony -10902934 __robert_clive_NN_1 British general and statesman whose victory at Plassey in 1757 strengthened British control of India (1725-1774) -09230041 __tunnel_NN_2 a hole made by an animal, usually for shelter -09405949 __red_river_NN_1 a tributary of the Mississippi River that flows eastward from Texas along the southern boundary of Oklahoma and through Louisiana -03578656 __port_NN_5 (computer science) computer circuit consisting of the hardware and associated circuitry that links one device with another (especially a computer and a hard disk drive or other peripherals) -00645493 __unbelievable_JJ_1 beyond belief or understanding; "at incredible speed"; "the book's plot is simply incredible" -00286360 __sidestep_NN_1 a step to one side (as in boxing or dancing) -08466643 __artistic_movement_NN_1 a group of artists who agree on general principles -10323999 __mixed-blood_NN_1 a person whose ancestors belonged to two or more races -03630262 __laboratory_bench_NN_1 a workbench in a laboratory -02367993 __lagostomus_NN_1 viscachas -14540564 __killer_NN_2 the causal agent resulting in death; "heart disease is the biggest killer in the United States" -13779032 __volume_NN_1 the amount of 3-dimensional space occupied by an object; "the gas expanded to twice its original volume" -00094240 __remittal_NN_3 the act of absolving or remitting; formal redemption as pronounced by a priest in the sacrament of penance -14110219 __bacteriemia_NN_1 transient presence of bacteria (or other microorganisms) in the blood -00646833 __qualitative_analysis_NN_1 the act of decomposing a substance into its constituent elements -13985818 __spirit_NN_5 the state of a person's emotions (especially with regard to pleasure or dejection); "his emotional state depended on her opinion"; "he was in good spirits"; "his spirit rose" -00638981 __considerate_JJ_1 showing concern for the rights and feelings of others; "friends considerate enough to leave us alone" -07290905 __beginning_NN_1 the event consisting of the start of something; "the beginning of the war" -03959936 __plate_NN_2 a sheet of metal or wood or glass or plastic -11477384 __magnetic_flux_NN_2 the lines of force surrounding a permanent magnet or a moving charged particle -07142365 __deliberation_NN_1 (usually plural) discussion of all sides of a question; "the deliberations of the jury" -13136316 __bean_NN_2 any of various seeds or fruits that are beans or resemble beans -02134084 __ursus_maritimus_NN_1 white bear of Arctic regions -01255935 __solmization_NN_2 singing using solfa syllables to denote the notes of the scale of C major -00470701 __wipe_out_VB_2 kill in large numbers; "the plague wiped out an entire population" -06363778 __writing_NN_3 (usually plural) the collected work of an author; "the idea occurs with increasing frequency in Hemingway's writings" -11835806 __nyctaginaceae_NN_1 a family of flowering plants of the order Caryophyllales -01240210 __intervention_NN_1 the act of intervening (as to mediate a dispute, etc.); "it occurs without human intervention" -00349213 __straddle_NN_3 the act of sitting or standing astride -06466030 __ayurveda_NN_1 (Sanskrit) an ancient medical treatise summarizing the Hindu art of healing and prolonging life; sometimes regarded as a 5th Veda -11748501 __peanut_vine_NN_1 widely cultivated American plant cultivated in tropical and warm regions; showy yellow flowers on stalks that bend over to the soil so that seed pods ripen underground -00793037 __convoke_VB_1 call together; "The students were convened in the auditorium" -00272123 __barbarization_NN_1 an act that makes people primitive and uncivilized -02237338 __turn_down_VB_1 refuse to accept; "He refused my offer of hospitality" -09845589 __wolf_NN_5 a cruelly rapacious person -00631391 __right_JJ_2 free from error; especially conforming to fact or truth; "the correct answer"; "the correct version"; "the right answer"; "took the right road"; "the right decision" -09552681 __roman_deity_NN_1 a deity worshipped by the ancient Romans -12296432 __fringed_gentian_NN_1 any of various herbs of the genus Gentianopsis having the margins of the corolla lobes fringed; sometimes included in genus Gentiana -00630802 __incorporeal_JJ_1 without material form or substance; "an incorporeal spirit" -14724025 __sensitizer_NN_1 (chemistry) a substance other than a catalyst that facilitates the start of a catalytic reaction -06540284 __consent_decree_NN_1 an agreement between two parties that is sanctioned by the court; for example, a company might agree to stop certain questionable practices without admitting guilt -03873699 __paddle_NN_2 a blade of a paddle wheel or water wheel -04292572 __squawker_NN_2 the loudspeaker on an intercom or public address system -00480221 __automatize_VB_1 turn into an automaton -11750855 __genus_melilotus_NN_1 Old World herbs: the sweet clovers -10270628 __loner_NN_1 a person who avoids the company or assistance of others -07897600 __liebfraumilch_NN_1 a sweetened Rhenish wine (especially one from Hesse in western Germany) -00627410 __nonmaterial_JJ_1 not consisting of matter; "immaterial apparitions"; "ghosts and other immaterial entities" -00613973 __theology_NN_3 the learned profession acquired by specialized courses in religion (usually taught at a college or seminary); "he studied theology at Oxford" -12844220 __genus_collinsonia_NN_1 small genus of perennial erect or spreading aromatic herbs; United States -01793988 __meleagris_NN_1 type genus of the Meleagrididae: wild and domestic turkeys -00968211 __spread_VB_5 cause to become widely known; "spread information"; "circulate a rumor"; "broadcast the news" -09302616 __upland_NN_1 elevated (e.g., mountainous) land -10931059 __gerard_depardieu_NN_1 French film actor (born in 1948) -00625393 __substantial_JJ_3 having substance or capable of being treated as fact; not imaginary; "the substantial world"; "a mere dream, neither substantial nor practical"; "most ponderous and substantial things"- Shakespeare -02182796 __sitophylus_NN_1 a genus of Bruchidae -01225461 __treadle_VB_2 operate (machinery) by a treadle -06109227 __theory_of_organic_evolution_NN_1 (biology) a scientific theory of the origin of species of plants and animals -06970103 __hindi_NN_1 the most widely spoken of modern Indic vernaculars; spoken mostly in the north of India; along with English it is the official language of India; usually written in Devanagari script -04827175 __religiousism_NN_1 exaggerated or affected piety and religious zeal -02210567 __nomia_NN_1 a genus of bee; some are important pollinators of legumes -07064055 __rap_music_NN_1 genre of African-American music of the 1980s and 1990s in which rhyming lyrics are chanted to a musical accompaniment; several forms of rap have emerged -01121948 __duel_VB_1 fight a duel, as over one's honor or a woman; "In the 19th century, men often dueled over small matters" -10948312 __meister_eckhart_NN_1 German Roman Catholic theologian and mystic (1260-1327) -03844550 __oil_pump_NN_1 a pump that keeps a supply of oil on moving parts -02602405 __silversides_NN_1 small fishes having a silver stripe along each side; abundant along the Atlantic coast of the United States -09062015 __anaheim_NN_1 a city in southern California (southeast of Los Angeles); site of Disneyland -01489332 __discharge_VB_4 remove the charge from -11799520 __panax_NN_1 perennial herbs of eastern North America and Asia having aromatic tuberous roots: ginseng -07555647 __exuberance_NN_1 joyful enthusiasm -02446164 __specialize_VB_4 devote oneself to a special area of work; "She specializes in honey bees"; "This baker specializes in French bread" -01220636 __stopple_VB_1 close or secure with or as if with a stopper; "She stoppered the wine bottle"; "The mothers stoppered their babies' mouths with pacifiers" -05154676 __resource_NN_2 a source of aid or support that may be drawn upon when needed; "the local library is a valuable resource" -02448200 __mellivora_NN_1 ratels -01747739 __naja_NN_1 cobras -00619972 __cooperative_JJ_2 done with or working with others for a common purpose or benefit; "a cooperative effort" -01539772 __passer_NN_5 type genus of the Passeridae -04982478 __stillness_NN_1 (poetic) tranquil silence; "the still of the night" -01185981 __reversal_NN_5 a judgment by a higher court that the judgment of a lower court was incorrect and should be set aside partake in a feast or banquet -11923827 __genus_antheropeas_NN_1 small genus of North American herbs often included in genus Eriophyllum -12990938 __genus_cladonia_NN_1 type genus of Cladoniaceae; lichens characterized by a crustose thallus and capitate fruiting bodies borne on simple or branched podetia -04620558 __spirit_NN_3 a fundamental emotional and activating principle determining one's character -00891071 __work-study_program_NN_1 an educational plan in which students alternate between paid employment and formal study -10138369 __good_guy_NN_1 any person who is on your side -14203346 __motion_sickness_NN_1 the state of being dizzy or nauseated because of the motions that occur while traveling in or on a moving vehicle -11627028 __tsuga_NN_1 hemlock; hemlock fir; hemlock spruce -10785869 __withstander_NN_1 an opponent who resists with force or resolution; "obstinate withstanders of innovation" -00520257 __show_NN_1 the act of publicly exhibiting or entertaining; "a remarkable show of skill" -14814531 __clunch_NN_1 hardened clay -10055297 __witch_NN_1 a female sorcerer or magician -09648743 __nahuatl_NN_1 a member of any of various Indian peoples of central Mexico -12023108 __tanacetum_parthenium_NN_1 bushy aromatic European perennial herb having clusters of buttonlike white-rayed flower heads; valued traditionally for medicinal uses; sometimes placed in genus Chrysanthemum -05813626 __reminder_NN_2 an experience that causes you to remember something -08196230 __usaf_NN_1 the airforce of the United States of America; the agency that defends the United States through control and exploitation of air and space -02299378 __manduca_quinquemaculata_NN_2 moth whose larvae are tomato hornworms -02670683 __throttle_NN_2 a pedal that controls the throttle valve; "he stepped on the gas" -10477077 __prizefighter_NN_1 a professional boxer -01796033 __rage_VB_3 feel intense anger; "Rage against the dying of the light!" -02135389 __sexual_JJ_2 having or involving sex; "sexual reproduction"; "sexual spores" -07965937 __world_NN_2 people in general; especially a distinctive group of people with some shared interest; "the Western world" -00612652 __diverging_JJ_1 tending to move apart in different directions -08356903 __judicial_branch_NN_1 the branch of the United States government responsible for the administration of justice -00612114 __convergent_JJ_1 tending to come together from different directions -02395694 __shote_NN_1 a young pig -07686873 __toast_NN_1 slices of bread that have been toasted -00556313 __play_NN_4 a deliberate coordinated movement requiring dexterity and skill; "he made a great maneuver"; "the runner was out on a play by the shortstop" -09767700 __actress_NN_1 a female actor -06930633 __taiwanese_NN_2 any of the forms of Chinese spoken in Fukien province -03869044 __tandearil_NN_1 an anti-inflammatory drug (trade name Tandearil) used to treat arthritis and bursitis -01385920 __lump_VB_1 put together indiscriminately; "lump together all the applicants" -01791107 __jungle_fowl_NN_1 small Asiatic wild bird; believed to be ancestral to domestic fowl -10899951 __the_great_compromiser_NN_1 United States politician responsible for the Missouri Compromise between free and slave states (1777-1852) -08211760 __gestapo_NN_1 the secret state police in Nazi Germany; known for its terrorist methods -02568065 __violate_VB_4 violate the sacred character of a place or language; "desecrate a cemetery"; "violate the sanctity of the church"; "profane the name of God" -01562061 __crash_VB_5 break violently or noisily; smash; -12165758 __touch-me-not_NN_2 Mediterranean vine having oblong fruit that when ripe expels its seeds and juice violently when touched -13480667 __filtration_NN_1 the process whereby fluids pass through a filter or a filtering medium -08506641 __field_of_honor_NN_2 a region where a battle is being (or has been) fought; "they made a tour of Civil War battlefields" -00331531 __troop_movement_NN_1 movement of military units to a new location -06580351 __supervisory_program_NN_1 a program that controls the execution of other programs -08345613 __israeli_defense_force_NN_1 the ground and air and naval forces of Israel -03384891 __formalwear_NN_1 attire to wear on formal occasions in the evening -00604617 __convenient_JJ_1 suited to your comfort or purpose or needs; "a convenient excuse for not going" -02306159 __lasiocampidae_NN_1 tent caterpillars; eggars; lappet moths -13250542 __money_NN_2 wealth reckoned in terms of money; "all his money is in real estate" -05405324 __teardrop_NN_2 a drop of the clear salty saline solution secreted by the lacrimal glands; "his story brought tears to her eyes" -12939104 __fennel_NN_1 any of several aromatic herbs having edible seeds and leaves and stems -14807558 __neurotransmitter_NN_1 a neurochemical that transmits nerve impulses across a synapse -00612042 __record_VB_5 be or provide a memorial to a person or an event; "This sculpture commemorates the victims of the concentration camps"; "We memorialized the Dead" -02759963 __self-loader_NN_1 a firearm that reloads itself -10523341 __reservist_NN_1 a member of a military reserve -13089631 __thorn_NN_2 a small sharp-pointed tip resembling a spike on a stem or leaf -12191965 __pseudobombax_NN_1 tropical American deciduous shrubs or small trees -07268759 __nobel_prize_NN_1 an annual award for outstanding contributions to chemistry or physics or physiology and medicine or literature or economics or peace -01422835 __order_coccidia_NN_1 an order in the subclass Telosporidia -13894306 __scoop_NN_2 a hollow concave shape made by removing something -00456199 __game_NN_2 a single play of a sport or other contest; "the game lasted two hours" -02287004 __geometrid_moth_NN_1 slender-bodied broad-winged moth whose larvae are called measuring worms -15084824 __uranium_ore_NN_1 any ore from which uranium can be extracted -01270628 __battle_of_britain_NN_1 the prolonged bombardment of British cities by the German Luftwaffe during World War II and the aerial combat that accompanied it -14429608 __step_NN_5 relative position in a graded series; "always a step behind"; "subtle gradations in color"; "keep in step with the fashions" -12723610 __tribulus_terestris_NN_1 tropical annual procumbent poisonous subshrub having fruit that splits into five spiny nutlets; serious pasture weed -03085333 __computer_network_NN_1 (computer science) a network of computers -00698572 __design_VB_7 intend or have as a purpose; "She designed to go far in the world of business" -08464449 __troponymy_NN_2 the place names of a region or a language considered collectively -00770151 __mayhem_NN_1 the willful and unlawful crippling or mutilation of another person -08430203 __line_NN_3 a formation of people or things one behind another; "the line stretched clear around the corner"; "you must wait in a long line at the checkout counter" -01329186 __arbovirus_NN_1 a large heterogeneous group of RNA viruses divisible into groups on the basis of the virions; they have been recovered from arthropods, bats, and rodents; most are borne by arthropods; they are linked by the epidemiologic concept of transmission between vertebrate hosts by arthropod vectors (mosquitoes, ticks, sandflies, midges, etc.) that feed on blood; they can cause mild fevers, hepatitis, hemorrhagic fever, and encephalitis -11551211 __spermatophyta_NN_1 seed plants; comprises the Angiospermae (or Magnoliophyta) and Gymnospermae (or Gymnospermophyta); in some classification systems Spermatophyta is coordinate with Pteridophyta (spore producing plants having vascular tissue and roots) and Bryophyta (spore producing plants lacking vascular tissue and roots) -01998599 __genus_balanus_NN_1 type genus of the family Balanidae -00594413 __uninterrupted_JJ_2 continuing in time or space without interruption; "a continuous rearrangement of electrons in the solar atoms results in the emission of light"- James Jeans; "a continuous bout of illness lasting six months"; "lived in continuous fear"; "a continuous row of warehouses"; "a continuous line has no gaps or breaks in it"; "moving midweek holidays to the nearest Monday or Friday allows uninterrupted work weeks" -04836074 __initiative_NN_1 readiness to embark on bold new ventures -00980908 __dogmatize_VB_1 state as a dogma -14504558 __trisomy_NN_1 chrosomal abnormality in which there is one more than the normal number of chromosomes in a cell -07334490 __wipeout_NN_1 an event (or the result of an event) that completely destroys something -00589624 __discontented_JJ_1 showing or experiencing dissatisfaction or restless longing; "saw many discontent faces in the room"; "was discontented with his position" -02119659 __gall_VB_1 become or make sore by or as if by rubbing -06371413 __legend_NN_1 a story about mythical or supernatural beings or events -00588797 __contented_JJ_1 satisfied or showing satisfaction with things as they are; "a contented smile" -04063868 __recording_NN_3 a storage device on which information (sounds or images) have been recorded -03443912 __goggles_NN_1 tight-fitting spectacles worn to protect the eyes -02265979 __save_up_VB_1 accumulate money for future use; "He saves half his salary" -00747519 __kiddy_porn_NN_1 the illegal use of children in pornographic pictures or films -11238303 __pius_xi_NN_1 pope who signed a treaty with Mussolini recognizing the Vatican City as an independent state (1857-1939) -09000462 __cape_town_NN_1 port city in southwestern South Africa; the seat of the legislative branch of the government of South Africa -02092309 __run_VB_26 cause an animal to move fast; "run the dogs" -09027089 __seville_NN_1 a city in southwestern Spain; a major port and cultural center; the capital of bullfighting in Spain -11669921 __flower_NN_1 a plant cultivated for its blooms or blossoms -12702948 __wood_sorrel_NN_1 any plant or flower of the genus Oxalis -01020356 __write_down_VB_1 put down in writing; of texts, musical compositions, etc. -01453969 __train_VB_11 drag loosely along a surface; allow to sweep the ground; "The toddler was trailing his pants"; "She trained her long scarf behind her" -00646738 __survey_VB_6 plot a map of (land) -14443912 __tyranny_NN_2 dominance through threat of punishment and violence -14195939 __thalassemia_major_NN_1 a fatal form of homozygous thalassemia (inherited from both parents) in which there is no hemoglobin; skeletal deformations; heart and spleen and liver enlarged -00583239 __constant_JJ_2 steadfast in purpose or devotion or affection; "a man constant in adherence to his ideals"; "a constant lover"; "constant as the northern star" -09541125 __gnome_NN_1 a legendary creature resembling a tiny old man; lives in the depths of the earth and guards buried treasure -00581812 __discernible_JJ_1 perceptible by the senses or intellect; "things happen in the earth and sky with no discernible cause"; "the newspaper reports no discernible progress in the negotiations"; "the skyline is easily discernible even at a distance of several miles" -08725161 __chungking_NN_1 a city in south-central China on the Chang Jiang; a commercial center for western China -12997654 __basidiomycetous_fungi_NN_1 any of various fungi of the subdivision Basidiomycota -01300655 __bridle_VB_2 put a bridle on; "bridle horses" -12149751 __sedge_family_NN_1 bulrush; chufa; cotton grass; papyrus; umbrella plant -12668517 __twinberry_NN_2 creeping woody plant of eastern North America with shiny evergreen leaves and scarlet berries -02753881 __thermonuclear_warhead_NN_1 the warhead of a missile designed to deliver an atom bomb -14473222 __portion_NN_5 your overall circumstances or condition in life (including everything that happens to you); "whatever my fortune may be"; "deserved a better fate"; "has a happy lot"; "the luck of the Irish"; "a victim of circumstances"; "success that was her portion" -01666327 __tailor-make_VB_1 create (clothes) with cloth; "Can the seamstress sew me a suit by next week?" -01016201 __pickup_NN_8 the act or process of picking up or collecting from various places; "garbage pickup is on Mondays and Thursdays" -05451981 __t_lymphocyte_NN_1 a small lymphocyte developed in the thymus; it orchestrates the immune system's response to infected or malignant cells -00289974 __tone_VB_4 change to a color image; "tone a photographic image" -01680267 __festoon_VB_1 decorate with strings of flowers; "The public buildings were festooned for the holiday" -09332394 __lake_nyasa_NN_1 a long lake in southeastern Africa between Tanzania, Mozambique, and Malawi -08982587 __republic_of_poland_NN_1 a republic in central Europe; the invasion of Poland by Germany in 1939 started World War II -12548134 __medicago_NN_1 a genus of herbs that resemble clover -02660769 __family_bothidae_NN_1 a family of fish of the order Heterosomata -02532602 __sardine_NN_2 any of various small edible herring or related food fishes frequently canned -00570590 __conscious_JJ_2 knowing and perceiving; having awareness of surroundings and sensations and thoughts; "remained conscious during the operation"; "conscious of his faults"; "became conscious that he was being followed" -02951843 __canopy_NN_3 a covering (usually of cloth) that serves as a roof to shelter an area from the weather -04538552 __vise_NN_1 a holding device attached to a workbench; has two jaws to hold workpiece firmly in place -00753881 __call_VB_24 order, summon, or request for a specific duty or activity, work, role; "He was already called 4 times for jury duty"; "They called him to active military duty" -05222940 __septum_NN_1 (anatomy) a dividing partition between two tissues or cavities -08493961 __glide_slope_NN_1 the final path followed by an aircraft as it is landing -00049003 __ingress_NN_2 the act of entering; "she made a grand entrance" -09726621 __south_american_indian_NN_1 a member of a native Indian group in South America -08235828 __service_club_NN_1 a club of professional or business people organized for their coordination and active in public services -10382825 __organist_NN_1 a person who plays an organ -12185526 __new_zealand_cotton_NN_1 a fiber from the bast of New Zealand ribbon trees that resembles cotton fiber -09863749 __red_NN_3 emotionally charged terms used to refer to extreme radicals or revolutionaries -06200178 __predisposition_NN_2 an inclination beforehand to interpret statements in a particular way -13895262 __belly_NN_3 a part that bulges deeply; "the belly of a sail" -10012815 __discriminator_NN_1 a person who (or that which) differentiates -03098491 __pentecostal_JJ_2 of or relating to or occurring at Pentecost -00495998 __withdraw_VB_6 keep away from others; "He sequestered himself in his study to write a book" -13726296 __small_calorie_NN_1 unit of heat defined as the quantity of heat required to raise the temperature of 1 gram of water by 1 degree centigrade at atmospheric pressure -02622955 __hairtail_NN_1 long-bodied marine fishes having a long whiplike scaleless body and sharp teeth; closely related to snake mackerel -12805561 __ribes_nigrum_NN_1 widely cultivated current bearing edible black aromatic berries -06464838 __samhita_NN_1 one of four collections of sacred texts -12931738 __genus_angelica_NN_1 biennial or perennial herbs of the northern hemisphere; have a taproot -02218173 __take_in_VB_5 call for and obtain payment of; "we collected over a million dollars in outstanding debts"; "he collected the rent" -08947772 __republic_of_guinea-bissau_NN_1 a republic on the northwestern coast of Africa; recognized as independent by Portugal in 1974 -02192383 __resinate_VB_1 impregnate with resin to give a special flavor to; "Greek wines are often resinated" -00868196 __weeping_NN_1 the process of shedding tears (usually accompanied by sobs or other inarticulate sounds); "I hate to hear the crying of a child"; "she was in tears" -00069166 __gum_VB_4 exude or form gum; "these trees gum in the Spring" -10241024 __monitrice_NN_1 an assistant (often the father of the soon-to-be-born child) who provides support for a woman in labor by encouraging her to use techniques learned in childbirth-preparation classes -11375087 __warwick_NN_1 English statesman; during the War of the Roses he fought first for the house of York and secured the throne for Edward IV and then changed sides to fight for the house of Lancaster and secured the throne for Henry VI (1428-1471) -00042757 __leaving_NN_1 the act of departing -07921834 __scrumpy_NN_1 strong cider (as made in western England) -03993053 __potty_seat_NN_1 toilet consisting of a small seat used by young children -07903101 __bitters_NN_1 alcoholic liquor flavored with bitter herbs and roots -05541509 __frontal_eminence_NN_1 either prominence of the frontal bone above each orbit -02692686 __predate_VB_2 come before; "Most English adjectives precede the noun they modify" -07743723 __wintergreen_NN_3 spicy red berrylike fruit; source of wintergreen oil -00272878 __stultification_NN_2 the act of making something futile and useless (as by routine) -14204095 __heatstroke_NN_1 collapse caused by exposure to excessive heat -08902422 __hindustan_NN_1 northern region of India where Hinduism predominates -10210137 __rebel_NN_2 a person who takes part in an armed rebellion against the constituted authority (especially in the hope of improving conditions) -10417168 __perpetrator_NN_1 someone who perpetrates wrongdoing -09198106 __antarctica_NN_1 an extremely cold continent at the south pole almost entirely below the Antarctic Circle; covered by an ice cap up to 13,000 feet deep; "Antarctica is twice the size of Australia" -14422179 __melioration_NN_2 a condition superior to an earlier condition; "the new school represents a great improvement" -02751782 __tenormin_NN_1 an oral beta blocker (trade name Tenormin) used in treating hypertension and angina; has adverse side effects (depression and exacerbation of congestive heart failure etc.) -00483935 __child's_game_NN_1 a game enjoyed by children -01092366 __combat_VB_1 battle or contend against in or as if in a battle; "The Kurds are combating Iraqi troops in Northern Iraq"; "We must combat the prejudices against other races"; "they battled over the budget" -09875786 __broadcaster_NN_1 someone who broadcasts on radio or television -01844917 __aquatic_bird_NN_1 wading and swimming and diving birds of either fresh or salt water -01799302 __guan_NN_1 any of several large turkey-like game birds of the family Cracidae; native to jungles of tropical America; resembling the curassows and valued as food -08891889 __lowlands_of_scotland_NN_1 the southern part of Scotland that is not mountainous -06403969 __penmanship_NN_1 beautiful handwriting -00552841 __accordant_JJ_1 being in agreement or harmony; often followed by `with'; "a place perfectly accordant with man's nature"-Thomas Hardy -10032524 __drawer_NN_2 the person who writes a check or draft instructing the drawee to pay someone else -01303547 __bind_VB_4 wrap around with something so as to cover or enclose -13577934 __metric_system_NN_1 a decimal system of weights and measures based on the meter and the kilogram and the second -14526764 __unsusceptibility_NN_1 the state of not being susceptible; "unsusceptibility to rust" -00092366 __vendue_NN_1 the public sale of something to the highest bidder -02517938 __silurid_fish_NN_1 Old World freshwater catfishes having naked skin and a long anal fin more or less merged with the eellike caudal fin -01708332 __suborder_sauropodomorpha_NN_1 gigantic herbivorous dinosaurs having huge bodies with long necks and small heads: Prosauropoda and Sauropoda (apatosaurus, diplodocus and titanosaurs) -14559208 __prolapsus_NN_1 the slipping or falling out of place of an organ (as the uterus) -10645854 __totterer_NN_1 someone who walks unsteadily as if about to fall -09435965 __sothis_NN_1 the brightest star in the sky; in Canis Major -09031653 __switzerland_NN_1 a landlocked federal republic in central Europe -01531998 __spot_VB_4 make a spot or mark onto; "The wine spotted the tablecloth" -14031108 __readiness_NN_1 the state of having been made ready or prepared for use or action (especially military action); "putting them in readiness"; "their preparation was more than adequate" -01693472 __rhiptoglossa_NN_1 Old World chameleons; in some classifications they are considered a superfamily of Sauria -07654886 __scollop_NN_2 thin slice of meat (especially veal) usually fried or broiled -01096860 __caddy_VB_1 act as a caddie and carry clubs for a player -14642916 __krypton_NN_1 a colorless element that is one of the six inert gasses; occurs in trace amounts in air -00044150 __implementation_NN_2 the act of implementing (providing a practical means for accomplishing something); carrying into effect -12430675 __yellow_colicroot_NN_1 colicroot with yellow-bracted racemose flowers; smaller than Aletris farinosa; southeastern United States -06390805 __end_matter_NN_1 written matter following the main text of a book -00189062 __cup_VB_2 put into a cup; "cup the milk" -02980625 __rook_NN_1 (chess) the piece that can move any number of unoccupied squares in a direction parallel to the sides of the chessboard -09772606 __adulterator_NN_2 a changer who lessens the purity or effectiveness of a substance -02462580 __vote_VB_2 express one's choice or preference by vote; "vote the Democratic ticket" -01677913 __genus_dipsosaurus_NN_1 desert iguanas -02812482 __territorial_JJ_1 of or relating to a territory; "the territorial government of the Virgin Islands"; "territorial claims made by a country" -05580662 __funny_bone_NN_1 a point on the elbow where the ulnar nerve passes near the surface; a sharp tingling sensation results when the nerve is knocked against the bone; "the funny bone is not humerus" -00671335 __underrate_VB_1 make too low an estimate of; "he underestimated the work that went into the renovation"; "Don't underestimate the danger of such a raft trip on this river" -00634586 __tally_NN_3 the act of counting; reciting numbers in ascending order; "the counting continued for several hours" -09957013 __conscientious_objector_NN_1 one who refuses to serve in the armed forces on grounds of conscience -11101000 __president_kennedy_NN_1 35th President of the United States; established the Peace Corps; assassinated in Dallas (1917-1963) -08008335 __organization_NN_1 a group of people who work together -10974033 __henry_fonda_NN_1 United States film actor (1905-1982) -14132102 __herpes_simplex_NN_1 an infection caused by the herpes simplex virus; affects the skin and nervous system; produces small temporary (but sometimes painful) blisters on the skin and mucous membranes -09988063 __pop_NN_1 an informal term for a father; probably derived from baby talk -12848870 __lamium_NN_1 genus of Old World herbs: dead nettles; henbits -00147862 __loosening_NN_2 the act of making something less tight -00034115 __spat_VB_7 clap one's hands together; "The children were clapping to the music" -06804728 __wake-up_signal_NN_1 (military) signal to wake up -13377268 __order_of_payment_NN_1 a document ordering the payment of money; drawn by one person or bank on another -03603199 __juke_joint_NN_1 a small roadside establishment in the southeastern United States where you can eat and drink and dance to music provided by a jukebox -00002325 __respire_VB_2 undergo the biomedical and metabolic processes of respiration by taking up oxygen and producing carbon monoxide -02534062 __waive_VB_1 do without or cease to hold or adhere to; "We are dispensing with formalities"; "relinquish the old ideas" -12660796 __rubia_NN_1 type genus of the Rubiaceae; Old World herbs and subshrubs grown for their medicinal properties and for dye substances extracted from their roots -02620578 __toxotes_jaculatrix_NN_1 any of several small freshwater fishes that catch insects by squirting water at them and knocking them into the water; found in Indonesia and Australia -12770068 __family_ebenaceae_NN_1 fruit and timber trees of tropical and warm regions including ebony and persimmon -05032565 __endurance_NN_1 the power to withstand hardship or stress; "the marathon tests a runner's endurance" -00535452 __concave_JJ_1 curving inward -09341145 __little_wabash_river_NN_1 a river in eastern Illinois that flows southeastward to the Wabash River -00970215 __vulgarize_VB_1 cater to popular taste to make popular and present to the general public; bring into general or common use; "They popularized coffee in Washington State"; "Relativity Theory was vulgarized by these authors" -00931555 __expedient_JJ_1 serving to promote your interest; "was merciful only when mercy was expedient" -00532892 __comprehensible_JJ_1 capable of being comprehended or understood; "an idea comprehensible to the average mind" -01955009 __bundle_off_VB_1 send off unceremoniously -02293856 __staccato_JJ_1 (music) marked by or composed of disconnected parts or sounds; cut short crisply; "staccato applause"; "a staccato command"; "staccato notes" -00895680 __basic_training_NN_1 the initial period of training for new military personnel; involves intense physical activity and behavioral discipline -00298161 __touristry_NN_1 the business of providing services to tourists; "Tourism is a major business in Bermuda" -07123404 __war_whoop_NN_1 a yell intended to rally a group of soldiers in battle -00396642 __rinsing_NN_1 the removal of soap with clean water in the final stage of washing -02042672 __ventilate_VB_3 circulate through and freshen; "The gust of air ventilated the room" -10097477 __washout_NN_3 someone who is unsuccessful -03745285 __patch_NN_7 sewing that repairs a worn or torn hole (especially in a garment); "her stockings had several mends" -12843844 __genus_clinopodium_NN_1 wild basil -01648139 __obstetrical_toad_NN_1 European toad whose male carries the fertilized eggs wrapped around its hind legs until they hatch -02451951 __intractable_JJ_1 not tractable; difficult to manage or mold; "an intractable disposition"; "intractable pain"; "the most intractable issue of our era"; "intractable metal" -12326604 __water-milfoil_family_NN_1 a family of dicotyledonous plants of the order Myrtales -00525453 __comprehensive_JJ_1 including all or everything; "comprehensive coverage"; "a comprehensive history of the revolution"; "a comprehensive survey"; "a comprehensive education" -00523513 __sport_NN_1 an active diversion requiring physical exertion and competition -00898804 __modelling_NN_2 the act of representing something (usually on a smaller scale) -05473104 __apophysis_NN_2 (anatomy) a natural outgrowth or projection on an organ or body part such as the process of a vertebra -12759496 __genus_astronium_NN_1 a genus of dicotyledonous plants of the family Anacardiaceae -00208277 __excommunication_NN_2 the act of banishing a member of a church from the communion of believers and the privileges of the church; cutting a person off from a religious society -13259481 __earning_per_share_NN_1 the portion of a company's profit allocated to each outstanding share of common stock -09453887 __tallapoosa_river_NN_1 river that rises in northwestern Georgia and flows southwest through central Alabama to join the Coosa River near Montgomery and form the Alabama River -07314277 __hap_NN_1 an accidental happening; "he recorded all the little haps and mishaps of his life" -01463340 __mesh_VB_4 entangle or catch in (or as if in) a mesh -09491966 __monster_NN_1 an imaginary creature usually having various human and animal parts -14631295 __glucinium_NN_1 a light strong brittle grey toxic bivalent metallic element -05434927 __nucleus_NN_1 a part of the cell containing DNA and RNA and responsible for growth and reproduction -03967270 __plimsoll_NN_2 a light gym shoe with a rubber sole and a canvas top -12476036 __sisal_family_NN_1 chiefly tropical and xerophytic plants: includes Dracenaceae (Dracaenaceae); comprises plants that in some classifications are divided between the Amaryllidaceae and the Liliaceae -06279326 __email_NN_1 (computer science) a system of world-wide electronic communication in which a computer user can compose a message at one terminal that can be regenerated at the recipient's terminal when the recipient logs in; "you cannot send packages by electronic mail" -00506377 __etherify_VB_1 change into an ether; "etherify an alcohol" -11431302 __cortical_potential_NN_1 (neurophysiology) rapid fluctuations of voltage between parts of the cerebral cortex that are detectable with an electroencephalograph -13841651 __correlativity_NN_1 a reciprocal relation between two or more things -00061219 __geld_VB_1 cut off the testicles (of male animals such as horses); "the vet gelded the young horse" -01786402 __myriapoda_NN_1 arthropods having the body composed of numerous double somites each with two pairs of legs: millipedes -04557111 __water_back_NN_1 water heater consisting of a tank or pipes set at the back of a fireplace or in the firebox of a stove -00046022 __sweat_off_VB_1 lose weight by sweating; "I sweated off 3 pounds in the sauna" -12555069 __pachyrhizus_NN_1 small genus of tropical vines having tuberous roots -02798290 __base_of_operations_NN_1 installation from which a military force initiates operations; "the attack wiped out our forward bases" -00514396 __compressible_JJ_1 capable of being compressed or made more compact; "compressible packing materials"; "a compressible box" -04657876 __unfriendliness_NN_2 an unfriendly disposition -02344568 __strip_VB_6 steal goods; take as spoils; "During the earthquake people looted the stores that were deserted by their owners" -08715952 __mandalay_NN_1 a city in central Myanmar to the north of Rangoon -07991364 __fold_NN_2 a group of people who adhere to a common faith and habitually attend a given church -02002875 __leptoptilus_NN_1 adjutant birds and marabous -05535484 __large_intestine_NN_1 beginning with the cecum and ending with the rectum; includes the cecum and the colon and the rectum; extracts moisture from food residues which are later excreted as feces -02747922 __persist_in_VB_1 do something repeatedly and showing no intention to stop; "We continued our research into the cause of the illness"; "The landlord persists in asking us to move" -00509377 __mixable_JJ_1 (chemistry, physics) capable of being mixed -00509206 __incompatible_JJ_4 incapable of being used with or connected to other devices or components without modification -02949511 __structural_JJ_5 pertaining to geological structure; "geomorphological features of the Black Hills"; "morphological features of granite"; "structural effects of folding and faulting of the earth's surface" -05408113 __corticotropin_NN_1 a hormone produced by the anterior pituitary gland that stimulates the adrenal cortex -13827426 __direction_NN_2 the spatial relation between something and the course along which it points or moves; "he checked the direction and velocity of the wind" -08731148 __hong_kong_NN_1 formerly a Crown Colony on the coast of southern China in Guangdong province; leased by China to Britain in 1842 and returned in 1997; one of the world's leading commercial centers -00508192 __incompatible_JJ_1 not compatible; "incompatible personalities"; "incompatible colors" -10533013 __rival_NN_1 the contestant you hope to defeat; "he had respect for his rivals"; "he wanted to know what the competition was doing" -04898804 __decorum_NN_1 propriety in manners and conduct -12221522 __macadamia_ternifolia_NN_1 small Australian tree with racemes of pink flowers; widely cultivated (especially in Hawaii) for its sweet edible nuts -11943824 __genus_callistephus_NN_1 one species: erect Asiatic herb with large flowers -09184975 __provocation_NN_2 something that incites or provokes; a means of arousing or stirring to action -08102402 __genealogy_NN_1 successive generations of kin -00506299 __compassionate_JJ_1 showing or having compassion; "heard the soft and compassionate voices of women" -00505853 __one_by_one_RB_1 radically distinctive and without equal; "he is alone in the field of microbiology"; "this theory is altogether alone in its penetration of the problem"; "Bach was unique in his handling of counterpoint"; "craftsmen whose skill is unequaled"; "unparalleled athletic ability"; "a breakdown of law unparalleled in our history" in single file; "the prisoners came out one by one" -12870392 __thymus_NN_1 large genus of Old World mints: thyme -00097179 __suppurate_VB_1 cause to ripen and discharge pus; "The oil suppurates the pustules" -00551065 __shift_VB_12 change gears; "you have to shift when you go down a steep hill" -01455866 __heft_up_VB_1 lift or elevate -08164585 __organization_NN_3 the persons (or committees or departments etc.) who make up a body for the purpose of administering something; "he claims that the present administration is corrupt"; "the governance of an association is responsible to its members"; "he quickly became recognized as a member of the establishment" -09416570 __rocky_mountains_NN_1 the chief mountain range of western North America; extends from British Columbia to northern New Mexico; forms the continental divide -00503982 __comparable_JJ_1 able to be compared or worthy of comparison -05368278 __glans_NN_1 a small rounded structure; especially that at the end of the penis or clitoris -00810226 __beg_VB_4 dodge, avoid answering, or take for granted; "beg the question"; "beg the point in the discussion" -02948072 __wax_light_NN_1 stick of wax with a wick in the middle -10669236 __sublieutenant_NN_1 an officer ranking next below a lieutenant -02174662 __boom_out_VB_1 make a deep hollow sound; "Her voice booms out the words of the song" -14464203 __flaw_NN_1 an imperfection in an object or machine; "a flaw caused the crystal to shatter"; "if there are any defects you should send it back to the manufacturer" -04190747 __shell_NN_8 the housing or outer covering of something; "the clock has a walnut case" -04373894 __sword_NN_1 a cutting or thrusting weapon that has a long metal blade and a hilt with a hand guard -11789280 __genus_monstera_NN_1 tropical American climbing plant with deeply incised leaves -04894552 __shortsightedness_NN_2 a lack of prudence and care by someone in the management of resources -04562122 __water_scooter_NN_1 a motorboat resembling a motor scooter -04862236 __nerves_NN_2 control of your emotions; "this kind of tension is not good for my nerves" -02376277 __sympathetic_JJ_4 (of characters in literature or drama) evoking empathic or sympathetic feelings; "the sympathetic characters in the play" -12564083 __winged_pea_NN_1 a tuberous twining annual vine bearing clusters of purplish flowers and pods with four jagged wings; Old World tropics -10522324 __reprobate_NN_1 a person without moral scruples -02382948 __racehorse_NN_1 a horse bred for racing -01023574 __quote_VB_3 refer to for illustration or proof; "He said he could quote several instances of this behavior" -02815237 __beadwork_NN_2 a beaded molding for edging or decorating furniture -09055015 __last_frontier_NN_1 a state in northwestern North America; the 49th state admitted to the union; "Alaska is the largest state in the United States" -01984695 __spiny_lobster_NN_2 large edible marine crustacean having a spiny carapace but lacking the large pincers of true lobsters -02074915 __order_carnivora_NN_1 cats; lions; tigers; panthers; dogs; wolves; jackals; bears; raccoons; skunks; and members of the suborder Pinnipedia -11325534 __william_ashley_sunday_NN_1 United States evangelist (1862-1935) -03424862 __petrol_gauge_NN_1 gauge that indicates the amount of gasoline left in the gasoline tank of a vehicle -01876843 __macropodidae_NN_1 kangaroos; wallabies -08895771 __swansea_NN_1 a port city in southern Wales on an inlet of the Bristol Channel -11695813 __genus_canangium_NN_1 a genus of Malayan tree -10012484 __nutritionist_NN_1 a specialist in the study of nutrition -12258380 __monotropaceae_NN_1 used in some classification for saprophytic herbs sometimes included in the family Pyrolaceae: genera Monotropa and Sarcodes -02167052 __eyeball_VB_1 look at -08021785 __umar_al-mukhtar_forces_NN_1 a little known Palestinian group responsible for bombings and for killing Israelis; seeks to defeat Israel and liberate southern Lebanon, Palestine, and Golan Heights -08367100 __managed_economy_NN_1 a non-market economy in which government intervention is important in allocating goods and resources and determining prices -00494907 __communicatory_JJ_1 able or tending to communicate; "was a communicative person and quickly told all she knew"- W.M.Thackeray -00664483 __verify_VB_1 confirm the truth of; "Please verify that the doors are closed"; "verify a claim" -00493460 __single_JJ_1 being or characteristic of a single thing or person; "individual drops of rain"; "please mark the individual pages"; "they went their individual ways" -01855032 __red-breasted_merganser_NN_1 widely distributed merganser of America and Europe -00492677 __common_JJ_1 belonging to or participated in by a community as a whole; public; "for the common good"; "common lands are set aside for use by all members of a community" -01420304 __spar_VB_2 fight with spurs; "the gamecocks were sparring" -07487955 __sexual_desire_NN_1 a desire for sexual intimacy -01967205 __hurdle_VB_1 jump a hurdle -04748836 __difference_NN_1 the quality of being unlike or dissimilar; "there are many differences between jazz and rock" -13999663 __hold_NN_5 a state of being confined (usually for a short time); "his detention was politically motivated"; "the prisoner is on hold"; "he is in the custody of police" -05347146 __iliac_artery_NN_1 one of the large arteries supplying blood to the pelvis and legs -11660537 __taxopsida_NN_1 yews: in some systems classified as a class (Taxopsida) and in others as a subdivision (Taxophytina) used in some classifications for one of five subdivisions of Gymnospermophyta -01223833 __kink_up_VB_1 curl tightly; "crimp hair" -08705251 __durres_NN_1 port city in western Albania on the Adriatic -01903756 __tide_VB_1 hard outer covering or case of certain organisms such as arthropods and turtles rise or move forward; "surging waves" -01942724 __haliotis_NN_1 type genus of the family Haliotidae -00992518 __shake_VB_9 shake (a body part) to communicate a greeting, feeling, or cognitive state; "shake one's head"; "She shook her finger at the naughty students"; "The old enemies shook hands"; "Don't shake your fist at me!" -04163740 __seconal_NN_1 barbiturate that is a white odorless slightly bitter powder (trade name Seconal) used as a sodium salt for sedation and to treat convulsions -12004310 __piqueria_NN_1 small genus of tropical American perennial herbs or subshrubs with white to pale yellow flowers; often included in genus Stevia -09853881 __head_honcho_NN_1 an important influential person; "he thinks he's a big shot"; "she's a big deal in local politics"; "the Qaeda commander is a very big fish" -08578706 __geographical_point_NN_1 a point on the surface of the Earth -00264034 __inflate_VB_2 fill with gas or air; "inflate a balloons" -10411163 __pedaller_NN_1 a person who rides a pedal-driven vehicle (as a bicycle) -02696129 __overtop_VB_1 look down on; "The villa dominates the town" -00347420 __auspicate_VB_2 commence in a manner calculated to bring good luck; "They auspicated the trip with a bottle of champagne" -13359941 __giro_account_NN_1 an account at a post office that can be used in similar ways to an account at a bank -04916200 __hutzpah_NN_1 (Yiddish) unbelievable gall; insolence; audacity -13359572 __savings_NN_1 a fund of money put by as a reserve -00670703 __evisceration_NN_2 the act of removing the bowels or viscera; the act of cutting so as to cause the viscera to protrude -00413432 __immigrate_VB_3 come into a new country and change residency; "Many people immigrated at the beginning of the 20th century" used of preliterate or tribal or nonindustrial societies; "primitive societies" -14992613 __plaster_of_paris_NN_1 any of several gypsum cements; a white powder (a form of calcium sulphate) that forms a paste when mixed with water and hardens into a solid; used in making molds and sculptures and casts for broken limbs -02020413 __overrun_VB_1 invade in great numbers; "the roaches infested our kitchen" -10088200 __film_director_NN_1 the person who directs the making of a film -11714382 __nutmeg_tree_NN_1 East Indian tree widely cultivated in the tropics for its aromatic seed; source of two spices: nutmeg and mace -00483146 __commercial_JJ_1 connected with or engaged in or sponsored by or used in commerce or commercial enterprises; "commercial trucker"; "commercial TV"; "commercial diamonds" -03316274 __facsimile_NN_1 an exact copy or reproduction -10003283 __denier_NN_3 one who denies -00838524 __pretend_VB_5 represent fictitiously, as in a play, or pretend to be or act like; "She makes like an actress" -00808182 __restriction_NN_2 an act of limiting or restricting (as by regulation) -00781480 __shrinkage_NN_3 the act of stealing goods that are on display in a store; "shrinkage is the retail trade's euphemism for shoplifting" -11975254 __velvet_plant_NN_2 Javanese foliage plant grown for their handsome velvety leaves with violet-purple hairs -01357831 __nail_VB_1 attach something somewhere by means of nails; "nail the board onto the wall" -11512650 __electrical_conduction_NN_1 the passage of electricity through a conductor -00064479 __advantageous_JJ_1 giving an advantage; "a contract advantageous to our country"; "socially advantageous to entertain often" -00479933 __uncomfortable_JJ_1 conducive to or feeling mental discomfort; "this kind of life can prove disruptive and uncomfortable"; "the uncomfortable truth"; "grew uncomfortable beneath his appraising eye"; "an uncomfortable way of surprising me just when I felt surest"; "the teacher's presence at the conference made the child very uncomfortable" -01097743 __muster_out_VB_1 release from military service -04886402 __voracity_NN_2 extreme gluttony -05778749 __alchemy_NN_2 a pseudoscientific forerunner of chemistry in medieval times -00320536 __fire_VB_3 bake in a kiln so as to harden; "fire pottery" having a stiff tail -00793580 __invite_VB_4 ask someone in a friendly way to do something -05993367 __positivism_NN_1 the form of empiricism that bases all knowledge on perceptual experience (not on intuition or revelation) -01548718 __wipe_off_VB_2 remove by or as if by rubbing or erasing; "Please erase the formula on the blackboard--it is wrong!" -11906359 __macleaya_NN_1 a perennial herb of eastern Asia: plume poppy -13990502 __clear_NN_1 the state of being free of suspicion; "investigation showed that he was in the clear" -00475996 __convenient_JJ_2 large and roomy (`convenient' is archaic in this sense); "a commodious harbor"; "a commodious building suitable for conventions" -12819953 __lappula_NN_1 stickweed; beggar's lice -09760913 __accompanyist_NN_1 a person who provides musical accompaniment (usually on a piano) -03144873 __cubitiere_NN_1 body armor that protects the elbow -02204084 __phlebotomus_NN_2 small bloodsucking sand flies that resemble moths -14379501 __sanity_NN_1 normal or sound powers of mind -10770545 __watercolourist_NN_1 a painter who paints with watercolors -12039524 __order_orchidales_NN_1 order of plants with irregular flowers having minute seeds: Orchidaceae; Burmanniaceae -00212414 __preserve_VB_4 prevent (food) from rotting; "preserved meats"; "keep potatoes fresh" -08873269 __lancaster_NN_1 a city in northwestern England -02922159 __burial_garment_NN_1 cloth used to cover a corpse in preparation for burial -09980090 __crooner_NN_1 a singer of popular ballads -02377764 __deal_VB_8 behave in a certain way towards others; "He deals fairly with his employees" -07127563 __chuckle_NN_1 a soft partly suppressed laugh -01456296 __genus_cosmocampus_NN_1 a genus of fish in the family Syngnathidae -01564394 __true_warbler_NN_1 small active brownish or greyish Old World birds -10717055 __tosser_NN_2 someone who throws lightly (as with the palm upward) -12015840 __solidago_NN_1 goldenrod -01823610 __genus_coccyzus_NN_1 a genus of Cuculidae -01144873 __course_VB_3 hunt with hounds; "He often courses hares" -07507742 __mortification_NN_1 strong feelings of embarrassment -02609951 __tautoga_NN_1 tautogs -12769430 __staphylaceae_NN_1 a family of dicotyledonous plants of order Sapindales found mostly in the north temperate zone -05538625 __head_NN_1 the upper part of the human body or the front part of the body in animals; contains the face and brains; "he stuck his head out the window" -11167952 __sir_james_paul_mccartney_NN_1 English rock star and bass guitarist and songwriter who with John Lennon wrote most of the music for the Beatles (born in 1942) -12713063 __kumquat_tree_NN_1 any of several trees or shrubs of the genus Fortunella bearing small orange-colored edible fruits with thick sweet-flavored skin and sour pulp -07489059 __sexiness_NN_1 the arousal of feelings of sexual desire -10740868 __upstart_NN_2 a person who has suddenly risen to a higher economic status but has not gained social acceptance of others in that class -08950907 __rotterdam_NN_1 the 2nd largest city in the Netherlands; located in the western Netherlands near the North Sea -01822773 __family_cuculidae_NN_1 includes cuckoo; ani; roadrunner -09228324 __branch_NN_5 a stream or river connected to a larger one -12996841 __class_basidiomycetes_NN_1 large class of higher fungi coextensive with subdivision Basidiomycota -00467913 __distributive_JJ_1 serving to distribute or allot or disperse -03132076 __cricket_bat_NN_1 the club used in playing cricket; "a cricket bat has a narrow handle and a broad flat end for hitting" -09723564 __moroccan_NN_1 a native or inhabitant of Morocco -04754237 __determinateness_NN_1 the quality of being predictable with great confidence -03078287 __communication_system_NN_1 a system for communicating -06955087 __faroese_NN_1 a Scandinavian language (closely related to Icelandic) that is spoken on the Faroe Islands -09096089 __boston_harbor_NN_1 the seaport at Boston -10596348 __sidesman_NN_1 (Church of England) an assistant to the churchwarden; collects offerings of money in the church -01542055 __pipilo_NN_1 towhees -01916634 __tittup_VB_1 to walk with a lofty proud gait, often in an attempt to impress others; "He struts around like a rooster in a hen house" -04039848 __radiolocation_NN_1 measuring instrument in which the echo of a pulse of microwave radiation is used to detect and locate distant objects -01221611 __aggression_NN_5 deliberately unfriendly behavior -12611640 __water_nymph_NN_1 submerged aquatic plant having narrow leaves and small flowers; of fresh or brackish water -09758173 __ascetic_NN_1 someone who practices self denial as a spiritual discipline -00464962 __incoherent_JJ_1 without logical or meaningful connection; "a turgid incoherent presentation" -06608405 __cobblers_NN_1 nonsense; "I think that is a load of cobblers" -06100778 __optics_NN_1 the branch of physics that studies the physical properties of light -00894552 __recitation_NN_4 systematic training by multiple repetitions; "practice makes perfect" -01277540 __dien_bien_phu_NN_1 the French military base fell after a siege by Vietnam troops that lasted 56 days; ended the involvement of France in Indochina in 1954 -02292564 __trichophaga_NN_1 carpet moths -10699262 __worldling_NN_2 an inhabitant of the earth -13934900 __equilibrium_NN_1 a stable situation in which forces cancel one another -00273082 __dark_JJ_1 devoid of or deficient in light or brightness; shadowed or black; "sitting in a dark corner"; "a dark day"; "dark shadows"; "dark as the inside of a black cat" -05370125 __vena_iliaca_NN_1 one of three veins draining the pelvic area -08947319 __republic_of_guinea_NN_1 a republic in western Africa on the Atlantic; formerly a French colony; achieved independence from France in 1958 -02407338 __struggle_VB_1 make a strenuous or labored effort; "She struggled for years to survive without welfare"; "He fought for breath" -01545889 __genus_atrichornis_NN_1 type genus of the Atrichornithidae -04519887 __vambrace_NN_1 cannon of plate armor protecting the forearm -03316105 __fax_NN_1 duplicator that transmits the copy by wire or radio -00801977 __turn_a_blind_eye_VB_1 refuse to acknowledge; "He turns a blind eye to the injustices in his office" -01028748 __name_VB_1 assign a specified (usually proper) proper name to; "They named their son David"; "The new school was named after the famous Civil Rights leader" -06047430 __odontology_NN_1 the branch of medicine dealing with the anatomy and development and diseases of the teeth -01628197 __generate_VB_3 produce (energy); "We can't generate enough power for the entire city"; "The hydroelectric plant needs to generate more electricity" -08399818 __selection_NN_2 an assortment of things from which a choice can be made; "the store carried a large selection of shoes" -07819769 __nasturtium_NN_3 flowers and seeds and leaves all used as flavorings -05933246 __vista_NN_1 the visual percept of a region; "the most desirable feature of the park are the beautiful views" -09102517 __duluth_NN_1 a city in northeast Minnesota on Lake Superior -10266486 __lithographer_NN_1 a printmaker who uses lithography -00954751 __ew_NN_1 military action involving the use of electromagnetic energy to determine or exploit or reduce or prevent hostile use of the electromagnetic spectrum -00699485 __decide_VB_3 cause to decide; "This new development finally decided me!" -00480969 __systemize_VB_1 arrange according to a system or reduce to a system; "systematize our scientific knowledge" -12429942 __genus_aletris_NN_1 small genus of bitter-rooted herbs of eastern North America and Asia; sometimes placed in family Melanthiaceae -07789541 __haddock_NN_1 lean white flesh of fish similar to but smaller than cod; usually baked or poached or as fillets sauteed or fried -13573057 __vegetation_NN_2 the process of growth in plants -09469285 __vector_NN_3 any agent (person or animal or microorganism) that carries and transmits a disease; "mosquitos are vectors of malaria and yellow fever"; "fleas are vectors of the plague"; "aphids are transmitters of plant diseases"; "when medical scientists talk about vectors they are usually talking about insects" -11088622 __samuel_johnson_NN_1 English writer and lexicographer (1709-1784) -09426621 __scurf_NN_1 (botany) a covering that resembles scales or bran that covers some plant parts -12320010 __hickory_tree_NN_1 American hardwood tree bearing edible nuts -03612965 __tympanum_NN_3 a large hemispherical brass or copper percussion instrument with a drumhead that can be tuned by adjusting the tension on it -00603866 __seigniory_NN_2 the position and authority of a feudal lord -10754920 __violin_maker_NN_1 someone who makes violins -11989869 __white_daisy_NN_1 tall leafy-stemmed Eurasian perennial with white flowers; widely naturalized; often placed in genus Chrysanthemum -14061462 __cellularity_NN_1 the state of having cells -05537576 __vermiform_process_NN_1 a vestigial process that extends from the lower end of the cecum and that resembles a small pouch -03040974 __amoebous_JJ_1 pertaining to or resembling amoebae; "amoebic dysentery" -12285049 __grey_alder_NN_1 native to Europe but introduced in America -11301414 __st._simon_NN_1 one of the twelve Apostles (first century) -12699485 __lovoa_NN_1 genus of African timber trees -00336718 __crack_VB_11 cause to become cracked; "heat and light cracked the back of the leather chair" -12200315 __hermannia_NN_1 genus of African herbs and subshrubs having honey-scented bell-shaped flowers -13395187 __fifty_dollar_bill_NN_1 a United States bill worth 50 dollars -00004475 __organism_NN_1 a living thing that has (or can develop) the ability to act or function independently -12102133 __grass_NN_1 narrow-leaved green herbage: grown as lawns; used as pasture for grazing animals; cut and dried as hay -03129123 __creation_NN_2 an artifact that has been brought into existence by someone -03958097 __plastic_art_NN_1 the arts of shaping or modeling; carving and sculpture -07125523 __exclamation_NN_1 an abrupt excited utterance; "she gave an exclamation of delight"; "there was much exclaiming over it" -04735929 __interchangeableness_NN_1 the quality of being capable of exchange or interchange -00444519 __nigh_JJ_1 not far distant in time or space or degree or circumstances; "near neighbors"; "in the near future"; "they are near equals"; "his nearest approach to success"; "a very near thing"; "a near hit by the bomb"; "she was near tears"; "she was close to tears"; "had a close call" -02356230 __leave_VB_9 put into the care or protection of someone; "He left the decision to his deputy"; "leave your child the nurse's care" -00540739 __globalize_VB_1 make world-wide in scope or application; "Markets are being increasingly globalized" -14327266 __stomachache_NN_1 an ache localized in the stomach or abdominal region -06944480 __white_russian_NN_3 the Slavic language spoken in Belarus -10293861 __margrave_NN_2 a German nobleman ranking above a count (corresponding in rank to a British marquess) -05521934 __virginal_membrane_NN_1 a fold of tissue that partly covers the entrance to the vagina of a virgin -01881957 __tramp_VB_3 cross on foot; "We had to tramp the creeks" -14333433 __torture_NN_2 unbearable physical pain -02996840 __mefoxin_NN_1 one of several broad spectrum antibiotic substances obtained from fungi and related to penicillin (trade names Mefoxin); addition of side chains has produced semisynthetic antibiotics with greater antibacterial activity -15268682 __termination_NN_1 a coming to an end of a contract period; "the expiry of his driver's license" -09128536 __durham_NN_1 a city of north central North Carolina; site of Duke University -00437852 __inclement_JJ_2 used of persons or behavior; showing no clemency or mercy; "the harsh sentence of an inclement judge" -02357561 __toggle_VB_1 provide with a toggle or toggles -02138441 __mierkat_NN_1 a mongoose-like viverrine of South Africa having a face like a lemur and only four toes -13987423 __happiness_NN_1 state of well-being characterized by emotions ranging from contentment to intense joy -04445952 __toggle_switch_NN_1 a hinged switch that can assume either of two positions -07747811 __temple_orange_NN_2 large sweet easily-peeled Florida fruit with deep orange rind -01600657 __catbird_NN_1 any of various birds of the Australian region whose males build ornamented structures resembling bowers in order to attract females -00781168 __indistinct_JJ_1 not clearly defined or easy to perceive or understand; "indistinct shapes in the gloom"; "an indistinct memory"; "only indistinct notions of what to do" -02367032 __vacate_VB_1 leave (a job, post, or position) voluntarily; "She vacated the position when she got pregnant"; "The chairman resigned when he was found to have misappropriated funds" -10677713 __supporter_NN_1 a person who backs a politician or a team etc.; "all their supporters came out for the game"; "they are friends of the library" -12731202 __populus_NN_1 a genus of trees of the family Salicaceae that is found in the northern hemisphere; poplars -10001217 __deliveryman_NN_1 someone employed to make deliveries -02456505 __genus_burmeisteria_NN_1 a genus of Dasypodidae -01512465 __fling_VB_1 throw with force or recklessness; "fling the frisbee" -09937489 __colonel_blimp_NN_1 any elderly pompous reactionary ultranationalistic person (after the cartoon character created by Sir David Low) -05750657 __fashion_NN_3 the latest and most admired style in clothes and cosmetics and behavior -11433013 __strong_breeze_NN_1 wind moving 25-31 knots; 6 on the Beaufort scale -07375405 __blend_NN_1 an occurrence of thorough mixing -14139015 __pestis_bubonica_NN_1 the most common form of the plague in humans; characterized by chills, prostration, delirium and the formation of buboes in the armpits and groin; does not spread from person to person -02228874 __stenopelmatidae_NN_1 long-horned grasshoppers -00742051 __riddle_VB_5 speak in riddles -00431447 __clear_JJ_4 allowing light to pass through; "clear water"; "clear plastic bags"; "clear glass"; "the air is clear and clean" -04452848 __tooth_NN_2 something resembling the tooth of an animal -13866144 __polygonal_shape_NN_1 a closed plane figure bounded by straight sides -02394068 __order_artiodactyla_NN_1 an order of hooved mammals of the subclass Eutheria (including pigs and peccaries and hippopotami and members of the suborder Ruminantia) having an even number of functional toes -02503127 __proboscidian_NN_1 massive herbivorous mammals having tusks and a long trunk -05411049 __recombinant_human_insulin_NN_1 a form of insulin (trade name Humulin) made from recombinant DNA that is identical to human insulin; used to treat diabetics who are allergic to preparations made from beef or pork insulin -15092227 __vitamin_d_NN_1 a fat-soluble vitamin that prevents rickets -04733204 __gaseousness_NN_1 having the consistency of a gas -14121058 __graves'_disease_NN_1 exophthalmos occurring in association with goiter; hyperthyroidism with protrusion of the eyeballs -01584321 __cone_VB_1 make cone-shaped; "cone a tire" -00428404 __clear_JJ_1 readily apparent to the mind; "a clear and present danger"; "a clear explanation"; "a clear case of murder"; "a clear indication that she was angry"; "gave us a clear idea of human nature" -01879983 __subfamily_potoroinae_NN_1 rat kangaroos -11708181 __magnoliaceae_NN_1 subclass Magnoliidae: genera Liriodendron, Magnolia, and Manglietia -12374418 __rockrose_NN_2 small shrubs of scrub and dry woodland regions of southern Europe and North Africa; grown for their showy flowers and soft often downy and aromatic evergreen foliage -08337324 __office_NN_2 an administrative unit of government; "the Central Intelligence Agency"; "the Census Bureau"; "Office of Management and Budget"; "Tennessee Valley Authority" -00426608 __dirty_JJ_4 spreading pollution or contamination; especially radioactive contamination; "the air near the foundry was always dirty"; "a dirty bomb releases enormous amounts of long-lived radioactive fallout" -12707432 __genus_citrus_NN_1 orange; lemon; lime; etc. -13929588 __society_NN_3 the state of being with someone; "he missed their company"; "he enjoyed the society of his friends" -00878052 __scrutiny_NN_2 a prolonged intense look -10458111 __solver_NN_1 a thinker who focuses on the problem as stated and tries to synthesize information and knowledge to achieve a solution -02146700 __myotis_leucifugus_NN_1 the small common North American bat; widely distributed -03853734 __ordinary_NN_5 (heraldry) any of several conventional figures used on shields -00424934 __savagery_NN_3 a brutal barbarous savage act -00381567 __temperance_NN_3 the act of tempering -02218371 __ichneumon_fly_NN_1 hymenopterous insect that resembles a wasp and whose larvae are parasitic on caterpillars and other insect larvae -12251137 __genus_galax_NN_1 evergreen herbs of southeastern United States -00644372 __uncreative_JJ_1 not creative; "an uncreative imagination" -04969798 __turquoise_NN_2 a shade of blue tinged with green -07886572 __brewage_NN_1 drink made by steeping and boiling and fermenting rather than distilling -00825443 __martial_art_NN_1 any of several Oriental arts of weaponless self-defense; usually practiced as a sport; "he had a black belt in the martial arts" -14193711 __lipidosis_NN_1 a disorder of lipid metabolism; abnormal levels of certain fats accumulate in the body -06989869 __hamitic_language_NN_1 a group of languages in northern Africa related to Semitic -00663819 __cinch_VB_2 make sure of -00417413 __clean_JJ_1 free from dirt or impurities; or having clean habits; "children with clean shining faces"; "clean white shirts"; "clean dishes"; "a spotlessly clean house"; "cats are clean animals" -10903722 __jacqueline_cochran_NN_1 United States aviator who held several speed records and headed the women's Air Force pilots in World War II (1910-1980) -02726681 __apartment_house_NN_1 a building that is divided into apartments -08878016 __cambridge_NN_3 a city in eastern England on the River Cam; site of Cambridge University -09894654 __card_player_NN_1 someone who plays (or knows how to play) card games -02007161 __genus_ajaia_NN_1 a genus of Platalea -08907606 __republic_of_indonesia_NN_1 a republic in southeastern Asia on an archipelago including more than 13,000 islands; achieved independence from the Netherlands in 1945; the principal oil producer in the Far East and Pacific regions -10329945 __ogre_NN_1 a cruel wicked and inhuman person -01737472 __nerodia_sipedon_NN_1 in some classifications placed in the genus Nerodia; western United States snake that seldom ventures far from water -08022972 __movement_of_holy_warriors_NN_1 an Islamic fundamentalist group in Pakistan that fought the Soviet Union in Afghanistan in the 1980s; now operates as a terrorist organization primarily in Kashmir and seeks Kashmir's accession by Pakistan -09375693 __nuptse_NN_1 a mountain in the central Himalayas on the border of Tibet and Nepal (25,726 feet high) -01004775 __sampling_NN_3 measurement at regular intervals of the amplitude of a varying waveform (in order to convert it to digital form) -02777100 __balance_NN_12 a scale for weighing; depends on pull of gravity -02600657 __mulloidichthys_NN_1 a genus of Mullidae -13244109 __property_NN_1 something owned; any tangible or intangible possession that is owned by someone; "that hat is my property"; "he is a man of property"; -07707451 __veggie_NN_1 edible seeds or roots or stems or leaves or bulbs or tubers or nonsweet fruits of any of numerous herbaceous plant -09980275 __crossbencher_NN_1 a member of the House of Commons who does not vote regularly with either the government or the Opposition -08925093 __kyoto_NN_1 a city in central Japan on southern Honshu; a famous cultural center that was once the capital of Japan -05622456 __aptitude_NN_1 inherent ability -00104299 __sunburn_VB_1 get a sunburn by overexposure to the sun -02801525 __basin_NN_1 a bowl-shaped vessel; usually used for holding food or liquids; "she mixed the dough in a large basin" -12386724 __myricaria_NN_1 small genus of deciduous shrubs or subshrubs of southern Europe to Siberia and China; tolerant of chalky soil -00349886 __change_of_course_NN_1 a change in the direction that you are moving -01230850 __institutionalized_JJ_1 the act of convoking officially placed in or committed to a specialized institution; "had hopes of rehabilitating the institutionalized juvenile delinquents" -10285135 __male_aristocrat_NN_1 a man who is an aristocrat -05760202 __remembering_NN_1 the cognitive processes whereby past experience is remembered; "he can do it from memory"; "he enjoyed remembering his father" -02040054 __undulate_VB_1 stir up (water) so as to form ripples -00404202 __colourless_JJ_2 weak in color; not colorful -02299846 __death's-head_moth_NN_1 European hawkmoth with markings on the back resembling a human skull -08969798 __casablanca_NN_1 a port on the Atlantic and the largest city of Morocco -01755137 __graph_VB_1 represent by means of a graph; "chart the data" -02885882 __ticket_office_NN_1 the office where tickets of admission are sold -00286756 __limp_NN_1 the uneven manner of walking that results from an injured leg -12155773 __typha_latifolia_NN_1 tall marsh plant with cylindrical seed heads that explode when mature shedding large quantities of down; its long flat leaves are used for making mats and chair seats; of North America, Europe, Asia and North Africa -02611630 __specify_VB_3 determine the essential quality of -05249232 __vertebral_canal_NN_1 the canal in successive vertebrae through which the spinal cord passes -10260473 __lieutenant_junior_grade_NN_1 an officer holding a commissioned rank in the United States Navy or United States Coast Guard; below lieutenant and above ensign -00856193 __wank_NN_1 slang for masturbation -06844199 __quote_NN_1 a punctuation mark used to attribute the enclosed text to someone else -02215941 __stizidae_NN_1 cicada killers -00976365 __ballyhoo_VB_1 advertize noisily or blatantly -10786033 __witnesser_NN_1 someone who sees an event and reports what happened -01201773 __seclusion_NN_2 the act of secluding yourself from others -11322178 __streisand_NN_1 United States singer and actress (born in 1942) -00012434 __swash_VB_4 act in an arrogant, overly self-assured, or conceited manner -01926984 __run_VB_34 travel rapidly, by any (unspecified) means; "Run to the store!"; "She always runs to Italy, because she has a lover there" -10164025 __tribal_chief_NN_1 the head of a tribe or clan -00779248 __sting_NN_4 a swindle in which you cheat at gambling or persuade a person to buy worthless property -02233943 __oriental_roach_NN_1 dark brown cockroach originally from orient now nearly cosmopolitan in distribution -02050004 __grebe_NN_1 small compact-bodied almost completely aquatic bird that builds floating nests; similar to loons but smaller and with lobate rather than webbed feet -07413899 __concentration_NN_4 increase in density -01390466 __actinopod_NN_1 protozoa having stiff rodlike radiating pseudopods -11008870 __maxim_gorki_NN_1 Russian writer of plays and novels and short stories; noted for his depiction of social outcasts -00868591 __challenge_VB_2 issue a challenge to; "Fischer challenged Spassky to a match" -02386496 __dray_horse_NN_1 horse adapted for drawing heavy loads -01170175 __discordance_NN_2 strife resulting from a lack of agreement -02457945 __unau_NN_2 relatively small fast-moving sloth with two long claws on each front foot -00835294 __fib_VB_1 tell a relatively insignificant lie; "Fibbing is not acceptable, even if you don't call it lying" -15031705 __immunoglobulin_g_NN_1 one of the five major classes of immunoglobulins; the main antibody defense against bacteria -07973487 __nuclear_family_NN_1 a family consisting of parents and their children and grandparents of a marital partner -03130340 __crenelle_NN_2 a notch or open space between two merlons in a crenelated battlement -07750586 __almond_NN_2 oval-shaped edible seed of the almond tree -10514429 __referee_NN_1 (sports) the chief official (as in boxing or American football) who is expected to ensure fair play -04219424 __silk_NN_1 a fabric made from the fine threads produced by certain insect larvae -02151108 __genus_diphylla_NN_1 vampire bats -08033194 __loyalist_volunteer_force_NN_1 a terrorist group formed in 1996 in Northern Ireland; seeks to prevent the peace process; murders Catholics and any Protestant leaders who favor peace -14840092 __dust_NN_3 free microscopic particles of solid material; "astronomers say that the empty space between planets actually contains measurable amounts of dust" -09823502 __aunty_NN_1 the sister of your father or mother; the wife of your uncle -00386392 __neutral_JJ_5 having no hue; "neutral colors like black or white" -02179429 __scolytidae_NN_1 large family of bark-boring or wood-boring short-beaked beetles; very destructive to forest and fruit trees -12715195 __zanthoxylum_clava-herculis_NN_1 densely spiny ornamental of southeastern United States and West Indies -05403427 __plasma_NN_1 the colorless watery fluid of the blood and lymph that contains no cells, but in which the blood cells (erythrocytes, leukocytes, and thrombocytes) are suspended -01503404 __stack_VB_2 arrange in stacks; "heap firewood around the fireplace"; "stack your books up on the shelves" -08022259 __islamic_resistance_movement_NN_1 a militant Islamic fundamentalist political movement that opposes peace with Israel and uses terrorism as a weapon; seeks to create an Islamic state in place of Israel; is opposed to the PLO and has become a leading perpetrator of terrorist activity in Israel; pioneered suicide bombing -08482700 __rear_NN_1 the back of a military formation or procession; "infantrymen were in the rear" -02619029 __gobiidae_NN_1 gobies -03076411 __commissary_NN_1 a retail store that sells equipment and provisions (usually to military personnel) -08846135 __tyrol_NN_1 a picturesque mountainous province of western Austria and northern Italy -02167571 __scout_VB_1 explore, often with the goal of finding something or somebody -02601996 __relax_VB_6 make less severe or strict; "The government relaxed the curfew after most of the rebels were caught" -00575365 __walkover_NN_2 any undertaking that is easy to do; "marketing this product will be no picnic" -03754295 __trash_NN_4 an amphetamine derivative (trade name Methedrine) used in the form of a crystalline hydrochloride; used as a stimulant to the nervous system and as an appetite suppressant -01748318 __unperceivable_JJ_1 impossible or difficult to perceive by the mind or senses; "an imperceptible drop in temperature"; "an imperceptible nod"; "color is unperceivable to the touch" -00490569 __bridge_NN_5 any of various card games based on whist for four players -12510197 __genus_butea_NN_1 genus of East Indian trees or shrubs: dhak -08590909 __paint_NN_2 (basketball) a space (including the foul line) in front of the basket at each end of a basketball court; usually painted a different color from the rest of the court; "he hit a jump shot from the top of the key"; "he dominates play in the paint" -02512305 __single_out_VB_2 treat differently on the basis of sex or race -09461315 __trench_NN_2 a long steep-sided depression in the ocean floor -01837230 __steatornithidae_NN_1 oilbirds -13434120 __asexual_reproduction_NN_1 reproduction without the fusion of gametes -04190052 __shelf_NN_1 a support that consists of a horizontal surface for holding objects -02219486 __pismire_NN_1 social insect living in organized colonies; characteristically the males and fertile queen have wings during breeding season; wingless sterile females are the workers -13003522 __blushing_mushroom_NN_1 yellowish edible agaric that usually turns red when touched -02246300 __pyramid_VB_2 use or deal in (as of stock or commercial transaction) in a pyramid deal -12048231 __genus_caladenia_NN_1 terrestrial orchids of Australia to New Caledonia -02151394 __visualize_VB_2 view the outline of by means of an X-ray; "The radiologist can visualize the cancerous liver" -04802403 __wrongness_NN_3 the quality of not conforming to fact or truth -03330947 __hobble_NN_1 a shackle for the ankles or feet -05966129 __preordination_NN_1 (theology) being determined in advance; especially the doctrine (usually associated with Calvin) that God has foreordained every event throughout eternity (including the final salvation of mankind) -13204102 __oleandra_NN_1 or family Polypodiaceae: tropical epiphytic or terrestrial ferns -00376106 __unthaw_VB_1 become or cause to become soft or liquid; "The sun melted the ice"; "the ice thawed"; "the ice cream melted"; "The heat melted the wax"; "The giant iceberg dissolved over the years during the global warming phase"; "dethaw the meat" -10665698 __student_NN_1 a learner who is enrolled in an educational institution -11086774 __st._john_chrysostom_NN_1 (Roman Catholic Church) a Church Father who was a great preacher and bishop of Constantinople; a saint and Doctor of the Church (347-407) -01217617 __scaffold_VB_1 provide with a scaffold for support; "scaffold the building before painting it" -05559908 __member_NN_3 an external body part that projects from the body; "it is important to keep the extremities warm" -13046512 __nidulariaceae_NN_1 bird's-nest fungi -02072394 __geyser_VB_1 to overflow like a geyser -01639071 __genus_siren_NN_1 a genus of Sirenidae -04169707 __self-feeder_NN_1 a machine that automatically provides a supply of some material; "the feeder discharged feed into a trough for the livestock" -01963017 __family_arcidae_NN_1 ark shells -04484432 __triode_NN_1 a thermionic vacuum tube having three electrodes; fluctuations of the charge on the grid control the flow from cathode to anode which makes amplification possible -09926088 __clapper_NN_1 someone who applauds -13209647 __genus_coniogramme_NN_1 terrestrial ferns of Pacific islands and Asia -10131590 __gitano_NN_1 a Spanish male Gypsy -08510169 __native_land_NN_1 the country where you were born -05171045 __essentialness_NN_1 basic importance -09484664 __mythical_being_NN_1 an imaginary being of myth or fable -10172793 __protagonist_NN_2 the principal character in a work of fiction -00366691 __chromatic_JJ_3 being or having or characterized by hue -02689882 __stud_VB_1 scatter or intersperse like dots or studs; "Hills constellated with lights" -01285305 __lutzen_NN_1 a battle in the Thirty Years' War (1632); Swedes under Gustavus Adolphus defeated the Holy Roman Empire under Wallenstein; Gustavus Adolphus was killed -01593254 __pry_VB_1 to move or force, especially in an effort to get something open; "The burglar jimmied the lock": "Raccoons managed to pry the lid off the garbage pail" -02235229 __surrender_VB_2 relinquish possession or control over; "The squatters had to surrender the building after the police moved in" -01311896 __trench_VB_5 cut a trench in, as for drainage; "ditch the land to drain it"; "trench the fields" -00555447 __shift_VB_5 move from one setting or context to another; "shift the emphasis"; "shift one's attention" -14685641 __town_gas_NN_1 coal gas manufactured for domestic and industrial use -14319454 __hypoglycemia_NN_1 abnormally low blood sugar usually resulting from excessive insulin or a poor diet -10374849 __oil_tycoon_NN_1 a powerful person in the oil business -08719892 __tamil_eelam_NN_1 the independent state that the Tamil Tigers have fought for -10346198 __nationalist_leader_NN_1 the leader of a nationalist movement -08197895 __guerrilla_force_NN_1 an irregular armed force that fights by sabotage and harassment; often rural and organized in large groups -11749462 __genus_centrolobium_NN_1 a genus of Centrolobium -00364479 __uncheerful_JJ_1 causing sad feelings of gloom and inadequacy; "the economic outlook is depressing"; "something cheerless about the room"; "a moody and uncheerful person"; "an uncheerful place" -13650447 __yard_NN_1 a unit of length equal to 3 feet; defined as 91.44 centimeters; originally taken to be the average length of a stride -00362467 __cheerful_JJ_1 being full of or promoting cheer; having or showing good spirits; "her cheerful nature"; "a cheerful greeting"; "a cheerful room"; "as cheerful as anyone confined to a hospital bed could be" -12774641 __sapodilla_tree_NN_1 large tropical American evergreen yielding chicle gum and edible fruit; sometimes placed in genus Achras -06619850 __news_show_NN_1 a program devoted to current events, often using interviews and commentary; "we watch the 7 o'clock news every night" -10595647 __sufferer_NN_1 a person suffering from an illness -02222459 __polyergus_NN_1 Amazon ants -02594552 __drumfish_NN_1 small to medium-sized bottom-dwelling food and game fishes of shallow coastal and fresh waters that make a drumming noise -00360650 __chaste_JJ_1 morally pure (especially not having experienced sexual intercourse); "a holy woman innocent and chaste" -01783571 __scutigerella_NN_1 garden centipedes -11525955 __wind_NN_1 air moving (sometimes with considerable force) from an area of high pressure to an area of low pressure; "trees bent under the fierce winds"; "when there is no wind, row"; "the radioactivity was being swept upwards by the air current and out into the atmosphere" -14407899 __fascination_NN_1 the state of being intensely interested (as by awe or terror) -12588584 __carnauba_wax_NN_1 hard yellowish to brownish wax from leaves of the carnauba palm used especially in floor waxes and polishes -08898633 __el_qahira_NN_1 the capital of Egypt and the largest city in Africa; a major port just to the south of the Nile delta; formerly the home of the Pharaohs -01574270 __quiscalus_NN_1 grackles -01311103 __dig_out_VB_3 create by digging; "dig a hole"; "dig out a channel" -12182858 __malacothamnus_NN_1 genus of shrubs or small trees: chaparral mallow -13187031 __family_cyatheaceae_NN_1 tropical tree ferns -00101629 __fart_VB_1 expel intestinal gases through the anus -03122295 __prairie_wagon_NN_1 a large wagon with broad wheels and an arched canvas top; used by the United States pioneers to cross the prairies in the 19th century -10855604 __simon_bolivar_NN_1 Venezuelan statesman who led the revolt of South American colonies against Spanish rule; founded Bolivia in 1825 (1783-1830) -07361863 __collateral_damage_NN_1 (euphemism) inadvertent casualties and destruction inflicted on civilians in the course of military operations -05945642 __view_NN_5 a personal belief or judgment that is not founded on proof or certainty; "my opinion differs from yours"; "I am not of your persuasion"; "what are your thoughts on Haiti?" -02279819 __genus_danaus_NN_1 type genus of the Danaidae: monarch butterflies -00046534 __get_dressed_VB_1 put on clothes; "we had to dress quickly"; "dress the patient"; "Can the child dress by herself?" -08821885 __canadian_province_NN_1 Canada is divided into 12 provinces for administrative purposes -06217103 __democracy_NN_1 the political orientation of those who favor government by the people or by their elected representatives -14012667 __stagnation_NN_1 a state of inactivity (in business or art etc); "economic growth of less than 1% per year is considered to be economic stagnation" -00125841 __turn_VB_7 pass into a condition gradually, take on a specific property or attribute; become; "The weather turned nasty"; "She grew angry" -01401686 __tribonema_NN_1 type genus of Tribonemaceae -08640739 __vacation_spot_NN_1 an area where many people go for recreation -10707804 __thief_NN_1 a criminal who takes property belonging to someone else with the intention of keeping it or selling it -00819024 __saving_NN_3 the activity of protecting something from loss or danger -11722621 __ranunculus_sceleratus_NN_1 annual herb growing in marshy places -01195804 __shoot_VB_15 spend frivolously and unwisely; "Fritter away one's inheritance" -02407390 __holstein-friesian_NN_1 a breed of dairy cattle from northern Holland -01944252 __levitate_VB_2 be suspended in the air, as if in defiance of gravity; "The guru claimed that he could levitate" -00080705 __nurse_VB_1 try to cure by special care of treatment, of an illness or injury; "He nursed his cold with Chinese herbs" -04496404 __tuille_NN_1 armor plate that protects the hip and thigh -01677242 __paint_the_lily_VB_1 type genus of the Iguanidae adorn unnecessarily (something that is already beautiful) -13238375 __starfish_flower_NN_1 any of various plants of the genus Stapelia having succulent leafless toothed stems resembling cacti and large foul-smelling (often star-shaped) flowers -08706502 __blida_NN_1 a city in northern Algeria at the foot of the Atlas Mountains to the southwest of Algiers -10735298 __tyrant_NN_1 a cruel and oppressive dictator -08043848 __ruf_NN_1 a terrorist group formed in the 1980s in Sierra Leone; seeks to overthrow the government and gain control of the diamond producing regions; responsible for attacks on civilians and children, widespread torture and murder and using children to commit atrocities; sponsored by the president of Liberia -02355477 __tree_squirrel_NN_1 any typical arboreal squirrel -09621359 __innocent_NN_1 a person who lacks knowledge of evil -00346991 __unchangeable_JJ_1 not changeable or subject to change; "a fixed and unchangeable part of the germ plasm"-Ashley Montagu; "the unchangeable seasons"; "one of the unchangeable facts of life" -13370014 __reserve_fund_NN_1 funds taken out of earnings to provide for anticipated future payments -01767163 __worry_VB_1 be worried, concerned, anxious, troubled, or uneasy; "I worry about my job" -11692265 __perigonium_NN_1 collective term for the outer parts of a flower consisting of the calyx and corolla and enclosing the stamens and pistils -00358931 __shortening_NN_2 act of decreasing in length; "the dress needs shortening" -01214265 __take_VB_4 get into one's hands, take physically; "Take a cookie!"; "Can you take this bag, please" -00343700 __evitable_JJ_1 capable of being avoided or warded off -12386945 __myricaria_germanica_NN_1 Eurasian shrub resembling the tamarisk -01719914 __therapsid_NN_1 probably warm-blooded; considered direct ancestor of mammals -01861403 __check_VB_5 stop for a moment, as if out of uncertainty or caution; "She checked for an instant and missed a step" -00774641 __clamour_VB_2 make loud demands; "he clamored for justice and tolerance" -09615807 __technologist_NN_1 a person who uses scientific knowledge to solve practical problems -01652163 __pternohyla_NN_1 burrowing tree frogs -09440400 __south_america_NN_1 a continent in the western hemisphere connected to North America by the Isthmus of Panama -09029242 __sudan_NN_2 a region of northern Africa to the south of the Sahara and Libyan deserts; extends from the Atlantic to the Red Sea -01815855 __pterocles_NN_1 type genus of the Pteroclididae -09173417 __thar_desert_NN_1 a desert to the east of the Indus River in northwestern India and southeastern Pakistan -00339941 __unsure_JJ_1 lacking self-confidence; "stood in the doorway diffident and abashed"; "problems that call for bold not timid responses"; "a very unsure young man" -01346003 __open_up_VB_1 cause to open or to become open; "Mary opened the car door" -00016756 __scarce_JJ_1 deficient in quantity or number compared with the demand; "fresh vegetables were scarce during the drought" -01813499 __joy_VB_2 make glad or happy -06650431 __documentation_NN_1 confirmation that some fact or statement is true through the use of documentary evidence -13604718 __monetary_unit_NN_1 a unit of money -08810358 __puglia_NN_1 a region in southeastern Italy on the Adriatic -00337404 __unsure_JJ_2 lacking or indicating lack of confidence or assurance; "uncertain of his convictions"; "unsure of himself and his future"; "moving with uncertain (or unsure) steps"; "an uncertain smile"; "touched the ornaments with uncertain fingers" -02289854 __take_home_VB_1 earn as a salary or wage; "How much does your wife take home after taxes and other deductions?" -03804048 __relafen_NN_1 a nonsteroidal anti-inflammatory drug (trade name Relafen) -02265560 __debit_VB_1 enter as debit -06904171 __tongue_NN_2 a human written or spoken language used by a community; opposed to e.g. a computer language -11644226 __white_cedar_NN_1 small evergreen of eastern North America having tiny scalelike leaves on flattened branchlets -01648126 __stage_VB_2 plan, organize, and carry out (an event); "the neighboring tribe staged an invasion" -12231192 __bearberry_NN_3 chiefly evergreen subshrubs of northern to Arctic areas -01571126 __bird_of_paradise_NN_3 any of numerous brilliantly colored plumed birds of the New Guinea area -13501059 __intellectualization_NN_1 (psychiatry) a defense mechanism that uses reasoning to block out emotional stress and conflict -07932841 __tea_leaf_NN_1 dried leaves of the tea shrub; used to make tea; "the store shelves held many different kinds of tea"; "they threw the tea into Boston harbor" -09692250 __basque_NN_1 a member of a people of unknown origin living in the western Pyrenees in France and Spain -00346537 __recommence_VB_2 begin again; "we recommenced his reading after a short nap" -14384796 __zoophobia_NN_1 a morbid fear of animals -00076400 __vomit_up_VB_1 eject the contents of the stomach through the mouth; "After drinking too much, the students vomited"; "He purged continuously"; "The patient regurgitated the food we gave him last night" -07897200 __rhine_wine_NN_1 any of several white wines from the Rhine River valley in Germany (`hock' is British usage) -05977340 __taoism_NN_4 philosophical system developed by Lao-tzu and Chuang-tzu advocating a simple honest life and noninterference with the course of natural events -01423757 __order_haemosporidia_NN_1 an order in the subclass Telosporidia -00181434 __burr_VB_1 remove the burrs from -01509079 __pitch_VB_9 throw or hurl from the mound to the batter, as in baseball; "The pitcher delivered the ball" -02672540 __make_up_VB_7 adjust for; "engineers will work to correct the effects or air resistance" -00329831 __central_JJ_2 in or near a center or constituting a center; the inner area; "a central position" -02493260 __roister_VB_1 engage in boisterous, drunken merrymaking; "They were out carousing last night" -02381726 __take_over_VB_2 take on titles, offices, duties, responsibilities; "When will the new President assume office?" -07546125 __lovingness_NN_1 a loving feeling -13687278 __piastre_NN_2 100 kurus equal 1 lira in Turkey -01734300 __tongue_VB_1 articulate by tonguing, as when playing wind instruments -11487950 __northerly_NN_1 a wind that blows from the north -01047803 __renascence_NN_3 the revival of learning and culture -03836191 __nut_NN_3 a small (usually square or hexagonal) metal block with internal screw thread to be fitted onto a bolt -11763142 __sabicu_NN_2 West Indian tree yielding a hard dark brown wood resembling mahogany in texture and value -02310482 __restore_VB_3 give or bring back; "Restore the stolen painting to its rightful owner" -08212347 __workforce_NN_1 the force of workers available -01233194 __swob_VB_2 apply (usually a liquid) to a surface; "dab the wall with paint" -02206270 __hymenopterous_insect_NN_1 insects having two pairs of membranous wings and an ovipositor specialized for stinging or piercing -03084204 __computer_accessory_NN_1 an accessory for a computer; "when you add in all the computer accessories you are going to need the computer gets pretty expensive" -14392862 __cyclothymic_disorder_NN_1 a mild bipolar disorder that persists over a long time -03008275 __explosive_charge_NN_1 a quantity of explosive to be set off at one time; "this cartridge has a powder charge of 50 grains" -01739814 __raise_VB_5 cultivate by growing, often involving improvements by means of agricultural techniques; "The Bordeaux region produces great red wines"; "They produce good ham in Parma"; "We grow wheat here"; "We raise hogs here" -10825180 __president_arthur_NN_1 elected vice president and became 21st President of the United States when Garfield was assassinated (1830-1886) -01145163 __tree_VB_3 chase an animal up a tree; "the hunters treed the bear with dogs and killed it"; "her dog likes to tree squirrels" -13963757 __marital_status_NN_1 the condition of being married or unmarried -05673209 __forgetfulness_NN_1 tendency to forget -00322457 __causative_JJ_1 producing an effect; "poverty as a causative factor in crime" -14448200 __ill-being_NN_1 lack of prosperity or happiness or health -05481870 __paleocortex_NN_1 the olfactory cortex of the cerebrum -04844024 __insensitivity_NN_1 the inability to respond to affective changes in your interpersonal environment -05613625 __superego_NN_1 (psychoanalysis) that part of the unconscious mind that acts as a conscience -08682575 __west_NN_1 the countries of (originally) Europe and (now including) North America and South America -00522068 __archaize_VB_1 give an archaic appearance of character to; "archaized craftwork" -00319534 __caudated_JJ_1 having a tail or taillike appendage -11656974 __microstrobos_NN_1 2 species of small evergreen shrubs of Australia and Tasmania -00383542 __translate_VB_2 change from one form or medium into another; "Braque translated collage into oil" -14008567 __extravasation_NN_2 (of volcanos) pouring out fumes or lava (or a deposit so formed) -09274500 __estuary_NN_1 the wide part of a river where it nears the sea; fresh and salt water mix -10532576 __riser_NN_1 a person who rises (especially from bed); "he's usually a late riser" -01767661 __arthropod_NN_1 invertebrate having jointed limbs and a segmented body with an exoskeleton made of chitin -09781171 __sky_marshal_NN_1 a person trained by the government in hijacking and terrorist tactics who (for security reasons) is a passenger aboard an airline flight -01458228 __percolate_VB_4 cause (a solvent) to pass through a permeable substance in order to extract a soluble constituent -10228592 __justiciary_NN_1 formerly a high judicial officer -07025419 __counterpoint_NN_1 a musical form involving the simultaneous sound of two or more melodies -05529159 __laryngopharynx_NN_1 the lower part of the pharynx -12566809 __pueraria_NN_1 genus of woody Asiatic vines: kudzu -00316827 __lap-streaked_JJ_1 having overlapping hull planks -00792356 __clinical_trial_NN_1 a rigorously controlled test of a new drug or a new invasive medical device on human subjects; in the United States it is conducted under the direction of the FDA before being made available for general clinical use -05546040 __jaw_NN_1 the part of the skull of a vertebrate that frames the mouth and holds the teeth -06805297 __telling_NN_3 disclosing information or giving evidence about another -01062555 __send_off_VB_3 transfer; "The spy sent the classified information off to Russia" -13810818 __rest_NN_1 something left after other parts have been taken away; "there was no remainder"; "he threw away the rest"; "he took what he wanted and I got the balance" -12940060 __levisticum_NN_1 genus of aromatic European herbs with yellow flowers -03881893 __window_glass_NN_1 sheet glass cut in shapes for windows or doors -02784218 __band_NN_7 a thin flat strip of flexible material that is worn around the body or one of the limbs (especially to decorate the body) -07804323 __rice_NN_1 grains used as food either unpolished or more often polished -06351613 __script_NN_3 a particular orthography or writing system -12015525 __silybum_marianum_NN_1 tall Old World biennial thistle with large clasping white-blotched leaves and purple flower heads; naturalized in California and South America -00849294 __sodomy_NN_1 intercourse via the anus, committed by a man with a man or woman -00311663 __careless_JJ_1 marked by lack of attention or consideration or forethought or thoroughness; not careful; "careless about her clothes"; "forgotten by some careless person"; "a careless housekeeper"; "careless proofreading"; "it was a careless mistake"; "hurt by a careless remark" -02232190 __transfer_VB_2 move from one place to another; "transfer the data"; "transmit the news"; "transfer the patient to another hospital" -00901476 __ct_NN_2 a method of examining body organs by scanning them with X rays and using a computer to construct a series of cross-sectional scans along a single axis -01876006 __progressive_JJ_1 favoring or promoting progress; "progressive schools" -00941777 __creating_by_removal_NN_1 the act of creating by removing something -00307474 __incapable_JJ_1 (followed by `of') lacking capacity or ability; "incapable of carrying a tune"; "he is incapable of understanding the matter"; "incapable of doing the work" -00773285 __expostulate_VB_1 reason with (somebody) for the purpose of dissuasion -13063046 __uredinales_NN_1 rust fungi: parasitic fungi causing rust in plants; sometimes placed in -10835218 __maurice_barrymore_NN_1 United States actor; husband of Georgiana Emma Barrymore and father of Ethel Barrymore and John Barrymore and Lionel Barrymore (1847-1905) -06616216 __shoot-'em-up_NN_1 a movie featuring shooting and violence -00306314 __capable_JJ_1 (usually followed by `of') having capacity or ability; "capable of winning"; "capable of hard work"; "capable of walking on two feet" -10569411 __secret_agent_NN_1 a person secretly employed in espionage for a government -08972521 __new_zealand_NN_1 an independent country within the British Commonwealth; achieved independence from the United Kingdom in 1907; known for sheep and spectacular scenery -05577741 __hallux_NN_1 the first largest innermost toe -09327077 __koppie_NN_1 a small hill rising up from the African veld -01309807 __vietnam_war_NN_1 a prolonged war (1954-1975) between the communist armies of North Vietnam who were supported by the Chinese and the armies of South Vietnam who were supported by the United States -10678472 __suppressor_NN_1 someone who suppresses; "dictators are suppressors of free speech" -02190188 __quieten_VB_1 become quiet or quieter; "The audience fell silent when the speaker entered" -05878229 __law_of_volumes_NN_1 (physics) the density of an ideal gas at constant pressure varies inversely with the temperature -05464104 __nerve_fibre_NN_1 a threadlike extension of a nerve cell -06550552 __hunting_permit_NN_1 a license authorizing the bearer to kill a certain type of animal during a specified period of time -02348182 __obligate_VB_2 commit in order to fulfill an obligation; "obligate money" -03786313 __morning_room_NN_1 a sitting room used during the daylight hours -01326291 __microorganism_NN_1 any organism of microscopic size -02713594 __wing_NN_11 an addition that extends a main building -07115914 __stop_consonant_NN_1 a consonant produced by stopping the flow of air at some point and suddenly releasing it; "his stop consonants are too aspirated" -00298767 __cacophonous_JJ_1 having an unpleasant sound; "as cacophonous as a henyard"- John McCarten -09809538 __military_engineer_NN_1 a member of the military who is trained in engineering and construction work -06259898 __transmission_channel_NN_1 a path over which electrical signals can pass; "a channel is typically what you rent from a telephone company" -01577265 __subgenus_pastor_NN_1 only the rose-colored starlings; in some classifications considered a separate genus -00007347 __cause_NN_4 any entity that produces an effect or is responsible for events or results -07886849 __beer_NN_1 a general name for alcoholic beverages made by fermenting a cereal (or mixture of cereals) flavored with hops -15298507 __question_time_NN_1 a period during a parliamentary session when members of British Parliament may ask questions of the ministers -04750764 __unlikeness_NN_1 dissimilarity evidenced by an absence of likeness -05801594 __heraldry_NN_1 the study and classification of armorial bearings and the tracing of genealogies -03933183 __piece_of_leather_NN_1 a separate part consisting of leather -03180504 __guided_missile_destroyer_NN_1 a small fast lightly armored but heavily armed warship -11475279 __lightning_NN_1 abrupt electric discharge from cloud to cloud or from cloud to earth accompanied by the emission of light -14920388 __repellent_NN_2 a chemical substance that repels animals -01433294 __get_VB_6 go or come after and bring or take back; "Get me those books over there, please"; "Could you bring the wine?"; "The dog fetched the hat" -09407632 __republican_river_NN_1 a tributary of the Kansas River that flows from eastern Colorado eastward through Nebraska and Kansas -11545524 __pteridophyte_NN_1 plants having vascular tissue and reproducing by spores -01293167 __st_mihiel_NN_1 a battle in the Meuse-Argonne operation in World War I (1918); the battle in which American troops launched their first offensive in France -00648764 __google_VB_1 search the internet (for information) using the Google search engine; "He googled the woman he had met at the party"; "My children are googling all day" -01024190 __refer_VB_1 make reference to; "His name was mentioned in connection with the invention" -02632694 __stromateidae_NN_1 butterfishes: harvest fishes; dollar fishes -00289365 __unbroken_JJ_5 not broken; whole and intact; in one piece; "fortunately the other lens is unbroken" -00115667 __drawing_NN_6 the act of moving a load by drawing or pulling -11845387 __genus_echinocactus_NN_1 globular or cylindrical cacti; southwestern United States to Brazil -00304422 __narrow_VB_4 become tight or as if tight; "Her throat constricted" -08519444 __retention_basin_NN_1 a storage site similar to a detention basin but the water in storage is permanently obstructed from flowing downstream -02524081 __pollachius_NN_1 pollack -00284930 __undimmed_JJ_1 not made dim or less bright; "undimmed headlights"; "surprisingly the curtain started to rise while the houselights were still undimmed" -07689003 __journey_cake_NN_1 cornbread usually cooked pancake-style on a griddle (chiefly New England) -02107588 __divine_VB_1 perceive intuitively or through some inexplicable perceptive powers -13536794 __photography_NN_2 the process of producing images of objects on photosensitive surfaces -01211888 __simplification_NN_2 elimination of superfluous details -12279458 __yellow_oak_NN_1 medium to large deciduous timber tree of the eastern United States and southeastern Canada having dark outer bark and yellow inner bark used for tanning; broad five-lobed leaves are bristle-tipped -11667112 __subclass_magnoliidae_NN_1 a group of families of trees and shrubs and herbs having well-developed perianths and apocarpous ovaries and generally regarded as the most primitive extant flowering plants; contains 36 families including Magnoliaceae and Ranunculaceae; sometimes classified as a superorder -14230800 __pemphigus_NN_1 a skin disease characterized by large thin-walled blisters (bullae) arising from normal skin or mucous membrane -01328705 __supplement_VB_3 add to the very end; "He appended a glossary to his novel where he used an invented language" -00278551 __bright_JJ_1 emitting or reflecting light readily or in large amounts; "the sun was bright and hot"; "a bright sunlit room" -09419536 __st._john_river_NN_1 a river that rises in Maine and flows northeastward through New Brunswick to empty into the Bay of Fundy -01981436 __shore_VB_2 arrive on shore; "The ship landed in Pearl Harbor" -04551205 __warfarin_NN_1 an anticoagulant (trade name Coumadin) use to prevent and treat a thrombus or embolus -05473735 __papilla_NN_2 a small nipple-shaped protuberance concerned with taste, touch, or smell; "the papillae of the tongue" -02022486 __strand_VB_3 bring to the ground; "the storm grounded the ship" -13291189 __offset_NN_2 a compensating equivalent -01891817 __twitch_VB_2 move with abrupt, seemingly uncontrolled motions; "The patient's legs were jerkings" -08029908 __ppk_NN_1 a Marxist-Leninist terrorist group of Kurds trying to establish an independent Kurdish state in eastern Turkey -10025060 __dominus_NN_1 a clergyman; especially a settled minister or parson -01763482 __psych_up_VB_1 get excited or stimulated; "The children were all psyched up after the movie" -01347199 __protoctist_order_NN_1 the order of protoctists -11705171 __cinnamomum_cassia_NN_1 Chinese tree with aromatic bark; yields a less desirable cinnamon than Ceylon cinnamon -12093769 __glaux_NN_1 sea milkwort -00256507 __tumesce_VB_1 expand abnormally; "The bellies of the starving children are swelling" -05890963 __m-theory_NN_1 (particle physics) a theory that involves an eleven-dimensional universe in which the weak and strong forces and gravity are unified and to which all the string theories belong -05065717 __imbalance_NN_2 (mathematics) a lack of symmetry -03802973 __mute_NN_2 a device used to soften the tone of a musical instrument -00562882 __inflate_VB_3 cause prices to rise by increasing the available currency or credit; "The war inflated the economy" -02135486 __viverra_NN_1 type genus of the family Viverridae -04651974 __silence_NN_3 a refusal to speak when expected; "his silence about my contribution was surprising" -07842753 __omelette_NN_1 beaten eggs or an egg mixture cooked until just set; may be folded around e.g. ham or cheese or jelly -02727039 __run_VB_8 change or be different within limits; "Estimates for the losses in the earthquake range as high as $2 billion"; "Interest rates run from 5 to 10 percent"; "The instruments ranged from tuba to cymbals"; "My students range from very bright to dull" -07578093 __spread_NN_6 a meal that is well prepared and greatly enjoyed; "a banquet for the graduating seniors"; "the Thanksgiving feast"; "they put out quite a spread" -00027268 __stretch_VB_2 extend one's limbs or muscles, or the entire body; "Stretch your legs!"; "Extend your right arm above your head" -02032646 __limnocryptes_NN_1 snipe -00149583 __go_VB_4 enter or assume a certain state or condition; "He became annoyed when he heard the bad news"; "It must be getting more serious"; "her face went red with anger"; "She went into ecstasy"; "Get going!" -00374668 __boil_VB_3 bring to, or maintain at, the boiling point; "boil this liquid until it evaporates" -00266634 __plucky_JJ_1 marked by courage and determination in the face of difficulties or danger; robust and uninhibited; "you have to admire her; it was a gutsy thing to do"; "the gutsy...intensity of her musical involvement"-Judith Crist; "a gutsy red wine" -00264776 __fearful_JJ_3 lacking courage; ignobly timid and faint-hearted; "cowardly dogs, ye will not aid me then"- P.B.Shelley -10455094 __pornographer_NN_1 someone who presents shows or sells writing or pictures that are sexually explicit in violation of the community mores -02304967 __genus_atticus_NN_1 atlas moth -13335172 __ordinary_shares_NN_1 stock other than preferred stock; entitles the owner to a share of the corporation's profits and a share of the voting power in shareholder elections; "over 40 million Americans invest in common stocks" -05644922 __inability_NN_1 lack of ability (especially mental ability) to do something -10294421 __naval_engineer_NN_1 a naval officer responsible for the operation and maintenance of the ship's engines -05558345 __abdominal_cavity_NN_1 the cavity containing the major viscera; in mammals it is separated from the thorax by the diaphragm -09008454 __st._petersburg_NN_2 a city in the European part of Russia; 2nd largest Russian city; located at the head of the Gulf of Finland; former capital of Russia -05162217 __unpropitiousness_NN_1 the quality of suggesting an unsuccessful result -06410776 __notice_NN_7 a short critical review; "the play received good notices" -07514968 __calmness_NN_3 a feeling of calm; an absence of agitation or excitement -07658958 __sirloin_NN_1 the portion of the loin (especially of beef) just in front of the rump -09811712 __articulator_NN_1 someone who pronounces words -08296911 __ecosoc_commission_NN_1 a commission of the Economic and Social Council of the United Nations -10289039 __man_NN_3 the generic use of the word to refer to any human being; "it was every man for himself" -01746727 __asian_coral_snake_NN_1 of India -05300231 __chemoreceptor_NN_1 a sensory receptor that responds to chemical stimuli -10164747 __head_of_state_NN_1 the chief public representative of a country who may also be the head of government -09080554 __oahu_island_NN_1 an island of central Hawaii (between Molokai and Kauai); the chief island of the state -01974399 __crustacea_NN_1 class of mandibulate arthropods including: lobsters; crabs; shrimps; woodlice; barnacles; decapods; water fleas -06541381 __legal_separation_NN_1 a judicial decree regulating the rights and responsibilities of a married couple living apart -00048656 __attainment_NN_2 arrival at a new stage; "his attainment of puberty was delayed by malnutrition" -13505987 __lactation_NN_2 the production and secretion of milk by the mammary glands -02103162 __pull_VB_9 cause to move in a certain direction by exerting a force upon, either physically or in an abstract sense; "A declining dollar pulled down the export figures for the last quarter" -05254197 __ampulla_NN_1 the dilated portion of a canal or duct especially of the semicircular canals of the ear -06318062 __verb_NN_1 the word class that serves as the predicate of a sentence -00249721 __bold_JJ_1 fearless and daring; "bold settlers on some foreign shore"; "a bold speech"; "a bold adventure" -14931879 __igneous_rock_NN_1 rock formed by the solidification of molten magma -08776138 __ruhr_valley_NN_1 a major industrial and coal mining region in the valley of the Ruhr river in northwestern Germany -05769314 __chimera_NN_2 a grotesque product of the imagination -12366186 __waxflower_NN_2 epiphytic clusia of British Guiana -05635188 __aviation_NN_3 the art of operating aircraft -07194950 __cross-examination_NN_1 (law) close questioning of a hostile witness in a court of law to discredit or throw a new light on the testimony already provided in direct examination -12191587 __ochroma_lagopus_NN_1 forest tree of lowland Central America having a strong very light wood; used for making floats and rafts and in crafts -09639919 __semite_NN_1 a member of a group of Semitic-speaking peoples of the Middle East and northern Africa -00998604 __anthropometry_NN_1 measurement and study of the human body and its parts and capacities -03300907 __lodine_NN_1 a nonsteroidal anti-inflammatory drug (trade name Lodine) -13753740 __octillion_NN_1 the number that is represented as a one followed by 27 zeros -09582343 __weird_sister_NN_1 (Norse mythology) any of the three goddesses of destiny; identified with Anglo-Saxon Wyrd; similar to Greek Moirae and Roman Parcae -02213107 __hornet_NN_1 large stinging paper wasp -00243606 __light-haired_JJ_1 being or having light colored skin and hair and usually blue or grey eyes; "blond Scandinavians"; "a house full of light-haired children" -00715239 __find_VB_5 come to believe on the basis of emotion, intuitions, or indefinite grounds; "I feel that he doesn't like me"; "I find him to be obnoxious"; "I found the movie rather entertaining" -07490713 __pleasure_NN_1 a fundamental feeling that is hard to define but that people desire to experience; "he was tingling with pleasure" -00975270 __diversionary_attack_NN_1 an attack calculated to draw enemy defense away from the point of the principal attack -02752277 __swing_VB_10 have a certain musical rhythm; "The music has to swing" -02172182 __dung_beetle_NN_1 any of numerous beetles that roll balls of dung on which they feed and in which they lay eggs -05891783 __speculation_NN_2 a hypothesis that has been formed by speculating or conjecturing (usually with little hard evidence); "speculations about the outcome of the election"; "he dismissed it as mere conjecture" -01129532 __upbringing_NN_2 helping someone grow up to be an accepted member of the community; "they debated whether nature or nurture was more important" -04737430 __liquidity_NN_3 being in cash or easily convertible to cash; debt paying ability -08956574 __pusan_NN_1 a city in southeastern South Korea on the Korean Strait; the chief port and second largest city -00737884 __pay_VB_9 bear (a cost or penalty), in recompense for some action; "You'll pay for this!"; "She had to pay the penalty for speaking out rashly"; "You'll pay for this opinion later" -01913838 __class_anthozoa_NN_1 a large class of sedentary marine coelenterates that includes sea anemones and corals; the medusoid phase is entirely suppressed -10105359 __fortune_hunter_NN_1 a person who seeks wealth through marriage -05248181 __passageway_NN_2 a path or channel or duct through or along which something may pass; "the nasal passages" -01832381 __genus_apus_NN_1 type genus -09540739 __pixy_NN_2 (folklore) fairies that are somewhat mischievous -01678407 __redecorate_VB_1 redo the decoration of an apartment or house -00430140 __play_NN_16 the act of playing for stakes in the hope of winning (including the payment of a price for a chance to win a prize); "his gambling cost him a fortune"; "there was heavy play at the blackjack table" -11452218 __free_energy_NN_1 (physics) a thermodynamic quantity equivalent to the capacity of a physical system to do work; the units of energy are joules or ergs; "energy can take a wide variety of forms" -03558404 __ice_skate_NN_1 skate consisting of a boot with a steel blade fitted to the sole -02071294 __sea_wolf_NN_1 predatory black-and-white toothed whale with large dorsal fin; common in cold seas -02757810 __audiotape_NN_1 a tape recording of sound -12501537 __papilionaceae_NN_1 leguminous plants whose flowers have butterfly-shaped corollas; commonly included in the family Leguminosae -04849972 __purity_NN_3 a woman's virtue or chastity -02620826 __microdesmidae_NN_1 worm fish -00720808 __previse_VB_2 realize beforehand -03859958 __turnout_NN_5 a set of clothing (with accessories); "his getup was exceedingly elegant" -14706026 __filler_NN_1 used for filling cracks or holes in a surface -01881171 __possum_NN_2 small furry Australian arboreal marsupials having long usually prehensile tails -07350567 __resiliency_NN_1 an occurrence of rebounding or springing back -01920735 __family_cestidae_NN_1 coextensive with the order Cestida; ctenophores having a greatly flattened and elongated body -14494716 __sanitary_condition_NN_1 the state of sanitation (clean or dirty) -08131530 __united_states_department_of_defense_NN_1 the federal department responsible for safeguarding national security of the United States; created in 1947 -14994328 __polymer_NN_1 a naturally occurring or synthetic compound consisting of large molecules made up of a linked series of repeated simple monomers -12404729 __trumpetwood_NN_1 tropical American tree with large peltate leaves and hollow stems -07092158 __writing_style_NN_1 a style of expressing yourself in writing -03650173 __layer_NN_1 single thickness of usually some homogeneous substance; "slices of hard-boiled egg on a bed of spinach" -08175498 __allied_command_europe_NN_1 a major strategic headquarters of NATO; safeguards an area extending from Norway to Turkey -09257949 __natural_covering_NN_1 a natural object that covers or envelops; "under a covering of dust"; "the fox was flushed from its cover" -09935434 __partner_NN_2 an associate in an activity or endeavor or sphere of common interest; "the musician and the librettist were collaborators"; "sexual partners" -06776138 __wittiness_NN_1 a message whose ingenuity or verbal skill or incongruity has the power to evoke laughter -10763383 __waiter_NN_1 a person whose occupation is to serve at table (as in a restaurant) -09026499 __logrono_NN_1 a city in northern Spain on the Ebro River -03281935 __extension_NN_11 an addition to the length of something -09107098 __kansas_city_NN_1 a city in western Missouri situated at the confluence of the Kansas River and the Missouri River; adjacent to Kansas City, Kansas -00229630 __worst_JJ_1 (superlative of `bad') most wanting in quality or value or condition; "the worst player on the team"; "the worst weather of the year" -07274425 __obeisance_NN_1 bending the head or body or knee as a sign of reverence or submission or shame or greeting -06540527 __curfew_NN_3 an order that after a specific time certain activities (as being outside on the streets) are prohibited -06738281 __explanation_NN_1 a statement that makes something comprehensible by describing the relevant structure or operation or circumstances etc.; "the explanation was very simple"; "I expected a brief account" -10608803 __spanker_NN_1 a hitter who slaps (usually another person) with an open hand; "someone slapped me on the back and I turned to see who the slapper was"; "my father was the designated spanker in our family" -02606194 __pomacentridae_NN_1 damselfishes -00226618 __benignant_JJ_1 pleasant and beneficial in nature or influence; "a benign smile"; "the benign sky"; "the benign influence of pure air" -04894964 __wastefulness_NN_1 the trait of wasting resources; "a life characterized by thriftlessness and waste"; "the wastefulness of missed opportunities" -07310991 __bending_NN_1 movement that causes the formation of a curve -12859488 __monardella_NN_1 a genus of fragrant herbs of the family Labiatae in the western United States -03819595 __network_NN_3 an open fabric of string or rope or wire woven together at regular intervals -14517412 __air_pollution_NN_1 pollution of the atmosphere; "air pollution reduced the visibility" -04696432 __wart_NN_3 (pathology) a firm abnormal elevated blemish on the skin; caused by a virus -09929770 __clip_artist_NN_1 a swindler who fleeces the victim -08078020 __menage_NN_1 a social unit living together; "he moved his family to Virginia"; "It was a good Christian household"; "I waited until the whole house was asleep"; "the teacher asked how many people made up his home" -13225955 __quillwort_family_NN_1 quillworts; coextensive with the genus Isoetes -02808440 __tub_NN_1 a relatively large open container that you fill with water and use to wash the body -07135734 __talking_NN_1 an exchange of ideas via conversation; "let's have more work and less talk around here" -00939857 __elucidate_VB_1 make clear and (more) comprehensible; "clarify the mystery surrounding her death" -05350061 __splenic_artery_NN_1 an artery that originates from the celiac trunk and supplies blood to the spleen -08780720 __mariehamn_NN_1 a town that is the chief port of the Aland islands -12400261 __genus_artocarpus_NN_1 evergreen Asiatic trees now grown through the tropics: breadfruit; jackfruit -11732857 __genus_delphinium_NN_1 large genus of chiefly perennial erect branching herbs of north temperate regions some poisonous -14972359 __oxygen_acid_NN_1 any acid that contains oxygen -00212173 __hirsute_JJ_1 having or covered with hair; "Jacob was a hairy man"; "a hairy caterpillar" -11621029 __silver_fir_NN_1 any of various true firs having leaves white or silvery white beneath -12220247 __leucadendron_NN_1 large genus of evergreen trees and shrubs having silvery white leaves and solitary terminal flowers with conspicuous silvery bracts -02281787 __lycaenid_butterfly_NN_1 any of various butterflies of the family Lycaenidae -06464419 __vedic_literature_NN_1 (from the Sanskrit word for `knowledge') any of the most ancient sacred writings of Hinduism written in early Sanskrit; traditionally believed to comprise the Samhitas, the Brahmanas, the Aranyakas, and the Upanishads -00950858 __high_technology_NN_1 highly advanced technological development (especially in electronics) -14361664 __vellication_NN_1 a sudden muscle spasm; especially one caused by a nervous condition -01581434 __rocky_mountain_jay_NN_1 a Canada jay with a white head; widely distributed from Montana to Arizona -06860177 __trill_NN_1 a note that alternates rapidly with another note a semitone above it -11518645 __thermal_NN_1 rising current of warm air -03868044 __oxbridge_NN_1 general term for an ancient and prestigious and privileged university (especially Oxford University or Cambridge University) -10495555 __pusher_NN_2 an unlicensed dealer in illegal drugs -00346693 __turnaround_NN_5 turning in the opposite direction -00282050 __progression_NN_3 the act of moving forward (as toward a goal) -00337065 __snap_VB_3 break suddenly and abruptly, as under tension; "The pipe snapped" -12669157 __pinckneya_NN_1 small genus of shrubs or small trees of southeastern United States and northern South America -09629065 __religionist_NN_1 a person addicted to religion or a religious zealot -04060647 __receiving_system_NN_1 set that receives radio or tv signals -04670746 __irresponsibleness_NN_1 a form of untrustworthiness; the trait of lacking a sense of responsibility and not feeling accountable for your actions -07190290 __supplication_NN_1 a prayer asking God's help as part of a religious service -06589151 __object-oriented_database_management_system_NN_1 a database management system designed to manage an object-oriented database -09032981 __lausanne_NN_1 a city in western Switzerland; cultural and commercial center -01924590 __platyhelminthes_NN_1 flatworms -00173159 __throttle_VB_3 reduce the air supply; "choke a carburetor" -13432249 __anisogamy_NN_1 (biology) reproduction by the union or fusion of two differing gametes (especially differing in size) -08171094 __bloc_NN_1 a group of countries in special alliance -01854415 __sheldrake_NN_1 large crested fish-eating diving duck having a slender hooked bill with serrated edges -00348541 __get_weaving_VB_1 start to be active; "Get cracking, please!" -11703386 __laurel_family_NN_1 a family of Lauraceae -01272397 __identifiable_JJ_1 capable of being identified -02935658 __coffeehouse_NN_1 a small restaurant where drinks and snacks are sold -03399047 __front_bench_NN_1 any of the front seats in the House of Commons that are reserved for ministers or former ministers -00286008 __stain_VB_1 color with a liquid dye or tint; "Stain this table a beautiful walnut color"; "people knew how to stain glass a beautiful blue in the middle ages" -11513880 __spillover_NN_1 (economics) any indirect effect of public expenditure -02072159 __well_over_VB_1 flow or run over (a limit or brim) -09940818 __comedienne_NN_2 a female comedian -08915372 __makedonija_NN_1 the ancient kingdom of Philip II and Alexander the Great in the southeastern Balkans that is now divided among modern Macedonia and Greece and Bulgaria -06889591 __bravado_NN_1 a swaggering show of courage -00570205 __desorb_VB_1 go away from the surface to which (a substance) is adsorbed -09086173 __iowa_NN_2 a state in midwestern United States -10686313 __sympathizer_NN_1 commiserates with someone who has had misfortune -00205885 __meliorate_VB_1 to make better; "The editor improved the manuscript with his changes" -01190277 __souse_VB_3 become drunk or drink excessively -00191603 __unaware_JJ_1 (often followed by `of') not aware; "seemed unaware of the scrutiny"; "unaware of the danger they were in"; "unaware of the newborn hope"; "the most unaware person I've known" -04711435 __worriment_NN_1 a difficulty that causes anxiety -09279458 __finding_NN_3 something that is found; "the findings in the gastrointestinal tract indicate that he died several hours after dinner"; "an area rich in archaeological findings" -00631398 __theologize_VB_2 make theoretical speculations about theology or discuss theological subjects -05590366 __sternocleidomastoid_muscle_NN_1 one of two thick muscles running from the sternum and clavicle to the mastoid and occipital bone; turns head obliquely to the opposite side; when acting together they flex the neck and extend the head -00054059 __pollinate_VB_1 fertilize by transfering pollen -03955296 __planing_machine_NN_1 a power tool for smoothing or shaping wood -01547001 __lie_VB_2 be lying, be prostrate; be in a horizontal position; "The sick man lay in bed all day"; "the books are lying on the shelf" -00140751 __switch_over_VB_1 change over, change around, as to a new order or sequence -01769789 __phalangiidae_NN_1 a family of Phalangida -05717549 __astringency_NN_1 a sharp astringent taste; the taste experience when a substance causes the mouth to pucker -00832626 __mouth-to-mouth_resuscitation_NN_1 an emergency procedure consisting of external cardiac massage and artificial respiration; the first treatment for a person who has collapsed and has no pulse and has stopped breathing; attempts to restore circulation of the blood and prevent death or brain damage due to lack of oxygen -08691669 __national_capital_NN_1 the capital city of a nation -00591236 __counselorship_NN_1 the position of counselor -01194021 __murder_conviction_NN_1 conviction for murder -00183053 __available_JJ_1 obtainable or accessible and ready for use or service; "kept a fire extinguisher available"; "much information is available through computers"; "available in many colors"; "the list of available candidates is unusually long" -08987423 __st._kitts_and_nevis_NN_1 a country on several of the Leeward Islands; located to the east southeast of Puerto Rico; achieved independence from the United Kingdom in 1983 -10495421 __shover_NN_1 someone who pushes -01940248 __water_ski_VB_1 ride water skis -00674607 __take_VB_10 pick out, select, or choose from a number of alternatives; "Take any one of these cards"; "Choose a good husband for your daughter"; "She selected a pair of shoes from among the dozen the salesgirl had shown her" -12168565 __lobelia_NN_1 any plant or flower of the genus Lobelia -00181476 __automatic_JJ_1 operating with minimal human intervention; independent of external control; "automatic transmission"; "a budget deficit that caused automatic spending cuts" -14421373 __disassociation_NN_1 the state of being unconnected in memory or imagination; "I could not think of him in disassociation from his wife" -04060065 __rear_window_NN_1 car window that allows vision out of the back of the car -09192280 __alaska_range_NN_1 a mountain range in south central Alaska; contains Mount McKinley -09237076 __cascades_NN_1 a mountain range in the northwestern United States extending through Washington and Oregon and northern California; a part of the Coast Range -04825114 __equivocalness_NN_1 unclearness by virtue of having more than one meaning -00955565 __combined_operation_NN_1 a military operation carried out cooperatively by two or more allied nations or a military operation carried out by coordination of sea, land, and air forces -01789164 __fret_VB_5 cause annoyance in -01499849 __rack_up_VB_2 place in a rack; "rack pool balls" -05404336 __seminal_fluid_NN_1 the thick white fluid containing spermatozoa that is ejaculated by the male genital tract -00531302 __desolate_VB_2 reduce in population; "The epidemic depopulated the countryside" -01155687 __wager_VB_1 stake on the outcome of an issue; "I bet $100 on that new horse"; "She played all her money on the dark horse" -01644746 __substantiate_VB_3 make real or concrete; give reality or substance to; "our ideas must be substantiated into actions" -03163081 __dartmouth_college_NN_1 a college in New Hampshire -02142626 __model_VB_4 display (clothes) as a mannequin; "model the latest fashion" -10246395 __languisher_NN_1 a person who languishes -05781347 __presumption_NN_2 (law) an inference of the truth of a fact from other facts proved or admitted or judicially noticed -07703177 __hot_cereal_NN_1 a cereal that is served hot -06435394 __paralipomenon_NN_1 (Old Testament) an obsolete name for the Old Testament books of I Chronicles and II Chronicles which were regarded as supplementary to Kings -06470073 __written_document_NN_1 writing that provides information (especially information of an official nature) -01764800 __tranquillize_VB_1 make calm or still; "quiet the dragons of worry and fear" -05371663 __vena_labialis_NN_2 a vein draining the lips of the mouth -02084732 __pooch_NN_1 informal terms for dogs -09024467 __spanish_capital_NN_1 the capital and largest city situated centrally in Spain; home of an outstanding art museum -03234164 __underdrawers_NN_1 underpants worn by men -00170156 __repulsive_JJ_2 possessing the ability to repel; "a repulsive force" -00626188 __weightlifting_NN_1 bodybuilding by exercise that involves lifting weights -12727301 __sallow_NN_1 any of several Old World shrubby broad-leaved willows having large catkins; some are important sources for tanbark and charcoal -09307300 __lump_NN_4 a large piece of something without definite shape; "a hunk of bread"; "a lump of coal" -03446070 __golf_club_NN_2 golf equipment used by a golfer to hit a golf ball -10656969 __stipendiary_magistrate_NN_1 (United Kingdom) a paid magistrate (appointed by the Home Secretary) dealing with police cases -02592250 __club_VB_1 unite with a common purpose; "The two men clubbed together" -13064111 __melampsora_lini_NN_1 fungus causing flax rust -05992274 __localization_principle_NN_1 (physiology) the principle that specific functions have relatively circumscribed locations in some particular part or organ of the body -01675780 __squeeze_out_VB_5 form or shape by forcing through an opening; "extrude steel" -01723963 __parody_VB_1 make a spoof of or make fun of -00341548 __reclining_NN_1 the act of assuming or maintaining a reclining position -08782627 __aegean_island_NN_1 an island in the Aegean Sea -02285548 __tussock_moth_NN_1 dull-colored moth whose larvae have tufts of hair on the body and feed on the leaves of many deciduous trees -08016035 __gia_NN_1 a terrorist organization of Islamic extremists whose violent activities began in 1992; aims to overthrow the secular Algerian regime and replace it with an Islamic state; "the GIA has embarked on a terrorist campaign of civilian massacres" -01954852 __lighter_VB_1 transport in a flatbottom boat -12851304 __leonurus_NN_1 genus of stout Old World herbs having flowers in whorls -09250678 __columbia_river_NN_1 a North American river; rises in southwestern Canada and flows southward across Washington to form the border between Washington and Oregon before emptying into the Pacific; known for its salmon runs in the spring -02222318 __toss_out_VB_1 throw or cast away; "Put away your worries" -00908772 __re-creation_NN_1 the act of creating again -08387930 __society_NN_4 the fashionable elite -08256968 __political_party_NN_1 an organization to gain political power; "in 1992 Perot tried to organize a third party at the national level" -01029500 __title_VB_1 give a title to -04839676 __unfairness_NN_2 injustice by virtue of not conforming with rules or standards -00160288 __close_to_the_wind_RB_1 (of animals) able to swim about; not attached nearly opposite to the direction from which wind is coming; "sailing close to the wind" -13022078 __genus_flammulina_NN_1 a genus of agarics -11599694 __subdivision_cycadophytina_NN_1 palmlike gymnosperms: includes the surviving order Cycadales and several extinct orders; possibly not a natural group; in some systems considered a class (Cycadopsida) and in others a subdivision (Cycadophytina or Cycadophyta) -12108742 __genus_arrhenatherum_NN_1 oat grass -02591205 __pagrus_NN_1 a genus of Sparidae -01502122 __set_down_VB_3 put or settle into a position; "The hotel was set down at the bottom of the valley" -01425076 __genus_leucocytozoon_NN_1 a genus of protoctist -12487647 __subfamily_caesalpinioideae_NN_1 alternative name in some classification systems for the family Caesalpiniaceae -14638041 __gd_NN_2 a ductile silvery-white ductile ferromagnetic trivalent metallic element of the rare earth group -01985128 __crayfish_NN_3 small freshwater decapod crustacean that resembles a lobster -00977336 __promulgate_VB_1 state or announce; "`I am not a Communist,' he exclaimed"; "The King will proclaim an amnesty" -00156101 __self-assertive_JJ_1 aggressively self-assured; "an energetic assertive boy who was always ready to argue"; "pointing directly at a listener is an assertive act" -05660268 __method_NN_1 a way of doing something, especially a systematic way; implies an orderly logical arrangement (usually in steps) -11919232 __family_ambrosiaceae_NN_1 in some classifications considered a separate family comprising a subgroup of the Compositae including the ragweeds -01059743 __whinny_VB_1 make a characteristic sound, of a horse -01926988 __schistosoma_NN_1 type genus of the family Schistosomatidae: blood flukes -07015510 __comedy_NN_1 light and humorous drama with a happy ending -11538582 __family_anthocerotaceae_NN_1 hornworts -01626138 __compose_VB_4 put together out of existing material; "compile a list" -01694311 __horned_chameleon_NN_1 a kind of chameleon -10881092 __camus_NN_1 French writer who portrayed the human condition as isolated in an absurd world (1913-1960) -10277912 __lyrist_NN_1 a person who writes the words for songs -07672914 __oleomargarine_NN_1 a spread made chiefly from vegetable oils and used as a substitute for butter -07339653 __equipment_casualty_NN_1 loss of military equipment -11997409 __prenanthes_serpentaria_NN_1 common perennial herb widely distributed in the southern and eastern United States having drooping clusters of pinkish flowers and thick basal leaves suggesting a lion's foot in shape; sometimes placed in genus Prenanthes -00783199 __hijacking_NN_1 robbery of a traveller or vehicle in transit or seizing control of a vehicle by the use of force -02073041 __sirenia_NN_1 an animal order including: manatees; dugongs; Steller's sea cow -02083346 __canine_NN_2 any of various fissiped mammals with nonretractile claws and typically long muzzles -02906438 __brooch_NN_1 a decorative pin worn by women -02650552 __shack_VB_1 make one's home in a particular place or community; "may parents reside in Florida" -01581070 __capsulize_VB_1 enclose in a capsule -07756096 __winter_melon_NN_2 the fruit of the winter melon vine; a green melon with pale green to orange flesh that keeps well -10110287 __freeholder_NN_1 the owner of a freehold -10027246 __look-alike_NN_1 someone who closely resembles a famous person (especially an actor); "he could be Gingrich's double"; "she's the very image of her mother" -01043820 __idolization_NN_2 the act of worshiping blindly and to excess -07230089 __rodomontade_NN_1 vain and empty boasting -11016563 __jakob_ludwig_karl_grimm_NN_1 the older of the two Grimm brothers remembered best for their fairy stories; also author of Grimm's law describing consonant changes in Germanic languages (1785-1863) -00913795 __hollo_VB_2 cry hollo -02894605 __seawall_NN_1 a protective structure of stone or concrete; extends from shore into the water to prevent a beach from washing away -13019017 __pluteaceae_NN_1 a family of fungi belonging to the order Agaricales -00828559 __primping_NN_1 careful or finicky grooming; "the primping alone took more than an hour" -00143589 __armoured_JJ_2 protected by armor (used of persons or things military) -08207209 __paramilitary_unit_NN_1 a group of civilians organized in a military fashion (especially to operate in place of or to assist regular army troops) -02692335 __localize_VB_2 concentrate on a particular place or spot; "The infection has localized in the left eye" -12526178 __prickle-weed_NN_1 perennial herb of North American prairies having dense heads of small white flowers -01562265 __robin_redbreast_NN_1 small Old World songbird with a reddish breast -01995137 __order_anostraca_NN_1 small aquatic crustaceans lacking a carapace: fairy shrimps; brine shrimps -13549916 __replication_NN_2 (genetics) the process whereby DNA makes a copy of itself before cell division -00312266 __airing_NN_2 a short excursion (a walk or ride) in the open air; "he took the dogs for an airing" -10659571 __stonewaller_NN_1 one who stonewalls or refuses to answer or cooperate; someone who delays by lengthy speeches etc. -10880398 __john_calvin_NN_1 Swiss theologian (born in France) whose tenets (predestination and the irresistibility of grace and justification by faith) defined Presbyterianism (1509-1564) -14002279 __balance_NN_1 a state of equilibrium -01044114 __murmur_VB_1 speak softly or indistinctly; "She murmured softly to the baby in her arms" -04930307 __fit_NN_3 the manner in which something fits; "I admired the fit of her coat" -07039238 __recapitulation_NN_2 (music) the section of a composition or movement (especially in sonata form) in which musical themes that were introduced earlier are repeated -02027411 __bunch_up_VB_1 form into a bunch; "The frightened children bunched together in the corner of the classroom" -00023383 __inaccurate_JJ_1 not exact; "an inaccurate translation"; "the thermometer is inaccurate" -02703539 __run_along_VB_1 be in line with; form a line along; "trees line the riverbank" -09202405 __arabian_sea_NN_1 a northwestern arm of the Indian Ocean between India and Arabia -10998860 __sir_john_gielgud_NN_1 English actor of Shakespearean roles who was also noted for appearances in films (1904-2000) -01691782 __helodermatidae_NN_1 only known venomous lizards -02834778 __wheel_NN_7 a wheeled vehicle that has two wheels and is moved by foot pedals -02507736 __trouble_VB_2 to cause inconvenience or discomfort to; "Sorry to trouble you, but..." -06705891 __pennant_NN_1 the award given to the champion -09848110 __theist_NN_1 one who believes in the existence of a god or gods -01656813 __reptile_family_NN_1 a family of reptiles -01007924 __summarize_VB_1 give a summary (of); "he summed up his results"; "I will now summarize" -14777768 __pepto-bismal_NN_1 an antacid -01382033 __spirochete_NN_1 parasitic or free-living bacteria; many pathogenic to humans and other animals -00266391 __copolymerize_VB_1 polymerize together; "the two substances copolymerized" -00133851 __unappetizing_JJ_1 not appetizing in appearance, aroma, or taste -00133417 __appetizing_JJ_1 appealing to or stimulating the appetite especially in appearance or aroma -09714429 __persian_NN_1 a native or inhabitant of Iran; "the majority of Irani are Persian Shiite Muslims" -01324799 __insectivore_NN_2 any organism that feeds mainly on insects -00131018 __sociolinguistically_RB_1 belonging to the front part; "a frontal appendage" with respect to sociolinguistics; "sociolinguistically fascinating" -12901565 __cherry_pepper_NN_1 plant bearing small rounded usually pungent fruits -12531144 __geoffroea_NN_1 small genus of shrubs or small trees of tropical and subtropical America -02490219 __marmoset_NN_1 small soft-furred South American and Central American monkey with claws instead of nails -14174549 __infection_NN_1 the pathological state resulting from the invasion of the body by pathogenic microorganisms -01643657 __trip_VB_4 put in motion or move to act; "trigger a reaction"; "actuate the circuits" -07755707 __sweet_melon_NN_2 the fruit of a muskmelon vine; any of several sweet melons related to cucumbers -01587984 __encapsulate_VB_1 enclose in a capsule or other small container -02330245 __mouse_NN_1 any of numerous small rodents typically resembling diminutive rats having pointed snouts and small ears on elongated bodies with slender usually hairless tails -13514880 __metamorphosis_NN_1 the marked and rapid transformation of a larva into an adult that occurs in some animals -01785579 __crock_up_VB_1 suffer a nervous breakdown -03536568 __horizontal_tail_NN_1 the horizontal stabilizer and elevator in the tail assembly of an aircraft -01809446 __opisthocomidae_NN_1 comprising the hoatzins -05245775 __comedo_NN_1 a black-tipped plug clogging a pore of the skin -08183398 __press_NN_4 a dense crowd of people -10165448 __listener_NN_1 someone who listens attentively -10034614 __drinker_NN_1 a person who drinks liquids -02058191 __hustle_VB_2 move or cause to move energetically or busily; "The cheerleaders bustled about excitingly before their performance" -00122626 __subsequent_JJ_1 following in time or order; "subsequent developments" -06261260 __link_NN_7 a channel for communication between groups; "he provided a liaison with the guerrillas" -02317653 __subclass_ophiurida_NN_1 brittle stars -00121166 __sending_NN_1 the act of causing something to go (especially messages) -01442779 __punch_VB_3 make a hole into or between, as for ease of separation; "perforate the sheets of paper" -00871195 __monish_VB_1 warn strongly; put on guard -03042697 __climbing_frame_NN_1 a framework of bars or logs for children to climb on -02195191 __turn_one's_stomach_VB_1 upset and make nauseated; "The smell of the food turned the pregnant woman's stomach"; "The mold on the food sickened the diners" -06514880 __case_history_NN_1 detailed record of the background of a person or group under study or treatment -00117385 __sentient_JJ_1 endowed with feeling and unstructured consciousness; "the living knew themselves just sentient puppets on God's stage"- T.E.Lawrence -02147747 __pipistrellus_NN_1 nearly cosmopolitan genus of very small bats -07625493 __pie_NN_1 dish baked in pastry-lined pan often with a pastry top -14887026 __glyceryl_ester_NN_1 an ester of glycerol -03531808 __lens_hood_NN_1 a tubular attachment used to keep stray light out of the lens of a camera -13658496 __micron_NN_1 a metric unit of length equal to one millionth of a meter -07934530 __black_tea_NN_1 fermented tea leaves -02563497 __lepomis_NN_1 bream -03571439 __injector_NN_1 a contrivance for injecting (e.g., water into the boiler of a steam engine or particles into an accelerator etc.) -00146572 __converging_NN_1 the act of converging (coming closer) -12916025 __genus_aegiceras_NN_1 a genus of herbs of the family Verbenaceae -02299039 __manduca_sexta_NN_2 moth whose larvae are tobacco hornworms -00553407 __transpose_VB_6 exchange positions without a change in value; "These operators commute with each other" -00112628 __synthetical_JJ_1 involving or of the nature of synthesis (combining separate elements to form a coherent whole) as opposed to analysis; "limnology is essentially a synthetic science composed of elements...that extend well beyond the limits of biology"- P.S.Welch -00111129 __synthetical_JJ_2 of a proposition whose truth value is determined by observation or facts; "`all men are arrogant' is a synthetic proposition" -08150377 __society_of_friends_NN_1 a Christian sect founded by George Fox about 1660; commonly called Quakers -10759331 __volunteer_NN_1 (military) a person who freely enlists for service -02173240 __popillia_NN_1 a genus of Scarabaeidae -00357680 __condensing_NN_1 the act of increasing the density of something -00823884 __vaccination_NN_1 taking a vaccine as a precaution against contracting a disease -01298797 __vicksburg_NN_2 a decisive battle in the American Civil War (1863); after being besieged for nearly seven weeks the Confederates surrendered -10013242 __diner_NN_1 a person eating a meal (especially in a restaurant) -02660631 __overlap_VB_1 coincide partially or wholly; "Our vacations overlap" -00418615 __neglect_NN_3 willful lack of care and attention -02449183 __wolverine_NN_3 stocky shaggy-coated North American carnivorous mammal join together into a syndicate; "The banks syndicated" -10732314 __trustee_NN_1 a person (or institution) to whom legal title to property is entrusted to use for another's benefit -00106456 __stingy_JJ_2 deficient in amount or quality or extent; "meager resources"; "meager fare" -09033936 __dimash_NN_1 an ancient city (widely regarded as the world's oldest) and present capital and largest city of Syria; according to the New Testament, the Apostle Paul (then known as Saul) underwent a dramatic conversion on the road to Damascus -06718862 __ethnic_slur_NN_1 a slur on someone's race or language -14042165 __hypocapnia_NN_1 a state in which the level of carbon dioxide in the blood is lower than normal; can result from deep or rapid breathing -15266911 __ending_NN_3 the point in time at which something ends; "the end of the year"; "the ending of warranty period" -09692624 __bantu_NN_1 a member of any of a large number of linguistically related peoples of Central and South Africa -08729452 __xian_NN_1 a city of central China; capital of ancient Chinese empire 221-206 BC -00203649 __brush-off_NN_1 a curt or disdainful rejection -02195403 __tabanidae_NN_1 horseflies -00103696 __unambiguous_JJ_1 having or exhibiting a single clearly defined meaning; "As a horror, apartheid...is absolutely unambiguous"- Mario Vargas Llosa -08132323 __lablink_NN_1 a defense laboratory that provides essential services in fundamental science for national security and environmental protection and provides technologies that contribute to industrial competitiveness -01457407 __shrimpfish_NN_1 slender tropical shallow-water East Indian fish covered with transparent plates -14160903 __otosclerosis_NN_1 hereditary disorder in which ossification of the labyrinth of the inner ear causes tinnitus and eventual deafness -01034077 __office_of_the_dead_NN_1 an office read or sung before a burial mass in the Roman Catholic Church -00101800 __self-centred_JJ_1 limited to or caring only about yourself and your own needs -05313679 __protective_fold_NN_1 a flap of tissue that protects what it covers -05134880 __profundity_NN_4 the quality of being physically deep; "the profundity of the mine was almost a mile" -00104249 __impulsion_NN_2 the act of applying force suddenly; "the impulse knocked him over" -10628644 __sovereign_NN_1 a nation's ruler or head of state usually by hereditary right -00439284 __split_down_NN_1 a decrease in the number of outstanding shares of a corporation without changing the shareholders' equity -02627934 __take_VB_14 require as useful, just, or proper; "It takes nerve to do what she did"; "success usually requires hard work"; "This job asks a lot of patience and skill"; "This position demands a lot of personal sacrifice"; "This dinner calls for a spectacular dessert"; "This intervention does not postulate a patient's consent" -12359026 __parietales_NN_1 a large order of dicotyledonous plants of subclass Dilleniidae -00896348 __military_drill_NN_1 training in marching and the use of weapons -01586850 __frame_in_VB_1 enclose in or as if in a frame; "frame a picture" -08140767 __ois_NN_1 agency that oversees the intelligence relationships of the Treasury's offices and bureaus and provides a link between the Intelligence Community and officials responsible for international economic policy -11740824 __wax-myrtle_family_NN_1 constituting the order Myricales -03118346 __counter_tube_NN_1 a measuring instrument for counting individual ionizing events -08453464 __civil_law_NN_1 the body of laws established by a state or nation for its own regulation -10160770 __harpist_NN_1 someone who plays the harp -06220819 __fabianism_NN_1 socialism to be established by gradual reforms within the law -09062320 __bakersfield_NN_1 a city in south central California at the southern end of the San Joaquin Valley -00892698 __receipt_VB_1 report the receipt of; "The program committee acknowledged the submission of the authors of the paper" -07794159 __shrimp_NN_2 any of various edible decapod crustaceans -06417279 __missal_NN_1 (Roman Catholic Church) a book containing all the prayers and responses needed to celebrate Mass throughout the year -05638063 __workmanship_NN_1 skill in an occupation or trade -02203008 __family_chironomidae_NN_1 midges -07058468 __military_music_NN_1 brisk marching music suitable for troops marching in a military parade -03994417 __powdered_mustard_NN_1 a substance such that one to three tablespoons dissolved in a glass of warm water is a homemade emetic -12263038 __castanea_dentata_NN_1 large tree found from Maine to Alabama -02081423 __odobenus_NN_1 type genus of the Odobenidae: walruses -01967792 __duck_VB_2 submerge or plunge suddenly -07211092 __muttering_NN_2 a complaint uttered in a low and indistinct tone -00201407 __interpolate_VB_2 insert words into texts, often falsifying it thereby -10088390 __movie_maker_NN_1 a producer of motion pictures -01618503 __secretary_bird_NN_1 large long-legged African bird of prey that feeds on reptiles -03950899 __topi_NN_1 a lightweight hat worn in tropical countries for protection from the sun -00404726 __deformation_NN_3 the act of twisting or deforming the shape of something (e.g., yourself) -14708720 __alcohol_NN_2 any of a series of volatile hydroxyl compounds that are made from hydrocarbons by distillation -00087152 __unagitated_JJ_2 not agitated or disturbed emotionally -07961379 __clew_NN_1 a ball of yarn or cord or thread -02798574 __base_NN_19 a flat bottom on which something is intended to sit; "a tub should sit on its own base" -07160635 __dictation_NN_2 speech intended for reproduction in writing -09145217 __lubbock_NN_1 a city in northwest Texas to the south of Amarillo -13453861 __cracking_NN_3 the process whereby heavy molecules of naphtha or petroleum are broken down into hydrocarbons of lower molecular weight (especially in the oil-refining process) -05404074 __lymph_NN_1 a thin coagulable fluid (similar to plasma but) containing white blood cells (lymphocytes) and chyle; is conveyed to the blood stream by lymphatic vessels -09252078 __zaire_river_NN_1 a major African river (one of the world's longest); flows through Congo into the South Atlantic -07749446 __kumquat_NN_2 small oval citrus fruit with thin sweet rind and very acid pulp -04771332 __stochasticity_NN_1 the quality of lacking any predictable order or plan -06006777 __non-euclidean_geometry_NN_1 (mathematics) geometry based on axioms different from Euclid's; "non-Euclidean geometries discard or replace one or more of the Euclidean axioms" -00082241 __aggressive_JJ_1 having or showing determination and energetic pursuit of your ends; "an aggressive businessman"; "an aggressive basketball player"; "he was aggressive and imperious; positive in his convictions"; "aggressive drivers" -00081671 __unafraid_JJ_1 oblivious of dangers or perils or calmly resolute in facing them -12470092 __sarsaparilla_NN_1 any of various prickly climbing plants of the tropical American genus Smilax having aromatic roots and heart-shaped leaves -01523986 __loop_VB_4 wind around something in coils or loops -09001373 __transvaal_NN_1 a province of northeastern South Africa originally inhabited by Africans who spoke Bantu; colonized by the Boers -03763133 __military_installation_NN_1 any facility servicing military forces -10437014 __placeseeker_NN_1 a disparaging term for an appointee -10224578 __journalist_NN_1 a writer for newspapers and magazines -08912559 __urmia_NN_2 a city on the western side of Lake Urmia in northwestern Iran -01859586 __hold_VB_30 cause to stop; "Halt the engines"; "Arrest the progress"; "halt the presses" -01218593 __appreciation_NN_4 a favorable judgment; "a small token in admiration of your works" -00605516 __conventional_JJ_1 following accepted customs and proprieties; "conventional wisdom"; "she had strayed from the path of conventional behavior"; "conventional forms of address" -00075515 __negative_JJ_2 expressing or consisting of a negation or refusal or denial -09296695 __gulf_coast_NN_1 a seashore of the Gulf of Mexico -00259894 __indemnification_NN_2 an act of compensation for actual loss or damage or for trouble and annoyance -06593296 __periodical_NN_1 a publication that appears at fixed intervals -11790788 __arrow_arum_NN_1 an aquatic plant of the genus Peltandra; North America -06078724 __paleobiology_NN_1 a branch of paleontology that deals with the origin and growth and structure of fossil animals and plants as living organisms -04051549 __ramp_NN_1 an inclined surface connecting two levels -02303777 __samia_cynthia_NN_1 large green silkworm of the cynthia moth -04293258 __squelcher_NN_2 an electric circuit that cuts off a receiver when the signal becomes weaker than the noise -05615147 __nous_NN_1 common sense; "she has great social nous" -02511633 __syrinx_NN_2 the vocal organ of a bird -02225577 __genus_cryptotermes_NN_1 genus of dry wood termites; cosmopolitan in distribution; sometimes considered a subgenus of Kalotermes -01262574 __skimming_NN_1 the act of removing floating material from the surface of a liquid -12603449 __rheum_rhaponticum_NN_1 long cultivated hybrid of Rheum palmatum; stems often cooked in pies or as sauce or preserves -11530512 __crop_NN_2 a cultivated plant that is grown commercially on a large scale -09857007 __bisexual_person_NN_1 a person who is sexually attracted to both sexes -00069531 __esthetical_JJ_1 concerning or characterized by an appreciation of beauty or good taste; "the aesthetic faculties"; "an aesthetic person"; "aesthetic feeling"; "the illustrations made the book an aesthetic success" -01645601 __make_VB_5 give rise to; cause to happen or occur, not always intentionally; "cause a commotion"; "make a stir"; "cause an accident" -11846582 __genus_epiphyllum_NN_1 small genus of tropical American (mainly Central America) cacti -05113462 __scantness_NN_1 the quality of being meager; "an exiguity of cloth that would only allow of miniature capes"-George Eliot -14638799 __gold_NN_3 a soft yellow malleable ductile (trivalent and univalent) metallic element; occurs mainly as nuggets in rocks and alluvial deposits; does not react with most chemicals but is attacked by chlorine and aqua regia -07905979 __tequila_NN_1 Mexican liquor made from fermented juices of an agave plant -13275847 __cost_NN_1 the total spent for goods or services including money and time and labor -10415037 __percussionist_NN_1 a musician who plays percussion instruments -03235796 __drawstring_bag_NN_1 a bag that is closed at the top with a drawstring -12162181 __cushaw_NN_1 plant bearing squash having globose to ovoid fruit with variously striped grey and green and white warty rinds -12491200 __genus_brachystegia_NN_1 small genus of tropical African timber trees having pale golden heartwood uniformly striped with dark brown or black: -02121620 __true_cat_NN_1 feline mammal usually having thick soft fur and no ability to roar: domestic cats; wildcats -00390906 __disengagement_NN_1 the act of releasing from an attachment or connection -00061262 __adroit_JJ_1 quick or skillful or adept in action or thought; "an exceptionally adroit pianist"; "an adroit technician"; "his adroit replies to hecklers won him many followers"; "an adroit negotiator" -02144243 __reveal_VB_3 disclose directly or through prophets; "God rarely reveal his plans for Mankind" -11598686 __joint_fir_NN_1 jointed and nearly leafless desert shrub having reduced scalelike leaves and reddish fleshy seeds -01397497 __seaweed_NN_1 plant growing in the sea, especially marine algae -00155487 __location_NN_3 a determination of the place where something is; "he got a good fix on the target" -11755319 __touch-me-not_NN_3 prostrate or semi-erect subshrub of tropical America, and Australia; heavily armed with recurved thorns and having sensitive soft grey-green leaflets that fold and droop at night or when touched or cooled -01148182 __crackdown_NN_1 severely repressive actions -01649948 __hylidae_NN_1 the amphibian family of tree frogs -10516692 __registrant_NN_1 a person who is formally entered (along with others) in a register (and who obtains certain rights thereby) -11124472 __rose_louise_hovick_NN_1 United States striptease artist who became famous on Broadway in the 1930s (1914-1970) -06669864 __equation_NN_1 a mathematical statement that two expressions are equal -02435867 __unionize_VB_1 recruit for a union or organize into a union; "We don't allow people to come into our plant and try to unionize the workers" -02497550 __genus_lemur_NN_1 type genus of the Lemuridae -01020936 __imitation_NN_3 copying (or trying to copy) the actions of someone else -01838598 __woodpecker_NN_1 bird with strong claws and a stiff tail adapted for climbing and a hard chisel-like bill for boring into wood for insects -02487347 __macaque_NN_1 short-tailed monkey of rocky regions of Asia and Africa -00003356 __nascent_JJ_1 being born or beginning; "the nascent chicks"; "a nascent insurgency" -04377057 __system_NN_1 instrumentality that combines interrelated interacting artifacts designed to work as a coherent entity; "he bought a new stereo system"; "the system consists of a motor and a small computer" -15195928 __pesah_NN_1 (Judaism) a Jewish festival (traditionally 8 days from Nissan 15) celebrating the exodus of the Israelites from Egypt -10465248 __pre-raphaelite_NN_1 a painter or writer dedicated to restoring early Renaissance ideals -00141027 __grope_NN_1 the act of groping; and instance of groping -05612067 __public_knowledge_NN_1 knowledge that is available to anyone -02191106 __change_intensity_VB_1 increase or decrease in intensity -14159153 __clinocephaly_NN_1 a congenital defect in which the top of the head is depressed (concave instead of convex) -02498355 __lorisidae_NN_1 slow-moving omnivorous nocturnal primates of tropical Asia; usually tailless -04891333 __unwiseness_NN_1 the trait of acting stupidly or rashly -06709533 __disapproval_NN_2 the expression of disapproval -01460108 __teras_NN_1 (medicine) a grossly malformed and usually nonviable fetus -07746910 __natal_plum_NN_3 edible scarlet plumlike fruit of a South African plant -02065085 __deviate_VB_3 cause to turn away from a previous or expected course; "The river was deviated to prevent flooding" -04947186 __smoothness_NN_1 a texture without roughness; smooth to the touch; "admiring the slim smoothness of her thighs"; "some artists prefer the smoothness of a board" -04610503 __yard_NN_9 an enclosure for animals (as chicken or livestock) -13019202 __roof_mushroom_NN_1 a large genus of fungi belonging to the family Pluteaceae; the shape of the cap resembles a roof; often abundant early in the summer -03154073 __cutting_tool_NN_1 a cutting implement; a tool for cutting -01394901 __class_ciliophora_NN_1 class of protozoa having cilia or hairlike appendages on part or all of the surface during some part of the life cycle -00048129 __additive_JJ_2 characterized or produced by addition; "an additive process" -00996817 __world_war_NN_1 a war in which the major nations of the world are involved -05967191 __secular_humanism_NN_1 the doctrine emphasizing a person's capacity for self-realization through reason; rejects religion and the supernatural -08355324 __syndicate_NN_3 a news agency that sells features or articles or photographs etc. to newspapers for simultaneous publication -05029706 __strength_NN_1 the property of being physically or mentally strong; "fatigue sapped his strength" -06433249 __numbers_NN_1 the fourth book of the Old Testament; contains a record of the number of Israelites who followed Moses out of Egypt -00658619 __superordinate_VB_1 place in a superior order or rank; "These two notions are superordinated to a third" -00941990 __verbalize_VB_2 express in speech; "She talks a lot of nonsense"; "This depressed patient does not verbalize" -01791232 __throw_VB_9 cause to be confused emotionally -09064264 __oakland_NN_1 a city in western California on San Francisco Bay opposite San Francisco; primarily and industrial urban center -10794014 __writer_NN_1 writes (books or stories or articles or the like) professionally (for pay) -00852506 __tease_VB_8 mock or make fun of playfully; "the flirting man teased the young woman" -00044353 __potential_JJ_1 existing in possibility; "a potential problem"; "possible uses of nuclear power" -04967191 __viridity_NN_1 green color or pigment; resembling the color of growing grass -00043765 __existent_JJ_3 presently existing in fact and not merely potential or possible; "the predicted temperature and the actual temperature were markedly different"; "actual and imagined conditions" -00043411 __active_JJ_9 (of the sun) characterized by an increased occurrence of sunspots and flares and radio emissions -05002352 __stature_NN_2 (of a standing person) the distance from head to foot -10293332 __parader_NN_1 walks with regular or stately step -04024862 __punnet_NN_1 a small light basket used as a measure for fruits -00505871 __shovel_board_NN_1 a game in which coins or discs are slid by hand across a board toward a mark -02480153 __pongid_NN_1 any of the large anthropoid apes of the family Pongidae -00040325 __active_JJ_13 (of e.g. volcanos) erupting or liable to erupt; "active volcanos" -08873412 __lakeland_NN_1 a popular tourist area in northwestern England including England's largest lake and highest mountain -05611684 __noddle_NN_1 an informal British expression for head or mind; "use your noddle" -13984944 __shadow_NN_1 shade within clear boundaries -04524594 __velcro_NN_1 nylon fabric used as a fastening -06156968 __fine_arts_NN_1 the study and creation of visual works of art -12785110 __stonecrop_family_NN_1 succulent shrubs and herbs -15247110 __wink_NN_1 a very short time (as the time it takes the eye to blink or the heart to beat); "if I had the chance I'd do it in a flash" -07199191 __quiz_NN_1 an examination consisting of a few short questions -02496816 __subjugate_VB_2 make subservient; force to submit or subdue -00624553 __straining_NN_1 an intense or violent exertion -11888271 __genus_heliophila_NN_1 genus of South African flowering herbs and subshrubs -02559232 __family_carapidae_NN_1 pearlfishes: related to the Brotulidae -01016778 __maintain_VB_4 state categorically -12523141 __kingwood_tree_NN_1 Brazilian tree yielding a handsome cabinet wood -01853069 __pump_VB_7 raise (gases or fluids) with a pump -00343249 __whirl_NN_4 the act of rotating rapidly; "he gave the crank a spin"; "it broke off after much twisting" -00033574 __inactive_JJ_9 not active physically or mentally; "illness forced him to live an inactive life"; "dreamy and inactive by nature" -00932088 __objectification_NN_1 the act of representing an abstraction as a physical thing -07412310 __spark_NN_1 a momentary flash of light -00663894 __card_VB_2 ask someone for identification to determine whether he or she is old enough to consume liquor; "I was carded when I tried to buy a beer!" -01981036 __put_down_VB_3 cause to come to the ground; "the pilot managed to land the airplane safely" -02436514 __hyemoschus_NN_1 water chevrotains -00275466 __ablate_VB_1 wear away through erosion or vaporization -07850329 __cheese_NN_1 a solid food prepared from the pressed curd of milk -00870312 __permutation_NN_2 the act of changing the arrangement of a given number of elements -01784427 __class_chilopoda_NN_1 arthropods having the trunk composed of numerous somites each bearing one pair of legs: centipedes -01990007 __mantis_shrimp_NN_1 tropical marine burrowing crustaceans with large grasping appendages -00419375 __loosen_VB_1 make loose or looser; "loosen the tension on a rope" -07660065 __fillet_NN_1 a boneless steak cut from the tenderloin of beef -00522751 __receive_VB_2 receive a specified treatment (abstract); "These aspects of civilization do not find expression or receive an interpretation"; "His movie received a good review"; "I got nothing but trouble for my good intentions" -02404906 __zebu_NN_1 domesticated ox having a humped back and long horns and a large dewlap; used chiefly as a draft animal in India and east Asia -00025728 __everywhere_RB_1 relating to or containing an alkali; having a pH greater than 7; "alkaline soils derived from chalk or limestone" to or in any or all places; "You find fast food stores everywhere"; "people everywhere are becoming aware of the problem"; "he carried a gun everywhere he went"; "looked all over for a suitable gift"; (`everyplace' is used informally for `everywhere') -02679788 __additive_NN_1 something added to enhance food or gasoline or paint or medicine -09018162 __azerbajdzhan_republic_NN_1 a landlocked republic in southwestern Asia; formerly an Asian soviet -06708664 __oak_leaf_cluster_NN_1 a United States military decoration consisting of bronze or silver oak leaves and acorns awarded to anyone who has won a given medal before -01938288 __speed_skate_VB_1 race on skates -00755863 __attitude_NN_3 a theatrical pose created for effect; "the actor struck just the right attitude" -05980875 __goal_NN_1 the state of affairs that a plan is intended to achieve and that (when achieved) terminates behavior intended to achieve it; "the ends justify the means" -11704791 __cinnamon_NN_2 tropical Asian tree with aromatic yellowish-brown bark; source of the spice cinnamon -15227593 __ship's_bell_NN_1 (nautical) each of the eight half-hour units of nautical time signaled by strokes of a ship's bell; eight bells signals 4:00, 8:00, or 12:00 o'clock, either a.m. or p.m. -01823912 __geococcyx_NN_1 roadrunners -10668666 __subject_NN_6 a person who is subjected to experimental or other observational procedures; someone who is an object of investigation; "the subjects for this investigation were selected randomly"; "the cases that we studied were drawn from two different communities" -09437369 __slit_NN_4 a narrow fissure -00164072 __retread_VB_2 give new treads to (a tire) -08769329 __lower_saxony_NN_1 a state in northwestern Germany -09499230 __morpheus_NN_1 the Roman god of sleep and dreams -02116118 __stir_VB_3 stir feelings in; "stimulate my appetite"; "excite the audience"; "stir emotions" -04350905 __suit_of_clothes_NN_1 a set of garments (usually including a jacket and trousers or skirt) for outerwear all of the same fabric and color; "they buried him in his best suit" -03996655 __powerhouse_NN_3 an electrical generating station -07439284 __fluttering_NN_1 the motion made by flapping up and down -07295955 __worst_NN_1 the least favorable outcome; "the worst that could happen" -01541386 __richmondena_cardinalis_NN_1 crested thick-billed North American finch having bright red plumage in the male -00353992 __devaluation_NN_2 the reduction of something's value or worth -02551824 __superorder_acanthopterygii_NN_1 teleost fishes having fins with sharp bony rays -00203753 __turning_away_NN_1 deliberately avoiding; keeping away from or preventing from happening -10714851 __toller_NN_1 a person who rings church bells (as for summoning the congregation) -05118437 __inordinateness_NN_1 immoderation as a consequence of going beyond sufficient or permitted limits -00715769 __concretize_VB_1 make something concrete -06754184 __major_premiss_NN_1 the premise of a syllogism that contains the major term (which is the predicate of the conclusion) -08550076 __excavation_NN_2 the site of an archeological exploration; "they set up camp next to the dig" -05176846 __human_right_NN_1 (law) any basic right or freedom to which all human beings are entitled and in whose exercise a government may not interfere (including rights to life and liberty as well as freedom of thought and expression and equality before the law) -05275466 __os_ischii_NN_1 one of the three sections of the hipbone; situated below the ilium -00013887 __abundant_JJ_1 present in great quantity; "an abundant supply of water" -13446197 __equilibrium_NN_2 a chemical reaction and its reverse proceed at equal rates -00013160 __concrete_JJ_1 capable of being perceived by the senses; not abstract or imaginary; "concrete objects such as trees" -00050037 __registration_NN_1 the act of enrolling -00011757 __abstract_JJ_1 existing only in the mind; separated from embodiment; "abstract words like `truth' and `justice'" -06756407 __untruth_NN_1 a false statement -05834567 __inspiration_NN_1 arousal of the mind to special unusual activity or creativity -00009978 __gluttonous_JJ_1 given to excess in consumption of especially food or drink; "over-fed women and their gluttonous husbands"; "a gluttonous debauch"; "a gluttonous appetite for food and praise and pleasure" -02226013 __motorize_VB_2 equip with a motor; "motorized scooters are now the rage" -09387222 __track_NN_1 a line or route along which something travels or moves; "the hurricane demolished houses in its path"; "the track of an animal"; "the course of the river" -08107499 __family_NN_6 (biology) a taxonomic group containing one or more genera; "sharks belong to the fish family" -09424489 __satisfier_NN_1 any agent capable of producing satisfaction -01572510 __take_apart_VB_2 divide into pieces; "our department was dismembered when our funding dried up"; "The Empire was discerped after the war" -04268142 __sparker_NN_1 a wire net to stop sparks from an open fireplace or smokestack -05070032 __concavity_NN_2 the property possessed by a concave shape -08978821 __parthia_NN_1 an ancient kingdom in Asia to the southeast of the Caspian Sea; it dominated southwestern Asia from about 250 BC to AD 226 -02664511 __parophrys_NN_1 a genus of Soleidae -03099945 __convertor_NN_1 a device for changing one substance or form or state into another -00187526 __stick_in_VB_2 introduce; "Insert your ticket here" -00006032 __relative_JJ_1 estimated by comparison; not absolute or complete; "a relative stranger" -08373244 __venation_NN_1 (botany) the arrangement of veins in a leaf -03268142 __elastoplast_NN_1 an elastic adhesive bandage for covering cuts or wounds -09384223 __the_pamirs_NN_1 a mountain range in central Asia that is centered in Tajikistan but extends into Kyrgyzstan and Afghanistan and Pakistan and western China -02592111 __club_VB_2 gather and spend time together; "They always club together" -02124106 __stink_VB_2 smell badly and offensively; "The building reeks of smoke" -13365698 __support_NN_11 financial resources provided to make some project possible; "the foundation provided support for the experiment" -01809064 __take_aback_VB_1 surprise greatly; knock someone's socks off; "I was floored when I heard that I was promoted" -05176477 __grant_NN_8 a right or privilege that has been granted -01868780 __wrench_VB_2 make a sudden twisting motion -04552696 __warship_NN_1 a government ship that is available for waging war -02771997 __coal_VB_1 burn to charcoal; "Without a drenching rain, the forest fire will char everything" -03248958 __street_drug_NN_1 a drug that is taken for nonmedicinal reasons (usually for mind-altering effects); drug abuse can lead to physical and mental damage and (with some substances) dependence and addiction -13052931 __scaly_polypore_NN_1 a fungus with a lateral stalk (when there is a stalk) and a scaly cap that becomes nearly black in maturity; widely distributed in the northern hemisphere -02582615 __pull_VB_5 perform an act, usually with a negative connotation; "perpetrate a crime"; "pull a bank robbery" -10803838 __yodeller_NN_1 a singer who changes register rapidly (popular is Swiss folk songs) -10674130 __wooer_NN_1 a man who courts a woman; "a suer for the hand of the princess" -00925110 __wonder_VB_2 place in doubt or express doubtful speculation; "I wonder whether this was the right thing to do"; "she wondered whether it would snow tonight" -00865471 __wince_NN_2 a reflex response to sudden pain influenced as by charms or incantations -02174870 __macrodactylus_NN_1 a genus of Melolonthidae -02770717 __overcast_VB_1 make overcast or cloudy; "Fall weather often overcasts our beaches" -08346655 __secret_intelligence_service_NN_1 the government agency in the United Kingdom that is responsible for internal security and counterintelligence overseas -11449002 __electrical_phenomenon_NN_1 a physical phenomenon involving electricity -08910230 __semarang_NN_1 a port city is southern Indonesia; located in northern Java -10697282 __teetotaller_NN_1 a total abstainer -11885697 __genus_draba_NN_1 large genus of low tufted herbs of temperate and Arctic regions -02769241 __blow_VB_2 be blowing or storming; "The wind blew from the West" -07199328 __test_paper_NN_1 a written examination -02768874 __glow_VB_3 shine intensely, as if with heat; "The coals were glowing in the dark"; "The candles were burning" -02768431 __ray_VB_1 emit as rays; "That tower rays a laser beam for miles across the sky" -10378026 __onlooker_NN_1 someone who looks on -02767116 __radiate_VB_1 send out rays or waves; "The sun radiates heat" -11742745 __leitneria_NN_1 one species: corkwood -12716861 __genus_ailanthus_NN_1 small genus of east Asian and Chinese trees with odd-pinnate leaves and long twisted samaras -02804515 __sublingual_JJ_1 a perambulator that resembles a bassinet beneath the tongue -00432683 __drop_VB_3 go down in value; "Stock prices dropped" -03047941 __cloister_NN_2 a courtyard with covered walks (as in religious institutions) -09370383 __new_york_bay_NN_1 a bay of the North Atlantic; fed by the Hudson River -02765692 __suck_in_VB_2 attract by using an inexorable force, inducement, etc.; "The current boom in the economy sucked many workers in from abroad" -01539377 __passeridae_NN_1 true sparrows: Old world birds formerly considered weaverbirds -07686021 __jewish_rye_bread_NN_1 (Judaism) bread made with rye flour; usually contains caraway seeds -02764438 __blaze_VB_3 burn brightly and intensely; "The summer sun alone can cause a pine to blaze" -12227420 __true_heath_NN_1 any plant of the genus Erica -01914947 __run_VB_29 cover by running; run a certain distance; "She ran 10 miles that day" -10824541 __artaxerxes_i_NN_1 king of Persia who sanctioned the practice of Judaism in Jerusalem (?-424 BC) -02136271 __reverberate_VB_4 to throw or bend back (from a surface); "Sound is reflected well in this auditorium" -04287351 __spouter_NN_2 an oil well that is spouting -02763283 __shine_VB_7 throw or flash the light of (a lamp); "Shine the light on that window, please" -02762806 __flare_VB_1 burn brightly; "Every star seemed to flare with new intensity" -02258354 __genus_aphrophora_NN_1 a genus of Cercopidae -05468523 __oligodendroglia_NN_1 tissue consisting of glial cells with sheetlike processes that form the myelin sheath of nerve fibers -02762468 __combust_VB_1 cause to burn or combust; "The sun burned off the fog"; "We combust coal and other fossil fuels" -02761897 __snuff_out_VB_2 put out, as of fires, flames, or lights; "Too big to be extinguished at once, the forest fires at best could be contained"; "quench the flames"; "snuff out the candles" -02761685 __kindle_VB_1 catch fire; "The dried grass of the prairie kindled, spreading the flames for miles" -01146051 __strive_VB_2 to exert much effort or energy; "straining our ears to hear" -04885091 __unrestraint_NN_1 the quality of lacking restraint -02761012 __blow_out_VB_3 erupt in an uncontrolled manner; "The oil well blew out" -02760622 __take_fire_VB_1 start to burn or burst into flames; "Marsh gases ignited suddenly"; "The oily rags combusted spontaneously" -02701393 __americana_NN_1 any artifact (such as books or furniture or art) that is distinctive of America -00937656 __sculpture_NN_2 creating figures or designs in three dimensions -01484717 __genus_carcharodon_NN_1 man-eating sharks -11684739 __stone_NN_6 the hard inner (usually woody) layer of the pericarp of some fruits (as peaches or plums or cherries or olives) that contains the seed; "you should remove the stones from prunes before cooking" -01058224 __scraunch_VB_1 make a crushing noise; "his shoes were crunching on the gravel" -14099933 __agnosia_NN_1 inability to recognize objects by use of the senses -02758033 __stream_VB_4 rain heavily; "Put on your rain coat-- it's pouring outside!" -02757828 __sprinkle_VB_3 rain gently; "It has only sprinkled, but the roads are slick" -15033367 __isothiocyanate_NN_1 a family of compounds derived from horseradish and radishes and onions and mustards; source of the hotness of those plants and preparations -09478047 __wheeler_peak_NN_1 a mountain peak in northeastern New Mexico in the Rocky Mountains -00975036 __call_VB_10 utter a characteristic note or cry; "bluejays called to one another" -06066555 __phytology_NN_1 the branch of biology that studies plants -02756558 __rain_down_VB_1 precipitate as rain; "If it rains much more, we can expect some flooding" -08344917 __iraqi_mukhabarat_NN_1 the most notorious and possibly the most important arm of Iraq's security system; "the Iraqi Mukhabarat has been involved in numerous terrorist activities" -00867163 __rooting_reflex_NN_1 reflex consisting of head-turning and sucking movements elicited in a normal infant by gently stroking the side of the mouth or cheek -01042242 __mass_NN_4 (Roman Catholic Church and Protestant Churches) the celebration of the Eucharist -11126490 __vladimir_lenin_NN_1 Russian founder of the Bolsheviks and leader of the Russian Revolution and first head of the USSR (1870-1924) -10081670 __father_surrogate_NN_1 a man who takes over all the functions of the real father -07813107 __table_salt_NN_1 white crystalline form of especially sodium chloride used to season and preserve food -02753642 __cohere_VB_2 cause to form a united, orderly, and aesthetically consistent whole; "Religion can cohere social groups" -10510546 __refuter_NN_1 a debater who refutes or disproves by offering contrary evidence or argument -01174251 __straight_thrust_NN_1 (fencing) an attacking thrust made with one foot forward and the back leg straight and with the sword arm outstretched forward -03911992 __penoncel_NN_1 a small pennant borne on a lance -15279104 __hz_NN_1 the unit of frequency; one hertz has a periodic interval of one second -11307262 __socinus_NN_1 Italian theologian who argued against Trinitarianism (1539-1604) -02753255 __transplant_VB_2 be transplantable; "These delicate plants do not transplant easily" -06699225 __mb_NN_4 (a British degree) a bachelor's degree in medicine -00548913 __shift_VB_7 move and exchange for another; "shift the date for our class reunion" -01854223 __mergus_NN_1 mergansers -02751597 __lubricate_VB_1 have lubricating properties; "the liquid in this can lubricates well" -10299700 __onanist_NN_1 a person who practices masturbation -02749768 __shroud_VB_2 form a cover like a shroud; "Mist shrouded the castle" -12394494 __parietaria_NN_1 small genus of stingless herbs -02749247 __ornament_VB_2 be an ornament to; "stars ornamented the Christmas tree" -02747709 __continue_VB_7 continue after an interruption; "The demonstration continued after a break for lunch" -00575169 __isomerize_VB_1 cause to change into an isomer -00081072 __dispense_VB_3 give or apply (medications) -11327744 __synge_NN_1 Irish poet and playwright whose plays are based on rural Irish life (1871-1909) -02398314 __spot_promote_VB_1 promote on the spot; "Supreme Bishop Digby had been spot-promoted to Archangel" -00063291 __irritate_VB_2 excite to an abnormal condition, or chafe or inflame; "Aspirin irritates my stomach" -01453852 __solenichthyes_NN_1 bellows fishes; shrimpfishes; cornetfishes; pipefishes; small order of chiefly tropical marine fishes of varied and bizarre form all having a small mouth at the end of a drawn-out tubular snout -11159920 __steve_martin_NN_1 United States actor and comedian (born in 1945) -10484739 __propositus_NN_1 the person immediately affected by or concerned with an action -02744280 __overshadow_VB_1 be greater in significance than; "the tragedy overshadowed the couple's happiness" -13580723 __fill_NN_1 a quantity sufficient to satisfy; "he ate his fill of potatoes"; "she had heard her fill of gossip" -10611361 __somnambulist_NN_1 someone who walks about in their sleep -02743343 __originate_VB_3 begin a trip at a certain point, as of a plane, train, bus, etc.; "The flight originates in Calcutta" -01097500 __muster_in_VB_1 engage somebody to enter the army -02743020 __balance_VB_4 be in equilibrium; "He was balancing on one foot" -02742842 __wash_VB_5 be capable of being washed; "Does this material wash?" -00770543 __violation_NN_2 an act that disregards an agreement or a right; "he claimed a violation of his rights under the Fifth Amendment" -02741960 __clean_VB_5 be cleanable; "This stove cleans easily" -00940214 __obfuscate_VB_1 make obscure or unclear -10083823 __female_aristocrat_NN_1 a woman who is an aristocrat -01314910 __darter_NN_2 a person or other animal that moves abruptly and rapidly; "squirrels are darters" -10383816 __originator_NN_1 someone who creates new things -04169437 __selector_switch_NN_1 a switch that is used to select among alternatives -12705978 __senga_root_NN_1 eastern North American plant having a terminal cluster of small white flowers and medicinal roots -02927399 __stub_NN_5 the small unused part of something (especially the end of a cigarette that is left after smoking) -02741357 __carry_VB_19 be conveyed over a certain distance; "Her voice carries very well in this big opera house" -09309292 __ice_mass_NN_1 a large mass of ice -07512465 __sensitivity_NN_3 sensitivity to emotional feelings (of self and others) -02740204 __waver_VB_2 be unsure or weak; "Their enthusiasm is faltering" -10119953 __gangsta_NN_1 (Black English) a member of a youth gang -01471954 __underage_JJ_1 not of legal age; "minor children" -08397489 __friendly_NN_1 troops belonging to or allied with your own military forces; "friendlies came to their rescue" -01625121 __sceloglaux_albifacies_NN_1 almost extinct owl of New Zealand -08040257 __salah_al-din_battalions_NN_1 the military arm of Hamas responsible for suicide bombings and other attacks on Israel -02738701 __wind_VB_2 extend in curves and turns; "The road winds around the lake"; "the path twisted through the forest" -12238306 __ledum_NN_1 evergreen shrubs of north temperate regions -05710573 __remark_NN_2 explicit notice; "it passed without remark" -01267475 __cobblestone_VB_1 pave with cobblestones -01177703 __manifestation_NN_5 a public display of group feelings (usually of a political nature); "there were violent demonstrations against the war" -02737187 __descend_VB_2 come from; be connected by a relationship of blood, for example; "She was descended from an old Italian noble family"; "he comes from humble origins" -08776320 __thuringia_NN_1 a historical region of southern Germany -02736778 __delineate_VB_1 show the form or outline of; "The tree was clearly defined by the light"; "The camera could define the smallest object" -09481285 __yalu_river_NN_1 river in eastern Asia; rises in North Korea and flows southwest to Korea Bay (forming part of the border between North Korea and China) -02735897 __help_VB_3 be of use; "This will help to prevent accidents" -00779601 __rest_VB_3 give a rest to; "He rested his bad leg"; "Rest the dogs for a moment" -09761403 __controller_NN_1 someone who maintains and audits business accounts -01688771 __present_VB_10 represent abstractly, for example in a painting, drawing, or sculpture; "The father is portrayed as a good-looking man in this painting" -01885856 __notoryctus_NN_1 type genus of the family Notoryctidae: comprising solely the marsupial mole -07026352 __opera_NN_1 a drama set to music; consists of singing with orchestral accompaniment and an orchestral overture and interludes -02734800 __stay_fresh_VB_1 fail to spoil or rot; "These potatoes keep for a long time" -01489859 __air-drop_VB_1 drop (an object) from the air; unload from a plane or helicopter -01137138 __shoot_VB_1 hit with a missile from a weapon -09668729 __shoshoni_NN_1 a member of the North American Indian people (related to the Aztecs) of the southwestern United States -02733673 __go_far_VB_2 extend in importance or range; "His accomplishments go far" -09618957 __face_NN_5 a part of a person that is used to refer to a person; "he looked out at a roomful of faces"; "when he returned to work he met many new faces" -13277179 __overhead_NN_1 the expense of maintaining property (e.g., paying property taxes and utilities and insurance); it does not include depreciation or the cost of financing or income taxes -03662719 __lifesaver_NN_2 a life preserver in the form of a ring of buoyant material -02733122 __preserve_VB_5 maintain in safety from injury, harm, or danger; "May God keep you" -02732798 __hold_VB_12 have room for; hold without crowding; "This hotel can accommodate 250 guests"; "The theater admits 300 people"; "The auditorium can't hold more than 500 people" -02732401 __converge_VB_2 approach a limit as the number of terms increases without limit -12745564 __pulassan_NN_1 East Indian fruit tree bearing fruit similar to but sweeter than that of the rambutan -01930117 __motor_VB_1 travel or be transported in a vehicle; "We drove to the university every morning"; "They motored to London for the theater" -02347220 __soak_VB_4 leave as a guarantee in return for money; "pawn your grandfather's gold watch" -07232988 __denunciation_NN_1 a public act of denouncing -04460634 __tower_of_babel_NN_1 (Genesis 11:1-11) a tower built by Noah's descendants (probably in Babylon) who intended it to reach up to heaven; God foiled them by confusing their language so they could no longer understand one another -02731632 __number_VB_4 put into a group; "The academy counts several Nobel Prize winners among its members" -01773825 __rankle_VB_1 gnaw into; make resentful or angry; "The injustice rankled her"; "his resentment festered" -02170861 __fixate_VB_2 pay attention to exclusively and obsessively; "The media are fixating on Princess Diana's death" -01196759 __scopes_trial_NN_1 a highly publicized trial in 1925 when John Thomas Scopes violated a Tennessee state law by teaching evolution in high school; Scopes was prosecuted by William Jennings Bryan and defended by Clarence Darrow; Scopes was convicted but the verdict was later reversed -00125078 __roll_up_VB_7 show certain properties when being rolled; "The carpet rolls unevenly"; "dried-out tobacco rolls badly" -02186153 __flea_NN_1 any wingless bloodsucking parasitic insect noted for ability to leap -02728784 __trade_VB_3 be traded at a certain price or under certain conditions; "The stock traded around $20 a share" -10153155 __guvnor_NN_1 (British slang) boss -02728142 __translate_VB_7 be translatable, or be translatable in a certain way; "poetry often does not translate"; "Tolstoy's novels translate well into English" -02727462 __stay_on_VB_1 continue in a place, position, or situation; "After graduation, she stayed on in Cambridge as a student adviser"; "Stay with me, please"; "despite student protests, he remained Dean for another year"; "She continued as deputy mayor for another year" -02726884 __impend_VB_1 be imminent or about to happen; "Changes are impending" -13296752 __never-never_NN_1 installment plan; "we bought a car on the never-never" -01897991 __web_NN_3 the flattened weblike part of a feather consisting of a series of barbs on either side of the shaft -02533907 __democratize_VB_1 become (more) democratic; of nations -02723951 __go_back_VB_1 belong to an earlier time; "This story dates back 200 years" -02723733 __represent_VB_6 be characteristic of; "This compositional style is exemplified by this fugue" -02723016 __storm_VB_1 behave violently, as if in state of a great anger -01367083 __listeria_NN_1 any species of the genus Listeria -02722663 __present_VB_5 introduce; "This poses an interesting question" -05968835 __secularism_NN_1 a doctrine that rejects religion and religious considerations -11051070 __paul_von_hindenburg_NN_1 German field marshal and statesman; as president of the Weimar Republic he reluctantly appointed Hitler as chancellor in 1933 (1847-1934) -02554235 __streetwalk_VB_1 walk the streets in search of customers; "The prostitute is street-walking every night" -10044470 __economizer_NN_1 a frugal person who limits spending and avoids waste -02719399 __tend_VB_1 have a tendency or disposition to do or be something; be inclined; "She tends to be nervous before her lectures"; "These dresses run small"; "He inclined to corpulence" -02719016 __sulk_VB_1 be in a huff and display one's displeasure; "She is pouting because she didn't get what she wanted" -01521912 __thread_VB_2 pass a thread through; "thread a needle" -04017137 __psychoactive_substance_NN_1 a drug that can produce mood changes and distorted perceptions -08926231 __toyohashi_NN_1 a Japanese city in southern Honshu on the Pacific shore -02909168 __differential_JJ_2 involving or containing one or more derivatives; "differential equation" -02717102 __take_VB_30 have with oneself; have on one's person; "She always takes an umbrella"; "I always carry money"; "She packs a gun when she goes into the mountains" -02716767 __keep_company_VB_1 be a companion to somebody -02715595 __burst_VB_5 be in a state of movement or action; "The room abounded with screaming children"; "The garden bristled with toddlers" -02715279 __abound_VB_1 be abundant or plentiful; exist in large quantities -01162754 __work_VB_23 use or manipulate to one's advantage; "He exploit the new taxation system"; "She knows how to work the system"; "he works his parents for sympathy" -01197258 __review_NN_8 (law) a judicial reexamination of the proceedings of a court (especially by an appellate court) -03085602 __computer_screen_NN_1 a screen used to display the output of a computer to the user -02714200 __spear_up_VB_1 thrust up like a spear; "The branch speared up into the air" -03898633 __patchwork_quilt_NN_1 a quilt made by sewing patches of different materials together -02713852 __thrust_VB_7 push upward; "The front of the trains that had collided head-on thrust up into the air" -03218198 __dogsled_NN_1 a sled pulled by dogs -01849221 __come_up_VB_3 move toward, travel toward something or somebody or approach something or somebody; "He came singing down the road"; "Come with me to the Casbah"; "come down here!"; "come out of the closet!"; "come into the room" -00853633 __joke_VB_1 tell a joke; speak humorously; "He often jokes even when he appears serious" -02166460 __study_VB_3 give careful consideration to; "consider the possibility of moving" -03365592 __flooring_NN_1 the inside lower horizontal surface (as of a room, hallway, tent, or other structure); "they needed rugs to cover the bare floors"; "we spread our sleeping bags on the dry floor of the tent" -12169776 __malvaceae_NN_1 herbs and shrubs and some trees: mallows; cotton; okra -02682424 __hold_over_VB_3 keep in a position or state from an earlier period of time -02712443 __predate_VB_1 be earlier in time; go back further; "Stone tools precede bronze tools" -09622928 __loved_one_NN_1 a person who you love, usually a member of your family -02711543 __rail_in_VB_1 enclose with rails; "rail in the old graves" -02711114 __hold_in_VB_1 close in; darkness enclosed him" -09724785 __nigerian_NN_1 a native or inhabitant of Nigeria -14167426 __pernicious_anemia_NN_1 a chronic progressive anemia of older adults; thought to result from a lack of intrinsic factor (a substance secreted by the stomach that is responsible for the absorption of vitamin B12) -00491910 __titrate_VB_1 measure by (the volume or concentration of solutions) by titration -11754893 __mimosa_NN_2 any of various tropical shrubs or trees of the genus Mimosa having usually yellow flowers and compound leaves -02710402 __meet_VB_3 be adjacent or come together; "The lines converge at this point" -00727564 __independent_JJ_1 free from external control and constraint; "an independent mind"; "a series of independent judgments"; "fiercely independent individualism" -06584891 __statement_NN_6 (computer science) a line of code written as part of a computer program -02709906 __diverge_VB_3 extend in a different direction; "The lines start to diverge here"; "Their interests diverged" -02707429 __lend_oneself_VB_1 be applicable to; as to an analysis; "This theory lends itself well to our new data" of or relating to the elbow -07404944 __slide_NN_2 (geology) the descent of a large mass of earth or rocks or snow etc. -02707251 __weather_VB_1 face and withstand with courage; "She braved the elements" -04999741 __fattiness_NN_1 having the property of containing fat; "he recommended exercise to reduce my adiposity" -08855909 __limeira_NN_1 a city of southeastern Brazil (northwest of Sao Paulo) -02706605 __seethe_VB_1 be noisy with activity; "This office is buzzing with activity" -02705303 __outwear_VB_1 last longer than others; "This material outwears all others" -02456776 __family_bradypodidae_NN_1 a family of edentates comprising the true sloths -02704928 __last_VB_1 persist for a specified period of time; "The bad weather lasted for three days" -11793032 __syngonium_NN_1 epiphytic or terrestrial climbing shrubs of Central and South America; used as ornamental houseplants for their velvety foliage -01022178 __survival_NN_3 something that survives -03483637 __parking_brake_NN_1 a brake operated by hand; usually operates by mechanical linkage -01984958 __family_astacidae_NN_1 crayfish -02704617 __weigh_VB_3 determine the weight of; "The butcher weighed the chicken" -06590210 __printing_NN_4 all the copies of a work printed at one time; "they ran off an initial printing of 2000 copies" -02703952 __border_on_VB_1 come near or verge on, resemble, come nearer in quality, or character; "This borders on discrimination!"; "His playing approaches that of Horowitz" -10901192 __giulio_de'_medici_NN_1 Italian pope from 1523 to 1534 who broke with Henry VIII of England after Henry VIII divorced Catherine of Aragon and married Anne Boleyn (1478-1534) -02457249 __genus_bradypus_NN_1 type genus of the Bradypodidae: three-toed sloths -07577657 __nosh-up_NN_1 a large satisfying meal -06283912 __source_language_NN_1 a language that is to be translated into another language -12797860 __francoa_ramosa_NN_1 Chilean evergreen shrub having delicate spikes of small white flowers -02702508 __cost_VB_1 be priced at; "These shoes cost $100" -02960690 __snap_ring_NN_1 an oblong metal ring with a spring clip; used in mountaineering to attach a rope to a piton or to connect two ropes -12148079 __genus_arundinaria_NN_1 North American bamboo -02701628 __retain_VB_1 hold back within; "This soil retains water"; "I retain this drug for a long time"; "the dam retains the water" -02701210 __take_VB_38 be capable of holding or containing; "This box won't take all the items"; "The flask holds one gallon" -02700867 __hold_VB_11 contain or hold; have within; "The jar carries wine"; "The canteen holds fresh water"; "This can contains water" -02700455 __go_VB_24 blend or harmonize; "This flavor will blend with those in your dish"; "This sofa won't go with the chairs" -10013614 __restaurant_attendant_NN_1 someone employed to provide service in a dining room -02699783 __homologize_VB_1 be homologous; "A person's arms homologize with a quadruped's forelimbs" -05841985 __greco-roman_architecture_NN_1 architecture influenced by the ancient Greeks or Romans -00334509 __gesture_NN_1 motion of hands or body to emphasize or help to express a thought or feeling -02698944 __personify_VB_1 invest with or as with a body; give body to -03109693 __quoin_NN_3 (architecture) solid exterior angle of a building; especially one formed by a cornerstone -02698726 __transmigrate_VB_1 be born anew in another body after death; "Hindus believe that we transmigrate" -02698443 __substantiate_VB_2 represent in bodily form; "He embodies all that is evil wrong with the system"; "The painting substantiates the feelings of the artist" -04745932 __consistency_NN_2 a harmonious uniformity or agreement among things or parts -09213076 __balkans_NN_1 the major mountain range of Bulgaria and the Balkan Peninsula -02696801 __rise_VB_4 rise up; "The building rose before them" -12289115 __hazel_NN_2 the fine-grained wood of a hazelnut tree (genus Corylus) and the hazel tree (Australian genus Pomaderris) -02696306 __shadow_VB_3 make appear small by comparison; "This year's debt dwarfs that of last year" -11853644 __selenicereus_NN_1 mostly epiphytic climbing cacti that bloom at night -01477806 __female_JJ_1 being the sex (of plant or animal) that produces fertilizable gametes (ova) from which offspring develop; "a female heir"; "female holly trees bear the berries" -00448232 __sumo_NN_1 a Japanese form of wrestling; you lose if you are forced out of a small ring or if any part of your body (other than your feet) touches the ground -00186634 __score_NN_10 the act of scoring in a game or sport; "the winning score came with less than a minute left to play" -03501288 __head_NN_31 a projection out from one end; "the head of the nail", "a pinhead is the head of a pin" -02001461 __shadow_VB_1 follow, usually without the person's knowledge; "The police are shadowing her" -03928001 __physics_laboratory_NN_1 a laboratory for research in physics -02690384 __straddle_VB_2 range or extend over; occupy a certain area; "The plants straddle the entire state" -11992340 __lindheimera_NN_1 one species: Texas star -00530291 __debouch_VB_2 pass out or emerge; especially of rivers; "The tributary debouched into the big river" -06680570 __offset_printing_NN_1 a plate makes an inked impression on a rubber-blanketed cylinder, which in turn transfers it to the paper -02690093 __reach_out_VB_2 reach outward in space; "The awning extends several feet over the sidewalk" -02689730 __ridge_VB_1 extend in ridges; "The land ridges towards the South" -01826378 __desire_VB_3 express a desire for -02689299 __spread_VB_3 spread across or over; "A big oil spot spread across the water" -07117472 __labial_stop_NN_1 a stop consonant that is produced with the lips -02688403 __sweep_VB_8 cover the entire range of -02687916 __extend_VB_3 span an interval of distance, space or time; "The war extended over five years"; "The period covered the turn of the century"; "My land extends over the hills on the horizon"; "This farm covers some 200 acres"; "The Archipelago continues for another 500 miles" -02687251 __undulate_VB_2 occur in soft rounded shapes; "The hills rolled past" -00586262 __spot_NN_8 a job in an organization; "he occupied a post in the treasury" -03735637 __measuring_stick_NN_1 measuring instrument having a sequence of marks at regular intervals; used as a reference in making measurements -02685951 __run_VB_3 stretch out over a distance, space, time, or scope; run or extend between two points or beyond a certain point; "Service runs all the way to Cranbury"; "His knowledge doesn't go very far"; "My memory extends back to my fourth year of life"; "The facts extend beyond a consideration of her personal assets" -00177448 __expedient_NN_1 a means to an end; not necessarily a principled or ethical one -10347298 __naval_attache_NN_1 a military attache who is a commissioned or warrant officer in a navy -02685665 __touch_VB_9 to extend as far as; "The sunlight reached the wall"; "Can he reach?" "The chair must not touch the wall" -02685390 __traverse_VB_2 to cover or extend over an area or time period; "Rivers traverse the valley floor", "The parking lot spans 3 acres"; "The novel spans three centuries" -02684924 __proceed_VB_5 continue a certain state, condition, or activity; "Keep on working!"; "We continued to work into the night"; "Keep smiling"; "We went on working until well past midnight" -02684644 __ride_VB_3 continue undisturbed and without interference; "Let it ride" -02684453 __ramble_on_VB_1 continue talking or writing in a desultory manner; "This novel rambles on and jogs" -09701603 __englishman_NN_1 a man who is a native or inhabitant of England -02684254 __run_on_VB_2 continue uninterrupted; "The disease will run on unchecked"; "The party kept going until 4 A.M." -02683840 __discontinue_VB_2 come to or be at an end; "the support from our sponsoring agency will discontinue after March 31" -01722828 __pterosauria_NN_1 extinct flying reptiles: pterosaurs -10106080 __fosterling_NN_1 a child who is raised by foster parents -02681795 __maintain_VB_1 keep in a certain state, position, or activity; e.g., "keep clean"; "hold in place"; "She always held herself as a lady"; "The students keep me on my toes" -02681335 __call_it_quits_VB_1 stop doing what one is doing; "At midnight, the student decided to call it quits and closed his books" -02680814 __stop_VB_2 put an end to a state or an activity; "Quit teasing your little brother" -12559302 __piscidia_NN_1 genus of shrubs or small trees having indehiscent pods with black seeds; roots and bark yield fish poisons -02680531 __shut_off_VB_1 stem the flow of; "shut off the gas when you leave for a vacation" -02680358 __mummify_VB_1 preserve while making lifeless; "mummified ideas and institutions should be gotten rid of" -02679899 __uphold_VB_1 keep or maintain in unaltered condition; cause to remain or last; "preserve the peace in the family"; "continue the family tradition"; "Carry on the old traditions" -02679530 __sustain_VB_1 lengthen or extend in duration or space; "We sustained the diplomatic negotiations as long as possible"; "prolong the treatment of the patient"; "keep up the good work" -02678839 __intrigue_VB_1 cause to be interested or curious -13272059 __premium_NN_5 payment or reward (especially from a government) for acts such as catching criminals or killing predatory animals or enlisting in the military -12246232 __blueberry_bush_NN_1 any of numerous shrubs of the genus Vaccinium bearing blueberries -02677567 __involve_VB_2 engage as a participant; "Don't involve me in your family affairs!" -13815742 __proportion_NN_1 the quotient obtained when the magnitude of a part is divided by the magnitude of the whole -06183899 __theology_NN_2 a particular system or school of religious beliefs and teachings; "Jewish theology"; "Roman Catholic theology" -02677097 __regard_VB_3 connect closely and often incriminatingly; "This new ruling affects your business" -02676496 __revolve_around_VB_1 center upon; "Her entire attention centered on her children"; "Our day revolved around our work" -08147794 __order_NN_11 a group of person living under a religious rule; "the order of Saint Benedict" -12314808 __wych_hazel_plant_NN_1 any of several shrubs or trees of the genus Hamamelis; bark yields an astringent lotion -02675701 __emulate_VB_1 strive to equal or match, especially by imitating; "He is emulating the skating skills of his older sister" -05499828 __midbrain_NN_1 the middle portion of the brain -02675067 __ape_VB_1 imitate uncritically and in every aspect; "Her little brother apes her behavior" -00355252 __de-escalation_NN_1 (war) a reduction in intensity (of a crisis or a war) -01619929 __destruct_VB_2 do away with, cause the destruction or undoing of; "The fire destroyed the house" -02674564 __stick_out_VB_2 be highly noticeable -00730301 __demarcate_VB_2 set, mark, or draw the boundaries of something -01152583 __detribalization_NN_1 the act of causing tribal people to abandon their customs and adopt urban ways of living -07491286 __ravishment_NN_1 a feeling of delight at being filled with wonder and enchantment -14460565 __wholeness_NN_1 an undivided or unbroken completeness or totality with nothing wanting; "the integrity of the nervous system is required for normal development"; "he took measures to insure the territorial unity of Croatia" -02673965 __surpass_VB_1 distinguish oneself; "She excelled in math" -02672859 __overcompensate_VB_1 make up for shortcomings or a feeling of inferiority by exaggerating good qualities; "he is compensating for being a bad father" -08541609 __commune_NN_1 the smallest administrative district of several European countries -02672187 __touch_VB_10 be equal to in quality or ability; "Nothing can rival cotton for durability"; "Your performance doesn't even touch that of your colleagues"; "Her persistence and ambition only matches that of her parents" -07873057 __marrow_NN_3 very tender and very nutritious tissue from marrowbones -02671880 __satisfy_VB_1 meet the requirements or expectations of -12680402 __viburnum_trilobum_NN_1 deciduous North American shrub or small tree having three-lobed leaves and red berries -00074038 __take_a_shit_VB_1 have a bowel movement; "The dog had made in the flower beds" -02670890 __serve_VB_1 serve a purpose, role, or function; "The tree stump serves as a table"; "The female students served as a control group"; "This table would serve very well"; "His freedom served him well"; "The table functions as a desk" -01184058 __horse_VB_1 provide with a horse or horses -00267349 __patching_NN_1 the act of mending a hole in a garment by sewing a patch over it -01673668 __suborder_sauria_NN_1 true lizards; including chameleons and geckos -09268927 __donner_pass_NN_1 a mountain pass in northeastern California near Lake Tahoe; site where in 1844 some members of an emigrant party survived by eating those who had died -03270165 __electrical_system_NN_2 equipment in a motor vehicle that provides electricity to start the engine and ignite the fuel and operate the lights and windshield wiper and heater and air conditioner and radio -13300922 __forfeiture_NN_2 a penalty for a fault or mistake that involves losing or giving up something; "the contract specified forfeits if the work was not completed on time" -04067472 __reel_NN_3 winder consisting of a revolving spool with a handle; attached to a fishing rod -08216900 __section_NN_10 a division of an orchestra containing all instruments of the same class -03606572 __super_c_NN_1 street names for ketamine -02449340 __shut_out_VB_1 prevent from entering; shut out; "The trees were shutting out all sunlight"; "This policy excludes people who have a criminal record from entering the country" -06726939 __promulgation_NN_2 the official announcement of a new law or ordinance whereby the law or ordinance is put into effect -07417851 __watershed_NN_3 an event marking a unique or important historical change of course or one on which important developments depend; "the agreement was a watershed in the history of both nations" -08439126 __rainforest_NN_1 a forest with heavy annual rainfall -05067007 __laterality_NN_2 the property of using one hand more than the other -02062430 __cetacean_mammal_NN_1 large aquatic carnivorous mammal with fin-like forelimbs no hind limbs, including: whales; dolphins; porpoises; narwhals -02669081 __transcend_VB_2 be superior or better than some standard; "She exceeded our expectations"; "She topped her performance of last year" -06478734 __hnd_NN_1 a diploma given for vocational training that prepares the student for a career in a particular area; good students may progress to a course leading to a degree -08874469 __home_counties_NN_1 the English counties surrounding London into which Greater London has expanded -07268967 __oscar_NN_1 an annual award by the Academy of Motion Picture Arts and Sciences for achievements in motion picture production and performance -11772702 __holarrhena_NN_1 genus of deciduous trees and shrubs of tropical Africa and Asia -10033663 __slobberer_NN_1 a person who dribbles; "that baby is a dribbler; he needs a bib" -00206600 __anathematization_NN_1 the formal act of pronouncing (someone or something) accursed -02667900 __meet_VB_5 satisfy a condition or restriction; "Does this paper meet the requirements for the degree?" -02667698 __jar_VB_1 be incompatible; be or come into conflict; "These colors clash" -02667228 __conflict_VB_1 be in conflict; "The two proposals conflict!" -12783173 __genus_aldrovanda_NN_1 one species: waterwheel plant -05077146 __alignment_NN_2 the spatial property possessed by an arrangement or position of things in a straight line or in parallel lines -05697135 __certainty_NN_1 the state of being certain; "his certainty reassured the others" -02666691 __counterweight_VB_1 constitute a counterweight or counterbalance to -09309666 __ijssel_river_NN_1 a river in the central Netherlands flowing north to the IJsselmeer -02666531 __oppose_VB_3 contrast with equal weight or force -11982939 __tussilago_alpina_NN_1 rhizomatous herb with purple-red flowers suitable for groundcover; sometimes placed in genus Tussilago -01221684 __agglutinate_VB_2 clump together; as of bacteria, red blood cells, etc. -01638482 __family_amphiumidae_NN_1 congo snakes -06185955 __teaching_NN_2 a doctrine that is taught; "the teachings of religion"; "he believed all the Christian precepts" -00461782 __bowling_NN_1 a game in which balls are rolled at an object or group of objects with the aim of knocking them over or moving them -00599234 __rulership_NN_1 the position of ruler -00389856 __enervate_VB_1 weaken mentally or morally -02660147 __joint_VB_1 fit as if by joints; "The boards fit neatly" -02524897 __peg_VB_1 succeed in obtaining a position; "He nailed down a spot at Harvard" -12878019 __genus_besseya_NN_1 genus of North American spring wildflowers -01031256 __send_VB_3 cause to be directed or transmitted to another place; "send me your latest results"; "I'll mail you the paper when it's written" -08904115 __agra_NN_1 a city in northern India; former capital of the Mogul empire; site of the Taj Mahal -02659541 __square_VB_5 be compatible with; "one idea squares with another" -02658979 __correlate_VB_1 to bear a reciprocal or mutual relation; "Do these facts correlate?" -02658867 __align_VB_2 be or come into adjustment with -02658570 __answer_VB_8 match or correspond; "The drawing of the suspect answers to the description the victim gave" -02658447 __look_VB_9 accord in appearance with; "You don't look your age!" -00323856 __stew_VB_3 cook slowly and for a long time in liquid; "Stew the vegetables in wine" -04046810 __rail_NN_2 short for railway; "he traveled by rail"; "he was concerned with rail safety" -02658283 __check_out_VB_3 be verified or confirmed; pass inspection; "These stories don't check!" -02656189 __harbour_VB_1 secretly shelter (as of fugitives or criminals) -02301072 __saturniidae_NN_1 important and widely distributed family of moths including some of the largest insects known -00135637 __sunday_punch_NN_1 a hard punch that renders the opponent unable to continue boxing -02100709 __junior_JJ_1 younger; lower in rank; shorter in length of tenure or service -01591910 __parus_NN_1 type genus of the family Paridae -10746056 __vandal_NN_1 someone who willfully destroys or defaces property -06106502 __theory_of_relativity_NN_1 (physics) the theory that space and time are relative concepts rather than absolute concepts -05901508 __policy_NN_1 a plan of action adopted by an individual or social group; "it was a policy of retribution"; "a politician keeps changing his policies" -10258152 __librettist_NN_1 author of words to be set to music in an opera or operetta -12182615 __velvetleaf_NN_1 arborescent perennial shrub having palmately lobed furry leaves and showy red-purple flowers; southwestern United States -02653159 __quarter_VB_1 provide housing for (military personnel) -02652494 __lodge_VB_1 be a lodger; stay temporarily; "Where are you lodging in Paris?" -08060446 __manufacturing_business_NN_1 a business engaged in manufacturing some product -00608372 __know_VB_11 perceive as familiar; "I know this voice!" -12403513 __sycamore_fig_NN_1 thick-branched wide-spreading tree of Africa and adjacent southwestern Asia often buttressed with branches rising from near the ground; produces cluster of edible but inferior figs on short leafless twigs; the biblical sycamore -02651014 __overpopulate_VB_1 cause to have too great a population; "Some towns in New Jersey are becoming overpopulated" of or by or typical of an author; "authorial comments"; "auctorial flights of imagination" -12822115 __myosotis_scorpiodes_NN_1 small perennial herb having bright blue or white flowers -02406174 __milker_NN_1 cattle that are reared for their milk -02489288 __superfamily_platyrrhini_NN_1 New World monkeys: capuchin; douroucouli; howler monkey; saki; spider monkey; squirrel monkey; titi; uakari; woolly monkey; marmoset; tamarin -02147452 __genus_antrozous_NN_1 a genus of Vespertilionidae -02648639 __reside_VB_2 live (in a certain place); "She resides in Princeton"; "he occupies two rooms on the top floor" -02076779 __eared_seal_NN_1 pinniped mammal having external ear flaps and hind limbs used for locomotion on land; valued for its soft underfur -01502762 __ground_VB_2 confine or restrict to the ground; "After the accident, they grounded the plane and the pilot" -02647497 __run_VB_17 continue to exist; "These stories die hard"; "The legend of Elvis endures" of or relating to a cavity or chamber in the body (especially one of the upper chambers of the heart) -09920771 __chorister_NN_1 a singer in a choir -15298283 __great_schism_NN_1 the period from 1378 to 1417 during which there were two papacies in the Roman Catholic Church, one in Rome and one in Avignon -12030479 __genus_actinomeris_NN_1 used in some classification systems for plants now included in genus Verbesina -02042404 __circulate_VB_4 move through a space, circuit or system, returning to the starting point; "Blood circulates in my veins"; "The air here does not circulate" -02465929 __lateral_line_organ_NN_1 sense organs of fish and amphibians; believed to detect pressure changes in the water -02646378 __merit_VB_1 be worthy or deserving; "You deserve a promotion after all the hard work you have done" -02645597 __preponderate_VB_1 weigh more heavily; "these considerations outweigh our wishes" -14810561 __choline_NN_1 a B-complex vitamin that is a constituent of lecithin; essential in the metabolism of fat -02645007 __total_VB_1 add up in number or quantity; "The bills amounted to $2,000"; "The bill came to $2,000" -01833619 __trochilidae_NN_1 hummingbirds -10085548 __fetishist_NN_1 one who engages in fetishism (especially of a sexual nature) -02644622 __override_VB_2 prevail over; "health considerations override financial concerns" -02644035 __respite_VB_1 postpone the punishment of a convicted criminal, such as an execution -08549733 __housing_estate_NN_1 a residential area where the houses were all planned and built at the same time -02643574 __hold_VB_26 stop dealing with; "hold all calls to the President's office while he is in a meeting" -02643280 __hold_over_VB_4 continue a term of office past the normal period of time -03084420 __computer_circuit_NN_1 a circuit that is part of a computer -02641957 __delay_VB_2 act later than planned, scheduled, or required; "Don't delay your application to graduate school or else it won't be considered" -01713348 __stunt_VB_2 perform a stunt or stunts -12519328 __genus_crotalaria_NN_1 large genus of herbs with simple leaves and racemes of yellow flowers; mainly of tropical Africa -00016380 __drowse_VB_2 be on the verge of sleeping; "The students were drowsing in the 8 AM class" -02641298 __scruple_VB_1 hesitate on moral grounds; "The man scrupled to perjure himself" -01848465 __yield_VB_6 move in order to make room for someone for something; "The park gave way to a supermarket"; "`Move over,' he told the crowd" -00522145 __exhibition_NN_1 the act of exhibiting; "a remarkable exhibition of musicianship" -08166187 __judiciary_NN_1 persons who administer justice -02639606 __waste_one's_time_VB_1 be lazy or idle; "Her son is just bumming around all day" -08032594 __libyan_islamic_group_NN_1 a Libyan terrorist group organized in 1995 and aligned with al-Qaeda; seeks to radicalize the Libyan government; attempted to assassinate Qaddafi -02639475 __prowl_VB_2 loiter about, with no apparent aim -11698895 __genus_epimedium_NN_1 herbaceous perennials of Mediterranean to India and eastern Asia -02638444 __stick_around_VB_1 be available or ready for a certain function or service -13163991 __twig_NN_1 a small branch or division of a branch (especially a terminal division); usually applied to branches of the current or preceding year -07229530 __self-praise_NN_1 speaking of yourself in superlatives -02637592 __remain_VB_3 be left; of persons, questions, problems, results, evidence, etc.; "There remains the question of who pulled the trigger"; "Carter remains the only President in recent history under whose Presidency the U.S. did not fight a war" -02636921 __inculpate_VB_1 suggest that someone is guilty -10303814 __mayor_NN_1 the head of a city government -07328942 __creation_NN_3 the event that occurred at the beginning of something; "from its creation the plan was doomed to failure" -02289466 __pyrausta_NN_1 moths whose larvae are corn borers -11376069 __waters_NN_1 United States actress and singer (1896-1977) -02634808 __implicate_VB_2 impose, involve, or imply as a necessary accompaniment or result; "What does this move entail?" -02634265 __result_VB_1 issue or terminate (in a specified way, state, etc.); end; "result in tragedy" -01426784 __subclass_cnidosporidia_NN_1 single-host parasites of lower vertebrates and invertebrates -11675842 __reproductive_structure_NN_1 the parts of a plant involved in its reproduction -02502916 __turn_down_VB_2 refuse entrance or membership; "They turned away hundreds of fans"; "Black people were often rejected by country clubs" -07033245 __antiphony_NN_2 a verse or song to be chanted or sung in response -02633534 __equate_VB_2 be equivalent or parallel, in mathematics -02619291 __outstay_VB_2 surpass in staying power; "They outstayed their competitors" of or related to the state of anabiosis -05554804 __ring_of_color_NN_1 small circular area such as that around the human nipple or an inflamed area around a pimple or insect bite -02632353 __miss_VB_6 be without; "This soup lacks salt"; "There is something missing in my jewelry box!" -06089447 __physical_chemistry_NN_1 the branch of chemistry dealing with the physical properties of chemical substances -02554647 __spur_VB_1 incite or stimulate; "The Academy was formed to spur research" -02631349 __star_VB_1 feature as the star; "The movie stars Dustin Hoffman as an autistic man" -02328942 __ochotona_collaris_NN_1 similar to little chief hare and may be same species -05314075 __canthus_NN_1 either of the corners of the eye where the upper and lower eyelids meet -06193727 __credence_NN_1 the mental attitude that something is believable and should be accepted as true; "he gave credence to the gossip"; "acceptance of Newtonian mechanics was unquestioned for 200 years" -02743050 __arrowhead_NN_1 the pointed head or striking tip of an arrow -02630189 __have_VB_2 have as a feature; "This restaurant features the most famous chefs in France" -07532112 __fulfilment_NN_1 a feeling of satisfaction at having achieved your desires -08094866 __hassidim_NN_1 a sect of Orthodox Jews that arose out of a pietistic movement originating in eastern Europe in the second half of the 18th century; a sect that follows the Mosaic law strictly -04715487 __suitableness_NN_1 the quality of having the properties that are right for a specific purpose; "an important requirement is suitability for long trips" -03716327 __piece_NN_13 game equipment consisting of an object used in playing certain board games; "he taught me to set up the men on the chess board"; "he sacrificed a piece to get a strategic advantage" -02629390 __rule_out_VB_1 make impossible, especially beforehand -02629256 __rid_of_VB_1 do away with -12775919 __sapote_NN_1 tropical American tree having wood like mahogany and sweet edible egg-shaped fruit; in some classifications placed in the genus Calocarpum -02627753 __stem_VB_1 grow out of, have roots in, originate in; "The increase in the national debt stems from the last war" -02627555 __aggregate_VB_1 amount in the aggregate to -02627221 __carbonate_VB_1 turn into a carbonate -00172073 __feint_NN_1 any distracting or deceptive maneuver (as a mock attack) -00471277 __knock_on_NN_1 (rugby) knocking the ball forward while trying to catch it (a foul) -06564387 __statute_NN_1 an act passed by a legislative body -04564413 __waveguide_NN_1 a hollow metal conductor that provides a path to guide microwaves; used in radar -02625339 __follow_VB_17 to be the product or result; "Melons come from a vine"; "Understanding comes from experience" -02625016 __emerge_VB_5 happen or occur as a result of something -07376937 __beat_NN_6 the sound of stroke or blow; "he heard the beat of a drum" -02354950 __suborder_sciuromorpha_NN_1 large more or less primitive rodents: squirrels; marmots; gophers; beavers; etc. -04969242 __sky-blue_NN_1 a light shade of blue -02623731 __root_VB_2 come into existence, originate; "The problem roots in her depression" -02621244 __compose_VB_1 form the substance of; "Greed and ambition composed his personality" -13425245 __accretion_NN_4 (biology) growth by addition as by the adhesion of parts or particles -12167749 __goodeniaceae_NN_1 a family of sappy plants that grow in Australasia and southeast China -02620213 __fall_VB_7 die, as in battle or in a hunt; "Many soldiers fell at Verdun"; "Several deer have fallen to the same gun"; "The shooting victim fell dead" -14155506 __pancreatic_fibrosis_NN_1 the most common congenital disease; the child's lungs and intestines and pancreas become clogged with thick mucus; caused by defect in a single gene; no cure is known -09330604 __lake_champlain_NN_1 a lake in northeastern New York, northwestern Vermont and southern Quebec; site of many battles in the French and Indian War and in the American Revolution and in the War of 1812 -01123598 __social_control_NN_1 control exerted (actively or passively) by group action -01052215 __intervention_NN_3 the act or fact of interposing one thing between or among others -02285359 __lymantriidae_NN_1 tussock moths -02618877 __perennate_VB_1 survive from season to season, of plants -02618149 __survive_VB_1 continue to live through hardship or adversity; "We went without water and food for 3 days"; "These superstitions survive in the backwaters of America"; "The race car driver lived through several very serious accidents"; "how long can a person last without food and water?" -00380568 __fusion_NN_7 the act of fusing (or melting) together -02617338 __freewheel_VB_1 live unhurriedly, irresponsibly, or freely; "My son drifted around for years in California before going to law school" -02616713 __survive_VB_3 support oneself; "he could barely exist on such a low wage"; "Can you live on $2000 a month in New York City?"; "Many people in the world have to subsist on $1 a day" -02615739 __pig_it_VB_1 live like a pig, in squalor -00277811 __sousing_NN_1 the act of making something completely wet; "he gave it a good drenching" -06147522 __social_anthropology_NN_1 the branch of anthropology that deals with human culture and society -08929555 __kuwait_city_NN_1 a seaport on the Persian Gulf and capital of Kuwait -05322103 __endolymph_NN_1 the bodily fluid that fills the membranous labyrinth of the inner ear -08542304 __commons_NN_2 a pasture subject to common use -02533209 __sardine_NN_4 small fishes found in great schools along coasts of Europe; smaller and rounder than herring -02614181 __live_VB_5 have life, be alive; "Our great leader is no more"; "My grandfather lived until the end of war" -02613860 __skip_VB_2 intentionally fail to attend; "cut class" -08798771 __palestine_NN_1 a former British mandate on the east coast of the Mediterranean; divided between Jordan and Israel in 1948 -05230171 __interstice_NN_1 a small structural space between tissues or parts of an organ; "the interstices of a network" -05728024 __reference_system_NN_1 a system that uses coordinates to establish position -12311894 __haemodoraceae_NN_1 some genera placed in family Liliaceae -06399126 __peroration_NN_2 (rhetoric) the concluding section of an oration; "he summarized his main points in his peroration" -02612762 __go_to_VB_1 be present at (meetings, church services, university), etc.; "She attends class regularly"; "I rarely attend services at my church"; "did you go to the meeting?" -02612368 __occur_VB_3 to be found to exist; "sexism occurs in many workplaces"; "precious stones occur in a large area in Brazil" -03768346 __mine_NN_1 excavation in the earth from which ores and minerals are extracted -08124971 __cia_NN_1 an independent agency of the United States government responsible for collecting and coordinating intelligence and counterintelligence activities abroad in the national interest; headed by the Director of Central Intelligence under the supervision of the President and National Security Council -00401650 __uncoloured_JJ_1 without color; "pure water is uncolored" -08633957 __port_NN_1 a place (seaport or airport) where people and merchandise can enter or leave a country -10372373 __official_NN_1 a worker who holds or is invested with an office -12729729 __salix_purpurea_NN_1 Eurasian osier having reddish or purple twigs and bark rich in tannin -02610628 __conclude_VB_4 come to a close; "The concert closed with a nocturne by Chopin" -02454649 __circularize_VB_1 canvass by distributing letters -02609203 __begin_VB_6 have a beginning, of a temporal event; "WW II began in 1939 when Hitler marched into Poland"; "The company's Asia tour begins next month" -01164618 __burning_at_the_stake_NN_1 execution by fire -06389753 __indenture_NN_4 the space left between the margin and the start of an indented line -00202236 __falsify_VB_4 falsify knowingly; "She falsified the records" -02608176 __neighbour_VB_1 live or be located as a neighbor; "the neighboring house" -02604760 __be_VB_1 have the quality of being; (copula, used with an adjective or a predicate noun); "John is rich"; "This is not a good answer" -07674749 __peanut_oil_NN_1 an oil from peanuts; used in cooking and making soap -04760771 __physicalness_NN_1 the quality of being physical; consisting of matter -12615427 __potamogetonaceae_NN_1 plants that grow in ponds and slow streams; sometimes includes family Zosteraceae -09284015 __woodland_NN_1 land that is covered with trees and shrubs -02603056 __unite_VB_5 bring together for a common purpose or action or ideology or in a shared situation; "the Democratic Patry platform united several splinter groups" -02602685 __slam-dunk_VB_1 make a forceful move against; "the electronic travel market is slam-dunking traditional travel agencies" -02602212 __relax_VB_5 become less tense, less formal, or less restrained, and assume a friendlier manner; "our new colleague relaxed when he saw that we were a friendly group" -00320625 __stalking_NN_2 the act of following prey stealthily -02601680 __stet_VB_1 printing: cancel, as of a correction or deletion -02469080 __primary_quill_NN_1 one of the main flight feathers projecting along the outer edge of a bird's wing -02704349 __measure_VB_3 have certain dimensions; "This table surfaces measures 20inches by 36 inches" -02600948 __start_VB_13 begin an event that is implied and limited by the nature or inherent function of the direct object; "begin a cigar"; "She started the soup while it was still hot"; "We started physics in 10th grade" -02599004 __get_away_VB_3 remove oneself from a familiar environment, usually for pleasure or diversion; "We escaped to our summer house for a few days"; "The president of the company never manages to get away during the summer" -02598642 __play_around_VB_1 commit adultery; "he plays around a lot" -00597915 __learn_VB_1 gain knowledge or skills; "She learned dancing from her sister"; "I learned Sanskrit"; "Children acquire language at an amazing rate" -02598143 __get_together_VB_1 get people together; "assemble your colleagues"; "get together all those who are interested in the project"; "gather the close family members" -02558811 __short-circuit_VB_1 hamper the progress of; impede; "short-circuit warm feelings" -00674562 __fenestration_NN_2 surgical procedure that creates a new fenestra to the cochlea in order to restore hearing lost because of osteosclerosis -01213614 __seize_VB_2 take or capture by force; "The terrorists seized the politicians"; "The rebels threaten to seize civilian hostages" -02596493 __surprise_VB_2 come upon or take unawares; "She surprised the couple"; "He surprised an interesting scene" -09938672 __colorist_NN_1 a painter able to achieve special effects with color -11777779 __vinca_NN_1 periwinkles: low creeping evergreen perennials -02133902 __thalarctos_NN_1 polar bears; in some classifications not a separate genus from Ursus -02595662 __take_over_VB_6 do over; "They would like to take it over again" -10528816 __rhythm_and_blues_musician_NN_1 a performer (and sometimes composer) of rhythm and blues music -00205891 __sacrifice_NN_1 the act of losing or surrendering something as a penalty for a mistake or fault or failure to perform etc. -08887841 __northern_ireland_NN_1 a division of the United Kingdom located on the northern part of the island of Ireland -14494893 __sanitariness_NN_1 the state of being conducive to health -11836722 __sand_verbena_NN_1 any of various plants of the genus Abronia of western North America and Mexico having flowers resembling verbena -10916325 __hume_cronyn_NN_1 Canadian actor who frequently played character parts with his wife Jessica Tandy (1911-2003) -02594674 __meet_VB_6 satisfy or fulfill; "meet a need"; "this job doesn't match my dreams" -02594102 __chance_VB_1 be the case by chance; "I chanced to meet my old friend in the street" -05332569 __thymus_gland_NN_1 a ductless glandular organ at the base of the neck that produces lymphocytes and aids in producing immunity; atrophies with age -02341805 __genus_arvicola_NN_1 in some classifications considered synonymous with Microtus -02593107 __serve_VB_7 devote (part of) one's life or efforts to, as of countries, institutions, or ideas; "She served the art of music"; "He served the church"; "serve the country" -09147964 __vt_NN_1 a state in New England -02591736 __interlope_VB_1 encroach on the rights of others, as in trading without a proper license -12737745 __loranthus_NN_1 type genus of the Loranthaceae: 1 species -10595164 __sibling_NN_1 a person's brother or sister -02590910 __womanize_VB_1 have amorous affairs; of men; "He has been womanizing for years" -10345100 __nursemaid_NN_1 a woman who is the custodian of children -04271371 __spearpoint_NN_1 the head and sharpened point of a spear -00673710 __exenteration_NN_1 surgical removal of the organs within a body cavity (as those of the pelvis) -02965783 __car_mirror_NN_1 a mirror that the driver of a car can use -00263813 __lineation_NN_2 the act of marking or outlining with lines -01844653 __cruise_VB_4 sail or travel about for pleasure, relaxation, or sightseeing; "We were cruising in the Caribbean" -09199341 __antilepton_NN_1 the antiparticle of a lepton -03421117 __supporter_NN_4 a band (usually elastic) worn around the leg to hold up a stocking (or around the arm to hold up a sleeve) -05733583 __assessment_NN_1 the classification of someone or something with respect to its worth -02471467 __hominidae_NN_1 modern man and extinct immediate ancestors of man -02588871 __pal_up_VB_1 become friends; act friendly towards -02588280 __hack_VB_2 be able to manage or manage successfully; "I can't hack it anymore"; "she could not cut the long days in the office" -02587895 __improvise_VB_2 manage in a makeshift way; do with whatever is at hand; "after the hurricane destroyed our house, we had to improvise for weeks" -02184720 __pediculus_corporis_NN_1 a parasitic louse that infests the body of human beings -02587084 __dictate_VB_3 rule as a dictator -01628450 __urodella_NN_1 salamanders; newts; congo snakes -02586619 __rule_VB_1 exercise authority over; as of nations; "Who is governing the country now?" -02586458 __charm_VB_2 control by magic spells, as by practicing witchcraft -02740764 __plate_armour_NN_1 specially hardened steel plate used to protect fortifications or vehicles from enemy fire -05481746 __neopallium_NN_1 the cortical part of the neencephalon -12678548 __sweet_elder_NN_1 common elder of central and eastern North America bearing purple-black berries; fruit used in wines and jellies -08502171 __aerospace_NN_1 the atmosphere and outer space considered as a whole -02585860 __make_it_VB_2 succeed in a big way; get to the top; "After he published his book, he had arrived"; "I don't know whether I can make it in science!"; "You will go far, my boy!" -01837363 __steatornis_NN_1 type and sole genus of the family Steatornithidae -01804414 __handle_VB_6 show and train; "The prize-winning poodle was handled by Mrs. Priscilla Prescott" -07797913 __sea_scallop_NN_1 muscle of large deep-water scallops -09867437 __dullard_NN_2 a person who evokes boredom -02585722 __haze_VB_2 harass by imposing humiliating or painful tasks, as in military institutions -02585360 __connive_VB_1 encourage or assent to illegally or criminally -11884667 __genus_descurainia_NN_1 includes annual or biennial herbs of America and Europe very similar to and often included among those of genera Sisymbrium or Hugueninia; not recognized in some classification systems -02585259 __rumpus_VB_1 cause a disturbance -02584661 __riot_VB_1 take part in a riot; disturb the public peace by engaging in a riot; "Students were rioting everywhere in 1968" -10076957 __falsifier_NN_1 someone who falsifies -06321054 __intensive_NN_1 a modifier that has little meaning except to intensify the meaning it modifies; "`up' in `finished up' is an intensifier"; "`honestly' in `I honestly don't know' is an intensifier" -02584097 __desert_VB_2 desert (a cause, a country or an army), often in order to join the opposing cause, country, or army; "If soldiers deserted Hitler's army, they were shot" -06169285 __literary_study_NN_1 the humanistic study of literature -02583780 __revolt_VB_1 make revolution; "The people revolted when bread prices tripled again" -09186592 __abyssal_zone_NN_1 the deep sea (2000 meters or more) where there is no light -00666733 __arthroplasty_NN_1 surgical reconstruction or replacement of a malformed or degenerated joint -02583139 __rise_up_VB_2 take part in a rebellion; renounce a former allegiance -02582042 __sue_VB_1 institute legal proceedings against; file a suit against; "He was warned that the district attorney would process him"; "She actioned the company for discrimination" -14514392 __distaff_NN_1 the sphere of work by women -02581477 __prosecute_VB_2 bring a criminal action against (in a trial); "The State of California prosecuted O.J. Simpson" -02312478 __withdraw_VB_4 cause to be returned; "recall the defective auto tires"; "The manufacturer tried to call back the spoilt yoghurt" -02580853 __bastardize_VB_1 change something so that its value declines; for example, art forms -02580577 __whore_VB_1 work as a prostitute -02018207 __water_hen_NN_1 a coot found in North America -02579447 __vitiate_VB_1 corrupt morally or by intemperance or sensuality; "debauch the young people with wine and women"; "Socrates was accused of corrupting young men"; "Do school counselors subvert young children?"; "corrupt the morals" -08617963 __top_NN_3 the top or extreme point of something (usually a mountain or hill); "the view from the peak was magnificent"; "they clambered to the tip of Monadnock"; "the region is a few molecules wide at the summit" -00276373 __disorder_VB_2 bring disorder to -04076846 __representation_NN_2 a creation that is a visual or tangible rendering of someone or something -01402600 __brown_algae_NN_1 algae having the chlorophyll masked by brown and yellow pigments -05301072 __tongue_NN_1 a mobile mass of muscular tissue covered with mucous membrane and located in the oral cavity -00700421 __phytotherapy_NN_1 the use of plants or plant extracts for medicinal purposes (especially plants that are not part of the normal diet) -11863467 __talinum_brevifolium_NN_1 low plant with crowded narrow succulent leaves and fairly large deep pink axillary flowers that seem to sit on the ground; southwestern United States -02578384 __snooker_VB_1 fool or dupe; "He was snookered by the con-man's smooth talk" -02157285 __biped_NN_1 an animal with two feet -02577877 __bait_VB_2 lure, entice, or entrap with bait -02577586 __pull_someone's_leg_VB_1 subject to a playful hoax or joke -02577391 __juggle_VB_2 manipulate by or as if by moving around components; "juggle an account so as to hide a deficit" -10508475 __ultraconservative_NN_1 an extreme conservative; an opponent of progress or liberalism -02576110 __freelance_VB_1 work independently and on temporary contracts rather than for a long-term employer -02925519 __business_suit_NN_1 a suit of clothes traditionally worn by businessmen -02575082 __lead_on_VB_2 be false to; be dishonest with -02529293 __sandfish_NN_2 fish of sandy areas of western Pacific and Indian oceans having an angular snout for burrowing into sand -02574516 __chisel_VB_1 engage in deceitful behavior; practice trickery or fraud; "Who's chiseling on the side?" -02574205 __victimize_VB_1 make a victim of; "I was victimized by this con-man" -05283816 __turbinate_bone_NN_1 any of the scrolled spongy bones of the nasal passages in man and other vertebrates -09778783 __fomenter_NN_1 one who agitates; a political troublemaker -03343560 __fire_NN_4 a fireplace in which a relatively small fire is burning; "they sat by the fire and talked" -09934921 __moneyer_NN_1 a skilled worker who coins or stamps money -07440979 __rotation_NN_3 a single complete turn (axial or orbital); "the plane made three rotations before it crashed"; "the revolution of the earth about the sun takes one year" -02108791 __strike_VB_15 cause to experience suddenly; "Panic struck me"; "An interesting idea hit her"; "A thought came to me"; "The thought struck terror in our minds"; "They were struck with fear" -05573099 __pyloric_valve_NN_1 the sphincter muscle of the pylorus that separates the stomach from the duodenum -07795317 __whitefish_NN_1 any market fish--edible saltwater fish or shellfish--except herring -07379409 __chirp_NN_1 a sharp sound made by small birds or insects -02572119 __victimize_VB_3 deprive of by deceit; "He swindled me out of my inheritance"; "She defrauded the customers who trusted her"; "the cashier gypped me when he gave me too little change" -07104574 __onomatopoeia_NN_1 using words that imitate the sound they denote -02571511 __heist_VB_1 commit a burglary; enter and rob a dwelling -07860208 __treacle_NN_1 a pale cane syrup -10498699 __quarter_NN_11 an unspecified person; "he dropped a word in the right quarter" -02571251 __trespass_VB_1 enter unlawfully on someone's property; "Don't trespass on my land!" -02570062 __trespass_VB_2 make excessive use of; "You are taking advantage of my good will!"; "She is trespassing upon my privacy" -01180351 __serve_up_VB_1 provide (usually but not necessarily food); "We serve meals for the homeless"; "She dished out the soup at 8 P.M."; "The entertainers served up a lively show" -02568999 __overdo_VB_1 do something to an excessive degree; "He overdid it last night when he did 100 pushups" -00153288 __prenatal_diagnosis_NN_1 any of the diagnostic procedures used to determine whether a fetus has a genetic abnormality -11987956 __lasthenia_NN_1 small genus of herbs of Pacific coast of North and South America -02568672 __practise_VB_2 carry out or practice; as of jobs and professions; "practice law" -05790242 __selection_NN_3 the person or thing chosen or selected; "he was my pick for mayor" -12163035 __bryony_NN_1 a vine of the genus Bryonia having large leaves and small flowers and yielding acrid juice with emetic and purgative properties -02567147 __run_afoul_VB_1 go against, as of rules and laws; "He ran afoul of the law"; "This behavior conflicts with our rules" -05557839 __oblique_NN_2 a diagonally arranged abdominal muscle on either side of the torso -02485631 __halter_VB_1 hang with a halter -02566227 __sin_VB_2 commit a faux pas or a fault or make a serious mistake; "I blundered during the job interview" -01712704 __perform_VB_1 carry out or perform an action; "John did the painting, the weeding, and he cleaned out the gutters"; "the skater executed a triple pirouette"; "she did a little dance" -01741232 __indigo_snake_NN_1 large dark-blue nonvenomous snake that invades burrows; found in southern North America and Mexico -02565687 __trespass_VB_4 commit a sin; violate a law of God or a moral law -02565491 __forestall_VB_2 act in advance of; deal with ahead of time -04503836 __whipsaw_NN_1 a saw with handles at both ends; intended for use by two people -06740402 __reason_NN_5 a justification for something existing or happening; "he had no cause to complain"; "they had good reason to rejoice" -12832315 __gloxinia_NN_1 any of several plants of the genera Gloxinia or Sinningia (greenhouse gloxinias) having showy bell-shaped flowers -04454240 __whirligig_NN_1 a conical child's plaything tapering to a steel point on which it can be made to spin; "he got a bright red top and string for his birthday" -02014237 __seriema_NN_2 Brazilian Cariama; sole representative of the genus Cariama -01950195 __subclass_opisthobranchia_NN_1 gastropods having the gills when present posterior to the heart and having no operculum: includes sea slugs; sea butterflies; sea hares -02562585 __underperform_VB_1 perform less well or with less success than expected; "John consistently underachieves, although he is very able"; "My stocks underperformed last year" -02561995 __perform_VB_4 get (something) done; "I did my job" -02754463 __head_VB_6 take its rise; "These rivers head from a mountain range in the Himalayas" -02559752 __stop_VB_3 stop from happening or developing; "Block his election"; "Halt the process" -02549581 __take_care_VB_3 take charge of or deal with; "Could you see about lunch?"; "I must attend to this matter"; "She took care of this business" -02360274 __tap_VB_6 furnish with a tap or spout, so as to be able to draw liquid from it; "tap a cask of wine" -02559199 __undo_VB_3 cause the ruin or downfall of; "A single mistake undid the President and he had to resign" -02558951 __ruin_VB_2 destroy or cause to fail; "This behavior will ruin your chances of winning the election" -02558172 __thwart_VB_1 hinder or prevent (the efforts, plans, or desires) of; "What ultimately frustrated every challenger was Ruth's amazing September surge"; "foil your opponent" -13886260 __campana_NN_1 the shape of a bell -02557199 __stymy_VB_1 hinder or prevent the progress or accomplishment of; "His brother blocked him at every turn" -02556817 __second_VB_1 give support or one's approval to; "I'll second that motion"; "I can't back this plan"; "endorse a new project" -02556126 __support_VB_1 give moral or psychological support, aid, or courage to; "She supported him during the illness"; "Her children always backed her up" -02168555 __blind_VB_1 render unable to see -09323824 __mustagh_range_NN_1 a mountain range in northern Kashmir; an extension of the Hindu Kush; contains the 2nd highest peak -12374238 __genus_cistus_NN_1 small to medium-sized evergreen shrubs of southern Europe and North Africa -02554066 __prostitute_VB_1 sell one's body; exchange sex for money -12760132 __smoke_tree_NN_1 any of several shrubs or shrubby trees of the genus Cotinus -02553697 __train_VB_3 develop (children's) behavior by instruction and practice; especially to teach self-control; "Parents must discipline their children"; "Is this dog trained?" -02552829 __rehabilitate_VB_3 restore to a state of good condition or operation -02552449 __restore_VB_1 return to its original or usable and functioning condition; "restore the forest to its original pristine condition" -02551602 __save_VB_7 save from sins -02551144 __rescue_VB_1 free from harm or evil -11874423 __hoary_alyssum_NN_1 tall European annual with downy grey-green foliage and dense heads of small white flowers followed by hairy pods; naturalized in North America; sometimes a troublesome weed -14686020 __derv_NN_1 diesel oil used in cars and lorries with diesel engines; from d(iesel) e(ngine) r(oad) v(ehicle) -02645304 __sculpin_NN_1 any of numerous spiny large-headed usually scaleless scorpaenoid fishes with broad mouths -04639371 __strictness_NN_2 uncompromising resolution -00606006 __womanhood_NN_3 the status of a woman -02550698 __nurse_VB_3 serve as a nurse; care for sick or handicapped people -02550516 __overprotect_VB_1 care for like a mother; "She fusses over her husband" -00449295 __racing_NN_1 the sport of engaging in contests of speed empty completely; "evacuate the bottle" -02549211 __abet_VB_1 assist or encourage, usually in some wrongdoing -02549048 __avail_VB_2 be of use to, be useful to; "It will avail them to dispose of their booty" -01680264 __spiny_lizard_NN_2 any of numerous lizards with overlapping ridged pointed scales; of North America and Central America -10802283 __yankee_NN_1 an American who lives in the North (especially during the American Civil War) -02548710 __succour_VB_1 help in a difficult situation -07355491 __expiry_NN_2 the event of dying or departure from life; "her death came as a terrible shock"; "upon your decease the capital will pass to your grandchildren" -01876535 __macrotis_NN_1 a genus of Peramelidae -03743016 __megalithic_structure_NN_1 memorial consisting of a very large stone forming part of a prehistoric structure (especially in western Europe) -09370168 __new_river_NN_1 a river in the southeastern United States that flows northward from North Carolina to West Virginia where it empties into the Kanawha River -13951215 __lowness_NN_1 a position of inferior status; low in station or rank or fortune or estimation -05704694 __focussing_NN_1 the concentration of attention or energy on something; "the focus of activity shifted to molecular biology"; "he had no direction in his life" -00527034 __cloture_VB_1 terminate debate by calling for a vote; "debate was closured"; "cloture the discussion" -02545272 __venture_VB_3 put at risk; "I will stake my good reputation for this" -00902424 __justify_VB_4 let off the hook; "I absolve you from this responsibility" -00835501 __puff_NN_8 forceful exhalation through the nose or mouth; "he gave his nose a loud blow"; "he blew out all the candles with a single puff" -09322701 __mount_godwin_austen_NN_1 a mountain peak in the Karakoram Range in northern Kashmir; the 2nd highest peak in the world (28,250 feet high) -02543874 __neutralize_VB_3 oppose and mitigate the effects of by contrary actions; "This will counteract the foolish actions of my colleagues" -02543607 __weaken_VB_3 destroy property or hinder normal operations; "The Resistance sabotaged railroad operations during the war" -04494204 __vacuum_tube_NN_1 electronic device consisting of a system of electrodes arranged in an evacuated glass or metal envelope -00315330 __depreciate_VB_2 lower the value of something; "The Fed depreciated the dollar once again" -02542795 __obey_VB_1 be obedient to -02542280 __follow_VB_5 act in accordance with someone's rules, commands, or wishes; "He complied with my instructions"; "You must comply or else!"; "Follow these simple rules"; "abide by the rules" -04160372 __seam_NN_1 joint consisting of a line formed by joining two pieces -00830761 __talk_VB_6 deliver a lecture or talk; "She will talk at Rutgers next week"; "Did you ever lecture at Harvard?" -14362179 __fibrillation_NN_1 muscular twitching involving individual muscle fibers acting without coordination -02541509 __represent_VB_4 be a delegate or spokesperson for; represent somebody's interest or be a proxy or substitute for, as of politicians and office holders representing their constituents, or of a tenant representing other tenants in a housing dispute; "I represent the silent majority" -02541251 __service_VB_1 be used by; as of a utility; "The sewage plant served the neighboring communities"; "The garage served to shelter his horses" -02541138 __valet_VB_1 serve as a personal attendant to -02540670 __wait_on_VB_1 work for or be a servant to; "May I serve you?"; "She attends the old lady in the wheelchair"; "Can you wait on our table, please?"; "Is a salesperson assisting you?"; "The minister served the King for many years" -00158222 __gain_VB_6 rise in rate or price; "The stock market gained 24 points today" -05718935 __music_NN_4 (music) the sounds produced by singers or musical instruments (or reproductions of such sounds) -03718458 __manor_house_NN_1 the mansion of a lord or wealthy person -02471327 __recruit_VB_1 register formally as a participant or member; "The party recruited many new members" -02540347 __grow_up_VB_1 become an adult -05050379 __up-to-dateness_NN_1 the property of belonging to the present time; "the currency of a slang term" -01442591 __scardinius_NN_1 rudds -00900957 __portraiture_NN_2 the activity of making portraits -02538365 __fixate_VB_1 attach (oneself) to a person or thing in a neurotic way; "He fixates on his mother, even at the age of 40" -02537960 __place_VB_9 assign to (a job or a home) -02051701 __pelecanidae_NN_1 pelicans -12242409 __titi_NN_2 deciduous shrubby tree of eastern North America having deeply fissured bark and sprays of small fragrant white flowers and sour-tasting leaves -06250597 __prescriptivism_NN_1 (ethics) a doctrine holding that moral statements prescribe appropriate attitudes and behavior -02537407 __sell_VB_8 deliver to an enemy by treachery; "Judas sold Jesus"; "The spy betrayed his country" -00354452 __stem_VB_3 stop the flow of a liquid; "staunch the blood flow"; "stem the tide" -02537092 __colour_VB_1 modify or bias; "His political ideas color his lectures" -12092766 __genus_centunculus_NN_1 a dicotyledonous genus of the family Primulaceae -01886045 __pouched_mole_NN_1 small burrowing Australian marsupial that resembles a mole -12118414 __yardgrass_NN_1 coarse annual grass having fingerlike spikes of flowers; native to Old World tropics; a naturalized weed elsewhere -02535457 __splinter_VB_1 withdraw from an organization or communion; "After the break up of the Soviet Union, many republics broke away" -06790042 __tenet_NN_1 a religious doctrine that is proclaimed as true without proof -02535093 __chase_after_VB_1 pursue someone sexually or romantically -02534936 __woo_VB_1 seek someone's favor; "China is wooing Russia" -02534761 __court_VB_3 engage in social activities leading to marriage; "We were courting for over ten years" -06436443 __nehemiah_NN_1 an Old Testament book telling how a Jewish official at the court of Artaxerxes I in 444 BC became a leader in rebuilding Jerusalem after the Babylonian Captivity -02533282 __check_VB_2 make an examination or investigation; "check into the rumor"; "check the time of the class" -05909730 __academic_program_NN_1 (education) a program of education in liberal arts and sciences (usually in preparation for higher education) -02262278 __grant_VB_2 give as judged due or on the basis of merit; "the referee awarded a free kick to the team"; "the jury awarded a million dollars to the plaintiff";"Funds are granted to qualified researchers" -02532595 __experiment_VB_1 to conduct a test or investigation; "We are experimenting with the new drug in order to fight this disease" -02532458 __give_it_a_whirl_VB_1 try; "let's give it a whirl!" -03928116 __pianoforte_NN_1 a keyboard instrument that is played by depressing keys that cause hammers to strike tuned strings and produce sounds -02532079 __float_VB_4 circulate or discuss tentatively; test the waters with; "The Republicans are floating the idea of a tax reform" -02531199 __strive_VB_1 attempt by employing effort; "we endeavor to make our customers happy" -02530936 __grope_VB_2 search blindly or uncertainly; "His mind groped to make the connection" -01088749 __staff_VB_1 provide with staff; "This position is not always staffed" emptied of emotion; "after the violent argument he felt empty" -15257553 __second_period_NN_1 the second division into which the play of a game is divided -08771400 __weimar_NN_1 a German city near Leipzig; scene of the adoption in 1919 of the constitution of the Weimar Republic that lasted until 1933 -02530003 __founder_VB_1 fail utterly; collapse; "The project foundered" -00403609 __supercharge_VB_2 increase the pressure on a gas or liquid -02156871 __quadruped_NN_1 an animal especially a mammal having four limbs specialized for walking -00068467 __distill_VB_5 give off (a liquid); "The doctor distilled a few drops of disinfectant onto the wound" -02528985 __fall_VB_6 suffer defeat, failure, or ruin; "We must stand or fall"; "fall by the wayside" -02528380 __miscarry_VB_1 be unsuccessful; "Where do today's public schools fail?"; "The attempt to rescue the hostages failed miserably" -02527651 __spoil_VB_1 make a mess of, destroy or ruin; "I botched the dinner and we had to eat out"; "the pianist screwed up the difficult passage in the second movement" -02527294 __average_VB_2 achieve or reach on average; "He averaged a C" -13854101 __standard_of_measurement_NN_1 accepted or approved instance or example of a quantity or quality against which others are judged or measured or compared -02317488 __ophiuroidea_NN_1 brittle stars and basket stars -02553196 __percomorphi_NN_1 one of the largest natural groups of fishes of both marine and fresh water: true perches; basses; tuna -00144445 __titillation_NN_3 the act of tickling -01898282 __wiggle_VB_1 move to and fro; "Don't jiggle your finger while the nurse is putting on the bandage!" -14852913 __exudation_NN_1 a substance that oozes out from plant pores -00216692 __draggle_VB_1 make wet and dirty, as from rain -02525312 __run_VB_24 make without a miss -02524739 __luck_out_VB_1 succeed by luck; "I lucked out and found the last parking spot in the lot" -02523784 __fail_VB_6 judge unacceptable; "The teacher failed six students" -01281184 __convolve_VB_1 curl, wind, or twist together -01443871 __trepan_VB_1 cut a hole with a trepan, as in surgery -02522581 __sweep_through_VB_1 succeed at easily; "She sailed through her exams"; "You will pass with flying colors"; "She nailed her astrophysics course" -02521816 __march_VB_4 march in protest; take part in a demonstration; "Thousands demonstrated against globalization during the meeting of the most powerful economic nations in Seattle" -02521410 __resist_VB_3 express opposition through action or words; "dissent to the laws of the country" -03872495 __pad_NN_4 a flat mass of soft material used for protection, stuffing, or comfort -05300675 __auditory_apparatus_NN_1 all of the components of the organ of hearing including the outer and middle and inner ears -05402091 __coagulum_NN_1 a lump of material formed from the content of a liquid -03763968 __military_uniform_NN_1 prescribed identifying uniform for soldiers -02519991 __right_VB_1 make reparations or amends for; "right a wrongs done to the victims of the Holocaust" -11874300 __genus_berteroa_NN_1 hoary alyssum -02805584 __bastille_NN_1 a fortress built in Paris in the 14th century and used as a prison in the 17th and 18th centuries; it was destroyed July 14, 1789 at the start of the French Revolution -02519666 __comport_VB_1 behave well or properly; "The children must learn to behave" -06940701 __formosan_NN_1 the Austronesian languages spoken on Formosa -05560244 __limb_NN_1 one of the jointed appendages of an animal used for locomotion or grasping: arm; leg; wing; flipper -08347457 __shin_bet_NN_1 the Israeli domestic counterintelligence and internal security agency; "the Shin Bet also handles overall security for Israel's national airline" -02519183 __posture_VB_1 behave affectedly or unnaturally in order to impress others; "Don't pay any attention to him--he is always posing to impress his peers!"; "She postured and made a total fool of herself" -09338712 __lhotse_NN_1 a mountain in the central Himalayas on the border of Tibet and Nepal (27,890 feet high) -02518625 __walk_around_VB_3 behave in a certain manner or have certain properties; "He walks around with his nose in the air"; "She walks around with this strange boyfriend" -02516978 __kick_around_VB_2 treat badly; abuse; "They won't have me to kick around any more!" -02270011 __thysanuron_NN_1 primitive wingless insects: bristletail -00351824 __lapse_VB_2 end, at least for a long time; "The correspondence lapsed" -02516255 __smooth_over_VB_1 treat hurriedly or avoid dealing with properly -08728066 __nanking_NN_1 a city in eastern China on the Yangtze River; a former capital of China; the scene of a Japanese massacre in the 1930s -15184755 __jewish_holy_day_NN_1 a religious holiday for Jews -02212323 __vespidae_NN_1 an arthropod family of the order Hymenoptera including: yellow jackets; hornets; mason wasps -02515080 __criminalize_VB_1 treat as a criminal -02514187 __treat_VB_1 interact in a certain way; "Do right by her"; "Treat him with caution, please"; "Handle the press reporters gently" -02513989 __wrong_VB_1 treat unjustly; do wrong to -15089645 __water-soluble_vitamin_NN_1 any vitamin that is soluble in water -11905236 __genus_eschscholtzia_NN_1 showy herbs of western North America -12824581 __genus_argyreia_NN_1 woody climbers of tropical Asia to Australia -02513460 __disfavour_VB_1 put at a disadvantage; hinder, harm; "This rule clearly disadvantages me" -02513268 __advantage_VB_1 give an advantage to; "This system advantages the rich" -10925939 __moshe_dayan_NN_1 Israeli general and statesman (1915-1981) -02508213 __ringtail_NN_2 North American raccoon -02512150 __zone_VB_1 regulate housing in; of certain areas of towns -04183329 __shaker_NN_3 a container in which something can be shaken -00840751 __feasting_NN_1 eating an elaborate meal (often accompanied by entertainment) -02511424 __thermostat_VB_1 control the temperature with a thermostat -09184136 __sense_of_right_and_wrong_NN_1 motivation deriving logically from ethical or moral principles that govern a person's thoughts and actions -02511075 __bate_VB_1 moderate or restrain; lessen the force of; "He bated his breath when talking about this affair"; "capable of bating his enthusiasm" -02510905 __catch_VB_13 check oneself during an action; "She managed to catch herself before telling her boss what was on her mind" -02510337 __moderate_VB_3 lessen the intensity of; temper; hold in restraint; hold or keep within limits; "moderate your alcohol intake"; "hold your tongue"; "hold your temper"; "control your anger" -02509919 __localize_VB_3 restrict something to a particular area -09965134 __vamper_NN_1 a seductive woman who uses her sex appeal to exploit men -01261293 __thrill_NN_3 something that causes you to experience a sudden intense feeling or sensation; "the thrills of space travel" -02858304 __boat_NN_1 a small vessel for travel on water -13586122 __coefficient_NN_1 a constant number that serves as a measure of some property or characteristic -10697135 __teddy_boy_NN_1 a tough youth of 1950's and 1960's wearing Edwardian style clothes -12333053 __myrciaria_cauliflora_NN_1 small evergreen tropical tree native to Brazil and West Indies but introduced into southern United States; grown in Brazil for its edible tough-skinned purple grapelike fruit that grows all along the branches -02412440 __lamb_NN_1 young sheep -02038617 __glareolidae_NN_1 Old World shorebirds: pratincoles and coursers -02506361 __terrorize_VB_1 coerce by violence or with threats -05831939 __plague_NN_5 an annoyance; "those children are a damn plague" -06479665 __official_document_NN_1 (law) a document that states some contractual relationship or grants some right -02506181 __sandbag_VB_2 compel by coercion, threats, or crude means; "They sandbagged him to make dinner for everyone" -12100538 __poaceae_NN_1 the grasses: chiefly herbaceous but some woody plants including cereals; bamboo; reeds; sugar cane -09643799 __slant-eye_NN_1 (slang) a disparaging term for an Asian person (especially for North Vietnamese soldiers in the Vietnam War) -02944327 __transdermic_JJ_1 through the unbroken skin; refers to medications applied directly to the skin (creams or ointments) or in time-release forms (skin patches); "transdermal estrogen"; "percutaneous absorption" -02503365 __extradite_VB_1 hand over to the authorities of another country; "They extradited the fugitive to his native country so he could be tried there" -13990064 __whiteness_NN_2 the state of being unsullied by sin or moral wrong; lacking a knowledge of evil -02668523 __violate_VB_1 fail to agree with; be in violation of; as of rules or patterns; "This sentence violates the rules of syntax" -08114581 __free_french_NN_1 a French movement during World War II that was organized in London by Charles de Gaulle to fight for the liberation of France from German control and for the restoration of the republic -02502536 __let_in_VB_2 allow to enter; grant entry to; "We cannot admit non-members into our club building"; "This pipe admits air" -10026976 __street_person_NN_1 someone who sleeps in any convenient place -00898286 __shadowboxing_NN_1 sparring with an imaginary opponent (for exercise or training) -02995998 __separator_NN_1 an apparatus that uses centrifugal force to separate particles from a suspension -09084196 __rockford_NN_1 a city in northern Illinois -10576962 __selfish_person_NN_1 a person who is unusually selfish -02500619 __victimize_VB_2 punish unjustly -15233989 __overtime_NN_2 playing time beyond regulation, to break a tie -04006727 __procaine_NN_1 a white crystalline powder (trade name Ethocaine) administered near nerves as a local anesthetic in dentistry and medicine -05500992 __pons_varolii_NN_1 a band of nerve fibers linking the medulla oblongata and the cerebellum with the midbrain -06792950 __ticktack_NN_1 system of signalling by hand signs used by bookmakers at racetracks -02499312 __expatriate_VB_1 expel from a country; "The poet was exiled because he signed a letter protesting the government's actions" -02498987 __amerce_VB_2 punish by a fine imposed arbitrarily by the discretion of the court -02498716 __ticket_VB_1 issue a ticket or a fine to as a penalty; "I was fined for parking on the wrong side of the street"; "Move your car or else you will be ticketed!" -00969769 __colorcast_VB_1 broadcast in color -09732903 __french_people_NN_1 the people of France -00661480 __severalize_VB_1 distinguish or separate -02497586 __appeal_VB_1 take a court case to a higher court for review; "He was found guilty but appealed immediately" -02497400 __liberate_VB_1 give equal rights to; of women and minorities -11742175 __genus_comptonia_NN_1 one species: sweet fern -11833373 __winged_pigweed_NN_1 bushy annual weed of central North America having greenish flowers and winged seeds -02496036 __cage_in_VB_1 confine in a cage; "The animal was caged" -02495817 __imprison_VB_2 confine as if in a prison; "His daughters are virtually imprisoned in their own house; he does not let them go out without a chaperone" -13187604 __family_davalliaceae_NN_1 one of a number of families into which Polypodiaceae has been subdivided in some classification systems -06250444 __prescriptivism_NN_2 (linguistics) a doctrine supporting or promoting prescriptive linguistics -09627462 __primitive_person_NN_1 a person who belongs to an early stage of civilization -05147586 __richness_NN_5 the property of producing abundantly and sustaining vigorous and luxuriant growth; "he praised the richness of the soil"; "weeds lovely in their rankness" -02494850 __raid_VB_1 search without warning, make a sudden surprise attack on; "The police raided the crack house" -02494356 __remand_VB_2 lock up or confine, in or as in a jail; "The suspects were imprisoned without trial"; "the murderer was incarcerated for the rest of his life" -09872066 __vaunter_NN_1 a very boastful and talkative person -09225146 __water_NN_2 the part of the earth's surface covered with water (such as a river or lake or ocean); "they invaded our territorial waters"; "they were sitting by the water's edge" -02492362 __divert_VB_3 occupy in an agreeable, entertaining or pleasant fashion; "The play amused the ladies" -00145772 __prim_VB_2 contract one's lips; "She primmed her lips after every bite of food" -02492198 __entertain_VB_1 provide entertainment for -08141664 __federal_bureau_of_prisons_NN_1 the law enforcement agency of the Justice Department that operates a nationwide system of prisons and detention facilities to incarcerate inmates sentenced to imprisonment for federal crimes -00197610 __supplanting_NN_1 act of taking the place of another especially using underhanded tactics -04888788 __overbearingness_NN_1 the trait of being imperious and overbearing -02499700 __genus_galago_NN_1 bush babies -02490877 __fete_VB_1 have a celebration; "They were feting the patriarch of the family"; "After the exam, the students were celebrating" -00514069 __spotlight_VB_1 move into the foreground to make more visible or prominent; "The introduction highlighted the speaker's distinguished career in linguistics" -02490247 __remarry_VB_1 marry, not for the first time; "After her divorce, she remarried her high school sweetheart" -02334849 __subfamily_hydromyinae_NN_1 water rats of Australia and New Guinea -02490004 __wive_VB_1 take (someone) as a wife -02489916 __wive_VB_2 marry a woman, take a wife -02489748 __solemnize_VB_2 perform (the wedding ceremony) with proper ceremonies -02489456 __wed_VB_2 perform a marriage ceremony; "The minister married us on Saturday"; "We were wed the following week"; "The couple got spliced on Hawaii" -14226056 __eczema_NN_1 generic term for inflammatory conditions of the skin; particularly with vesiculation in the acute stages -07703333 __mush_NN_2 cornmeal boiled in water -10999584 __william_schwenk_gilbert_NN_1 a librettist who was a collaborator with Sir Arthur Sullivan in a famous series of comic operettas (1836-1911) -02185007 __phthirus_NN_1 true lice: crab lice -10296832 __martyr_NN_2 one who voluntarily suffers death as the penalty for refusing to renounce their religion -05510173 __respiratory_tract_NN_1 the passages through which air enters and leaves the body -00961329 __gloss_VB_2 provide interlinear explanations for words or phrases; "He annotated on what his teacher had written" -10129133 __whale_NN_1 a very large person; impressive in size or qualities -02486693 __take_out_VB_5 make a date; "Has he asked you out yet?" -01949674 __ferry_VB_1 transport from one place to another -00510475 __spree_NN_1 a brief indulgence of your impulses -01516064 __genus_archeopteryx_NN_1 a genus of fossil birds -10737431 __untier_NN_1 a person who unfastens or unwraps or opens; "children are talented undoers of their shoelaces" -12689808 __genus_erythroxylum_NN_1 a large genus of South American shrubs and small trees of the family Erythroxylaceae -02484208 __execute_VB_2 murder in a planned fashion; "The Mafioso who collaborated with the police was executed" moving or going or growing upward; "the ascending plane"; "the ascending staircase"; "the ascending stems of chickweed" -00922144 __generation_NN_6 the production of heat or electricity; "dams were built for the generation of electricity" -03890713 __university_of_paris_NN_1 a university in Paris; intellectual center of France -06294441 __neology_NN_1 a newly invented word or phrase -00056930 __have_VB_18 cause to be born; "My wife had twins yesterday!" -02400760 __elect_VB_1 select by a vote for an office or membership; "We elected him chairman of the board" -10069296 __executant_NN_1 a performer (usually of musical works) -02483267 __put_to_death_VB_1 kill as a means of socially sanctioned punishment; "In some states, criminals are executed" -08879388 __newcastle-upon-tyne_NN_1 a port city in northeastern England on the River Tyne; a center for coal exports (giving rise to the expression `carry coals to Newcastle' meaning to do something unnecessary) -01758019 __genus_bothrops_NN_1 fer-de-lance -08372190 __peer_group_NN_1 contemporaries of the same status -08027314 __jayshullah_NN_1 an indigenous Islamic terrorist group in Azerbaijan that attempted to bomb the United States embassy in 1999 -08346286 __a'man_NN_1 the Israeli military intelligence which produces comprehensive national intelligence briefings for the prime minister and the cabinet -07954211 __rule_book_NN_1 a collection of rules or prescribed standards on the basis of which decisions are made; "they run things by the book around here" -15218272 __ramadan_NN_1 the ninth month of the Islamic calendar; the month of fasting; the holiest period for the Islamic faith -07813324 __celery_salt_NN_1 ground celery seed and salt -14343735 __sleepy_sickness_NN_1 an encephalitis that was epidemic between 1915 and 1926; symptoms include paralysis of the extrinsic eye muscle and extreme muscular weakness -03585875 __ironing_NN_1 garments (clothes or linens) that are to be (or have been) ironed; "there was a basketful of ironing to do" -09365730 __narragansett_bay_NN_1 a deep inlet of the Atlantic Ocean in Rhode Island -08395298 __united_states_army_rangers_NN_1 a specially trained elite unit of the United States Army -02480923 __outlaw_VB_1 declare illegal; outlaw; "Marijuana is criminalized in the U.S." -02479990 __distribute_VB_3 make available; "The publisher wants to distribute the book in Asia" -00783527 __piracy_NN_1 hijacking on the high seas or in similar contexts; taking a ship or plane away from the control of those who are legally entitled to it; "air piracy" -07409475 __ricochet_NN_1 a glancing rebound -12419592 __genus_bomarea_NN_1 large genus of tropical American vines having showy often spotted umbellate flowers; sometimes placed in family Liliaceae especially subfamily Alstroemeriaceae -01248075 __stupidity_NN_2 a stupid mistake -02479154 __sanction_VB_2 give authority or permission to -02478936 __formalize_VB_1 make formal or official; "We formalized the appointment and gave him a title" -02478059 __void_VB_1 declare invalid; "The contract was annulled"; "void a plea" -01773130 __nurse_VB_2 maintain (a theory, thoughts, or feelings); "bear a grudge"; "entertain interesting notions"; "harbor a resentment" -02477334 __strike_down_VB_1 declare null and void; make ineffective; "Cancel the election results"; "strike down a law" -02476518 __confirm_VB_4 support a person for a position; "The Senate confirmed the President's candidate for Secretary of Defense" -04039041 __wheel_NN_6 an instrument of torture that stretches or disjoints or mutilates victims -06820212 __subscript_NN_1 a character or symbol set or printed or written beneath or slightly below and to the side of another character -00549610 __takeoff_NN_4 humorous or satirical mimicry -12728164 __salix_candida_NN_1 North American shrub with whitish canescent leaves -01126051 __surprise_VB_3 attack by storm; attack suddenly -01154175 __strike_out_VB_5 cause to get out; "The pitcher retired three batters"; "the runner was put out at third base" -12346578 __daphne_NN_1 any of several ornamental shrubs with shiny mostly evergreen leaves and clusters of small bell-shaped flowers -10367409 __nurser_NN_1 a person who treats something carefully; "a great nurser of pennies" -01946408 __wear_round_VB_1 turn into the wind; "The sailors decided to tack the boat"; "The boat tacked" -12546420 __wolf_bean_NN_1 white-flowered Eurasian herb widely cultivated for forage and erosion control -02475261 __commission_VB_3 charge with a task -02120140 __vellicate_VB_1 touch (a body part) lightly so as to excite the surface nerves and cause uneasiness, laughter, or spasmodic movements -02474780 __covenant_VB_1 enter into a covenant -04754862 __unquestionableness_NN_1 the quality of being beyond question or dispute or doubt -02474446 __cover_VB_16 invest with a large or excessive amount of something; "She covered herself with glory" -02473981 __empower_VB_1 give or delegate power or authority to; "She authorized her assistant to sign the papers" -02473431 __veto_VB_1 vote against; refuse to endorse; refuse to assent; "The President vetoed the bill" -14555214 __presbyopia_NN_1 a reduced ability to focus on near objects caused by loss of elasticity of the crystalline lens after age 45 -09293917 __great_smoky_mountains_NN_1 part of the Appalachians between North Carolina and Tennessee -07820960 __summer_savoury_NN_1 herb with delicately flavored leaves with many uses -02472495 __take_stock_VB_2 make or include in an itemized record or report; "Inventory all books before the end of the year" -02472223 __list_VB_2 include in a list; "Am I listed in your register?" -00034948 __blow_VB_3 free of obstruction by blowing air through; "blow one's nose" -02471690 __register_VB_1 record in writing; enter into a book of names or events or transactions -00712389 __misestimate_VB_1 judge incorrectly; "I had misestimated his determination" -02469443 __paragraph_VB_1 divide into paragraphs, as of text; "This story is well paragraphed" -02469274 __splinter_VB_2 divide into slivers or splinters -00306102 __takeoff_NN_1 a departure; especially of airplanes -07737745 __peanut_NN_4 pod of the peanut vine containing usually 2 nuts or seeds; `groundnut' and `monkey nut' are British terms -08368907 __generation_NN_2 group of genetically related organisms constituting a single step in the line of descent -02468793 __unitize_VB_1 divide (bulk material) and process as units -02468261 __sectionalize_VB_1 divide into sections, especially into geographic sections; "sectionalize a country" -01044377 __susurrate_VB_1 issue soft noises -02467203 __liberalize_VB_2 become more liberal; "The laws liberalized after Prohibition" -02467003 __liberalize_VB_1 make liberal or more liberal, of laws and rules -00865958 __maledict_VB_1 wish harm upon; invoke evil upon; "The bad witch cursed the child" -09585434 __teutonic_deity_NN_1 (German mythology) a deity worshipped by the ancient Teutons -02466134 __sponsor_VB_3 do one's shopping at; do business with; be a customer or client of -03671473 __line_NN_23 a commercial organization serving as a common carrier -08289089 __youth_culture_NN_1 young adults (a generational unit) considered as a cultural class or subculture -09899929 __sophist_NN_2 someone whose reasoning is subtle and often specious -02465939 __send_packing_VB_1 stop associating with; "They dropped her after she had a child out of wedlock" -02465297 __probate_VB_2 establish the legal validity of (wills and other documents) -02464725 __favour_VB_1 treat gently or carefully -02464342 __slack_VB_1 avoid responsibilities and work, be idle -00623370 __overworking_NN_1 the act of working too much or too long; "he became ill from overwork" -02463141 __ballot_VB_1 vote by ballot; "The voters were balloting in this state" -01249724 __rub_VB_1 move over something with pressure; "rub my hands"; "rub oil into her skin" -09895222 __careerist_NN_1 a professional who is intent on furthering his or her career by any possible means and often at the expense of their own integrity -08997310 __singapore_island_NN_1 an island to the south of the Malay Peninsula -04478889 __trench_NN_3 any long ditch cut in the ground -02461314 __vote_VB_1 express one's preference for a candidate or for a measure or resolution; cast a vote; "He voted for the motion"; "None of the Democrats voted last night" -05588174 __vertebral_column_NN_1 the series of vertebrae forming the axis of the skeleton and protecting the spinal cord; "the fall broke his back" -02460619 __rent_VB_4 hold under a lease or rental agreement; of goods and services -02460483 __tenant_VB_1 occupy as a tenant -02460199 __rent_VB_1 let for money; "We rented our apartment to friends while we were abroad" -06681976 __newssheet_NN_1 report or open letter giving informal or confidential news of interest to a special group -02458943 __lobby_VB_1 detain in conversation by or as if by holding on to the outer garments of; as for political or economic favors -15226046 __quarter_NN_5 one of four periods into which the school year is divided; "the fall quarter ends at Christmas" -09820044 __atheist_NN_1 someone who denies the existence of god -02458747 __canvass_VB_2 solicit votes from potential voters in an electoral campaign -02294179 __share_VB_4 give out as one's portion or share -02458103 __relate_VB_5 have or establish a relationship to; "She relates well to her peers" -04375926 __synchroscope_NN_1 an instrument that indicates whether two periodic motions are synchronous (especially an instrument that enables a pilot to synchronize the propellers of a plane that has two or more engines) -08321218 __sinn_fein_NN_1 an Irish republican political movement founded in 1905 to promote independence from England and unification of Ireland; became the political branch of the Irish Republican Army -10067011 __revivalist_NN_1 a preacher of the Christian gospel -02457233 __respect_VB_2 show respect towards; "honor your parents!" -12693590 __family_callitrichaceae_NN_1 dicot aquatic herbs -15257416 __first_period_NN_1 the first division into which the play of a game is divided -02456493 __lay_to_rest_VB_1 place in a grave or tomb; "Stalin was buried behind the Kremlin wall on Red Square"; "The pharaohs were entombed in the pyramids"; "My grandfather was laid to rest last Sunday" -00085907 __salve_VB_2 apply a salve to, usually for the purpose of healing -02456031 __guard_VB_1 to keep watch over; "there would be men guarding the horses" -02455407 __watch_over_VB_1 follow with the eyes or the mind; "Keep an eye on the baby, please!"; "The world is watching Sarajevo"; "She followed the men with the binoculars" -00653518 __countdown_NN_1 counting backward from an arbitrary number to indicate the time remaining before some event (such as launching a space vehicle) -02454939 __police_VB_1 maintain the security of by carrying out a patrol -09826821 __ayah_NN_1 (in India) a native nursemaid who looks after children -02454312 __poll_VB_1 get the opinions (of people) by asking specific questions -02453889 __support_VB_3 be behind; approve of; "He plumped for the Labor Party"; "I backed Kennedy in 1960" -02453321 __ward_off_VB_1 prevent the occurrence of; prevent from happening; "Let's avoid a confrontation"; "head off a confrontation"; "avert a strike" -02452885 __prevent_VB_1 keep from happening or arising; make impossible; "My sense of tact forbids an honest answer"; "Your role in the projects precludes your involvement in the competitive project" -10726031 __transvestite_NN_1 someone who adopts the dress or manner or sexual role of the opposite sex -02452758 __embargo_VB_2 prevent commerce; "The U.S. embargoes Libya" -13194918 __silvery_spleenwort_NN_2 North American fern with narrow fronds on yellowish leafstalks -00185103 __nitrate_VB_1 treat with nitric acid, so as to change an organic compound into a nitrate; "nitroglycerin is obtained by nitrating glycerol" -15246853 __second_NN_2 an indefinitely short time; "wait just a moment"; "in a mo"; "it only takes a minute"; "in just a bit" -02451370 __impede_VB_1 be a hindrance or obstacle to; "She is impeding the progress of our project" -02450256 __take_part_VB_1 share in something -02449847 __let_in_VB_1 allow participation in or the right to be part of; permit to exercise the rights, functions, and responsibilities of; "admit someone to the profession"; "She was admitted to the New Jersey Bar" -02448185 __organize_VB_1 create (as an entity); "social groups form everywhere"; "They formed a company" -04578708 __whirler_NN_2 a revolving mechanism -09283623 __ford_NN_7 a shallow area in a stream that can be forded -04149374 __scooter_NN_2 child's two-wheeled vehicle operated by foot -02447001 __skipper_VB_1 work as the skipper on a vessel -02446819 __intern_VB_2 work as an intern; "The young doctor is interning at the Medical Center this year" -11990804 __leucogenes_NN_1 New Zealand edelweiss -02446504 __vet_VB_1 work as a veterinarian; "She vetted for the farms in the area for many years" -13421462 __budget_NN_2 a summary of intended expenditures along with proposals for how to meet them; "the president submitted the annual budget to Congress" -03376595 __folding_chair_NN_1 a chair that can be folded flat for storage -02444662 __license_VB_1 authorize officially; "I am licensed to practice law in this state" -07497976 __fascination_NN_2 a feeling of great liking for something wonderful and unusual -07536870 __repentance_NN_1 remorse for your past conduct -13547199 __rectification_NN_1 (chemistry) the process of refinement or purification of a substance by distillation -11714853 __water_lily_NN_1 an aquatic plant of the family Nymphaeaceae -12020507 __marigold_NN_1 any of various tropical American plants of the genus Tagetes widely cultivated for their showy yellow or orange flowers -02948719 __candlewick_NN_1 the wick of a candle -02444159 __work_VB_16 operate in or through; "Work the phones" -01318659 __scan_VB_3 make a wide, sweeping search of; "The beams scanned the night sky" having been disembowelled -02272707 __order_dermaptera_NN_1 earwigs and a few related forms -02443849 __run_VB_4 direct or control; projects, businesses, etc.; "She is running a relief operation in the Sudan" -02084104 __exteriorize_VB_1 bring outside the body for surgery, of organs -01305241 __wharf_VB_5 moor at a wharf; "The ship was wharfed" -04698112 __ornateness_NN_2 an ornate appearance; being elaborately (even excessively) decorated -00828003 __prophesy_VB_2 deliver a sermon; "The minister is not preaching this Sunday" -06657202 __control_NN_11 the economic policy of controlling or limiting or curbing prices or wages etc.; "they wanted to repeal all the legislation that imposed economic controls" -02442205 __govern_VB_2 direct or strongly influence the behavior of; "His belief in God governs his conduct" -09755241 __absconder_NN_1 a fugitive who runs away and hides to avoid arrest or prosecution -10744164 __vacationist_NN_1 someone on vacation; someone who is devoting time to pleasure or relaxation rather than to work -15156001 __today_NN_2 the day that includes the present moment (as opposed to yesterday or tomorrow); "Today is beautiful"; "did you see today's newspaper?" -00142191 __shape_VB_3 give shape or form to; "shape the dough"; "form the young child's character" -02440244 __lead_VB_7 be in charge of; "Who is heading this project?" -02509694 __genus_ailurus_NN_1 lesser pandas -00326773 __grill_VB_1 cook over a grill; "grill the sausages" -01797730 __afflict_VB_1 cause great unhappiness for; distress; "she was afflicted by the death of her parents" -02438383 __juggle_VB_3 deal with simultaneously; "She had to juggle her job and her children" -10498422 __quarreller_NN_1 a disputant who quarrels -02437465 __toy_VB_1 behave carelessly or indifferently; "Play about with a young girl's affection" -05499542 __striatum_NN_1 a striped mass of white and grey matter located in front of the thalamus in each cerebral hemisphere; consists of the caudate nucleus and the lenticular nucleus -13193642 __woodfern_NN_1 any of various ferns of the genus Dryopteris -02435634 __penetrate_VB_4 enter a group or organization in order to spy on the members; "The student organization was infiltrated by a traitor" -04688842 __temptingness_NN_1 the power to entice or attract through personal charm -02435311 __affiliate_VB_2 join in an affiliation; "The two colleges affiliated"; "They affiliated with a national group" -02434976 __join_VB_1 become part of; become a member of a group or organization; "He joined the Communist Party as a young man" -01143040 __readying_NN_1 the activity of putting or setting in order in advance of some act or purpose; "preparations for the ceremony had begun" -01941093 __pilot_VB_1 operate an airplane; "The pilot flew to Cuba" -02434541 __confederate_VB_2 form a confederation with; of nations -00002684 __physical_object_NN_1 a tangible and visible entity; an entity that can cast a shadow; "it was full of rackets, balls and other objects" -14892138 __guanine_NN_1 a purine base found in DNA and RNA; pairs with cytosine -02433549 __revise_VB_2 revise or reorganize, especially for the purpose of updating and improving; "We must retool the town's economy" -00800421 __women's_liberation_movement_NN_1 the movement aimed at equal rights for women -12932706 __chervil_NN_1 aromatic annual Old World herb cultivated for its finely divided and often curly leaves for use especially in soups and salads -03120778 __courtroom_NN_1 a room in which a lawcourt sits; "television cameras were admitted in the courtroom" -02346627 __porcupine_NN_1 relatively large rodents with sharp erectile bristles mingled with the fur -02433123 __shake_up_VB_2 organize anew; "We must reorganize the company if we don't want to go under" -02432530 __organize_VB_2 cause to be structured or ordered or operating according to some principle or idea -02431971 __administrate_VB_1 work in an administrative capacity; supervise or be in charge of; "administer a program"; "she administers the funds" -00384510 __insert_NN_3 (broadcasting) a local announcement inserted into a network program -02430922 __imprint_VB_1 establish or impress firmly in the mind; "We imprint our ideas onto our children" -02430191 __ally_VB_1 become an ally or associate, as by a treaty or marriage; "He allied himself with the Communists" -02428924 __meet_VB_7 collect in one place; "We assembled in the church basement"; "Let's gather in the dining room" -02428487 __withdraw_VB_7 break from a meeting or gathering; "We adjourned for lunch"; "The men retired to the library" -02427916 __ordain_VB_1 order by virtue of superior authority; decree; "The King ordained the persecution and expulsion of the Jews"; "the legislature enacted this law in 1985" -02427726 __ordain_VB_3 invest with ministerial or priestly authority; "The minister was ordained only last month" -07246742 __remonstration_NN_1 the act of expressing earnest opposition or protest -02427103 __set_up_VB_1 set up or found; "She set up a literacy program" -04089666 __riding_boot_NN_1 a boot without laces that is worn for riding horses; part of a riding habit -02426799 __restore_VB_5 bring back into original existence, use, function, or position; "restore law and order"; "reestablish peace in the region"; "restore the emperor to the throne" -06990544 __berber_NN_2 a cluster of related dialects that were once the major language of northern Africa west of Egypt; now spoken mostly in Morocco -12851094 __lion's-ear_NN_1 pantropical herb having whorls of striking lipped flowers; naturalized in United States -12540250 __sea_pea_NN_1 wild pea of seashores of north temperate zone having tough roots and purple flowers and useful as a sand binder -02426395 __shut_down_VB_1 cease to operate or cause to cease operating; "The owners decided to move and to close the factory"; "My business closes every night at 8 P.M."; "close up the shop" -02425913 __close_VB_4 finish or terminate (meetings, speeches, etc.); "The meeting was closed with a charge by the chairman of the board" -08970189 __marrakesh_NN_1 a city in western Morocco; tourist center -02425462 __open_VB_4 begin or set in action, of meetings, speeches, recitals, etc.; "He opened the meeting with a long speech" -02424984 __volunteer_VB_3 do volunteer work -04387706 __tamping_bar_NN_1 a tool for tamping (e.g., for tamping tobacco into a pipe bowl or a charge into a drill hole etc.) -08279524 __military_academy_NN_1 an academy for training military officers -13989280 __mourning_NN_1 state of sorrow over the death or departure of a loved one -02424128 __subjugate_VB_1 put down by force or intimidation; "The government quashes any attempt of an uprising"; "China keeps down her dissidents very efficiently"; "The rich landowners subjugated the peasants working the land" -02423762 __suppress_VB_3 control and refrain from showing; of emotions, desires, impulses, or behavior -10312287 __meteorologist_NN_1 a specialist who studies processes in the earth's atmosphere that cause weather conditions -08765771 __naze_NN_1 a cape at the southern tip of Norway -13810323 __unit_NN_2 an individual or group or structure or other entity regarded as a structural or functional constituent of a whole; "the reduced the number of units and installations"; "the word is a basic linguistic unit" -01330986 __integrative_JJ_1 combining and coordinating diverse elements into a whole -02508742 __ringtail_NN_1 raccoon-like omnivorous mammal of Mexico and the southwestern United States having a long bushy tail with black and white rings -01307389 __plane_VB_3 make even or smooth, with or as with a carpenter's plane; "plane the top of the door" -02422663 __restrain_VB_1 keep under control; keep in check; "suppress a smile"; "Keep your temper"; "keep your cool" -02587532 __manage_VB_3 come to terms with; "We got by on just a gallon of gas"; "They made do on half a loaf of bread every day" -02421749 __bail_VB_1 release after a security has been paid -08069878 __securities_firm_NN_1 a stock broker's business; charges a fee to act as intermediary between buyer and seller -12867679 __scutellaria_NN_1 an asterid dicot genus that includes the skullcaps -02420991 __man_VB_1 take charge of a certain job; occupy a certain work place; "Mr. Smith manned the reception desk in the morning" -02420789 __job_VB_3 work occasionally; "As a student I jobbed during the semester breaks" -02420232 __farm_VB_1 be a farmer; work as a farmer; "My son is farming in California" -02419773 __travail_VB_1 work hard; "She was digging away at her math homework"; "Lexicographers drudge all day long" -11459369 __will-o'-the-wisp_NN_1 a pale light sometimes seen at night over marshy ground -02418686 __play_VB_5 be at play; be engaged in playful activity; amuse oneself in a way characteristic of children; "The kids were playing outside all day"; "I used to play with trucks as a little girl" -02418421 __recreate_VB_2 engage in recreational activities rather than work; occupy oneself in a diversion; "On weekends I play"; "The students all recreate alike" -14869975 __flyspeck_NN_1 a tiny dark speck made by the excrement of a fly -02418029 __warm_the_bench_VB_1 be out of the game; "Miller was riding the bench in Saturday's game" -00254415 __sanitization_NN_1 making something sanitary (free of germs) as by sterilizing -02417908 __moon_on_VB_1 be idle in a listless or dreamy way -05531814 __windpipe_NN_1 membranous tube with cartilaginous rings that conveys inhaled air from the larynx to the bronchi -06512580 __application_NN_2 a verbal or written request for assistance or employment or admission to a school; "December 31 is the deadline for applications" -02399000 __ruminant_NN_1 any of various cud-chewing hoofed mammals having a stomach divided into four (occasionally three) compartments -05408684 __gi_hormones_NN_1 hormones that affect gastrointestinal functioning -02415831 __occupy_VB_1 keep busy with; "She busies herself with her butterfly collection" -03040229 __cleaning_pad_NN_1 a pad used as a cleaning implement -01355326 __true_bacteria_NN_1 a large group of bacteria having rigid cell walls; motile types have flagella -03528523 __home_computer_NN_1 a computer intended for use in the home -02414710 __assist_VB_2 act as an assistant in a subordinate or supportive function -12283542 __western_paper_birch_NN_1 birch of western United States resembling the paper birch but having brownish bark -00571596 __pull_VB_17 take away; "pull the old soup cans from the supermarket shelf" -07817871 __florence_fennel_NN_2 aromatic bulbous stem base eaten cooked or raw in salads -09368224 __neighbour_NN_2 a nearby object of the same kind; "Fort Worth is a neighbor of Dallas"; "what is the closest neighbor to the Earth?" -01011425 __stocktaking_NN_2 making an itemized list of merchandise or supplies on hand; "an inventory may be necessary to see if anything is missing"; "they held an inventory every month" -09777012 __factor_NN_4 a businessman who buys or sells for another in exchange for a commission -02410175 __retain_VB_2 allow to remain in a place or position or maintain a property or feature; "We cannot continue several servants any longer"; "She retains a lawyer"; "The family's fortune waned and they could not keep their household staff"; "Our grant has run out and we cannot keep you on"; "We kept the work going as long as we could"; "She retained her composure"; "this garment retains its shape even after many washings" -12624249 __genus_chaenomeles_NN_1 flowering quince -02409412 __hire_VB_1 engage or hire for work; "They hired two new secretaries in the department"; "How many people has she employed?" -02408281 __drive_VB_13 work as a driver; "He drives a bread truck"; "She drives for the taxi company in Newark" -02407987 __work_VB_12 cause to work; "he is working his servants hard" -06602324 __symbolization_NN_1 the use of symbols to convey meaning -11416534 __position_effect_NN_1 (genetics) the effect on the expression of a gene that is produced by changing its location in a chromosome -02405390 __supplant_VB_1 take the place or move into the position of; "Smith replaced Miller as CEO after Miller left"; "the computer has supplanted the slide rule"; "Mary replaced Susan as the team's captain and the highest-ranked player in the school" -06278136 __sound_NN_5 the audible part of a transmitted signal; "they always raise the audio for commercials" -05938976 __templet_NN_1 a model or standard for making comparisons -01173038 __blow_NN_1 a powerful stroke with the fist or a weapon; "a blow on the head" -09928136 __ecclesiastic_NN_1 a clergyman or other person in religious orders -01999186 __lepas_fascicularis_NN_1 stalked barnacle that attaches to ship bottoms or floating timbers -02404224 __remove_VB_2 remove from a position or an office -01843364 __junketeer_VB_1 go on a pleasure trip -02403537 __lay_off_VB_2 dismiss, usually for economic reasons; "She was laid off together with hundreds of other workers when the company downsized" -02402825 __terminate_VB_4 terminate the employment of; discharge from an office or position; "The boss fired his secretary today"; "The company terminated 25% of its workers" -00418921 __crack_down_VB_1 repress or suppress (something regarded as undesirable); "The police clamped down on illegal drugs" -02188198 __swosh_VB_1 move with or cause to move with a whistling or hissing sound; "The bubbles swoshed around in the glass"; "The curtain swooshed open" -12261359 __fagus_sylvatica_NN_1 large European beech with minutely-toothed leaves; widely planted as an ornamental in North America -02401523 __propose_VB_4 put forward; nominate for appointment to an office or for an honor or position; "The President nominated her as head of the Civil Rights Commission" -05968450 __occultism_NN_1 the study of the supernatural -02400378 __sort_VB_1 examine in order to test suitability; "screen these samples"; "screen the job applicants" -04862747 __presence_of_mind_NN_1 self-control in a crisis; ability to say or do the right thing in an emergency -11432387 __light_air_NN_1 wind moving 1-3 knots; 1 on the Beaufort scale -05728493 __data_structure_NN_1 (computer science) the organization of data (and its storage allocations in a computer) -05529729 __voice_box_NN_1 a cartilaginous structure at the top of the trachea; contains elastic vocal cords that are the source of the vocal tone in speech -00873469 __tip_off_VB_1 give insider information or advise to; "He tipped off the police about the terrorist plot" -12670172 __sarcocephalus_NN_1 genus of tropical African trees and shrubs -06098195 __cosmology_NN_2 the branch of astrophysics that studies the origin and evolution and structure of the universe -00622584 __hunting_NN_3 the work of finding and killing or capturing animals for food or pelts -02398681 __baronetize_VB_1 confer baronetcy upon; "He was baronetized for his loyalty to the country" -02397637 __upgrade_VB_3 give a promotion to or assign to a higher position; "John was kicked upstairs when a replacement was hired"; "Women tend not to advance in the major law firms"; "I got promoted after many years of hard work" -12780563 __yellow_trumpet_NN_1 pitcher plant of southeastern United States having erect yellow trumpet-shaped pitchers with wide mouths and erect lids -04708113 __simplicity_NN_4 freedom from difficulty or hardship or effort; "he rose through the ranks with apparent ease"; "they put it into containers for ease of transportation"; "the very easiness of the deed held her back" -04618070 __personal_identity_NN_1 the distinct personality of an individual regarded as a persisting entity; "you can lose your identity when you join the army" -02395782 __kick_off_VB_1 commence officially -04516874 __utility_NN_6 a facility composed of one or more pieces of equipment connected to or part of a structure and designed to provide a service such as heat or electricity or water or sewage disposal; "the price of the house included all utilities" -14539960 __shelter_NN_3 the condition of being protected; "they were huddled together for protection"; "he enjoyed a sense of peace and protection in his new home" -00124880 __physical_contact_NN_1 the act of touching physically; "her fingers came in contact with the light switch" -03804744 __nail_NN_2 a thin pointed piece of metal that is hammered into materials as a fastener -02395603 __mandate_VB_1 assign under a mandate; "mandate a colony" -02395395 __depute_VB_1 transfer power to someone -02394445 __deputize_VB_2 appoint as a substitute -02053941 __near_VB_1 move towards; "We were approaching our destination"; "They are drawing near"; "The enemy army came nearer and nearer" -01232412 __socializing_NN_1 the act of meeting for social purposes; "there was too much socialization with the enlisted men" -01886756 __placental_mammal_NN_1 mammals having a placenta; all mammals except monotremes and marsupials -03358172 __photoflash_NN_1 a lamp for providing momentary light to take a photograph -02394183 __take_VB_12 assume, as of positions or roles; "She took the job as director of development"; "he occupies the position of manager"; "the young prince will soon occupy the throne" -01468948 __show_the_door_VB_1 ask to leave; "I was shown the door when I asked for a raise" -02392600 __task_VB_1 assign a task to; "I tasked him with looking after the children" -00289532 __silver_VB_2 make silver in color; "Her worries had silvered her hair" -10377021 __old_woman_NN_1 a woman who is old -01700470 __ornithischian_dinosaur_NN_1 herbivorous dinosaur with a pelvis like that of a bird -02330742 __capitalize_VB_2 supply with capital, as of a business by using a combination of capital used by investors and debt capital provided by lenders -02390949 __crown_VB_1 invest with regal power; enthrone; "The prince was crowned in Westminster Abbey" -01396776 __genus_vorticella_NN_1 ciliated protozoans that have a goblet-shaped body with a retractile stalk -02390470 __initiate_VB_3 accept people into an exclusive society or group, usually with some rite; "African men are initiated when they reach puberty" -02389927 __fraternize_VB_1 be on friendly terms with someone, as if with a brother, especially with an enemy -02389592 __connect_VB_8 establish a rapport or relationship; "The President of this university really connects with the faculty" -02388950 __socialize_VB_1 take part in social activities; interact with others; "He never socializes with his colleagues"; "The old man hates to socialize" -11761007 __genus_enterolobium_NN_1 small genus of tropical American timber trees closely allied to genus Albizia -02504323 __loxodonta_NN_1 a genus of Elephantidae -00260622 __reform_NN_1 a change for the better as a result of correcting abuses; "justice was for sale before the reform of the law courts" -02388764 __sophisticate_VB_1 make less natural or innocent; "Their manners had sophisticated the young girls" -02387486 __educate_VB_1 give an education to; "We must educate our youngsters better" -02386845 __socialize_VB_2 train for a social environment; "The children must be properly socialized" -02386675 __invest_VB_3 furnish with power or authority; of kings or emperors -02386388 __vest_VB_1 provide with power and authority; "They vested the council with special rights" -13714184 __degree_NN_6 a unit of temperature on a specified scale; "the game was played in spite of the 40-degree temperature" -10533983 __yeller_NN_1 someone who communicates vocally in a very loud voice -02386012 __ordinate_VB_1 appoint to a clerical posts; "he was ordained in the Church" -02385634 __post_VB_3 assign to a post; put into a post; "The newspaper posted him in Timbuktu" -02385372 __divest_VB_2 deprive of status or authority; "he was divested of his rights and his title"; "They disinvested themselves of their rights" -12982103 __pythiaceae_NN_1 fungi having sporangia usually borne successively and singly at the tips of branching sporangiophores -02384940 __pay_for_VB_1 have as a guest; "I invited them to a restaurant" -05103946 __largeness_NN_3 the property of having a relatively great size -10200531 __importee_NN_1 an imported person brought from a foreign country; "the lead role was played by an import from Sweden"; "they are descendants of indentured importees" -02384275 __seat_VB_3 place ceremoniously or formally in an office or position; "there was a ceremony to induct the president of the Academy" -09816771 __associate_NN_1 a person who joins with others in some activity or endeavor; "he had to consult his associate before continuing" -00231567 __override_NN_2 the act of nullifying; making null and void; counteracting or overriding the effect or force of something -02383842 __take_office_VB_1 assume an office, duty, or title; "When will the new President take office?" -08193212 __nawcwpns_NN_1 the principal agency of the United States Navy for research and development for air warfare and missile weapon systems -04747899 __equality_NN_1 the quality of being the same in quantity or measure or value or status -09083659 __decatur_NN_2 a city in central Illinois; Abraham Lincoln practiced law here -01606205 __fortify_VB_2 enclose by or as if by a fortification -01732713 __harp_VB_2 play the harp; "She harped the Saint-Saens beautifully" -02381571 __ascend_VB_3 become king or queen; "She ascended to the throne after the King's death" -02381397 __enter_VB_7 take on duties or office; "accede to the throne" -02380980 __pull_out_VB_4 remove oneself from an obligation; "He bowed out when he heard how much work was involved" -02380571 __pension_off_VB_1 let go from employment with an attractive pension; "The director was pensioned off when he got senile" -10712573 __tipper_NN_1 a person who leaves a tip; "a generous tipper" -08624385 __station_NN_4 the position where someone (as a guard or sentry) stands or is assigned to stand; "a soldier manned the entrance post"; "a sentry station" -02836035 __bicycle_wheel_NN_1 the wheel of a bicycle -02378623 __react_VB_2 act against or in opposition to; "She reacts negatively to everything I say" -15016852 __chloride_NN_2 any salt of hydrochloric acid (containing the chloride ion) -02377938 __combine_VB_5 join for a common purpose or in a common action; "These forces combined with others" -00472992 __combustible_JJ_1 capable of igniting and burning -09075007 __st._petersburg_NN_1 a city in western Florida on Tampa Bay; a popular winter resort -02376089 __wage_VB_1 carry on (wars, battles, or campaigns); "Napoleon and Hitler waged war against all of Europe" -11292207 __selznick_NN_1 United States filmmaker noted for his film adaptations of popular novels (1902-1965) -02375131 __pursue_VB_1 carry out or participate in an activity; be involved in; "She pursued many activities"; "They engaged in a discussion" -02643316 __scorpaena_grandicornis_NN_1 a kind of scorpionfish -03422589 __gas-discharge_tube_NN_1 a tube in which an electric discharge takes place through a gas -02992795 __sellotape_NN_1 transparent or semitransparent adhesive tape (trade names Scotch tape and Sellotape) used for sealing or attaching or mending -02373785 __put_forward_VB_2 insist on having one's opinions and rights recognized; "Women should assert themselves more!" -02373015 __work_VB_9 proceed towards a goal or along a path or through an activity; "work your way through every problem or task"; "She was working on her second martini when the guests arrived"; "Start from the bottom and work towards the top" -13550318 __reproduction_NN_1 the process of generating offspring -02510769 __gill_NN_4 respiratory organ of aquatic animals that breathe oxygen dissolved in water -02371684 __partner_VB_2 act as a partner; "Astaire partnered Rogers" -03099454 __convent_NN_1 a religious residence especially for nuns -02216710 __subsidize_VB_1 support through subsidies; "The arts in Europe are heavily subsidized" -11425580 __atmospheric_phenomenon_NN_1 a physical phenomenon associated with the atmosphere -01785532 __scutigera_NN_1 a genus of Scutigeridae -02367363 __move_VB_8 perform an action, or work out or perform (an action); "think before you act"; "We must move quickly"; "The governor should act on the new energy bill"; "The nanny acted quickly by grabbing the toddler and covering him with a wet towel" -01257701 __parole_NN_3 (law) a conditional release from imprisonment that entitles the person to serve the remainder of the sentence outside the prison as long as the terms of release are complied with -09367991 __want_NN_3 anything that is necessary but lacking; "he had sufficient means to meet his simple needs"; "I tried to supply his wants" -02205095 __tipulidae_NN_1 crane flies -04595855 __wiring_NN_1 a circuit of wires for the distribution of electricity -00215683 __overthrow_NN_1 the termination of a ruler or institution (especially by force) -02670382 __particle_accelerator_NN_1 a scientific instrument that increases the kinetic energy of charged particles -02271740 __thripidae_NN_1 thrips -13344664 __insurance_coverage_NN_1 the total amount and type of insurance carried -09637211 __black_man_NN_1 a man who is Black -00272448 __subversion_NN_1 destroying someone's (or some group's) honesty or loyalty; undermining moral integrity; "corruption of a minor"; "the big city's subversion of rural innocence" -11420376 __spontaneous_generation_NN_1 a hypothetical organic phenomenon by which living organisms are created from nonliving matter -02700422 __high_relief_NN_1 a sculptural relief in which forms extend out from the background to at least half their depth -08682188 __wilkes_land_NN_1 a coastal region of Antarctica on the Indian Ocean to the south of Australia; most of the territory is claimed by Australia -04604806 __worm_gear_NN_1 gear consisting of a shaft with screw thread (the worm) that meshes with a toothed wheel (the worm wheel); changes the direction of the axis of rotary motion -09610660 __communicator_NN_1 a person who communicates with others -10091564 __hothead_NN_1 a belligerent grouch -02362798 __stave_VB_1 furnish with staves; "stave a ladder" -00601378 __plunge_VB_5 cause to be immersed; "The professor plunged his students into the study of the Italian text" -09780984 __airhead_NN_1 a flighty scatterbrained simpleton; "she's a total airhead"; "every airhead on a big salary rushed out to buy one" -02361811 __machicolate_VB_1 supply with projecting galleries; "machicolate the castle walls" -02361600 __edge_VB_2 provide with a border or edge; "edge the tablecloth with embroidery" -15147850 __adolescence_NN_1 the time period between the beginning of puberty and adulthood -10388732 __superintendent_NN_1 a person who directs and manages an organization -05631449 __purgatory_NN_2 (theology) in Roman Catholic theology the place where those who have died in a state of grace undergo limited torment to expiate their sins -11786017 __genus_calla_NN_1 water arum -00074834 __shed_blood_VB_2 lose blood from one's body -00171127 __qualify_VB_7 add a modifier to a constituent -02360497 __top_out_VB_2 provide with a top or finish the top (of a structure); "the towers were topped with conical roofs" -06122178 __geography_NN_1 study of the earth's surface; includes people's responses to topography and climate and soil and vegetation -02020237 __maraud_VB_1 raid and rove in search of booty; "marauding rebels overran the countryside" -12395717 __pipturus_NN_1 an Australian genus of woody plants of the family Urticaceae -14373582 __psychological_state_NN_1 (psychology) a mental condition in which the qualities of a state are relatively constant even though the state itself may be dynamic; "a manic state" -01419160 __riffle_VB_4 shuffle (playing cards) by separating the deck into two parts and riffling with the thumbs so the cards intermix -02358034 __open_VB_10 afford access to; "the door opens to the patio"; "The French doors give onto a terrace" -02357873 __water_VB_2 provide with water; "We watered the buffalo" -07256375 __psychic_phenomenon_NN_1 phenomena that appear to contradict physical laws and suggest the possibility of causation by mental processes -02357693 __patch_VB_2 provide with a patch; also used metaphorically; "The field was patched with snow" -02357228 __save_VB_9 spend sparingly, avoid the waste of; "This move will save money"; "The less fortunate will have to economize now" -09953178 __conditioner_NN_2 a trainer of athletes -02356974 __throw_in_VB_1 add as an extra or as a gratuity -02356704 __oversupply_VB_1 supply with an excess of; "flood the market with tennis shoes"; "Glut the country with cheap imports from the Orient" -01327301 __waste_VB_5 get rid of (someone who may be a threat) by killing; "The mafia liquidated the informer"; "the double agent was neutralized" -01106587 __ferrying_NN_1 transport by boat or aircraft -02355259 __kick_back_VB_1 pay a kickback; make an illegal payment -07394814 __sputtering_NN_1 the noise of something spattering or sputtering explosively; "he heard a spatter of gunfire" -08687884 __water_bearer_NN_2 the eleventh sign of the zodiac; the sun is in this sign from about January 20 to February 18 -02354536 __wire_VB_1 provide with electrical circuits; "wire the addition to the house" -02354287 __joint_VB_2 provide with a joint; "the carpenter jointed two pieces of wood" -07175102 __misreading_NN_1 misinterpretation caused by inaccurate reading -02353201 __constitutionalize_VB_1 provide with a constitution, as of a country; "The United States were constitutionalized in the late 18th century" -05329735 __endocrine_gland_NN_1 any of the glands of the endocrine system that secrete hormones directly into the bloodstream -02352946 __cornice_VB_1 furnish with a cornice -02352824 __corbel_VB_1 furnish with a corbel -01742310 __genus_charina_NN_1 boas of western North America -11742310 __sweet_fern_NN_2 deciduous shrub of eastern North America with sweet scented fernlike leaves and tiny white flowers -02352019 __pay_off_VB_2 eliminate by paying off (debts) -00530442 __decoke_VB_1 remove carbon from (an engine) -00858742 __zizz_NN_2 a nap; "Arthur's taking a short zizz" -07579076 __morsel_NN_2 a small amount of solid food; a mouthful; "all they had left was a bit of bread" -00255214 __washup_NN_1 the act of washing yourself (or another person) -11115558 __land_NN_10 United States inventor who incorporated Polaroid film into lenses and invented the one step photographic process (1909-1991) -11439690 __cloud_NN_1 any collection of particles (e.g., smoke or dust) or gases that is visible -02349597 __shave_VB_3 cut the price of -02349212 __trust_VB_5 confer a trust upon; "The messenger was entrusted with the general's secret"; "I commit my soul to God" -02348927 __hospitalize_VB_1 admit into a hospital; "Mother had to be hospitalized because her blood pressure was too high" -02348324 __consign_VB_1 commit forever; commit irrevocably -08779504 __suomi_NN_1 republic in northern Europe; achieved independence from Russia in 1917 -00976508 __fast_JJ_1 acting or moving or capable of acting or moving quickly; "fast film"; "on the fast track in school"; "set a fast pace"; "a fast car" -00848169 __traduce_VB_1 speak unfavorably about; "She badmouths her husband everywhere" -01751173 __overplay_VB_1 exaggerate one's acting -02345856 __smuggle_VB_1 import or export without paying customs duties; "She smuggled cigarettes across the border" -02345647 __spare_VB_3 give up what is not strictly needed; "he asked if they could spare one of their horses to speed his journey" -01731031 __sing_VB_1 deliver by singing; "Sing Christmas carols" -02539334 __master_VB_3 have dominance or the power to defeat over; "Her pain completely mastered her"; "The methods can master the problems" -07273136 __ticket_NN_2 a label written or printed on paper, cardboard, or plastic that is attached to something to indicate its owner, nature, price, etc. -02344243 __pay_VB_10 make a compensation for; "a favor that cannot be paid back" -02343595 __sacrifice_VB_1 endure the loss of; "He gave his life for his children"; "I gave two sons to the war" -02343374 __bank_VB_3 do business with a bank or keep an account at a bank; "Where do you bank in this town?" -02342132 __supplement_VB_1 add as a supplement to what seems insufficient; "supplement your diet" -15180528 __point_in_time_NN_1 an instant of time; "at that point I had to leave" -02341816 __upholster_VB_1 provide furniture with padding, springs, webbing, and covers -02341684 __armour_VB_1 equip with armor -14288871 __contusion_NN_1 an injury that doesn't break the skin but results in some discoloration -12497669 __parkinsonia_aculeata_NN_1 large shrub or shrubby tree having sharp spines and pinnate leaves with small deciduous leaflets and sweet-scented racemose yellow-orange flowers; grown as ornamentals or hedging or emergency food for livestock; tropical America but naturalized in southern United States -08014615 __followers_of_the_phrophet_NN_1 a resurgent Islamic fundamentalist organization based in Nigeria that is thought to be planning terrorist attacks -02340897 __muzzle_VB_1 fit with a muzzle; "muzzle the dog to prevent it from biting strangers" -12307756 __privet_NN_1 any of various Old World shrubs having smooth entire leaves and terminal panicles of small white flowers followed by small black berries; many used for hedges -02339413 __outfit_VB_1 provide with (something) usually for a specific purpose; "The expedition was equipped with proper clothing, food, and other necessities" -01204803 __wanton_VB_4 become extravagant; indulge (oneself) luxuriously -11776861 __thevetia_NN_1 genus of poisonous tropical American evergreen shrubs and trees having entire leaves and large cymose flowers -07735179 __vegetable_oyster_NN_2 long white salsify -09030752 __suriname_NN_1 a republic in northeastern South America on the Atlantic; achieved independence from the Netherlands in 1975 -07454196 __bath_mitzvah_NN_1 (Judaism) an initiation ceremony marking the 12th birthday of a Jewish girl and signifying the beginning of religious responsibility -02337545 __costume_VB_2 furnish with costumes; as for a film or play -09961605 __convalescent_NN_1 a person who is recovering from illness -01921559 __worm_family_NN_1 a family of worms -01804340 __genus_colinus_NN_1 New World quail: the bobwhites -07207410 __repudiation_NN_1 rejecting or disowning or disclaiming as invalid; "Congressional repudiation of the treaty that the President had negotiated" -03341707 __finger_hole_NN_2 a hole for inserting a finger -07537485 __depression_NN_4 sad feelings of gloom and inadequacy -02336255 __bush_VB_1 provide with a bushing -04363991 __surgery_NN_2 a room where a doctor or dentist can be consulted; "he read the warning in the doctor's surgery" -11772879 __kurchi_NN_1 tropical Asian tree with hard white wood and bark formerly used as a remedy for dysentery and diarrhea -03341297 __fingerboard_NN_3 a narrow strip of wood on the neck of some stringed instruments (violin or cello or guitar etc) where the strings are held against the wood with the fingers -02335629 __crenellate_VB_1 supply with battlements -06473563 __form_NN_8 a printed document with spaces in which to write; "he filled out his tax form" -02335363 __glaze_VB_3 furnish with glass; "glass the windows" -08040762 __rira_NN_1 a radical terrorist group that broke away in 1997 when the mainstream Provisional IRA proposed a cease-fire; has continued terrorist activities in opposition to any peace agreement -12036781 __genus_campanula_NN_1 large genus of herbs grown for their blossoms: bellflowers -01697837 __tomistoma_NN_1 a genus of Malayan crocodiles -02333689 __site_VB_1 assign a location to; "The company located some of their agents in Los Angeles" -02332999 __victual_VB_1 supply with food; "The population was victualed during the war" -12681141 __viburnum_dentatum_NN_1 deciduous shrub of eastern North America having blue-black berries and tough pliant wood formerly used to make arrows -02332173 __whisker_VB_1 furnish with whiskers; "a whiskered jersey" -08765069 __oslo_NN_1 the capital and largest city of Norway; the country's main port; located at the head of a fjord on Norway's southern coast -02331326 __air-cool_VB_1 equip with an apparatus for controlling the humidity and temperature; "Our house is not air-conditioned" -02331175 __wharf_VB_1 provide with a wharf; "Wharf the mouth of the river" -02330967 __alphabetize_VB_2 provide with an alphabet; "Cyril and Method alphabetized the Slavic languages" -03033019 __dress_circle_NN_1 a curved section or tier of seats in a hall or theater or opera house; usually the first tier above the orchestra; "they had excellent seats in the dress circle" -00635714 __riddle_VB_6 explain a riddle -02391193 __throne_VB_2 put a monarch on the throne; "The Queen was enthroned more than 50 years ago" -02329733 __stock_VB_3 supply with fish; "stock a lake" -06340707 __frau_NN_1 a German courtesy title or form of address for an adult woman -02329578 __stock_VB_4 supply with livestock; "stock a farm" -02228698 __portion_VB_1 give out; "We were assigned new uniforms" -02329292 __tube_VB_1 provide with a tube or insert a tube into -03348454 __pyrotechnic_NN_1 (usually plural) a device with an explosive that burns at a low rate and with colored flames; can be used to illuminate areas or send signals etc. -02155248 __sense_VB_2 detect some circumstance or entity automatically; "This robot can sense the presence of people in the room"; "particle detectors sense ionization" -02326795 __antique_VB_1 shop for antiques; "We went antiquing on Saturday" -06028021 __regression_analysis_NN_1 the use of regression to make quantitative predictions of one variable from the values of another -02325968 __shop_VB_1 do one's shopping; "She goes shopping every Friday" -00639007 __therapeutic_cloning_NN_1 nuclear transplantation of a patient's own cells to make an oocyte from which immune-compatible cells (especially stem cells) can be derived for transplant -02324478 __lend_VB_1 bestow a quality on; "Her presence lends a certain cachet to the company"; "The music added a lot to the play"; "She brings a special atmosphere to our meetings"; "This adds a light note to the program" -10369317 __oboist_NN_1 a musician who plays the oboe -01572328 __northern_oriole_NN_1 a kind of New World oriole -02323870 __caption_VB_1 provide with a caption, as of a photograph or a drawing -02323286 __stock_up_VB_1 amass so as to keep for future use or sale or for a particular occasion or use; "let's stock coffee as long as prices are low" -02323059 __stock_VB_6 provide or furnish with a stock of something; "stock the larder with meat" -13001743 __lentinus_NN_1 a genus of fungus belonging to the family Tricholomataceae -07496463 __suffering_NN_3 psychological suffering; "the death of his wife caused him great distress" -02322596 __roll_VB_10 sell something to or obtain something from by energetic and especially underhanded activity -01184625 __sustain_VB_4 supply with necessities and support; "She alone sustained her family"; "The money will sustain our good cause"; "There's little to earn and many to keep" -02321757 __steal_VB_1 take without the owner's consent; "Someone stole my wallet on the train"; "This author stole entire paragraphs from my dissertation" -02321391 __rob_VB_1 take something away by force or without the consent of the owner; "The burglars robbed him of all his money" -10972495 __gaius_flaminius_NN_1 Roman statesman and general who built the Flaminian Way; died when he was defeated by Hannibal (died 217 BC) -02321046 __charge_VB_9 enter a certain amount as a charge; "he charged me $15" -10756641 __visionary_NN_1 a person given to fanciful speculations and enthusiasms with little regard for what is actually possible -10548537 __salesman_NN_1 a man salesperson -02320374 __charge_VB_3 demand payment; "Will I get charged for this service?"; "We were billed for 4 nights in the hotel, although we stayed only 3 nights" -04881998 __nonindulgence_NN_1 the trait of great self-denial (especially refraining from worldly pleasures) -02573249 __tilefish_NN_2 yellow-spotted violet food fish of warm deep waters -00019613 __substance_NN_1 the real physical matter of which a person or thing consists; "DNA is the substance of our genes" -02317661 __impoverish_VB_1 make poor -01547459 __tyrannidae_NN_1 New World tyrant flycatchers most numerous in Central America and South America but also in the United States and Canada -02748183 __aspersorium_NN_2 a short-handled device with a globe containing a sponge; used for sprinkling holy water -13189844 __pteridium_aquilinum_NN_1 large coarse fern often several feet high; essentially weed ferns; cosmopolitan -02316868 __give_VB_1 cause to have, in the abstract sense or physical sense; "She gave him a black eye"; "The draft gave me a cold" -08496655 __polar_circle_NN_1 a line of latitude at the north or south poles -02316304 __resign_VB_3 part with a possession or right; "I am relinquishing my bedroom to the long-term house guest"; "resign a claim to the throne" -11357086 __urban_vi_NN_1 Italian pope from 1378 to 1389 whose contested election began the Great Schism; he alienated his political allies by his ruthless treatment of his opponents (1318-1389) -02315525 __inherit_VB_1 obtain from someone after their death; "I inherited a castle from my French grandparents" -10575594 __seeder_NN_1 a person who seeds clouds -02315048 __displume_VB_1 strip of honors, possessions, or attributes -02393300 __tapiridae_NN_1 tapirs and extinct related forms -12074205 __genus_oncidium_NN_1 large genus of showy epiphytic or lithophytic or terrestrial orchids of tropical and subtropical America -06754415 __subsumption_NN_1 the premise of a syllogism that contains the minor term (which is the subject of the conclusion) -07465448 __series_NN_4 (sports) several contests played successively by the same teams; "the visiting team swept the series" -02314275 __strip_VB_1 take away possessions from someone; "The Nazis stripped the Jews of all their assets" -08963369 __malaysia_NN_1 a constitutional monarchy in southeastern Asia on Borneo and the Malay Peninsula; achieved independence from the United Kingdom in 1957 -08161068 __electorate_NN_1 the body of enfranchised citizens; those qualified to vote -01160342 __punishment_NN_1 the act of punishing -02581276 __suborn_VB_1 incite to commit a crime or an evil deed; "He suborned his butler to cover up the murder of his wife" -06646628 __vestige_NN_1 an indication that something has been present; "there wasn't a trace of evidence for the claim"; "a tincture of condescension" -02310855 __deposit_VB_2 put into a bank account; "She deposits her paycheck every month" -02310328 __submit_VB_9 make over as a return; "They had to render the estate" -02309008 __combine_VB_4 add together from different sources; "combine resources" -12975804 __true_slime_mold_NN_1 a slime mold of the class Myxomycetes -02308552 __assess_VB_2 charge (a person or a property) with a payment, such as a tax or a fine -02835915 __saddle_NN_5 a seat for the rider of a bicycle -06980465 __south-central_dravidian_NN_1 a Dravidian language spoken primarily in south central India -03800001 __muscle_relaxant_NN_1 a drug that reduces muscle contractility by blocking the transmission of nerve impulses or by decreasing the excitability of the motor end plate or by other actions -12515925 __garbanzo_NN_1 the seed of the chickpea plant -02015384 __pull_in_VB_3 of trains; move into (a station); "The bullet train drew into Tokyo Station" -12015384 __silybum_NN_1 small genus of east African herbs -10584729 __sexpot_NN_1 a young woman who is thought to have sex appeal -07885223 __drink_NN_1 a single serving of a beverage; "I asked for a hot drink"; "likes a drink before dinner" -02838728 __vizor_NN_2 a brim that projects to the front to shade the eyes; "he pulled down the bill of his cap and trudged ahead" -02306462 __levy_VB_1 impose and collect; "levy a fine" -02306087 __hive_VB_1 store, like bees; "bees hive honey and pollen"; "He hived lots of information" -02305856 __stash_VB_1 save up as for future use -02305586 __pick_up_VB_4 gather or collect; "You can get the results on Monday"; "She picked up the children at the day care center"; "They pick up our trash twice a week" -11158982 __marshall_NN_2 United States general and statesman who as Secretary of State organized the European Recovery Program (1880-1959) -00925490 __wonder_VB_3 be amazed at; "We marvelled at the child's linguistic abilities" -02304648 __snap_up_VB_1 get hold of or seize quickly and easily; "I snapped up all the good buys during the garage sale" -05640433 __skillfulness_NN_1 the state of being cognitively skillful -02303761 __lapse_VB_5 let slip; "He lapsed his membership" -08518171 __encampment_NN_1 a site where people on holiday can pitch a tent -02302454 __preempt_VB_1 acquire for oneself before others can do so -02302220 __hold_VB_9 have rightfully; of rights, titles, and offices; "She bears the title of Duchess"; "He held the governorship for almost a decade" -00616083 __compression_NN_3 encoding information while reducing the bandwidth or bits required -00479076 __court_game_NN_1 an athletic game played on a court -00881998 __felicitate_VB_1 express congratulations -02446014 __mephitis_NN_3 in some classifications: type genus of the subfamily Mephitinae -00253270 __purification_NN_1 the act of cleaning by getting rid of impurities -07368646 __occultation_NN_1 one celestial body obscures another -12937130 __wild_carrot_NN_1 a widely naturalized Eurasian herb with finely cut foliage and white compound umbels of small white or yellowish flowers and thin yellowish roots -12874642 __sesamum_NN_1 tropical African and Indian herbs -02300060 __call_VB_15 make a demand, as for a card or a suit or a show of hands; "He called his trump" -02299687 __underbid_VB_3 bid too low -04248209 __snap_fastener_NN_1 a fastener used on clothing; fastens with a snapping sound; "children can manage snaps better than buttons" -13313899 __indirect_tax_NN_1 a tax levied on goods or services rather than on persons or organizations -15032376 __toxicant_NN_1 any substance that causes injury or illness or death of a living organism -00194170 __milk_VB_1 take milk from female mammals; "Cows need to be milked every morning" -13325010 __rate_NN_2 amount of a charge or payment relative to some basis; "a 10-minute phone call at that rate would cost $5" -02298471 __market_VB_3 deal in a market -02297948 __offer_VB_11 make available; provide; "extend a loan"; "The bank offers a good deal on new mortgages" -02770830 __backseat_NN_2 a seat at the back of a vehicle (especially the seat at the back of an automobile) -02297409 __offer_VB_6 make available for sale; "The stores are offering specials on sweaters this week" falling short of some prescribed norm; "substandard housing" -02297142 __proffer_VB_1 present for acceptance or rejection; "She offered us all a cold drink" -05352291 __metacarpal_artery_NN_1 dorsal and palmar arteries of the hand -01068184 __interposition_NN_1 the action of interjecting or interposing an action or remark that interrupts -00780575 __wander_VB_5 lose clarity or turn aside especially from the main subject of attention or course of argument in writing, thinking, or speaking; "She always digresses when telling a story"; "her mind wanders"; "Don't digress when you give a lecture" distinctly or sharply outlined; "crystalline sharpness of outline"- John Buchan -08968879 __outer_mongolia_NN_1 a landlocked socialist republic in central Asia -07209089 __demurrer_NN_1 (law) a formal objection to an opponent's pleadings -02295550 __share_VB_2 use jointly or in common -02295208 __share_VB_3 have, give, or receive a share of; "We shared the cake" -02295082 __admeasure_VB_1 determine the quantity of someone's share -08462320 __information_NN_4 a collection of facts from which conclusions may be drawn; "statistical data" -01308668 __spanish_war_NN_1 a war between the United States and Spain in 1898 -02294436 __shell_out_VB_1 administer or bestow, as in small portions; "administer critical remarks to everyone present"; "dole out some money"; "shell out pocket money for the children"; "deal a blow to someone"; "the machine dispenses soft drinks" -02574651 __family_echeneididae_NN_1 fishes having a sucking disk on the head for clinging to other fishes and to ships -04058239 __rom_NN_1 (computer science) memory whose contents can be accessed and read but cannot be changed -09619824 __individualist_NN_1 a person who pursues independent thought or action -02291708 __yield_VB_10 bring in; "interest-bearing accounts"; "How much does this savings certificate pay annually?" -07907943 __liqueur_NN_1 strong highly flavored sweet liquor usually drunk after a meal -08457976 __series_NN_1 similar things placed in order or happening one after another; "they were investigating a series of bank robberies" -03394480 __rattler_NN_2 a railroad train consisting of freight cars -02291548 __net_VB_2 yield as a net profit; "This sale netted me $1 million" -06526291 __partnership_NN_3 a contract between two or more persons who agree to pool talent and money and share profits or losses -02291258 __sack_up_VB_1 make as a net profit; "The company cleared $1 million" -02290956 __do_good_VB_1 be beneficial for; "This will do you good" -02288656 __cozen_VB_3 cheat or trick; "He cozened the money out of the old man" -07979425 __greek_mythology_NN_1 the mythology of the ancient Greeks -02287041 __pick_up_VB_8 buy casually or spontaneously; "I picked up some food for a snack" -00204022 __averting_NN_2 the act of turning yourself (or your gaze) away; "averting her gaze meant that she was angry" -09849598 __love_NN_3 a beloved person; used as terms of endearment -02286687 __strike_VB_12 find unexpectedly; "the archeologists chanced upon an old tomb"; "she struck a goldmine"; "The hikers finally struck the main path to the lake" -10065066 __ethicist_NN_1 a philosopher who specializes in ethics -02285629 __regain_VB_2 come upon after searching; find the location of something that was missed or lost; "Did you find your glasses?"; "I cannot find my gloves!" -10849873 __sir_henry_bessemer_NN_1 British inventor and metallurgist who developed the Bessemer process (1813-1898) -02285392 __stockpile_VB_1 have on hand; "Do you carry kerosene heaters?" -00108181 __smoke_NN_8 (baseball) a pitch thrown with maximum velocity; "he swung late on the fastball"; "he showed batters nothing but smoke" -02284951 __return_VB_10 pay back; "Please refund me my money" -02284803 __pay_off_VB_5 pay someone with influence in order to receive a favor -02930503 __satanic_JJ_2 of or relating to Satan; "Satanic verses" -05702726 __regard_NN_2 paying particular notice (as to children or helpless people); "his attentiveness to her wishes"; "he spends without heed to the consequences" -02283716 __save_VB_10 retain rights to; "keep my job for me while I give birth"; "keep my seat, please"; "keep open the possibility of a merger" -02283324 __retain_VB_3 secure and keep for possible future use or application; "The landlord retained the security deposit"; "I reserve the right to disagree" -07596684 __sweet_NN_3 a food rich in sugar -02282365 __warehouse_VB_1 store in a warehouse -08960363 __benghazi_NN_1 port in northern Libya on the Gulf of Sidra; formerly a joint capital of Libya with Tripoli -12833793 __genus_streptocarpus_NN_1 large genus of usually stemless African or Asian herbs: Cape primrose -02833793 __pinion_and_ring_gear_NN_1 gears that mesh at an angle -09828760 __pediatrist_NN_1 a specialist in the care of babies -08925552 __sapporo_NN_1 a commercial city in northern Japan on western Hokkaido -02281093 __store_VB_1 keep or lay aside for future use; "store grain for the winter"; "The bear stores fat for the period of hibernation when he doesn't eat" -01270343 __corregidor_NN_1 the peninsula and island in the Philippines where Japanese forces besieged American forces in World War II; United States forces surrendered in 1942 and recaptured the area in 1945 -02280869 __tire_VB_3 deplete; "exhaust one's savings"; "We quickly played out our strength" -02280132 __preserve_VB_2 keep in safety and protect from harm, decay, loss, or destruction; "We preserve these archeological findings"; "The old lady could not keep up the building"; "children must be taught to conserve our national heritage"; "The museum curator conserved the ancient manuscripts" -00920336 __watch_VB_7 find out, learn, or determine with certainty, usually by making an inquiry or other effort; "I want to see whether she speaks French"; "See whether it works"; "find out if he speaks Russian"; "Check whether the train leaves on time" -11182621 __william_mitchell_NN_1 United States aviator and general who was an early advocate of military air power (1879-1936) -07619881 __tapioca_NN_1 granular preparation of cassava starch used to thicken especially puddings -02278470 __crib_VB_2 take unauthorized (intellectual material) -01384102 __berry_VB_1 pick or gather berries; "We went berrying in the summer" -02278061 __plagiarize_VB_1 take without referencing from someone else's writing or speech; of intellectual property -02277897 __pirate_VB_1 copy illegally; of published material -02277448 __stick_up_VB_1 rob at gunpoint or by means of some other threat -02277303 __shoplift_VB_1 steal in a store -02277138 __rustle_VB_2 take illegally; "rustle cattle" -03922722 __phenylbutazone_NN_1 anti-inflammatory drug (trade name Butazolidin) -05265417 __alimentary_tract_smear_NN_1 any of several cytologic smears obtained from different parts of the alimentary tract; obtained by specialized lavage techniques and used mainly to diagnose cancer in those parts -10269785 __logistician_NN_1 a person skilled at symbolic logic -09429934 __selkirk_mountains_NN_1 a range of the Rocky Mountains in southeastern British Columbia -00330457 __speedup_NN_1 the act of accelerating; increasing the speed -00734054 __take_VB_13 take into consideration for exemplifying purposes; "Take the case of China"; "Consider the following case" -02275152 __raid_VB_3 take over (a company) by buying a controlling interest of its stock; "T. Boone Pickens raided many large companies" -02274299 __take_over_VB_5 take over ownership of; of corporations and companies -00883611 __reducible_JJ_1 capable of being reduced; "reducible to a set of principles of human nature"- Edmund Wilson -02272549 __seize_VB_3 take possession of by force, as after an invasion; "the invaders seized the land and property of the inhabitants"; "The army seized the town"; "The militia captured the castle" -02191311 __tone_down_VB_1 deaden (a sound or noise), especially by wrapping -02271137 __put_VB_5 make an investment; "Put money into bonds" -02270648 __freeload_VB_1 live off somebody's generosity; "This young man refuses to work and is freeloading" -01815628 __please_VB_1 give pleasure to or be pleasing to; "These colors please the senses"; "a pleasing sensation" -02270165 __shnorr_VB_1 obtain or seek to obtain by cadging or wheedling; "he is always shnorring cigarettes from his friends" -06704740 __law_degree_NN_1 degree conferred on someone who successfully completes law school -01521367 __unravel_VB_2 disentangle; "can you unravel the mystery?" -02269894 __scrounge_VB_1 collect or look around for (food) -08279800 __air_force_academy_NN_1 an academy for training air force officers -06197664 __trend_NN_3 a general tendency to change (as of opinion); "not openly liberal but that is the trend of the book"; "a broad movement of the electorate to the right" -04649651 __sauciness_NN_1 inappropriate playfulness -10313872 __microscopist_NN_1 a scientist who specializes in research with the use of microscopes -02269003 __splurge_VB_1 indulge oneself; "I splurged on a new TV" -10303513 __mauler_NN_1 a fighter who batters the opponent; "Jack Dempsey was called a mauler" -02267989 __use_up_VB_2 require (time or space); "It took three hours to get to work this morning"; "This event occupied a very short time" -13248087 __ecclesiastical_benefice_NN_1 an endowed church office giving income to its holder -02145424 __vespertilionid_NN_1 a variety of carnivorous bat -10172448 __troglodyte_NN_1 one who lives in solitude -02264752 __credit_VB_3 accounting: enter as credit; "We credit your account with $100" -04412097 __tent_flap_NN_1 flap consisting of a piece of canvas that can be drawn back to provide entrance to a tent -01742244 __ridge_VB_2 plough alternate strips by throwing the furrow onto an unploughed strip -12342498 __wickup_NN_1 tall North American perennial with creeping rootstocks and narrow leaves and spikes of pinkish-purple flowers occurring in great abundance in burned-over areas or recent clearings; an important honey plant -02063516 __family_balaenidae_NN_1 right whales -03841666 __office_NN_1 place of business where professional or clerical duties are performed; "he rented an office in the new building" -05581349 __plate_NN_9 any flat platelike body structure or part -08715390 __union_of_burma_NN_1 a mountainous republic in southeastern Asia on the Bay of Bengal; "much opium is grown in Myanmar" -02262752 __submit_VB_4 hand over formally -02369012 __family_bathyergidae_NN_1 mole rats; sand rats -14550469 __amputation_NN_1 a condition of disability resulting from the loss of one or more limbs -10128519 __geophysicist_NN_1 a geologist who uses physical principles to study the properties of the earth -02262601 __pension_off_VB_2 grant a pension to -02262139 __certificate_VB_1 present someone with a certificate -09897350 __immune_carrier_NN_1 (medicine) a person (or animal) who has some pathogen to which he is immune but who can pass it on to others -04196803 __shipping_room_NN_1 a room where goods are packaged and shipped -08230906 __yakuza_NN_2 organized crime in Japan; an alliance of criminal organizations and illegal enterprises -03017070 __child's_room_NN_1 a bedroom for a child -01647672 __give_VB_13 bring about; "The trompe l'oeil-illusion establishes depth" -00160261 __assimilate_VB_3 make similar; "This country assimilates immigrants very quickly" -02276088 __effervescent_JJ_2 (of a liquid) giving off bubbles -09918867 __wonder_child_NN_1 a prodigy whose talents are recognized at an early age; "Mozart was a child prodigy" -01049737 __intone_VB_2 recite with musical intonation; recite as a chant or a psalm; "The rabbi chanted a prayer" -02260362 __trade_VB_1 engage in the trade of; "he is merchandising telephone sets" -02260085 __trade_in_VB_1 turn in as payment or part payment for a purchase; "trade in an old car for a new one" -12137569 __grain_sorghum_NN_1 any of several sorghums cultivated primarily for grain -02259547 __huckster_VB_2 wrangle (over a price, terms of an agreement, etc.); "Let's not haggle over a few dollars" -02259005 __trade_VB_4 exchange or give (something) in exchange for -03787523 __mortise_joint_NN_2 a joint made by inserting tenon on one piece into mortise holes in the other -02336451 __peromyscus_NN_1 New World wood mice -02258617 __substitute_VB_2 be a substitute; "The young teacher had to substitute for the sick colleague"; "The skim milk substitutes for cream--we are on a strict diet" -02258487 __truncate_VB_1 replace a corner by a plane -02258291 __reduce_VB_4 simplify the form of a mathematical equation of expression by substituting one term for another -02257767 __substitute_VB_1 put in the place of another; switch seemingly equivalent items; "the con artist replaced the original with a fake Rembrandt"; "substitute regular milk with fat-free milk"; "synonyms can be interchanged without a changing the context's meaning" -02257370 __interchange_VB_2 give to, and receive from, one another; "Would you change places with me?"; "We have been exchanging letters for a year" -12233759 __genus_cassiope_NN_1 low tufted evergreen shrubs of colder parts of north temperate regions having moss-like foliage and nodding white or pink flowers -04783888 __tenableness_NN_1 the quality of being plausible or acceptable to a reasonable person; "he questioned the tenability of my claims" -08898457 __aswan_NN_1 an ancient city on the Nile in Egypt; two dams across the Nile have been built nearby -07241837 __speechmaking_NN_1 delivering an address to a public audience; "people came to see the candidates and hear the speechmaking" -03350011 __low_gear_NN_1 the lowest forward gear ratio in the gear box of a motor vehicle; used to start a car moving -02256109 __value_VB_2 hold dear; "I prize these old photographs" -09169801 __gobi_desert_NN_1 a desert in central China -05223370 __fissure_NN_3 (anatomy) a long narrow slit or groove that divides an organ into lobes -14186340 __virus_infection_NN_1 infection by a virus that is pathogenic to humans -02255462 __grant_VB_1 let have; "grant permission"; "Mandela was allowed few visitors in prison" -02254767 __bounce_VB_6 refuse to accept and send back; "bounce a check" -04826999 __religiousness_NN_1 piety by virtue of being devout -02253154 __pay_VB_11 discharge or settle; "pay a debt"; "pay an obligation" -02252931 __pay_up_VB_1 cancel or discharge a debt; "pay up, please!" -02251743 __pay_VB_1 give money, usually in exchange for goods or services; "I paid four dollars for this sandwich"; "Pay the waitress, please" -10556953 __shlepper_NN_1 (Yiddish) an awkward and stupid person -05756203 __transfer_of_training_NN_1 application of a skill learned in one situation to a different but similar situation -02251065 __insure_VB_4 take out insurance for -10508141 __ratepayer_NN_1 a person who pays local rates (especially a householder) -02250625 __repair_VB_2 make amends for; pay compensation for; "One can never fully repair the suffering and losses of the Jews in the Third Reich"; "She was compensated for the loss of her arm in the accident" -13633229 __conductance_unit_NN_1 a measure of a material's ability to conduct an electrical charge -02249741 __remunerate_VB_1 make payment to; compensate; "My efforts were not remunerated" -01225970 __stroke_VB_1 touch lightly and repeatedly, as with brushing motions; "He stroked his long beard" -12777436 __styrax_NN_1 any shrub or small tree of the genus Styrax having fragrant bell-shaped flowers that hang below the dark green foliage -02249018 __address_VB_7 access or locate by address -13742358 __zero_NN_2 a mathematical element that when added to another number yields the same number -14108713 __coronary_artery_disease_NN_1 a stage of arteriosclerosis involving fatty deposits (atheromas) inside the arterial walls, thus narrowing the arteries -07286799 __auspice_NN_1 a favorable omen -09306642 __mount_hubbard_NN_1 a mountain peak in southeastern Alaska that is part of the Coast Range (14,950 feet high) -10383689 __orientalist_NN_1 a specialist in oriental subjects -03903868 __plinth_NN_1 an architectural support or base (as for a column or statue) -02247977 __retrieve_VB_1 get or find back; recover the use of; "She regained control of herself"; "She found her voice and replied quickly" -02247749 __de-access_VB_1 dispose of by selling; "the museum sold off its collection of French impressionists to raise money"; "the publishing house sold off one of its popular magazines" -04666416 __slackness_NN_3 the quality of being lax and neglectful -03724756 __musjid_NN_1 (Islam) a Muslim place of worship -11751765 __poison_bush_NN_2 either of two Australian plants of the genus Swainsona that are poisonous to sheep -06759063 __understatement_NN_1 a statement that is restrained in ironic contrast to what might have been said -01143713 __trawl_VB_1 fish with trawlers -01828267 __genus_dacelo_NN_1 Australasian kingfishers -13065215 __gymnosporangium_NN_1 genus of fungi that produce galls on cedars and other conifers of genera Juniperus and Libocedrus and causes rust spots on apples and pears and other plants of family Rosaceae -02246686 __deal_VB_12 give (a specific card) to a player; "He dealt me the Queen of Spades" -02246456 __deal_VB_9 distribute cards to the players in a game; "Who's dealing?" -09971839 __courtier_NN_1 an attendant at the court of a sovereign -09424118 __saronic_gulf_NN_1 a gulf of the Aegean on the southeastern coast of Greece -12957608 __pepperwort_NN_1 any of several water ferns of the genus Marsilea having four leaflets -02245555 __push_VB_8 sell or promote the sale of (illegal goods such as drugs); "The guy hanging around the school is pushing drugs" -01624897 __beat_VB_5 shape by beating; "beat swords into ploughshares" -05330244 __thyroid_gland_NN_1 located near the base of the neck -01449974 __transport_VB_2 move while supporting, either in a vehicle or in one's hands or on one's body; "You must carry your camping gear"; "carry the suitcases to the car"; "This train is carrying nuclear waste"; "These pipes carry waste water into the river" -02244956 __trade_VB_5 do business; offer for sale as for one's livelihood; "She deals in gold"; "The brothers sell shoes" -06263609 __print_media_NN_1 a medium that disseminates printed matter -02244773 __auctioneer_VB_1 sell at an auction -07294019 __consequence_NN_2 the outcome of an event especially as relative to an individual -02244603 __realize_VB_5 convert into cash; of goods and property -02244426 __palm_off_VB_1 sell as genuine, sell with the intention to deceive -02243967 __deaccession_VB_1 sell (art works) from a collection, especially in order to raise money for the purchase of other art works; "The museum deaccessioned several important works of this painter" -02242464 __sell_VB_1 exchange or deliver for money or its equivalent; "He sold his house in January"; "She sells her body to survive and support her drug habit" -13566212 __temperature_change_NN_1 a process whereby the degree of hotness of a body (or medium) changes -02242256 __run_VB_25 deal in illegally, such as arms or liquor -08543916 __corn_belt_NN_1 the midwestern states where corn is grown; Iowa and Illinois are excellent for raising corn and corn-fed livestock -00252020 __swabbing_NN_1 cleaning with a mop; "he gave it a good mopping" -02241767 __blackmail_VB_2 obtain through threats -02241621 __extort_VB_1 obtain through intimidation -03128519 __ointment_NN_2 toiletry consisting of any of various substances in the form of a thick liquid that have a soothing and moisturizing effect when applied to the skin -02241107 __wring_VB_3 obtain by coercion or intimidation; "They extorted money from the executive by threatening to reveal his past to the company boss"; "They squeezed money from the owner of the business by threatening him" -09428967 __sediment_NN_1 matter that has been deposited by some natural process -12963796 __sphaeriales_NN_1 large order of ascomycetous fungi usually having a dark hard perithecia with definite ostioles; in more recent classifications often divided among several orders -11633633 __cypress_pine_NN_1 any of several evergreen trees or shrubs of Australia and northern New Caledonia -09064594 __pasadena_NN_1 a city in southwestern California to the east of Los Angeles -00875394 __suggest_VB_1 make a proposal, declare a plan for something; "the senator proposed to abolish the sales tax" -02573918 __rachycentridae_NN_1 family of pelagic fishes containing solely the cobia -10426749 __photographer_NN_1 someone who takes photographs professionally -01456771 __twitch_VB_4 squeeze tightly between the fingers; "He pinched her behind"; "She squeezed the bottle" -02632239 __luvaridae_NN_1 louvars -07753980 __granadilla_NN_4 the egg-shaped edible fruit of tropical American vines related to passionflowers -05585665 __skeletal_structure_NN_1 any structure created by the skeleton of an organism -02166986 __family_carabidae_NN_1 ground beetles -09693100 __hutu_NN_1 a member of a Bantu people living in Rwanda and Burundi -02236624 __take_on_VB_4 admit into a group or community; "accept students for graduate study"; "We'll have to vote on whether or not to admit a new member" -05581693 __nail_NN_1 horny plate covering and protecting part of the dorsal surface of the digits -06008896 __coordinate_axis_NN_1 one of the fixed reference lines of a coordinate system -08142801 __comptroller_of_the_currency_NN_2 the agency of the Treasury Department responsible for controlling the currency -05128519 __surface_area_NN_1 the extent of a 2-dimensional surface enclosed within a boundary; "the area of a rectangle"; "it was about 500 square feet in area" -06707709 __navy_cross_NN_1 a United States Navy decoration for extraordinary heroism against an armed enemy -02234551 __reapportion_VB_1 allocate, distribute, or apportion anew; "Congressional seats are reapportioned on the basis of census data" -02234087 __apportion_VB_1 distribute according to a plan or set apart for a special purpose; "I am allocating a loaf of bread to everyone on a daily basis"; "I'm allocating the rations for the camping trip" -00720063 __wait_VB_3 look forward to the probable occurrence of; "We were expecting a visit from our relatives"; "She is looking to a promotion"; "he is waiting to be drafted" -02758863 __autobahn_NN_1 an expressway in a German-speaking country -05802185 __reckoning_NN_1 problem solving that involves numbers or quantities -02231328 __sneak_VB_4 pass on stealthily; "He slipped me the key when nobody was looking" -08167365 __the_three_estates_NN_1 a major social class or order of persons regarded collectively as part of the body politic of the country (especially in the United Kingdom) and formerly possessing distinct political rights -12367122 __hypericaceae_NN_1 used in some classification systems for plants usually included among the Guttiferae -02230056 __fall_VB_19 come into the possession of; "The house accrued to the oldest son" -02229550 __return_VB_13 be inherited by; "The estate fell to my sister"; "The land returned to the family"; "The estate devolved to an heir that everybody had assumed to be dead" -02223009 __termitidae_NN_1 termites -01872094 __tachyglossidae_NN_1 echidnas -03470387 __gunsight_NN_1 a sight used for aiming a gun -02228355 __strand_VB_1 leave stranded or isolated with little hope of rescue; "the travellers were marooned" -02227741 __give_up_VB_2 give up with the intent of never claiming again; "Abandon your life to God"; "She gave up her children to her ex-husband when she moved to Tahiti"; "We gave the drowning victim up for dead" -06319293 __noun_NN_1 a content word that can be used to refer to a person, place, thing, quality, or action -02204692 __possess_VB_2 have ownership or possession of; "He owns three houses in Florida"; "How many cars does she have?" -01586170 __heleodytes_NN_1 alternative classifications for the cactus wrens -02226559 __dado_VB_1 provide with a dado; "The owners wanted to dado their dining room" -08306194 __caste_NN_2 (Hinduism) a hereditary social class among Hindus; stratified according to ritual purity -08775439 __pfalz_NN_1 a territory in southwestern Germany formerly ruled by the counts palatine -14550797 __hearing_impairment_NN_1 impairment of the sense of hearing -13908201 __cleft_NN_1 a split or indentation in something (as the palate or chin) -02225342 __retire_VB_7 dispose of (something no longer useful or needed); "She finally retired that old coat" -13794034 __inclusion_NN_2 the relation of comprising something; "he admired the inclusion of so many ideas in such a short work" -02225204 __dump_VB_1 throw away as refuse; "No dumping in these woods!" -10772580 __weekend_warrior_NN_2 a reservist who fulfills the military obligation on weekends -10516874 __registrar_NN_3 someone responsible for keeping records -08900047 __saqqarah_NN_1 a town in northern Egypt; site of the oldest Egyptian pyramids -02223238 __trash_VB_1 dispose of (something useless or old); "trash these old chairs"; "junk an old car"; "scrap your old computer" -02223136 __jettison_VB_1 throw away, of something encumbering -05780885 __implication_NN_1 something that is inferred (deduced or entailed or implied); "his resignation had political implications" -00692143 __favour_VB_4 consider as the favorite; "The local team was favored" -11971094 __genus_gazania_NN_1 genus of tomentose tropical African herbs with milky sap -01971094 __decapod_NN_2 cephalopods having eight short tentacles plus two long ones -02222994 __give_it_the_deep_six_VB_1 toss out; get rid of; "deep-six these old souvenirs!" -01220303 __hold_tight_VB_1 hold firmly, usually with one's hands; "She clutched my arm when she got scared" -03054901 __clutch_NN_7 a coupling that connects or disconnects driving and driven parts of a driving mechanism; "this year's model has an improved clutch" -01070102 __communicate_VB_5 be in verbal contact; interchange information or ideas; "He and his sons haven't communicated for years"; "Do you communicate well with your advisor?" -04021798 __pump_NN_1 a mechanical device that moves fluid or gas by pressure or suction -12417686 __ixia_NN_1 a monocotyledonous genus of the family Iridaceae -15228162 __half-hour_NN_1 a half of an hour -07135080 __tittle-tattle_NN_1 light informal conversation for social occasions -01692143 __heloderma_NN_1 type genus of the Helodermatidae; American venomous lizards -08797840 __tel_aviv-yalo_NN_1 the largest city and financial center of Israel; located in western Israel on the Mediterranean -02220461 __transfer_VB_5 cause to change ownership; "I transferred my stock holdings to my children" -02219940 __sponsor_VB_1 assume sponsorship of -03516996 __superheterodyne_receiver_NN_1 a radio receiver that combines a locally generated frequency with the carrier frequency to produce a supersonic signal that is demodulated and amplified -01728840 __improvize_VB_1 perform without preparation; "he extemporized a speech at the wedding" -05152696 __idealism_NN_2 impracticality by virtue of thinking of things in their ideal form rather than as they really are -11534434 __tracheophyta_NN_1 in former classifications: comprising plants with a vascular system including ferns and fern allies as well as seed plants -02469596 __canton_VB_2 divide into cantons, of a country -15254550 __prehistory_NN_1 the time during the development of human culture before the appearance of the written word -04784664 __logicalness_NN_1 correct and valid reasoning -02217695 __back_VB_5 support financial backing for; "back this enterprise" -03646809 __latrine_NN_1 a public toilet in a military area -00207761 __transportation_NN_6 the act of expelling a person from their native land; "men in exile dream of hope"; "his deportation to a penal colony"; "the expatriation of wealthy farmers"; "the sentence was one of transportation for life" -00796839 __enjoin_VB_1 issue an injunction -02217011 __subsidize_VB_2 secure the assistance of by granting a subsidy, as of nations or military forces -00418408 __rigidify_VB_1 become rigid; "The body rigidified" -14699752 __stone_NN_4 a crystalline rock that can be cut and polished for jewelry; "he had the gem set in a ring for his wife"; "she had jewels made of all the rarest stones" -00266586 __polymerize_VB_1 cause (a compound) to polymerize -02215355 __annex_VB_1 take (territory) as if by conquest; "Hitler annexed Lithuania" -02215001 __withhold_VB_2 retain and refrain from disbursing; of payments; "My employer is withholding taxes" -07225857 __tactical_warning_NN_1 (military) a warning after the initiation of a hostile act -00838098 __uptake_NN_1 the process of taking food into the body through the mouth (as by eating) -08522872 __centre_of_mass_NN_1 point representing the mean position of the matter in a body -04090064 __rimactane_NN_1 an antibacterial drug (trade names Rifadin and Rimactane) used to treat tuberculosis -12450099 __genus_erythronium_NN_1 perennial bulbous herbs most of northern United States: dogtooth violet; adder's tongue; trout lily; fawn lily -09636339 __negroid_NN_1 a person with dark skin who comes from Africa (or whose ancestors came from Africa) -02214485 __reserve_VB_1 hold back or set aside, especially for future use or contingency; "they held back their applause in anticipation" -12045514 __puttyroot_NN_1 North American orchid bearing a single leaf and yellowish-brown flowers -02212646 __luck_into_VB_1 take possession of; "She entered upon the estate of her rich relatives" -12564613 __psoralea_esculenta_NN_1 densely hairy perennial of central North America having edible tuberous roots -00311809 __sashay_NN_3 a journey taken for pleasure; "many summer excursions to the shore"; "it was merely a pleasure trip"; "after cautious sashays into the field" -04353016 __sulfisoxazole_NN_1 a sulfonamide (trade name Gantrisin) used to treat infections of the urinary tract -02131418 __ursidae_NN_1 bears and extinct related forms -05468849 __axone_NN_1 long nerve fiber that conducts away from the cell body of the neuron -01046480 __yawp_VB_1 make a raucous noise -04802198 __rightness_NN_3 conformity to fact or truth -12657294 __salmonberry_NN_1 creeping raspberry of north temperate regions with yellow or orange berries -02209499 __rent_out_VB_1 grant the services of or the temporary use of, for a fee; "We rent out our apartment to tourists every year"; "He hired himself out as a cook" -04048075 __railway_NN_2 a line of track providing a runway for wheels; "he walked along the railroad track" -01055661 __explode_VB_6 cause to burst as a result of air pressure; of stop consonants like /p/, /t/, and /k/ -02208903 __rent_VB_2 grant use or occupation of under a term of contract; "I am leasing my country estate to some foreigners" -02208537 __take_VB_31 engage for service under a term of contract; "We took an apartment on a quiet street"; "Let's rent a car"; "Shall we take a guide in Rome?" -01988755 __sediment_VB_1 deposit as a sediment -11878283 __mustard_NN_1 any of several cruciferous plants of the genus Brassica -02207206 __purchase_VB_1 obtain by purchase; acquire by means of a financial transaction; "The family purchased a new car"; "The conglomerate acquired a new company"; "She buys for the big department store" -01382273 __treponemataceae_NN_1 small spirochetes some parasitic or pathogenic -01539633 __absorb_VB_1 become imbued; "The liquids, light, and gases absorb" -00933000 __embodiment_NN_3 giving concrete form to an abstract concept -02227487 __renounce_VB_3 turn away from; give up; "I am foreswearing women forever" -00635904 __strike_VB_21 arrive at after reckoning, deliberating, and weighing; "strike a balance"; "strike a bargain" -02403231 __steer_NN_2 castrated bull -02204242 __monopolize_VB_2 have or exploit a monopoly of; "OPEC wants to monopolize oil" -02202928 __keep_VB_7 look after; be the keeper of; have charge of; "He keeps the shop when I am gone" -02202133 __tip_VB_3 give a tip or gratuity to in return for a service, beyond the compensation agreed on; "Remember to tip the waiter"; "fee the steward" -09452017 __susquehanna_river_NN_1 a river in the northeastern United States that rises in New York and flows southward through Pennsylvania and Maryland into Chesapeake Bay -02201521 __benefice_VB_1 endow with a benefice -02201268 __endow_VB_2 furnish with an endowment; "When she got married, she got dowered" -00485609 __culminate_VB_1 end, especially to reach a final or climactic stage; "The meeting culminated in a tearful embrace" -10688975 __tagger_NN_1 someone who assigns labels to the grammatical constituents of textual matter -08392137 __terrorist_organization_NN_1 a political movement that uses terror as a weapon to achieve its goals -08549070 __development_NN_6 a district that has been developed to serve some purpose; "such land is practical for small park developments" -00785263 __housebreaking_NN_1 trespassing for an unlawful purpose; illegal entrance into premises with criminal intent -02200498 __give_VB_14 leave with; give temporarily; "Can I give you my keys while I go in the pool?"; "Can I give you the children for the weekend?" -02200341 __spit_up_VB_1 give reluctantly; "He coughed up some money for his children's tuition" -08505573 __desert_NN_1 arid land with little or no vegetation -02199590 __give_VB_3 transfer possession of something concrete or abstract to somebody; "I gave her my money"; "can you give me lessons?"; "She gave the children lots of love and tender loving care" -04764412 __generality_NN_2 the quality of being general or widespread or having general applicability -01453330 __genus_capros_NN_1 a genus of fish in the family Caproidae -07117595 __glottal_stop_NN_1 a stop consonant articulated by releasing pressure at the glottis; as in the sudden onset of a vowel -02085320 __mantle_VB_1 spread over a surface, like a mantle -09498697 __sisyphus_NN_1 (Greek legend) a king in ancient Greece who offended Zeus and whose punishment was to roll a huge boulder to the top of a steep hill; each time the boulder neared the top it rolled back down and Sisyphus was forced to start again -02198014 __roll_VB_5 emit, produce, or utter with a deep prolonged reverberating sound; "The thunder rolled"; "rolling drums" -03641706 __overlap_NN_3 a flap that lies over another part; "the lap of the shingles should be at least ten inches" -02196948 __change_taste_VB_1 alter the flavor of -02196690 __sour_VB_2 make sour or more sour -09823287 __auspex_NN_1 (ancient Rome) a religious official who interpreted omens to guide public policy -02196081 __pepper_VB_1 add pepper to; "pepper the soup" -07289014 __trouble_NN_3 an event causing distress or pain; "what is the trouble?"; "heart trouble" -07560903 __diet_NN_3 the usual food and drink consumed by an organism (person or animal) -02195951 __sugar_VB_1 sweeten with sugar; "sugar your tea" -01647803 __family_discoglossidae_NN_1 family of Old World toads having a fixed disklike tongue -06266296 __direct_mail_NN_1 advertising sent directly to prospective customers via the mail -02195470 __sweeten_VB_1 make sweeter in taste -02194913 __revolt_VB_2 fill with distaste; "This spoilt food disgusts me" -09048460 __colony_NN_3 one of the 13 British colonies that formed the original states of the United States -02194495 __taste_VB_4 have a distinctive or characteristic taste; "This tastes of nutmeg" -08888676 __republic_of_ireland_NN_1 a republic consisting of 26 of 32 counties comprising the island of Ireland; achieved independence from the United Kingdom in 1921 -00619230 __clerking_NN_1 the activity of recording business transactions -11952900 __genus_cichorium_NN_1 chicory -01462468 __intermix_VB_1 combine into one; "blend the nuts and raisins together"; "he blends in with the crowd"; "We don't intermingle much" -02193194 __tell_apart_VB_1 detect with the senses; "The fleeing convicts were picked out of the darkness by the watchful prison guards"; "I can't make out the faces in this photograph" -13619920 __bbl_NN_1 any of various units of capacity; "a barrel of beer is 31 gallons and a barrel of oil is 42 gallons" -11243907 __wiley_post_NN_1 United States aviator who in 1933 made the first solo flight around the world (1899-1935) -02192570 __zest_VB_1 add herbs or spices to -02192225 __curry_VB_1 season with a mixture of spices; typical of Indian cooking -01531742 __imprint_VB_2 mark or stamp with or as if with pressure; "To make a batik, you impress a design with wax" -07173959 __twist_NN_2 an interpretation of a text or action; "they put an unsympathetic construction on his conduct" -02272373 __bull_VB_2 try to raise the price of stocks through speculative buying -02190632 __soften_VB_1 make (images or sounds) soft or softer -05715283 __taste_sensation_NN_1 the sensation that results when taste buds in the tongue and throat convey information about the chemical composition of a soluble stimulus; "the candy left him with a bad taste"; "the melon had a delicious taste" -02539788 __rear_VB_2 bring up; "raise a family"; "bring up children" -13697011 __omani_monetary_unit_NN_1 monetary unit in Oman -02189714 __listen_in_VB_2 listen without the speaker's knowledge; "the jealous man was eavesdropping on his wife's conversations" -06811625 __sign_NN_11 a character indicating a relation between quantities; "don't forget the minus sign" -12077505 __phragmipedium_NN_1 genus of tropical American orchid species often included in genus Cypripedium or Paphiopedilum and Selenipedium: lady slippers -03656484 __lense_NN_1 a transparent optical device used to converge or diverge transmitted light and to form images -01260867 __excitement_NN_3 something that agitates and arouses; "he looked forward to the excitements of the day" -01736669 __photostat_VB_1 make a copy by means of a Photostat device -02187922 __ripple_VB_2 flow in an irregular current with a bubbling noise; "babbling brooks" -14789885 __unslaked_lime_NN_1 a white crystalline oxide used in the production of calcium hydroxide -02187320 __rumble_VB_1 make a low noise; "rumbling thunder" -01142519 __channelization_NN_1 management through specified channels of communication -01330822 __tuck_VB_3 draw together into folds or puckers -01004072 __divergency_NN_2 the act of moving away in different direction from a common point; "an angle is formed by the divergence of two straight lines" -02186690 __clink_VB_1 make a high sound typical of glass; "champagne glasses clinked to make a toast" -02186506 __tinkle_VB_1 make or emit a high sound; "tinkling bells" -13179216 __family_adiantaceae_NN_1 used in some classification systems for some genera of the family Polypodiaceae (or Pteridaceae) -02186360 __sputter_VB_1 make an explosive sound; "sputtering engines" -02185664 __tick_VB_1 make a clicking or ticking sound; "The clock ticked away" -03003730 __chamber_NN_1 a natural or artificial enclosed space -10214230 __shut-in_NN_1 someone who is incapacitated by a chronic illness or injury -00627437 __callisthenics_NN_2 light exercises designed to promote general fitness; "several different calisthenics were illustrated in the video" -02185373 __tap_VB_7 make light, repeated taps on a surface; "he was tapping his fingers on the table impatiently" -01542567 __ploceidae_NN_1 weaverbirds -02184797 __thud_VB_3 make a noise typical of an engine lacking lubricants -02184610 __thump_VB_2 make a dull sound; "the knocker thudded against the front door" -06412771 __catechism_NN_2 an elementary book summarizing the principles of a Christian religion; written as questions and answers -02184163 __consonate_VB_1 sound in sympathy -12574727 __ulex_NN_1 genus of Eurasian spiny shrubs: gorse -13726947 __btu_NN_1 a unit of heat equal to the amount of heat required to raise one pound of water one degree Fahrenheit at one atmosphere pressure; equivalent to 251.997 calories -02183442 __tootle_VB_1 play (a musical instrument) casually; "the saxophone player was tootling a sad melody" -04561734 __waterproof_NN_1 any fabric impervious to water -02182479 __blast_VB_1 make a strident sound; "She tended to blast when speaking into a microphone" -09945021 __commodore_NN_1 a commissioned naval officer who ranks above a captain and below a rear admiral; the lowest grade of admiral -02181973 __toll_VB_1 ring slowly; "For whom the bell tolls" -01457954 __sink_in_VB_2 pass through; "Water permeates sand easily" -02181538 __ring_VB_3 make (bells) ring, often for the purposes of musical edification; "Ring the bells"; "My uncle rings every Sunday at the local church" -02181402 __peal_VB_1 ring recurrently; "bells were pealing" -05248553 __meatus_NN_1 a natural body passageway -11973341 __tarweed_NN_2 any of various western American plants of the genus Grindelia having resinous leaves and stems formerly used medicinally; often poisonous to livestock -04019101 __public_transport_NN_1 conveyance for passengers or mail or freight -05891232 __string_theory_NN_1 (particle physics) a theory that postulates that subatomic particles are one-dimensional strings -01557774 __separate_VB_12 come apart; "The two pieces that we had glued separated" -12738599 __nuytsia_floribunda_NN_1 a terrestrial evergreen shrub or small tree of western Australia having brilliant yellow-orange flowers; parasitic on roots of grasses -02180529 __sound_VB_4 announce by means of a sound; "sound the alarm" -15218551 __shawwal_NN_1 the tenth month of the Islamic calendar -02180152 __gong_VB_1 sound a gong -02179279 __squelch_VB_2 make a sucking sound open and genuine; not deceitful; "he was a good man, decent and sincere"; "felt sincere regret that they were leaving"; "sincere friendship" -01512921 __submarine_VB_2 throw with an underhand motion -02178866 __pink_VB_2 sound like a car engine that is firing too early; "the car pinged when I put in low-octane gasoline"; "The car pinked when the ignition was too far retarded" -06442616 __epistle_NN_2 a book of the New Testament written in the form of a letter from an Apostle -10506417 __rancher_NN_1 a person who owns or operates a ranch -02177976 __gurgle_VB_2 make sounds similar to gurgling water; "The baby gurgled with satisfaction when the mother tickled it" -00568430 __service_NN_12 (sports) a stroke that puts the ball in play; "his powerful serves won the game" -02176268 __sound_VB_2 make a certain noise or sound; "She went `Mmmmm'"; "The gun went `bang'" -02175958 __vibrate_VB_4 sound with resonance; "The sound resonates well in this theater" -01914961 __genus_actinia_NN_1 a genus of sea anemone common in rock pools -02072665 __genus_delphinapterus_NN_1 white whale -02655020 __pufferfish_NN_2 any of numerous marine fishes whose elongated spiny body can inflate itself with water or air to form a globe; several species contain a potent nerve poison; closely related to spiny puffers -02174461 __clangour_VB_1 make a loud resonant noise; "the alarm clangored throughout the building" -02174115 __clangor_VB_2 make a loud noise; "clanging metal" -07010821 __words_NN_5 words making up the dialogue of a play; "the actor forgot his speech" -02408965 __implement_VB_1 apply in a manner consistent with its purpose or design; "implement a procedure" -02173513 __splat_VB_1 give off the sound of a bullet flattening on impact -00073584 __suction_VB_2 empty or clean (a body cavity) by the force of suction; "suction the uterus in an abortion" -06212839 __political_theory_NN_1 an orientation that characterizes the thinking of a group or nation -02172888 __resound_VB_2 emit a noise -00105164 __fling_NN_3 the act of flinging -02172683 __jingle-jangle_VB_1 make a sound typical of metallic objects; "The keys were jingling in his pocket" -15202230 __leap_year_NN_1 in the Gregorian calendar: any year divisible by 4 except centenary years divisible by 400 -02171664 __whine_VB_3 make a high-pitched, screeching noise; "The door creaked when I opened it slowly"; "My car engine makes a whining noise" -08041484 __red_brigades_NN_1 a Marxist-Leninist terrorist organization that arose out of a student protest movement in the late 1960s; wants to separate Italy from NATO and advocates violence in the service of class warfare and revolution; mostly inactive since 1989 -12002197 __petasites_NN_1 genus of rhizomatous herbs of north temperate regions: butterbur; sweet coltsfoot -02169702 __hear_VB_1 perceive (sound) via the auditory sense -14516501 __environmental_condition_NN_1 the state of the environment -02169352 __observe_VB_4 watch attentively; "Please observe the reaction of these two chemicals" -04886881 __self-worth_NN_1 the quality of being worthy of esteem or respect; "it was beneath his dignity to cheat"; "showed his true dignity when under pressure" -10585496 __shah_of_iran_NN_1 title for the former hereditary monarch of Iran -09151800 __bull_run_NN_1 a creek in northeastern Virginia where two battles were fought in the American Civil War -02555908 __lead_VB_9 be conducive to; "The use of computers in the classroom lead to better writing" -01879579 __quiver_VB_3 move with or as if with a regular alternating motion; "the city pulsated with music and excitement" -02084071 __domestic_dog_NN_1 a member of the genus Canis (probably descended from the common wolf) that has been domesticated by man since prehistoric times; occurs in many breeds; "the dog barked all night" -13236726 __genus_hoya_NN_1 large genus of climbing shrubs of Australia and Asia and Polynesia -06591442 __compendium_NN_1 a publication containing a variety of works -05615500 __prudence_NN_2 knowing how to avoid embarrassment or distress; "the servants showed great tact and discretion" -02167210 __keep_one's_eyes_skinned_VB_1 pay attention; be watchful; "Keep your eyes peeled for any policemen" -01058995 __kibitz_VB_1 make unwanted and intrusive comments -11509377 __snow_mist_NN_1 small crystals of ice -02713748 __overhang_VB_1 project over -06997697 __nilo-saharan_language_NN_1 a family of East African languages spoken by Nilotic peoples from the Sahara south to Kenya and Tanzania -08391387 __national_guard_NN_1 United States military reserves recruited by the states and equipped by the federal government; subject to call by either -02164531 __goggle_VB_1 look with amazement; look stupidly -07372779 __headway_NN_2 forward movement; "the ship made little headway against the gale" -06706676 __ribbon_NN_2 an award for winning a championship or commemorating some other event -06072275 __entomology_NN_1 the branch of zoology that studies insects -08948346 __guyana_NN_1 a republic in northeastern South America; formerly part of the British Empire, but it achieved independence from the United Kingdom in 1966 -02163301 __supervise_VB_2 keep tabs on; keep an eye on; keep under surveillance; "we are monitoring the air quality"; "the police monitor the suspect's moves" -01732270 __future_JJ_1 yet to be or coming; "some future historian will evaluate him" -02162434 __dazzle_VB_1 to cause someone to lose clear vision, especially from intense light; "She was dazzled by the bright headlights" -02160433 __beacon_VB_1 shine like a beacon -02159890 __winkle_VB_2 gleam or glow intermittently; "The lights were flashing" -02159741 __disorientate_VB_1 cause to be lost or disoriented -00158996 __suggestion_NN_6 the act of inducing hypnosis -02159427 __guide_on_VB_1 use as a guide; "They had the lights to guide on" -00801277 __youth_movement_NN_1 political or religious or social reform movement or agitation consisting chiefly of young people -02158587 __mask_VB_3 make unrecognizable; "The herb masks the garlic taste"; "We disguised our faces before robbing the bank" -13573915 __vulcanization_NN_1 process of treating rubber or rubberlike materials with sulphur at great heat to improve elasticity and strength or to harden them -02075462 __take_flight_VB_1 run away quickly; "He threw down his gun and fled" -02157731 __obscure_VB_1 make less visible or unclear; "The stars are obscured by the clouds"; "the big elm tree obscures our view of the valley" -02157100 __produce_VB_6 bring onto the market or release; "produce a movie"; "bring out a book"; "produce a new play" -00362103 __price_reduction_NN_1 the act of reducing the selling price of merchandise -01201693 __munch_VB_1 chew noisily; "The children crunched the celery sticks" -00590806 __comptrollership_NN_1 the position of comptroller -02140970 __suborder_microchiroptera_NN_1 most of the bats in the world; all bats except fruit bats insectivorous bats -02156225 __see_VB_19 observe as if with an eye; "The camera saw the burglary and recorded it" -02155799 __instantiate_VB_1 represent by an instance; "This word instantiates the usage that the linguists claimed to be typical for a certain dialect" -02155493 __instantiate_VB_2 find an instance of (a word or particular usage of a word); "The linguists could not instantiate this sense of the noun that he claimed existed in a certain dialect" -15213774 __december_NN_1 the last (12th) month of the year -02154508 __observe_VB_1 discover or determine the existence, presence, or fact of; "She detected high levels of lead in her drinking water"; "We found traces of lead in the paint" -10676018 __superordinate_NN_1 one of greater rank or station or quality -02154312 __spy_VB_1 catch sight of -00599613 __wise_up_VB_1 get wise to; "They wised up to it" -08473623 __reform_movement_NN_1 a movement intended to bring about social and humanitarian reforms -07826544 __almond_extract_NN_1 flavoring made from almonds macerated in alcohol -13719410 __tod_NN_1 a unit of weight for wool equal to about 28 pounds -02244515 __kissing_bug_NN_1 large bloodsucking bug -02153023 __thumb_VB_2 look through a book or other written material; "He thumbed through the report"; "She leafed through the volume" -00516747 __sulphur_VB_1 treat with sulphur in order to preserve; "These dried fruits are sulphured" -04237924 __slide_NN_1 a small flat rectangular piece of glass on which specimens can be mounted for microscopic study -02151966 __watch_out_VB_1 be vigilant, be on the lookout or be careful; "Watch out for pickpockets!" -02151700 __spectate_VB_1 be a spectator in a sports event -08904533 __lucknow_NN_1 a city in northern India in Uttar Pradesh; during the Indian Mutiny its British residents were besieged by Indian insurgents -02150510 __watch_VB_1 look attentively; "watch a basketball game" -10628222 __southerner_NN_1 an American who lives in the South -02588286 __grunt_NN_3 medium-sized tropical marine food fishes that utter grunting sounds when caught -02148369 __cover_up_VB_1 hide from view or knowledge; "The President covered the fact that he bugged the offices in the White House" -02147962 __masquerade_VB_1 take part in a masquerade -13984285 __semidarkness_NN_1 partial darkness -12716166 __simarouba_NN_1 type genus of Simaroubaceae; tropical American trees and shrubs having a pale soft wood and bitter bark -04900739 __decency_NN_1 the quality of conforming to standards of propriety and morality -06785223 __riddle_NN_1 a difficult problem -14894481 __natural_resin_NN_1 a plant exudate -10217038 __irridentist_NN_1 an advocate of irredentism -04175859 __service_station_NN_1 a station where gasoline and oil are sold and facilities are available for repairing or maintaining automobiles -02147109 __cover_VB_19 spread over a surface to conceal or protect; "This paint covers well" -02145814 __hide_out_VB_1 be or go into hiding; keep out of sight, as for protection and safety; "Probably his horse would be close to where he was hiding"; "She is hiding out in a cabin in Montana" -02145543 __obstruct_VB_3 shut out from view or get in the way so as to hide from sight; "The thick curtain blocked the action on the stage"; "The trees obstruct my view of the mountains" -03187751 __dialyzer_NN_1 a medical instrument for separating substances in solution by unequal diffusion through semipermeable membranes -15137676 __leisure_time_NN_1 time available for ease and relaxation; "his job left him little leisure" -10078806 __sodbuster_NN_1 a person who operates a farm -00550545 __shtik_NN_2 (Yiddish) a contrived and often used bit of business that a performer uses to steal attention; "play it straight with no shtik" -15036321 __neurotoxin_NN_1 any toxin that affects neural tissues -02144835 __hide_VB_1 prevent from being seen or discovered; "Muslim women hide their faces"; "hide the money" -02144644 __stamp_VB_3 reveal clearly as having a certain character; "His playing stamps him as a Romantic" -01974062 __raise_VB_2 raise from a lower to a higher position; "Raise your hands"; "Lift a load" -02144460 __express_VB_5 manifest the effects of (a gene or genetic trait); "Many of the laboratory animals express the trait" -00789138 __look_into_VB_1 investigate scientifically; "Let's investigate the syntax of Chinese" -02143539 __unearth_VB_2 recover through digging; "Schliemann excavated Troy"; "excavate gold" -01621219 __wipe_out_VB_3 eliminate completely and without a trace; "The old values have been wiped out" -11516819 __strong_interaction_NN_1 (physics) the interaction that binds protons and neutrons together in the nuclei of atoms; mediated by gluons -08678253 __victoria_land_NN_1 a mountainous area of Antarctica bounded by the Ross Sea and Wilkes Land -13183874 __schaffneria_NN_1 one species -01586374 __cactus_wren_NN_1 large harsh-voiced American wren of arid regions of the United States southwest and Mexico -02139883 __screen_VB_4 project onto a screen for viewing; "screen a film" -02138766 __develop_VB_15 make visible by means of chemical solutions; "Please develop this roll of film for me" -10759151 __volunteer_NN_2 a person who performs voluntary work -02138611 __flash_VB_6 expose or show briefly; "he flashed a $100 bill" -06785367 __toughie_NN_2 a particularly difficult or baffling question or problem -08188235 __ensemble_NN_1 a group of musicians playing or singing together; "a string ensemble" -12096395 __water_pimpernel_NN_1 a white-flowered aquatic plant of the genus Samolus -02696048 __bay_NN_6 a small recess opening off a larger room -10626867 __sorter_NN_1 a clerk who sorts things (as letters at the post office) -12481806 __genus_yucca_NN_1 tropical American plants with stiff lancelike leaves and spikes of white blossoms; sometimes considered a genus of Amaryllidaceae -02137907 __face_VB_7 turn so as to expose the face; "face a playing card" -00404222 __structure_VB_1 give a structure to; "I need to structure my days" -02135048 __sound_VB_3 give off a certain sound or sounds; "This record sounds scratchy" -02133435 __seem_VB_1 give a certain impression or have a certain outward aspect; "She seems to be sleeping"; "This appears to be a very difficult problem"; "This project looks fishy"; "They appeared like people who had not eaten or slept for a long time" -00132756 __two-baser_NN_1 a base hit on which the batter stops safely at second base; "he hit a double to deep centerfield" -04446276 __toilet_NN_1 a room or building equipped with one or more toilets -02132745 __stare_VB_1 look at with fixed eyes; "The students stared at the teacher with amazement" -00038849 __set_VB_25 arrange attractively; "dress my hair for the wedding" -02131279 __see_VB_20 observe, check out, and look over carefully or inspect; "The customs agent examined the baggage"; "I must see your passport before you can enter the country" -02130300 __view_VB_2 look at carefully; study mentally; "view a problem" -06706125 __commendation_NN_1 an official award (as for bravery or service) usually given as formal public statement -02130160 __lay_eyes_on_VB_1 see with attention; "behold Christ!" -11675096 __stamen_NN_1 the male reproductive organ of a flower -02129709 __see_VB_17 see and understand, have a good eye; "The artist must first learn to see" -09460888 __transylvanian_alps_NN_1 a range of the southern Carpathian Mountains extending across central Romania -02129289 __see_VB_1 perceive by sight or have the power to perceive by sight; "You have to be a good observer to see all the details"; "Can you see the bird in that tree?"; "He is blind--he cannot see" -01838038 __piciform_bird_NN_1 any of numerous nonpasserine insectivorous climbing birds usually having strong bills for boring wood -11040381 __patrick_henry_NN_1 a leader of the American Revolution and a famous orator who spoke out against British rule of the American colonies (1736-1799) -02128066 __discover_VB_7 see for the first time; make a discovery; "Who discovered the North Pole?" -02127358 __touch_VB_2 perceive via the tactile sense; "Helen Keller felt the physical world by touching people and objects around her" -02126863 __deodourise_VB_1 eliminate the odor from; "This stick will deodorize your armpits" -08587174 __reserve_NN_5 a district that is reserved for particular purpose -00285387 __somniloquy_NN_1 uttering speech while asleep -02126382 __perfume_VB_1 fill or impregnate with an odor; "orange blossoms perfumed the air in the garden" -02125460 __sniff_out_VB_1 recognize or detect by or as if by smelling; "He can smell out trouble" -04682184 __nebula_NN_4 (pathology) a faint cloudy spot on the cornea -02124748 __smell_VB_1 inhale the odor of; perceive by the olfactory sense -00873682 __send_word_VB_1 inform (somebody) of something; "I advised him that the rent was due" -02124332 __smell_VB_3 smell bad; "He rarely washes, and he smells" -01066542 __frequent_JJ_1 coming at short intervals or habitually; "a frequent guest"; "frequent complaints" -02123424 __twinge_VB_1 cause a stinging pain; "The needle pricked his skin" -00229260 __shutdown_NN_1 termination of operations; "they regretted the closure of the day care center" -04680465 __striation_NN_2 a stripe or stripes of contrasting color; "chromosomes exhibit characteristic bands"; "the black and yellow banding of bees and wasps" -04922113 __rearing_NN_1 the properties acquired as a consequence of the way you were treated as a child -00829107 __teach_VB_1 impart skills or knowledge to; "I taught them French"; "He instructed me in building a boat" -02122983 __tingle_VB_1 cause a stinging or tingling sensation -13744722 __vi_NN_1 the cardinal number that is the sum of five and one -02122665 __throb_VB_1 pulsate or pound with abnormal force; "my head is throbbing"; "Her heart was throbbing" -12023407 __tanacetum_ptarmiciflorum_NN_1 shrubby perennial of the Canary Islands having white flowers and leaves and hairy stems covered with dustlike down; sometimes placed in genus Chrysanthemum -02121048 __burn_VB_10 feel hot or painful; "My eyes are burning" -02120451 __sting_VB_1 cause a sharp or stinging pain or discomfort; "The sun burned his face" -02112891 __air_out_VB_1 expose to fresh air; "aerate your old sneakers" signing jointly with others -04596630 __wobbler_NN_1 something that wobbles -08777544 __state_of_eritrea_NN_1 an African country to the north of Ethiopia on the Red Sea; achieved independence from Ethiopia in 1993 -01917549 __shuffle_VB_1 walk by dragging one's feet; "he shuffled out of the room"; "We heard his feet shuffling down the hall" -10619492 __socializer_NN_1 a person who takes part in social activities -02193765 __discriminate_VB_3 distinguish; "I could not discriminate the different tastes in this complicated dish" -02599052 __sea_trout_NN_2 any of several sciaenid fishes of North American coastal waters -02117333 __thrill_VB_1 cause to be thrilled by some perceptual input; "The men were thrilled by a loud whistle blow" -03109350 __cornell_university_NN_1 a university in Ithaca, New York -01607072 __draw_together_VB_1 bring together in a common cause or emotion; "The death of their child had drawn them together" -12699157 __genus_lansium_NN_1 a dicotyledonous genus of the family Meliaceae -02115778 __sensitize_VB_2 cause to sense; make sensitive; "She sensitized me with respect to gender differences in this traditional male-dominated society"; "My tongue became sensitized to good wine" -02115430 __stun_VB_3 overcome as with astonishment or disbelief; "The news stunned her" -02114924 __desensitize_VB_1 cause not to be sensitive; "The war desensitized many soldiers"; "The photographic plate was desensitized" -09931165 __clown_NN_1 a rude or vulgar fool -01358191 __calk_VB_1 provide with calks; "calk horse shoes" -14892289 __guano_NN_1 the excrement of sea birds; used as fertilizer -14431169 __o_level_NN_1 the basic level of a subject taken in school -05650329 __module_NN_1 one of the inherent cognitive or perceptual powers of the mind -02113430 __expose_VB_7 expose to light, of photographic film -03551084 __hydraulic_brakes_NN_1 brake system in which a brake pedal moves a piston in the master cylinder; brake fluid then applies great force to the brake pads or shoes -02422561 __genus_aepyceros_NN_1 African antelopes: impalas -13952601 __legal_status_NN_1 a status defined by law -05722868 __tingling_NN_1 a somatic sensation as from many tiny prickles -12233529 __scots_heather_NN_1 common Old World heath represented by many varieties; low evergreen grown widely in the northern hemisphere -02110927 __subject_VB_1 cause to experience or suffer or make liable or vulnerable to; "He subjected me to his awful poetry"; "The sergeant subjected the new recruits to many drills"; "People in Chernobyl were subjected to radiation" -07810531 __bouillon_cube_NN_1 a cube of evaporated seasoned meat extract -01262470 __soot_VB_1 coat with soot -10244913 __land_agent_NN_2 a person who administers a landed estate -14371913 __looseness_of_the_bowels_NN_1 frequent and watery bowel movements; can be a symptom of infection or food poisoning or colitis or a gastrointestinal tumor -02019044 __otis_NN_2 type genus of the Otididae: European bustard -02109818 __die_VB_2 suffer or face the pain of death; "Martyrs may die every day for their faith" -02109645 __get_VB_24 suffer from the receipt of; "She will catch hell for this behavior!" -02854926 __blouse_NN_1 a top worn by women -02109190 __suffer_VB_1 undergo or be subjected to; "He suffered the penalty"; "Many saints suffered martyrdom" -02109045 __take_VB_15 experience or feel or submit to; "Take a test"; "Take the plunge" -13741022 __figure_NN_3 one of the elements that collectively form a system of numeration; "0 and 1 are digits" -12268096 __quercus_NN_1 oaks -09951274 __computer_user_NN_1 a person who uses computers for work or entertainment or communication or business -10114550 __fucker_NN_1 someone who engages in sexual intercourse -02108026 __receive_VB_4 go through (mental or physical states or experiences); "get an idea"; "experience vertigo"; "get nauseous"; "receive injuries"; "have a feeling" -00164444 __refresh_VB_2 make (to feel) fresh; "The cool water refreshed us" -02079389 __true_seal_NN_1 any of several seals lacking external ear flaps and having a stiff hairlike coat with hind limbs reduced to swimming flippers -02103925 __translate_VB_8 subject to movement in which every part of the body moves parallel to and the same distance as every other point on the body -02290340 __tobacco_moth_NN_1 small moth whose larvae feed on tobacco and other dried plant products -07093489 __versification_NN_3 the art or practice of writing verse -03534695 __hoosgow_NN_1 slang for a jail -07764315 __sapota_NN_1 tropical fruit with a rough brownish skin and very sweet brownish pulp -11748936 __genus_brya_NN_1 genus of prickly shrubs and small trees of the Caribbean region; source of a durable hardwood -02100632 __blow_VB_14 cause to move by means of an air current; "The wind blew the leaves around in the yard" -08958830 __lesotho_NN_1 a landlocked constitutional monarchy in southern Africa; achieved independence from the United Kingdom in 1966 -00876542 __auscultation_NN_1 listening to sounds within the body (usually with a stethoscope) -02100176 __bang_VB_4 move noisily; "The window banged shut"; "The old man banged around the house" -02290521 __genus_cadra_NN_1 a genus of Pyralidae -03009111 __chariot_NN_1 a light four-wheel horse-drawn ceremonial carriage -12943049 __pimpinella_anisum_NN_1 native to Egypt but cultivated widely for its aromatic seeds and the oil from them used medicinally and as a flavoring in cookery -01566705 __smash_up_VB_1 damage or destroy as if by violence; "The teenager banged up the car of his mother" -02183024 __crack_VB_2 make a very sharp explosive sound; "His gun cracked" -02219234 __formicidae_NN_1 ants -10506762 __ranker_NN_2 an enlisted soldier who serves in the ranks of the armed forces -02097341 __throw_VB_8 to put into a state or activity hastily, suddenly, or carelessly; "Jane threw dinner together"; "throw the car into reverse" -08248157 __orchestra_NN_1 a musical organization consisting of a group of instrumentalists including string players -02630281 __sailfish_NN_2 large pelagic game fish having an elongated upper jaw and long dorsal fin that resembles a sail -01343892 __fasten_VB_2 become fixed or fastened; "This dress fastens in the back" -14997012 __pulverization_NN_1 a solid substance in the form of tiny loose particles; a solid that has been pulverized -01701697 __genus_stegosaurus_NN_1 quadrupedal armored herbivore of the Jurassic and Cretaceous -03963028 __plating_NN_1 a thin coating of metal deposited on a surface -08163025 __house_NN_5 an official assembly having legislative powers; "a bicameral legislature has two houses" -00594070 __khanate_NN_2 the position of a khan -02095060 __hop_VB_4 traverse as if by a short airplane trip; "Hop the Pacific Ocean" -01321002 __trim_VB_7 cultivate, tend, and cut back the growth of; "dress the plants in the garden" -02094788 __hop_VB_6 make a jump forward or upward -05236848 __nerve_plexus_NN_1 a network of intersecting nerves -14654175 __selenium_NN_1 a toxic nonmetallic element related to sulfur and tellurium; occurs in several allotropic forms; a stable grey metallike allotrope conducts electricity better in the light than in the dark and is used in photocells; occurs in sulfide ores (as pyrite) -02093610 __flap_VB_3 move with a thrashing motion; "The bird flapped its wings"; "The eagle beat its wings and soared high into the sky" -01288554 __unchain_VB_2 make free -13759558 __picking_NN_1 the quantity of a crop that is harvested; "he sent the first picking of berries to the market"; "it was the biggest peach pick in years" -03631177 __lace_NN_2 a delicate decorative fabric woven in an open web of symmetrical patterns -01556182 __spotted_flycatcher_NN_1 common European woodland flycatcher with greyish-brown plumage -12167075 __luffa_NN_1 the dried fibrous part of the fruit of a plant of the genus Luffa; used as a washing sponge or strainer -02091885 __step_VB_6 move with one's feet in a specific manner; "step lively" -03565565 __improvised_explosive_device_NN_1 an explosive device that is improvised -14540765 __danger_NN_1 the condition of being susceptible to harm or injury; "you are in no danger"; "there was widespread danger of disease" -00063652 __success_NN_2 an attainment that is successful; "his success in the marathon was unexpected"; "his new play was a great success" -02091410 __tread_VB_1 put down or press the foot, place the foot; "For fools rush in where angels fear to tread"; "step on the brake" -03138856 __crown_NN_3 a wreath or garland worn on the head to signify victory -07169353 __call_up_NN_1 an order to report for military duty -01263257 __veering_NN_1 the act of turning aside suddenly -02089174 __step_up_VB_3 make oneself visible; take action; "Young people should step to the fore and help their peers" -01961974 __crawl_VB_5 swim by doing the crawl; "European children learn the breast stroke; they often don't know how to crawl" -00249679 __age_VB_3 make older; "The death of his child aged him tremendously" -01282545 __hollow_out_VB_1 remove the interior of; "hollow out a tree trunk" -00294884 __temper_VB_4 make more temperate, acceptable, or suitable by adding something else; moderate; "she tempered her criticism" -10691600 __tapper_NN_2 a person who strikes a surface lightly and usually repeatedly; "finger tappers irritated her" -01169704 __suck_VB_1 draw into the mouth by creating a practical vacuum in the mouth; "suck the poison from the place where the snake bit"; "suck on a straw"; "the baby sucked on the mother's breast" -02088241 __transfer_VB_6 change from one vehicle or transportation line to another; "She changed in Chicago on her way to the East coast" -02215506 __fund_VB_6 furnish money for; "The government funds basic research in many areas" -07678193 __saveloy_NN_1 a ready-cooked and highly seasoned pork sausage -07319909 __issue_NN_9 the becoming visible; "not a day's difference between the emergence of the andrenas and the opening of the willow catkins" -00713952 __loading_NN_5 the labor of putting a load of something on or in a vehicle or ship or container etc.; "the loading took 2 hours" -07331210 __exhaustion_NN_2 serious weakening and loss of energy -02087156 __land_VB_4 bring ashore; "The drug smugglers landed the heroin on the beach of the island" -09815076 __assessee_NN_1 a person (or property) that is assessed -04334599 __street_NN_1 a thoroughfare (usually including sidewalks) that is lined with buildings; "they walked the streets of the small town"; "he lives on Nassau Street" -13428608 __agglutination_NN_1 a clumping of bacteria or red cells when held together by antibodies (agglutinins) -10982450 __friedan_NN_1 United States feminist who founded a national organization for women (born in 1921) -00869126 __gainsay_VB_1 take exception to; "She challenged his claims" -00058519 __exit_NN_3 the act of going out -07172756 __expansion_NN_3 a discussion that provides additional information -02085573 __propagate_VB_2 travel through the air; "sound and light propagate in this medium" -02443424 __build_VB_5 order, supervise, or finance the construction of; "The government is building new schools in this state" -02083497 __collapse_VB_3 fold or close up; "fold up your umbrella"; "collapse the music stand" -00723545 __take_into_account_VB_1 allow or plan for a certain possibility; concede the truth or validity of something; "I allow for this possibility"; "The seamstress planned for 5% shrinkage after the first wash" -08479894 __rave-up_NN_1 a raucous gathering -10619642 __social_scientist_NN_1 someone expert in the study of human society and its personal relationships -02082527 __circuit_VB_1 make a circuit; "They were circuiting about the state" -02081578 __leave_behind_VB_1 depart and not take along; "He left behind all his possessions when he moved to Europe" -04234455 __spline_NN_2 a thin strip (wood or metal) -01696282 __order_crocodylia_NN_1 crocodiles; alligators; caimans; gavials -02079525 __tube_VB_2 convey in a tube; "inside Paris, they used to tube mail" -09099264 __salem_NN_2 a city in northeastern Massachusetts; site of the witchcraft trials in 1692 -10712229 __tinkerer_NN_1 an unskilled person who tries to fix or mend -01681940 __horny_frog_NN_1 insectivorous lizard with hornlike spines on the head and spiny scales on the body; of western North America -03827107 __node_NN_8 (computer science) any computer that is hooked up to a computer network -09449127 __strike-slip_fault_NN_1 a geological fault in which one of the adjacent surfaces appears to have moved horizontally -02077656 __take_VB_7 take something or somebody with oneself somewhere; "Bring me the box from the other room"; "Take these letters to the boss"; "This brings me to the main point" -04213626 __side_NN_5 an extended outer surface of an object; "he turned the box over to examine the bottom side"; "they painted all four sides of the house" -01502540 __barrel_VB_1 put in barrels -02076280 __slip_VB_5 move smoothly and easily; "the bolt slipped into place"; "water slipped from the polished marble" -13322343 __refresher_NN_1 a fee (in addition to that marked on the brief) paid to counsel in a case that lasts more than one day -02669723 __judge's_robe_NN_1 a gown worn by academics or judges -02076027 __steal_away_VB_1 leave furtively and stealthily; "The lecture was boring and many students slipped out when the instructor turned towards the blackboard" -02075049 __turn_tail_VB_1 flee; take to one's heels; cut and run; "If you see this man, run!"; "The burglars escaped before the police showed up" -02074377 __evade_VB_2 escape, either physically or mentally; "The thief eluded the police"; "This difficult idea seems to evade her"; "The event evades explanation" -02073714 __run_off_VB_1 run away; usually includes taking something or somebody along; "The thief made off with our silver"; "the accountant absconded with the cash from the safe" -07552252 __moodiness_NN_1 a sullen gloomy feeling -02073233 __break_out_VB_3 move away or escape suddenly; "The horses broke from the stable"; "Three inmates broke jail"; "Nobody can break out--this prison is high security" -07323231 __manifestation_NN_1 a clear appearance; "a manifestation of great emotion" -00564695 __fold_up_VB_2 become folded or folded up; "The bed folds in a jiffy" -12629666 __loquat_tree_NN_1 evergreen tree of warm regions having fuzzy yellow olive-sized fruit with a large free stone; native to China and Japan -02072849 __slip_by_VB_1 pass by; "three years elapsed" -07722217 __onion_NN_3 an aromatic flavorful vegetable -11866248 __spiderflower_NN_1 any of various often strong-smelling plants of the genus Cleome having showy spider-shaped flowers -02071837 __leach_VB_1 cause (a liquid) to leach or percolate -02071457 __run_out_VB_2 flow off gradually; "The rain water drains into this big vat" -10068234 __tester_NN_1 someone who administers a test to determine your qualifications -02071142 __drip_VB_1 fall in drops; "Water is dripping from the faucet" -13427078 __adjustment_NN_4 the process of adapting to something (such as environmental conditions) -02070466 __well_out_VB_1 flow freely and abundantly; "Tears streamed down her face" -04992834 __sharpness_NN_3 a strong odor or taste property; "the pungency of mustard"; "the sulfurous bite of garlic"; "the sharpness of strange spices"; "the raciness of the wine" -02069551 __pour_VB_1 cause to run; "pour water over the floor" -02069248 __pour_VB_4 flow in a spurt; "Water poured all over the floor" -10479135 __procurator_NN_2 (ancient Rome) someone employed by the Roman Emperor to manage finance and taxes -00593613 __inspectorship_NN_1 the office of inspector -13947415 __social_status_NN_1 position in a social hierarchy; "the British are more aware of social status than Americans are" -02679257 __totalizer_NN_2 a calculator that performs simple arithmetic functions -01727052 __symphonize_VB_1 play or sound together, in harmony -02067689 __flow_VB_3 cause to flow; "The artist flowed the washes on the paper" -02066304 __straggle_VB_1 wander from a direct or straight course -02064887 __divert_VB_1 turn aside; turn away from -00721437 __find_VB_9 make a discovery; "She found that he had lied to her"; "The story is false, so far as I can discover" -02064358 __swoop_VB_1 move down on as if in an attack; "The raptor swooped down on its prey"; "The teacher swooped down upon the new students" -02064131 __throng_VB_1 press tightly together or cram; "The crowd packed the auditorium" -00341184 __give_VB_42 occur; "what gives?" -03527930 __holy_sepulchre_NN_1 the sepulcher in which Christ's body lay between burial and resurrection -01969550 __order_octopoda_NN_1 octopuses and paper nautilus -01480469 __catch_VB_25 take in and retain; "We have a big barrel to catch the rainwater" -15121625 __time_to_come_NN_1 the time yet to come -10663315 __streetwalker_NN_1 a prostitute who attracts customers by walking the streets -02062632 __stoop_VB_1 bend one's back forward from the waist on down; "he crouched down"; "She bowed before the Queen"; "The young man stooped to pick up the girl's purse" -12041446 __orchidaceous_plant_NN_1 any of numerous plants of the orchid family usually having flowers of unusual shapes and beautiful colors -14094881 __chorea_NN_2 any of several degenerative nervous disorders characterized by spasmodic movements of the body and limbs -06031248 __correlational_statistics_NN_1 a statistical relation between two or more variables such that systematic changes in the value of one variable are accompanied by systematic changes in the other -02061495 __shoot_VB_6 run or move very quickly or hastily; "She dashed into the yard" -02061366 __shrink_back_VB_1 pull away from a source of disgust or fear -02061069 __wince_VB_1 draw back, as with fear or pain; "she flinched when they showed the slaughtering of the calf" -02055803 __penguin_NN_1 short-legged flightless birds of cold southern especially Antarctic regions having webbed feet and wings modified as flippers -02060792 __run_VB_27 be diffused; "These dyes and colors are guaranteed not to run" -02060141 __spread_out_VB_1 move outward; "The soldiers fanned out" -14359174 __coughing_NN_1 a sudden noisy expulsion of air from the lungs that clears the air passages; a common symptom of upper respiratory infection or bronchitis or pneumonia or tuberculosis -02058756 __trail_VB_1 to lag or linger behind; "But in so many other areas we still are dragging" -02058590 __linger_VB_4 take one's time; proceed slowly -02831724 __bunk_NN_2 a bed on a ship or train; usually in tiers -05202034 __stypsis_NN_1 the ability to contract or draw together soft body tissues to check blood flow or restrict secretion of fluids -07874780 __porridge_NN_1 soft food made by boiling oatmeal or other meal or legumes in water or milk until thick -02057656 __drive_VB_14 move by being propelled by a force; "The car drove around the corner" -00724150 __set_aside_VB_1 give or assign a resource to a particular person or cause; "I will earmark this money for your research"; "She sets aside time for meditation every day" -00769695 __had_crime_NN_1 (Islam) serious crimes committed by Muslims and punishable by punishments established in the Koran; "Had crimes include apostasy from Islam and murder and theft and adultery" -02055975 __speed_VB_4 travel at an excessive or illegal velocity; "I got a ticket for speeding" -02055649 __zip_VB_2 move very fast; "The runner zipped past us at breakneck speed" -13229747 __parathelypteris_NN_1 terrestrial ferns of warm and tropical Asia and North America -02055267 __tear_VB_3 move quickly and violently; "The car tore down the street"; "He came charging into my office" -15290132 __phase_angle_NN_1 a particular point in the time of a cycle; measured from some arbitrary zero and expressed as an angle -02054382 __close_VB_12 draw near; "The probe closed with the space station" -08026539 __tanzimul_fuqra_NN_1 an Islamic terrorist group organized in the 1980s; seeks to purify Islam through violence; the cells in North America and the Caribbean insulate themselves from Western culture and will even attack other Muslims who they regard as heretics -01787709 __madden_VB_2 drive up the wall; go on someone's nerves -12919195 __wild_spurge_NN_1 common perennial United States spurge having showy white petallike bracts -04640927 __agreeableness_NN_2 a temperamental disposition to be agreeable -08018983 __chukaku-ha_NN_1 an ultra-leftist militant group founded in 1957 from the breakup of the Japanese Communist Party; includes a covert action wing; "Chukaku-Ha attacks tend to cause property damage rather than casualties" -02052226 __run_by_VB_1 pass by while running; "We watched children were running by" -01770802 __touch_VB_3 affect emotionally; "A stirring movie"; "I was touched by your kind letter of sympathy" -02051270 __cycle_VB_2 pass through a cycle; "This machine automatically cycles" -06432376 __genesis_NN_2 the first book of the Old Testament: tells of Creation; Adam and Eve; the Fall of Man; Cain and Abel; Noah and the flood; God's covenant with Abraham; Abraham and Isaac; Jacob and Esau; Joseph and his brothers -02051031 __work_VB_7 proceed along a path; "work one's way through the crowd"; "make one's way into the forest" -02340543 __instrument_VB_1 equip with instruments for measuring, recording, or controlling -12884260 __wild_snapdragon_NN_1 common European perennial having showy yellow and orange flowers; a naturalized weed in North America -02049696 __pass_VB_7 travel past; "The sports car passed all the trucks" -02049190 __spiral_VB_1 to wind or move in a spiral course; "the muscles and nerves of his fine drawn body were coiling for action"; "black smoke coiling up into the sky"; "the young people gyrated on the dance floor" -12526380 __genus_desmodium_NN_1 beggarweed; tick trefoil -10763620 __waitress_NN_1 a woman waiter -02048051 __whirl_VB_2 cause to spin; "spin a coin" -10071139 __exile_NN_2 a person who is expelled from home or country by authority -07338552 __impact_NN_1 the striking of one body against another -01938850 __mollusk_family_NN_1 a family of mollusks -02046572 __swivel_VB_1 turn on a pivot -00836236 __typify_VB_2 express indirectly by an image, form, or model; be a symbol; "What does the Statue of Liberty symbolize?" -02046075 __wheel_around_VB_2 change directions as if revolving on a pivot; "They wheeled their horses around and left" -02045790 __rotate_VB_4 cause to turn on an axis or center; "Rotate the handle" -10154871 __hacker_NN_3 a programmer for whom computing is its own reward; may enjoy the challenge of breaking into other computers but does no harm; "true hackers subscribe to a code of ethics and look down upon crackers" -01349130 __wring_VB_2 twist and compress, as if in pain or anguish; "Wring one's hand" -08696931 __european_nation_NN_1 any one of the countries occupying the European continent -02045043 __rotate_VB_1 turn on or around an axis or a center; "The Earth revolves around the Sun"; "The lamb roast rotates on a spit over the fire" -02043190 __pass_on_VB_6 cause be distributed; "This letter is being circulated among the faculty" -05397468 __liquid_body_substance_NN_1 the liquid parts of the body -09923673 __citizen_NN_1 a native or naturalized member of a state or other political community -00986897 __sputter_VB_4 utter with a spitting sound, as if in a rage -02039876 __decline_VB_5 go down; "The roof declines here" -00560391 __leap_VB_2 pass abruptly from one state or topic to another; "leap into fame"; "jump to a conclusion"; "jump from one thing to another" -00770997 __foul_NN_1 an act that violates the rules of a sport -06141324 __gestalt_psychology_NN_1 (psychology) a theory of psychology that emphasizes the importance of configurational properties -02038791 __list_VB_4 tilt to one side; "The balloon heeled over"; "the wind made the vessel heel"; "The ship listed to starboard" -02038357 __tip_VB_5 to incline or bend from a vertical position; "She leaned over the banister" -10097842 __flower_girl_NN_2 a young girl who carries flowers in a (wedding) procession -08466175 __cubism_NN_1 an artistic movement in France beginning in 1907 that featured surfaces of geometrical planes -01382917 __snail_VB_1 gather snails; "We went snailing in the summer" -02037472 __ascend_VB_6 slope upwards; "The path ascended to the top of the hill" -02037090 __slope_VB_1 be at an angle; "The terrain sloped down" -15228267 __quarter-hour_NN_1 a quarter of an hour -01177505 __sleep_out_VB_1 work in a house where one does not live; "our cook lives out; he can easily commute from his home" -12511046 __genus_canavalia_NN_1 herbs or woody vines of mainly American tropics and subtropics -11596486 __subdivision_gnetophytina_NN_1 gymnospermous flowering plants; supposed link between conifers and angiosperms; in some systems classified as a class (Gnetopsida) and in others as a subdivision (Gnetophytina or Gnetophyta) -01004692 __typewrite_VB_1 write by means of a keyboard with types; "type the acceptance letter, please" -02034986 __curve_VB_3 form an arch or curve; "her back arches"; "her hips curve nicely" -12146311 __zoysia_NN_1 any of several creeping grasses of the genus Zoysia -07149836 __bargaining_NN_1 the negotiation of the terms of a transaction or agreement -01146039 __curb_NN_4 the act of restraining power or action or limiting excess; "his common sense is a bridle to his quick temper" -02033805 __deflect_VB_3 turn aside and away from an initial or intended course -02033295 __veer_VB_1 turn sharply; change direction abruptly; "The car cut to the left at the intersection"; "The motorbike veered to the right" -02033137 __bend_VB_2 change direction; "The road bends" -03639497 __landline_NN_1 a telephone line that travels over terrestrial circuits; "a land line can be wire or fiber optics or microwave" -02032634 __converge_VB_3 move or draw together at a certain location; "The crowd converged on the movie star" -02032415 __diverge_VB_1 move or draw apart; "The two paths diverge here" -02427958 __genus_adenota_NN_1 African antelopes: puku -11590783 __fungus_family_NN_1 includes lichen families -03387323 __foundation_garment_NN_1 a woman's undergarment worn to give shape to the contours of the body -11236852 __pius_ii_NN_1 Italian pope from 1458 to 1464 who is remembered for his unsuccessful attempt to lead a crusade against the Turks (1405-1464) -08614746 __midway_NN_1 the place at a fair or carnival where sideshows and similar amusements are located -02030764 __break_VB_19 make a rupture in the ranks of the enemy or one's own by quitting or fleeing; "The ranks broke" -02628856 __katsuwonus_NN_1 oceanic bonitos; in some classifications placed in its own family Katsuwonidae -02030424 __scatter_VB_1 to cause to separate and go in different directions; "She waved her hand and scattered the crowds" -09953775 __confederate_soldier_NN_1 a soldier in the Army of the Confederacy during the American Civil War -02028994 __spread_out_VB_6 move away from each other; "The crowds dispersed"; "The children scattered in all directions when the teacher approached"; -00811221 __rectal_reflex_NN_1 normal response to the presence of feces in the rectum -01567275 __set_VB_12 put or set (seeds, seedlings, or plants) into the ground; "Let's plant flowers in the garden" -02027612 __crowd_together_VB_1 to gather together in large numbers; "men in straw boaters and waxed mustaches crowded the verandah" -04364827 __surgical_knife_NN_1 a very sharp knife used in surgery -00208797 __ousting_NN_1 the act of ejecting someone or forcing them out -15228378 __time_of_day_NN_1 clock time; "the hour is getting late" -07969695 __tribe_NN_4 group of people related by blood or marriage -06384708 __verse_line_NN_1 a line of metrical text -07251619 __instigation_NN_1 the verbal act of urging on -08925957 __nagasaki_NN_1 a city in southern Japan on Kyushu; a leading port and shipbuilding center; on August 9, 1945 Nagasaki became the second populated area to receive an atomic bomb -02025353 __flock_VB_1 move as a crowd or in a group; "Tourists flocked to the shrine where the statue was said to have shed tears" -02025009 __flock_VB_2 come together as in a cluster or flock; "The poets constellate in this town every summer" -14812359 __chylomicron_NN_1 a microscopic particle of triglycerides produced in the intestines during digestion; in the bloodstream they release their fatty acids into the blood -01550429 __family_cotingidae_NN_1 cotingas; umbrella birds -00697589 __make_up_one's_mind_VB_1 reach, make, or come to a decision about something; "We finally decided after lengthy deliberations" -02024508 __convene_VB_1 meet formally; "The council convened last week" -02023600 __congregate_VB_1 come together, usually for a purpose; "The crowds congregated in front of the Vatican on Christmas Eve" -02023396 __intersect_VB_1 meet at a point -12443547 __genus_bessera_NN_1 small genus of cormous perennials of Mexico; sometimes placed in family Alliaceae -01313923 __turn_up_VB_5 find by digging in the ground; "I dug up an old box in the garden" -02022359 __run_aground_VB_2 hit or reach the ground -02022162 __reach_VB_7 reach a goal, e.g., "make the first team"; "We made it!"; "She may not make the grade" -02021773 __culminate_VB_4 reach the highest altitude or the meridian, of a celestial body -13227557 __thelypteris_NN_1 marsh ferns: in some classification systems considered part of genus Dryopteris in family Dryopteridaceae -02021376 __top_VB_6 reach or ascend the top of; "The hikers topped the mountain just before noon" -10035809 __peon_NN_1 a laborer who is obliged to do menial work -02019716 __obtrude_upon_VB_1 to intrude upon, infringe, encroach on, violate; "This new colleague invades my territory"; "The neighbors intrude on your privacy" -09355623 __planetoid_NN_1 any of numerous small celestial bodies that move around the sun -02019574 __trespass_VB_5 pass beyond (limits or boundaries) -00624801 __misread_VB_2 interpret wrongly; "I misread Hamlet all my life!" -03829340 __nonvolatile_storage_NN_1 computer storage that is not lost when the power is turned off -02018265 __enplane_VB_1 board a plane -02017149 __walk_in_VB_1 enter by walking; "She walks in at all hours, as if she lived here" -02016523 __move_into_VB_1 to come or go into; "the boat entered an area of shallow marshes" -02050132 __pass_VB_1 go across or through; "We passed the point where the police car had parked"; "A terrible thought went through his mind" -00249501 __progress_NN_1 gradual improvement or growth or development; "advancement of knowledge"; "great progress in the arts" -02016062 __get_off_VB_1 leave a vehicle, aircraft, etc. -02732827 __pergola_NN_1 a framework that supports climbing plants; "the arbor provided a shady resting place in the park" -01390287 __subclass_actinopoda_NN_1 heliozoans; radiolarians -02015168 __pull_out_VB_1 move out or away; "The troops pulled out after the cease-fire" -13629676 __terabyte_NN_1 a unit of information equal to 1000 gigabytes or 10^12 (1,000,000,000,000) bytes -02015031 __sally_out_VB_1 set out in a sudden, energetic or violent manner -02014863 __blaze_out_VB_1 move rapidly and as if blazing; "The spaceship blazed out into space" -01367772 __entric_NN_1 rod-shaped Gram-negative bacteria; most occur normally or pathogenically in intestines of humans and other animals -02014733 __roar_off_VB_1 leave; "The car roared off into the fog" -00306298 __explode_VB_9 burst and release energy as through a violent chemical or physical reaction;"the bomb detonated at noon"; "The Molotov cocktail exploded" -08731057 __taichung_NN_1 a city in Taiwan -04611154 __yard_NN_7 an area having a network of railway tracks and sidings for storage and maintenance of cars and engines -05470189 __process_NN_5 a natural prolongation or projection from a part of an organism either animal or plant; "a bony process" -07599998 __gum_NN_1 a preparation (usually made of sweetened chicle) for chewing -00564857 __wrinkle_VB_4 become wrinkled or crumpled or creased; "This fabric won't wrinkle" -02012344 __transfer_VB_4 move around; "transfer the packet from his trouser pockets to a pocket in his jacket" -00086077 __phlebotomize_VB_1 draw blood; "In the old days, doctors routinely bled patients as part of the treatment" -00611055 __reminisce_VB_1 recall the past; "The grandparents sat there, reminiscing all afternoon" -11663813 __order_ginkgoales_NN_1 coextensive with the family Ginkgoaceae: plants that first appeared in the Permian and now represented by a single surviving species; often included in Coniferales -05487423 __geniculate_body_NN_1 one of four small oval masses that protrude slightly from the underside of the thalamus and function as synaptic centers on the way to the cerebral cortex -07027458 __harmonization_NN_1 a piece of harmonized music -09124399 __kennedy_interrnational_NN_1 a large airport on Long Island to the east of New York City -02026059 __sandpiper_NN_1 any of numerous usually small wading birds having a slender bill and piping call; closely related to the plovers -02012043 __derail_VB_1 cause to run off the tracks; "they had planned to derail the trains that carried atomic waste" -02011865 __jump_VB_9 run off or leave the rails; "the train derailed because a cow was standing on the tracks" -04991511 __rhythmicity_NN_1 the rhythmic property imparted by the accents and relative durations of notes in a piece of music -02011560 __tarry_VB_2 leave slowly and hesitantly -05803379 __idea_NN_4 an approximate calculation of quantity or degree or worth; "an estimate of what it would cost"; "a rough idea how long it would take" -02010864 __scram_VB_1 leave immediately; used usually in the imperative form; "Scram!" -02010698 __vamoose_VB_1 leave suddenly; "She persuaded him to decamp"; "skip town" -02146526 __myotis_NN_1 largest and most widely distributed genus of bats -13887319 __zigzag_NN_1 an angular shape characterized by sharp turns in alternating directions -05601662 __pudding_face_NN_1 a large fat human face -01101103 __outscore_VB_1 score more points than one's opponents -13152592 __houttuynia_NN_1 one species; east Asian low-growing plant of wet places -02634133 __turn_out_VB_2 prove to be in the result or end; "It turns out that he was right" -02006834 __reach_VB_2 reach a point in time, or a certain state or level; "The thermometer hit 100 degrees"; "This car can reach a speed of 140 miles per hour" -02325405 __tinsel_VB_1 impart a cheap brightness to; "his tinseled image of Hollywood" -01933305 __pilot_VB_2 act as the navigator in a car, plane, or vessel and plan, direct, plot the path and position of the conveyance; "Is anyone volunteering to navigate during the trip?"; "Who was navigating the ship during the accident?" -04286128 __spot_NN_7 a business establishment for entertainment; "night spot" -00027705 __stretch_out_VB_3 thrust or extend out; "He held out his hand"; "point a finger"; "extend a hand"; "the bee exserted its sting" -08278924 __direct-grant_school_NN_1 formerly a school that charged tuition fees and also received government grants in return for admitting certain non-paying students who were nominated by the local authorities -00286497 __gait_NN_3 a person's manner of walking -13557158 __soaking_NN_1 the process of becoming softened and saturated as a consequence of being immersed in water (or other liquid); "a good soak put life back in the wagon" -02003601 __trace_VB_4 pursue or chase relentlessly; "The hunters traced the deer into the woods"; "the detectives hounded the suspect until they found him" -06253518 __propagation_NN_1 the spreading of something (a belief or practice) into new regions -02404573 __brahmin_NN_4 any of several breeds of Indian cattle; especially a large American heat and tick resistant greyish humped breed evolved in the Gulf States by interbreeding Indian cattle and now used chiefly for crossbreeding -02611154 __polydactylus_NN_1 a genus of Polynemidae -02003480 __shoo_off_VB_1 drive away by crying `shoo!' -10161867 __hatchet_man_NN_2 one whose job it is to execute unpleasant tasks for a superior -00915722 __cultivation_NN_2 (agriculture) production of food by preparing the land to grow crops (especially on a large scale) -03629857 __lager_NN_1 a camp defended by a circular formation of wagons -12881105 __turtlehead_NN_1 showy perennial of marshlands of eastern and central North America having waxy lanceolate leaves and flower with lower part creamy white and upper parts pale pink to deep purple -02002720 __turn_back_VB_3 force to go away; used both with concrete and metaphoric meanings; "Drive away potential burglars"; "drive away bad thoughts"; "dispel doubts"; "The supermarket had to turn back many disappointed customers" -13378518 __credit_NN_2 money available for a client to borrow -01235463 __vengeance_NN_1 the act of taking revenge (harming someone in retaliation for something harmful that they have done) especially in the next life; "Vengeance is mine; I will repay, saith the Lord"--Romans 12:19; "For vengeance I would do nothing. This nation is too great to look for mere revenge"--James Garfield; "he swore vengeance on the man who betrayed him"; "the swiftness of divine retribution" -02002410 __fire_VB_6 drive out or away by or as if by fire; "The soldiers were fired"; "Surrender fires the cold skepticism" -06732581 __reassertion_NN_1 renewed affirmation -10663137 __throwaway_NN_1 (sometimes offensive) a homeless boy who has been abandoned and roams the streets -14283178 __wilt_disease_NN_1 any plant disease characterized by drooping and shriveling; usually caused by parasites attacking the roots -02000868 __pursue_VB_2 follow in or as if in pursuit; "The police car pursued the suspected attacker"; "Her bad deed followed her and haunted her dreams all her life" -07155661 __idiom_NN_2 the usage or vocabulary that is characteristic of a specific group of people; "the immigrants spoke an odd dialect of English"; "he has a strong German accent"; "it has been said that a language is a dialect with an army and navy" -07216412 __concession_NN_3 a point conceded or yielded; "they won all the concessions they asked for" -01999798 __take_VB_3 take somebody somewhere; "We lead him to our chief"; "can you take me to the main entrance?"; "He conducted us to the palace" -01999423 __lead_VB_4 travel in front of; go in advance of others; "The procession was headed by John" -03262519 __earthenware_NN_1 ceramic ware made of porous clay fired at low heat -01998432 __follow_VB_1 to travel behind, go after, come after; "The ducklings followed their mother around the pond"; "Please follow the guide through the museum" -01997862 __lag_VB_1 hang (back) or fall (behind) in movement, progress, development, etc. -07229747 __vaporing_NN_1 an instance of boastful talk; "his brag is worse than his fight"; "whenever he won we were exposed to his gasconade" -01996735 __process_VB_5 march in a procession; "They processed into the dining room" -01996574 __thrust_ahead_VB_1 push one's way; "she barged into the meeting room" -00018526 __waken_VB_2 stop sleeping; "She woke up to the sound of the alarm clock" -01996402 __limp_VB_2 proceed slowly or with difficulty; "the boat limped into the harbor" -01995549 __proceed_VB_2 move ahead; travel onward in time or space; "We proceeded towards Washington"; "She continued in the direction of the hills"; "We are moving ahead in time now" -01995211 __take_out_VB_9 bring, take, or pull out of a container or from under a cover; "draw a weapon"; "pull out a gun"; "The mugger pulled a knife on his victim" -00742474 __perversion_NN_3 the action of perverting something (turning it to a wrong use); "it was a perversion of justice" -11735325 __hydrastis_NN_1 small genus of perennial herbs having rhizomes and palmate leaves and small solitary flowers; of northeastern United States and Japan -11486708 __sphacelus_NN_2 the localized death of living cells (as from infection or the interruption of blood supply) -01703195 __spondaize_VB_1 make spondaic; "spondaize verses" -01993212 __sneak_up_VB_1 advance stealthily or unnoticed; "Age creeps up on you" -01992503 __progress_VB_2 move forward, also in the metaphorical sense; "Time marches on" -04306847 __statue_NN_1 a sculpture representing a human or animal -01992375 __teetertotter_VB_1 ride on a plank -01992251 __seesaw_VB_2 move up and down as if on a seesaw -02787435 __trinket_NN_1 cheap showy jewelry or ornament on clothing -01991744 __zigzag_VB_1 travel along a zigzag path; "The river zigzags through the countryside" -02565728 __serranidae_NN_1 marine fishes: sea basses; sea perches; groupers; jewfish -01502262 __class_aves_NN_1 (ornithology) the class of birds -04913568 __graciousness_NN_1 excellence of manners or social conduct -08729283 __wuhan_NN_1 a city of central China on the Chang Jiang; the commercial and industrial center of central China -10337913 __mujtihad_NN_1 an Islamic scholar who engages in ijtihad, the effort to derive rules of divine law from Muslim sacred texts -01181559 __power_VB_1 supply the force or power for the functioning of; "The gasoline powers the engines" -01955127 __send_off_VB_1 send away towards a designated goal -01990281 __surface_VB_1 come to the surface -01989873 __sink_VB_4 go under, "The raft sank and its occupants drowned" -01989720 __slump_VB_1 assume a drooping posture or carriage -06161223 __esthetics_NN_1 (art) the branch of philosophy dealing with beauty and taste (emphasizing the evaluative criteria that are applied to art); "traditional aesthetics assumed the existence of universal and timeless criteria of artistic value" -01989053 __give_way_VB_2 break down, literally or metaphorically; "The wall collapsed"; "The business collapsed"; "The dam broke"; "The roof collapsed"; "The wall gave in"; "The roof finally gave under the weight of the ice" -01988886 __slump_VB_2 fall or sink heavily; "He slumped onto the couch"; "My spirits sank" -01988458 __settle_down_VB_1 settle into a position, usually on a surface or ground; "dust settled on the roofs" -01988325 __marshal_VB_1 place in proper rank; "marshal the troops" -12223160 __stenocarpus_salignus_NN_1 tree or tall shrub with shiny leaves and umbels of fragrant creamy-white flowers; yields hard heavy reddish wood -01987781 __glycerolize_VB_1 place in glycerol -09431569 __shasta_NN_2 a volcanic mountain peak in the Cascade Range in northern California (14,162 feet high) -00629911 __leg_exercise_NN_1 exercise designed to strengthen the leg muscles -01986869 __sink_VB_2 cause to sink; "The Japanese sank American ships in Pearl Harbor" -01986185 __subside_VB_3 sink down or precipitate; "the mud subsides when the waters become calm" -01985923 __sink_VB_1 fall or descend to a lower place or level; "He sank to his knees" -12944960 __sium_NN_1 perennial of wet and marshy places in the northern hemisphere: water parsnips -12006306 __vegetable_sheep_NN_1 perennial prostrate mat-forming herb with hoary woolly foliage -01985524 __swag_VB_1 droop, sink, or settle from or as if from pressure or loss of tautness -04113765 __round_arch_NN_1 an arch formed in a continuous curve; characteristic of Roman architecture -05261566 __whiskers_NN_1 the hair growing on the lower part of a man's face -12587686 __genus_cocos_NN_1 coconut palms -12216836 __guevina_NN_1 one species: Chilean nut -02188699 __two-winged_insects_NN_1 insects having usually a single pair of functional wings (anterior pair) with the posterior pair reduced to small knobbed structures and mouth parts adapted for sucking or lapping or piercing -13004160 __genus_cantharellus_NN_1 a well-known genus of fungus; has funnel-shaped fruiting body; includes the chanterelles -01982866 __rear_VB_4 cause to rise up -14631871 __boron_NN_1 a trivalent metalloid element; occurs both in a hard black crystal and in the form of a yellow or brown powder -07895435 __red_bordeaux_NN_1 dry red Bordeaux or Bordeaux-like wine -01982044 __straighten_VB_3 get up from a sitting or slouching position; "The students straightened when the teacher entered" -00096969 __retaking_NN_1 the act of taking something back -04471632 __transistor_NN_1 a semiconductor device capable of amplification -01981279 __shoot_down_VB_2 shoot at and force to come down; "the enemy landed several of our aircraft" -01162257 __self-flagellation_NN_1 self-punishment inflicted by whipping -13544073 __pullulation_NN_1 asexual reproduction in which a local growth on the surface or in the body of the parent becomes a separate individual -00054285 __conceive_VB_3 become pregnant; undergo conception; "She cannot conceive"; "My daughter was conceived in Christmas Day" -00161044 __solicitation_NN_3 the act of enticing a person to do something wrong (as an offer of sex in return for money) -00047018 __tour_de_force_NN_1 a masterly or brilliant feat -01979241 __set_down_VB_5 go ashore; "The passengers disembarked at Southampton" -00455529 __scour_VB_4 rinse, clean, or empty with a liquid; "flush the wound with antibiotics"; "purge the old gas tank" -01978576 __climb_down_VB_1 come down; "the birds alighted" -07340725 __personnel_casualty_NN_1 military personnel lost by death or capture -01915253 __jaywalk_VB_1 cross the road at a red light -01582645 __trace_VB_2 make a mark or lines on a surface; "draw a line"; "trace the outline of a figure in the sand" -04781349 __wickedness_NN_5 the quality of being disgusting to the senses or emotions; "the vileness of his language surprised us" -07971141 __people_NN_3 members of a family line; "his people have been farmers for generations"; "are your people still alive?" -01977701 __drop_VB_1 let fall to the ground; "Don't drop the dishes" -10826717 __viscountess_astor_NN_1 British politician (born in the United States) who was the first woman to sit in the British House of Commons (1879-1964) -12520406 __guar_NN_1 drought-tolerant herb grown for forage and for its seed which yield a gum used as a thickening agent or sizing material -01977080 __plunge_VB_6 fall abruptly; "It plunged to the bottom of the well" -04591713 __wine_bottle_NN_1 a bottle for holding wine -01248782 __trim_VB_8 cut closely; "trim my beard" -01976220 __duck_VB_3 dip into a liquid; "He dipped into the pool" -01976089 __pick_up_VB_1 take and lift upward -03009269 __chariot_NN_2 a two-wheeled horse-drawn battle vehicle; used in war and races in ancient Egypt and Greece and Rome -05365633 __dorsal_root_NN_1 one of the two roots of a spinal nerve that passes dorsally to the spinal cord and that consists of sensory fibers -04073208 __release_NN_1 merchandise issued for sale or public showing (especially a record or film); "a new release from the London Symphony Orchestra" -01975587 __raise_VB_15 cause to puff up with a leaven; "unleavened bread" -00048374 __arrival_NN_2 the act of arriving at a certain place; "they awaited her arrival" -01975237 __pinnacle_VB_2 raise on or as if on a pinnacle; "He did not want to be pinnacled" -01105097 __outgrow_VB_2 grow faster than -12605019 __xyridales_NN_1 an order of monocotyledonous herbs -10938640 __fats_domino_NN_1 United States rhythm and blues pianist and singer and composer (born in 1928) -01973125 __take_down_VB_1 move something or somebody to a lower position; "take down the vase from the shelf" -01972976 __break_VB_20 curl over and fall apart in surf or foam, of waves; "The surf broke" -03461385 __market_NN_3 a marketplace where groceries are sold; "the grocery store included a meat market" -00275151 __tinting_NN_1 the act of adding a tinge of color; "the hairdresser gave her hair a modest tinting" -01846331 __duck_NN_1 small wild or domesticated web-footed broad-billed swimming bird usually having a depressed body and short legs -02266050 __dobsonfly_NN_1 large soft-bodied insect having long slender mandibles in the male; aquatic larvae often used as bait -01282022 __iwo_jima_NN_2 a bloody and prolonged operation on the island of Iwo Jima in which American marines landed and defeated Japanese defenders (February and March 1945) -01970646 __set_VB_10 disappear beyond the horizon; "the sun sets early these days" -01970125 __chandelle_VB_1 climb suddenly and steeply; "The airplane chandelled" -01969601 __uplift_VB_2 lift up from the earth, as by geologic forces; "the earth's movement uplifted this part of town" -04034641 __quinacrine_hydrochloride_NN_1 a drug (trade name Atabrine) used to treat certain worm infestations and once used to treat malaria -02863464 __mystical_JJ_2 relating to or resembling mysticism; "mystical intuition"; "mystical theories about the securities market" -07188385 __urging_NN_3 insistent solicitation and entreaty; "his importunity left me no alternative but to agree" -01968275 __parachute_VB_1 jump from an airplane and descend with a parachute -05103283 __gauge_NN_5 diameter of a tube or gun barrel -01967923 __crash-dive_VB_1 descend steeply and rapidly -06546408 __trust_deed_NN_1 a written instrument legally conveying property to a trustee often used to secure an obligation such as a mortgage or promissory note -01967634 __nosedive_VB_1 plunge nose first; drop with the nose or front first, of aircraft -01967373 __plunk_VB_3 drop steeply; "the stock market plunged" -01966861 __skip_VB_3 jump lightly -01966706 __roll_down_VB_1 gather into a huge mass and roll down a mountain, of snow -01802033 __macrocephalon_NN_1 maleos -01294330 __sempatch_NN_1 the Swiss Confederation escaped Hapsburg domination by their victory in 1386 -12627750 __whitethorn_NN_1 thorny Eurasian shrub of small tree having dense clusters of white to scarlet flowers followed by deep red berries; established as an escape in eastern North America -01963942 __spring_VB_1 move forward by leaps and bounds; "The horse bounded across the meadow"; "The child leapt across the puddle"; "Can you jump over the fence?" -03720665 __maquiladora_NN_1 an assembly plant in Mexico (near the United States border); parts are shipped into Mexico and the finished product is shipped back across the border -01963655 __power-dive_VB_1 make a power dive; "The airplane power-dived" -11269697 __theodore_roosevelt_NN_1 26th President of the United States; hero of the Spanish-American War; Panama Canal was built during his administration; "Theodore Roosevelt said `Speak softly but carry a big stick'" (1858-1919) -09931640 __manager_NN_2 (sports) someone in charge of training an athlete or a team -14336004 __reflux_NN_1 an abnormal backward flow of body fluids -01108753 __livery_NN_2 the voluntary transfer of something (title or possession) from one party to another -01963130 __skin-dive_VB_1 swim underwater with no breathing apparatus other than a snorkel -00303748 __hang_gliding_NN_1 gliding in a hang glider -14702703 __lime_NN_3 a sticky adhesive that is smeared on small branches to capture small birds -06583178 __cataloged_procedure_NN_1 a set of control statements that have been placed in a library and can be retrieved by name -01962671 __dive_VB_3 swim under water; "the children enjoyed diving and looking for shells" -10845248 __floyd_bennett_NN_1 United States aviator who (with Richard E. Byrd) piloted the first flight over the North Pole (1890-1928) -07073208 __voice_NN_4 expressing in coherent verbal form; "the articulation of my feelings"; "I gave voice to my feelings" -10682501 __swearer_NN_1 someone who uses profanity -06931891 __kamarupan_NN_1 the Tibeto-Burman language spoken in northeastern India and adjacent regions of western Burma -01961691 __fin_VB_2 propel oneself through the water in a finning motion -00911572 __crenellation_NN_2 the action of constructing ramparts with gaps for firing guns or arrows -13467916 __dissolution_NN_1 separation into component parts -01959927 __gallop_VB_1 ride at a galloping pace; "He was galloping down the road" -01959482 __canter_VB_3 ride at a cantering pace; "He cantered the horse across the meadow" -02246011 __homopterous_insect_NN_1 insects having membranous forewings and hind wings -00508340 __lucky_dip_NN_1 a game in which prizes (e.g., candies or coins) are concealed in a container and for a small sum a player can draw one out at random -01958615 __ride_horseback_VB_1 ride on horseback -09717047 __roman_NN_2 an inhabitant of the ancient Roman Empire -04950713 __grain_NN_10 the direction, texture, or pattern of fibers found in wood or leather or stone or in a woven fabric; "saw the board across the grain" -09691858 __bahreini_NN_1 a native or inhabitant of Bahrain -01406684 __ground_VB_7 throw to the ground in order to stop play and avoid being tackled behind the line of scrimmage -05044822 __successiveness_NN_1 a following of one thing after another in time; "the doctor saw a sequence of patients" -01955984 __ride_VB_2 be carried or travel on or in a vehicle; "I ride to work in a bus"; "He rides the subway downtown every day" -01955808 __soar_VB_2 fly by means of a hang glider -00939452 __composition_NN_5 musical creation -00163592 __attentive_JJ_1 (often followed by `to') giving care or attention; "attentive to details"; "the nurse was attentive to her patient"; "an attentive suitor" -10160913 __harpooner_NN_1 someone who launches harpoons -00963452 __cheek_VB_1 speak impudently to -01953810 __transport_VB_1 move something or somebody around; usually over long distances -00528608 __rebound_VB_2 return to a former condition; "The jilted lover soon rallied and found new friends"; "The stock market rallied" -01019472 __stipulate_VB_2 give a guarantee or promise of; "They stipulated to release all the prisoners" -01952750 __route_VB_2 send via a specific route -07402519 __tide_NN_1 the periodic rise and fall of the sea level under the gravitational pull of the moon -05553288 __chest_NN_3 the front of the trunk from the neck to the abdomen; "he beat his breast in anger" -12477583 __maguey_NN_2 Philippine plant yielding a hard fibre used in making coarse twine -01951276 __freight_VB_1 transport commercially as cargo -01950798 __transport_VB_4 transport commercially -01950657 __railroad_VB_3 transport by railroad -01126846 __seal_off_VB_2 impose a blockade on -01950128 __bus_VB_1 send or move around by bus; "The children were bussed to school" -01949966 __raft_VB_1 transport on a raft; "raft wood down a river" -00366547 __condense_VB_3 remove water from; "condense the milk" -02600798 __yellow_goatfish_NN_1 schooling goatfish; greyish with yellow stripe -08946909 __grenada_NN_1 an island state in the West Indies in the southeastern Caribbean Sea; an independent state within the British Commonwealth -02461063 __subcontract_VB_1 arranged for contracted work to be done by others -01948077 __surfboard_VB_1 ride the waves of the sea with a surfboard; "Californians love to surf" -11862835 __talinum_aurantiacum_NN_1 plant with fleshy roots and erect stems with narrow succulent leaves and one reddish-orange flower in each upper leaf axil; southwestern United States; Indians once cooked the fleshy roots -01947887 __paddle_VB_1 propel with a paddle; "paddle your own canoe" -05979454 __enchantment_NN_3 a magical spell -01947543 __canoe_VB_1 travel by canoe; "canoe along the canal" -03088707 __conductor_NN_4 a device designed to transmit electricity, heat, etc. -01946996 __row_VB_1 propel with oars; "row the boat across the lake" -08559508 __place_NN_7 where you live at a particular time; "deliver the package to my home"; "he doesn't have a home to go to"; "your place or mine?" -01441100 __pierce_VB_5 make a hole into; "The needle pierced her flesh" -01946138 __scud_VB_2 run before a gale -14925198 __jelly_NN_3 any substance having the consistency of jelly or gelatin -09722530 __mauritian_NN_1 a native or inhabitant of Mauritius -13948441 __high_status_NN_1 a position of superior status -01944976 __steamer_VB_1 travel by means of steam power; "The ship steamed off into the Pacific" -01944692 __boat_VB_1 ride in a boat on water -01944086 __skyrocket_VB_1 shoot up abruptly, like a rocket; "prices skyrocketed" -01943949 __go_up_VB_4 be erected, built, or constructed; "New buildings are going up everywhere" -01095753 __commercial_activity_NN_1 activity undertaken as part of a commercial enterprise -00726784 __impute_VB_2 attribute (responsibility or fault) to a cause or source; "The teacher imputed the student's failure to his nervousness" -01653509 __sheep_frog_NN_1 mostly of Central America -02443808 __muishond_NN_1 southern African weasel -04039381 __racquet_NN_1 a sports implement (usually consisting of a handle and an oval frame with a tightly interlaced network of strings) used to strike a ball (or shuttlecock) in various games -01943153 __seaplane_VB_1 glide on the water in a hydroplane -01942959 __soar_VB_5 fly a plane without an engine -13040108 __phallus_NN_1 genus of fungi having the cap or pileus hanging free around the stem -08785132 __mount_athos_NN_1 an autonomous area in northeastern Greece that is the site of several Greek Orthodox monasteries founded in the tenth century -01942347 __glide_VB_2 fly in or as if in a glider plane -00254597 __epilation_NN_2 the act of removing hair (as from an animal skin) -01942234 __jet_VB_2 fly a jet plane -01942137 __test_fly_VB_1 test a plane -01941838 __fly_contact_VB_1 fly a plane by using visible landmarks or points of reference -12977565 __class_chytridiomycetes_NN_1 a class of mostly aquatic fungi; saprophytic or parasitic on algae or fungi or plants -07242912 __ranting_NN_1 a loud bombastic declamation expressed with strong emotion -01941704 __fly_blind_VB_1 fly an airplane solely by relying on instruments -13143626 __paliurus_NN_1 thorny Eurasian shrubs -10409011 __pauper_NN_1 a person who is very poor -00974786 __cry_VB_4 proclaim or announce in public; "before we had newspapers, a town crier would cry the news"; "He cried his merchandise in the market square" -01663401 __sea_turtle_NN_1 any of various large turtles with limbs modified into flippers; widely distributed in warm seas -01940403 __wing_VB_1 travel through the air; be airborne; "Man cannot fly" -00564177 __baseball_play_NN_1 (baseball) a play executed by a baseball team -00526259 __adagio_NN_2 a slow section of a pas de deux requiring great skill and strength by the dancers -01940034 __toboggan_VB_1 move along on a luge or toboggan -07123552 __yelling_NN_1 uttering a loud inarticulate cry as of pain or excitement -10207169 __relative-in-law_NN_1 a relative by marriage -03767459 __roneograph_NN_1 a rotary duplicator that uses a stencil through which ink is pressed (trade mark Roneo) -04390873 __tannoy_NN_1 a loudspeaker -01939174 __sleigh_VB_1 ride (on) a sled -00651935 __critical_JJ_2 at or of a point at which a property or phenomenon suffers an abrupt change especially having enough mass to sustain a chain reaction; "a critical temperature of water is 100 degrees C--its boiling point at standard atmospheric pressure"; "critical mass"; "go critical" -01411556 __order_oedogoniales_NN_1 simple or branched filamentous freshwater green algae -11785100 __genus_arisarum_NN_1 tuberous or rhizomatous perennial herbs; mainly Mediterranean area -01938426 __ski_VB_1 move along on skis; "We love to ski the Rockies"; "My children don't ski" -07053732 __serenade_NN_2 a song characteristically played outside the house of a woman -00333037 __abduction_NN_2 (physiology) moving of a body part away from the central axis of the body -01937222 __ice_skate_VB_1 move along on ice skates -01936753 __skate_VB_1 move along on skates; "The Dutch often skate along the canals in winter" -04794751 __ordinariness_NN_1 the quality of being commonplace and ordinary -14210119 __osteopetrosis_NN_1 an inherited disorder characterized by an increase in bone density; in severe forms the bone marrow cavity may be obliterated -01936048 __motorcycle_VB_1 ride a motorcycle -02020450 __pedionomus_NN_1 plain wanderer -01935476 __wheel_VB_4 ride a bicycle -12735666 __genus_buckleya_NN_1 small genus of Asiatic and American parasitic shrubs -01933900 __channel_VB_2 direct the flow of; "channel information towards a broad audience" -13773361 __trace_NN_1 a just detectable amount; "he speaks French with a trace of an accent" -01933204 __beacon_VB_2 guide with a beacon -01933093 __conn_VB_1 conduct or direct the steering of a ship or plane -01932951 __starboard_VB_1 turn to the right, of helms or rudders -12462951 __ruscus_NN_1 a genus of European evergreen shrubs; sometimes placed in family Asparagaceae -11554175 __gymnosperm_genus_NN_1 a genus of gymnosperms -02994012 __sliding_keel_NN_1 a retractable fin keel used on sailboats to prevent drifting to leeward -01932704 __navigate_VB_3 direct carefully and safely; "He navigated his way to the altar" -01932586 __crab_VB_1 direct (an aircraft) into a crosswind -09133500 __eugene_NN_2 a city in western Oregon on the Willamette River; site of a university -12028424 __tripleurospermum_inodorum_NN_1 ubiquitous European annual weed with white flowers and finely divided leaves naturalized and sometimes cultivated in eastern North America; sometimes included in genus Matricaria -00484892 __wrap_up_VB_2 finish a task completely; "I finally got through this homework assignment" -07761309 __soursop_NN_2 large spiny tropical fruit with tart pulp related to custard apples -09997404 __debater_NN_1 someone who engages in debate -01927992 __bear_down_upon_VB_1 sail towards another vessel, of a ship -10451858 __polluter_NN_1 a person or organization that causes pollution of the environment -07257393 __table_turning_NN_1 manipulation of a table during a seance; attributed to spirits -01926311 __run_VB_1 move fast by using one's feet, with one foot off the ground at any given time; "Don't run--you'll be out of breath"; "The children ran to the store" -01925694 __stray_VB_2 wander from a direct course or at random; "The child strayed from the path and her parents lost sight of her"; "don't drift from the set course" -01924882 __swag_VB_2 walk as if unable to control one's movements; "The drunken man staggered into the room" -02192992 __taste_VB_5 distinguish flavors; "We tasted wines last night" -01924505 __troop_VB_1 march in a procession; "the veterans paraded down the street" -08154012 __bourbon_dynasty_NN_1 a European royal line that ruled in France (from 1589-1793) and Spain and Naples and Sicily -01923630 __remount_VB_1 mount again; "he remounted his horse" -01922895 __mountaineer_VB_1 climb mountains for pleasure as a sport -01922576 __escalade_VB_1 climb up and over; "They had to escalade canyons to reach their destination" -01921964 __mount_VB_6 go upward with gradual or continuous progress; "Did you ever climb up the hill behind your house?" -01962662 __placuna_NN_1 windowpane oysters -07408965 __blowback_NN_1 the backward escape of gases and unburned gunpowder after a gun is fired -01913849 __ford_VB_1 cross a river where it's shallow -09809749 __army_officer_NN_1 an officer in the armed forces; "he's a retired army officer" -01288201 __manacle_VB_1 confine or restrain with or as if with manacles or handcuffs; "The police handcuffed the suspect at the scene of the crime" -01920220 __file_in_VB_1 enter by marching in a file -09390424 __persian_gulf_NN_1 a shallow arm of the Arabian Sea between Iran and the Arabian peninsula; the Persian Gulf oil fields are among the most productive in the world -00378042 __incinerate_VB_2 cause to undergo combustion; "burn garbage"; "The car burns only Diesel oil" -01919226 __promenade_VB_2 take a leisurely walk; "The ladies promenaded along the beach" -10040945 __sharpy_NN_1 an alert and energetic person -14550195 __intermittent_claudication_NN_1 lameness due to pain in leg muscles because the blood supply is inadequate; pain subsides with rest -01918183 __mosey_VB_1 walk leisurely -01917980 __stroll_VB_1 walk leisurely and with no apparent aim -01667132 __alter_VB_3 make an alteration to; "This dress needs to be altered" -03743902 __monument_NN_1 a structure erected to commemorate persons or events -01917244 __limp_VB_1 walk impeded by some physical limitation or injury; "The old woman hobbles down to the store every day" -02241184 __suborder_heteroptera_NN_1 true bugs -07891613 __nipa_NN_2 made from sap of the Australasian nipa palm -01916960 __somnambulate_VB_1 walk in one's sleep -11620560 __genus_abies_NN_1 true firs -01915365 __transit_VB_1 make a passage or journey from one place to another; "The tourists moved through the town and bought up all the souvenirs;" "Some travelers pass through the desert" -01915131 __bridge_VB_3 cross over on a bridge -12010021 __saussurea_NN_1 genus of herbs of temperate and cool regions of Eurasia -07718747 __globe_artichoke_NN_2 a thistlelike flower head with edible fleshy leaves and heart -01920698 __tramp_VB_1 travel on foot, especially on a walking expedition; "We went tramping about the state of Colorado" -04952570 __glare_NN_1 a light within the field of vision that is brighter than the brightness to which the eyes are adapted; "a glare of sunlight" -01913707 __infiltrate_VB_1 cause (a liquid) to enter by penetrating the interstices -01913363 __pass_through_VB_3 pass through an enemy line; in a military conflict -01016316 __plead_VB_4 make an allegation in an action or other legal proceeding, especially answer the previous pleading of the other party by denying facts therein stated or by alleging new facts -03696065 __trunk_NN_4 compartment in an automobile that carries luggage or shopping or tools; "he put his golf bag in the trunk" -01912159 __traverse_VB_1 travel across or pass over; "The caravan covered almost 100 miles each day" -02068745 __blow_VB_15 spout moist air from the blowhole; "The whales blew" -01910965 __walk_around_VB_1 walk with no particular goal; "we were walking around in the garden"; "after breakfast, she walked about in the park" -01910373 __startle_VB_2 move or jump suddenly, as if in surprise or alarm; "She startled when I walked into the room" -01909812 __turn_VB_6 pass to the other side of; "turn the corner"; "move around the obstacle" -01812471 __genus_columba_NN_1 type genus of the Columbidae: typical pigeons -01909679 __upend_VB_1 become turned or set on end; "the airplanes upended" -01909397 __turn_over_VB_7 turn from an upright or normal position; "The big vase overturned"; "The canoe tumped over" -12857024 __micromeria_NN_1 large genus of fragrant chiefly Old World herbs -03619793 __kitbag_NN_1 a knapsack (usually for a soldier) -00850260 __biogeny_NN_1 the production of living organisms from other living organisms -12245472 __vaccinium_NN_1 evergreen or deciduous berry-bearing shrubs of northern hemisphere: cranberries; blueberries -06667792 __legal_code_NN_1 a code of laws adopted by a state or nation; "a code of laws" -01906823 __walk_VB_9 make walk; "He walks the horse up the mountain"; "Walk the dog twice a day" -01906322 __leg_it_VB_1 walk; "let's hoof it to the disco" -01904120 __fall_back_VB_3 move back and away from; "The enemy fell back" -01903935 __ebb_out_VB_1 flow back or recede; "the tides ebbed at noon" -01903385 __play_VB_9 move or seem to move quickly, lightly, or irregularly; "The spotlights played on the politicians" -03163798 __data_converter_NN_1 converter for changing information from one code to another -09974496 __screwball_NN_1 a whimsically eccentric person -13432647 __anthropogeny_NN_1 the evolution or genesis of the human race -03368352 __flowerbed_NN_1 a bed in which flowers are growing -01900408 __trip_VB_1 miss a step and fall or nearly fall; "She stumbled over the tree root" -13838386 __fiduciary_relation_NN_1 the legal relation that exists when one person justifiably places reliance on another whose aid or protection is sought in some matter -04062179 __reciprocating_engine_NN_1 an internal-combustion engine in which the crankshaft is turned by pistons moving up and down in cylinders -01898032 __jig_VB_1 dance a quick dance with leaping and kicking motions -10379758 __oppressor_NN_1 a person of authority who subjects others to undue pressures -01897885 __thrash_VB_3 dance the slam dance -00191980 __filtration_NN_2 the act of changing a fluid by passing it through a filter -07367548 __break_NN_9 the occurrence of breaking; "the break in the dam threatened the valley" -09819291 __astrophysicist_NN_1 an astronomer who studies the physical properties of celestial bodies -04518132 __vacuum_flask_NN_1 flask with double walls separated by vacuum; used to maintain substances at high or low temperatures -00271879 __brutalization_NN_3 an act that makes people cruel or lacking normal human qualities -04550184 __wardrobe_NN_1 a tall piece of furniture that provides storage space for clothes; has a door and rails or hooks for hanging clothes -08809749 __piemonte_NN_1 the region of northwestern Italy; includes the Po valley -01557697 __turdus_NN_1 type genus of the Turdidae -03176386 __plate_NN_15 a dental appliance that artificially replaces missing teeth -12335800 __stringybark_NN_1 any of several Australian eucalypts having fibrous inner bark -00270005 __mobilize_VB_4 cause to move around; "circulate a rumor" -01896295 __country-dance_VB_1 perform a contradance -08720481 __republic_of_chile_NN_1 a republic in southern South America on the western slopes of the Andes on the south Pacific coast -06540702 __decree_nisi_NN_1 a decree issued on a first petition for divorce; becomes absolute at some later date -04661926 __recklessness_NN_1 the trait of giving little thought to danger -01893988 __stir_VB_2 move very slightly; "He shifted in his seat" -00831919 __artificial_respiration_NN_1 an emergency procedure whereby breathing is maintained artificially -10583387 __settler_NN_1 a person who settles in a new colony or moves into new country -03462747 __ground_NN_9 a connection between an electrical device and a large conducting body, such as the earth (which is taken to be at zero voltage) -03037924 __rooseveltian_JJ_1 of or relating to or like or in the manner of Franklin Roosevelt -02739861 __mingle_VB_3 be all mixed up or jumbled together; "His words jumbled" -01892734 __skip_VB_5 bound off one point after another -01892608 __jounce_VB_1 move up and down repeatedly -12020388 __tageteste_NN_1 marigolds -10064046 __esquire_NN_2 a title of respect for a member of the English gentry ranking just below a knight; placed after the name -01890626 __rattle_VB_2 shake and cause to make a rattling noise -01143409 __deployment_NN_1 the distribution of forces in preparation for battle or work -00947591 __reset_VB_1 set anew; "They re-set the date on the clock" -13208468 __genus_cheilanthes_NN_1 small evergreen ferns: lipferns; in some classifications placed in family Polypodiaceae or Adiantaceae -07050177 __refrain_NN_1 the part of a song where a soloist is joined by a group of singers -02416964 __she-goat_NN_1 female goat -02693168 __crest_VB_1 lie at the top of; "Snow capped the mountains" -01888511 __tremble_VB_1 move or jerk quickly and involuntarily up and down or sideways; "His hands were trembling when he signed the document" -01888295 __steal_VB_2 move stealthily; "The ship slipped away in the darkness" -08558770 __sheikhdom_NN_1 the domain ruled by a sheik -08916316 __mesopotamia_NN_1 the land between the Tigris and Euphrates; site of several ancient civilizations; part of what is now known as Iraq -01887020 __wheel_VB_3 move along on or as if on wheels or a wheeled vehicle; "The President's convoy rolled past the crowds" -02179714 __scolytus_NN_1 type genus of the Scolytidae comprising numerous small bark beetles -01041111 __consecration_NN_1 a solemn commitment of your life or your time to some cherished purpose (to a service or a goal); "his consecration to study" -05064827 __symmetry_NN_1 (mathematics) an attribute of a shape or relation; exact reflection of form on opposite sides of a dividing line or plane -00390215 __weaken_VB_5 lessen in force or effect; "soften a shock"; "break a fall" -04895773 __mistrust_NN_2 the trait of not trusting others -01885845 __creep_VB_1 move slowly; in the case of people or animals with the body near the ground; "The crocodile was crawling along the riverbed" -01885430 __roil_VB_1 be agitated; "the sea was churning in the storm" -01884974 __wobble_VB_2 move sideways or in an unsteady way; "The ship careened out of control" -01884577 __tilt_VB_2 heel over; "The tower is tilting"; "The ceiling is slanting" -01884383 __jerk_VB_4 jump vertically, with legs stiff and back arched; "the yung filly bucked" -02254531 __genus_adelges_NN_1 type genus of the Adelgidae: plant lice -01883344 __shift_VB_2 change place or direction; "Shift one's position" -01633047 __family_cryptobranchidae_NN_1 large aquatic salamanders: hellbenders; giant salamanders -06608035 __nonsense_verse_NN_1 nonsensical writing (usually verse) -06841365 __punctuation_mark_NN_1 the marks used to clarify meaning by indicating separation of words into sentences and clauses and phrases -01881180 __wander_VB_1 move about aimlessly or without any destination, often in search of food or employment; "The gypsies roamed the woods"; "roving vagabonds"; "the wandering Jew"; "The cattle roam across the prairie"; "the laborers drift from one town to the next"; "They rolled from town to town" -01880888 __flap_VB_2 move noisily; "flags flapped in the strong wind" -01880673 __beat_VB_16 indicate by beating, as with the fingers or drumsticks; "Beat the rhythm" -01880113 __thump_VB_1 move rhythmically; "Her heart was beating fast" -01879251 __throb_VB_2 expand and contract rhythmically; beat rhythmically; "The baby's heart was pulsating again after the surgeon massaged it" -01878719 __waver_VB_5 move back and forth very rapidly; "the candle flickered" -10256756 __progressive_NN_2 a person who favors a political philosophy of progress and reform and the protection of civil liberties -07272172 __label_NN_4 an identifying or descriptive marker that is attached to an object -01878063 __vibrate_VB_2 move or swing from side to side regularly; "the needle on the meter was oscillating" -07528807 __intoxication_NN_3 excitement and elation beyond the bounds of sobriety; "the intoxication of wealth and power" -06527851 __sales_agreement_NN_1 an agreement (or contract) in which property is transferred from the seller (vendor) to the buyer (vendee) for a fixed price in money (paid or agreed to be paid by the buyer); "the salesman faxed the sales agreement to his home office" -11511004 __sunspot_NN_1 a cooler darker spot appearing periodically on the sun's photosphere; associated with a strong magnetic field -11446067 __lode_NN_1 a deposit of valuable ore occurring within definite boundaries separating it from surrounding rocks -10470460 __target_NN_2 a person who is the aim of an attack (especially a victim of ridicule or exploitation) by some hostile person or influence; "he fell prey to muggers"; "everyone was fair game"; "the target of a manhunt" -01876907 __waver_VB_4 move or sway in a rising and falling or wavelike pattern; "the line on the monitor vacillated" -14265722 __marburg_hemorrhagic_fever_NN_1 a viral disease of green monkeys caused by the Marburg virus; when transmitted to humans it causes serious or fatal illness -13608598 __temperature_unit_NN_1 a unit of measurement for temperature -13577544 __system_of_weights_and_measures_NN_1 system of measurement for length and weight and duration -00967780 __bw_NN_1 the use of bacteria or viruses or toxins to destroy men and animals or food -12760875 __rhus_laurina_NN_1 small aromatic evergreen shrub of California having paniculate leaves and whitish berries; in some classifications included in genus Rhus -01873942 __elbow_VB_1 push one's way with the elbows -01872877 __push_VB_9 move strenuously and with effort; "The crowd pushed forward" -01872645 __push_VB_5 press against forcefully without moving; "she pushed against the wall with all her strength" -01928154 __point_VB_6 sail close to the wind -03791235 __motor_vehicle_NN_1 a self-propelled wheeled vehicle that does not run on rails -01870867 __skid_VB_1 slide without control; "the car skidded in the curve on the wet road" -12684640 __order_geraniales_NN_1 an order of plants of subclass Rosidae including geraniums and many other plants; see Euphorbiaceae; Geraniaceae; Rutaceae; Malpighiaceae; Simaroubaceae; Meliaceae; Zygophyllaceae; Tropaeolaceae -04007239 __prochlorperazine_NN_1 antipsychotic and antiemetic drug used to treat schizophrenia and to combat nausea and vomiting -01976146 __decapod_crustacean_NN_1 crustaceans characteristically having five pairs of locomotor appendages each joined to a segment of the thorax -01542786 __weaverbird_NN_1 finch-like African and Asian colonial birds noted for their elaborately woven nests -00969370 __sow_VB_2 introduce into an environment; "sow suspicion or beliefs" -05161150 __propitiousness_NN_1 the favorable quality of strongly indicating a successful result -07711471 __jacket_NN_4 the outer skin of a potato -09638875 __white_person_NN_1 a member of the Caucasoid race -02377703 __saddle_horse_NN_1 a lightweight horse kept for riding only -05954100 __qabbalah_NN_1 an esoteric theosophy of rabbinical origin based on the Hebrew scriptures and developed between the 7th and 18th centuries -09835348 __balloonist_NN_1 someone who flies a balloon -04660261 __rigidness_NN_2 the quality of being rigid and rigorously severe -01866192 __turn_over_VB_3 move by turning over or rotating; "The child rolled down the hill"; "turn over on your left side" -03802393 __muslin_NN_1 plain-woven cotton fabric -12852570 __lycopus_europaeus_NN_1 hairy Eurasian herb with two-lipped white flowers -01832684 __genus_chateura_NN_1 a genus of Apodidae -11251995 __sir_sarvepalli_radhakrishnan_NN_1 Indian philosopher and statesman who introduced Indian philosophy to the West (1888-1975) -01864865 __jolt_VB_1 move or cause to move with a sudden jerky motion -01864634 __shift_VB_9 move abruptly; "The ship suddenly lurched to the left" -07668215 __roast_lamb_NN_1 a cut of lamb suitable for roasting -07965085 __body_NN_2 a group of persons associated by some common tie or occupation and regarded as an entity; "the whole body filed out of the auditorium"; "the student body"; "administrative body" -01043333 __stations_of_the_cross_NN_1 (Roman Catholic Church) a devotion consisting of fourteen prayers said before a series of fourteen pictures or carvings representing successive incidents during Jesus' passage from Pilate's house to his crucifixion at Calvary -15092650 __vitamin_h_NN_1 a B vitamin that aids in body growth -09694529 __bhutani_NN_1 a native or inhabitant of Bhutan -01864038 __run_VB_35 travel a route regularly; "Ships ply the waters near the coast" -00589494 __episcopate_NN_4 the office and dignity of a bishop -09857200 __bishop_NN_1 a senior member of the Christian clergy having spiritual and administrative authority; appointed in Christian churches to oversee priests or ministers; considered in some churches to be successors of the twelve Apostles of Christ -01863410 __pull_up_VB_3 cause (a vehicle) to stop; "He pulled up the car in front of the hotel" -01863158 __pull_up_VB_1 come to a halt after driving somewhere; "The Rolls pulled up on pour front lawn"; "The chauffeur hauled up in front of us" -10287082 __mammy_NN_1 an offensive term for a Black nursemaid in the southern U.S. -00056688 __pullback_NN_2 (military) the act of pulling back (especially an orderly withdrawal of troops); "the pullback is expected to be over 25,000 troops" -02518178 __silurus_NN_1 type genus of the Siluridae: catfishes -12813870 __genus_bignonia_NN_1 one species: cross vine -01860795 __stop_VB_1 come to a halt, stop moving; "the car stopped"; "She stopped in front of a store window" -01859221 __stop_VB_5 cause to stop; "stop a car"; "stop the thief" -01858910 __round_VB_1 wind around; move along a circular course; "round the bend" -00303495 __soaring_NN_1 the activity of flying a glider -05718556 __music_NN_2 any agreeable (pleasing and harmonious) sounds; "he fell asleep to the music of the wind chimes" -03032576 __ciprofloxacin_NN_1 an oral antibiotic (trade name Cipro) used against serious bacterial infections of the skin or respiratory tract or urinary tract or bones or joints -08766988 __germany_NN_1 a republic in central Europe; split into East Germany and West Germany after World War II and reunited in 1990 -00469382 __wear_thin_VB_1 deteriorate through use or stress; "The constant friction wore out the cloth" -14346909 __glossitis_NN_1 inflammation of the tongue -06966454 __galician_NN_1 a language spoken in Galicia in northwestern Spain; it is between Portuguese and Spanish but closer to Portuguese; sometimes considered a Portuguese or Spanish dialect -01587818 __dyke_VB_1 enclose with a dike; "dike the land to protect it from water" -15123115 __day_NN_2 some point or period in time; "it should arrive any day now"; "after that day she never trusted him again"; "those were the days"; "these days it is not unusual" -06779096 __dirty_story_NN_1 an indelicate joke -10535706 __rocker_NN_3 a teenager or young adult in the 1960s who wore leather jackets and rode motorcycles -07187773 __solicitation_NN_1 an entreaty addressed to someone of superior status; "a solicitation to the king for relief" -01855606 __move_VB_4 change residence, affiliation, or place of employment; "We moved from Idaho to Nebraska"; "The basketball player moved from one team to another" -07650903 __mince_NN_1 food chopped into small bits; "a mince of mushrooms" -01854519 __tap_VB_10 draw (liquor) from a tap; "tap beer in a bar" -01854132 __take_out_VB_10 take liquid out of a container or well; "She drew water from the barrel" -10000616 __delayer_NN_1 a person who delays; to put off until later or cause to be late -14588492 __composition_NN_3 a mixture of ingredients -01852892 __re-enter_VB_1 enter again; "You cannot re-enter the country with this visa" -01734929 __replicate_VB_2 reproduce or make an exact copy of; "replicate the cell"; "copy the genetic information" -01852701 __centre_VB_1 move into the center; "That vase in the picture is not centered" -01849746 __come_near_VB_3 come near in time; "Winter is approaching"; "approaching old age" -01848718 __go_away_VB_1 move away from a place into another direction; "Go away before I start to cry"; "The train departs at noon" -13179648 __vittaria_NN_1 tropical epiphytic ferns with straplike fronds -12143572 __zea_NN_1 corn -01847845 __fly_VB_12 travel over (an area of land or sea) in an aircraft; "Lindbergh was the first to fly the Atlantic" -01846658 __sail_VB_1 traverse or travel on (a body of water); "We sailed the Atlantic"; "He sailed the Pacific all alone" -03068181 __neckband_NN_2 a band that fits around the neck and is usually folded over -10042300 __feeder_NN_2 someone who consumes food for nourishment -11459538 __rubbing_NN_1 the resistance encountered when one body is moved in contact with another -08976913 __hyderabad_NN_1 a city in southern Pakistan on the Indus River -02667906 __abortion-inducing_drug_NN_1 a drug (or other chemical agent) that causes abortion -10082146 __roly-poly_NN_1 a rotund individual -02900081 __molar_JJ_3 containing one mole of a substance; "molar weight" -01843904 __sightsee_VB_1 visit famous or interesting sights -01843689 __visit_VB_2 go to certain places as for sightseeing; "Did you ever visit Paris?" -02653497 __queen_triggerfish_NN_1 tropical Atlantic fish -01843497 __resort_VB_2 move, travel, or proceed toward some place; "He repaired to his cabin in the woods" -06907728 __athapaskan_language_NN_1 a group of Amerindian languages (the name coined by an American anthropologist, Edward Sapir) -10171567 __herdsman_NN_1 someone who drives a herd -01841591 __pull_over_VB_1 steer a vehicle to the side of the road; "The car pulled over when the ambulance approached at high speed" -12194776 __sterculiaceae_NN_1 a large family of plants of order Malvales -05826291 __validation_NN_2 the cognitive process of establishing a valid proof -01841471 __sheer_VB_2 cause to sheer; "She sheered her car around the obstacle" -12715914 __bitterwood_tree_NN_1 any of various trees or shrubs of the family Simaroubaceae having wood and bark with a bitter taste -03951971 __pivot_NN_2 axis consisting of a short shaft that supports something that turns -00941140 __plan_of_attack_NN_1 ideas or actions intended to deal with a problem or situation; "his approach to every problem is to draw up a list of pros and cons"; "an attack on inflation"; "his plan of attack was misguided" -01476154 __unmanly_JJ_1 not possessing qualities befitting a man -01840092 __pass_over_VB_4 fly over; "The plane passed over Damascus" -05207963 __ineffectualness_NN_1 lacking the power to be effective -05781145 __extrapolation_NN_2 an inference about the future (or about some hypothetical situation) based on known facts and observations -01634142 __think_up_VB_1 devise or invent; "He thought up a plan to get rich quickly"; "no-one had ever thought of such a clever piece of software" -11656123 __lagarostrobus_franklinii_NN_1 Tasmanian timber tree with yellow aromatic wavy-grained wood used for carving and ship building; sometimes placed in genus Dacrydium -01835280 __gravitate_VB_3 move due to the pull of gravitation; "The stars gravitate towards each other" -01835103 __mire_VB_2 cause to get stuck as if in a mire; "The mud mired our cart" -01834896 __mire_VB_3 be unable to move further; "The car bogged down in the sand" -09386422 __subatomic_particle_NN_1 a body having finite mass and internal structure but negligible dimensions -11039690 __john_hemminge_NN_1 English actor who edited the first folio of Shakespeare's plays (1556-1630) -00156276 __let_up_VB_2 reduce pressure or intensity; "he eased off the gas pedal and the car slowed down" -05853636 __attention_NN_3 a general interest that leads people to want to know more; "She was the center of attention" -01834053 __plunge_VB_3 dash violently or with great speed or impetuosity; "She plunged at it eagerly" -01830965 __spook_VB_1 frighten or scare, and often provoke into a violent action; "The noise spooked the horse" -05788149 __decision_making_NN_1 the cognitive process of reaching a decision; "a good executive must be good at decision making" -07013549 __string_NN_5 a linear sequence of symbols (characters or words or phrases) -06682290 __bulletin_NN_1 a brief report (especially an official statement issued for immediate publication or broadcast) -10242791 __peeress_NN_1 a woman of the peerage in Britain -13480848 __flaming_NN_1 the process of combustion of inflammable materials producing heat and light and (often) smoke; "fire was one of our ancestors' first discoveries" -07640749 __buttermilk_pancake_NN_1 a pancake made with buttermilk -00302875 __temper_VB_2 harden by reheating and cooling in oil; "temper steel" -00229934 __quenching_NN_1 the act of extinguishing; causing to stop burning; "the extinction of the lights" -08016900 __interahamwe_NN_1 a terrorist organization that seeks to overthrow the government dominated by Tutsi and to institute Hutu control again; "in 1999 ALIR guerrillas kidnapped and killed eight foreign tourists" -09343761 __lower_california_NN_1 a mountainous peninsula on northwest Mexico -00267871 __dyspnoeic_JJ_1 not breathing or able to breathe except with difficulty; "breathless at thought of what I had done"; "breathless from running"; "followed the match with breathless interest" -01824532 __wish_well_VB_1 feel or express a desire or hope concerning the future or fortune of -00800586 __bracket_out_VB_1 place into brackets; "Please bracket this remark" -01823528 __estrange_VB_2 arouse hostility or indifference in where there had formerly been love, affection, or friendliness; "She alienated her friends when she became fanatically religious" -01823370 __wallow_VB_4 be ecstatic with joy -13112664 __shrub_NN_1 a low woody perennial plant usually having several major stems -12624873 __genus_chrysobalanus_NN_1 coco plums -01821996 __sympathize_with_VB_1 share the suffering of -02672831 __squeeze_box_NN_1 a portable box-shaped free-reed instrument; the reeds are made to vibrate by air from the bellows controlled by the player -06345131 __running_headline_NN_1 a heading printed at the top of every page (or every other page) of a book -04097256 __road_map_NN_2 a map showing roads (for automobile travel) -10568443 __seconder_NN_1 someone who endorses a motion or petition as a necessary preliminary to a discussion or vote -01820302 __savour_VB_4 derive or receive pleasure from; get enjoyment from; take pleasure in; "She relished her fame and basked in her glory" -01278232 __el_alamein_NN_2 a pitched battle in World War II (1942) resulting in a decisive Allied victory by British troops under Montgomery over German troops under Rommel -01820077 __pother_VB_1 make upset or troubled -00677808 __implantation_NN_3 a surgical procedure that places something in the human body; "the implantation of radioactive pellets in the prostate gland" -01819554 __restrain_VB_5 to compel or deter by or as if by threats -08520401 __celestial_point_NN_1 a point in the heavens (on the celestial sphere) -14038482 __anoestrus_NN_1 applies to nonhuman mammals: a state or interval of sexual inactivity between two periods of estrus -01818835 __spur_VB_2 give heart or courage to -01817938 __recreate_VB_3 give encouragement to -01817574 __work_VB_19 gratify and charm, usually in order to influence; "the political candidate worked the crowds" -10293590 __marquise_NN_1 a noblewoman ranking below a duchess and above a countess -10779775 __whittler_NN_1 someone who whittles (usually as an idle pastime) -01816219 __titillate_VB_2 excite pleasurably or erotically; "A titillating story appeared in the usually conservative magazine" -05073559 __disk_shape_NN_1 the roundness of a 2-dimensional figure -01815185 __still_VB_3 lessen the intensity of or calm; "The news eased my conscience"; "still the fears" -02696384 __fosamax_NN_1 a tablet (trade name Fosamax) prescribed to prevent or treat osteoporosis in women after menopause -01813884 __rejoice_VB_1 feel happiness or joy -01812324 __tickle_pink_VB_1 fill with sublime emotion; "The children were thrilled at the prospect of going to the movies"; "He was inebriated by his phenomenal success" -01812068 __beatify_VB_2 make blessedly happy -01811736 __uplift_VB_1 fill with high spirits; fill with optimism; "Music can uplift your spirits" -02539251 __genus_coregonus_NN_1 type genus of the Coregonidae: whitefishes -03957567 __plasterwork_NN_1 a surface of hardened plaster (as on a wall or ceiling); "there were cracks in the plaster" -09751256 __croatian_NN_1 a member of the Slavic people living in Croatia -01811441 __hope_VB_2 be optimistic; be full of hope; have hopes; "I am still hoping that all will turn out well" -00329619 __spillage_NN_2 the act of allowing a fluid to escape -01811172 __despond_VB_1 lose confidence or hope; become dejected; "The supporters of the Presidential candidate desponded when they learned the early results of the election" having the point made sharp; "a sharpened pencil" -01798936 __let_down_VB_2 fail to meet the hopes or expectations of; "Her boyfriend let her down when he did not propose marriage" -01810320 __lock_VB_6 hold fast (in a certain state); "He was locked in a laughing fit" -01898893 __square_dance_VB_1 dance in formation -01809980 __knock_out_VB_4 overwhelm with admiration; "All the guys were knocked out by her charm" -01809884 __benight_VB_1 overtake with darkness or night -00236999 __reduce_VB_18 cook until very little liquid is left; "The cook reduced the sauce by boiling it for a long time" -01808769 __repulse_VB_2 be repellent to; cause aversion in -06341609 __rabbi_NN_2 a Hebrew title of respect for a Jewish scholar or teacher -03318438 __sham_NN_1 something that is a counterfeit; not what it seems to be -01808374 __sicken_VB_1 cause aversion in; offend the moral sense of; "The pornographic pictures sickened us" -10385707 __ostrich_NN_1 a person who refuses to face reality or recognize the truth (a reference to the popular notion that the ostrich hides from danger by burying its head in the sand) -01808218 __bring_VB_10 attract the attention of; "The noise and the screaming brought the curious" -03142912 __crystal_NN_2 a crystalline element used as a component in various electronic devices -12068824 __hexalectris_NN_1 a monocotyledonous genus of the family Orchidaceae -01807770 __tempt_VB_5 try to seduce -01807529 __tempt_VB_3 give rise to a desire by being attractive or inviting; "the window displays tempted the shoppers" -00639975 __testing_NN_1 the act of subjecting to experimental test in order to determine how well something works; "they agreed to end the testing of atomic weapons" -01807314 __antagonize_VB_1 provoke the hostility of; "Don't antagonize your boss" -10067600 __event_planner_NN_1 someone who plans social events as a profession (usually for government or corporate officials) -01806505 __trance_VB_1 attract; cause to be enamored; "She captured all the men's hearts" -01806271 __steel_VB_1 get ready for something difficult or unpleasant -02769748 __rucksack_NN_1 a bag carried by a strap on your back or shoulder -01806109 __poise_VB_2 prepare (oneself) for something unpleasant or difficult -07205573 __refusal_NN_1 the act of refusing -01804961 __look_to_VB_2 be excited or anxious about -08755852 __trinidad_NN_1 an island in West Indies just off the northeastern coast of Venezuela -12612020 __genus_alisma_NN_1 small genus of aquatic or semiaquatic plants -00563494 __basketball_play_NN_1 a play executed by a basketball team -08219493 __wing_NN_4 a unit of military aircraft -00864859 __patellar_reflex_NN_1 a reflex extension of the leg resulting from a sharp tap on the patellar tendon -01804595 __ingratiate_VB_1 gain favor with somebody by deliberate efforts -05346714 __intestinal_artery_NN_2 branch of the superior mesenteric artery that supplies the ileum -01802219 __lament_VB_1 express grief verbally; "we lamented the death of the child" -01801847 __subdue_VB_3 hold within limits and control; "subdue one's appetites"; "mortify the flesh" -02070150 __spill_over_VB_2 be disgorged; "The crowds spilled out into the streets" -06451891 __torah_NN_2 the first of three divisions of the Hebrew Scriptures comprising the first five books of the Hebrew Bible considered as a unit -03997980 __pravastatin_NN_1 an oral drug (trade name Pravachol) administered to reduce blood cholesterol levels; recommended after nonfatal heart attacks -12136206 __cane_NN_2 a strong slender often flexible stem as of bamboos, reeds, rattans, or sugar cane -00609506 __piloting_NN_2 the occupation of a pilot keep in mind -01800422 __take_down_VB_2 reduce in worth or character, usually verbally; "She tends to put down younger women colleagues"; "His critics took him down after the lecture" -01799794 __mortify_VB_3 cause to feel shame; hurt the pride of; "He humiliated his colleague by criticising him in front of the boss" -08129268 __doc_NN_2 the United States federal department that promotes and administers domestic and foreign trade (including management of the census and the patent office); created in 1913 -08057206 __agency_NN_2 a business that serves other businesses -01885367 __myrmecobius_NN_1 banded anteater -04581829 __wick_NN_2 a loosely woven cord (in a candle or oil lamp) that draws fuel by capillary action up into the flame -01576863 __sturnus_NN_1 type genus of the Sturnidae: common starlings -01797347 __sorrow_VB_1 feel grief -05213201 __unresponsiveness_NN_1 the quality of being unresponsive; not reacting; as a quality of people, it is marked by a failure to respond quickly or with emotion to people or events; "she began to recover from her numb unresponsiveness after the accident"; "in an instant all the deadness and withdrawal were wiped away" -01795428 __throw_a_fit_VB_1 get very angry and fly into a rage; "The professor combusted when the student didn't know the answer to a very elementary question"; "Spam makes me go ballistic" -06708304 __bronze_star_medal_NN_1 a United States military decoration awarded for meritorious service (except in aerial flight) -01794523 __agonize_VB_1 cause to agonize -04703698 __murkiness_NN_2 the quality of being cloudy -01794195 __scruple_VB_2 raise scruples; "He lied and did not even scruple about it" -01793742 __sting_VB_5 cause an emotional pain, as if by stinging; "His remark stung her" -01793177 __wound_VB_2 hurt the feelings of; "She hurt me when she did not include me among her guests"; "This remark really bruised my ego" -01792567 __pain_VB_2 cause emotional anguish or make miserable; "It pains me to see my children not being taught well in school" -01792097 __embarrass_VB_1 cause to be embarrassed; cause to feel self-conscious -00017865 __turn_in_VB_4 prepare for sleep; "I usually turn in at midnight"; "He goes to bed at the crack of dawn" -01791535 __bother_VB_5 make nervous or agitated; "The mere thought of her bothered him and made his heart beat faster" -01790739 __put_off_VB_4 cause to feel embarrassment; "The constant attention of the young man confused her" -01789514 __provoke_VB_4 annoy continually or chronically; "He is known to harry his staff when he is overworked"; "This man harasses his female co-workers" -01789270 __pique_VB_1 cause to feel resentment or indignation; "Her tactless remark offended me" -01788932 __peeve_VB_1 cause to be annoyed, irritated, or resentful -01787955 __vex_VB_1 cause annoyance in; disturb, especially by minor irritations; "Mosquitoes buzzing in my ear really bothers me"; "It irritates me that she never closes the door after she leaves" -01787822 __madden_VB_1 cause to go crazy; cause to lose one's mind -08472120 __falun_gong_NN_1 a spiritual movement that began in China in the latter half of the 20th century and is based on Buddhist and Taoist teachings and practices -10413276 __peer_of_the_realm_NN_1 a peer who is entitled to sit in the House of Lords -01932643 __wheatworm_NN_1 small roundworm parasitic on wheat -00507673 __game_of_chance_NN_1 a game that involves gambling -07102593 __dramatic_irony_NN_1 (theater) irony that occurs when the meaning of the situation is understood by the audience but not by the characters in the play -01754105 __press_VB_7 create by pressing; "Press little holes into the soft clay" -00234105 __dishonorable_discharge_NN_1 a discharge from the armed forces for a grave offense (as sabotage or espionage or cowardice or murder) -11347519 __tracy_NN_1 United States film actor who appeared in many films with Katharine Hepburn (1900-1967) -03441112 __glove_NN_2 handwear: covers the hand and wrist -01785971 __anger_VB_1 make angry; "The news angered him" -02429695 __family_cervidae_NN_1 deer: reindeer; moose or elks; muntjacs; roe deer -01785748 __scare_off_VB_1 cause to lose courage; "dashed by the refusal" -13939892 __stage_NN_2 a specific identifiable position in a continuum or series or especially in a process; "a remarkable degree of frankness"; "at what stage are the social sciences?" -01784799 __dissolve_VB_5 cause to lose control emotionally; "The news dissolved her into tears" -01396170 __genus_tetrahymena_NN_1 protozoa having four membranous ciliary organelles -01783881 __unsettle_VB_1 disturb the composure of -02612234 __run_VB_18 occur persistently; "Musical talent runs in the family" -01783022 __shock_VB_3 strike with horror or terror; "The news of the bombing shocked her" -01782650 __horrify_VB_1 fill with apprehension or alarm; cause to be unpleasantly surprised; "I was horrified at the thought of being late for my interview"; "The news of the executions horrified us" -07971449 __house_NN_6 aristocratic family line; "the House of York" -01781983 __panic_VB_2 cause sudden fear in or fill with sudden panic; "The mere thought of an isolation cell panicked the prisoners" -01781757 __tyrannize_VB_2 rule or exercise power over (somebody) in a cruel and autocratic manner; "her husband and mother-in-law tyrannize her" -13908580 __roulette_NN_1 a line generated by a point on one figure rolling around a second figure -01780202 __fear_VB_2 be afraid or scared of; be frightened of; "I fear the winters in Moscow"; "We should not fear the Communists!" -01780104 __frighten_VB_2 drive out by frightening -05263732 __minge_NN_1 vulgar term for a woman's pubic hair or genitals -02361981 __sanitate_VB_1 provide with sanitary facilities or appliances -01778990 __worship_VB_2 show devotion to (a deity); "Many Hindus worship Shiva" -05491612 __pyramidal_tract_NN_1 any of the important motor nerves on each side of the central nervous system that run from the sensorimotor areas of the cortex through the brainstem to motor neurons of the cranial nerve nuclei and the ventral root of the spinal cord -00926702 __vaticinate_VB_1 predict or reveal through, or as if through, divine inspiration -10200781 __personage_NN_2 a person whose actions and opinions strongly influence the course of events -06282651 __linguistic_communication_NN_1 a systematic means of communicating by the use of sounds or conventional symbols; "he taught foreign languages"; "the language introduced is standard throughout the text"; "the speed with which a program can be executed depends on the language in which it is written" -06972311 __dardic_language_NN_1 any of a group of Indic languages spoken in Kashmir and eastern Afghanistan and northern Pakistan -01777817 __adore_VB_1 love intensely; "he just adored his wife" -05909585 __regimen_NN_1 (medicine) a systematic plan for therapy (often including diet) -02626604 __turn_VB_3 undergo a change or development; "The water turned into ice"; "Her former friend became her worst enemy"; "He turned traitor" -01777210 __like_VB_2 find enjoyable or agreeable; "I like jogging"; "She likes to read Russian novels" -09178821 __rational_motive_NN_1 a motive that can be defended by reasoning or logical argument -01776468 __take_to_VB_1 have a fancy or particular liking or desire for; "She fancied a necklace that she had seen in the jeweler's window" -07800487 __cattle_cake_NN_1 a concentrated feed for cattle; processed in the form of blocks or cakes -14977075 __macadam_NN_1 broken stone used in macadamized roadways -05436752 __gene_NN_1 (genetics) a segment of DNA that is involved in producing a polypeptide chain; it can include regions preceding and following the coding DNA as well as introns between the exons; it is considered a unit of heredity; "genes were formerly called factors" -09503877 __supernatural_NN_1 supernatural forces and events and beings collectively; "She doesn't believe in the supernatural" -00591858 __directorship_NN_1 the position of a director of a business concern -01774426 __loathe_VB_1 find repugnant; "I loathe that man"; "She abhors cats" -12793886 __western_saxifrage_NN_1 saxifrage having loose clusters of white flowers on hairy stems growing from a cluster of basal leaves; moist slopes of western North America -12761471 __pistacia_NN_1 a dicotyledonous genus of trees of the family Anacardiaceae having drupaceous fruit -04633197 __vim_NN_2 an imaginative lively style (especially style of writing); "his writing conveys great energy"; "a remarkable muscularity of style" -01772960 __excite_VB_1 arouse or elicit a feeling -01772498 __pride_VB_1 be proud of; "He prides himself on making it into law school" -00276813 __staining_NN_2 the act of spotting or staining something -00381326 __interspersion_NN_1 the act of combining one thing at intervals among other things; "the interspersion of illustrations in the text" -04347519 __submachine_gun_NN_1 machine gun that is a portable automatic firearm -01771194 __get_under_one's_skin_VB_1 irritate; "Her childish behavior really get to me"; "His lying really gets me" -08094013 __judaism_NN_1 Jews collectively who practice a religion based on the Torah and the Talmud -01057759 __feeding_NN_2 the act of supplying food and nourishment -03921209 __pharmacopoeia_NN_1 a collection or stock of drugs -15184170 __christian_holy_day_NN_1 a religious holiday for Christians -01190884 __arbitrement_NN_1 the act of deciding as an arbiter; giving authoritative judgment; "they submitted their disagreement to arbitration" -01766748 __worry_VB_2 be concerned with; "I worry about my grades" -12987993 __genus_lecanora_NN_1 type genus of Lecanoraceae; crustaceous lichens -01765908 __worry_VB_3 disturb the peace of mind of; afflict with mental agitation or distress; "I cannot sleep--my daughter's health is worrying me" -01765392 __placate_VB_1 cause to be more favorably inclined; gain the good will of; "She managed to mollify the angry customer" -10395209 __palmister_NN_1 fortuneteller who predicts your future by the lines on your palms -01764586 __unbalance_VB_2 derange mentally, throw out of mental balance; make insane; "The death of his parents unbalanced him" -08167779 __lords_spiritual_NN_1 the clergy in France and the heads of the church in Britain -01764171 __unhinge_VB_1 disturb in mind or make uneasy or cause to be worried or alarmed; "She was rather perturbed by the news that her father was seriously ill" -07249180 __advertorial_NN_1 an advertisement that is written and presented in the style of an editorial or journalistic report -01652297 __pternohyla_fodiens_NN_1 terrestrial burrowing nocturnal frog of grassy terrain and scrub forests having very hard upper surface of head; of the United States southwest -05452516 __killer_t_cell_NN_1 T cell with CD8 receptor that recognizes antigens on the surface of a virus-infected cell and binds to the infected cell and kill it -12854048 __horehound_NN_1 any of various aromatic herbs of the genus Marrubium -02322712 __milt_NN_2 seminal fluid produced by male fish -07521674 __dread_NN_1 fearful expectation or anticipation; "the student looked around the examination room with apprehension" -12087207 __family_burmanniaceae_NN_1 family of chiefly tropical herbs with basal leaves like bracts and small flowers -10856486 __wynfrith_NN_1 (Roman Catholic Church) Anglo-Saxon missionary who was sent to Frisia and Germany to spread the Christian faith; was martyred in Frisia (680-754) -01761120 __wake_VB_3 arouse or excite feelings and passions; "The ostentatious way of living of the rich ignites the hatred of the poor"; "The refugees' fate stirred up compassion around the world"; "Wake old feelings of hatred" -13881381 __trapezium_NN_1 a quadrilateral with no parallel sides -01760552 __rekindle_VB_2 arouse again; "rekindle hopes"; "rekindle her love" -10566072 __statue_maker_NN_1 an artist who creates sculptures -01760143 __invite_VB_1 increase the likelihood of; "ask for trouble"; "invite criticism" -07551890 __joviality_NN_1 feeling jolly and jovial and full of good humor -01759326 __raise_VB_10 call forth (emotions, feelings, and responses); "arouse pity"; "raise a smile"; "evoke sympathy" -01758180 __embattle_VB_2 prepare for battle or conflict -01108053 __shame_VB_4 surpass or beat by a wide margin -04756887 __uncertainty_NN_1 being unsettled or in doubt or dependent on chance; "the uncertainty of the outcome"; "the precariousness of his income" -01351601 __demodulate_VB_1 extract information from a modulated carrier wave -01001689 __fertile_JJ_1 capable of reproducing -05497363 __basal_ganglion_NN_1 any of several masses of subcortical grey matter at the base of each cerebral hemisphere that seem to be involved in the regulation of voluntary movement -00346714 __strike_out_VB_6 set out on a course of action; "He struck out on his own" -01755816 __make_VB_16 perform or carry out; "make a decision"; "make a move"; "make advances"; "make a phone call" -07533097 __melancholy_NN_1 a feeling of thoughtful sadness -09147618 __provo_NN_1 a city in north central Utah settled by Mormons -01755504 __make_VB_38 gather and light the materials for; "make a fire" -07820814 __savoury_NN_1 either of two aromatic herbs of the mint family -03016953 __commode_NN_2 a tall elegant chest of drawers -00188252 __inoculate_VB_2 introduce a microorganism into -13224673 __spikemoss_NN_1 any of numerous fern allies of the genus Selaginella -00428583 __maximize_VB_1 make as big or large as possible; "Maximize your profits!" -02831595 __jamaica_shorts_NN_1 short pants that end at the knee -07172979 __embroidery_NN_1 elaboration of an interpretation by the use of decorative (sometimes fictitious) detail; "the mystery has been heightened by many embellishments in subsequent retellings" -13055009 __genus_boletus_NN_1 type genus of Boletaceae; genus of soft early-decaying pore fungi; some poisonous and some edible -01753596 __design_VB_5 create designs; "Dupont designs for the house of Chanel" -01752728 __sporulate_VB_1 produce spores; "plants sporulate" -01752025 __fret_VB_7 carve a pattern into -02695895 __place_VB_12 identify the location or place of; "We localized the source of the infection" -01751545 __heel_VB_3 perform with the heels; "heel that dance" -02346724 __take_up_VB_6 take up and practice as one's own -06933022 __kachinic_NN_1 Tibeto-Burman languages spoken in northernmost Burma and adjacent China and India -01750668 __aquatint_VB_1 etch in aquatint -01750421 __etch_VB_1 make an etching of; "He etched her image into the surface" -01507006 __intussuscept_VB_1 introvert or invaginate; "the intussuscepted gut" -01749394 __lithograph_VB_1 make by lithography -01749184 __print_VB_3 make into a print; "print the negative" -15015501 __nitrate_NN_1 any compound containing the nitrate group (such as a salt or ester of nitric acid) -01747717 __programme_VB_1 write a computer program -04594489 __wire_NN_2 a metal conductor that carries electricity over a distance -01747203 __scribble_VB_2 write carelessly -06818747 __tick_NN_3 a mark indicating that something has been noted or completed etc.; "as he called the role he put a check mark by each student's name" -04980463 __sweetness_NN_3 a pleasingly sweet olfactory property -01746839 __misprint_VB_1 print incorrectly -08339939 __united_states_intelligence_agency_NN_1 an intelligence service in the United States -00121046 __have_VB_11 undergo; "The stocks had a fast run-up" -07733005 __garden_cress_NN_1 cress cultivated for salads and garnishes -01745722 __publish_VB_1 put into print; "The newspaper published the news of the royal couple's divorce"; "These news should not be printed" -01745377 __indent_VB_1 set in from the margin; "Indent the paragraphs of a letter" -00880269 __sighting_NN_1 the act of observing; "several sightings of enemy troops were reported" -06944911 __czech_NN_3 the Slavic language of Czechs -05535869 __colon_NN_1 the part of the large intestine between the cecum and the rectum; it extracts moisture from food residues before they are excreted -01742415 __harrow_VB_1 draw a harrow over (land) -09069415 __new_haven_NN_1 a city in southwestern Connecticut; site of Yale University -01741864 __turn_VB_12 to break and turn over earth especially with a plow; "Farmer Jones plowed his east field last week"; "turn the earth in the Spring" -01741692 __overcultivate_VB_1 to exhaust by excessive cultivation; "the farmers overcropped the land" -01741446 __work_VB_13 prepare for crops; "Work the soil"; "cultivate the land" -01741221 __landscape_VB_2 do landscape gardening; "My sons landscapes for corporations and earns a good living" -01740969 __garden_VB_1 work in the garden; "My hobby is gardening" -01740468 __overproduce_VB_1 produce in excess; produce more than needed or wanted -03181899 __detergent_NN_2 a cleansing agent that differs from soap but can also emulsify oils and hold dirt in suspension -08504151 __nicaea_NN_1 an ancient city in Bithynia; founded in the 4th century BC and flourished under the Romans; the Nicene Creed was adopted there in 325 -01739545 __vamp_up_VB_1 make up; "vamp up an excuse for not attending the meeting" -12847008 __hemp_nettle_NN_1 coarse bristly Eurasian plant with white or reddish flowers and foliage resembling that of a nettle; common as a weed in United States -13146740 __cabernet_sauvignon_grape_NN_1 superior red wine grapes grown especially in the Bordeaux region of France and northern California -01286777 __latch_VB_1 fasten with a latch; "latch the door" -05796423 __deliberation_NN_3 planning something carefully and intentionally; "it was the deliberation of his act that was insulting" -01738597 __germinate_VB_2 work out; "We have developed a new theory of evolution" -08165353 __top_brass_NN_1 the most important persons in a governing body -01738347 __replay_VB_1 reproduce (a recording) on a recorder; "The lawyers played back the conversation to show that their client was innocent" -02648769 __hexagrammos_NN_1 type genus of the Hexagrammidae -01738774 __develop_VB_1 make something new, such as a product or a mental or artistic creation; "Her company developed a new kind of building material that withstands all kinds of weather"; "They developed a new technique" -14047740 __metacyesis_NN_1 pregnancy resulting from gestation elsewhere than in the uterus -02427724 __waterbuck_NN_1 any of several large African antelopes of the genus Kobus having curved ridged horns and frequenting e.g. swamps and rivers -01736822 __reproduce_VB_1 make a copy or equivalent of; "reproduce the painting" -02188587 __whizz_VB_1 make a soft swishing sound; "the motor whirred"; "the car engine purred" -00853445 __stultify_VB_2 cause to appear foolish; "He stultified himself by contradicting himself and being inconsistent" -01735556 __reduplicate_VB_1 form by reduplication; "The consonant reduplicates after a short vowel"; "The morpheme can be reduplicated to emphasize the meaning of the word" -07364700 __wobble_NN_1 an unsteady rocking motion -07808904 __tabooli_NN_1 a finely chopped salad with tomatoes and parsley and mint and scallions and bulgur wheat -01881991 __petaurus_NN_1 a genus of Phalangeridae -13904843 __slit_NN_3 a depression scratched or carved into a surface -07139316 __talk_NN_2 discussion; (`talk about' is a less formal alternative for `discussion of'); "his poetry contains much talk about love and anger" -01733667 __fiddle_VB_3 play the violin or fiddle -00757730 __mortal_sin_NN_1 an unpardonable sin entailing a total loss of grace; "theologians list seven mortal sins" -07735294 __scorzonera_NN_2 long black salsify -01733213 __conduct_VB_6 lead musicians in the performance of; "Bernstein conducted Mahler like no other conductor"; "she cannot conduct modern pieces" -00178832 __temporary_expedient_NN_1 an unplanned expedient -01732921 __lead_VB_10 lead, as in the performance of a composition; "conduct an orchestra; Barenboim conducted the Chicago symphony for years" -01732172 __render_VB_3 give an interpretation or rendition of; "The pianist rendered the Beethoven sonata beautifully" -01458105 __cilium_NN_1 a hairlike projection from the surface of a cell; provides locomotion in free-swimming unicellular organisms -02345288 __plunder_VB_1 take illegally; of intellectual property; "This writer plundered from famous authors" -01730799 __chorus_VB_2 sing in a choir -01730384 __solmizate_VB_2 sing using syllables like `do', `re' and `mi' to represent the tones of the scale; "The voice teacher showed the students how to solmizate" -01730216 __minstrel_VB_1 celebrate by singing, in the style of minstrels -00947923 __substance_abuse_NN_1 excessive use of drugs -01729431 __sing_VB_2 produce tones with the voice; "She was singing while she was cooking"; "My brother sings very well" -02017335 __porphyrula_NN_1 American purple gallinules -09321694 __jebel_musa_NN_1 a promontory in northern Morocco opposite the Rock of Gibraltar; one of the Pillars of Hercules -01727684 __pipe_VB_3 play on a pipe; "pipe a tune" -11864602 __family_capparidaceae_NN_1 a dilleniid dicot family of the order Rhoeadales that includes: genera Capparis, Cleome, Crateva, and Polanisia -00140264 __shoestring_catch_NN_1 (baseball) a running catch made near the ground -01353411 __bacteria_species_NN_1 a species of bacteria -01417868 __whisk_VB_4 whip with or as if with a wire whisk; "whisk the eggs" -01352067 __intrusive_JJ_1 tending to intrude (especially upon privacy); "she felt her presence there was intrusive" -10049363 __linesman_NN_2 a person who installs or repairs electrical or telephone lines -10122441 __gaucho_NN_1 a cowboy of the South American pampas -02240852 __notonecta_NN_1 type genus of the Notonectidae: backswimmers -10138242 __good_egg_NN_1 (old-fashioned slang) a good person -01215137 __pick_up_VB_7 take into custody; "the police nabbed the suspected criminals" -13812296 __phylogenetic_relation_NN_1 (biology) state of relationship between organisms or groups of organisms resulting in resemblance in structure or structural parts; "in anatomical structure prehistoric man shows close affinity with modern humans" -01723690 __portray_VB_3 assume or act the character of; "She impersonates Madonna"; "The actor portrays an elderly, lonely man" -02715513 __vestibule_NN_1 a large entrance or reception room or area -05483122 __neuropile_NN_1 the complex network of unmyelinated axones, dendrites, and glial branches that form the bulk of the central nervous system's grey matter and in which nerve cell bodies are embedded -01722980 __simulate_VB_2 create a representation or model of; "The pilots are trained in conditions simulating high-altitude flights" -00772026 __false_pretense_NN_1 (law) an offense involving intent to defraud and false representation and obtaining property as a result of that misrepresentation -00365012 __fluoridization_NN_1 the addition of a fluoride to the water supply (to prevent dental decay) -02229544 __cricket_NN_1 leaping insect; male makes chirping noises by rubbing the forewings together -11417672 __geological_phenomenon_NN_1 a natural phenomenon involving the structure or composition of the earth -01721415 __co-star_VB_2 be the co-star in a performance -01720980 __star_VB_2 be the star in a performance -01720660 __enter_VB_6 come on stage -01719921 __roleplay_VB_1 perform on a stage or theater; "She acts in this play"; "He acted in `Julius Caesar'"; "I played in `A Christmas Carol'" -01719302 __represent_VB_10 play a role or part; "Gielgud played Hamlet"; "She wants to act Lady Macbeth, but she is too young for the role"; "She played the servant to her husband's master" -09088989 __wichita_NN_2 the largest city in Kansas; located in southern Kansas on the Arkansas River -01718952 __cybernate_VB_1 control a function, process, or creation by a computer; "They computerized the car industry"; "we live in a cybernated age"; "cybernate a factory" -04922787 __lineage_NN_5 inherited properties shared with others of your bloodline -01718185 __premiere_VB_2 perform a work for the first time -12400924 __marang_tree_NN_1 Philippine tree similar to the breadfruit tree bearing edible fruit -11855274 __pokeweed_NN_1 perennial of the genus Phytolacca -00066685 __cry_VB_7 bring into a particular state by crying; "The little boy cried himself to sleep" -01970348 __uprise_VB_5 come up, of celestial bodies; "The sun also rises"; "The sun uprising sees the dusk night fled..."; "Jupiter ascends" -08600992 __national_park_NN_1 a tract of land declared by the national government to be public property -01716882 __play_VB_26 be performed or presented for public viewing; "What's playing in the local movie theater?"; "`Cats' has been playing on Broadway for many years" -14039534 __hungriness_NN_1 a physiological need for food; the consequence of food deprivation -01716619 __play_VB_14 perform on a certain location; "The prodigy played Carnegie Hall at the age of 16"; "She has been playing on Broadway for years" -01715525 __sightread_VB_1 perform music from a score without having seen the score before; "He is a brilliant pianist but he cannot sightread" -06034611 __kendall_test_NN_1 any of several nonparametric measures of correlation (used when the assumptions of standard correlational analysis are not met) -01714208 __perform_VB_3 give a performance (of something); "Horowitz is performing at Carnegie Hall tonight"; "We performed a popular Gilbert and Sullivan opera" -00734482 __trespass_NN_1 a wrongful interference with the possession of property (personal property as well as realty), or the action instituted to recover damages -12240965 __staggerbush_NN_1 deciduous shrub of coastal plain of the eastern United States having nodding pinkish-white flowers; poisonous to stock -11251531 __sergei_vasilievich_rachmaninov_NN_1 composer and piano virtuoso born in Russia (1873-1943) -07500414 __favour_NN_1 a feeling of favorable regard -00646413 __credulous_JJ_1 disposed to believe on little evidence; "the gimmick would convince none but the most credulous" -03922412 __phensuximide_NN_1 anticonvulsant (trade name Milontin) used to treat petit mal -09692430 __bengali_NN_1 (Hinduism) a member of a people living in Bangladesh and West Bengal (mainly Hindus) -01711445 __stage_VB_1 perform (a play), especially on a stage; "we are going to stage `Othello'" -06414948 __primer_NN_1 an introductory textbook -01710317 __direct_VB_3 guide the actors in (plays and films) -01740551 __worm_snake_NN_1 wormlike burrowing snake of warm regions having vestigial eyes -01708676 __trip_the_light_fantastic_toe_VB_1 move in a pattern; usually to musical accompaniment; do or perform a dance; "My husband and I like to dance at home to the radio" -01708542 __jive_VB_1 dance to jive music; dance the jive -07452699 __opening_NN_2 a ceremony accompanying the start of some enterprise -03686470 __loft_NN_1 floor consisting of a large unpartitioned space over a factory or warehouse or other commercial space -14055623 __eating_disorder_NN_1 a disorder of the normal eating routine -01708113 __transcribe_VB_3 rewrite or arrange a piece of music for an instrument or medium other than that originally intended -09397391 __pool_NN_2 a small lake; "the pond was too small for sailing" -12324756 __genus_conocarpus_NN_1 monotypic genus of tropical American trees: button tree -01707495 __realize_VB_6 expand or complete (a part in a piece of baroque music) by supplying the harmonies indicated in the figured bass -01707128 __reharmonize_VB_1 provide with a different harmony; "reharmonize the melody" -02493030 __visit_VB_1 go to see a place, as for entertainment; "We went to see the Eiffel Tower in the morning" -01706756 __melodize_VB_1 supply a melody for -07590320 __hungarian_goulash_NN_1 a rich meat stew highly seasoned with paprika -02568326 __polyprion_NN_1 wreckfish -01704953 __footnote_VB_1 add explanatory notes to or supply with critical comments; "The scholar annotated the early edition of a famous novel" -01704752 __ghostwrite_VB_1 write for someone else; "How many books have you ghostwritten so far?" -15244351 __year_dot_NN_1 as long ago as anyone can remember; "he has been a conductor since the year dot" -07106246 __irony_NN_3 a trope that involves incongruity between what is expected and what occurs -06862562 __clef_NN_1 a musical notation written on a staff indicating the pitch of the notes following it -01528339 __lounge_VB_1 sit or recline comfortably; "He was lounging on the sofa" -01703326 __elegize_VB_1 compose an elegy -02890804 __brake_pedal_NN_1 foot pedal that moves a piston in the master brake cylinder -01703023 __metrify_VB_1 compose in poetic meter; "The bard metrified his poems very precisely" -01702331 __pun_VB_1 make a play on words; "Japanese like to pun--their language is well suited to punning" -01702154 __alliterate_VB_1 use alliteration as a form of poetry -00714884 __debate_VB_1 argue with one another; "We debated the question of abortion"; "John debated Mary" -04345288 __stuff_NN_2 miscellaneous unspecified objects; "the trunk was full of stuff" -12763762 __shining_sumac_NN_1 common nonpoisonous shrub of eastern North America with compound leaves and green paniculate flowers followed by red berries -10793168 __wrestler_NN_1 combatant who tries to throw opponent to the ground -00567291 __bind_VB_9 form a chemical bond with; "The hydrogen binds the oxygen" -01701152 __write_copy_VB_1 write for commercial publications; "She writes copy for Harper's Bazaar" -00010435 __do_VB_9 behave in a certain manner; show a certain behavior; conduct or comport oneself; "You should act like an adult"; "Don't behave like a fool"; "What makes her do this way?"; "The dog acts ferocious, but he is really afraid of people" -10703336 __testator_NN_1 a person who makes a will -01700934 __rewrite_VB_2 rewrite so as to make fit to suit a new or different purpose; "re-write a play for use in schools" -00981276 __redact_VB_1 formulate in a particular style or language; "I wouldn't put it that way"; "She cast her request in very polite language" -01700655 __toss_off_VB_1 write quickly; "She dashed off a note to her husband saying she would not be home for supper"; "He scratched off a thank-you note to the hostess" -05083200 __ramification_NN_4 an arrangement of branching parts -01700326 __hyphenate_VB_1 divide or connect with a hyphen; "hyphenate these words and names" -10175507 __road_agent_NN_1 a holdup man who stops a vehicle and steals from it -10202363 __incompetent_person_NN_1 someone who is not competent to take effective action -01699700 __paragraph_VB_2 write about in a paragraph; "All her friends were paragraphed in last Monday's paper" -00171590 __attributable_JJ_1 capable of being attributed; "the collapse of the movement was attributable to a lack of morale"; "an idea attributable to a Russian" -01539573 __true_sparrow_NN_1 any of several small dull-colored singing birds feeding on seeds or insects -01912709 __stride_VB_2 cover or traverse by taking long steps; "She strode several miles towards the woods" -11163041 __mason_NN_2 English film actor (1909-1984) -01697816 __create_verbally_VB_1 create with or from words -10235549 __relative_NN_1 a person related by blood or marriage; "police are searching for relatives of the deceased"; "he has distant relations back in New Jersey" -01696893 __miniate_VB_1 paint with red lead or vermilion -01696435 __watercolour_VB_1 paint with watercolors -01696135 __streak_VB_3 mark with spots or blotches of different color or shades of color as if stained -01695976 __crosshatch_VB_1 shade with multiple crossing lines; "the draftsman crosshatched the area" -02417070 __domestic_goat_NN_1 any of various breeds of goat raised for milk or meat or wool -01695567 __shade_VB_2 represent the effect of shade or shadow on -01695459 __roneo_VB_1 make copies on a Roneograph -01695257 __mimeograph_VB_1 print copies from (a prepared stencil) using a mimeograph; "She mimeographed the syllabus" -02845576 __bitter_end_NN_2 (nautical) the inboard end of a line or cable especially the end that is wound around a bitt -11689197 __nicker_seed_NN_1 hard shiny grey seed of a bonduc tree; used for making e.g. jewelry -01694620 __back_up_VB_4 make a copy of (a computer file) especially for storage in another place as a security copy; "You'd better back up these files!" -02539573 __lake_herring_NN_2 important food fish of cold deep lakes of North America -01693881 __re-create_VB_2 make a replica of; "copy that drawing"; "re-create a picture by Rembrandt" -08843215 __kalimantan_NN_2 3rd largest island in the world; in the western Pacific to the north of Java; largely covered by dense jungle and rain forest; part of the Malay Archipelago -01693138 __charcoal_VB_1 draw, trace, or represent with charcoal -10274318 __loudmouth_NN_1 a person who causes trouble by speaking indiscreetly -00788564 __probe_VB_1 question or examine thoroughly and closely -01435380 __transport_VB_5 send from one person or place to another; "transmit a message" -08817418 __capital_of_serbia_and_montenegro_NN_1 capital and largest city of Serbia and Montenegro; situated on the Danube -01691057 __write_VB_7 mark or trace on a surface; "The artist wrote Chinese characters on a big piece of white paper"; "Russian is written with the Cyrillic alphabet" -01635343 __rhyacotriton_NN_1 olympic salamanders -01690294 __draw_VB_6 represent by making a drawing of, as with a pencil, chalk, etc. on a surface; "She drew an elephant"; "Draw me a horse" -10170989 __hemophiliac_NN_1 someone who has hemophilia and is subject to uncontrollable bleeding -01689752 __contour_VB_1 form the contours of -01689379 __outline_VB_3 trace the shape of -02735418 __terminate_VB_3 be the end of; be the last or concluding part of; "This sad scene ended the movie" -00808671 __chicane_VB_2 raise trivial objections -12574143 __trigonella_NN_1 Old World genus of frequently aromatic herbs -01687401 __illustrate_VB_2 depict with an illustration -01686956 __show_VB_5 show in, or as in, a picture; "This scene depicts country life"; "the face of the child is rendered with much tenderness in this painting" -01180975 __procure_VB_2 arrange for sexual partners for others -01685601 __build_VB_7 be engaged in building; "These architects build in interesting and new styles" -01098968 __corporate_finance_NN_1 the financial activities of corporation -01684663 __paint_VB_3 make a painting of; "He painted his mistress many times" -08233056 __union_NN_1 an organization of employees formed to bargain with the employer; "you have to join the union in order to get a job" -01684180 __emblazon_VB_2 decorate with heraldic arms -14317221 __hematocoele_NN_1 swelling caused by blood collecting in a body cavity (especially a swelling of the membrane covering the testis) -02546467 __recognize_VB_9 show approval or appreciation of; "My work is not recognized by anybody!"; "The best student was recognized by the Dean" -09252273 __connecticut_river_NN_1 a river in the northeastern United States; flows south from northern New Hampshire along the border between New Hampshire and Vermont and through Massachusetts and Connecticut where it empties into Long Island Sound -01683271 __fresco_VB_1 paint onto wet plaster on a wall -00250710 __working_out_NN_1 developing in intricate and painstaking detail -01683101 __gild_VB_1 decorate with, or as if with, gold leaf or liquid gold -11978233 __sunflower_NN_1 any plant of the genus Helianthus having large flower heads with dark disk florets and showy yellow rays -00677021 __take_out_VB_13 take out of a literary work in order to cite or copy -08627919 __quarter_NN_2 a district of a city having some distinguishing character; "the Latin Quarter" -01975312 __subclass_malacostraca_NN_1 largest subclass of Crustacea including most of the well-known marine, freshwater, and terrestrial crustaceans: crabs; lobsters; shrimps; sow bugs; beach flies -09759875 __accessory_NN_3 someone who helps another person commit a crime -01680132 __plume_VB_3 deck with a plume; "a plumed helmet" -01679980 __deck_VB_2 decorate; "deck the halls with holly" -01679669 __lard_VB_1 prepare or cook with lard; "lard meat" -01679433 __trim_VB_6 decorate (food), as with parsley or other ornamental foods -01679106 __scallop_VB_1 decorate an edge with scallops; "the dress had a scalloped skirt" -01678519 __panel_VB_1 decorate with panels; "panel the walls with wood" -01678279 __stucco_VB_1 decorate with stucco work; "stuccoed ceilings" -01675963 __ornament_VB_1 make more attractive by adding ornament, colour, etc.; "Decorate the room for the party"; "beautify yourself for the special day" -00592652 __generalship_NN_2 the office and authority of a general -01675245 __hammer_VB_2 create by hammering; "hammer the silver into a bowl"; "forge a pair of tongues" -12329260 __lagerstroemia_indica_NN_1 ornamental shrub from eastern India commonly planted in the southern United States -13400798 __charge_NN_8 financial liabilities (such as a tax); "the charges against the estate" -08413248 __comprehensive_school_NN_1 a large British or Canadian secondary school for children of all abilities -01673891 __weave_VB_2 create a piece of cloth by interlacing strands of fabric, such as wool or cotton; "tissue textiles" -01673732 __knot_VB_1 make into knots; make knots out of; "She knotted her fingers" -06869951 __chord_NN_2 a combination of three or more notes that blend harmoniously when sounded together -01673472 __loop_VB_2 make a loop in; "loop a rope" -02295717 __genus_catacala_NN_1 moths whose larvae are cutworms: underwings share a room or a bed designed for only one person -09826074 __retaliator_NN_1 someone who takes vengeance -10172080 __intersex_NN_1 one having both male and female sexual characteristics and organs; at birth an unambiguous assignment of male or female cannot be made -00377364 __explosion_NN_2 the act of exploding or bursting; "the explosion of the firecrackers awoke the children"; "the burst of an atom bomb creates enormous radiation aloft" -01671039 __knit_VB_1 make (textiles) by knitting; "knit a scarf" -07364115 __submersion_NN_1 sinking until covered completely with water -01137696 __defuse_VB_1 remove the triggering device from -12073007 __genus_maxillaria_NN_1 large genus of tropical American epiphytic orchids with persistent leathery leaves and single-flowered scapes -01670315 __dress_up_VB_3 put a caparison on; "caparison the horses for the festive occasion" -01669906 __spangle_VB_2 decorate with spangles; "the star-spangled banner" -01253379 __jamming_NN_1 deliberate radiation or reflection of electromagnetic energy for the purpose of disrupting enemy use of electronic devices or systems -00142361 __medical_examination_NN_1 a thorough physical examination; includes a variety of tests depending on the age and sex and health of the person -01183031 __civil_suit_NN_1 a lawsuit alleging violations of civil law by the defendant -02993546 __centre_NN_9 a building dedicated to a particular activity; "they were raising money to build a new center for research" -05515670 __sac_NN_4 a structure resembling a bag in an animal -07598335 __saint-john's-bread_NN_1 powder from the ground seeds and pods of the carob tree; used as a chocolate substitute -07182485 __argy-bargy_NN_1 a verbal dispute; a wrangling argument -00770270 __violation_NN_1 a crime less serious than a felony -03624966 __knitwork_NN_1 needlework created by interlacing yarn in a series of connected loops using straight eyeless needles or by machine -01668421 __illustrate_VB_3 supply with illustrations; "illustrate a book with drawings" -00981830 __intelligence_operation_NN_1 the operation of gathering information about an enemy -01667969 __stick_VB_8 cover and decorate with objects that pierce the surface; "stick some feathers in the turkey before you serve it" -01667607 __embroider_VB_1 decorate with needlework -10875910 __president_george_w._bush_NN_1 43rd President of the United States; son of George Herbert Walker Bush (born in 1946) -01667304 __quilt_VB_2 create by stitching together -01917845 __scuff_VB_1 walk without lifting the feet -01666894 __style_VB_2 make consistent with a certain fashion or style; "Style my hair"; "style the dress" -03302487 __exchange_NN_6 a workplace for buying and selling; open only to members -03683708 __locker_room_NN_1 a room (as at an athletic facility or workplace) where you can change clothes and which contains lockers for the temporary storage of your clothing and personal possessions -01666131 __cook_up_VB_1 prepare or cook by mixing ingredients; "concoct a strange mixture" -01666002 __whomp_up_VB_1 prepare or cook quickly or hastily -01665638 __cook_VB_1 prepare a hot meal; "My husband doesn't cook" -00114615 __caramelize_VB_1 be converted into caramel; "The sugar caramelized" -06634239 __regrets_NN_1 a polite refusal of an invitation -01665081 __sandwich_VB_1 make into a sandwich -01664847 __scallop_VB_2 bake in a sauce, milk, etc., often with breadcrumbs on top -01644104 __polypedatidae_NN_1 Old World tree frogs -01977684 __family_cancridae_NN_1 many of the best known edible crabs -01662771 __mould_VB_2 form by pouring (e.g., wax or hot metal) into a cast or mold; "cast a bronze sculpture" -00623162 __manual_labour_NN_1 labor done with the hands -01662118 __uproot_VB_2 destroy completely, as if down to the roots; "the vestiges of political democracy were soon uprooted" "root out corruption" -01661472 __set_up_VB_6 begin, or enable someone else to begin, a venture by providing the means, logistics, etc.; "set up an election" -02672371 __accommodation_NN_4 living quarters provided for public convenience; "overnight accommodations are available" -01661096 __sinter_VB_1 cause (ores or powdery metals) to become a coherent mass by heating without melting -01565472 __violate_VB_6 destroy and strip of its possession; "The soldiers raped the beautiful country" -10524973 __rester_NN_1 a person who rests -01660640 __hill_VB_1 form into a hill -12694048 __malpighiaceae_NN_1 tropical shrubs or trees -09319456 __islet_NN_1 a small island -01660386 __mound_VB_1 form into a rounded elevation; "mound earth" -09911051 __chartist_NN_1 a 19th century English reformer who advocated better social and economic conditions for working people -01659248 __work_VB_20 make something, usually for a specific function; "She molded the rice balls carefully"; "Form cylinders from the dough"; "shape a figure"; "Work the metal into a sword" -01658586 __remodel_VB_2 cast or model anew; "She had to recast her image to please the electorate in her home state" -09365443 __nan_ling_NN_1 a mountain range in southeastern China running generally east to west -01657977 __take_apart_VB_1 take apart into its constituent pieces -12944238 __seseli_NN_1 a rosid dicot genus that includes moon carrots -01657828 __compound_VB_4 create by mixing or combining -00251809 __timid_JJ_1 showing fear and lack of confidence -01656458 __pulverize_VB_2 destroy completely; "the wrecking ball demolished the building"; "demolish your enemies"; "pulverize the rebellion before it gets out of hand" -02373843 __genus_equus_NN_1 type genus of the Equidae: only surviving genus of the family Equidae -06838543 __sadhe_NN_1 the 18th letter of the Hebrew alphabet -01655902 __reconstruct_VB_2 build again; "The house was rebuild after it was hit by a bomb" -14752323 __glucosamine_NN_1 an amino derivative of glucose that is a component of many polysaccharides -01655347 __lock_VB_9 build locks in order to facilitate the navigation of vessels -10483530 __vaticinator_NN_1 an authoritative person who divines the future -01572782 __orchard_oriole_NN_1 the male is chestnut-and-black -10207831 __questioner_NN_1 someone who asks a question -01654628 __make_VB_17 make by combining materials and parts; "this little pig made his house out of straw"; "Some eccentric constructed an electric brassiere warmer" -12990800 __family_cladoniaceae_NN_1 a family of lichens -01653442 __manufacture_VB_1 put together out of artificial or natural components or parts; "the company fabricates plastic chairs"; "They manufacture small toys"; He manufactured a popular cereal" -01652139 __turn_out_VB_6 bring forth, "The apple tree bore delicious apples this year"; "The unidentified plant bore gorgeous flowers" -00785008 __question_VB_3 pose a question -01650425 __impel_VB_1 urge or force (a person) to an action; constrain or motivate -01649999 __propel_VB_2 give an incentive for action; "This moved me to sacrifice my career" -15217308 __muharrum_NN_1 the first month of the Islamic calendar -11077195 __jackson_NN_1 English film actress who later became a member of British Parliament (born in 1936) -11659627 __sundacarpus_amara_NN_1 a large fast-growing monoecious tropical evergreen tree having large glossy lanceolate leaves; of rain forests of Sumatra and Philippines to northern Queensland -04871720 __frankness_NN_1 the quality of being honest and straightforward in attitude and speech -04440749 __tyre_NN_2 hoop that covers a wheel; "automobile tires are usually made of rubber and filled with compressed air" -03026350 __sacramental_oil_NN_1 a consecrated ointment consisting of a mixture of oil and balsam -11917407 __pink_paper_daisy_NN_1 flower of southwestern Australia having bright pink daisylike papery flowers; grown for drying -01102667 __walk_over_VB_1 beat easily; "The local team walked over their old rivals for the championship" -01647867 __pacify_VB_2 fight violence and try to establish peace in (a location); "The U.N. troops are working to pacify Bosnia" -02261642 __treat_VB_5 provide with a gift or entertainment; "Grandmother always treated us to the circus"; "I like to treat myself to a day at a spa when I am depressed" -10578471 __senator_NN_1 a member of a senate -03661861 __lido_NN_1 a recreational facility including a swimming pool for water sports -01646866 __provoke_VB_2 evoke or provoke to appear or occur; "Her behavior provoked a quarrel between the couple" -00167934 __straighten_out_VB_3 change for the better; "The lazy student promised to reform"; "the habitual cheater finally saw the light" -01646300 __drive_VB_7 compel somebody to do something, often against his own will or judgment; "She finally drove him to change jobs" -01645421 __pioneer_VB_1 open up an area or prepare a way; "She pioneered a graduate program for women students" -09864536 __bomber_NN_2 a person who plants bombs -01055558 __flap_VB_6 pronounce with a flap, of alveolar sounds -01254685 __intonation_NN_3 the act of singing in a monotonous tone -00173764 __hearable_JJ_1 heard or perceptible by the ear; "he spoke in an audible whisper" -01644522 __stimulate_VB_5 cause to occur rapidly; "the infection precipitated a high fever and allergic reactions" -03333349 __field_hospital_NN_1 a temporary military hospital near the battle lines -12793284 __yellow_mountain_saxifrage_NN_1 tufted evergreen perennial having ciliate leaves and yellow corymbose flowers often spotted orange -01642924 __set_up_VB_8 produce; "The scientists set up a shock wave" -01642437 __introduce_VB_2 bring something new to an environment; "A new word processor was introduced" -01641632 __consummate_VB_2 make perfect; bring to perfection -01641341 __get_over_VB_2 to bring (a necessary but unpleasant task) to an end; "Let's get this job over with"; "It's a question of getting over an unpleasant task" -01640550 __design_VB_3 create the design for; create or execute in an artistic or highly skilled manner; "Chanel designed the famous suit" -01639714 __plan_VB_4 make a design of; plan out in systematic, often graphic form; "design a better mousetrap"; "plan the new wing of the museum" -01639105 __strike_VB_18 form by stamping, punching, or printing; "strike coins"; "strike a medal" -01638368 __project_VB_7 make or work out a plan for; devise; "They contrived to murder their boss"; "design a new sales strategy"; "plan an attack" -01637166 __think_VB_5 imagine or visualize; "Just think--you could be rich one day!"; "Think what a scene it must have been!" -08438533 __woods_NN_1 the trees and other plants in a large densely wooded area -14449126 __need_NN_1 a condition requiring relief; "she satisfied his need for affection"; "God has no need of men to accomplish His work"; "there is a demand for jobs" -01222328 __clasp_VB_4 grasp firmly; "The child clasped my hands" -08959683 __socialist_people's_libyan_arab_jamahiriya_NN_1 a military dictatorship in northern Africa on the Mediterranean; consists almost entirely of desert; a major exporter of petroleum -01249490 __shave_VB_4 cut or remove with or as if with a plane; "The machine shaved off fine layers from the piece of wood" -01635056 __trump_up_VB_1 invent; "trump up charges" -11609475 __pinyon_NN_1 any of several low-growing pines of western North America -10612210 __slovenly_person_NN_1 a coarse obnoxious person -02499990 __indriidae_NN_1 a family of Lemuroidea -00767334 __bring_VB_11 induce or persuade; "The confession of one of the accused brought the others to admit to the crime as well" -03603722 __jug_NN_1 a large bottle with a narrow mouth -01634424 __manufacture_VB_2 make up something artificial or untrue -01835496 __travel_VB_1 change location; move, travel, or proceed, also metaphorically; "How fast does your new car go?"; "We travelled from Rome to Naples by bus"; "The policemen went from door to door looking for the suspect"; "The soldiers moved towards the city in an attempt to take it before night fell"; "news travelled fast" -01634011 __preconceive_VB_1 conceive beforehand; "a preconceived notion" -01660719 __reptilia_NN_1 class of cold-blooded air-breathing vertebrates with completely ossified skeleton and a body usually covered with scales or horny plates; once the dominant land animals -01633173 __formulate_VB_4 prepare according to a formula -01632897 __throw_VB_7 put or send forth; "She threw the flashlight beam into the corner"; "The setting sun threw long shadows"; "cast a spell"; "cast a warm light" -01632103 __schematize_VB_1 formulate in regular order; to reduce to a scheme or formula; "The chemists schematized the various reactions in a coherent fashion" -01631072 __renew_VB_1 reestablish on a new, usually improved, basis or make new or like new; "We renewed our friendship after a hiatus of twenty years"; "They renewed their membership" -01277649 __furrow_VB_3 cut a furrow into a columns -01247306 __dry-gulching_NN_1 the act of killing from ambush -01334862 __phage_NN_1 a virus that is parasitic (reproduces itself) in bacteria; "phage uses the bacterium's machinery and energy to produce more phage until the bacterium is destroyed and phage is released to invade surrounding bacteria" -01629958 __stir_VB_6 summon into action or bring into existence, often as if by magic; "raise the specter of unemployment"; "he conjured wild birds in the air"; "call down the spirits from the mountain" -00561036 __uncongenial_JJ_1 not suitable to your tastes or needs; "the uncongenial roommates were always fighting"; "the task was uncongenial to one sensitive to rebuffs" -01629403 __yield_VB_7 cause to happen or be responsible for; "His two singles gave the team the victory" -01627947 __develop_VB_13 generate gradually; "We must develop more potential customers"; "develop a market for the new mobile phone" -00090186 __traumatize_VB_1 inflict a trauma upon -01626420 __confection_VB_1 make into a confection; "This medicine is home-confected" -00358089 __crush_NN_4 the act of crushing -08404735 __general_staff_NN_1 military officers assigned to assist a senior officer in planning military policy -01069125 __sexual_abstention_NN_1 abstaining from sexual relations (as because of religious vows) -01624743 __puddle_VB_2 subject to puddling or form by puddling; "puddle iron" -01624568 __stamp_VB_7 form or cut out with a mold, form, or die; "stamp needles" -00174412 __step_NN_1 any maneuver made as part of progress toward a goal; "the situation called for strong measures"; "the police took steps to reduce crime" -00315605 __apprize_VB_4 increase the value of; "The Germans want to appreciate the Deutsche Mark" -01622795 __output_VB_1 to create or manufacture a specific amount; "the computer is outputting the data from the job I'm running" -08416652 __right_wing_NN_1 those who support political or social or economic conservatism; those who believe that things are better left unchanged -01621555 __produce_VB_2 create or manufacture a man-made product; "We produce more cars than we can sell"; "The company has been making toys for two centuries" -14634232 __cs_NN_1 a soft silver-white ductile metallic element (liquid at normal temperatures); the most electropositive and alkaline metal -02142775 __sit_VB_5 assume a posture as for artistic purposes; "We don't know the woman who posed for Leonardo so often" -00271520 __guy_VB_2 steady or support with a guy wire or cable; "The Italians guyed the Tower of Pisa to prevent it from collapsing" -11889847 __isatis_NN_1 Old World genus of annual to perennial herbs: woad -02596067 __sciaena_antarctica_NN_1 large important food fish of Australia; almost indistinguishable from the maigre -01620436 __self-destruct_VB_1 do away with oneself or itself; "The machine will self-destruct if you tamper with it" -12799119 __leptarrhena_NN_1 one species: leatherleaf saxifrage -05329533 __endocrine_system_NN_1 the system of glands that produce endocrine secretions that help to control bodily metabolic activity -02612982 __family_blenniidae_NN_1 a family of fish including: combtooth blennies -07024929 __polyphony_NN_1 music arranged in parts for several voices or instruments -00589415 __baronetage_NN_2 the state of a baronet -13542474 __prophase_NN_1 the first stage of meiosis -01616901 __seat_VB_6 place or attach firmly in or on a base; "seat the camera on the tripod" -00631737 __think_VB_2 expect, believe, or suppose; "I imagine she earned a lot of money with her new novel"; "I thought to find her in a bad state"; "he didn't think to find her in the kitchen"; "I guess she is angry at me for standing her up" -12864038 __rosmarinus_NN_1 rosemary -12329899 __myrtle_family_NN_1 trees and shrubs yielding a fragrant oil -07537068 __uncheerfulness_NN_1 a feeling of dreary or pessimistic sadness -01261491 __egg_VB_2 coat with beaten egg; "egg a schnitzel" -02230247 __pass_on_VB_4 give to or transfer possession of; "She passed the family jewels on to her daughter-in-law" -01615457 __retire_VB_9 cause to be out on a fielding play -02569790 __trench_VB_1 impinge or infringe upon; "This impinges on my rights as an individual"; "This matter entrenches on other domains" -11798270 __dwarf_elder_NN_2 bristly herb of eastern and central North America having black fruit and medicinal bark -05327134 __mucous_membrane_NN_1 mucus-secreting membrane lining all body cavities or passages that communicate with the exterior -01614581 __stick_VB_9 fasten with an adhesive material like glue; "stick the poster onto the wall" -02602059 __mugil_liza_NN_1 similar to the striped mullet and takes its place in the Caribbean region -02527431 __wangle_VB_1 achieve something by means of trickery or devious methods -01614079 __gradate_VB_1 arrange according to grades; "These lines are gradated" -12774496 __gutta_balata_NN_1 when dried yields a hard substance used e.g. in golf balls -10197525 __retard_NN_1 a person of subnormal intelligence -11288216 __scipio_the_elder_NN_1 Roman general who commanded the invasion of Carthage in the second Punic War and defeated Hannibal at Zama (circa 237-183 BC) -01613239 __set_VB_16 put into a position that will restore a normal state; "set a broken bone" -04306080 __station_NN_1 a facility equipped with special equipment and personnel for a particular purpose; "he started looking for a gas station"; "the train pulled into the station" -00471437 __ballgame_NN_2 a field game played with a ball (especially baseball) -00003431 __eruct_VB_2 expel gas from the stomach; "In China it is polite to burp at the table" -01927301 __class_cestoda_NN_1 tapeworms -01612295 __cram_VB_2 put something somewhere so that the space is completely filled; "cram books into the suitcase" -01611240 __perch_VB_3 cause to perch or sit; "She perched her hat on her head" -01610101 __rest_VB_8 put something in a resting position, as for support or steadying; "Rest your head on my shoulder" -12087961 __yam_plant_NN_1 any of a number of tropical vines of the genus Dioscorea many having edible tuberous roots -01609287 __pull_VB_4 apply force so as to cause motion towards the source of the motion; "Pull the rope"; "Pull the handle towards you"; "pull the string gently"; "pull the trigger of the gun"; "pull your knees towards your chin" -11094611 __jung_NN_1 Swiss psychologist (1875-1961) -01608508 __graze_VB_2 break the skin (of a body part) by scraping; "She was grazed by the stray bullet" -02156063 __trace_VB_5 discover traces of; "She traced the circumstances of her birth" -01608122 __girdle_VB_1 cut a girdle around so as to kill by interrupting the circulation of water and nutrients; "girdle the plant" -00869596 __repugn_VB_1 to make the subject of dispute, contention, or litigation; "They contested the outcome of the race" -01607716 __hem_in_VB_1 surround in a restrictive manner; "The building was hemmed in by flowers" -01843805 __trogoniformes_NN_1 trogons -04160036 __sealing_wax_NN_1 fastener consisting of a resinous composition that is plastic when warm; used for sealing documents and parcels and letters -02116980 __work_VB_18 provoke or excite; "The rock musician worked the crowd of young girls into a frenzy" -11663449 __subdivision_ginkgophytina_NN_1 ginkgos: in some systems classified as a class and in others as a subdivision; used in some classifications for one of five subdivisions of Gymnospermophyta -01606574 __lean_VB_2 cause to lean or incline; "He leaned his rifle against the wall" -00879607 __sightseeing_NN_1 going about to look at places of interest -12678794 __sambucus_caerulea_NN_1 shrub or small tree of western United States having white flowers and blue berries; fruit used in wines and jellies -07695965 __sandwich_NN_1 two (or more) slices of bread with a filling between them -01732445 __genus_elaphe_NN_1 North American rat snakes -00143914 __twist_VB_5 form into twists; "Twist the strips of dough" -00264529 __fortification_NN_3 the addition of an ingredient for the purpose of enrichment (as the addition of alcohol to wine or the addition of vitamins to food) -00216723 __removal_NN_2 dismissal from office -02326237 __lepus_NN_2 type genus of the Leporidae: hares -01604696 __joint_VB_3 fasten with a joint -01604586 __joggle_VB_2 fasten or join with a joggle -03841143 __odometer_NN_1 a meter that shows mileage traversed -04515129 __vertical_NN_2 a vertical structural member as a post or stake; "the ball sailed between the uprights" -01604251 __rope_VB_1 catch with a lasso; "rope cows" -10040344 __nanus_NN_1 a person who is markedly small -09762385 __accuser_NN_1 someone who imputes guilt or blame -01603303 __metal_VB_1 cover with metal -01101753 __circularization_NN_1 circulating printed notices as a means of advertising -09861718 __four-flusher_NN_1 a person who tries to bluff other people -11769002 __genus_adenium_NN_1 one species: succulent shrub or tree of tropical Africa and Arabia -01602665 __poise_VB_3 cause to be balanced or suspended -01602318 __poise_VB_4 hold or carry in equilibrium -01894040 __tenrecidae_NN_1 tenrecs and extinct related forms -12216968 __guevina_heterophylla_NN_1 Chilean shrub bearing coral-red fruit with an edible seed resembling a hazelnut -00148978 __linkage_NN_4 the act of linking things together -01600478 __corral_VB_1 enclose in a corral; "corral the horses" -14538472 __safety_NN_1 the state of being certain that adverse effects will not be caused by some agent under defined conditions; "insure the safety of the children"; "the reciprocal of safety is risk" -09617867 __expert_NN_1 a person with special knowledge or ability who performs skillfully -01599805 __crepe_VB_1 cover or drape with crape; "crape the mirror" -00945916 __foraging_NN_1 the act of searching for food and provisions -04726938 __manhood_NN_2 the quality of being human; "he feared the speedy decline of all manhood" -10869931 __president_buchanan_NN_1 15th President of the United States (1791-1868) -01597662 __dunk_VB_2 make a dunk shot, in basketball; "He dunked the ball" -01597286 __shoot_VB_8 throw or propel in a specific direction or towards a specific objective; "shoot craps"; "shoot a golf ball" -02152812 __peruse_VB_1 examine or consider with attention and in detail; "Please peruse this report at your leisure" -01208460 __helping_hand_NN_1 physical assistance; "give me a hand with the chores" -01596056 __spotweld_VB_1 make circular welds; "These pipes are only spotwelded" -02751623 __high_dam_NN_1 one of the world's largest dams on the Nile River in southern Egypt -14580090 __submission_NN_3 the condition of having submitted to control by someone or something else; "the union was brought into submission"; "his submission to the will of God" -12626353 __hawthorn_NN_1 a spring-flowering shrub or small tree of the genus Crataegus -06383659 __ode_NN_1 a lyric poem with complex stanza forms -02614482 __pikeblenny_NN_1 tropical American fishes; males are aggressively defensive of their territory -10818088 __st._andrew_NN_1 (New Testament) disciple of Jesus; brother of Peter; patron saint of Scotland -02058747 __goony_NN_1 a variety of albatross with black feet -01593763 __swing_out_VB_1 make a big sweeping gesture or movement -10717921 __tough_guy_NN_1 someone who bullies weaker people -01592456 __tweak_VB_2 pull or pull out sharply; "pluck the flowers off the bush" -09187923 __adirondacks_NN_1 a mountain range in northeastern New York State; a popular resort area -07650792 __mess_NN_3 soft semiliquid food; "a mess of porridge" -01591835 __placard_VB_1 post in a public place -14872875 __foam_rubber_NN_1 spongy rubber; made by introducing air bubbles before vulcanization and used for cushioning or upholstery -01591158 __jerk_VB_5 throw or toss with a quick motion; "flick a piece of paper across the table"; "jerk his head" -09015460 __crimea_NN_1 a Ukrainian peninsula between the Black Sea and the Sea of Azov -01590171 __piece_VB_1 to join or unite the pieces of; "patch the skirt" -01590007 __rest_on_VB_1 rest on for support; "you can lean on me if you get tired" -01589497 __calibrate_VB_2 mark (the scale of a measuring instrument) so that it can be read in the desired units; "he calibrated the thermometer for the Celsius scale" -01589363 __point_VB_7 mark (Hebrew words) with diacritics -01589224 __point_VB_8 mark with diacritics; "point the letter" -02765190 __omissive_JJ_1 characterized by omissions; "omissive crimes" -01588134 __fence_in_VB_1 enclose with a fence; "we fenced in our yard" -01183638 __moot_NN_1 a hypothetical case that law students argue as an exercise; "he organized the weekly moot" -01856626 __transmigrate_VB_2 move from one country or region to another and settle there; "Many Germans migrated to South America in the mid-19th century"; "This tribe transmigrated many times over the centuries" -02505646 __mammutidae_NN_1 extinct family: mastodons -12658846 __sorbus_domestica_NN_1 medium-sized European tree resembling the rowan but bearing edible fruit -01586600 __storm_VB_2 take by force; "Storm the fort" -06268784 __feature_article_NN_1 a special or prominent article in a newspaper or magazine; "they ran a feature on retirement planning" -01584450 __turn_VB_13 shape by rotating on a lathe or cutting device or a wheel; "turn the legs of the table"; "turn the clay on the wheel" -05123416 __extent_NN_2 the distance or area or volume over which something extends; "the vast extent of the desert"; "an orchard of considerable extent" -01583656 __circumscribe_VB_3 to draw a geometric figure around another figure so that the two are in contact but do not intersect -02056971 __drive_VB_3 cause someone or something to move by driving; "She drove me to school every day"; "We drove the car to the garage" -01651370 __genus_acris_NN_1 cricket frogs -02554512 __suborder_percoidea_NN_1 in some classifications nearly or exactly equivalent to the Perciformes which are considered a suborder -01582409 __swallow_up_VB_1 enclose or envelop completely, as if by swallowing; "The huge waves swallowed the small boat and it sank shortly thereafter" -08665504 __town_NN_1 an urban area with a fixed boundary that is smaller than a city; "they drive through town on their way to work" -09729530 __arabian_NN_1 a member of a Semitic people originally from the Arabian peninsula and surrounding territories who speaks Arabic and who inhabits much of the Middle East and northern Africa -01582200 __shroud_VB_1 cover as if with a shroud; "The origins of this civilization are shrouded in mystery" -10050712 __elizabethan_NN_1 a person who lived during the reign of Elizabeth I; "William Shakespeare was an Elizabethan" -01581933 __cocoon_VB_2 wrap in or as if in a cocoon, as for protection -14403772 __tizzy_NN_1 an excited state of agitation; "he was in a dither"; "there was a terrible flap about the theft" -02853218 __blockade_NN_2 prevents access or progress -01372408 __punt_VB_1 kick the ball -13960974 __absence_NN_1 the state of being absent; "he was surprised by the absence of any explanation" -13215063 __marattia_NN_1 type genus of the Marattiaceae: ferns having the sporangia fused together in two rows -13939353 __wild_NN_1 a wild primitive state untouched by civilization; "he lived in the wild"; "they collected mushrooms in the wild" -09809925 __transcriber_NN_5 a musician who adapts a composition for particular voices or instruments or for another style of performance -01579153 __lift_VB_2 take hold of something and move it to a different location; "lift the box onto the table" -01577093 __souse_VB_2 immerse briefly into a liquid so as to wet, coat, or saturate; "dip the garment into the cleaning solution"; "dip the brush into the paint" -12297678 __halenia_NN_1 genus of herbs of Eurasia and the Americas: spurred gentians -14408086 __difficulty_NN_3 a condition or state of affairs almost beyond one's ability to deal with and requiring great effort to bear or overcome; "grappling with financial difficulties" -11890329 __lepidium_NN_1 cosmopolitan genus of annual and biennial and perennial herbs: cress -07036862 __pean_NN_1 (ancient Greece) a hymn of praise (especially one sung in ancient Greece to invoke or thank a deity) -01575675 __situate_VB_2 put (something somewhere) firmly; "She posited her hand on his shoulder"; "deposit the suitcase on the bench"; "fix your eyes on this spot" -02120692 __felidae_NN_1 cats; wildcats; lions; leopards; cheetahs; saber-toothed tigers -01807882 __attract_VB_2 be attractive to; "The idea of a vacation appeals to me"; "The beautiful garden attracted many people" -01574571 __tamp_down_VB_1 press down tightly; "tamp the coffee grinds in the container to make espresso" -01573891 __tear_up_VB_1 tear into shreds -00081572 __purchasing_NN_1 the act of buying; "buying and selling fill their days"; "shrewd purchasing requires considerable knowledge" -12744277 __genus_litchi_NN_1 Chinese trees -01573276 __rive_VB_1 tear or be torn violently; "The curtain ripped from top to bottom"; "pull the cooked chicken into strips" -01572978 __clinch_VB_3 hold in a tight grasp; "clench a steering wheel" -09150448 __jamestown_NN_1 a former village on the James River in Virginia to the north of Norfolk; site of the first permanent English settlement in America in 1607 -12670013 __lemonwood_NN_1 hard tough elastic wood of the lemonwood tree; used for making bows and fishing rods -01570935 __throttle_VB_2 kill by squeezing the throat of so as to cut off the air; "he tried to strangle his opponent"; "A man in Boston has been strangling several dozen prostitutes" -04398309 __tea_set_NN_1 a set of china or silverware for serving tea -01570744 __scrag_VB_2 wring the neck of; "The man choked his opponent" -01570562 __gag_VB_2 be too tight; rub or press; "This neckband is choking the cat" -01570258 __reinstall_VB_1 install again; "She reinstalled the washer after it had been repaired" -06706504 __varsity_letter_NN_1 an award earned by participation in a school sport; "he won letters in three sports" -01567888 __forest_VB_1 establish a forest on previously unforested land; "afforest the mountains" -12582231 __palm_tree_NN_1 any plant of the family Palmae having an unbranched trunk crowned by large pinnate or palmate leaves -02842445 __linguistic_JJ_1 consisting of or related to language; "linguistic behavior"; "a linguistic atlas"; "lingual diversity" -02098458 __draw_in_VB_3 shape one's body into a curl; "She curled farther down under the covers"; "She fell and drew in" -10305192 __meddler_NN_1 an officious annoying person who interferes with others -02671780 __accoutrement_NN_1 clothing that is worn or carried, but not part of your main clothing -01566185 __wreck_VB_1 smash or break forcefully; "The kid busted up the car" -10926066 __james_dean_NN_1 United States film actor whose moody rebellious roles made him a cult figure (1931-1955) -07453063 __military_ceremony_NN_1 a formal ceremony performed by military personnel -00905677 __amnesty_VB_1 grant a pardon to (a group of people) -01660870 __reshape_VB_2 shape again or shape differently -00210738 __mold_VB_2 become moldy; spoil due to humidity; "The furniture molded in the old house" -10908919 __president_coolidge_NN_1 elected vice president and succeeded as 30th President of the United States when Harding died in 1923 (1872-1933) -05926236 __wisdom_NN_1 accumulated knowledge or erudition or enlightenment -01563336 __syllabize_VB_1 divide into syllables; "syllabify the words" -09352108 __mesabi_range_NN_1 a range of hills in northeastern Minnesota where rich iron ore deposits were discovered in 1887 -04147495 __scientific_instrument_NN_1 an instrument used by scientists -11940349 __spanish_needles_NN_2 common bur marigold of the eastern United States -02647903 __genus_agonus_NN_1 type genus of the Agonidae -01562209 __crash_VB_9 cause to crash; "The terrorists crashed the plane into the palace"; "Mother crashed the motorbike into the lamppost" -01561819 __ram_VB_3 undergo damage or destruction on impact; "the plane crashed into the ocean"; "The car crashed into the lamp post" -00533403 __sole_VB_1 put a new sole on; "sole the shoes" -01560731 __sever_VB_2 cut off from a whole; "His head was severed from his body"; "The soul discerped from the body" -01664244 __lepidochelys_NN_1 ridleys -12517253 __genus_clitoria_NN_1 genus of tropical shrubs or vines having pinnate leaves and large axillary flowers -13786413 __operator_NN_1 (mathematics) a symbol or function representing a mathematical operation -01559868 __splice_VB_4 join by interweaving strands; "Splice the wires" -01559590 __saw_VB_1 cut with a saw; "saw wood for the fireplace" -06838652 __qoph_NN_1 the 19th letter of the Hebrew alphabet -01559055 __slit_VB_1 make a clean cut through; "slit her throat" -01558440 __segment_VB_2 divide or split up; "The cells segmented" -02741149 __range_VB_3 have a range; be capable of projecting over a certain distance, as of a gun; "This gun ranges over two miles" -05169242 __matter_NN_5 (used with negation) having consequence; "they were friends and it was no matter who won the games" -15136147 __week_NN_3 a period of seven consecutive days starting on Sunday -00333366 __agitation_NN_5 the act of agitating something; causing it to move around (usually vigorously) -10871129 __rudolf_karl_bultmann_NN_1 a Lutheran theologian in Germany (1884-1976) -10769459 __wastrel_NN_1 someone who dissipates resources self-indulgently -01556921 __separate_VB_2 force, take, or pull apart; "He separated the fighting children"; "Moses parted the Red Sea" -01556572 __split_VB_2 separate or cut with a tool, such as a sharp instrument; "cleave the bone" -01556178 __tail_VB_2 remove or shorten the tail of an animal -02614978 __gunnel_NN_2 small eellike fishes common in shallow waters of the northern Atlantic -04209239 __shower_curtain_NN_1 a curtain that keeps water from splashing out of the shower area -06882561 __badge_NN_1 an emblem (a small piece of plastic or cloth or metal) that signifies your status (rank or membership or affiliation etc.); "they checked everyone's badge before letting them in" -11666854 __magnoliopsid_NN_1 flowering plant with two cotyledons; the stem grows by deposit on its outside -13033577 __narrowhead_morel_NN_1 a morel whose pitted fertile body is attached to the stalk with little free skirt around it; the fertile body is grey when young and black in old age -05816287 __information_NN_2 knowledge acquired through study or experience or instruction -07540081 __fatigue_NN_3 (always used with a modifier) boredom resulting from overexposure to something; "he was suffering from museum fatigue"; "after watching TV with her husband she had a bad case of football fatigue"; "the American public is experiencing scandal fatigue"; "political fatigue" -01554799 __cut_out_VB_2 form and create by cutting out; "Picasso cut out a guitar from a piece of paper" -01554622 __sabre_VB_1 cut or injure with a saber -01899262 __thrust_VB_1 push forcefully; "He thrust his chin forward" -01549719 __scratch_out_VB_1 strike or cancel by or as if by rubbing or crossing out; "scratch out my name on that list" -01040707 __mouth_VB_2 articulate silently; form words with the lips only; "She mouthed a swear word" -07942152 __people_NN_1 (plural) any group of human beings (men or women or children) collectively; "old people"; "there were at least 200 people in the audience" -10034020 __drill_master_NN_1 a noncommissioned officer who instructs recruits in military marching and discipline -06300193 __theme_NN_5 (linguistics) the form of a word after all affixes are removed; "thematic vowels are part of the stem" -11703935 __laurus_NN_1 small evergreen trees or shrubs with aromatic leaves -01548290 __clasp_VB_3 fasten with a buckle or buckles -02161922 __focus_VB_2 cause to converge on or toward a central point; "Focus the light on this image" -14989545 __phenol_NN_1 any of a class of weakly acidic organic compounds; molecule contains one or more hydroxyl groups -01157557 __disarming_NN_1 act of reducing or depriving of arms; "the disarmament of the aggressor nations must be complete" -01547390 __repose_VB_4 lean in a comfortable resting position; "He was reposing on the couch" -01697178 __crocodile_NN_1 large voracious aquatic reptile having a long snout with massive jaws and sharp teeth and a body covered with bony plates; of sluggish tropical waters -00290132 __tone_VB_3 change the color or tone of; "tone a negative" -01543731 __roost_VB_1 sit, as on a branch; "The birds perched high in the tree" -01478073 __suborder_myxinoidei_NN_1 hagfishes as distinguished from lampreys -01543426 __sprawl_VB_1 sit or lie with one's limbs spread out -09850642 __berk_NN_1 a stupid person who is easy to take advantage of -01541803 __spill_VB_4 pour out in drops or small quantities or as if in drops or small quantities; "shed tears"; "spill blood"; "God shed His grace on Thee" -01541579 __spill_VB_3 cause or allow (a solid substance) to flow or run out or over; "spill the beans all over the table" -02157557 __tail_NN_1 the posterior part of the body of a vertebrate especially when elongated and extending beyond the trunk or main part of the body -05217688 __person_NN_2 a human body (usually including the clothing); "a weapon was hidden on his person" -01538928 __blot_VB_1 dry (ink) with blotting paper -01538629 __spatter_VB_3 spot, splash, or soil; "The baby spattered the bib with food" -01538469 __stipple_VB_4 produce a mottled effect; "The sunlight stippled the trees" -01538161 __spot_VB_3 mar or impair with a flaw; "her face was blemished" -07501420 __worship_NN_2 a feeling of profound love and admiration -02654947 __nest_VB_1 inhabit a nest, usually after building; "birds are nesting outside my window every Spring" -03276179 __electromagnet_NN_1 a temporary magnet made by coiling wire around an iron core; when current flows in the coil the iron becomes a magnet -01535742 __wash_out_VB_2 wash free from unwanted substances, such as dirt; "Wash out your dirty shirt in the sink" -02671224 __memory_access_NN_1 (computer science) the operation of reading or writing stored information -00378069 __combustion_NN_3 the act of burning something; "the burning of leaves was prohibited by a town ordinance" -00026192 __feeling_NN_1 the experiencing of affective and emotional states; "she had a feeling of euphoria"; "he had terrible feelings of guilt"; "I disliked him and the feeling was mutual" -01535002 __crock_VB_2 soil with or as with crock -02265330 __hemerobiid_fly_NN_1 small dark-colored lacewing fly -01534609 __splash_VB_6 soil or stain with a splashed liquid -00870213 __warn_VB_1 notify of danger, potential harm, or risk; "The director warned him that he might be fired"; "The doctor warned me about the dangers of smoking" -01533442 __houseclean_VB_1 clean and tidy up the house; "She housecleans every week" -12753762 __striped_maple_NN_1 maple of eastern North America with striped bark and large two-lobed leaves clear yellow in autumn -02811719 __battle_dress_NN_1 a military uniform designed for field service -01532434 __clean_VB_8 remove while making clean; "Clean the spots off the rug" -01702087 __genus_ankylosaurus_NN_1 armored herbivorous dinosaurs of the Cretaceous -01530678 __ingraft_VB_1 cause to grow together parts from different plants; "graft the cherry tree branch onto the plum tree" -01190172 __judgment_of_dismissal_NN_1 a judgment disposing of the matter without a trial -02557638 __check_VB_10 block or impede (a player from the opposing team) in ice hockey -04285803 __sportswear_NN_1 attire worn for sport or for casual wear -06708970 __distinguished_conduct_medal_NN_1 a British military decoration for distinguished conduct in the field -02322230 __thieve_VB_1 take by theft; "Someone snitched my wallet!" -01704236 __vocalize_VB_2 sing (each note a scale or in a melody) with the same vowel -01528069 __wedge_VB_1 put, fix, force, or implant; "lodge a bullet in the table"; "stick your thumb in the crack" -01527877 __exorcize_VB_1 expel through adjuration or prayers; "exorcise evil spirits" -02354470 __thomomys_NN_1 western pocket gophers -02288789 __pyralid_moth_NN_1 usually tropical slender-bodied long-legged moth whose larvae are crop pests -06999436 __picture_NN_5 illustrations used to decorate or explain a text; "the dictionary had many pictures" -07528470 __thrill_NN_1 the swift release of a store of affective force; "they got a great bang out of it"; "what a boot!"; "he got a quick rush from injecting heroin"; "he does it for kicks" -06149484 __political_economy_NN_1 the branch of social science that deals with the production and distribution and consumption of goods and services and their management -01381357 __scavenge_VB_2 collect discarded or refused material; "She scavenged the garbage cans for food" -11806975 __genus_cerastium_NN_1 mouse-eared chickweed -04553389 __wash_NN_1 a thin coat of water-base paint -02718863 __bifurcate_VB_1 split or divide into two -12418356 __sparaxis_NN_1 deciduous perennial herbs of South Africa -06762711 __commentary_NN_1 a written explanation or criticism or illustration that is added to a book or other textual material; "he wrote an extended comment on the proposal" -01518924 __weave_VB_1 interlace by or as if by weaving -00690614 __view_VB_1 deem to be; "She views this quite differently from me"; "I consider her to be shallow"; "I don't see the situation quite as negatively as you do" -01518772 __spin_VB_6 work natural fibers into a thread; "spin silk" -01518343 __wattle_VB_2 interlace to form wattle -03591116 __pilot_ladder_NN_1 (nautical) a hanging ladder of ropes or chains supporting wooden or metal rungs or steps -01517662 __twine_VB_1 spin,wind, or twist together; "intertwine the ribbons"; "Twine the threads into a rope"; "intertwined hearts" -01517515 __upend_VB_2 set, turn, or stand on end; "upend the box and empty the contents" -06969129 __sanskritic_language_NN_1 (Hinduism) an ancient language of India (the language of the Vedas and of Hinduism); an official language of India although it is now used only for religious purposes -01463965 __loving_JJ_1 feeling or showing love and affection; "loving parents"; "loving glances" -05543917 __sutura_coronalis_NN_1 the suture between the parietal and frontal bones of the skull -13561521 __stiffening_NN_2 the process of becoming stiff or rigid -01516965 __wreathe_VB_3 form into a wreath -00312165 __dun_VB_4 make a dun color -15116532 __biological_time_NN_1 the time of various biological processes -12933164 __genus_apium_NN_1 celery -01516290 __jet_VB_1 issue in a jet; come out in a jet; stream or spring forth; "Water jetted forth"; "flames were jetting out of the building" -09030382 __nyala_NN_1 city in Sudan -01516071 __boost_VB_5 push or shove upward, as if from below or behind; "The singer had to be boosted onto the stage by a special contraption" -01515566 __catapult_VB_1 shoot forth or launch, as if from a catapult; "the enemy catapulted rocks towards the fort" -01514348 __sling_VB_1 hurl as if with a sling -05684440 __distraction_NN_1 mental turmoil; "he drives me to distraction" -01513990 __autotomize_VB_1 cause a body part to undergo autotomy -03064935 __sprocket_NN_3 tooth on the rim of gear wheel -14757848 __osseous_tissue_NN_1 the porous calcified substance from which bones are made -08714132 __republic_of_bulgaria_NN_1 a republic in the eastern part of the Balkan Peninsula in southeastern Europe -01712752 __ceratosaurus_NN_1 primitive medium-sized theropod; swift-running bipedal carnivorous dinosaur having grasping hands with sharp claws and a short horn between the nostrils; Jurassic in North America -02179154 __trump_VB_1 produce a sound as if from a trumpet -01512259 __drive_VB_8 push, propel, or press with force; "Drive a nail into the wall" -01511706 __propel_VB_1 cause to move forward with force; "Steam propels this ship" -01511380 __withdraw_VB_3 release from something that holds fast, connects, or entangles; "I want to disengage myself from his influence"; "disengage the gears" -01182021 __feed_VB_1 provide as food; "Feed the guests the nuts" -00858781 __urge_on_VB_1 spur on or encourage especially by cheers and shouts; "The crowd cheered the demonstrating strikers" -01510827 __operate_VB_6 keep engaged; "engaged the gears" -01510576 __turn_out_VB_11 cause to stop operating by disengaging a switch; "Turn off the stereo, please"; "cut the engine"; "turn out the lights" -01510173 __throw_VB_6 cause to go on or to be engaged or set in operation; "switch on the light"; "throw the lever" -02459808 __myrmecophagidae_NN_1 New World anteaters -01509584 __drive_VB_9 cause to move rapidly by striking or throwing with force; "drive the ball far out into the field" -03041632 __meat_cleaver_NN_1 a butcher's knife having a large square blade -09708750 __parisian_NN_1 a native or resident of Paris -04448826 __tolbutamide_NN_1 sulfonylurea; an oral antidiabetic drug (trade name Orinase) used in the treatment of adult-onset diabetes mellitus -01508368 __throw_VB_1 propel through the air; "throw a frisbee" -01507914 __pelt_VB_1 cast, hurl, or throw repeatedly with some missile; "They pelted each other with snowballs" -01507143 __hurtle_VB_3 throw forcefully -10208950 __inspector_general_NN_1 a military officer responsible for investigations -01506583 __retract_VB_4 pull inward or towards a center; "The pilot drew in the landing gear"; "The cat retracted his claws" -00057162 __standdown_NN_2 (military) a temporary stop of offensive military action -01505958 __get_VB_18 attract and fix; "His look caught her"; "She caught his eye"; "Catch the attention of the waiter" -09978442 __criminologist_NN_1 a specialist in criminology -01505254 __pull_in_VB_1 direct toward itself or oneself by means of some psychological power or physical attributes; "Her good looks attract the stares of many men"; "The ad pulled in many potential customers"; "This pianist pulls huge crowds"; "The store owner was happy that the ad drew in many new customers" -00532607 __objectify_VB_1 make external or objective, or give reality to; "language externalizes our thoughts" -01504298 __stack_up_VB_1 arrange into piles or stacks; "She piled up her books in my living room" -13636989 __ampere-minute_NN_1 a unit of charge equal to 60 coulombs -02526121 __eel_NN_2 voracious snakelike marine or freshwater fishes with smooth slimy usually scaleless skin and having a continuous vertical fin but no ventral fins -08524021 __centre_stage_NN_2 the central area on a theater stage -01503268 __rail_VB_7 lay with rails; "hundreds of miles were railed out here" -01503101 __misplace_VB_1 place (something) where one cannot find it again; "I misplaced my eyeglasses" -01502946 __rest_VB_10 rest on or as if on a pillow; "pillow your head" -02647918 __reverberate_VB_2 have a long or continuing effect; "The discussions with my teacher reverberated throughout my adult life" -01502654 __ground_VB_3 place or put on the ground -04796490 __extraordinariness_NN_1 the quality of being extraordinary and not commonly encountered -10134001 __netminder_NN_1 the soccer or hockey player assigned to protect the goal -08983742 __gdansk_NN_1 a port city of northern Poland near the mouth of the Vistula River on a gulf of the Baltic Sea; a member of the Hanseatic League in the 14th century -01502279 __bottle_VB_2 put into bottles; "bottle the mineral water" -01501184 __broadcast_VB_2 sow over a wide area, especially by hand; "broadcast seeds" -13325382 __water-rate_NN_1 rate per quarter for water from a public supply -01500873 __sow_VB_1 place (seeds) in or on the ground for future growth; "She sowed sunflower seeds" -01500572 __plunk_down_VB_1 set (something or oneself) down with or as if with a noise; "He planked the money on the table"; "He planked himself into the sofa" -01500214 __appose_VB_1 place side by side or in close proximity -15125097 __tertiary_period_NN_1 from 63 million to 2 million years ago -01500082 __bed_VB_3 put to bed; "The children were bedded at ten o'clock" -00178575 __authorized_JJ_1 endowed with authority -09396275 __pobedy_peak_NN_1 a mountain peak in the Tien Shan mountains in northern India (24,406 feet high) -01499265 __thrust_VB_8 place or put with great energy; "She threw the blanket around the child"; "thrust the money in the hands of the beggar" -01499006 __reposition_VB_2 place into another position -06693198 __praise_NN_1 an expression of approval and commendation; "he always appreciated praise for his work" -04941453 __density_NN_1 the amount per unit size -08894456 __wales_NN_1 one of the four countries that make up the United Kingdom of Great Britain and Northern Ireland; during Roman times the region was known as Cambria -00215314 __dissolution_NN_5 the termination or disintegration of a relationship (between persons or nations) -01498615 __parallelize_VB_1 place parallel to one another -13934596 __environment_NN_1 the totality of surrounding conditions; "he longed for the comfortable environment of his living room" -01497458 __trench_VB_4 set, plant, or bury in a trench; "trench the fallen soldiers"; "trench the vegetables" -01496978 __ship_VB_5 place on board a ship; "ship the cargo in the hold of the vessel" -12330336 __myrtus_NN_1 type genus of the Myrtaceae -02005962 __genus_ibis_NN_1 ibises -01493741 __put_VB_2 cause to be in a certain state; cause to be in a certain relation; "That song put me in awful good humor"; "put your ideas in writing" -08806897 __rome_NN_1 capital and largest city of Italy; on the Tiber; seat of the Roman Catholic Church; formerly the capital of the Roman Republic and the Roman Empire -01493619 __settle_VB_18 fix firmly; "He ensconced himself in the chair" -02735086 __archive_NN_1 a depository containing historical records and documents -01492052 __yoke_VB_2 link with or as with a yoke; "yoke the oxen together" -08186393 __power_service_NN_1 a public utility that provides electricity -09783369 __alienator_NN_1 an unpleasant person who causes friendly people to become indifferent or unfriendly or hostile -08540532 __borough_NN_1 one of the administrative divisions of a large city -13306870 __charge_NN_3 the price charged for some article or service; "the admission charge" -01489989 __load_up_VB_1 fill or place a load on; "load a car"; "load the truck with hay" -10337789 __mujahid_NN_1 a Muslim engaged in what he considers to be a jihad -01488956 __charge_VB_8 fill or load to capacity; "charge the wagon with hay" -10648909 __starer_NN_1 a viewer who gazes fixedly (often with hostility) -11691046 __corolla_NN_1 (botany) the whorl of petals of a flower that collectively form an inner floral envelope or layer of the perianth; "we cultivate the flower for its corolla" -00146856 __merging_NN_1 the act of joining together as one; "the merging of the two groups occurred quickly"; "there was no meeting of minds" -03108853 __cork_NN_4 the plug in the mouth of a bottle (especially a wine bottle) -00201058 __transition_NN_1 the act of passing from one state or place to the next -13484644 __freezing_NN_1 the withdrawal of heat to change something from a liquid to a solid -05388115 __pleura_NN_1 the thin serous membrane around the lungs and inner walls of the chest -01487830 __plumb_VB_2 weight with lead -08478482 __removal_firm_NN_1 a company that moves the possessions of a family or business from one site to another -00429642 __spill_VB_6 reduce the pressure of wind on (a sail) -00327362 __steep_VB_2 let sit in a liquid to extract a flavor or to cleanse; "steep the blossoms in oil"; "steep the fruit in alcohol" -04635631 __inertia_NN_1 a disposition to remain inactive or inert; "he had to overcome his inertia and get back to work" -10005548 __deputy_sheriff_NN_1 someone authorized to exercise the powers of sheriff in emergencies -01486312 __incase_VB_1 enclose in, or as if in, a case; "my feet were encased in mud" -08971404 __beira_NN_1 a port city in eastern Mozambique on the Mozambique Channel -01172114 __tipple_VB_1 drink moderately but regularly; "We tippled the cognac" -01484982 __lubricate_VB_2 apply a lubricant to; "lubricate my car" -06398760 __epilogue_NN_2 a short passage added at the end of a literary work; "the epilogue told what eventually happened to the main characters" -04782878 __credibleness_NN_1 the quality of being believable or trustworthy -03186005 __dextroamphetamine_sulphate_NN_1 an isomer of amphetamine (trade name Dexedrine) used as a central nervous system stimulant -00977153 __bill_VB_2 advertise especially by posters or placards; "He was billed as the greatest tenor since Caruso" -01483131 __pack_VB_12 load with a pack -05146471 __sumptuousness_NN_2 the quality possessed by something that is excessively expensive -01482449 __pack_VB_1 arrange in a container; "pack the books into the boxes" -01482075 __hang_VB_1 be suspended or hanging; "The flag hung on the wall" -02831998 __bessemer_converter_NN_1 a refractory-lined furnace used to convert pig iron into steel by the Bessemer process -03634189 __lake_mead_NN_1 the largest reservoir in the United States; located in southeastern Nevada and northwestern Arizona and formed by the Hoover Dam on the Colorado River; the center of a recreational area -01481027 __gin_VB_2 trap with a snare; "gin game" -11916268 __genus_achillea_NN_1 perennial often aromatic and sometimes mat-forming herbs of north temperate regions: yarrow; milfoil -02255698 __phylloxera_NN_1 type genus of the Phylloxeridae: plant lice -07911677 __cocktail_NN_1 a short mixed drink -00642045 __endoscopy_NN_1 visual examination of the interior of a hollow body organ by use of an endoscope -03916031 __perfume_NN_2 a toiletry that emits and diffuses a fragrant odor -01478423 __close_VB_14 bar access to; "Due to the accident, the road had to be closed for several hours" -14344189 __van_bogaert_encephalitis_NN_1 a rare chronic progressive encephalitis caused by the measles virus and occurring primarily in children and young adults; death usually occurs within three years; characterized by primary measles infection before the age of two years -03202940 __rectifying_valve_NN_1 a thermionic tube having two electrodes; used as a rectifier -01356370 __stick_on_VB_2 attach to; "affix the seal here" -01477888 __land_up_VB_1 block with earth, as after a landslide -01477538 __screen_VB_5 prevent from entering; "block out the strong sunlight" -01477394 __shut_off_VB_3 block off the passage through; "We shut off the valve" -00322488 __incasement_NN_1 the act of enclosing something in a case -09263619 __dead_sea_NN_1 a saltwater lake on the border between Israel and Jordan; its surface in 1292 feet below sea level -01477224 __dam_up_VB_1 obstruct with, or as if with, a dam; "dam the gorges of the Yangtse River" -01477014 __tie_up_VB_3 restrain from moving or operating normally; "Traffic is tied up for miles around the bridge where the accident occurred" -01476483 __occlude_VB_1 block passage through; "obstruct the path" -02022684 __shorebird_NN_1 any of numerous wading birds that frequent mostly seashores and estuaries -08804962 __calabria_NN_1 a region of southern Italy (forming the toe of the Italian `boot') -07340249 __wound_NN_2 a casualty to military personnel resulting from combat -00861611 __tropism_NN_1 an involuntary orienting response; positive or negative reaction to a stimulus source -01474209 __set_out_VB_2 lay out orderly or logically in a line or as if in a line; "lay out the clothes"; "lay out the arguments" -01473886 __tussle_VB_2 make messy or untidy; "the child mussed up my hair" -08095647 __muslimism_NN_1 the civilization of Muslims collectively which is governed by the Muslim religion; "Islam is predominant in northern Africa, the Middle East, Pakistan, and Indonesia" -01473729 __puddle_VB_5 mess around, as in a liquid or paste; "The children are having fun puddling in paint" -02308139 __webworm_NN_1 several gregarious moth larvae that spin webs over foliage on which they feed -11799732 __panax_schinseng_NN_1 Chinese herb with palmately compound leaves and small greenish flowers and forked aromatic roots believed to have medicinal powers -03961939 __platform_NN_1 a raised horizontal surface; "the speaker mounted the platform" -00356258 __change_surface_VB_1 undergo or cause to undergo a change in the surface -00053656 __cross-fertilize_VB_2 cause to undergo cross-fertilization; "Mendel cross-fertilized different kinds of beans" -01473346 __tinker_VB_1 do random, unplanned work or activities or spend time idly; "The old lady is usually mucking about in her little house" -07269916 __icon_NN_1 (computer science) a graphic symbol (usually a simple picture) that denotes a program or a command or a data file or a concept in a graphical user interface -09428293 __seashore_NN_1 the shore of a sea or ocean -01472807 __throw_together_VB_2 bring into random order -01111750 __importing_NN_1 the commercial activity of buying and bringing in goods from a foreign country -09255921 __coosa_river_NN_1 river that rises in northwestern Georgia and flows southwest through eastern Alabama to join the Tallapoosa River near Montgomery and form the Alabama River -01472251 __skyjack_VB_1 subject an aircraft to air piracy; "the plane was skyjacked to Uzbekistan" -01471825 __pirate_VB_2 take arbitrarily or by force; "The Cubans commandeered the plane and flew it to Miami" -13178500 __solanopteris_NN_1 tropical American epiphytic ferns having rhizomes with tubers and roots as well as scales -01471043 __snatch_VB_3 take away to an undisclosed location against their will and usually in order to extract a ransom; "The industrialist's son was kidnapped" -01276970 __notch_VB_1 cut or make a notch into; "notch the rope" -01470856 __assume_VB_8 take up someone's soul into heaven; "This is the day when May was assumed into heaven" -00016855 __zonk_out_VB_2 fall asleep fast, as when one is extremely tired; "after the long drive, we zonked out and slept for 10 hours" -00137877 __dropkick_NN_1 (football) kicking (as for a field goal) in which the football is dropped and kicked as it touches the ground -06248043 __military_science_NN_1 the discipline dealing with the principles of warfare -01049462 __unfortunate_JJ_1 not favored by fortune; marked or accompanied by or resulting in ill fortune; "an unfortunate turn of events"; "an unfortunate decision"; "unfortunate investments"; "an unfortunate night for all concerned" -07956887 __hand_NN_6 the cards held in a card game by a given player at any given time; "I didn't hold a good hand all evening"; "he kept trying to see my hand" -01469080 __bounce_VB_7 eject from the premises; "The ex-boxer's job is to bounce people who want to enter this private club" -12771192 __persimmon_tree_NN_1 any of several tropical trees of the genus Diospyros -01468327 __evict_VB_1 expel or eject without recourse to legal process; "The landlord wanted to evict the tenants so he banged on the pipes every morning at 3 a.m." -01468058 __force_out_VB_5 expel from one's property or force to move out by a legal process; "The landlord evicted the tenants after they had not paid the rent for four months" -00023473 __pick_up_VB_16 gain or regain energy; "I picked up after a nap" -01466733 __disarrange_VB_1 destroy the arrangement or order of; "My son disarranged the papers on my desk" -02509071 __potos_NN_1 a genus of Procyonidae -06117562 __geophysics_NN_1 geology that uses physical principles to study properties of the earth -01465218 __pair_VB_4 arrange in pairs; "Pair these numbers" -05637106 __nose_NN_7 a natural skill; "he has a nose for good deals" -02261286 __liposcelis_NN_1 a genus of Psocidae -01463963 __set_up_VB_5 put into a proper or systematic order; "arrange the books on the shelves in chronological order" -02193612 __resolve_VB_5 make clearly visible; "can this image be resolved?" -02540791 __rainbow_smelt_NN_2 important marine and landlocked food fish of eastern North America and Alaska -01461328 __compound_VB_5 combine so as to form a whole; mix; "compound the ingredients" -01188725 __want_VB_2 have need of; "This piano wants the attention of a competent tuner" -15233047 __upper_paleolithic_NN_1 the time period during which only modern Homo sapiens was known to have existed; ended about 10,000 years BC -01460937 __winnow_VB_1 separate the chaff from by using air currents; "She stood there winnowing chaff all day in the field" -01460594 __sift_VB_3 check and sort carefully; "sift the information" -01459896 __concoct_VB_1 make a concoction (of) by mixing -01458664 __strain_VB_7 remove by passing through a filter; "filter out the impurities" -05710210 __perceptiveness_NN_3 perception of that which is obscure -01458464 __percolate_VB_3 prepare in a percolator; "percolate coffee" -02698036 __zyloprim_NN_1 a drug (trade name Zyloprim) used to treat gout and other conditions in which there is an excessive buildup of uric acid -01457206 __pinch_VB_2 make ridges into by pinching together -01457079 __goose_VB_1 pinch in the buttocks; "he goosed the unsuspecting girl" continuous full and low-pitched throbbing sound; "the rumbling rolling sound of thunder" -00835267 __expiration_NN_3 the act of expelling air from the lungs -01455639 __trice_up_VB_1 raise with a line; "trice a window shade" -06045562 __medical_science_NN_1 the science of dealing with the maintenance of health and the prevention and treatment of disease -07966927 __business_sector_NN_1 business concerns collectively; "Government and business could not agree" -01453256 __tug_VB_5 move by pulling hard; "The horse finally tugged the cart out of the mud" -01227908 __politeness_NN_2 the act of showing regard for others -10194566 __wheeler_dealer_NN_1 a shrewd or unscrupulous person who knows how to circumvent difficulties -04073948 __religious_residence_NN_1 residence that is a place of religious seclusion (such as a monastery) -00417482 __homologize_VB_2 make homologous -05475878 __tract_NN_4 a bundle of myelinated nerve fibers following a path through the brain -02023133 __family_charadriidae_NN_1 plover family -05992624 __lateralization_NN_1 localization of function on either the right or left sides of the brain -01451502 __cart_VB_2 transport something in a cart -04351233 __suit_NN_6 playing card in any of four sets of 13 cards in a pack; each set has its own symbol and color; "a flush is five cards in the same suit"; "in bridge you must follow suit"; "what suit is trumps?" -01451176 __pack_VB_4 carry, as on one's back; "Pack your tents to the top of the mountain" -01449796 __yield_VB_11 be flexible under stress of physical force; "This material doesn't give" -01536168 __rinse_off_VB_1 wash off soap or remaining dirt -01449427 __abduct_VB_2 pull away from the body; "this muscle abducts" -01449236 __adduct_VB_1 draw a limb towards the body; "adduct the thigh muscle" -05783041 __factorization_NN_1 (mathematics) the resolution of an entity into factors such that when multiplied together they give the original entity -14333136 __chafe_NN_1 soreness and warmth caused by friction; "he had a nasty chafe on his knee" -00374835 __exacerbation_NN_1 action that makes a problem or a disease (or its symptoms) worse; "the aggravation of her condition resulted from lack of care" -01727646 __colubrid_snake_NN_1 mostly harmless temperate-to-tropical terrestrial or arboreal or aquatic snakes -01447257 __press_VB_1 exert pressure or force to or upon; "He pressed down on the boards"; "press your thumb on this spot" -13145924 __chardonnay_grape_NN_1 white wine grape -01445932 __seize_with_teeth_VB_1 to grip, cut off, or tear with or as if with the teeth or jaws; "Gunny invariably tried to bite her" -00556142 __scurry_NN_1 rushing about hastily in an undignified way -01444887 __spear_VB_1 pierce with a spear; "spear fish" -01444723 __pin_VB_3 pierce with a pin; "pin down the butterfly" -06685198 __giving_NN_2 the imparting of news or promises etc.; "he gave us the news and made a great show of the giving"; "giving his word of honor seemed to come too easily" -10009484 __detective_NN_2 an investigator engaged or employed in obtaining information not easily available to the public -02522864 __pull_off_VB_3 be successful; achieve a goal; "She succeeded in persuading us all"; "I managed to carry the box upstairs"; "She pulled it off, even though we never thought her capable of it"; "The pianist negociated the difficult runs" -01443021 __drill_VB_1 make a hole, especially with a pointed power or hand tool; "don't drill here, there's a gas pipe"; "drill a hole into the wall"; "drill for oil"; "carpenter bees are boring holes into the wall" -01442203 __peg_VB_2 pierce with a wooden pin or knock or thrust a wooden pin into -05689249 __impediment_NN_1 something immaterial that interferes with or delays action or progress -01441993 __stick_VB_12 pierce with a thrust using a pointed instrument; "he stuck the cloth with the needle" -00508032 __mark_VB_5 make or leave a mark on; "the scouts marked the trail"; "ash marked the believers' foreheads" -12193205 __silver_quandong_NN_1 pale easily worked timber from the quandong tree -01440378 __stop_VB_8 seize on its way; "The fighter plane was ordered to intercept an aircraft that had entered the country's airspace" -10656223 __stifler_NN_1 a person who stifles or smothers or suppresses; "he is a real conversation stifler"; "I see from all the yawn smotherers that it is time to stop" -01439190 __take_hold_of_VB_1 take hold of so as to seize or restrain or stop the motion of; "Catch the ball!"; "Grab the elevator door!" -01438902 __bring_VB_2 cause to come into a particular state or condition; "Long hard years of on the job training had brought them to their competence"; "bring water to the boiling point" -05474976 __motor_fiber_NN_1 a nerve fiber that carries impulses toward the muscles or glands -03175081 __den_NN_4 a room that is comfortable and secluded -01437888 __mail_VB_1 send via the postal service; "I'll mail you the check tomorrow" -02966372 __luggage_carrousel_NN_1 a conveyer belt that carries luggage to be claimed by air travelers -01436518 __turn_VB_8 let (something) fall or spill from a container; "turn the flour onto a plate" -00177127 __diagnostic_technique_NN_1 a procedure followed in making a medical diagnosis -02617402 __zoarces_NN_1 type genus of the Zoarcidae -01435128 __whisk_off_VB_2 take away quickly and suddenly -05804491 __underreckoning_NN_1 an estimation that is too low; an estimate that is less than the true or actual value -01434278 __take_away_VB_1 remove from a certain place, environment, or mental or emotional state; transport into a new location or state; "Their dreams carried the Romantics away into distant lands"; "The car carried us off to the meeting"; "I'll take you away on a holiday"; "I got carried away when I saw the dead man and I started to cry" -01147451 __containment_NN_3 the act of containing; keeping something from spreading; "the containment of the AIDS epidemic"; "the containment of the rebellion" -01779629 __mite_NN_2 any of numerous very small to minute arachnids often infesting animals or plants or stored foods -01432601 __bear_VB_4 move while holding up or supporting; "Bear gifts"; "bear a heavy load"; "bear news"; "bearing orders" -07993279 __zoology_NN_1 all the animal life in a particular region or period; "the fauna of China"; "the zoology of the Pliocene epoch" -01431987 __tickle_VB_3 touch or stroke lightly; "The grass tickled her calves" -09040839 __antalya_NN_1 a port city in southwestern Turkey on the Gulf of Antalya -10701180 __tennis_player_NN_1 an athlete who plays tennis -09878702 __strapper_NN_1 a large and strong and heavyset man; "he was a bull of a man"; "a thick-skinned bruiser ready to give as good as he got" -01431230 __snog_VB_1 touch with the lips or press the lips (against someone's mouth or other body part) as an expression of love, greeting, etc.; "The newly married couple kissed"; "She kissed her grandfather on the forehead when she entered the room" -06768901 __restatement_NN_1 a revised statement -11881189 __shepherd's_purse_NN_1 white-flowered annual European herb bearing triangular notched pods; nearly cosmopolitan as an introduced weed -00243373 __inauguration_NN_2 the ceremonial induction into a position; "the new president obviously enjoyed his inauguration" -01429953 __interbreed_VB_1 breed animals or plants using parents of different races and varieties; "cross a horse and a donkey"; "Mendel tried crossbreeding"; "these species do not interbreed" -07225696 __strategic_warning_NN_1 (military) a warning prior to the start of a threatening act -01429663 __mongrelize_VB_1 cause to become a mongrel; "mongrelized dogs" -01429322 __ride_VB_14 copulate with; "The bull was riding the cow" -01428853 __pair_VB_5 engage in sexual intercourse; "Birds mate in the Spring" -01428578 __seduce_VB_1 induce to have sex; "Harry finally seduced Sally"; "Did you score last night?"; "Harry made Sally" -00700708 __determine_VB_6 fix in scope; fix the boundaries of; "the tree determines the border of the property" -01428381 __ruin_VB_5 deprive of virginity; "This dirty old man deflowered several young girls in the village" -12558902 __pickeringia_NN_1 one species: chaparral pea -14641397 __iodine_NN_1 a nonmetallic element belonging to the halogens; used especially in medicine and photography and in dyes; occurs naturally only in combination in small quantities (as in sea water or rocks) -01427695 __whore_VB_2 have unlawful sex with a whore -00752431 __dissimulation_NN_1 the act of deceiving -14351321 __osteitis_NN_1 inflammation of a bone as a consequence of infection or trauma or degeneration -12516165 __kentucky_yellowwood_NN_1 small handsome roundheaded deciduous tree having showy white flowers in terminal clusters and heavy hardwood yielding yellow dye -10322546 __misogamist_NN_1 a person who hates marriage -05925366 __model_NN_5 something to be imitated; "an exemplar of success"; "a model of clarity"; "he is the very model of a modern major general" -01427278 __fornicate_VB_1 have sex without being married -01427127 __take_VB_35 have sex with; archaic use; "He had taken this woman when she was most vulnerable" -01426397 __sleep_with_VB_1 have sexual intercourse with; "This student sleeps with everyone in her dorm"; "Adam knew Eve"; "Were you ever intimate with this man?" -01425892 __pet_VB_1 stroke or caress gently; "pet the lamb" -00052791 __forced_landing_NN_1 an unscheduled airplane landing that is made under circumstances (engine failure or adverse weather) not under the pilot's control -10634990 __spellbinder_NN_1 an orator who can hold his listeners spellbound -01425709 __spoon_VB_2 snuggle and lie in a position where one person faces the back of the others -01425511 __cuddle_VB_2 hold (a person or thing) close, as for affection, comfort, or warmth; "I cuddled the baby" -01425348 __snuggle_VB_2 position comfortably; "The baby nestled her head in her mother's elbow" -00031264 __grouping_NN_1 any number of entities (members) considered as a unit -01424948 __snuggle_VB_1 move or arrange oneself in a comfortable and cozy position; "We cuddled against each other to keep warm"; "The children snuggled into their sleeping bags" -01423929 __club_VB_3 strike with a club or a bludgeon -01423167 __tampon_VB_1 plug with a tampon -01422886 __stop_up_VB_1 fill or close tightly with or as if with a plug; "plug the hole"; "stop up the leak" -01422662 __instill_VB_2 enter drop by drop; "instill medication into my eye" -01422172 __intubate_VB_1 introduce a cannula or tube into; "Cannulate the blood vessel in the neck" -15089258 __vitamin_NN_1 any of a group of organic substances essential in small quantities to normal metabolism -01421122 __plug_into_VB_1 plug into an outlet; "Please plug in the toaster!"; "Connect the TV so we can watch the football game tonight" -01420928 __spank_VB_1 give a spanking to; subject to a spanking -00166355 __chess_move_NN_1 the act of moving a chess piece -10612518 __slopseller_NN_1 a dealer in cheap ready-made clothing -01419982 __box_VB_3 engage in a boxing match -00399393 __revision_NN_1 the act of revising or altering (involving reconsideration and modification); "it would require a drastic revision of his opinion" -00653449 __syllogize_VB_1 reason by syllogisms -11748811 __peanut_NN_1 underground pod of the peanut vine -01418667 __shuffle_VB_3 mix so as to make a random order or arrangement; "shuffle the cards" -01418179 __scramble_VB_4 stir vigorously; "beat the egg whites"; "beat the cream" -01416871 __slap_VB_1 hit with something flat, like a paddle or the open hand; "The impatient teacher slapped the student"; "a gunshot slapped him on the forehead" -04485226 __tripper_NN_4 a catch mechanism that acts as a switch; "the pressure activates the tripper and releases the water" -12764703 __schinus_NN_1 genus of evergreen shrubs and trees of tropical and subtropical regions of South and Central America and Canary Islands and China -01416364 __thresh_VB_3 beat the seeds out of a grain -01416020 __pummel_VB_1 strike, usually with the fist; "The pedestrians pummeled the demonstrators" -01415585 __swig_VB_1 strike heavily, especially with the fist or a bat; "He slugged me so hard that I passed out" -06066072 __agrobiology_NN_1 the study of plant nutrition and growth especially as a way to increase crop yield -04172107 __semi-detached_house_NN_1 a dwelling that is attached to something on only one side -10803282 __yenta_NN_2 (Yiddish) a woman who talks too much; a gossip unable to keep a secret; a woman who spreads rumors and scandal -05505679 __parasympathetic_nervous_system_NN_1 originates in the brain stem and lower part of the spinal cord; opposes physiological effects of the sympathetic nervous system: stimulates digestive secretions; slows the heart; constricts the pupils; dilates blood vessels -03020692 __chisel_NN_1 an edge tool with a flat steel blade with a cutting edge -01414916 __thwack_VB_1 deliver a hard blow to; "The teacher smacked the student who had misbehaved" -14926294 __ketone_NN_1 any of a class of organic compounds having a carbonyl group linked to a carbon atom in each of two hydrocarbon radicals -09160775 __vanuatu_NN_1 a volcanic island republic in Melanesia; independent since 1980 -01414088 __knock_out_VB_2 knock unconscious or senseless; "the boxing champion knocked out his opponent in a few seconds" -01413173 __bat_VB_1 strike with, or as if with a baseball bat; "bat the ball" -01412912 __thrash_VB_7 beat thoroughly and conclusively in a competition or fight; "We licked the other team on Sunday!" most unlikely or unsuitable; "the last person we would have suspected"; "the last man they would have chosen for the job" -01412346 __knock_down_VB_2 knock down with force; "He decked his opponent" -00982852 __signals_intelligence_NN_1 intelligence information gathered from communications intelligence or electronics intelligence or telemetry intelligence -01410223 __strike_VB_1 deliver a sharp blow, as with the hand, fist, or weapon; "The teacher struck the child"; "the opponent refused to strike"; "The boxer struck the attacker dead" -01409642 __triple_VB_2 hit a three-base hit -01409523 __double_VB_2 hit a two-base hit -01420525 __trichomonad_NN_1 cause of trichomoniasis in women and cattle and birds -01408153 __hole_out_VB_1 hit the ball into the hole -01407904 __drive_VB_17 strike with a driver, as in teeing off; "drive a golf ball" -05815517 __area_NN_2 a subject of study; "it was his area of specialization"; "areas of interest include..." -09432549 __shenandoah_valley_NN_1 a large valley between the Allegheny Mountains and the Blue Ridge Mountains in northern Virginia; site of numerous battles during the American Civil War -07722485 __spring_onion_NN_1 a young onion before the bulb has enlarged; eaten in salads -01406356 __ground_VB_9 hit onto the ground -01641206 __wood_frog_NN_1 wide-ranging light-brown frog of moist North American woodlands especially spruce -02434834 __muntiacus_NN_1 muntjacs -01405044 __hit_VB_1 cause to move by striking; "hit a ball" -13172107 __polypodiaceae_NN_1 ferns: a large family that in some classification systems has been subdivided into several families (including Aspleniaceae and Blechnaceae and Davalliaceae and Dennstaedtiaceae and Dryopteridaceae and Oleandraceae and Pteridaceae) -02092476 __retreat_VB_2 move away, as for privacy; "The Pope retreats to Castelgondolfo every summer" -10681060 __survivor_NN_2 one who outlives another; "he left his farm to his survivors" -01403785 __putt_VB_2 hit a putt; "he lost because he putted so poorly" -14276936 __plant_disease_NN_1 a disease that affects plants -03772417 __minute_gun_NN_1 (military) gun that is discharged once every minute (usually as part of a military funeral) -13270038 __donation_NN_1 a voluntary gift (as of money or service or ideas) made to some worthwhile cause -05747582 __review_NN_1 a new appraisal or evaluation -01400856 __bean_VB_1 hit on the head, especially with a pitched baseball -00205649 __self-renunciation_NN_1 renunciation of your own interests in favor of the interests of others -01398772 __horsewhip_VB_1 whip with a whip intended for horses completely sealed; completely airtight -14790796 __carboxyl_group_NN_1 the univalent radical -COOH; present in and characteristic of organic acids -14169128 __spielmeyer-vogt_disease_NN_1 a congenital progressive disorder of lipid metabolism having an onset at age 5 and characterized by blindness and dementia and early death -01398682 __leather_VB_1 whip with a leather strap -01397210 __work_over_VB_1 give a beating to; subject to a beating, either as a punishment or as an act of aggression; "Thugs beat him up when he walked down the street late at night"; "The teacher used to beat the students" -07708798 __legume_NN_3 the seedpod of a leguminous plant (such as peas or beans or lentils) -01274909 __chancellorsville_NN_2 a major battle in the American Civil War (1863); the Confederates under Robert E. Lee defeated the Union forces under Joseph Hooker -13037406 __gyromitra_NN_1 any fungus of the genus Gyromitra -01395493 __silver_VB_1 coat with a layer of silver or a silver amalgam; "silver the necklace" -02942699 __photographic_camera_NN_1 equipment for taking photographs (usually consisting of a lightproof box with a lens at one end and light-sensitive film at the other) -00146443 __concatenation_NN_4 the act of linking together as in a series or chain -05779371 __theorization_NN_1 the production or use of theories -11794519 __duckweed_NN_1 any small or minute aquatic plant of the family Lemnaceae that float on or near the surface of shallow ponds -00591523 __curatorship_NN_1 the position of curator -05082790 __attention_NN_6 a motionless erect stance with arms at the sides and feet together; assumed by military personnel during drill or review; "the troops stood at attention" -01325536 __kill_VB_10 cause the death of, without intention; "She was killed in the collision of three cars" -01393996 __sweep_VB_6 clean by sweeping; "Please sweep the floor" -00420877 __impalement_NN_1 the act of piercing with a sharpened stake as a form of punishment or torture -08152657 __sainthood_NN_1 saints collectively -01393339 __wipe_up_VB_1 to wash or wipe with or as if with a mop; "Mop the hallway now"; "He mopped her forehead with a towel" -01392918 __wipe_off_VB_1 remove by wiping -08683548 __wilderness_NN_3 a wild and uninhabited area left in its natural condition; "it was a wilderness preserved for the hawks and mountaineers" -00864535 __learned_response_NN_1 a reaction that has been acquired by learning -02337480 __genus_baiomys_NN_1 pygmy mice -01391280 __roll_out_VB_1 flatten or spread with a roller; "roll out the paper" -05961278 __establishmentism_NN_1 the doctrine of supporting the social or political establishment -06482401 __point_NN_12 a distinct part that can be specified separately in a group of things that could be enumerated on a list; "he noticed an item in the New York Times"; "she had several items on her shopping list"; "the main point on the agenda was taken up first" -02911158 __fender_NN_4 a cushion-like device that reduces shock due to an impact -12147226 __bamboo_NN_2 woody tropical grass having hollow woody stems; mature canes used for construction and furniture -04412550 __terazosin_NN_1 antihypertensive drug (trade name Hytrin) used to treat high blood pressure -01390616 __press_VB_4 place between two surfaces and apply weight or pressure; "pressed flowers" -05532944 __salivary_gland_NN_1 any of three pairs of glands in the mouth and digestive system that secrete saliva for digestion -14160179 __mcardle's_disease_NN_1 an inherited disease in which abnormal amounts of glycogen accumulate in skeletal muscle; results in weakness and cramping -06407094 __autograph_NN_1 something written by one's own hand -04007894 __production_NN_3 an artifact that has been created by someone or some process; "they improve their product every year"; "they export most of their agricultural production" -01389776 __tuck_VB_1 fit snugly into; "insert your ticket into the slot"; "tuck your shirttail in" -12083339 __spiranthes_NN_1 large cosmopolitan genus of white-flowered terrestrial orchids -01388813 __convulse_VB_6 contract involuntarily, as in a spasm; "The muscles in her face convulsed" -01388653 __strangulate_VB_2 constrict a hollow organ or vessel so as to stop the flow of blood or air -08918248 __sumer_NN_1 an area in the southern region of Babylonia in present-day Iraq; site of the Sumerian civilization of city-states that flowered during the third millennium BC -01388386 __astringe_VB_1 constrict or bind or draw together; "Lemon juice astringes the tissue in the mouth" -00728641 __schoolwork_NN_1 a school task performed by a student to satisfy the teacher -13253751 __steal_NN_1 an advantageous purchase; "she got a bargain at the auction"; "the stock was a real buy at that price" -08903352 __bangalore_NN_1 an industrial city in south central India (west of Chennai) -10387712 __outfitter_NN_1 someone who sells men's clothes -00774796 __statutory_offense_NN_1 crimes created by statutes and not by common law -09294413 __green_mountains_NN_1 a range of the Appalachian Mountains that extends from south to north through Vermont -11108195 __knox_NN_1 Scottish theologian who founded Presbyterianism in Scotland and wrote a history of the Reformation in Scotland (1514-1572) -01384439 __pull_in_VB_4 get or bring together; "accumulate evidence" -14415773 __estrangement_NN_1 separation resulting from hostility -00689062 __rhinoplasty_NN_1 cosmetic surgery to improve the appearance of your nose -01383646 __sponge_VB_5 gather sponges, in the ocean -08043499 __revolutionary_proletarian_nucleus_NN_1 a clandestine group of leftist extremists who oppose Italy's labor policies and foreign policy; responsible for bombing building in the historic center of Rome from 2000 to 2002 -01383511 __oyster_VB_1 gather oysters, dig oysters -01465593 __fang_NN_3 canine tooth of a carnivorous animal; used to seize and tear its prey -01383393 __nest_VB_4 gather nests -09033333 __syrian_arab_republic_NN_1 an Asian republic in the Middle East at the east end of the Mediterranean; site of some of the world's most ancient centers of civilization -01382818 __frog_VB_1 hunt frogs for food -04425977 __third_gear_NN_1 the third from the lowest forward ratio gear in the gear box of a motor vehicle; "you shouldn't try to start in third gear" -10766025 __wanter_NN_1 a person who wants or needs something; "an owner of many things and needer of none" -01381913 __round_up_VB_1 seek out and bring together; "round up some loyal followers" -08523483 __middle_NN_1 an area that is approximately central within some larger region; "it is in the center of town"; "they ran forward into the heart of the struggle"; "they were in the eye of the storm" -01381796 __corral_VB_3 collect or gather; "corralling votes for an election" -12415911 __genus_belamcanda_NN_1 a monocotyledonous genus of the family Iridaceae -01380638 __pull_together_VB_1 assemble or get together; "gather some stones"; "pull your thoughts together" -04307419 __stay_NN_5 (nautical) brace consisting of a heavy rope or wire cable used as a support for a mast or spar -01380122 __spread_VB_2 become distributed or widespread; "the infection spread"; "Optimism spread among the population" -00734348 __think_about_VB_1 have on one's mind, think about actively; "I'm thinking about my friends abroad"; "She always thinks about her children first" -13941125 __extent_NN_1 the point or degree to which something extends; "the extent of the damage"; "the full extent of the law"; "to a certain extent she was right" -07214994 __ratting_NN_1 to furnish incriminating evidence to an officer of the law (usually in return for favors) -03082979 __information_processing_system_NN_1 a machine for performing calculations automatically -01377940 __aerosolize_VB_2 become dispersed as an aerosol; "the bacteria quickly aerosolised" -13572860 __vascularization_NN_1 the organic process whereby body tissue becomes vascular and develops capillaries -02206856 __bee_NN_1 any of numerous hairy-bodied insects including social and solitary species -14513259 __setting_NN_2 the state of the environment in which a situation exists; "you can't do that in a university setting" -09804806 __archeologist_NN_1 an anthropologist who studies prehistoric people and their culture -01377032 __discharge_VB_2 pour forth or release; "discharge liquids" -11585340 __rosid_dicot_genus_NN_1 a genus of dicotyledonous plants -01376620 __intersperse_VB_1 place at intervals in or among; "intersperse exclamation marks in the text" -04004767 __printer_NN_2 (computer science) an output device that prints the results of data processing -04467665 __trucking_rig_NN_1 a truck consisting of a tractor and trailer together -02029706 __upland_sandpiper_NN_1 large plover-like sandpiper of North American fields and uplands -01208291 __facilitation_NN_3 act of assisting or making easier the progress or improvement of something -00361932 __deflation_NN_3 the act of letting the air out of something -01376082 __moisten_VB_2 moisten with fine drops; "drizzle the meat with melted butter" -00569318 __destalinize_VB_1 counteract the effects and policies of Stalinism; "Russia was slowly destalinized in the late 1950's" -00143251 __review_NN_3 a subsequent examination of a patient for the purpose of monitoring earlier treatment -01374767 __sprinkle_VB_2 cause (a liquid) to spatter about, especially with force; "She splashed the water around her" -01374587 __slush_around_VB_1 spill or splash copiously or clumsily; "slosh paint all over the walls" -04437953 __timepiece_NN_1 a measuring instrument or device for keeping time -00467451 __integrate_VB_3 become one; become integrated; "The students at this school integrate immediately, despite their different backgrounds" -00087663 __awarding_NN_1 a grant made by a law court; "he criticized the awarding of compensation by the court" -13877918 __twist_NN_6 a sharp bend in a line produced when a line having a loop is pulled tight -12735160 __true_sandalwood_NN_1 parasitic tree of Indonesia and Malaysia having fragrant close-grained yellowish heartwood with insect repelling properties and used, e.g., for making chests -01728572 __worm_snake_NN_2 small reddish wormlike snake of eastern United States -01183166 __class_action_NN_1 a lawsuit brought by a representative member of a large group of people on behalf of all members of the group -00387310 __turn_back_VB_2 go back to a previous state; "We reverted to the old rules" -01373138 __atomize_VB_1 spray very finely; "atomize perfume" -01580928 __tube_VB_4 place or enclose in a tube -01371454 __recoil_VB_4 spring back, as from a forceful thrust; "The gun kicked back into my shoulder" -08753933 __jamaica_NN_1 a country on the island of Jamaica; became independent of England in 1962; much poverty; the major industry is tourism -02212825 __refuse_VB_4 refuse to let have; "She denies me every pleasure"; "he denies her her weekly allowance" -01369346 __wear_out_VB_2 go to pieces; "The lawn mower finally broke"; "The gears wore out"; "The old chair finally fell apart completely" -01369204 __frazzle_VB_1 wear away by rubbing; "The friction frayed the sleeve" -04407686 __temple_NN_3 an edifice devoted to special or exalted purposes -10707233 __therapist_NN_1 a person skilled in a particular type of therapy -00839597 __wind_NN_7 a reflex that expels intestinal gas through the anus -01368863 __extend_VB_13 open or straighten out; unbend; "Can we extend the legs of this dining table?" -03679384 __quarters_NN_1 housing available for people to live in; "he found quarters for his family"; "I visited his bachelor quarters" -15192890 __solemnity_of_mary_NN_1 (Roman Catholic Church) a holy day of obligation -04946078 __acquisitiveness_NN_1 strong desire to acquire and possess -09342563 __lodestar_NN_1 guiding star; a star that is used as a reference point in navigation or astronomy -01984416 __palinuridae_NN_1 spiny lobsters -01367069 __staple_VB_1 secure or fasten with a staple or staples; "staple the papers together" -08933621 __orly_NN_1 a southeastern suburb of Paris; site of an international airport serving Paris -02576223 __carangid_fish_NN_1 a percoid fish of the family Carangidae consisting of or made of wood of the oak tree; "a solid oak table"; "the old oaken bucket" -01365355 __undercoat_VB_1 cover with a primer; apply a primer to -12608127 __tillandsia_usneoides_NN_1 dense festoons of greenish-grey hairlike flexuous strands anchored to tree trunks and branches by sparse wiry roots; southeastern United States and West Indies to South America -10706812 __theorizer_NN_1 someone who theorizes (especially in science or art) -03273551 __organ_NN_3 (music) an electronic simulation of a pipe organ -02221240 __genus_formica_NN_1 type genus of the Formicidae -05070453 __roundedness_NN_1 the property possessed by a rounded convexity -01364357 __sauce_VB_2 dress (food) with a relish -01364184 __dress_VB_10 put a dressing on; "dress the salads" -01362736 __paint_VB_2 apply paint to; coat with paint; "We painted the rooms yellow" -00815686 __respond_VB_2 react verbally; "She didn't want to answer"; "answer the question"; "We answered that we would accept the invitation" -14674143 __emery_NN_1 a hard grey-black mineral consisting of corundum and either hematite or magnetite; used as an abrasive (especially as a coating on paper) -01361561 __parget_VB_1 apply ornamental plaster to -06689297 __permission_NN_1 approval to do something; "he asked permission to leave" -00378706 __incineration_NN_1 the act of burning something completely; reducing it to ashes -01360571 __string_VB_4 stretch out or arrange like a string not having been made smooth by having hands run over the surface -02920369 __trap_NN_8 a hazard on a golf course -01359917 __thread_VB_3 remove facial hair by tying a fine string around it and pulling at the string; "She had her eyebrows threaded" -01359432 __thread_VB_5 thread on or as if on a string; "string pearls on a string"; "the child drew glass beads on a string"; "thread dried cranberries" -01359145 __string_VB_7 provide with strings; "string my guitar" -13315616 __transfer_tax_NN_1 any tax levied on the passing of title to property -01358328 __mask_VB_2 put a mask on or cover with a mask; "Mask the children for Halloween" -05145891 __expensiveness_NN_1 the quality of being high-priced -01357429 __tack_VB_1 fasten with tacks; "tack the notice on the board" -07429976 __invasion_NN_2 any entry into an area not previously occupied; "an invasion of tourists"; "an invasion of locusts" -01357288 __gum_up_VB_1 stick together as if with gum; "the inside of the pipe has gummed up" -03702719 __mackintosh_NN_2 a waterproof raincoat made of rubberized fabric -00235918 __number_VB_6 place a limit on the number of -01356750 __stick_to_VB_1 stick to firmly; "Will this wallpaper adhere to the wall?" -01356582 __seal_VB_4 affix a seal to; "seal the letter" -07436352 __rush_NN_6 a sudden burst of activity; "come back after the rush" -11540230 __order_dicranales_NN_1 widely distributed order of mosses with erect gametophores and sporophytes at the tips of stems -01355646 __interlink_VB_2 cause to be interconnected or interwoven -01354673 __tie_VB_4 connect, fasten, or put together two or more pieces; "Can you connect the two loudspeakers?"; "Tie the ropes together"; "Link arms" -00262743 __ornamentation_NN_3 the act of adding extraneous decorations to something -03213826 __point_NN_26 a contact in the distributor; as the rotor turns its projecting arm contacts them and current flows to the spark plugs -01354006 __seal_off_VB_1 make tight; secure against leakage; "seal the windows" -09793495 __anesthetist_NN_1 a specialist who administers an anesthetic to a patient before he is treated -01353670 __zipper_VB_1 close with a zipper; "Zip up your jacket--it's cold" -01353405 __seal_VB_2 close with or as if with a seal; "She sealed the letter with hot wax" -05544264 __sutura_intermaxillaris_NN_1 the suture between the two maxillae of the upper jawbone -01352996 __screw_VB_3 cause to penetrate, as with a circular motion; "drive in screws or bolts" -00828237 __grooming_NN_2 the activity of getting dressed; putting on clothes -01350971 __wring_VB_4 twist, squeeze, or compress in order to extract liquid; "wring the towels" -01350699 __wring_VB_1 twist and press out of shape -13333047 __quick_assets_NN_1 assets in the form of cash (or easily convertible into cash) -02500144 __genus_indri_NN_1 type genus of the Indriidae inflict severe punishment on -07704755 __dry_cereal_NN_1 a cereal that is not heated before serving -14634591 __cl_NN_1 a common nonmetallic element belonging to the halogens; best known as a heavy yellow irritating toxic gas; used to purify water and as a bleaching agent and disinfectant; occurs naturally only as a salt (as in sea water) -13860281 __logical_implication_NN_1 a logical relation between propositions p and q of the form `if p then q'; if p is true then q cannot be false -01348174 __lock_VB_1 fasten with a lock; "lock the bike to the fence" -04621010 __inwardness_NN_4 preoccupation with what concerns human inner nature (especially ethical or ideological values); "Socrates' inwardness, integrity, and inquisitiveness"- H.R.Finch -15231964 __stone_age_NN_1 (archeology) the earliest known period of human culture, characterized by the use of stone implements -10463028 __pretor_NN_1 an annually elected magistrate of the ancient Roman Republic -08479095 __jewry_NN_1 Jews collectively -12614962 __genus_egeria_NN_1 small genus of dioecious tropical aquatic plants -01347298 __confine_VB_3 prevent from leaving or from being removed -12953484 __royal_osmund_NN_1 large deeply rooted fern of worldwide distribution with upright bipinnate compound tufted fronds -01344903 __clinch_VB_1 secure or fasten by flattening the ends of nails or bolts; "The girder was clinched into the wall" -01344293 __unfasten_VB_1 cause to become undone; "unfasten your belt" -07537668 __lowness_NN_2 a feeling of low spirits; "he felt responsible for her lowness of spirits" -03634469 __lake_powell_NN_1 the second largest reservoir in the United States; located in southern Utah and north central Arizona and formed by the Glen Canyon Dam on the Colorado River -09964805 __scrivener_NN_1 someone employed to make written copies of documents and manuscripts -08797254 __seven_hills_of_rome_NN_1 the hills on which the ancient city of Rome was built -09738400 __american_NN_3 a native or inhabitant of a North American or Central American or South American country -01967396 __genus_bankia_NN_1 giant shipworms -09094581 __fort_meade_NN_1 a United States Army base in Maryland; headquarters of the National Security Agency -10431122 __piano_maker_NN_1 a person who makes pianos -01342124 __noose_VB_2 secure with a noose -08356573 __us_government_printing_office_NN_1 an agency of the legislative branch that provides printing and binding services for Congress and the departments and establishments of the federal government -09074431 __panama_city_NN_1 a resort and fishing town on the Gulf of Mexico in northwest Florida -02321342 __holothuroidea_NN_1 class of echinoderms including the sea cucumbers -01873144 __ornithorhynchus_NN_1 type genus of the family Ornithorhynchidae -08728268 __shanghai_NN_1 the largest city of China; located in the east on the Pacific; one of the largest ports in the world -10455447 __porter_NN_1 a person employed to carry luggage and supplies -01338663 __tile_VB_1 cover with tiles; "tile the wall and the floor of the bathroom" -10050880 __elocutionist_NN_1 a public speaker trained in voice production and gesture and delivery -09919297 __podiatrist_NN_1 a specialist in care for the feet -01337653 __bread_VB_1 cover with bread crumbs; "bread the pork chops before frying them" -01336159 __plank_over_VB_1 cover with planks; "The streets were planked" -01335804 __bind_VB_7 provide with a binding; "bind the books in leather" -01332730 __cover_VB_1 provide with a covering or cause to be covered; "cover her face with a handkerchief"; "cover the child with a blanket"; "cover the grave with flowers" -12998130 __hymenomycetes_NN_1 used in some classifications; usually coextensive with order Agaricales: mushrooms; toadstools; agarics; bracket fungi -12891093 __veronica_beccabunga_NN_1 European plant having low-lying stems with blue flowers; sparsely naturalized in North America -08716738 __kingdom_of_cambodia_NN_1 a nation in southeastern Asia; was part of Indochina under French rule until 1946 -00683771 __hold_VB_16 assert or affirm; "Rousseau's philosophy holds that people are inherently good" -01181902 __legal_action_NN_1 a judicial proceeding brought by one party against another; one party prosecutes another for a wrong done or for protection of a right or for prevention of a wrong -01331237 __fell_VB_3 sew a seam by folding the edges -00354583 __palliation_NN_2 to act in such a way as to cause an offense to seem less serious -03786194 __morning_dress_NN_1 formal attire for men during the daytime -11499817 __radio_wave_NN_1 an electromagnetic wave with a wavelength between 0.5 cm to 30,000 m -01330269 __overcast_VB_2 sew over the edge of with long slanting wide stitches -01330093 __overcast_VB_3 sew with an overcast stitch from one section to the next; "overcast books" -03851341 __optical_device_NN_1 a device for producing or controlling light -01329141 __annex_VB_2 attach to -02130190 __genus_acinonyx_NN_1 cheetahs -10742546 __usurper_NN_1 one who wrongfully or illegally seizes and holds the place of another -01140839 __relegation_NN_1 authorizing subordinates to make certain decisions -00936763 __sell_out_VB_2 give information that compromises others -04481373 __trichlormethiazide_NN_1 diuretic drug (trade name Naqua) used to treat hypertension -13965627 __misalliance_NN_1 an unsuitable alliance (especially with regard to marriage) -02863724 __carbonous_JJ_1 relating to or consisting of or yielding carbon -00087290 __transfuse_VB_3 treat by applying evacuated cups to the patient's skin -11804604 __pink_family_NN_1 large family of herbs or subshrubs (usually with stems swollen at the nodes) -04930139 __drape_NN_2 the manner in which fabric hangs or falls; "she adjusted the drape of her skirt" -05726596 __system_NN_5 an organized structure for arranging or classifying; "he changed the arrangement of the topics"; "the facts were familiar but it was in the organization of them that he was original"; "he tried to understand their system of classification" -05636048 __musicianship_NN_1 artistry in performing music -05434557 __golgi_complex_NN_1 a netlike structure in the cytoplasm of animal cells (especially in those cells that produce secretions) -00583089 __game_NN_10 your occupation or line of work; "he's in the plumbing game"; "she's in show biz" -05871792 __pleasure_principle_NN_1 (psychoanalysis) the governing principle of the id; the principle that an infant seeks gratification and fails to distinguish fantasy from reality -01323958 __kill_VB_1 cause to die; put to death, usually intentionally or knowingly; "This man killed several people when he tried to rob a bank"; "The farmer killed a pig for the holidays" -00364787 __upsurge_NN_2 a sudden or abrupt strong increase; "stimulated a surge of speculation"; "an upsurge of emotion"; "an upsurge in violent crime" -07187996 __mendicancy_NN_2 a solicitation for money or food (especially in the street by an apparently penniless person) -00007012 __blow_VB_1 exhale hard; "blow on the soup to cool it down" -01220152 __deprecation_NN_2 the act of expressing disapproval (especially of yourself) -01321895 __scratch_VB_7 carve, cut, or etch into a material or surface; "engrave a pen"; "engraved the trophy cupt with the winner's"; "the lovers scratched their names into the bark of the tree" -00736219 __juvenile_delinquency_NN_1 an antisocial misdeed in violation of the law by a minor -01321671 __disbud_VB_1 thin out buds to improve the quality of the remaining flowers -01321509 __top_VB_8 cut the top off; "top trees and bushes" -00030010 __snigger_VB_1 laugh quietly -08539893 __subtopia_NN_1 monotonous urban sprawl of standardized buildings -12742546 __genus_cardiospermum_NN_1 tendril-climbing herbs or shrubs whose seeds have a white heart-shaped spot -04343346 __stud_NN_2 ornament consisting of a circular rounded protuberance (as on a vault or shield or belt) -01677613 __genus_amblyrhynchus_NN_1 marine iguanas -03030035 __cigar_NN_1 a roll of tobacco for smoking -04959230 __tone_NN_5 a quality of a given color that differs slightly from another color; "after several trials he mixed the shade of pink that she wanted" -01317723 __search_VB_4 subject to a search; "The police searched the suspect"; "We searched the whole house for the missing keys" -00093775 __waste_VB_10 become physically weaker; "Political prisoners are wasting away in many prisons all over the world" -01317064 __want_VB_3 hunt or look for; want for a particular reason; "Your former neighbor is wanted by the FBI"; "Uncle Sam wants you" -08404373 __commando_NN_2 an amphibious military unit trained for raids into enemy territory -01316401 __hunt_VB_6 seek, search for; "She hunted for her reading glasses but was unable to locate them" -01315140 __dowse_VB_2 use a divining rod in search of underground water or metal -01313411 __squirt_VB_2 wet with a spurt of liquid; "spurt the wall with water" -01313249 __daub_VB_2 apply to a surface; "daub paint onto the wall" -05000342 __obesity_NN_1 more than average fatness -01920330 __pop_in_VB_1 enter briefly; "He popped in for two minutes" -01311378 __excavate_VB_3 form by hollowing; "Carnegie had a lake excavated for Princeton University's rowing team"; "excavate a cavity" -14425414 __parenthood_NN_1 the state of being a parent; "to everyone's surprise, parenthood reformed the man" -01309478 __skin_VB_2 bruise, cut, or injure the skin or the surface of; "The boy skinned his knee when he fell" -01309143 __scratch_up_VB_1 cut the surface of; wear away the surface of -08280124 __honorary_society_NN_1 an institution for the advancement of art or science or literature -01308681 __stratify_VB_4 form, arrange, or deposit in layers; "The fish are stratified in barrels"; "The rock was stratified by the force of the water"; "A statistician stratifies the list of names according to the addresses" -01308381 __replace_VB_3 put something back where it belongs; "replace the book on the shelf after you have finished reading it"; "please put the clean dishes back in the cabinet when you have washed them" -01308160 __scrape_VB_1 scratch repeatedly; "The cat scraped at the armchair" -10268629 __lobbyist_NN_1 someone who is employed to persuade legislators to vote for legislation that favors the lobbyist's employer -12480233 __polianthes_NN_1 genus of perennial tuberous herbs having lily-like flowers; Mexico; sometimes placed in family Amaryllidaceae -08034778 __people's_mujahidin_of_iran_NN_1 a terrorist organization formed in the 1960s by children of Iranian merchants; sought to counter the Shah of Iran's pro-western policies of modernization and opposition to communism; following a philosophy that mixes Marxism and Islam it now attacks the Islamic fundamentalists who deposed the Shah -01094725 __commercial_enterprise_NN_2 the activity of providing goods and services involving financial and commercial and industrial aspects; "computers are now widely used in business" -01053207 __fingering_NN_1 the placement of the fingers for playing different notes (or sequences of notes) on a musical instrument -02252226 __aphid_NN_1 any of various small plant-sucking insects -01306425 __secure_VB_6 furnish with battens; "batten ships" -01306175 __spike_VB_3 secure with spikes -04761517 __incorporeality_NN_1 the quality of not being physical; not consisting of matter -01305731 __dock_VB_5 maneuver into a dock; "dock the ships" -01305542 __tie_up_VB_4 secure in or as if in a berth or dock; "tie up the boat" -01305361 __wharf_VB_4 come into or dock at a wharf; "the big ship wharfed in the evening" -02443049 __supervise_VB_1 watch and direct; "Who is overseeing this project?" -13725726 __erg_NN_1 a cgs unit of work or energy; the work done by a force of one dyne acting over a distance of one centimeter -14475405 __tough_luck_NN_1 an unfortunate state resulting from unfavorable outcomes -01305099 __moor_VB_3 secure with cables or ropes; "moor the boat" -12499163 __senna_NN_1 any of various plants of the genus Senna having pinnately compound leaves and showy usually yellow flowers; many are used medicinally -00204943 __bolt_NN_7 a sudden abandonment (as from a political party) -01882125 __flying_squirrel_NN_1 nocturnal phalangers that move with gliding leaps using parachute-like folds of skin along the sides of the body -01304944 __ground_VB_1 fix firmly and stably; "anchor the lamppost in concrete" -07411160 __turn_around_NN_1 turning in an opposite direction or position; "the reversal of the image in the lens" -05047059 __lateness_NN_1 quality of coming late or later in time -12198140 __genus_firmiana_NN_1 small genus of Asian trees or shrubs -01304466 __cramp_VB_1 secure with a cramp; "cramp the wood" -01802689 __torture_VB_1 torment emotionally or mentally -01303242 __bind_VB_3 make fast; tie or secure, with or as if with a rope; "The Chinese would bind the feet of their women" -00887702 __team_teaching_NN_1 a method of coordinated classroom teaching involving a team of teachers working together with a single group of students -10746346 __vanisher_NN_1 a person who disappears -10000007 __voider_NN_2 a person who defecates -01302365 __pound_up_VB_1 shut up or confine in any enclosure or within any bounds or limits; "The prisoners are safely pounded" -01301410 __restrain_VB_3 to close within bounds, limit or hold back from movement; "This holds the local until the express passengers change trains"; "About a dozen animals were held inside the stockade"; "The illegal immigrants were held at a detention center"; "The terrorists held the journalists for ransom" -10624310 __songster_NN_2 a person who sings -09728403 __russian_NN_1 a native or inhabitant of Russia -00955806 __police_action_NN_1 a local military action without declaration of war; against violators of international peace and order -08787466 __epirus_NN_1 an ancient area on the Ionian Sea that flourished as a kingdom in the 3rd century BC; located in northwestern Greece and southern Albania -01300937 __curb_VB_3 keep to the curb; "curb your dogs" -01300437 __shroud_VB_3 wrap in a shroud; "shroud the corpses" -05590740 __teres_muscle_NN_1 either of two muscles in the shoulder region that move the shoulders and arms -15139130 __leave_of_absence_NN_1 the period of time during which you are absent from work or duty; "a ten day's leave to visit his mother" -01299268 __lop_off_VB_1 remove by or as if by cutting; "cut off the ear"; "lop off the dead branch" -01298283 __affix_VB_3 attach or become attached to a stem word; "grammatical morphemes affix to the stem" -01297401 __ring_VB_6 attach a ring to the foot of, in order to identify; "ring birds"; "band the geese to observe their migratory patterns" -03377582 __followup_NN_1 a piece of work that exploits or builds on earlier work; "his new software is a follow-up to the programs they started with" -02564973 __countercheck_VB_1 oppose or check by a counteraction -01296462 __attach_VB_1 cause to be attached -01431879 __smack_VB_4 kiss lightly -01022483 __discontinuation_NN_1 the act of discontinuing or breaking off; an interruption (temporary or permanent) -10314182 __middlebrow_NN_1 someone who is neither a highbrow nor a lowbrow -01993549 __push_on_VB_1 continue moving forward -01292885 __twin_VB_2 bring two objects, ideas, or people together; "This fact is coupled to the other one"; "Matchmaker, can you match my daughter with a nice young man?"; "The student was paired with a partner for collaboration on the project" -00858849 __drowse_NN_1 a light fitful sleep -06449254 __revised_version_NN_1 a British revision of the Authorized Version -00373278 __incorporation_NN_3 including by incorporating -01292169 __inosculate_VB_2 cause to join or open into each other by anastomosis; "anastomose blood vessels" -12598027 __thrinax_morrisii_NN_1 small stocky fan palm of southern Florida and Cuba -05094725 __depth_NN_2 degree of psychological or intellectual profundity -00886173 __disoblige_VB_2 ignore someone's wishes -09175915 __krakatoa_NN_1 a small volcanic island in Indonesia between Java and Sumatra; its violent eruption in 1883 was the greatest in recorded history -10205457 __infielder_NN_1 (baseball) a person who plays a position in the infield -12826395 __ipomoea_NN_1 morning glory -10237676 __ku_kluxer_NN_1 a member of the Ku Klux Klan -02204722 __sciarid_NN_1 minute blackish gregarious flies destructive to mushrooms and seedlings -09954479 __confessor_NN_2 someone who confesses (discloses information damaging to themselves) -08804319 __l'aquila_NN_1 the provincial capital of the Abruzzi region in central Italy -01286913 __truss_VB_2 secure with or as if with ropes; "tie down the prisoners"; "tie up the old newspapers and bring them to the recycling shed" -11931756 __genus_aster_NN_1 large genus of herbs widely cultivated for their daisylike flowers -08416523 __center_NN_12 politically moderate persons; centrists -10559288 __schoolchild_NN_1 a young person attending school (up through senior high school) -01286290 __loop_VB_5 fasten or join with a loop; "He looped the watch through his belt" -01285440 __tie_VB_1 fasten or secure with a rope, string, or cord; "They tied their victim to the chair" -12691189 __genus_bursera_NN_1 type genus of Burseraceae; tropical and subtropical American shrubs and trees some yielding timber and gum elemi -01284908 __untie_VB_2 cause to become loose; "undo the shoelace"; "untie the knot"; "loosen the necktie" -01282413 __rout_VB_2 dig with the snout; "the pig was rooting for truffles" -01282142 __suck_in_VB_3 draw in as if by suction; "suck in your cheeks and stomach" -08759986 __togolese_republic_NN_1 a republic on the western coast of Africa on the Gulf of Guinea; formerly under French control -05011790 __temperature_NN_1 the degree of hotness or coldness of a body or environment (corresponding to its molecular activity) -01280958 __crank_VB_5 bend into the shape of a crank -01280645 __incurvate_VB_2 cause to curve inward; "gravity incurvates the rays" -01280488 __flex_VB_4 bend a joint; "flex your wrists"; "bend your knees" -09025863 __granada_NN_1 a city in southeastern Spain that was the capital of the Moorish kingdom until it was captured by Ferdinand and Isabella in 1492; site of the Alhambra (a palace and fortress built by Moors in the Middle Ages) which is now a major tourist attraction -12488121 __genus_caesalpinia_NN_1 small spiny tropical trees or shrubs; includes the small genus or subgenus Poinciana -12796849 __golden_spleen_NN_1 any of various low aquatic herbs of the genus Chrysosplenium -01279305 __wrinkle_VB_1 gather or contract into wrinkles or folds; pucker; "purse ones's lips" -01279015 __ruck_up_VB_1 become wrinkled or drawn together; "her lips puckered" -12585137 __pissaba_palm_NN_1 Brazilian palm yielding fibers used in making ropes, mats, and brushes -01278427 __wrinkle_VB_2 make wrinkles or creases on a smooth surface; make a pressed, folded or wrinkled line in; "The dress got wrinkled"; "crease the paper like this to make a crane" -08182716 __throng_NN_1 a large gathering of people -00659112 __reorder_VB_1 assign a new order to -01275762 __score_VB_2 make small marks into the surface of; "score the clay before firing it" -02251067 __pseudococcus_fragilis_NN_1 destructive especially to citrus -12013323 __sericocarpus_NN_1 small genus of herbs of the eastern United States: white-topped asters -13499923 __infructescence_NN_1 the fruiting stage of the inflorescence -02850826 __hemophilic_JJ_1 relating to or having hemophilia -00665079 __nursing_NN_1 the work of caring for the sick or injured or infirm -04178897 __sewer_system_NN_1 facility consisting of a system of sewers for carrying off liquid and solid sewage -01981702 __spider_crab_NN_1 any of numerous crabs with very long legs and small triangular bodies -04412416 __tipi_NN_1 a Native American tent; usually of conical shape -01273263 __stripe_VB_1 mark with stripes -14562683 __wear_NN_1 impairment resulting from long use; "the tires showed uneven wear" -09629752 __traveller_NN_1 a person who changes location -01271658 __revet_VB_1 construct a revetment -14356328 __synovitis_NN_1 inflammation of the synovial membrane that lines a synovial joint; results in pain and swelling -06711855 __reproval_NN_1 an act or expression of criticism and censure; "he had to take the rebuke with a smile on his face" -01266895 __galvanize_VB_2 cover with zinc; "galvanize steel" -06637677 __gen_NN_1 informal term for information; "give me the gen on your new line of computers" -13395296 __twenty_dollar_bill_NN_1 a United States bill worth 20 dollars -02503517 __elephant_NN_1 five-toed pachyderm -06079620 __biochemistry_NN_1 the organic chemistry of compounds and processes occurring in organisms; the effort to understand biology within the context of chemistry -02233577 __family_blattidae_NN_1 domestic cockroaches -00043116 __derring-do_NN_1 brave and heroic feats -01265989 __finish_VB_4 provide with a finish; "The carpenter finished the table beautifully"; "this shirt is not finished properly" -06609909 __stuff_and_nonsense_NN_1 senseless talk; "don't give me that stuff" -09144851 __houston_NN_1 the largest city in Texas; located in southeastern Texas near the Gulf of Mexico; site of the National Aeronautics and Space Administration -01265246 __refinish_VB_1 give a new surface; "refinish the dining room furniture" -03936895 __pill_NN_5 a contraceptive in the form of a pill containing estrogen and progestin to inhibit ovulation and so prevent conception -07791274 __sole_NN_2 lean flesh of any of several flatfish -02743547 __humanistic_JJ_3 the products of human creativity; works of art collectively; "an art exhibition"; "a fine collection of art" pertaining to or concerned with the humanities; "humanistic studies"; "a humane education" -11757433 __catechu_NN_1 extract of the heartwood of Acacia catechu used for dyeing and tanning and preserving fishnets and sails; formerly used medicinally -01263659 __strip_VB_8 strip the cured leaves from; "strip tobacco" -01263479 __strip_VB_3 remove the surface from; "strip wood" -09131654 __sooner_state_NN_1 a state in south central United States -09004992 __groznyy_NN_1 the capital of Chechnya in southwestern Russia; center of extensive oil fields -13471206 __economic_process_NN_1 any process affecting the production and development and management of material wealth -01261773 __dredge_VB_1 cover before cooking; "dredge the chicken in flour before frying it" -01261628 __incrust_VB_2 cover or coat with a crust -07412092 __flash_NN_1 a sudden intense burst of radiant energy -06729864 __claim_NN_1 an assertion of a right (as to money or property); "his claim asked for damages" -01260291 __chip_VB_4 form by chipping; "They chipped their names in the stone" -01498319 __sign_VB_6 place signs, as along a road; "sign an intersection"; "This road has been signed" -05166072 __injuriousness_NN_1 destructiveness that causes harm or injury -01259691 __come_off_VB_3 break off (a piece from a whole); "Her tooth chipped" -01259458 __knap_VB_2 break a small piece off from; "chip the glass"; "chip a tooth" -06423619 __directory_NN_1 an alphabetical list of names and addresses -01258828 __lumber_VB_2 cut lumber, as in woods and forests -11709674 __magnolia_NN_2 any shrub or tree of the genus Magnolia; valued for their longevity and exquisite fragrant blooms -01319467 __sea_creature_NN_1 any of numerous animals inhabiting the sea including e.g. fishes and molluscs and many mammals -02073545 __throw_off_VB_2 get rid of; "I couldn't shake the car that was following me" -03843555 __oil_filter_NN_1 a filter that removes impurities from the oil used to lubricate an internal-combustion engine -05950733 __promise_NN_2 grounds for feeling hopeful about the future; "there is little or no promise that he will recover" -15068436 __tenderizer_NN_1 a substance (as the plant enzyme papain) applied to meat to make it tender -01257173 __hack_VB_1 cut with a hacking tool -01256600 __chip_at_VB_1 engrave or cut by chipping away at a surface; "carve one's name into the bark" -12507670 __genus_aspalathus_NN_1 genus of South African heathlike shrubs -01256157 __carve_VB_1 form by carving; "Carve a flower from the ice" -01255967 __cut_up_VB_1 cut to pieces; "Father carved the ham" -01255624 __jag_VB_1 cut teeth into; make a jagged cutting edge -00345761 __start_out_VB_1 take the first step or steps in carrying out an action; "We began working at dawn"; "Who will start?"; "Get working as soon as the sun rises!"; "The first tourists began to arrive in Cambodia"; "He began early in the day"; "Let's get down to work now" -01255222 __abscise_VB_2 remove or separate by abscission -01255057 __resect_VB_1 surgically remove a part of a structure or an organ -01254692 __cut_off_VB_6 remove surgically; "amputate limbs" -07838233 __spaghetti_sauce_NN_1 any of numerous sauces for spaghetti or other kinds of pasta -01252971 __smoothen_VB_1 make smooth or smoother, as if by rubbing; "smooth the surface of the wood" -01252875 __muddy_up_VB_1 dirty with mud -01252601 __smirch_VB_1 smear so as to make dirty or stained -01252425 __smear_VB_1 stain by smearing or daubing with a dirty substance -05460870 __immune_system_NN_1 a system (including the thymus and bone marrow and lymphoid tissues) that protects the body from foreign substances and pathogenic organisms by producing the immune response -01252216 __dust_VB_2 rub the dust over a surface so as to blur the outlines of a shape; "The artist dusted the charcoal drawing down to a faint image" -01251928 __smutch_VB_1 make a smudge on; soil by smudging -00671351 __surgical_process_NN_1 a medical procedure involving an incision with instruments; performed to repair damage or arrest disease in a living body; "they will schedule the operation as soon as an operating room is available"; "he died while undergoing surgery" -01251228 __scrub_VB_1 clean with hard rubbing; "She scrubbed his back" -01250474 __strain_VB_8 rub through a strainer or process in an electric blender; "puree the vegetables for the baby" -12077732 __platanthera_NN_1 herbaceous terrestrial orchids of temperate northern and southern hemispheres -01248597 __shave_VB_6 touch the surface of lightly; "His back shaved the counter in passing" -01248205 __postpose_VB_1 place after another constituent in the sentence; "Japanese postposes the adpositions, whereas English preposes them" -01248023 __percuss_VB_1 strike or tap firmly; "the doctor percussed his chest and back" -02518813 __family_ameiuridae_NN_1 North American catfishes -01247426 __cock_VB_2 set the trigger of a firearm back for firing -01246601 __sharpen_VB_1 make sharp or sharper; "sharpen the knives" -12418680 __family_amaryllidaceae_NN_1 snowdrop; narcissus; daffodil; in some classification systems considered a subfamily of the Liliaceae -10619176 __leftist_NN_1 a person who belongs to the political left -00834135 __panting_NN_1 breathing heavily (as after exertion) -01540449 __take_up_VB_8 take up a liquid or a gas either by adsorption or by absorption -01244516 __dredge_VB_3 remove with a power shovel, usually from a bottom of a body of water -01244351 __dust_VB_1 remove the dust from; "dust the cabinets" -05800611 __probe_NN_1 an inquiry into unfamiliar or questionable activities; "there was a congressional probe into the scandal" -09264425 __delaware_bay_NN_1 an inlet of the North Atlantic; fed by the Delaware River -10648696 __star_NN_4 an actor who plays a principal role -01243661 __pat_VB_1 pat or squeeze fondly or playfully, especially under the chin -00355919 __minimization_NN_1 the act of reducing something to the least possible amount or degree or position -01242208 __snap_VB_10 cause to make a snapping sound; "snap your fingers" -02386310 __workhorse_NN_2 a horse used for plowing and hauling and other heavy labor -08170374 __rogue_state_NN_1 a state that does not respect other states in its international actions -09833896 __baldy_NN_1 a person whose head is bald -14255234 __glaucoma_NN_1 an eye disease that damages the optic nerve and impairs vision (sometimes progressing to blindness); "contrary to popular belief, glaucoma is not always caused by elevated intraocular pressure" -10878672 __giuseppe_balsamo_NN_1 Italian who was famous as a magician and alchemist (1743-1795) -04112252 __rotor_blade_NN_1 the long airfoil that rotates to provide the lift that supports a helicopter in the air -13318147 __fixed_costs_NN_1 a periodic charge that does not vary with business volume (as insurance or rent or mortgage payments etc.) -01241073 __goad_VB_2 urge with or as if with a goad -01240720 __brush_VB_2 touch lightly and briefly; "He brushed the wall lightly" -03283519 __vomitive_NN_1 a medicine that induces nausea and vomiting -10099093 __troubadour_NN_1 a singer of folk songs -01240188 __submarine_VB_3 bring down with a blow to the legs -01239862 __standing_JJ_5 cause to come or go down; "The policeman downed the heavily armed suspect"; "The mugger knocked down the old lady after she refused to hand over her wallet" (of persons) on the feet; having the torso in an erect position supported by straight legs; "standing room only" -01239619 __knock_VB_3 knock against with force or violence; "My car bumped into the tree" -01238640 __strike_hard_VB_1 deliver a sharp blow or push :"He knocked the glass clear across the room" -01238358 __bottom_VB_2 strike the ground, as with a ship's bottom -05692419 __determining_factor_NN_1 a determining or causal element or factor; "education is an important determinant of one's outlook on life" -09074140 __orlando_NN_1 a city in central Florida; site of Walt Disney World -01237398 __clap_VB_7 strike together so as to produce a sharp percussive noise; "clap two boards together" -04535826 __vincristine_NN_1 periwinkle plant derivative used as an antineoplastic drug (trade name Oncovin); used to treat cancer of the lymphatic system -01729977 __green_snake_NN_2 either of two North American chiefly insectivorous snakes that are green in color -14531772 __sensitivity_NN_4 susceptibility to a pathogen -04680285 __marking_NN_2 a pattern of marks -09069862 __first_state_NN_1 a Mid-Atlantic state; one of the original 13 colonies -01236164 __strike_VB_3 hit against; come into sudden contact with; "The car hit a tree"; "He struck the table with his elbow" -08306959 __brahmin_NN_3 the highest of the four varnas: the priestly or sacerdotal category -00204439 __forsaking_NN_2 the act of giving something up -01234625 __bury_VB_3 place in the earth and cover with soil; "They buried the stolen goods" -01233993 __roof_VB_1 provide a building with a roof; cover a building with a roof -08342670 __cim_NN_1 the United Kingdom's central unit for the tasking and coordination and funding of intelligence and security agencies -01233387 __smear_VB_3 cover (a surface) by smearing (a substance) over it; "smear the wall with paint"; "daub the ceiling with plaster" -09954879 __confidence_man_NN_1 a swindler who exploits the confidence of his victim -00222485 __suicide_NN_1 the act of killing yourself; "it is a crime to commit suicide" -02303448 __samia_NN_1 silkworm moths -01232738 __rub_down_VB_2 manually manipulate (someone's body), usually for medicinal or relaxation purposes; "She rubbed down her child with a sponge" -01232387 __laminate_VB_4 split (wood) into thin sheets -10180580 __holdout_NN_1 a negotiator who hopes to gain concessions by refusing to come to terms; "their star pitcher was a holdout for six weeks" -11100139 __weary_willie_NN_1 United States circus clown (1898-1979) -04842029 __finesse_NN_1 subtly skillful handling of a situation -01204439 __range_VB_7 let eat; "range the animals in the prairie" -14287113 __slice_NN_3 a wound made by cutting; "he put a bandage over the cut" -01230555 __jab_VB_2 strike or punch with quick and short blows -01230241 __poke_VB_5 make a hole by poking -00048828 __coming_NN_2 arrival that has been awaited (especially of something momentous); "the advent of the computer" -11810918 __illecebrum_NN_1 one species: coral necklace -09043411 __buganda_NN_1 a state of Uganda and site of a former Bantu kingdom -01227675 __perforate_VB_2 pass into or through, often by overcoming resistance; "The bullet penetrated her chest" -01753354 __genus_cerastes_NN_1 horned vipers -02368563 __spalacidae_NN_1 mole rats -10935745 __karen_blixen_NN_1 Danish writer who lived in Kenya for 19 years and is remembered for her writings about Africa (1885-1962) -10100620 __food_manufacturer_NN_1 a person who manufactures food products -01227235 __permeate_VB_3 penetrate mutually or be interlocked; "The territories of two married people interpenetrate a lot" -06438748 __ezekiel_NN_2 an Old Testament book containing Ezekiel's prophecies of the downfall of Jerusalem and Judah and their subsequent restoration -06961399 __brythonic_NN_1 a southern group of Celtic languages -01226875 __probe_VB_2 examine physically with or as if with a probe; "probe an anthill" -01662274 __testudines_NN_1 tortoises and turtles -01226600 __pet_VB_2 stroke or caress in an erotic manner, as during lovemaking -01226215 __fondle_VB_1 touch or stroke lightly in a loving or endearing manner; "He caressed her face"; "They fondled in the back seat of the taxi" -07281219 __programme_music_NN_1 musical compositions intended to evoke images or remind the listener of events -01224744 __operate_VB_3 handle and cause to function; "do not operate machinery after imbibing alcohol"; "control the lever" -01223616 __wave_VB_4 twist or roll into coils or ringlets; "curl my hair, please" -01223182 __twist_VB_4 form into a spiral shape; "The cord is all twisted" -01140794 __fish_VB_2 catch or try to catch fish or shellfish; "I like to go fishing on weekends" -10965361 __julius_ullman_NN_1 United States film actor noted for his swashbuckling roles (1883-1939) -01222645 __twist_VB_3 turn in the opposite direction; "twist one's head" -04411264 __tent_NN_1 a portable shelter (usually of canvas stretched over supporting poles and fastened to the ground with ropes and pegs); "he pitched his tent near the creek" -09349648 __meander_NN_1 a bend or curve, as in a stream or river -02665282 __resemble_VB_1 appear like; be similar or bear a likeness to; "She resembles her mother very much"; "This paper resembles my own work" -13496517 __saturation_NN_1 the process of totally saturating something with a substance; "the impregnation of wood with preservative"; "the saturation of cotton with ether" -02210119 __receive_VB_1 get something; come into possession of; "receive payment"; "receive a gift"; "receive letters from the front" -04209811 __showroom_NN_1 an area where merchandise (such as cars) can be displayed; "in Britain a showroom is called a salesroom" -08873622 __london_NN_1 the capital and largest city of England; located on the Thames in southeastern England; financial and industrial and cultural center -01219993 __steady_VB_2 support or hold steady and make steadfast, with or as if with a brace; "brace your elbows while working on the potter's wheel" -01219706 __brace_VB_3 support by bracing -01219544 __jack_up_VB_1 lift with a special device; "jack up the car so you can change the tire" -14359952 __sickness_NN_3 the state that precedes vomiting -02110341 __dalmatian_NN_2 a large breed having a smooth white coat with black or brown spots; originated in Dalmatia -01219282 __bolster_VB_2 prop up with a pillow or bolster -01218084 __carry_VB_5 bear or be able to bear the weight, pressure,or responsibility of; "His efforts carried the entire project"; "How many credits is this student carrying?"; "We carry a very large mortgage" -06179792 __semantics_NN_1 the study of language meaning -01562627 __prang_VB_1 crash -01216522 __clasp_VB_1 hold firmly and tightly -01216004 __hold_on_VB_1 hold firmly -01215851 __collar_VB_2 seize by the neck or collar -01215694 __collar_VB_3 furnish with a collar; "collar the dog" -08420278 __depository_financial_institution_NN_1 a financial institution that accepts deposits and channels the money into lending activities; "he cashed a check at the bank"; "that bank holds the mortgage on my home" -02136103 __binturong_NN_1 arboreal civet of Asia having a long prehensile tail and shaggy black hair -01009190 __systematization_NN_1 systematic organization; the act of organizing something according to a system or a rationale -01188144 __starve_VB_1 be hungry; go without food; "Let's eat--I'm starving!" -01211699 __manipulate_VB_2 hold something in one's hands and move it -00506040 __electrify_VB_2 charge (a conductor) with electricity -01253060 __emission_NN_1 the act of emitting; causing to flow forth -01210737 __palm_VB_1 touch, lift, or hold with the hands; "Don't handle the merchandise" -01210352 __palpate_VB_1 examine (a body part) by palpation; "The nurse palpated the patient's stomach"; "The runner felt her pulse" -01210152 __feel_VB_13 pass one's hands over the sexual organs of; "He felt the girl in the movie theater" -01209678 __finger_VB_2 examine by touch; "Feel this soft cloth!"; "The customer fingered the sweater" -00985921 __shufti_NN_1 a quick look around (originally military slang); "take a shufti while you're out there" -15290337 __stage_NN_1 any distinct time period in a sequence of events; "we are in a transitional stage in which many former ideas must be revised or rejected" -14392143 __mass_hysteria_NN_1 a condition in which a large group of people exhibit the same state of violent mental agitation -12693865 __water_starwort_NN_1 any of several aquatic plants having a star-shaped rosette of floating leaves; America, Europe and Asia -10995115 __george_ii_NN_1 King of Great Britain and Elector of Hanover from 1727 to 1760 (1683-1760) -01208400 __frost_VB_3 cover with frost; "ice crystals frosted the glass" -10122128 __gatekeeper_NN_1 someone who controls access to something; "there are too many gatekeepers between the field officers and the chief" -00716130 __reverse_VB_3 rule against; "The Republicans were overruled when the House voted on the bill" -00165298 __ordination_NN_3 the act of ordaining; the act of conferring (or receiving) holy orders; "the rabbi's family was present for his ordination" -01207149 __trap_VB_4 to hold fast or prevent from moving; "The child was pinned under the fallen tree" -01206849 __touch_VB_8 cause to be in brief contact with; "He touched his toes to the horse's flanks" -07241205 __oratory_NN_1 addressing an audience formally (usually a long and rhetorical address and often pompous); "he loved the sound of his own oratory" -01206218 __touch_VB_1 make physical contact with, come in contact with; "Touch the stone for good luck"; "She never touched her husband" -02410393 __thick_JJ_1 not thin; of a specific thickness or of relatively great extent from one surface to the opposite usually in the smallest of the three solid dimensions; "an inch thick"; "a thick board"; "a thick sandwich"; "spread a thick layer of butter"; "thick coating of dust"; "thick warm blankets" -09913593 __cheerleader_NN_1 an enthusiastic and vocal supporter; "he has become a cheerleader for therapeutic cloning" -02567422 __trespass_VB_3 break the law -01524298 __wad_VB_2 crowd or pack to capacity; "the theater was jampacked" -03233905 __drawer_NN_1 a boxlike container in a piece of furniture; made so as to slide in and out -01203500 __raven_VB_2 prey on or hunt for; "These mammals predate certain eggs" -01203234 __feed_upon_VB_1 be sustained by; "He fed on the great ideas of her mentor" -01202728 __sustain_VB_3 provide with nourishment; "We sustained ourselves on bread and water"; "This kind of food is not nourishing for young children" -01202068 __swig_VB_2 to swallow hurriedly or greedily or in one draught; "The men gulped down their beers" -01201856 __swallow_VB_1 pass through the esophagus as part of eating or drinking; "Swallow the raw fish--it won't kill you!" -07139700 __exhortation_NN_1 a communication intended to urge or persuade the recipients to take some action -01201574 __chaw_VB_1 chew without swallowing; "chaw tobacco" -01201089 __masticate_VB_2 chew (food); to bite and grind with the teeth; "He jawed his bubble gum"; "Chew your food and don't swallow it!"; "The cows were masticating the grass" -10384214 __ornithologist_NN_1 a zoologist who studies birds -08620061 __point_NN_2 the precise location of something; a spatially limited location; "she walked to a point where she could survey the whole street" -10567401 __searcher_NN_2 a customs official whose job is to search baggage or goods or vehicles for contraband or dutiable items -10515194 __social_reformer_NN_1 a disputant who advocates reform -01200440 __drug_VB_2 use recreational drugs -00962447 __talk_VB_1 exchange thoughts; talk with; "We often talk business"; "Actions talk louder than words" -01199213 __inject_VB_4 take by injection; "inject heroin" -01199009 __puff_VB_2 suck in or take (air); "draw a deep breath"; "draw on a cigarette" -01198616 __whiff_VB_4 smoke and exhale strongly; "puff a cigar"; "whiff a pipe" -14565696 __sex-linked_disorder_NN_1 any disease or abnormality that is determined by the sex hormones; "hemophilia is determined by a gene defect on an X chromosome" -10587605 __shepherd_NN_2 a herder of sheep (on an open range); someone who keeps the sheep together in a flock -06529219 __purchase_order_NN_1 a commercial document used to request someone to supply something in return for payment and providing specifications and quantities; "IBM received an order for a hundred computers" -01198101 __smoke_VB_1 inhale and exhale smoke from cigarettes, cigars, pipes; "We never smoked marijuana"; "Do you smoke?" -01197980 __take_up_VB_12 take up as if with a sponge -01196802 __polish_off_VB_3 finish eating all the food on one's plate or on the table; "She polished off the remaining potatoes" -01196653 __raven_VB_3 eat greedily; "he devoured three sandwiches" -01196524 __kick_VB_6 stop consuming; "kick a habit"; "give up alcohol" -01196364 __teetotal_VB_1 practice teetotalism and abstain from the consumption of alcoholic beverages -01196037 __refrain_VB_2 choose not to consume; "I abstain from alcohol" -00325328 __fry_VB_2 cook on a hot surface using fat; "fry the pancakes" -11722036 __ranunculus_lingua_NN_1 semiaquatic European crowfoot with leaves shaped like spears -04666837 __virility_NN_2 the trait of being manly; having the characteristics of an adult male -01194238 __content_VB_1 satisfy in a limited way; "He contented himself with one glass of beer per day" -13818551 __occupancy_rate_NN_1 the percentage of all rental units (as in hotels) are occupied or rented at a given time -01194114 __stay_VB_11 overcome or allay; "quell my hunger" -00077071 __spew_out_VB_1 eject or send out in large quantities, also metaphorical; "the volcano spews out molten rocks every day"; "The editors of the paper spew out hostile articles about the Presidential candidate" -01192510 __enjoy_VB_2 have benefit from; "enjoy privileges" -05565696 __thenar_NN_2 the inner surface of the hand from the wrist to the base of the fingers -02614387 __live_VB_2 lead a certain kind of life; live in a certain style; "we had to live frugally after the war" -01190948 __revel_VB_1 take delight in; "he delights in his granddaughter" -01190840 __wine_VB_1 drink wine -09480699 __wonderland_NN_1 a place or scene of great or strange beauty or wonder -11665372 __flowering_plant_NN_1 plants having seeds in a closed ovary -01665372 __genus_dermochelys_NN_1 type genus of the Dermochelyidae: leatherback turtles -10640968 __sprawler_NN_1 a person who sprawls; "he is such a sprawler he needs a bed to himself" -05074057 __straightness_NN_2 freedom from crooks or curves or bends or angles -01189604 __fast_VB_1 abstain from certain foods, as for religious or medical reasons; "Catholics sometimes fast during Lent" -14850826 __ethane_NN_1 a colorless odorless alkane gas used as fuel -01461152 __coalesce_VB_2 fuse or cause to grow together -06340838 __fraulein_NN_1 a German courtesy title or form of address for an unmarried woman -05611822 __place_NN_3 an abstract mental location; "he has a special place in my thoughts"; "a place in my heart"; "a political system with no place for the less prominent groups" -09886807 __cairene_NN_1 a native or inhabitant of Cairo -01187537 __starve_VB_2 die of food deprivation; "The political prisoners starved to death"; "Many famished in the countryside during the drought" -15074962 __tissue_paper_NN_1 a soft thin (usually translucent) paper -02201252 __genus_anopheles_NN_1 malaria mosquitoes; distinguished by the adult's head-downward stance and absence of breathing tubes in the larvae -01186958 __wean_VB_1 gradually deprive (infants and young mammals) of mother's milk; "she weaned her baby when he was 3 months old and started him on powdered milk"; "The kitten was weaned and fed by its owner with a bottle" -01186428 __wet-nurse_VB_1 give suck to; "The wetnurse suckled the infant"; "You cannot nurse your baby in public in some places" -01186208 __junket_VB_2 provide a feast or banquet for -03273913 __fridge_NN_1 a refrigerator in which the coolant is pumped around by an electric motor -14175165 __amoebiosis_NN_1 infection by a disease-causing ameba -01185475 __lunch_VB_2 provide a midday meal for; "She lunched us well" -01185304 __lunch_VB_1 take the midday meal; "At what time are you lunching?" -04214871 __sideline_NN_2 an auxiliary line of merchandise -06612649 __press_cutting_NN_1 an excerpt cut from a newspaper or magazine; "he searched through piles of letters and clippings" -13381145 __deposit_NN_4 money deposited in a bank or some similar institution -02670578 __serve_well_VB_1 promote, benefit, or be useful or beneficial to; "Art serves commerce"; "Their interests are served"; "The lake serves recreation"; "The President's wisdom has served the country well" -11879722 __rape_NN_1 Eurasian plant cultivated for its seed and as a forage crop -01182293 __pander_VB_1 yield (to); give satisfaction to -13516842 __moulting_NN_1 periodic shedding of the cuticle in arthropods or the outer skin in reptiles -12255934 __genus_pyrola_NN_1 short-stemmed perennial herbs of cool or temperate regions: wintergreen; shinleaf -01356086 __order_eubacteriales_NN_1 one of two usually recognized orders of true bacteria; Gram-positive spherical or rod-shaped forms; some are motile; in some classifications considered an order of Schizomycetes -01181166 __feed_VB_3 feed into; supply; "Her success feeds her vanity" -01578821 __ladle_VB_2 type genus of the Corvidae: crows and ravens remove with or as if with a ladle; "ladle the water out of the bowl" -01686132 __represent_VB_9 create an image or likeness of; "The painter represented his wife as a young girl" -01178565 __give_VB_24 give food to; "Feed the starving children in India"; "don't give the child this tough meat" -01178220 __swill_VB_1 feed pigs -12254478 __richea_NN_1 evergreen trees or shrubs of mountains of Australia and Tasmania -00816556 __deny_VB_1 declare untrue; contradict; "He denied the allegations"; "She denied that she had taken money" -08848731 __people's_republic_of_bangladesh_NN_1 a Muslim republic in southern Asia bordered by India to the north and west and east and the Bay of Bengal to the south; formerly part of India and then part of Pakistan; it achieved independence in 1971 -01177314 __sleep_in_VB_2 live in the house where one works; "our babysitter lives in, as it is too far to commute for her" -08710678 __bermudas_NN_1 a group of islands in the Atlantic off the Carolina coast; British colony; a popular resort -01177118 __board_VB_3 lodge and take meals (at) -01176897 __board_VB_4 provide food and lodging (for); "The old lady is boarding three men" -04149083 __scoop_NN_6 a large ladle; "he used a scoop to serve the ice cream" -01176567 __wine_VB_2 treat to wine; "Our relatives in Italy wined and dined us for a week" -12431128 __genus_allium_NN_1 large genus of perennial and biennial pungent bulbous plants: garlic; leek; onion; chive; sometimes placed in family Alliaceae as the type genus -13711855 __bar_NN_7 (meteorology) a unit of pressure equal to a million dynes per square centimeter; "unfortunately some writers have used bar for one dyne per square centimeter" -07750449 __citron_NN_1 large lemonlike fruit with thick aromatic rind; usually preserved -08876975 __manchester_NN_2 a city in northwestern England (30 miles to the east of Liverpool); heart of the most densely populated area of England -01175467 __wassail_VB_2 propose a toast to; "Let us toast the birthday girl!"; "Let's drink to the New Year" -01174973 __chomp_VB_1 chew noisily; "The boy chomped his sandwich" -00494768 __poker_game_NN_1 any of various card games in which players bet that they hold the highest-ranking hand -01174555 __ruminate_VB_1 chew the cuds; "cows ruminate" -01557614 __mortal_JJ_1 subject to death; "mortal beings" -08894319 __outer_hebrides_NN_1 a 130-mile long archipelago to the northwest of Scotland -00729108 __preparation_NN_7 preparatory school work done outside school (especially at home) -14038264 __rut_NN_3 applies to nonhuman mammals: a state or period of heightened sexual arousal and activity -01172701 __touch_VB_14 consume; "She didn't touch her food all night" -11070644 __ibsen_NN_1 realistic Norwegian author who wrote plays on social and political themes (1828-1906) -08141951 __federal_judiciary_NN_1 the judiciary of the United States which is responsible for interpreting and enforcing federal laws -01895630 __cuticula_NN_1 the outer body wall of an insect having provided for the future -00554850 __upset_NN_2 the act of disturbing the mind or body; "his carelessness could have caused an ecological upset"; "she was unprepared for this sudden overthrow of their normal way of living" -01171183 __fuddle_VB_2 consume alcohol; "We were up drinking all night" -01170983 __lick_VB_4 take up with the tongue; "The cat lapped up the milk"; "the cub licked the milk from its mother's breast" -11255460 __ronald_wilson_reagan_NN_1 40th President of the United States (1911-2004) -01169067 __gluttonize_VB_1 eat a lot and without restraint -10577284 __vendor_NN_1 someone who promotes or exchanges goods or services for money -09306840 __hudson_river_NN_1 a New York river; flows southward into New York Bay; explored by Henry Hudson early in the 17th century -08773336 __hamburg_NN_1 a port city in northern Germany on the Elbe River that was founded by Charlemagne in the 9th century and is today the largest port in Germany; in 1241 it formed an alliance with Lubeck that became the basis for the Hanseatic League -01167780 __dine_VB_2 give dinner to; host for dinner; "I'm wining and dining my friends" -01167188 __victual_VB_3 take in nourishment -06802571 __predecessor_NN_2 something that precedes and indicates the approach of something or someone -07093895 __rhythmic_pattern_NN_1 (prosody) a system of versification -09758781 __abutter_NN_1 the owner of contiguous property -03098140 __panel_NN_8 electrical device consisting of a flat insulated surface that contains switches and dials and meters for controlling other electrical devices; "he checked the instrument panel"; "suddenly the board lit up like a Christmas tree" -11698562 __squawroot_NN_1 tall herb of eastern North America and Asia having blue berrylike fruit and a thick knotty rootstock formerly used medicinally -01164568 __overexploit_VB_1 exploit excessively; "We should not overexploit our natural resources" -12749852 __wahoo_NN_1 upright deciduous plant with crimson pods and seeds; the eastern United States from New York to Florida and Texas -04100620 __x_ray_NN_2 a radiogram made by exposing photographic film to X rays; used in medical diagnosis -01164081 __surface_mine_VB_1 extract (ore) from a strip-mine -08859173 __ireland_NN_2 an island comprising the republic of Ireland and Northern Ireland -08136027 __bureau_of_justice_statistics_NN_1 the agency in the Department of Justice that is the primary source of criminal justice statistics for federal and local policy makers -09038597 __turkish_empire_NN_1 a Turkish sultanate of southwestern Asia and northeastern Africa and southeastern Europe; created by the Ottoman Turks in the 13th century and lasted until the end of World War I; although initially small it expanded until it superseded the Byzantine Empire -11009773 __goya_y_lucientes_NN_1 Spanish painter well known for his portraits and for his satires (1746-1828) -04758181 __inconclusiveness_NN_1 the quality of being inconclusive -03436182 __ghetto_blaster_NN_1 a portable stereo -01162425 __reuse_VB_1 use again after processing; "We must recycle the cardboard boxes" -02200509 __wriggler_NN_2 larva of a mosquito -08364143 __capitalist_economy_NN_1 an economic system based on private ownership of capital -01161695 __overuse_VB_1 make use of too often or too extensively -01161290 __misuse_VB_1 apply to a wrong thing or person; apply badly or incorrectly; "The words are misapplied in this context"; "You are misapplying the name of this religious group" -01740721 __leptotyphlops_NN_1 blind snakes of Asia and Africa and Americas -02012849 __crane_NN_5 large long-necked wading bird of marshes and plains in many parts of the world -01158181 __waste_VB_6 spend extravagantly; "waste not, want not" -02714535 __anode_NN_2 the negatively charged terminal of a voltaic cell or storage battery that supplies current -05698247 __uncertainty_NN_2 the state of being unsure of something -01155421 __fort_VB_3 station (troops) in a fort -12694486 __west_indian_cherry_NN_1 tropical American shrub bearing edible acid red fruit resembling cherries -03579982 __internal-combustion_engine_NN_1 a heat engine in which combustion occurs inside the engine rather than in a separate furnace; heat expands a gas that either moves a piston or turns a gas turbine -13992738 __self-rule_NN_1 government of a political unit by its own people -01154554 __take_the_field_VB_2 go on the playing field, of a football team -00335988 __saccade_NN_2 an abrupt spasmodic movement -10407954 __supporter_NN_2 someone who supports or champions something -00606370 __trade_NN_2 the skilled practice of a practical occupation; "he learned his trade as an apprentice" -01152670 __point_VB_10 be positionable in a specified manner; "The gun points with ease" -01152396 __hit_VB_16 hit the intended target or goal -07631511 __christmas_cake_NN_1 a rich fruitcake (usually covered with icing and marzipan) and eaten at Christmas -03699396 __lysergic_acid_diethylamide_NN_1 a powerful hallucinogenic drug manufactured from lysergic acid -12250413 __family_diapensiaceae_NN_1 north temperate low evergreen plants; in some classifications placed in its own order Diapensiales -01150981 __address_VB_4 direct a question at someone -01150370 __weightlift_VB_1 lift weights; "This guy can press 300 pounds" -02342885 __hamster_NN_1 short-tailed Old World burrowing rodent with large cheek pouches -10769321 __wassailer_NN_1 someone who enjoys riotous drinking -13493998 __human_process_NN_1 a process in which human beings are involved -02056466 __rout_out_VB_2 force or drive out; "The police routed them out of bed at 2 A.M." -01146918 __fence_VB_3 fight with fencing swords -01146793 __golf_VB_1 play golf -02761372 __kindle_VB_2 cause to start burning; "The setting sun kindled the sky with oranges and reds" -01145944 __fowl_VB_1 hunt fowl -01412204 __lambaste_VB_1 beat with a cane -00275572 __staining_NN_1 (histology) the use of a dye to color specimens for microscopic study -01145612 __hawk_VB_2 hunt with hawks; "the tribes like to hawk in the desert" -02955767 __mantle_NN_8 a sleeveless garment like a cloak but shorter -05826469 __refutation_NN_2 any evidence that helps to establish the falsity of something -07758680 __grape_NN_1 any of various juicy fruit of the genus Vitis with green or purple skins; grow in clusters -05321664 __membranous_labyrinth_NN_1 the sensory structures of the inner ear including the labyrinthine receptors and the cochlea; contained within the bony labyrinth -07447641 __party_NN_4 an occasion on which people can assemble for social interaction and entertainment; "he planned a party to celebrate Bastille Day" -02247226 __wholesale_VB_1 sell in large quantities -00752335 __officer_VB_1 direct or command as an officer -11503644 __resistance_NN_2 any mechanical force that tends to retard or oppose motion -01143498 __seal_VB_6 hunt seals -04965661 __yellowness_NN_1 yellow color or pigment; the chromatic color resembling the hue of sunflowers or ripe lemons -01142761 __rabbit_VB_1 hunt rabbits -08727945 __nanning_NN_1 an industrial city in southern China -00966718 __defloration_NN_1 an act that despoils the innocence or beauty of something -11143458 __lucas_NN_1 United States screenwriter and filmmaker (born in 1944) -05459232 __muscle_fibre_NN_1 an elongated contractile cell that forms the muscles of the body -06427086 __map_collection_NN_1 a collection of maps in book form -01141938 __whale_VB_1 hunt for whales -00436404 __diversify_VB_3 vary in order to spread risk or to expand; "The company diversified" -10266016 __literary_critic_NN_1 a critic of literature -02269829 __thysanura_NN_1 firebrats; silverfish; machilids -05775081 __prevision_NN_4 the act of predicting (as by reasoning about the future) -01140515 __harpoon_VB_1 spear with a harpoon; "harpoon whales" -01140315 __scollop_VB_2 fish for scallops -01139865 __birdwatch_VB_1 watch and study birds in their natural habitat -01139623 __parlay_VB_1 stake winnings from one bet on a subsequent wager -01138204 __waylay_VB_1 wait in hiding to attack -03315644 __facing_NN_3 a protective covering that protects the outside of a building -00854717 __sexual_perversion_NN_1 an aberrant sexual practice; -01670777 __applique_VB_1 sew on as a decoration -01137582 __fusillade_VB_1 attack with fusillade -00305109 __narrow_VB_1 make or become more narrow or restricted; "The selection was narrowed"; "The road narrowed" -01744888 __typeset_VB_1 set in type; "My book will be typeset nicely"; "set these words in italics" -00707956 __scheme_VB_1 form intrigues (for) in an underhand manner -01135922 __shell_VB_1 use explosives on; "The enemy has been shelling us all day" -01135501 __snipe_VB_2 aim and shoot with great precision -04990525 __crescendo_NN_1 (music) a gradual increase in loudness -00021065 __put_under_VB_1 administer an anesthetic drug to; "The patient must be anesthetized before the operation"; "anesthetize the gum before extracting the teeth" -04502364 __turtleneck_collar_NN_1 a high close-fitting turnover collar -12710693 __sweet_orange_tree_NN_1 probably native to southern China; widely cultivated as source of table and juice oranges -05389762 __flap_NN_4 a movable piece of tissue partly connected to the body -10720453 __trader_NN_1 someone who purchases and maintains an inventory of goods to be sold -07580782 __roast_NN_1 a piece of meat roasted or for roasting and of a size for slicing into more than one portion -04043411 __radio-phonograph_NN_1 electronic equipment consisting of a combination of a radio receiver and a record player -02605316 __butterfly_fish_NN_1 small usually brilliantly colored tropical marine fishes having narrow deep bodies with large broad fins; found worldwide -03488188 __handsaw_NN_1 a saw used with one hand for cutting wood -13745086 __viii_NN_1 the cardinal number that is the sum of seven and one -00892861 __lecturing_NN_1 teaching by giving a discourse on some subject (typically to a class) -03393017 __free_house_NN_1 a public house that is not controlled by a brewery and so is free to sell different brands of beer and ale -08268321 __diagonal_NN_4 (mathematics) a set of entries in a square matrix running diagonally either from the upper left to lower right entry or running from the upper right to lower left entry -07721456 __chilly_NN_1 very hot and finely tapering pepper of special pungency -09376526 __seabed_NN_1 the bottom of a sea or ocean -00669970 __test_VB_7 undergo a test; "She doesn't test well" -01131902 __bombard_VB_2 throw bombs at or attack with bombs; "The Americans bombed Dresden" -04388372 __tandem_trailer_NN_1 trucking rig with two trailers in tandem -01131473 __turn_back_VB_4 hold back, as of a danger or an enemy; check the expansion or influence of; "Arrest the downward trend"; "Check the growth of communism in South East Asia"; "Contain the rebel movement"; "Turn back the tide of communism" -01749428 __genus_dendroaspis_NN_1 mambas -01130607 __wall_VB_1 surround with a wall in order to fortify -14917208 __indicator_NN_4 (chemistry) a substance that changes color to indicate the presence of some ion or substance; can be used to indicate the completion of a chemical reaction or (in medicine) to test for a particular reaction -01128071 __bulwark_VB_1 defend with a bulwark -01127075 __barricado_VB_1 block off with barricades -01126961 __blockade_VB_3 obstruct access to -04763650 __uniqueness_NN_1 the quality of being one of a kind; "that singularity distinguished him from all his companions" -01125724 __mine_VB_2 lay mines; "The Vietnamese mined Cambodia" -02565324 __micropterus_salmoides_NN_1 a large black bass; the angle of the jaw falls behind the eye -00901651 __present_VB_12 formally present a debutante, a representative of a country, etc. -04384406 __tailfin_NN_2 one of a pair of decorations projecting above the rear fenders of an automobile -02744323 __arterial_road_NN_1 a major or main route -01125084 __counterstrike_VB_1 make a counterattack -06629858 __send-off_NN_1 an organized expression of goodwill at the start of a trip or new venture -03220692 __domed_stadium_NN_1 a stadium that has a roof -04189482 __sheet_metal_NN_1 sheet of metal formed into a thin plate -01123887 __strike_VB_4 make a strategic, offensive, assault against an enemy, opponent, or a target; "The Germans struck Poland on Sept. 1, 1939"; "We must strike the enemy's oil fields"; "in the fifth inning, the Giants struck, sending three runners home to win the game 5 to 2" -01123415 __carry_VB_36 cover a certain distance or advance beyond; "The drive carried to the green" -05570839 __sphincter_muscle_NN_1 a ring of muscle that contracts to close an opening -11726925 __genus_aquilegia_NN_1 columbine -08215801 __bodyguard_NN_2 a group of men who escort and protect some important person -01910252 __medusoid_NN_1 one of two forms that coelenterates take: it is the free-swimming sexual phase in the life cycle of a coelenterate; in this phase it has a gelatinous umbrella-shaped body and tentacles -01880937 __phalangeridae_NN_1 phalangers; koalas -08646787 __scenery_NN_2 the appearance of a place -11783920 __tailflower_NN_1 any of various tropical American plants cultivated for their showy foliage and flowers -05856388 __value_NN_1 a numerical quantity measured or assigned or computed; "the value assigned was 16 milliseconds" -01035380 __compromise_VB_2 settle by concession -14106025 __aneurysm_NN_1 a cardiovascular disease characterized by a saclike widening of an artery resulting from weakening of the artery wall -00107231 __call_VB_28 rouse somebody from sleep with a call; "I was called at 5 A.M. this morning" -01116585 __withstand_VB_2 stand up or offer resistance to somebody or something -01115411 __get_even_VB_1 compensate; make the score equal -12430471 __aletris_farinosa_NN_1 colicroot having a scurfy or granuliferous perianth and white flowers; southeastern United States -14084502 __metabolic_disorder_NN_1 a disorder or defect of metabolism -01103788 __packaging_NN_1 the business of packing; "his business is packaging for transport" -01113473 __walk_VB_3 obtain a base on balls -09988703 __mope_NN_1 someone who wastes time -00479391 __wipe_out_VB_4 remove from memory or existence; "The Turks erased the Armenians in 1915" -01113264 __hole_up_VB_2 score a hole in one -09931418 __tutor_NN_1 a person who gives private instruction (as in singing, acting, etc.) -01501113 __musical_JJ_4 containing or constituting or characterized by pleasing melody; "the melodious song of a meadowlark" -10643584 __squeeze_NN_4 (slang) a person's girlfriend or boyfriend; "she was his main squeeze" -01111458 __steal_VB_3 steal a base -01111028 __win_VB_3 obtain advantages, such as points, etc.; "The home team was gaining ground"; "After defeating the Knicks, the Blazers pulled ahead of the Lakers in the battle for the number-one playoff berth in the Western Conference" -06486405 __cleanup_spot_NN_1 (baseball) the fourth position in the batting order (usually filled by the best batter on the team) -03042829 __clinch_NN_3 the flattened part of a nail or bolt or rivet -01110517 __overwhelm_VB_4 overcome by superior force -01109863 __operate_VB_4 perform a movement in military or naval tactics in order to secure an advantage in attack or defense -03352961 __fish_slice_NN_1 a food turner with a broad blade used for turning or serving fish or other food that is cooked in a frying pan -12598247 __plantaginales_NN_1 coextensive with the family Plantaginaceae -08597023 __trafalgar_square_NN_1 a square in central London where there is a memorial to Admiral Nelson -00935456 __out_VB_1 to state openly and publicly one's homosexuality; "This actor outed last year" -03930087 __picket_NN_4 a vehicle performing sentinel duty -01109259 __trump_VB_2 get the better of; "the goal was to best the competition" -01109087 __upset_VB_6 defeat suddenly and unexpectedly; "The foreign team upset the local team" -01108627 __surmount_VB_1 get on top of; deal with successfully; "He overcame his shyness" -01108148 __overcome_VB_1 win a victory over; "You must overcome all difficulties"; "defeat your enemies"; "He overcame his shyness"; "He overcame his infirmity"; "Her anger got the better of her and she blew up" -01107439 __outrange_VB_1 have a greater range than (another gun) -10059582 __partizan_NN_1 an ardent and enthusiastic supporter of some person or activity -01106864 __break_VB_14 surpass in excellence; "She bettered her own record"; "break a record" -08375154 __commonwealth_NN_3 a world organization of autonomous states that are united in allegiance to a central power but are not subordinate to it or to one another -01106504 __outsell_VB_1 be sold more often than other, similar products; "The new Toyota outsells the Honda by a wide margin" -06032246 __correlation_coefficient_NN_1 a statistic representing how closely two variables co-vary; it can vary from -1 (perfect negative correlation) through 0 (no correlation) to +1 (perfect positive correlation); "what is the correlation between those two variables?" -01106377 __outsell_VB_2 sell more than others; "This salesman outsells his colleagues" -01105526 __outdraw_VB_1 draw a gun faster, or best someone in a gunfight -13300141 __nonremittal_NN_2 loss resulting from failure of a debt to be paid -04715947 __appropriateness_NN_2 the quality of being specially suitable -10466198 __sponsor_NN_2 an advocate who presents a person (as for an award or a degree or an introduction etc.) -01104018 __overcome_VB_4 overcome, usually through no fault or weakness of the person that is overcome; "Heart disease can get the best of us" -02071636 __pilot_whale_NN_1 small dark-colored whale of the Atlantic coast of the United States; the largest male acts as pilot or leader for the school -13724081 __mole_NN_1 the molecular weight of a substance expressed in grams; the basic unit of amount of substance adopted under the Systeme International d'Unites -10497202 __quack_NN_1 an untrained person who pretends to be a physician and who dispenses medical advice -00604930 __understudy_VB_1 be an understudy or alternate for a role -01103693 __skunk_VB_1 defeat by a lurch -01103180 __wallop_VB_2 defeat soundly and utterly; "We'll wallop them!" -00785045 __burglary_NN_1 entering a building unlawfully with intent to commit a felony or to steal valuable property -01547641 __recline_VB_2 cause to recline; "She reclined her head on the pillow" -07631212 __eccles_cake_NN_1 a flat round cake of sweetened pastry filled with dried fruit -05110185 __wage_increase_NN_1 the amount a salary is increased; "he got a 3% raise"; "he got a wage hike" -01101218 __homer_VB_1 hit a home run -02008066 __top_out_VB_3 to reach the highest point; attain maximum intensity, activity; "That wild, speculative spirit peaked in 1929";"Bids for the painting topped out at $50 million" -06177450 __phonology_NN_1 the study of the sound system of a given language and the analysis and classification of its phonemes -03491178 __wall_hanging_NN_1 decoration that is hung (as a tapestry) on a wall or over a window; "the cold castle walls were covered with hangings" -01098869 __militarize_VB_1 lend a military character to (a country), as by building up a military force; "militarize Germany again after the war" -08023843 __hizb_ut-tahrir_NN_1 the most popular and feared Islamic extremist group in central Asia; advocates `pure' Islam and the creation of a worldwide Islamic state -15126361 __cretaceous_period_NN_1 from 135 million to 63 million years ago; end of the age of reptiles; appearance of modern insects and flowering plants -01098452 __recruit_VB_3 cause to assemble or enlist in the military; "raise an army"; "recruit new soldiers" -01098206 __inactivate_VB_1 release from military service or remove from the active list of military service -01097960 __rally_VB_2 call to arms; of military personnel -01097031 __soldier_VB_1 serve as a soldier in the military -10479783 __prodigy_NN_1 an unusually gifted or intelligent (young) person; someone whose talents excite wonder and admiration; "she is a chess prodigy" -01096497 __officiate_VB_2 perform duties attached to a particular office or place or function; "His wife officiated as his private secretary" -01095899 __act_VB_4 discharge one's duties; "She acts as the chair"; "In what capacity are you acting?" -10576316 __segregator_NN_1 someone who believes the races should be kept apart -00712419 __imperative_JJ_1 requiring attention or action; "as nuclear weapons proliferate, preventing war becomes imperative"; "requests that grew more and more imperative" -06544841 __living_will_NN_1 a document written by someone still legally capable requesting that he should be allowed to die if subsequently severely disabled or suffering terminal illness; "after he discovered he had AIDS he drew up a living will" -01094086 __run_VB_9 run, stand, or compete for an office or a position; "Who's running for treasurer this year?" -07182614 __firestorm_NN_2 an outburst of controversy; "the incident triggered a political firestorm" -00219012 __putting_to_death_NN_1 the act of terminating a life make slippery or smooth through the application of a lubricant; "lubricate the key" -09635823 __indo-european_NN_1 a member of the prehistoric people who spoke Proto-Indo European -01093172 __war_VB_1 make or wage war -08058098 __company_NN_1 an institution created to conduct business; "he only invests in large well-established companies"; "he started the company in his garage" -01669654 __painted_turtle_NN_1 freshwater turtles having bright yellow and red markings; common in the eastern United States -01091844 __recalcitrate_VB_1 show strong objection or repugnance; manifest vigorous opposition or resistance; be obstinately disobedient; "The Democratic senators recalcitrated against every proposal from the Republican side" -00300761 __qualify_VB_4 make fit or prepared; "Your education qualifies you for this job" -12860254 __ocimum_NN_1 basil -01090335 __struggle_VB_4 be engaged in a fight; carry on a fight; "the tribesmen fought each other"; "Siblings are always fighting"; "Militant groups are contending for control of the country" -01071632 __message_VB_1 send a message to; "She messaged the committee" -01089878 __group_VB_2 form a group or group together -02185167 __pubic_louse_NN_1 a louse that infests the pubic region of the human body -01089737 __gang_up_VB_1 act as an organized group -01089137 __garrison_VB_1 station (troops) in a fort or garrison -01088923 __station_VB_1 assign to a station -02530770 __have_a_go_VB_1 make an attempt at something; "I never sat on a horse before but I'll give it a go" -00005815 __cough_VB_1 exhale abruptly, as when one has a chest cold or congestion; "The smoker coughs all day" -01088005 __unarm_VB_1 take away the weapons from; render harmless -07008680 __fragment_NN_3 an incomplete piece; "fragments of a play" -01087559 __rearm_VB_2 arm anew; "After the war, the defeated country was not allowed to rearm" -03536761 __horn_NN_9 an alarm device that makes a loud warning sound -10059323 __rhinolaryngologist_NN_1 a specialist in the disorders of the ear or nose or throat -12920719 __painted_leaf_NN_1 poinsettia of United States and eastern Mexico; often confused with Euphorbia heterophylla -08774546 __potsdam_NN_1 a city in northeastern Germany; site of the Potsdam Conference in the summer of 1945 -01084866 __convert_VB_6 score an extra point or points after touchdown by kicking the ball through the uprights or advancing the ball into the end zone; "Smith converted and his team won" -01084588 __convert_VB_8 score (a spare) -03004824 __sanctuary_NN_3 area around the altar of a church for the clergy and choir; often enclosed by a lattice or railing -01084466 __shoot_VB_16 score; "shoot a basket"; "shoot a goal" -12843970 __wild_basil_NN_1 aromatic herb having heads of small pink or whitish flowers; widely distributed in United States, Europe and Asia -02338449 __round-tailed_muskrat_NN_1 of Florida wetlands -01083373 __destroy_VB_3 defeat soundly; "The home team demolished the visitors" -08612049 __orbit_NN_1 the (usually elliptical) path described by one celestial body in its revolution about another; "he plotted the orbit of the moon" -01082454 __catch_VB_27 be the catcher; "Who is catching?" -05323889 __pinna_NN_2 the externally visible cartilaginous structure of the external ear -03816136 __needle_NN_3 a sharp pointed implement (usually steel) -01082290 __field_VB_1 catch or pick up (balls) in baseball or cricket -11764478 __wild_tamarind_NN_1 common thorny tropical American tree having terminal racemes of yellow flowers followed by sickle-shaped or circinate edible pods and yielding good timber and a yellow dye and mucilaginous gum -01383947 __clam_VB_1 gather clams, by digging in the sand by the ocean -01081852 __field_VB_2 play as a fielder -01081152 __play_off_VB_1 set into opposition or rivalry; "let them match their best athletes against ours"; "pit a chess player against the Russian champion"; "He plays his two children off against each other" -01081001 __replay_VB_3 repeat a game against the same opponent; "Princeton replayed Harvard" -08770013 __bremen_NN_1 a city of northwestern Germany linked by the Weser River to the port of Bremerhaven and the North Sea; in the Middle Ages it was a leading member of the Hanseatic League -14048309 __premature_labour_NN_1 labor beginning prior to the 37th week of gestation -03385420 __forte_NN_3 the stronger part of a sword blade between the hilt and the foible -02006827 __platalea_NN_1 type genus of the Plataleidae -00724081 __reliable_JJ_1 worthy of reliance or trust; "a reliable source of information"; "a dependable worker" -01079172 __front_VB_2 confront bodily; "breast the storm" -01078783 __face_VB_2 oppose, as in hostility or a competition; "You must confront your opponent"; "Jackson faced Smith in the boxing ring"; "The two enemies finally confronted each other" -01199365 __retrial_NN_1 a new trial in which issues already litigated and to which the court has already rendered a verdict or decision are reexamined by the same court; occurs when the initial trial is found to have been improper or unfair due to procedural errors inject into the vein; "She is mainlining heroin" -07860805 __batter_NN_2 a liquid or semiliquid mixture, as of flour, eggs, and milk, used in cooking -05355890 __uterine_artery_NN_1 a branch of the internal iliac artery that supplies the uterus and the upper part of the vagina -08964288 __sabah_NN_1 a region of Malaysia in northeastern Borneo -05540513 __cranium_NN_1 the part of the skull that encloses the brain -08725454 __kwangchow_NN_1 a city on the Zhu Jiang delta in southern China; the capital of Guangdong province and a major deep-water port -01077568 __serve_VB_15 put the ball into play; "It was Agassi's turn to serve" -00985106 __scouting_NN_1 exploring in order to gain information; "scouting in enemy territory is very dangerous" -01076953 __bluff_out_VB_1 deceive an opponent by a bold bet on an inferior hand with the result that the opponent withdraws a winning hand -12612170 __water_plantain_NN_1 marsh plant having clusters of small white or pinkish flowers and broad pointed or rounded leaves -09131001 __columbus_NN_1 the state capital of Ohio; located in the center of the state; site of Ohio State University -14365950 __dysplasia_NN_1 abnormal development (of organs or cells) or an abnormal structure resulting from such growth -11096801 __william_henry_pratt_NN_1 United States film actor (born in England) noted for his performances in horror films (1887-1969) -02633422 __poronotus_triacanthus_NN_1 small food fish of Atlantic coast -13756125 __containerful_NN_1 the quantity that a container will hold -01544067 __poephila_NN_1 grassfinches -06709349 __medaille_militaire_NN_1 a French military decoration -07883980 __tipple_NN_1 a serving of drink (usually alcoholic) drawn from a keg; "they served beer on draft" -00726567 __signal_caller_NN_2 (American football) the position of the football player in the backfield who directs the offensive play of his team; "quarterback is the most important position on the team" -01071474 __message_VB_2 send as a message; "She messaged the final report by fax" -05232972 __gnathion_NN_1 the most inferior point of the mandible in the midline -03281145 __lift_NN_8 lifting device consisting of a platform or cage that is raised and lowered mechanically in a vertical shaft in order to move people from one floor to another in a building -01070777 __begin_VB_10 begin to speak, understand, read, and write a language; "She began Russian at an early age"; "We started French in fourth grade" -14960261 __tobin_bronze_NN_1 alpha-beta brass containing tin; resistant to sea water; Admiralty Metal is a trademark -01068380 __traverse_VB_3 deny formally (an allegation of fact by the opposing party) in a legal suit -01068134 __write_up_VB_1 bring to public notice by writing, with praise or condemnation; "The New York Times wrote him up last week"; "Did your boss write you up?" -01067512 __smile_VB_2 express with a smile; "She smiled her thanks" -01067002 __gulp_VB_2 utter or make a noise, as when swallowing too quickly; "He gulped for help after choking on a big piece of meat" -01066775 __tone_VB_1 utter monotonously and repetitively and rhythmically; "The students chanted the same slogan over and over again" -01066433 __present_VB_11 present somebody with something, usually to accuse or criticize; "We confronted him with the evidence"; "He was faced with all the evidence and could no longer deny his actions"; "An enormous dilemma faces us" -01316288 __varmint_NN_2 any usually predatory wild animal considered undesirable; e.g., coyote -12874231 __orobanchaceae_NN_1 brown or yellow leafless herbs; sometimes placed in the order Scrophulariales -00598954 __see_VB_6 get to know or become aware of, usually accidentally; "I learned that she has two grown-up children"; "I see that you have been promoted" -01064999 __check_VB_20 write out a check on a bank account -01750598 __pseudechis_NN_1 venomous Australian blacksnakes -15130205 __ut1_NN_1 the local time at the 0 meridian passing through Greenwich, England; it is the same everywhere -09607280 __applier_NN_1 a person who requests or seeks something such as assistance or employment or admission -11030395 __sir_arthur_travers_harris_NN_1 British marshal of the Royal Air Force; during World War II he directed mass bombing raids against German cities that resulted in heavy civilian casualties (1892-1984) -11144604 __st._luke_NN_1 (New Testament) the Apostle closely associated with St. Paul and traditionally assumed to be the author of the third Gospel -01063188 __provide_VB_3 determine (what is to happen in certain contingencies), especially by including a proviso condition or stipulation; "The will provides that each child should receive half of the money"; "The Constitution provides for the right to free speech" -12221191 __macadamia_tree_NN_1 any tree of the genus Macadamia -01062739 __call_VB_9 send a message or attempt to reach someone by radio, phone, etc.; make a signal to in order to transmit a message; "Hawaii is calling!"; "A transmitter in Samoa was heard calling" -00635850 __scrutiny_NN_1 the act of examining something closely (as for mistakes) -07202311 __epithet_NN_2 descriptive word or phrase -02057731 __pelagic_bird_NN_1 bird of the open seas -12377494 __shorea_teysmanniana_NN_1 valuable Philippine timber tree -01062165 __rubbish_VB_1 attack strongly -00660730 __downgrade_VB_1 rate lower; lower in value or esteem -01061481 __state_VB_3 indicate through a symbol, formula, etc.; "Can you express this distance in kilometers?" -01061017 __express_VB_3 serve as a means for expressing something; "The painting of Mary carries motherly love"; "His voice carried a lot of anger" -03538037 __horse_NN_2 a padded gymnastic apparatus on legs -14969044 __oligosaccharide_NN_1 any of the carbohydrates that yield only a few monosaccharide molecules on complete hydrolysis -01058036 __soften_VB_5 make less severe or harsh; "He moderated his tone when the students burst out in tears" -08717209 __republic_of_cameroon_NN_1 a republic on the western coast of central Africa; was under French and British control until 1960 -01261018 __skim_off_VB_1 remove from the surface; "skim cream from the surface of milk" -06449735 __old_testament_NN_1 the collection of books comprising the sacred scripture of the Hebrews and recording their history as the chosen people; the first half of the Christian Bible -01754190 __genus_ancistrodon_NN_1 copperheads -01055404 __sibilate_VB_1 pronounce with an initial sibilant -01055146 __click_VB_5 produce a click; "Xhosa speakers click" -01055018 __moo_VB_1 make a low noise, characteristic of bovines -01312371 __take_up_VB_9 take out or up with or as if with a scoop; "scoop the sugar out of the container" -01054399 __sibilate_VB_2 utter a sibilant -08500433 __space_NN_4 any location outside the Earth's atmosphere; "the astronauts walked in outer space without a tether"; "the first major milestone in space exploration was in 1957, when the USSR's Sputnik 1 orbited the Earth" -01053495 __honk_VB_2 use the horn of a car -01053339 __honk_VB_3 cry like a goose; "The geese were honking" -02170400 __carpet_bug_NN_1 small beetle whose larvae are household pests feeding on woolen fabrics -04651382 __talkativeness_NN_1 the quality of being wordy and talkative -09691279 __australian_NN_1 a native or inhabitant of Australia -01052782 __mew_VB_1 cry like a cat; "the cat meowed" -01533780 __loxia_NN_1 crossbill -09683559 __sunnite_NN_1 a member of the branch of Islam that accepts the first four caliphs as rightful successors to Muhammad -14732946 __enzyme_NN_1 any of several complex proteins that are produced by cells and act as catalysts in specific biochemical reactions -04335693 __street_clothes_NN_1 ordinary clothing suitable for public appearances (as opposed to costumes or sports apparel or work clothes etc.) -00630026 __philosophize_VB_1 reason philosophically -01134238 __go_off_VB_3 go off or discharge; "The gun fired" -01050313 __intone_VB_3 speak carefully, as with rising and falling pitch or in a particular tone; "please intonate with sadness" -01050165 __singsong_VB_1 speak, chant, or declaim in a singsong -00595684 __overlordship_NN_1 the position of overlord -02260959 __arbitrage_VB_1 practice arbitrage, as in the stock market -01073241 __pampering_NN_1 the act of indulging or gratifying a desire -01048718 __roar_VB_5 make a loud noise, as of animal; "The bull bellowed" -07118002 __nasalization_NN_1 the act of nasalizing; the utterance of sounds modulated by the nasal resonators -00521085 __parade_NN_3 a visible display; "she made a parade of her sorrows" -01048171 __yip_VB_1 bark in a high-pitched tone; "the puppies yelped" -10307234 __member_NN_1 one of the persons who compose a social group (especially individuals who have joined and participate in a group organization); "only members will be admitted"; "a member of the faculty"; "she was introduced to all the members of his family" -00962722 __revolution_NN_2 the overthrow of a government by those who are governed -12074408 __oncidium_NN_1 any orchid of the genus Oncidium: characterized by slender branching sprays of small yellow and brown flowers; often grown as houseplants -06542267 __stay_NN_3 a judicial order forbidding some action until an event occurs or the order is lifted; "the Supreme Court has the power to stay an injunction pending an appeal to the whole Court" -01047381 __yowl_VB_1 cry loudly, as of animals; "The coyotes were howling in the desert" -01046587 __thunder_VB_4 to make or produce a loud noise; "The river thundered below"; "The engine roared as the driver pushed the car to full throttle" -02209745 __take_VB_32 receive or obtain regularly; "We take the Times every day" -00375625 __focusing_NN_2 the act of bringing into focus -01045419 __moan_VB_1 indicate pain, discomfort, or displeasure; "The students groaned when the professor got out the exam booklets"; "The ancient door soughed when opened" -02413131 __ovis_aries_NN_1 any of various breeds raised for wool or edible meat or skin -01045073 __snort_VB_1 indicate contempt by breathing noisily and forcefully through the nose; "she snorted her disapproval of the proposed bridegroom" -01244895 __sabotage_NN_1 a deliberate act of destruction or disruption in which equipment is damaged -01044811 __slur_VB_3 utter indistinctly -10654015 __stenographer_NN_1 someone skilled in the transcription of speech (especially dictation) -02259212 __leafhopper_NN_1 small leaping insect that sucks the juices of plants -06400510 __selection_NN_5 a passage selected from a larger work; "he presented excerpts from William James' philosophical writings" -02828427 __belting_NN_1 the material of which belts are made -02273922 __sequester_VB_1 requisition forcibly, as of enemy property; "the estate was sequestered" -05835162 __muse_NN_2 the source of an artist's inspiration; "Euterpe was his muse" -03292362 __epauliere_NN_1 armor plate that protects the shoulder -01043231 __grunt_VB_1 issue a grunting, low, animal-like noise; "He grunted his reluctant approval" -01830946 __placental_JJ_1 pertaining to or having or occurring by means of a placenta; "all mammals except monotremes and marsupials are placental mammals" -03040587 __cleansing_agent_NN_1 a preparation used in cleaning something -12449526 __common_camas_NN_1 plant having a large edible bulb and linear basal leaves and racemes of light to deep violet-blue star-shaped flowers on tall green scapes; western North America -00463246 __athletic_game_NN_1 a game involving athletic activity -05986295 __letters_NN_2 scholarly attainment; "he is a man of letters" -02675354 __phenacetin_NN_1 a white crystalline compound used as an analgesic and also as an antipyretic -13080866 __yellow_spot_fungus_NN_1 fungus causing yellow spot (a sugarcane disease in Australia) -01041298 __open_up_VB_7 talk freely and without inhibition -01040550 __flag_VB_1 communicate or signal with a flag -15211189 __april_NN_1 the month following March and preceding May -12339090 __red_gum_NN_1 reddish-brown dried gummy exudation from any of several trees of the genus Eucalyptus especially Eucalyptus camaldulensis -01039330 __signalize_VB_2 communicate silently and non-verbally by signals or signs; "He signed his disapproval with a dismissive hand gesture"; "The diner signaled the waiters to bring the menu" -12356255 __genus_curcuma_NN_1 tropical Asiatic perennial herbs -06449477 __american_standard_version_NN_1 a revised version of the King James Version -01039162 __shmooze_VB_1 talk idly or casually and in a friendly way -02251233 __pseudococcus_comstocki_NN_1 Asiatic insect introduced accidentally into United States; pest on citrus and apple trees -01038666 __visit_VB_6 talk socially without exchanging too much information; "the men were sitting in the cafe and shooting the breeze" -01038538 __vamp_VB_3 act seductively with (someone) -12309403 __osmanthus_NN_1 widely distributed genus of evergreen shrubs or trees of southern United States and Middle East and China and Japan -01038434 __wanton_VB_5 engage in amorous play -01037498 __yap_away_VB_1 talk incessantly and tiresomely -03144156 __crystal_set_NN_1 an early radio receiver using a crystal detector -01796519 __red_grouse_NN_1 reddish-brown grouse of upland moors of Great Britain -10166394 __pagan_NN_1 a person who does not acknowledge your god -02084861 __mutt_NN_1 an inferior dog or one of mixed breed -01036319 __scupper_VB_2 put in a dangerous, disadvantageous, or difficult position -01035530 __agree_VB_7 achieve harmony of opinion, feeling, or purpose; "No two of my colleagues would agree on whom to elect chairman" -01035199 __swagger_VB_2 discourage or frighten with threats or a domineering manner; intimidate -00729642 __project_VB_12 regard as objective -12593122 __orbignya_cohune_NN_1 tropical American feather palm whose large nuts yield valuable oil and a kind of vegetable ivory -09963773 __cooper_NN_4 a craftsman who makes or repairs wooden barrels or tubs -01034118 __theologize_VB_1 treat from a theological viewpoint or render theological in character -14454450 __pediculosis_NN_1 infestation with lice (Pediculus humanus) resulting in severe itching -03179701 __desk_NN_1 a piece of furniture with a writing surface and usually drawers or other compartments -06604066 __gist_NN_1 the central meaning or theme of a speech or literary work -01033527 __treat_VB_4 act on verbally or in some form of artistic expression; "This book deals with incest"; "The course covered all of Western Civilization"; "The new book treats the history of China" -10659393 __stoner_NN_1 an attacker who pelts the victim with stones (especially with intent to kill) -01033346 __dj_VB_1 comment on music to be played; "He has a job disk-jockeying on the weekend" -01032451 __netmail_VB_1 communicate electronically on the computer; "she e-mailed me the good news" having two toes -03748886 __ware_NN_2 commodities offered for sale; "good business depends on having good merchandise"; "that store offers a variety of products" -14675012 __fergusonite_NN_1 a dark mineral consisting of oxides of yttrium and erbium and tantalum and other minerals -01031756 __express_VB_7 send by rapid transport or special messenger service; "She expressed the letter to Florida" -00052500 __landing_NN_3 the act of coming down to the earth (or other surface); "the plane made a smooth landing"; "his landing on his feet was catlike" -01796800 __repent_VB_1 male red grouse turn away from sin or do penitence -05544575 __sutura_lamboidea_NN_1 the suture between the occipital and parietal bones -11684264 __seed_vessel_NN_1 the ripened and variously modified walls of a plant ovary -01133876 __good-natured_JJ_1 having an easygoing and cheerful disposition; "too good-natured to resent a little criticism"; "the good-natured policeman on our block"; "the sounds of good-natured play" -01030132 __designate_VB_1 assign a name or title to -03171094 __defense_laboratory_NN_1 a laboratory devoted to research and development for national defense -01029852 __label_VB_1 assign a label to; designate with a label; "These students were labelled `learning disabled'" -04617562 __personality_NN_1 the complex of all the attributes--behavioral, temperamental, emotional and mental--that characterize a unique individual; "their different reactions reflected their very different personalities"; "it is his nature to help others" -11886788 __genus_erysimum_NN_1 large genus of annual or perennial herbs some grown for their flowers and some for their attractive evergreen leaves; Old World and North America -05617107 __wisdom_NN_3 ability to apply knowledge or experience or understanding or common sense and insight -01665932 __snapping_turtle_NN_1 large aggressive freshwater turtle with powerful jaws -02585050 __stir_up_VB_1 try to stir up public opinion -02238113 __lygus_NN_1 plant-sucking bugs -10505206 __splitter_NN_3 a laborer who splits logs to build split-rail fences -09079153 __sandwich_islands_NN_1 a group of volcanic and coral islands in the central Pacific -01028079 __christen_VB_1 administer baptism to; "The parents had the child baptized" -01027924 __editorialize_VB_1 insert personal opinions into an objective statement -02376918 __male_horse_NN_1 the male of species Equus caballus -01027508 __decree_VB_1 issue a decree; "The King only can decree" -10386515 __outcaste_NN_1 a person belonging to no caste -01027174 __supply_VB_4 state or say further; "`It doesn't matter,' he supplied" -01026975 __get_VB_16 move into a desired direction of discourse; "What are you driving at?" -13211790 __rock_brake_NN_1 any of several small lithophytic ferns of tropical and warm temperate regions -09681973 __jewess_NN_1 a woman who is a Jew -00939035 __commentate_VB_2 serve as a commentator, as in sportscasting -01025935 __cross-refer_VB_1 refer from one entry to another, as in catalogues, books, and lists -08791167 __near_east_NN_1 the area around the eastern Mediterranean; from Turkey to northern Africa and eastward to Iran; the site of such ancient civilizations as Phoenicia and Babylon and Egypt and the birthplace of Judaism and Christianity and Islam; had continuous economic and political turmoil in the 20th century; "the Middle East is the cradle of Western civilization" -01025785 __dredge_up_VB_1 mention something unpleasant from the past; "Drag up old stories" -01025602 __stick_in_VB_1 insert casually; "She slipped in a reference to her own work" -01025246 __raise_VB_19 put forward for consideration or discussion; "raise the question of promotions"; "bring up an unpleasant topic" -01116026 __teleselling_NN_1 the use of the telephone as an interactive medium for promotion and sales not forged; "a good dollar bill" -01025089 __namedrop_VB_1 refer to people that one assumes one's interlocutors admire in order to try to impress them -01024864 __invoke_VB_2 cite as an authority; resort to; "He invoked the law that would save him"; "I appealed to the law of 1900"; "She invoked an ancient law" -04815624 __stiffness_NN_4 the inelegance of someone stiff and unrelaxed (as by embarrassment) -12709349 __citrus_medica_NN_1 thorny evergreen small tree or shrub of India widely cultivated for its large lemonlike fruits that have thick warty rind -01023259 __quote_VB_1 repeat a passage from; "He quoted the Bible to her" -02578233 __selene_setapinnis_NN_1 any of several silvery marine fishes with very flat bodies -01960779 __trot_VB_2 ride at a trot -05721500 __feeling_NN_4 a physical sensation that you experience; "he had a queasy feeling"; "I had a strange feeling in my leg"; "he lost all feeling in his arm" -00676135 __dial_VB_2 choose by means of a dial; "dial a telephone number" -06732710 __testimony_NN_2 an assertion offering firsthand authentication of a fact; "according to his own testimony he can't do it" -01021973 __specify_VB_4 be specific about; "Could you please specify your criticism of my paper?" -02950632 __cannon_NN_3 (Middle Ages) a cylindrical piece of armor plate to protect the arm -01021128 __instance_VB_1 clarify by giving an example of -12356668 __genus_zerumbet_NN_1 perennial rhizomatous herbs of Asia and Australia and Polynesia having ginger-scented rhizomes -09099526 __wolverine_state_NN_1 a midwestern state in north central United States in the Great Lakes region -08906374 __nepal_NN_1 a small landlocked Asian country high in the Himalayas between India and China -01020934 __take_down_VB_4 make a written note of; "she noted everything the teacher said that morning" -01020005 __remark_VB_1 make mention of; "She observed that his presentation took up too much time"; "They noted that it was a fine day to go sailing" -01019643 __tell_VB_6 inform positively and with certainty and confidence; "I tell you that man is a crook!" -09706396 __mari_NN_1 a member of a rural Finnish people living in eastern Russia -01018352 __claim_VB_3 ask for legally or make a legal claim to, as of debts, for example; "They claimed on the maximum allowable amount" -03538634 __horse-drawn_vehicle_NN_1 a wheeled vehicle drawn by one or more horses -06261922 __interactive_multimedia_system_NN_1 a multimedia system in which related items of information are connected and can be presented together -01016626 __demur_VB_2 enter a demurrer -10891981 __charles_the_great_NN_1 king of the Franks and Holy Roman Emperor; conqueror of the Lombards and Saxons (742-814) -01015244 __testify_VB_2 provide evidence for; "The blood test showed that he was the father"; "Her behavior testified to her incompetence" -08141374 __drug_enforcement_agency_NN_1 federal agency responsible for enforcing laws and regulations governing narcotics and controlled substances; goal is to immobilize drug trafficking organizations -14363483 __scar_NN_1 a mark left (usually on the skin) by the healing of injured tissue -00389406 __waste_VB_8 cause to grow thin or weak; "The treatment emaciated him" -01014186 __point_up_VB_1 emphasize, especially by identification; "This novel points up the racial problems in England" -09773962 __advertizer_NN_1 someone whose business is advertising -01013040 __swear_VB_4 make a deposition; declare under oath -04862592 __sturdiness_NN_3 resoluteness evidenced by strength of character; "sturdiness of moral principle" -08428019 __march_NN_4 a procession of people walking together; "the march went up Fifth Avenue" -05699172 __irresolution_NN_1 doubt concerning two or more possible alternatives or courses of action; "his indecision was only momentary but the opportunity was lost" -01012073 __reassert_VB_1 strengthen or make more firm; "The witnesses confirmed the victim's account" -01011031 __verify_VB_4 to declare or affirm solemnly and formally as true; "Before God I swear I am innocent" -09696124 __byzantine_NN_1 a native or inhabitant of Byzantium or of the Byzantine Empire -01010118 __declare_VB_1 state emphatically and authoritatively; "He declared that he needed more money to carry out the task he was charged with" -01009240 __tell_VB_1 express in words; "He said that he wanted to marry her"; "tell me what is bothering you"; "state your opinion"; "state your name" -01008903 __recapitulate_VB_1 summarize briefly; "Let's recapitulate the main ideas" -01008719 __docket_VB_1 place on the docket for legal action; "Only 5 of the 120 cases docketed were tried" -01008437 __precis_VB_1 make a summary (of) -01007676 __telefax_VB_1 send something via a facsimile machine; "Can you fax me the report right away?" -02461372 __pholidota_NN_2 pangolins; in some former classifications included in the order Edentata -01007222 __wire_VB_2 send cables, wires, or telegrams -05792010 __possible_action_NN_1 a possible alternative; "bankruptcy is always a possibility" -03082807 __compressor_NN_1 a mechanical device that compresses gasses -11635830 __yellow_cypress_NN_1 tall evergreen of the Pacific coast of North America often cultivated for ornament -10318293 __mill-hand_NN_1 a workman in a mill or factory -10117739 __weight_gainer_NN_1 a person who gains weight -00534849 __ballroom_dancing_NN_1 any of a variety of social dances performed by couples in a ballroom -00097621 __revitalize_VB_1 restore strength; "This food revitalized the patient" -09113479 __jersey_city_NN_1 a city in northeastern New Jersey (opposite Manhattan) -01004550 __notch_VB_2 notch a surface to record something -11542341 __hepaticopsida_NN_1 liverworts: comprises orders Anthocerotales; Jungermanniales; Marchantiales; Sphaerocarpales -02438774 __giraffidae_NN_1 giraffes -01003885 __x-ray_VB_2 take an x-ray of something or somebody; "The doctor x-rayed my chest" -02340360 __turn_out_VB_9 outfit or equip, as with accessories; "The actors were turned out lavishly" -01003588 __retake_VB_3 photograph again; "Please retake that scene" -01003049 __videotape_VB_1 record on videotape -01244410 __hostile_JJ_1 characterized by enmity or ill will; "a hostile nation"; "a hostile remark"; "hostile actions" -02658531 __pleuronectes_platessa_NN_1 large European food fish -04934546 __eubstance_NN_1 the property of holding together and retaining its shape; "wool has more body than rayon"; "when the dough has enough consistency it is ready to bake" -01002297 __document_VB_1 record in detail; "The parents documented every step of their child's development" -01001857 __register_VB_2 record in a public office or in a court of law; "file for divorce"; "file a complaint" -01001643 __file_away_VB_1 place in a container for keeping records; "File these bills, please" -09962612 __conveyancer_NN_1 a lawyer who specializes in the business of conveying properties -01001294 __set_forth_VB_1 state; "set forth one's reasons" -00271263 __degradation_NN_1 changing to a lower state (a less respected state) -01001136 __chronicle_VB_1 record in chronological order; make a historical record -01000214 __record_VB_1 make a record of; set down in permanent form -00999815 __erase_VB_3 wipe out digitally or magnetically recorded information; "Who erased the files form my hard disk?" -00999270 __tape_record_VB_1 record with a tape recorder -00998399 __tape_VB_3 register electronically; "They recorded her singing" -00997794 __indorse_VB_4 sign as evidence of legal transfer; "endorse cheques" -02200705 __genus_aedes_NN_1 yellow-fever mosquitos -01852861 __sea_duck_NN_1 any of various large diving ducks found along the seacoast: eider; scoter; merganser -00996485 __subscribe_VB_2 mark with one's signature; write one's name (on); "She signed the letter and sent it off"; "Please sign here" -10295951 __marshall_NN_5 a law officer having duties similar to those of a sheriff in carrying out the judgments of a court of law -13915999 __regular_polyhedron_NN_1 any one of five solids whose faces are congruent regular polygons and whose polyhedral angles are all congruent -00995286 __notate_VB_1 put into notation, as of music or choreography; "Nowadays, you can notate an entire ballet; in the old days, the steps had to be memorized" -00995103 __transcribe_VB_1 write out from speech, notes, etc.; "Transcribe the oral history of this tribe" -00994454 __decrypt_VB_1 convert code into ordinary language -09854510 __poster_NN_2 someone who pastes up bills or placards on walls or billboards -00994076 __write_in_code_VB_1 convert ordinary language into code; "We should encode the message for security reasons" -02666882 __counterpoint_VB_1 to show differences when compared; be different; "the students contrast considerably in their artistic abilities" -01699172 __write_on_VB_1 write about a particular topic; "Snow wrote about China" -05573602 __knee_joint_NN_1 hinge joint in the human leg connecting the tibia and fibula with the femur and protected in front by the patella -12692323 __genus_commiphora_NN_1 genus of East Indian and African trees yielding balsamic products -00993014 __write_VB_2 communicate or express by writing; "Please write to me every week" -03579538 __interior_door_NN_1 a door that closes off rooms within a building -14229912 __lupus_NN_1 any of several forms of ulcerative skin disease -08240633 __pack_NN_5 an exclusive circle of people with a common purpose -01797020 __tetrao_urogallus_NN_1 large black Old World grouse -06908159 __algonkin_NN_2 the Algonquian language spoken by the Algonkian -11767354 __dogbane_NN_1 any of several poisonous perennial plants of the genus Apocynum having acrid milky juice and bell-shaped white or pink flowers and a very bitter root -00991683 __post_VB_2 publicize with, or as if with, a poster; "I'll post the news on the bulletin board" -10040617 __dyslectic_NN_1 a person who has dyslexia -15156424 __eve_NN_2 the day before; "he always arrives on the eve of her departure" -00990392 __approach_VB_5 make advances to someone, usually with a proposal or suggestion; "I was approached by the President to serve as his adviser in foreign matters" -10607478 __skinhead_NN_1 a young person who belongs to a British or American group that shave their heads and gather at rock concerts or engage in white supremacist demonstrations -06604319 __ambiguity_NN_1 an expression whose meaning cannot be determined from its context -09185440 __libidinal_energy_NN_1 (psychoanalysis) psychic energy produced by the libido -00989084 __delineate_VB_5 describe in vivid detail -08391021 __home_guard_NN_1 a volunteer unit formed to defend the homeland while the regular army is fighting elsewhere -00987071 __draw_VB_8 give a description of; "He drew an elaborate plan of attack" -05148699 __utility_NN_2 the quality of being of practical use -12751172 __titi_NN_1 tree of low-lying coastal areas of southeastern United States having glossy leaves and racemes of fragrant white flowers -00985800 __sigh_VB_2 utter with a sigh -01071090 __tolerance_NN_3 the act of tolerating something -05480076 __wandering_nerve_NN_1 a mixed nerve that supplies the pharynx and larynx and lungs and heart and esophagus and stomach and most of the abdominal viscera -01186810 __litigation_NN_1 a legal proceeding in a court; a judicial contest to determine and enforce legal rights -00889831 __equal_JJ_1 having the same quantity, value, or measure as another; "on equal terms"; "all men are equal before the law" -00982514 __inflect_VB_1 change the form of a word in accordance as required by the grammatical rules of the language -00982178 __lisp_VB_1 speak with a lisp -00981814 __rasp_VB_2 utter in a grating voice -00981083 __formularize_VB_1 express as a formula -02582919 __family_branchiostegidae_NN_1 small family of marine fishes having covered gills -00980339 __round_VB_3 pronounce with rounded lips -08929922 __french_republic_NN_1 a republic in western Europe; the largest country wholly in Europe -00980176 __drawl_VB_1 lengthen and slow down or draw out; "drawl one's vowels" -00979988 __syllabize_VB_2 utter with distinct articulation of each syllable; "The poet syllabized the verses he read" -00979667 __subvocalize_VB_1 articulate without making audible sounds; "she was reading to herself and merely subvocalized" -13283764 __reward_NN_2 payment made in return for a service rendered -07491981 __zestfulness_NN_1 vigorous and enthusiastic enjoyment -00978549 __sound_out_VB_1 speak, pronounce, or utter in a certain way; "She pronounces French words in a funny way"; "I cannot say `zip wire'"; "Can the child sound out this complicated word?" -00156839 __unassertive_JJ_1 inclined to timidity or lack of self-confidence; "a shy unassertive person" -01483247 __veil_VB_1 to obscure, or conceal with or as if with a veil; "women in Afghanistan veil their faces" -05644727 __economy_NN_2 the efficient use of resources; "economy of effort" -00976653 __push_VB_3 make publicity for; try to sell (a product); "The salesman is aggressively pushing the new computer model"; "The company is heavily advertizing their new laptops" -00976487 __plug_VB_4 make a plug for; praise the qualities or in order to sell or promote -00976224 __headline_VB_1 publicize widely or highly, as if with a headline -07242104 __public_debate_NN_1 the formal presentation of a stated proposition and the opposition to it (usually followed by a vote) -00975902 __publicize_VB_2 call attention to; "Please don't advertise the fact that he has AIDS" -00975584 __call_out_VB_2 call out loudly, as of names or numbers -08514034 __centre_NN_4 a place where some particular activity is concentrated; "they received messages from several centers" -02595339 __silver_perch_NN_1 small silvery drumfish often mistaken for white perch; found along coasts of United States from New York to Mexico -02963302 __card_index_NN_1 an alphabetical listing of items (e.g., books in a library) with a separate card for each item -00974367 __denote_VB_3 make known; make an announcement; "She denoted her feelings clearly" -00974173 __herald_VB_1 foreshadow or presage -09439433 __solar_system_NN_1 the sun with the celestial bodies that revolve around it in its gravitational field -10197392 __ideologue_NN_1 an advocate of some ideology -00973728 __air_VB_2 be broadcast; "This show will air Saturdays at 2 P.M." -10537240 __roman_emperor_NN_1 sovereign of the Roman Empire -09016232 __donets_basin_NN_1 an industrial region in the Ukraine -00971015 __call_VB_2 ascribe a quality to or give a name of a common noun that reflects a quality; "He called me a bastard"; "She called her children lazy and ungrateful" -00970732 __propagandize_VB_2 spread by propaganda -00969873 __spread_VB_6 become widely known and passed on; "the rumor spread"; "the story went around in the office" -02498320 __reserve_VB_4 arrange for and reserve (something for someone else) in advance; "reserve me a seat on a flight"; "The agent booked tickets to the show for the whole family"; "please hold a table at Maxim's" -00969506 __televise_VB_1 broadcast via television; "The Royal wedding was televised" -00969260 __sportscast_VB_1 broadcast a sports event -02031455 __philohela_NN_1 American woodcocks -02601767 __striped_mullet_NN_1 most important commercial mullet in eastern United States -00967455 __cover_VB_13 maintain a check on; especially by patrolling; "The second officer covered the top floor" -04865722 __intentness_NN_1 the quality of being intent and concentrated; "the intentness of his gaze" -05340599 __central_artery_of_the_retina_NN_1 a branch of the ophthalmic artery; enters the eyeball with the optic nerve -10310903 __mesomorph_NN_1 a person with a well-developed muscular body -03117199 __counter_NN_2 game equipment (as a piece of wood, plastic, or ivory) used for keeping a count or reserving a space in various card or board games -00965871 __declare_VB_2 announce publicly or officially; "The President declared war" -08765315 __bergen_NN_1 a port city in southwestern Norway -05219420 __child's_body_NN_1 the body of a human child -02742322 __regalia_NN_2 especially fine or decorative clothing -12853901 __marrubium_NN_1 Old World aromatic herbs: horehound -00965035 __report_VB_1 to give an account or representation of in words; "Discreet Italian police described it in a manner typically continental" -00964478 __soliloquize_VB_1 talk to oneself -14706749 __purine_NN_1 any of several bases that are derivatives of purine -00963283 __dogmatize_VB_2 speak dogmatically in opposition to a civil authority or government -06700447 __master's_degree_NN_1 an academic degree higher than a bachelor's degree but lower than a doctor's degree -01199881 __light_up_VB_5 begin to smoke; "After the meal, some of the diners lit up" -02486932 __rising_JJ_1 get together socially or for a specific purpose advancing or becoming higher or greater in degree or value or status; "a rising trend"; "a rising market" -09943239 __commissioned_military_officer_NN_1 a commissioned officer in the Army or Air Force or Marine Corps -00960961 __gloss_VB_3 provide an interlinear translation of a word or phrase -04992570 __spiciness_NN_1 the property of being seasoned with spice and so highly flavored -00960734 __synchronize_VB_3 make (motion picture sound) exactly simultaneous with the action; "synchronize this film" -00960562 __dub_VB_2 provide (movies) with a soundtrack of a foreign language -00728849 __classroom_project_NN_1 a school task requiring considerable effort -00959827 __translate_VB_1 restate (words) from one language into another language; "I have to translate when my in-laws from Austria visit the U.S."; "Can you interpret the speech of the visiting dignitaries?"; "She rendered the French poem into English"; "He translates for the U.N." -05822746 __consideration_NN_2 information that should be kept in mind when making a decision; "another consideration is the time it would take" -14671372 __chrysoberyl_NN_1 a rare hard yellow green mineral consisting of beryllium aluminate in crystal form; used as a gemstone -00959524 __return_VB_4 go back to something earlier; "This harks back to a previous remark of his" -10308066 __nonmember_NN_1 a person who is not a member -08657249 __stratum_NN_1 one of several parallel layers of material arranged one on top of another (such as a layer of tissue or cells in an organism or a layer of sedimentary rock) -07750146 __shaddock_NN_2 large pear-shaped fruit similar to grapefruit but with coarse dry pulp -00958823 __perseverate_VB_1 psychology: repeat a response after the cessation of the original stimulus; "The subjects in this study perseverated" -01002740 __take_VB_16 make a film or photograph of something; "take a scene"; "shoot a movie" -05058580 __rate_NN_3 the relative speed of progress or change; "he lived at a fast pace"; "he works at a great rate"; "the pace of events accelerated" -04159676 __sea_steps_NN_1 (nautical) ladder to be lowered over a ship's side for coming aboard -00957679 __repeat_VB_4 to say again or imitate; "followers echoing the cries of their leaders" -08155518 __hohenzollern_NN_1 a German noble family that ruled Brandenburg and Prussia -04833687 __tightness_NN_4 extreme stinginess -01408760 __dribble_VB_3 propel, "Carry the ball"; "dribble the ball" -05542052 __occipital_protuberance_NN_1 prominence on the outer surface of the occipital bone -04320126 __stimulant_drug_NN_1 a drug that temporarily quickens some vital process -03690005 __lorazepam_NN_1 tranquilizer (trade name Ativan) used to treat anxiety and tension and insomnia -00956405 __pad_VB_1 add details to -02554730 __percoidean_NN_1 any of numerous spiny-finned fishes of the order Perciformes -00854876 __oral_sex_NN_1 oral stimulation of the genitals; "they say he gives good head" -00954422 __tell_VB_7 give evidence; "he was telling on all his former colleague" -02297294 __pseudaletia_unipuncta_NN_2 moth whose destructive larvae travel in multitudes -00954137 __rhapsodize_VB_1 recite a rhapsody -00952841 __talk_VB_4 reveal information; "If you don't oblige me, I'll talk!"; "The former employee spilled all the details" -00952039 __aspirate_VB_2 pronounce with aspiration; of stop sounds -04205318 __trunks_NN_1 trousers that end at or above the knee -00951399 __nasalize_VB_1 speak nasally or through the nose; "In this part of the country, people tend to nasalize" -00951069 __palatalize_VB_1 pronounce a consonant with the tongue against the palate -12198628 __genus_fremontodendron_NN_1 flannelbush -00950782 __raise_VB_20 pronounce (vowels) by bringing the tongue closer to the roof of the mouth; "raise your `o'" -00950431 __weigh_VB_2 show consideration for; take into account; "You must consider her age"; "The judge considered the offender's youth and was lenient" -07364434 __dip_NN_5 a brief immersion -00950206 __take_a_dare_VB_2 be dared to do something and attempt it -00948071 __numerate_VB_1 determine the number or amount of; "Can you count the books on your shelf?"; "Count your change" -00947857 __count_VB_4 name or recite the numbers in ascending order; "The toddler could count to 100" -00947439 __name_VB_5 mention and identify by name; "name your accomplices!" -00947077 __specify_VB_2 decide upon or fix definitely; "fix the variables"; "specify the parameters" -00946755 __number_VB_3 enumerate; "We must number the names of the great mathematicians" -08163273 __legislature_NN_1 persons who make or amend or repeal laws -00944788 __drone_on_VB_1 talk in a monotonous voice -00944548 __ventilate_VB_4 give expression or utterance to; "She vented her anger"; "The graduates gave vent to cheers" -13730054 __pure_imaginary_number_NN_1 an imaginary number of the form a+bi where a is 0 -15063699 __sulphide_NN_1 a compound of sulphur and some other element that is more electropositive -03478589 __half_track_NN_1 a motor vehicle propelled by half tracks; frequently used by the military -13039870 __phallaceae_NN_1 a family of fungi belonging to the order Phallales and comprising the true stinkhorns -01404628 __rockweed_NN_1 coarse brown seaweed growing on rocks exposed at low tide -00940384 __verbalize_VB_3 articulate; either verbally or with a cry, shout, or noise; "She expressed her anger"; "He uttered a curse" -01706129 __set_VB_11 adapt for performance in a different way; "set this poem to music" -01026728 __touch_VB_12 make a more or less disguised reference to; "He alluded to the problem but did not mention it" -02774152 __purse_NN_1 a container used for carrying money and small personal items or accessories (especially by women); "she reached into her bag and found a comb" -00938247 __rede_VB_1 give an interpretation or explanation to -09290777 __grain_NN_1 a relatively small granular particle of a substance; "a grain of sand"; "a grain of sugar" -05498773 __visceral_brain_NN_1 a system of functionally related neural structures in the brain that are involved in emotional behavior -00936330 __bewray_VB_1 reveal unintentionally; "Her smile betrayed her true feelings" -00936169 __leak_out_VB_1 be leaked; "The news leaked out despite his secrecy" -03285106 __vasotec_NN_1 an ACE inhibitor (trade name Vasotec) that blocks the formation of angiotensin in the kidney and so results in vasodilation; administered after heart attacks -00774932 __polemize_VB_1 engage in a controversy; "The two historians polemicized for years" -00934744 __muckrake_VB_1 explore and expose misconduct and scandals concerning public figures; "This reporter was well-known for his muckraking" -07697537 __red_hot_NN_1 a frankfurter served hot on a bun -10418101 __personification_NN_1 a person who represents an abstract quality; "she is the personification of optimism" -00933821 __unwrap_VB_2 make known to the public information that was previously known only to a few people or that was meant to be kept a secret; "The auction house would not disclose the price at which the van Gogh had sold"; "The actress won't reveal how old she is"; "bring out the truth"; "he broke the news to her"; "unwrap the evidence in the murder case" -00933403 __voice_VB_1 give voice to; "He voiced his concern" -00136991 __leave_behind_VB_3 leave unchanged or undisturbed or refrain from taking; "leave it as is"; "leave the young fawn alone"; "leave the flowers that you see in the park behind" -00933239 __speak_in_tongues_VB_1 speak unintelligibly in or as if in religious ecstasy; "The parishioners spoke in tongues" -02195996 __family_asilidae_NN_1 robber flies -00932324 __signify_VB_2 convey or express a meaning; "These words mean nothing to me!"; "What does his strange behavior signify?" -00931852 __stand_for_VB_2 denote or connote; "`maison' means `house' in French"; "An example sentence would show what this word means" -13554121 __segregation_NN_1 (genetics) the separation of paired alleles during meiosis so that members of each pair of alleles appear in different gametes -04401680 __telephone_kiosk_NN_1 booth for using a telephone -01228102 __reverence_NN_3 an act showing respect (especially a bow or curtsy) -00931232 __predicate_VB_3 involve as a necessary condition of consequence; as in logic; "solving the problem is predicated on understanding it well" -12587803 __cocos_nucifera_NN_1 tall palm tree bearing coconuts as fruits; widely planted throughout the tropics -10187990 __hotelman_NN_1 an owner or manager of hotels -00928630 __convey_VB_1 make known; pass on, of information; "She conveyed the message to me" -01925469 __trematoda_NN_1 parasitic flatworms (including flukes) -00927430 __suggest_VB_2 drop a hint; intimate by a hint -01778568 __venerate_VB_1 regard with feelings of respect and reverence; consider hallowed or exalted or be in awe of; "Fear God as your father"; "We venerate genius" -03454536 __grating_NN_2 a frame of iron bars to hold a fire -06128570 __computing_NN_1 the branch of engineering science that studies (with the aid of computers) computable processes and structures -02395244 __sus_NN_1 type genus of the Suidae -00926310 __reformulate_VB_1 formulate or develop again, of an improved theory or hypothesis -01773797 __garden_spider_NN_1 a spider common in European gardens -00925873 __formulate_VB_1 elaborate, as of theories and hypotheses; "Could you develop the ideas in your thesis" -02484322 __monkey_NN_1 any of various long-tailed primates (excluding the prosimians) -15169759 __night_NN_6 a shortening of nightfall; "they worked from morning to night" -05578442 __mortise_joint_NN_1 a gliding joint between the distal ends of the tibia and fibula and the proximal end of the talus -00924777 __foreshow_VB_1 foretell by divine inspiration -00924612 __signalize_VB_3 point out carefully and clearly -04231693 __ski_tow_NN_1 a powered conveyance that carries skiers up a hill -12944590 __sison_NN_1 genus including stone parsley -00099517 __run_out_VB_8 use up all one's strength and energy and stop working; "At the end of the march, I pooped out" -11784497 __wake-robin_NN_2 common American spring-flowering woodland herb having sheathing leaves and an upright club-shaped spadix with overarching green and purple spathe producing scarlet berries -13111504 __tree_stump_NN_1 the base part of a tree that remains standing after the tree has been felled -10938363 __st._dominic_NN_1 (Roman Catholic Church) Spanish priest who founded an order whose members became known as Dominicans or Black Friars (circa 1170-1221) -00922867 __show_VB_9 indicate a certain reading; of gauges and instruments; "The thermometer showed thirteen degrees below zero"; "The gauge read `empty'" -01557962 __turdus_viscivorus_NN_1 large European thrush that feeds on mistletoe berries -01406262 __euglenophyceae_NN_1 coextensive with the division Euglenophyta -02222718 __order_isoptera_NN_1 order of social insects that live in colonies, including: termites; often placed in subclass Exopterygota -01723883 __thecodont_reptile_NN_1 presumably in the common ancestral line to dinosaurs and crocodiles and birds -00922438 __signalize_VB_4 make conspicuous or noteworthy -04695176 __stain_NN_1 a soiled or discolored appearance; "the wine left a dark stain" -12647560 __prunus_padus_NN_1 small European cherry tree closely resembling the American chokecherry -00921738 __mark_VB_2 designate as if by a mark; "This sign marks the border" -10590977 __shocker_NN_1 a shockingly bad person -00919608 __translate_VB_10 determine the amino-acid sequence of a protein during its synthesis by using information on the messenger RNA -00919424 __gauge_VB_3 determine the capacity, volume, or contents of by measurement and calculation; "gauge the wine barrels" -00918872 __find_out_VB_1 establish after a calculation, investigation, experiment, survey, or study; "find the product of two numbers"; "The physicist who found the elusive particle won the Nobel Prize" -00918580 __wager_VB_2 maintain with or as if with a bet; "I bet she will be there!" -00910973 __squawk_VB_2 complain; "What was he hollering about?" -00918471 __augur_VB_2 predict from an omen -00917300 __suppose_VB_1 express a supposition; "Let us say that he did not tell the truth"; "Let's say you had a lot of money--what would you do?" -00916909 __venture_VB_2 put forward, of a guess, in spite of possible refutation; "I am guessing that the price of real estate will rise again"; "I cannot pretend to say that you are wrong" -00812977 __wrestling_hold_NN_1 a hold used in the sport of wrestling -00916679 __enthuse_VB_2 utter with enthusiasm -03879705 __pallette_NN_1 one of the rounded armor plates at the armpits of a suit of armor -00916011 __peep_VB_4 speak in a hesitant and high-pitched tone of voice -00915423 __holler_out_VB_1 shout out; "He hollered out to surrender our weapons" -00914634 __yowl_VB_2 utter shrieks, as of cats -00914420 __shrill_VB_1 utter a shrill cry -00914215 __whoop_VB_1 shout, as if with joy or enthusiasm; "The children whooped when they were led to the picnic table" -04055180 __ratchet_NN_1 mechanical device consisting of a toothed wheel or rack engaged with a pawl that permits it to move in only one direction -14514805 __realm_NN_1 a domain in which something is dominant; "the untroubled kingdom of reason"; "a land of make-believe"; "the rise of the realm of cotton in the south" -00787218 __essay_NN_2 a tentative attempt -00912833 __yell_VB_2 utter or declare in a very loud voice; "You don't have to yell--I can hear you just fine" -00912473 __shout_VB_1 utter in a loud voice; talk in a loud voice (usually denoting characteristic manner of speaking); "My grandmother is hard of hearing--you'll have to shout" -00912048 __shout_VB_3 utter aloud; often with surprise, horror, or joy; "`I won!' he exclaimed"; "`Help!' she cried"; "`I'm here,' the mother shouted when she saw her child looking lost" -01219075 __idealization_NN_1 a portrayal of something as ideal; "the idealization of rural life was very misleading" -03867515 __oxaprozin_NN_1 a nonsteroidal anti-inflammatory drug (trade name Daypro) -05486510 __pallium_NN_1 the layer of unmyelinated neurons (the grey matter) forming the cortex of the cerebrum -01640383 __ranidae_NN_1 a family nearly cosmopolitan in distribution: true frogs -12423565 __lily_family_NN_1 includes species sometimes divided among the following families: Alliaceae; Aloeaceae; Alstroemeriaceae; Aphyllanthaceae; Asparagaceae; Asphodelaceae; Colchicaceae; Convallariaceae; Hemerocallidaceae; Hostaceae; Hyacinthaceae; Melanthiaceae; Ruscaceae; Smilacaceae; Tecophilaeacea; Xanthorrhoeaceae -08102555 __phylum_NN_2 (biology) the major taxonomic group of animals and plants; contains classes -06467007 __summary_NN_1 a brief statement that presents the main points in a concise form; "he gave a summary of the conclusions" -00299341 __regulate_VB_1 fix or adjust the time, amount, degree, or rate of; "regulate the temperature"; "modulate the pitch" -00911261 __rail_VB_1 complain bitterly -12552081 __onobrychis_NN_1 genus of Old World herbs having pinnate leaves and pink or whites racemose flowers followed by flat unjointed pods -12114397 __finger_grass_NN_2 any grass of the genus Chloris; occurs in short grassland especially on waste ground or poor soils -14486767 __purity_NN_1 being undiluted or unmixed with extraneous material -10207514 __vaccinator_NN_1 a medical practitioner who inoculates people against diseases -06218308 __imperialism_NN_2 a political orientation that advocates imperial interests -00907930 __yawp_VB_2 complain whiningly -08295580 __united_nations_NN_1 an organization of independent states formed in 1945 to promote international peace and security -14578104 __lubrication_NN_1 the condition of having been made smooth or slippery by the application of a lubricant -01241767 __justification_NN_3 the act of defending or explaining or making excuses for by reasoning; "the justification of barbarous means by holy ends"- H.J.Muller -00905283 __purge_VB_2 clear of a charge -00406365 __involution_NN_6 the action of enfolding something -00904878 __whitewash_VB_3 exonerate by means of a perfunctory investigation or through biased presentation of data -12005869 __pyrethrum_NN_4 used in former classifications for plants later placed in genus Chrysanthemum and now often included in genus Tanacetum -01738175 __storeria_NN_1 a genus of Colubridae -07483622 __apathy_NN_1 an absence of emotion or enthusiasm -00903711 __shrive_VB_1 grant remission of a sin to; "The priest absolved him and told him to say ten Hail Mary's" -12533730 __salt_tree_NN_1 spiny shrub of the Caspian salt plains and Siberia having elegant silvery, downy young foliage and mildly fragrant pink-purple blooms -01003729 __graduation_NN_4 the act of arranging in grades -08645963 __scene_NN_1 the place where some action occurs; "the police returned to the scene of the crime" -00902289 __prologuize_VB_1 write or speak a prologue -11706325 __spicebush_NN_1 deciduous shrub of the eastern United States having highly aromatic leaves and bark and yellow flowers followed by scarlet or yellow berries -10257948 __librarian_NN_1 a professional person trained in library science and engaged in library services -00900214 __salute_VB_5 honor with a military ceremony, as when honoring dead soldiers -00676450 __pick_VB_1 select carefully from a group; "She finally picked her successor"; "He picked his way carefully" -10688811 __tagger_NN_2 someone who appends or joins one thing to another; "a theory that was simply added on by some anonymous tagger" -13489037 __ontogeny_NN_1 (biology) the process of an individual organism growing organically; a purely biological unfolding of events involved in an organism changing gradually from a simple to a more complex level; "he proposed an indicator of osseous development in children" -10440580 __player_NN_4 a person who pursues a number of different social and sexual partners simultaneously -06154724 __classicism_NN_1 a movement in literature and art during the 17th and 18th centuries in Europe that favored rationality and restraint and strict forms; "classicism often derived its models from the ancient Greeks and Romans" -00897241 __recognize_VB_6 express greetings upon meeting someone -04216634 __sieve_NN_1 a strainer for separating lumps from powdered material or grading particles -00896803 __warrant_VB_1 show to be reasonable or provide adequate ground for; "The emergency does not warrant all of us buying guns"; "The end justifies the means" -00896497 __uphold_VB_3 support against an opponent; "The appellate court upheld the verdict" -00896141 __vindicate_VB_1 show to be right by providing justification or proof; "vindicate a claim" -11772154 __genus_catharanthus_NN_1 small genus of erect annual or perennial herbs native to Madagascar; widely naturalized in the tropics; formerly included in genus Vinca -00895304 __support_VB_8 argue or speak in defense of; "She supported the motion to strike" -00894738 __rationalize_VB_1 defend, explain, clear away, or make excuses for by reasoning; "rationalize the child's seemingly crazy behavior"; "he rationalized his lack of success" -00894365 __plead_VB_2 offer as an excuse or plea; "She was pleading insanity" -00894221 __excuse_VB_5 ask for permission to be released from an engagement -05118251 __immoderation_NN_1 the quality of being excessive and lacking in moderation -00893878 __relieve_VB_10 grant exemption or release to; "Please excuse me from this class" brought into equipoise by means of a weight or force that offsets another -01882081 __maunder_VB_1 wander aimlessly -00891936 __warrant_VB_2 stand behind and guarantee the quality, accuracy, or condition of; "The dealer warrants all the cars he sells"; "I warrant this information" -13102409 __climber_NN_1 a vine or climbing plant that readily grows up a support or over other plants -00890855 __doom_VB_3 make certain of the failure or destruction of; "This decision will doom me to lose my position" -12605965 __spiderwort_family_NN_1 large widely distributed family of chiefly perennial herbs or climbers: spiderworts -00889740 __underwrite_VB_1 guarantee financial support of; "The opera tour was subvented by a bank" -02676261 __acoustic_device_NN_1 a device for amplifying or transmitting sound -14100769 __occlusion_NN_1 closure or blockage (as of a blood vessel) -07635155 __cooky_NN_2 any of various small flat sweet cakes (`biscuit' is the British term) -00888786 __undertake_VB_4 enter into a contractual arrangement -01872244 __tachyglossus_NN_1 type genus of the family Tachyglossidae -01817755 __disillusion_VB_1 free from enchantment -00236104 __cap_VB_2 restrict the number or amount of; "We had to cap the number of people we can accept into our club" -00888009 __give_VB_37 offer in good faith; "He gave her his word" -08725926 __hopei_NN_1 a populous province in northeastern China -00887463 __give_VB_18 give entirely to a specific person, activity, or cause; "She committed herself to the work of God"; "give one's talents to a good cause"; "consecrate your life to the church" -10563183 __scout_NN_2 a Boy Scout or Girl Scout -05293773 __musculus_articularis_cubiti_NN_1 a small branch of the triceps that inserts into the capsule of the elbow joint -00886759 __vow_VB_1 make a vow; promise; "He vowed never to drink alcohol again" -00886281 __pledge_VB_4 give as a guarantee; "I pledge my honor" -00885569 __indenture_VB_1 bind by or as if by indentures, as of an apprentice or servant; "an indentured servant" -00884946 __pledge_VB_5 bind or secure by a pledge; "I was pledged to silence" -00883635 __triumph_VB_3 dwell on with satisfaction -01013434 __relegation_NN_2 the act of assigning (someone or something) to a particular class or category -00882682 __speak_of_the_devil_VB_1 mention someone's name who just then appears -10091651 __fireman_NN_4 a member of a fire department who tries to extinguish fires -00882220 __rave_VB_3 praise enthusiastically; "She raved about that new restaurant" -13703942 __paisa_NN_1 a fractional monetary unit in Bangladesh and India and Nepal and Pakistan -00880227 __flatter_VB_1 praise somewhat dishonestly -03999280 __prescription_medicine_NN_1 a drug that is available only with written instructions from a doctor or dentist to a pharmacist; "he told the doctor that he had been taking his prescription regularly" -00434075 __tumbling_NN_1 the gymnastic moves of an acrobat -12517820 __genus_codariocalyx_NN_1 used in some classifications for plants usually included in genus Desmodium -00878636 __submit_VB_1 refer for judgment or consideration; "The lawyers submitted the material to the court" -00878136 __submit_VB_2 put before; "I submit to you that the accused is guilty" -01684133 __skink_NN_1 alert agile lizard with reduced limbs and an elongated body covered with shiny scales; more dependent on moisture than most lizards; found in tropical regions worldwide having lost your bearings; confused as to time or place or personal identity; "I frequently find myself disoriented when I come up out of the subway"; "the anesthetic left her completely disoriented" -00877848 __remind_VB_2 assist (somebody acting or reciting) by suggesting the next words of something forgotten or imperfectly learned -00877083 __refer_VB_5 seek information from; "You should consult the dictionary"; "refer to your notes" -12714949 __zanthoxylum_fraxineum_NN_1 small deciduous aromatic shrub (or tree) having spiny branches and yellowish flowers; eastern North America -00876332 __propound_VB_1 put forward, as of an idea -02299552 __overbid_VB_2 bid more than the object is worth -01093085 __interchange_NN_4 reciprocal transfer of equivalent sums of money (especially the currencies of different countries); "he earns his living from the interchange of currency" -00875141 __urge_VB_2 push for something; "The travel agent recommended strongly that we not travel on Thanksgiving Day" -14329654 __pang_NN_3 a sharp spasm of pain -00572186 __incandesce_VB_1 cause to become incandescent or glow; "the lamp was incandesced" -00872886 __rede_VB_2 give advice to; "The teacher counsels troubled students"; "The lawyer counselled me when I was accused of tax fraud" -00872414 __alert_VB_1 warn or arouse to a sense of danger or call to a state of preparedness; "The empty house alarmed him"; "We alerted the new neighbors to the high rate of burglaries" -00871942 __prognosticate_VB_2 indicate by signs; "These signs bode bad news" -00870577 __warn_VB_2 admonish or counsel in terms of someone's behavior; "I warned him not to go too far"; "I warn you against false assumptions"; "She warned him to be quiet" -09211266 __australia_NN_2 the smallest continent; between the South Pacific and the Indian Ocean -00868097 __defy_VB_3 challenge; "I dare you!" -07348399 __rise_NN_7 a wave that lifts the surface of the water or ground -04627506 __soupiness_NN_2 falsely emotional in a maudlin way -09379938 __orinoco_river_NN_1 a South American river 1,500 miles long; flows into the South Atlantic -07416441 __transmutation_NN_3 (physics) the change of one chemical element into another (as by nuclear decay or radioactive bombardment); "the transmutation of base metals into gold proved to be impossible" -00625993 __musclebuilding_NN_1 exercise that builds muscles through tension -00865776 __ooh_VB_1 express admiration and pleasure by uttering `ooh' or `aah'; "They oohed and aahed when they unwrapped the presents" -07167415 __presentation_NN_4 the act of presenting a proposal -00864910 __execrate_VB_2 curse or declare to be evil or anathema or threaten with divine punishment -00864475 __minimize_VB_3 cause to seem less serious; play down; "Don't belittle his influence" -00863579 __bombard_VB_3 address with continuously or persistently, as if with a barrage; "The speaker was barraged by an angry audience"; "The governor was bombarded with requests to grant a pardon to the convicted killer" -01498713 __butt_VB_3 place end to end without overlapping; "The frames must be butted at the joints" -00544936 __exalt_VB_4 raise in rank, character, or status; "exalted the humble shoemaker to the rank of King's adviser" -07421316 __equipment_failure_NN_1 a cessation of normal operation; "there was a power breakdown" -10052497 __emir_NN_1 an independent ruler or chieftain (especially in Africa or Arabia) -02714883 __antagonist_NN_3 a drug that neutralizes or counteracts the effects of another drug -04894037 __imprudence_NN_1 a lack of caution in practical affairs -00861725 __herald_VB_2 praise vociferously; "The critics hailed the young pianist as a new Rubinstein" -00861560 __promulgate_VB_2 put a law into effect by formal declaration -01617192 __make_VB_3 make or cause to be or to become; "make a mess in one's office"; "create a furor" -05349906 __laryngeal_artery_NN_1 either of two arteries that supply blood to the larynx -04933544 __physical_composition_NN_1 the way in which someone or something is composed -00861077 __canonize_VB_2 treat as a sacred person; "He canonizes women" -03930777 __pickup_NN_3 anything with restorative powers; "she needed the pickup that coffee always gave her" -00860292 __applaud_VB_2 express approval of; "I applaud your efforts" -00859325 __jolly_up_VB_1 cause (somebody) to feel happier or more cheerful; "She tried to cheer up the disappointed child when he failed to win the spelling bee" -00859153 __chirk_up_VB_1 become cheerful -14112255 __heart_failure_NN_1 inability of the heart to pump enough blood to sustain normal bodily functions -00858568 __cheer_VB_2 show approval or good wishes by shouting; "everybody cheered the birthday boy" -09896520 __carolingian_NN_1 a member of the Carolingian dynasty -00858437 __cheerlead_VB_1 act as a cheerleader in a sports event -00857923 __triumph_VB_4 to express great joy; "Who cannot exult in Spring?" -11727358 __meeting_house_NN_1 columbine of eastern North America having long-spurred red flowers -12072210 __malaxis_ophioglossoides_NN_1 North American orchid having a solitary leaf and flowers with threadlike petals -00856578 __condemn_VB_2 declare or judge unfit for use or habitation; "The building was condemned by the inspector" -00855933 __vilipend_VB_1 belittle; "The teacher should not deprecate his student's efforts" -12964750 __genus_ceratostomella_NN_1 genus of fungi forming continuous hyaline spores -00854150 __horse_around_VB_1 indulge in horseplay; "Enough horsing around--let's get back to work!"; "The bored children were fooling about" -00853958 __quip_VB_1 make jokes or quips; "The students were gagging during dinner" -00853195 __expose_VB_8 expose while ridiculing; especially of pretentious or false claims and ideas; "The physicist debunked the psychic's claims" -04098513 __rocker_NN_7 a curved support that permits the supported object to rock to and fro -10720097 __tracker_NN_1 someone who tracks down game -08590172 __isotherm_NN_1 (meteorology) an isogram connecting points having the same temperature at a given time -00851733 __needle_VB_1 goad or provoke,as by constant criticism; "He needled her with his sarcastic remarks" -00851239 __stir_up_VB_4 provoke or stir up; "incite a riot"; "set off great unrest among the people" -13564215 __syncretism_NN_2 the fusion of originally different inflected forms (resulting in a reduction in the use of inflections) -00849939 __spoof_VB_1 make a parody of; "The students spoofed the teachers" -00849788 __impersonate_VB_2 represent another person with comic intentions -00847870 __vituperate_VB_1 spread negative information about; "The Nazi propaganda vilified the Jews" -02031622 __detach_VB_2 separate (a small unit) from a larger, especially for a special assignment; "detach a regiment" -00847478 __disgrace_VB_3 damage the reputation of; "This newspaper story discredits the politicians" -00348312 __upset_NN_5 the act of upsetting something; "he was badly bruised by the upset of his sled at a high speed" -00847158 __assassinate_VB_2 destroy or damage seriously, as of someone's reputation; "He assassinated his enemy's character" -04910973 __softness_NN_7 acting in a manner that is gentle and mild and even-tempered; "his fingers have learned gentleness"; "suddenly her gigantic power melted into softness for the baby"; "even in the pulpit there are moments when mildness of manner is not enough" -12127890 __genus_paspalum_NN_1 a genus of perennial grasses of warm regions -00846344 __trash_VB_2 express a totally negative opinion of; "The critics panned the performance" -00842989 __incriminate_VB_2 bring an accusation against; level a charge against; "The neighbors accused the man of spousal abuse" -00845909 __pick_at_VB_3 express a negative opinion of; "She disparaged her student's efforts" -11669335 __flower_NN_2 reproductive organ of angiosperm plants especially one having showy or colorful parts -04728068 __quality_NN_2 a degree or grade of excellence or worth; "the quality of students has risen"; "an executive of low caliber" -05276860 __membrane_bone_NN_1 any bone that develops within membranous tissue without previous cartilage formation; e.g. the clavicle and bones of the skull -00949974 __send_back_VB_1 refer (a matter or legal case) to another committee or authority or court for decision -15285279 __sampling_frequency_NN_1 (telecommunication) the frequency of sampling a continuously varying signal -07256932 __precognition_NN_1 knowledge of an event before it occurs -03671668 __product_line_NN_1 a particular kind of product or merchandise; "a nice line of shoes" -00841125 __understate_VB_1 represent as less significant or important -00840980 __bear_down_VB_5 pay special attention to; "The lectures bore down on the political background" -10174148 __hewer_NN_1 a person who hews -00771490 __let_VB_2 actively cause something to happen; "I let it be known that I was not interested" -13138658 __drupelet_NN_1 a small part of an aggregate fruit that resembles a drupe -11655764 __lagarostrobus_NN_1 genus of dioecious evergreen trees of New Zealand and Tasmania; similar to genus Dacrydium -10598641 __silly_NN_1 a word used for misbehaving children; "don't be a silly" -02487573 __visit_VB_3 pay a brief visit; "The mayor likes to call on some of the prominent citizens" -00838043 __sham_VB_2 make believe with the intent to deceive; "He feigned that he was ill"; "He shammed a headache" -00837288 __pose_VB_3 pretend to be someone you are not; sometimes with fraudulent intentions; "She posed as the Czar's daughter" -00835903 __warp_VB_1 make false by mutilation or addition; as of a message or story -01895219 __saddle_NN_6 posterior part of the back of a domestic fowl -12137791 __indian_millet_NN_1 sorghums of dry regions of Asia and North Africa -00834009 __mislead_VB_2 give false or misleading information to -00833702 __train_VB_7 teach and supervise (someone); act as a trainer or coach (to), as in sports; "He is training our Olympic team"; "She is coaching the crew" -03459914 __grillroom_NN_1 a restaurant where food is cooked on a grill -13732078 __fraction_NN_3 the quotient of two rational numbers -00828374 __sermonize_VB_1 speak as if delivering a sermon; express moral judgements; "This man always sermonizes" -00827730 __preach_VB_2 speak, plead, or argue in favor of; "The doctor advocated a smoking ban in the entire house" -03231160 __drafting_instrument_NN_1 an instrument used by a draftsman in making drawings -00152018 __identification_NN_1 the act of designating or identifying something -00826509 __pick_apart_VB_1 find fault with; express criticism of; point out real or perceived flaws; "The paper criticized the new movie"; "Don't knock the food--it's free" -00826333 __deplore_VB_1 express strong disapproval of; "We deplore the government's treatment of political prisoners" -00826201 __reprehend_VB_1 express strong disapproval of -00825975 __upbraid_VB_1 express criticism towards; "The president reproached the general for his irresponsible behavior" -08735564 __mesoamerica_NN_1 Mexico and Central America -00031820 __laugh_VB_1 produce laughter -00825648 __tell_off_VB_1 reprimand; "She told the misbehaving student off" -00824292 __objurgate_VB_2 censure severely; "She chastised him for his insensitive remarks" -06477003 __the_great_charter_NN_1 the royal charter of political rights given to rebellious English barons by King John in 1215 -02220225 __monomorium_minimum_NN_1 tiny glossy black ant; nests outdoors but invades houses for food -01661091 __reptilian_NN_1 any cold-blooded vertebrate of the class Reptilia including tortoises, turtles, snakes, lizards, alligators, crocodiles, and extinct forms -11777080 __yellow_oleander_NN_1 tropical American shrub or small tree having glossy dark green leaves and fragrant saffron yellow to orange or peach- colored flowers; all parts highly poisonous -00823827 __savage_VB_2 criticize harshly or violently; "The press savaged the new President"; "The critics crucified the author for plagiarizing a famous passage" -09647834 __athapaskan_NN_1 a member of any of the North American Indian groups speaking an Athapaskan language and living in the subarctic regions of western Canada and central Alaska -08919693 __phoenicia_NN_1 an ancient maritime country (a collection of city states) at eastern end of the Mediterranean -00823669 __reprimand_VB_1 rebuke formally -00823436 __negate_VB_2 deny the truth of -09884666 __stooge_NN_2 a victim of ridicule or pranks -00823129 __saint_VB_2 declare (a dead person) to be a saint; "After he was shown to have performed a miracle, the priest was canonized" -13254237 __grant_NN_3 (law) a transfer of property by deed of conveyance -00822367 __hold_VB_34 declare to be; "She was declared incompetent"; "judge held that the defendant was innocent" -00731222 __mission_NN_3 a special assignment that is given to a person or group; "a confidential mission to London"; "his charge was deliver a message" -04638175 __toleration_NN_1 a disposition to tolerate or accept people or situations; "all people should practice toleration and live together in peace" -08840374 __tuvalu_NN_1 a small island republic on the Tuvalu islands; formerly part of the British colony of Gilbert and Ellice Islands until it withdrew in 1975 and became independent of the United Kingdom in 1978 -00821580 __reflect_VB_7 give evidence of the quality of; "The mess in his dorm room reflects on the student" -00820801 __declare_VB_3 state firmly; "He declared that he was innocent" -01428155 __superorder_malacopterygii_NN_1 an extensive group of teleost fishes having fins supported by flexible cartilaginous rays -02523750 __melanogrammus_NN_1 haddock -00874977 __scoring_NN_1 evaluation of performance by assigning a grade or score; "what he disliked about teaching was all the grading he had to do" -00818553 __profess_VB_3 admit (to a wrongdoing); "She confessed that she had taken the money" -00130778 __anterior_JJ_1 of or near the head end or toward the front plane of a body -00818253 __bastardize_VB_2 declare a child to be illegitimate -11045106 __heron_NN_1 Greek mathematician and inventor who devised a way to determine the area of a triangle and who described various mechanical devices (first century) -00817311 __admit_VB_1 declare to be true or admit the existence or reality or truth of; "He admitted his errors"; "She acknowledged that she might have forgotten" -13980845 __conflict_NN_4 a state of opposition between persons or ideas or interests; "his conflict of interest made him ineligible for the post"; "a conflict of loyalties" -03172211 __deicer_NN_1 heater that removes ice or frost (as from a windshield or a refrigerator or the wings of an airplane) -01177699 __forage_VB_2 wander and feed; "The animals forage in the woods" -00031921 __relation_NN_1 an abstraction belonging to or characteristic of two entities or parts together -00815379 __counter_VB_1 speak in response; "He countered with some very persuasive arguments" -09857852 __biter_NN_1 someone who bites -08966820 __muritaniya_NN_1 a country in northwestern Africa with a provisional military government; achieved independence from France in 1960; largely western Sahara Desert -06890254 __flourish_NN_4 the act of waving -00813790 __moderate_VB_1 preside over; "John moderated the discussion" -07765728 __wild_plum_NN_2 fruit of the wild plum of southern United States -00812580 __deliberate_VB_2 discuss the pros and cons of an issue -10058155 __engraver_NN_1 a skilled worker who can inscribe designs or writing onto a surface by carving or etching -07031752 __support_NN_9 a musical part (vocal or instrumental) that supports or provides background for other musical parts -00812149 __shun_VB_1 avoid and stay away from deliberately; stay clear of -07508806 __self-importance_NN_1 an inflated feeling of pride in your superiority to others -00451370 __cycling_NN_1 the sport of traveling on a bicycle or motorcycle -07190941 __charge_NN_11 request for payment of a debt; "they submitted their charges at the end of each month" -14514039 __sphere_NN_1 a particular environment or walk of life; "his social sphere is limited"; "it was a closed area of employment"; "he's out of my orbit" -00811375 __avoid_VB_1 stay clear from; keep away from; keep out of the way of someone or something; "Her former friends now avoid her" -14322248 __urtication_NN_1 an itchy skin eruption characterized by weals with pale interiors and well-defined red margins; usually the result of an allergic response to insect bites or food or drugs -00811171 __short-circuit_VB_3 avoid something unpleasant or laborious; "You cannot bypass these rules!" -13224454 __selaginella_NN_1 type and sole genus of the Selaginellaceae; evergreen moss-like plants: spike moss and little club moss -00810557 __miss_VB_9 fail to experience; "Fortunately, I missed the hurricane" -13219258 __genus_equisetum_NN_1 horsetails; coextensive with the family Equisetaceae -09933098 __shoemaker_NN_1 a person who makes or repairs shoes -04821615 __plainness_NN_2 clarity as a consequence of being perspicuous -00808855 __question_VB_4 conduct an interview in television, newspaper, and radio reporting -07411350 __yaw_NN_1 an erratic deflection from an intended course -13817526 __percentage_NN_1 a proportion in relation to a whole (which is usually the amount per hundred) -02064338 __rorqual_NN_1 any of several baleen whales of the family Balaenopteridae having longitudinal grooves on the throat and a small pointed dorsal fin -07809096 __ingredient_NN_3 food that is a component of a mixture in cooking; "the recipe lists all the fixings for a salad" -01031563 __nudism_NN_1 going without clothes as a social practice -00808343 __challenge_VB_3 ask for identification; "The illegal immigrant was challenged by the border guard" -00806314 __support_VB_6 adopt as a belief; "I subscribe to your view on abortion" -10586674 __shark_NN_2 a person who is ruthless and greedy and dishonest -00806049 __yield_VB_8 be willing to concede; "I grant you this much" -09854915 __biochemist_NN_1 someone with special training in biochemistry -03582096 __iud_NN_1 contraceptive device consisting of a piece of bent plastic or metal that is inserted through the vagina into the uterus -00805376 __hold_VB_35 be in accord; be in agreement; "We agreed on the terms of the settlement"; "I can't agree with you!"; "I hold with those who say life is sacred"; "Both philosophers concord on this point" -04204755 __short_circuit_NN_1 accidental contact between two points in an electric circuit that have a potential difference -03918297 __triavil_NN_1 tranquilizer and antidepressant (trade name Triavil) sometimes used as an antiemetic for adults -00805228 __clash_VB_3 disagree violently; "We clashed over the new farm policies" -02196542 __trypetidae_NN_1 fruit flies; some leaf miners -00804476 __yield_VB_13 consent reluctantly -00194534 __strip_VB_11 take off or remove; "strip a wall of its wallpaper" -00804139 __assent_VB_1 to agree or express agreement; "The Maestro assented to the request for an encore" -00804002 __certificate_VB_2 authorize by certificate -00803815 __approbate_VB_1 approve or sanction officially -00370412 __cool_down_VB_1 make cool or cooler; "Chill the food" -14147964 __primary_atypical_pneumonia_NN_1 an acute respiratory disease marked by high fever and coughing; caused by mycoplasma; primarily affecting children and young adults -00802318 __permit_VB_1 consent to, give permission; "She permitted her son to visit her estranged husband"; "I won't let the police search her basement"; "I cannot allow you to see your exam" -00801782 __scoff_VB_2 treat with contemptuous disregard; "flout the rules" -00800930 __push_aside_VB_2 bar from attention or consideration; "She dismissed his advances" -08794366 __gaza_strip_NN_1 a coastal region at the southeastern corner of the Mediterranean bordering Israel and Egypt; "he is a Palestinian from Gaza" -07274027 __waving_NN_1 the act of signaling by a movement of the hand -03663433 __life_office_NN_1 life assurance office -00800750 __strike_out_VB_1 remove from a list; "Cross the name of the dead person off the list" -01824339 __wish_VB_1 hope for; have a wish; "I wish I could go home now" -14777939 __tums_NN_1 an antacid -00800242 __renegue_on_VB_1 fail to fulfill a promise or obligation; "She backed out of her promise" -00799798 __vacate_VB_3 cancel officially; "He revoked the ban on smoking"; "lift an embargo"; "vacate a death sentence" -00799383 __withdraw_VB_11 make a retreat from an earlier commitment or activity; "We'll have to crawfish out from meeting with him"; "He backed out of his earlier promise"; "The aggressive investment company pulled in its horns" -02031752 __genus_gallinago_NN_1 snipes -00799076 __withdraw_VB_5 take back what one has said; "He swallowed his words" -14944888 __supermolecule_NN_1 any very large complex molecule; found only in plants and animals -00798717 __retract_VB_1 formally reject or disavow a formerly held belief, usually under pressure; "He retracted his earlier statements about his religion"; "She abjured her beliefs" -08775053 __wiesbaden_NN_1 a city in western Germany; a spa since Roman times -00797430 __refuse_VB_1 show unwillingness towards; "he declined to join the group on a hike" -07302164 __prang_NN_1 a crash involving a car or plane -00796976 __turn_down_VB_3 reject with contempt; "She spurned his advances" -00795264 __programme_VB_2 arrange a program of or for; "program the 80th birthday party" -00794981 __schedule_VB_2 make a schedule; plan the time and place for events; "I scheduled an exam for this afternoon" -00792471 __send_for_VB_1 order, request, or command to come; "She was called into the director's office"; "Call the police!" -00791134 __summons_VB_1 call in an official matter, such as to attend court -13170060 __gleicheniaceae_NN_1 a family of ferns belonging to order Filicales -00790703 __telecommunicate_VB_1 communicate over long distances, as via the telephone or e-mail -01879095 __thylogale_NN_1 pademelons -00790135 __call_in_VB_5 make a phone call; "call in to a radio station"; "call in sick" -00789934 __cell_phone_VB_1 call up by using a cellular phone; "If the train is late, I will cell phone you" -07921615 __hard_cider_NN_1 alcoholic drink from fermented cider; `cider' and `cyder' are European (especially British) usages for the fermented beverage -02035845 __genus_cladorhyncus_NN_1 one of two genera of stilts; similar to avocets but with straight bills -00789448 __telephone_VB_1 get or try to get into communication (with someone) by telephone; "I tried to call you all night"; "Take two aspirin and call me in the morning" -00788821 __submissive_JJ_1 examine thoroughly; "the student was grilled for two hours on the subject of phonology" inclined or willing to submit to orders or wishes of others or showing such inclination; "submissive servants"; "a submissive reply"; "replacing troublemakers with more submissive people" -02368116 __viscacha_NN_1 gregarious burrowing rodent larger than the chinchillas -01663920 __brew_VB_1 prepare by brewing; "people have been brewing beer for thousands of years" -02535909 __oncorhynchus_NN_1 Pacific salmon including sockeye salmon; chinook salmon; chum salmon; coho salmon -00786458 __test_VB_3 examine someone's knowledge of something; "The teacher tests us every week"; "We got quizzed on French irregular verbs" -12730370 __sitka_willow_NN_1 small shrubby tree of western North America (Alaska to Oregon) -00785470 __spy_VB_4 secretly collect sensitive or classified information; engage in espionage; "spy for the Russians" -01650610 __start_up_VB_2 get off the ground; "Who started this company?"; "We embarked on an exciting enterprise"; "I start my day with a good breakfast"; "We began the new semester"; "The afternoon session begins at 4 PM"; "The blood shed started when the partisans launched a surprise attack" -00784874 __pry_VB_2 be nosey; "Don't pry into my personal matters!" -11067604 __huntington_NN_1 United States physician who first described Huntington's chorea -02648625 __greenling_NN_1 food fish of the northern Pacific -00177963 __unpropitious_JJ_1 not propitious -00783246 __seduce_VB_2 lure or entice away from duty, principles, or proper conduct; "She was seduced by the temptation of easy money and started to work in a massage parlor" -00781000 __proceed_VB_1 continue talking; "I know it's hard," he continued, "but there is no choice"; "carry on--pretend we are not in the room" -07314078 __schism_NN_2 the formal separation of a church into two churches or the withdrawal of one group over doctrinal differences -13237788 __sarcostemma_NN_1 succulent subshrubs or vines; tropical and subtropical India and Africa and Malaysia -03066130 __coil_NN_4 a contraceptive device placed inside a woman's womb -05840650 __version_NN_2 something a little different from others of the same type; "an experimental version of the night fighter"; "a variant of the same word"; "an emery wheel is the modern variation of a grindstone"; "the boy is a younger edition of his father" -07200813 __refutation_NN_1 the speech act of answering an attack on your assertions; "his refutation of the charges was short and persuasive"; "in defense he said the other man started it" -00778275 __interrupt_VB_1 make a break in; "We interrupt the program for the following messages" -08166552 __nation_NN_2 the people who live in a nation or country; "a statement that sums up the nation's mood"; "the news was announced to the nation"; "the whole country worshipped him" -00777931 __insist_VB_2 beg persistently and urgently; "I importune you to help them" -00049197 __vesture_VB_1 provide or cover with a cloak -11982115 __hawkweed_NN_2 any of numerous often hairy plants of the genus Hieracium having yellow or orange flowers that resemble the dandelion -01073995 __interference_NN_2 the act of hindering or obstructing or impeding -00209598 __dissociate_VB_3 to undergo a reversible or temporary breakdown of a molecule into simpler molecules or atoms; "acids dissociate to give hydrogen ions" -11524662 __weather_condition_NN_1 the atmospheric conditions that comprise the state of the atmosphere in terms of temperature and wind and clouds and precipitation; "they were hoping for good weather"; "every day we have weather conditions and yesterday was no exception"; "the conditions were too rainy for playing in the snow" -00777391 __voodoo_VB_1 bewitch by or as if by a voodoo -00249188 __leapfrog_VB_2 progress by large jumps instead of small increments -00661091 __therapy_NN_1 (medicine) the act of caring for someone (as by medication or remedial training etc.); "the quarterback is undergoing treatment for a knee injury"; "he tried every treatment the doctors suggested"; "heat therapy gave the best relief" -00776988 __witch_VB_1 cast a spell over someone or something; put a hex on someone or something -08760510 __scandinavia_NN_2 a group of culturally related countries in northern Europe; Finland and Iceland are sometimes considered Scandinavian -12727729 __salix_amygdaloides_NN_1 willow of the western United States with leaves like those of peach or almond trees -08343534 __isi_NN_1 the Pakistan intelligence agency; a powerful and almost autonomous political and military force; has procured nuclear technology and delivery capabilities; has had strong ties with the Taliban and other militant Islamic groups -00776523 __tempt_VB_4 induce into action by using one's charm; "She charmed him into giving her all his money" -00775831 __oppose_VB_1 be against; express opposition to; "We oppose the ban on abortion" -01300242 __yorktown_NN_2 in 1781 the British under Cornwallis surrendered after a siege of three weeks by American and French troops; the surrender ended the American Revolution -01060234 __issuing_NN_1 the act of providing an item for general use or for official purposes (usually in quantity); "a new issue of stamps"; "the last issue of penicillin was over a month ago" -08995242 __nejd_NN_1 a central plateau region of the Arabian Peninsula; formerly an independent sultanate until 1932 when it united with Hejaz to form the Kingdom of Saudi Arabia -00774817 __spat_VB_5 engage in a brief and petty quarrel -01754876 __rattlesnake_NN_1 pit viper with horny segments at the end of the tail that rattle when shaken -06526004 __debenture_NN_2 a certificate or voucher acknowledging a debt -00774344 __wrangle_VB_1 to quarrel noisily, angrily or disruptively; "The bar keeper threw them out, but they continued to wrangle on down the street" -04551055 __warehouse_NN_1 a storehouse for goods and merchandise -08707917 __republic_of_angola_NN_1 a republic in southwestern Africa on the Atlantic Ocean; achieved independence from Portugal in 1975 and was the scene of civil war until 1990 -00772189 __reason_VB_2 present reasons and arguments -11287964 __schweitzer_NN_1 French philosopher and physician and organist who spent most of his life as a medical missionary in Gabon (1875-1965) -01140471 __commissioning_NN_1 the act of granting authority to undertake certain functions -09930876 __merry_andrew_NN_1 a person who amuses others by ridiculous behavior -00771632 __lead_VB_5 cause to undertake a certain action; "Her greed led her to forge the checks" -09290626 __gosainthan_NN_1 a mountain in the Himalayas in Tibet (26,290 feet high) -12706240 __senega_NN_1 dried root of two plants of the genus Polygala containing an irritating saponin -00770437 __stimulate_VB_2 cause to do; cause to act in a specified manner; "The ads induced me to buy a VCR"; "My children finally got me to buy a computer"; "My wife made me buy a new sofa" -00770141 __dissuade_VB_1 turn away from by persuasion; "Negative campaigning will only dissuade people" -00769453 __soft-soap_VB_1 persuade someone through flattery -01771624 __mastigoproctus_NN_1 giant whip scorpions -00768062 __memorialize_VB_1 address in a memorial; "The President memorialized the heroes of the battle" -05198036 __lordship_NN_2 the authority of a lord -05971621 __formalism_NN_2 (philosophy) the philosophical theory that formal (logical or mathematical) statements have no meaning but that its symbols (regarded as physical entities) exhibit a form that has useful applications -00633329 __diligence_NN_3 a diligent effort; "it is a job requiring serious application" -00766418 __persuade_VB_2 cause somebody to adopt a certain position, belief, or course of action; twist somebody's arm; "You can't persuade me to buy this ugly vase!" -01003272 __photometry_NN_1 measurement of the properties of light (especially luminous intensity) -04586932 __wind_instrument_NN_1 a musical instrument in which the sound is produced by an enclosed column of air that is moved by the breath -14450691 __necessity_NN_1 the condition of being essential or indispensable -05805902 __comprehension_NN_1 an ability to understand the meaning or importance of something (or the knowledge acquired as a result); "how you can do that is beyond my comprehension"; "he was famous for his comprehension of American literature" -12806270 __platanaceae_NN_1 coextensive with the genus Platanus: plane trees -07475364 __licking_NN_1 an unsuccessful ending to a struggle or contest; "it was a narrow defeat"; "the army's only defeat"; "they suffered a convincing licking" -05554405 __titty_NN_1 either of two soft fleshy milk-secreting glandular organs on the chest of a woman -02604342 __kyphosus_NN_1 type genus of the Kyphosidae -06761099 __evasion_NN_1 a statement that is not literally false but that cleverly avoids an unpleasant truth -09887850 __company_NN_5 a social or business visitor; "the room was a mess because he hadn't expected company" -00763713 __clinch_VB_6 settle conclusively; "clinch a deal" -03980026 __pomatum_NN_1 hairdressing consisting of a perfumed oil or ointment -02761557 __automobile_engine_NN_1 the engine that propels an automobile -08274565 __troop_NN_4 an orderly crowd; "a troop of children" -03739136 __meclizine_hydrochloride_NN_1 an antihistamine (trade name Antivert) used to treat or prevent motion sickness -00762043 __renegotiate_VB_2 revise the terms of in order to limit or regain excess profits gained by the contractor; "We renegociated our old mortgage now that the interest rates have come down" -06163751 __logic_NN_1 the branch of philosophy that analyzes inference -12553573 __necklace_tree_NN_1 a tree of the genus Ormosia having seeds used as beads -05929887 __title_role_NN_1 the role of the character after whom the play is named -13763384 __minimum_NN_1 the smallest possible quantity -00760956 __mediate_VB_1 act between parties with a view to reconciling differences; "He interceded in the family dispute"; "He mediated a settlement" -00759657 __press_VB_14 ask for or request earnestly; "The prophet bid all people to become good persons" -00759501 __plead_VB_1 appeal or request earnestly; "I pleaded with him to stop" -00759269 __pray_VB_2 call upon in supplication; entreat; "I beg you to stop!" -00992041 __motion_VB_1 show, express or direct through movement; "He gestured his desire to leave" -00758627 __supplicate_VB_1 ask humbly (for something); "He supplicated the King for clemency" -02200198 __mosquito_NN_1 two-winged insect whose female has a long proboscis to pierce the skin and suck the blood of humans and animals -00757856 __tergiversate_VB_2 abandon one's beliefs or allegiances -03933529 __wharfage_NN_2 a platform built out from the shore into the water and supported by piles; provides access to ships and boats -00481941 __settle_VB_20 make final; put the last touches on; put into final form; "let's finalize the proposal" -00756338 __claim_VB_1 assert or affirm strongly; state to be true or existing; "He claimed that he killed the burglar" -00756076 __take_VB_26 take as an undesirable consequence of some event or state of affairs; "the accident claimed three lives"; "The hard work took its toll on her" -00558630 __football_play_NN_1 (American football) a play by the offensive team -00755745 __require_VB_2 consider obligatory; request and expect; "We require our secretary to be on time"; "Aren't we asking too much of these children?"; "I expect my students to arrive in time for their lessons" -00755447 __invoke_VB_3 request earnestly (something from somebody); ask for aid or protection; "appeal to somebody for help"; "Invoke God in times of trouble" -00754942 __demand_VB_1 request urgently and forcefully; "The victim's family is demanding compensation"; "The boss demanded that he be fired immediately"; "She demanded to see the manager" -00754731 __petition_VB_1 write a petition for something to somebody; request formally and in writing -12303462 __ash_tree_NN_1 any of various deciduous pinnate-leaved ornamental or timber trees of the genus Fraxinus -00752493 __ask_VB_2 make a request or demand for something to somebody; "She asked him for a loan" -02902816 __britches_NN_1 informal term for breeches -00751389 __mandate_VB_2 make mandatory; "the new director of the school board mandated regular tests" -02335349 __family_cricetidae_NN_1 mostly small New World rodents including New World mice and lemmings and voles and hamsters -09365128 __nanda_devi_NN_1 a mountain in the Himalayas in northern India (25,660 feet high) -00751131 __overwhelm_VB_2 charge someone with too many tasks -00750345 __charge_VB_19 instruct (a jury) about the law, its application, and the weighing of evidence -12500751 __styptic_weed_NN_1 very leafy malodorous tropical weedy shrub whose seeds have been used as an adulterant for coffee; sometimes classified in genus Cassia -05493758 __frontal_lobe_NN_1 that part of the cerebral cortex in either hemisphere of the brain lying directly behind the forehead -00748616 __give_VB_41 inflict as a punishment; "She gave the boy a good spanking"; "The judge gave me 10 years" -00748282 __visit_VB_5 impose something unpleasant; "The principal visited his rage on the students" -00747757 __obtrude_VB_2 thrust oneself in as if by force; "The colors don't intrude on the viewer" -01295528 __somme_river_NN_1 battle of World War II (1944) -00747418 __thrust_VB_4 impose urgently, importunately, or inexorably; "She forced her diet fads on him" -00747135 __prescribe_VB_1 issue commands or orders for -10746799 __vaudevillian_NN_1 a performer who works in vaudeville -00042541 __obstetrical_delivery_NN_1 the act of delivering a child -00261405 __reform_NN_3 self-improvement in behavior or morals by abandoning some vice; "the family rejoiced in the drunkard's reform" -00745383 __troll_VB_7 speak or recite rapidly or in a rolling voice -08706058 __algiers_NN_1 an ancient port on the Mediterranean; the capital and largest city of Algeria -00745187 __vocalize_VB_5 utter speech sounds -00745078 __twang_VB_5 pronounce with a nasal twang -10729923 __tripper_NN_1 (slang) someone who has taken a psychedelic drug and is undergoing hallucinations -00744070 __raise_VB_22 establish radio communications with; "They managed to raise Hanoi last night" -09152570 __yorktown_NN_1 a historic village in southeastern Virginia to the north of Newport News; site of the last battle of the American Revolution -00743692 __ping_VB_5 send a message from one computer to another to check whether it is reachable and active; "ping your machine in the office" -00743082 __relay_VB_1 pass along; "Please relay the news to the villagers" -09366762 __nature_NN_3 the natural physical world including plants and animals and landscapes etc.; "they tried to preserve nature as they found it" -01979462 __ship_VB_3 go on board -03519981 __main_road_NN_1 a major road for any form of motor transport -04277493 __spindle_NN_3 any of various rotating shafts that serve as axes for larger rotating parts -11711971 __manglietia_NN_1 a genus of flowering tree of the family Magnoliaceae found from Malay to southern China -01032127 __airmail_VB_1 send or transport by airmail; "Letters to Europe from the U.S. are best airmailed" -00740290 __truncate_VB_2 approximate by ignoring all terms beyond a chosen one; "truncate a series" -11985586 __genus_krigia_NN_1 small herbs closely related to chicory: dwarf dandelions -00740053 __attribute_VB_2 decide as to where something belongs in a scheme; "The biologist assigned the mushroom to the proper class" -00739536 __calibrate_VB_3 measure the caliber of; "calibrate a gun" -00881329 __curry_favour_VB_1 seek favor by fawning or flattery; "This employee is currying favor with his superordinates" -02274482 __usurp_VB_1 seize and take control without authority and possibly with force; take as one's right or possession; "He assumed to himself the right to fill all positions in the town"; "he usurped my rights"; "She seized control of the throne after her husband died" -03315023 __installation_NN_2 a building or place that provides a particular service or is used for a particular industry; "the assembly plant is an enormous facility" -07766530 __mammee_apple_NN_2 globular or ovoid tropical fruit with thick russet leathery rind and juicy yellow or reddish flesh -12794135 __saxifraga_oppositifolia_NN_1 plants forming dense cushions with bright reddish-lavender flowers; rocky areas of Europe and Asia and western North America -04606014 __wreath_NN_1 flower arrangement consisting of a circular band of foliage or flowers for ornamental purposes -00737656 __seize_VB_7 affect; "Fear seized the prisoners"; "The patient was seized with unbearable pains"; "He was seized with a dreadful disease" -00956485 __pitched_battle_NN_1 a fierce battle fought in close combat between troops in predetermined positions at a chosen time and place -02837789 __two-piece_NN_2 a woman's very brief bathing suit -01315581 __poikilotherm_NN_1 an animal whose body temperature varies with the temperature of its surroundings; any animal except birds and mammals -01494339 __sphyrna_NN_1 type genus of the Sphyrnidae -00736216 __analyze_VB_3 break down into components or essential features; "analyze today's financial market" -04111668 __rotor_NN_3 rotating mechanism consisting of an assembly of rotating airfoils; "there are horizontal rotors on a helicopter or compressor rotors in a jet engine" -00681429 __value_VB_4 evaluate or estimate the nature, quality, ability, extent, or significance of; "I will have the family jewels appraised by a professional"; "access all the factors when taking a risk" -10037922 __prohibitionist_NN_1 a reformer who opposes the use of intoxicating beverages -01088547 __man_VB_2 provide with workers; "We cannot man all the desks"; "Students were manning the booths" -13227235 __thelypteridaceae_NN_1 genera Thelypteris, Phegopteris, and others -03002555 __shay_NN_1 a carriage consisting of two wheels and a calash top; drawn by a single horse -00645365 __work_study_NN_1 an analysis of a specific job in an effort to find the most efficient method in terms of time and effort -12948251 __pudding_berry_NN_1 creeping perennial herb distinguished by red berries and clustered leaf whorls at the tips of shoots; Greenland to Alaska -00733454 __misgive_VB_1 suggest fear or doubt; "Her heart misgave her that she had acted inexcusably" -05294819 __quadriceps_femoris_NN_1 a muscle of the thigh that extends the leg -00642098 __fraction_VB_1 perform a division; "Can you divide 49 by seven?" -12360108 __begonia_NN_1 any of numerous plants of the genus Begonia grown for their attractive glossy asymmetrical leaves and colorful flowers in usually terminal cymes or racemes -00732224 __pay_VB_6 dedicate; "give thought to"; "give priority to"; "pay attention to" -00732091 __refocus_VB_2 focus anew; "The group needs to refocus its goals" -00731789 __focus_VB_3 bring into focus or alignment; to converge or cause to converge; of ideas or emotions -00731159 __capitalize_VB_4 compute the present value of a business or an income -00730499 __demarcate_VB_1 separate clearly, as if by boundaries -00729378 __wonder_VB_1 have a wish or desire to know something; "He wondered who had built this beautiful church" -00824054 __vaccinating_NN_1 the act of protecting against disease by introducing a vaccine into the body to induce immunity; "doctors examined the recruits but nurses did the inoculating" -04435870 __tilter_NN_2 a device for emptying a cask by tilting it without disturbing the dregs -15250691 __wedding_anniversary_NN_1 the anniversary of the day on which you were married (or the celebration of it) -03647691 __pad_NN_5 a platform from which rockets or space craft are launched -00728617 __recognize_VB_2 be fully aware or cognizant of -09357847 __monte_bianco_NN_1 the highest mountain peak in the Alps; on the border between France and Italy to the south of Geneva (15,781 feet high) -06150449 __econometrics_NN_1 the application of mathematics and statistics to the study of economic and financial data -05259240 __wave_NN_6 a hairdo that creates undulations in the hair -05133535 __prolongation_NN_2 amount or degree or range to which something extends; "the wire has an extension of 50 feet" -07681926 __cracker_NN_1 a thin crisp wafer made of flour and water with or without leavening and shortening; unsweetened or semisweet -00727409 __anthropomorphize_VB_1 ascribe human features to something -10066452 __eunuch_NN_1 a man who has been castrated and is incapable of reproduction; "eunuchs guarded the harem" -13052431 __polyporus_NN_1 type genus of the Polyporaceae; includes important pathogens of e.g. birches and conifers -00727012 __sensualize_VB_2 ascribe to an origin in sensation -00726300 __impute_VB_1 attribute or credit to; "We attributed this quotation to Shakespeare"; "People impute great cleverness to cats" -06926212 __altaic_language_NN_1 a group of related languages spoken in Asia and southeastern Europe -02599784 __mullidae_NN_1 goatfishes or red mullets -00724832 __astound_VB_1 affect with wonder; "Your ability to speak six languages amazes me!" -00724492 __mind_VB_2 be concerned with or about something or somebody -02619409 __periophthalmus_NN_1 a genus of Gobiidae -01421807 __sporozoan_NN_1 parasitic spore-forming protozoan -11694300 __cherimoya_tree_NN_1 small tropical American tree bearing round or oblong fruit -08955082 __north_korea_NN_1 a communist country in the northern half of the Korean Peninsula; established in 1948 -00721302 __ascertain_VB_4 learn or discover with certainty -00721098 __trust_VB_3 be confident about something; "I believe that he will come back from the war" -13497928 __industrial_process_NN_1 a systematic series of mechanical or chemical operations that produce or manufacture something -12498928 __genus_senna_NN_1 genus of shrubs and trees and herbs many of which are often classified as members of the genus Cassia -00719231 __accept_VB_4 react favorably to; consider right and proper; "People did not accept atonal music at that time"; "We accept the idea of universal health care" -04353410 __sulindac_NN_1 a nonsteroidal anti-inflammatory drug (trade name Clinoril) -08823968 __manitoba_NN_1 one of the three prairie provinces in central Canada -00705580 __radiotherapy_NN_1 (medicine) the treatment of disease (especially cancer) by exposure to a radioactive substance -00717045 __insist_VB_3 assert to be true; "The letter asserts a free society" -00716758 __postulate_VB_2 take as a given; assume as a postulate or axiom; "He posited three basic laws of nature" -00715541 __specify_VB_5 define clearly; "I cannot narrow down the rules for this game" -00715074 __conclude_VB_2 bring to a close; "The committee concluded the meeting" -01701858 __rime_VB_2 compose rhymes -00714718 __free-associate_VB_1 associate freely; "Let's associate freely to bring up old memories" -02425756 __hippotragus_NN_1 sable antelopes -00593389 __hot_seat_NN_2 a difficult position where you are subjected to stress and criticism -08253815 __dinner_party_NN_1 a party of people assembled to have dinner together; "guests should never be late to a dinner party" -00281703 __blackwash_VB_2 color with blackwash -00713167 __tie_in_VB_2 make a logical or causal connection; "I cannot connect these two pieces of evidence in my mind"; "colligate these facts"; "I cannot relate these events at all" -00712708 __reckon_VB_5 have faith or confidence in; "you can count on me to help you any time"; "Look to your friends for support"; "You can bet on that!"; "Depend on your family in times of crisis" -00712556 __reckon_VB_6 take account of; "You have to reckon with our opponents"; "Count on the monsoon" -10616578 __sneezer_NN_1 a person who sneezes -00712135 __reckon_VB_2 judge to be probable -00711550 __engineer_VB_1 design as an engineer; "He engineered the water supply project" -08312559 __council_NN_2 (Christianity) an assembly of theologians and bishops and other representatives of different churches or dioceses that is convened to regulate matters of discipline or doctrine -12965209 __hypocreaceae_NN_1 family of fungi having brightly colored fleshy or membranous ascocarps; sometimes placed in its own order Hypocreales -07870069 __souvlakia_NN_1 made of lamb -03866555 __ovocon_NN_1 trade name for an oral contraceptive containing estradiol and norethindrone -11766189 __tornillo_NN_1 shrub or small tree of southwestern United States and northwestern Mexico having spirally twisted pods -07009946 __script_NN_1 a written version of a play or other dramatic composition; used in preparing for a performance -08132637 __education_department_NN_1 the United States federal department that administers all federal programs dealing with education (including federal aid to educational institutions and students); created 1979 -00710005 __organize_VB_3 plan and direct (a complex undertaking); "he masterminded the robbery" -12591897 __nypa_NN_1 monotypic genus of palms of Australasia -06837037 __daleth_NN_1 the 4th letter of the Hebrew alphabet -02548990 __family_antennariidae_NN_1 frogfishes; tropical spiny-finned marine fishes having large nearly vertical mouths; related to toadfishes and anglers -00708538 __think_VB_7 have in mind as a purpose; "I mean no harm"; "I only meant to help you"; "She didn't think to harm me"; "We thought to return early that night" -00708128 __plot_VB_1 plan secretly, usually something illegal; "They plotted the overthrow of the government" -00707624 __conspire_VB_2 act in unison or agreement and in secret towards a deceitful or illegal purpose; "The two companies conspired to cause the value of the stock to fall" -13879126 __tetragon_NN_1 a four-sided polygon -01684741 __mountain_skink_NN_1 frequents oak and pine habitats in rocky mountainous areas of United States southwest and Mexico -05636171 __oenology_NN_1 the art of wine making -00707322 __coconspire_VB_1 conspire together; "The two men coconspired to cover up the Federal investigation" -07508232 __disconcertment_NN_1 anxious embarrassment -00706975 __machinate_VB_2 engage in plotting or enter into a conspiracy, swear together; "They conspired to overthrow the government" -00302464 __tame_VB_3 adapt (a wild plant or unclaimed land) to the environment; "domesticate oats"; "tame the soil" -00231557 __grow_VB_3 increase in size by natural process; "Corn doesn't grow here"; "In these forests, mushrooms grow under the trees"; "her hair doesn't grow much anymore" -00705778 __overshoot_VB_2 aim too high; "The plan overshoots its aim" -07206096 __retraction_NN_1 a disavowal or taking back of a previous assertion -02989685 __tazicef_NN_1 a parenteral cephalosporin (trade names Fortaz and Tazicef) used to treat moderate infections -09228144 __brahmaputra_river_NN_1 an Asian river; flows into the Bay of Bengal -07311115 __travel_NN_2 a movement through space that changes the location of something -00704388 __study_VB_6 think intently and at length, as for spiritual purposes; "He is meditating in his study" -12974826 __rhizoid_NN_1 any of various slender filaments that function as roots in mosses and ferns and fungi etc -00703875 __contemplate_VB_2 consider as a possibility; "I contemplated leaving school and taking a full-time job" -03455355 __pointrel_NN_1 a tool used by an engraver -09055906 __anchorage_NN_3 a city in south central Alaska; "Anchorage is the largest city in Alaska" -12190869 __durion_NN_1 tree of southeastern Asia having edible oval fruit with a hard spiny rind -05922651 __purport_NN_2 the pervading meaning or tenor; "caught the general drift of the conversation" -00703310 __predestine_VB_2 foreordain by divine will or decree -00702969 __preordain_VB_1 foreordain or determine beforehand -03830582 __pamelor_NN_1 a tricyclic antidepressant drug (trade name Pamelor) used along with psychotherapy to treat dysthymic depression; may interact dangerously if taken with other drugs -00702773 __predetermine_VB_1 determine beforehand (of e.g. fruits and anthers) opening spontaneously at maturity to release seeds -00702601 __pace_VB_4 regulate or set the pace of; "Pace your efforts" -06286395 __word_NN_1 a unit of language that native speakers can identify; "words are the blocks from which sentences are made"; "he hardly said ten words all morning" -06833544 __w_NN_4 the 23rd letter of the Roman alphabet -00702226 __time_VB_3 set the speed, duration, or execution of; "we time the process to manufacture our cars very precisely" -14900184 __nutrient_agar_NN_1 any culture medium that uses agar as the gelling agent -12967504 __helotiaceae_NN_1 a fungus family of order Helotiales -00700336 __format_VB_2 determine the arrangement of (data) for storage and display (in computer science) -00765977 __push_VB_2 press, drive, or impel (someone) to action or completion of an action; "He pushed her to finish her doctorate" -00699815 __set_VB_2 fix conclusively or authoritatively; "set the rules" -00699626 __resolve_VB_3 reach a decision; "he resolved never to drink again" -12077062 __pholidota_NN_1 genus of mostly epiphytic orchids of Indonesia and the western Pacific -06857122 __glissando_NN_1 a rapid series of ascending or descending notes on the musical scale -00698855 __settle_VB_2 bring to an end; settle conclusively; "The case was decided"; "The judge decided the case in favor of the plaintiff"; "The father adjudicated when the sons were quarreling over their inheritance" -02338975 __purvey_VB_1 supply with provisions -00604910 __thaneship_NN_1 the position of thane -02008041 __heron_NN_2 grey or white wading bird with long neck and long legs and (usually) long bill -10420031 __supplicant_NN_2 one praying humbly for something; "a suppliant for her favors" -00697062 __scrutinize_VB_2 examine carefully for accuracy with the intent of verification; "audit accounts and tax returns" -03101156 __cooker_NN_1 a utensil for cooking -00696852 __review_VB_4 refresh one's memory; "I reviewed the material before the test" -00696414 __review_VB_5 look back upon (a period of time, sequence of events); remember; "she reviewed her achievements with pride" -00696189 __review_VB_1 look at again; examine again; "let's review your situation" -05395098 __heart_valve_NN_1 a valve to control one-way flow of blood -05100269 __field_strength_NN_1 the vector sum of all the forces exerted by an electrical or magnetic field (on a unit mass or unit charge or unit magnetic pole) at a given point in the field -10841065 __henry_ward_beecher_NN_1 United States clergyman who was a leader for the abolition of slavery (1813-1887) -01351754 __press_out_VB_3 obtain from a substance, as by mechanical action; "Italians express coffee rather than filter it" -00694974 __assay_VB_1 analyze (chemical substances) -00693780 __view_as_VB_1 keep in mind or convey as a conviction or view; "take for granted"; "view as important"; "hold these truths to be self-evident"; "I hold him personally responsible" -00693633 __apotheosize_VB_1 deify or glorify -04928903 __way_NN_1 how something is done or how it happens; "her dignified manner"; "his rapid manner of talking"; "their nomadic mode of existence"; "in the characteristic New York style"; "a lonely way of life"; "in an abrasive fashion" -00692718 __hypostatize_VB_1 construe as a real existence, of a conceptual entity -00692329 __abstract_VB_1 consider a concept without thinking of a specific example; consider abstractly or theoretically -07430211 __noise_NN_3 electrical or acoustic activity that can disturb communication -00691944 __identify_VB_3 consider (oneself) as similar to somebody else; "He identified with the refugees" -06495328 __schedule_NN_2 an ordered list of times at which things are planned to occur -00691312 __consider_VB_9 regard or treat with consideration, respect, and esteem; "Please consider your family" -05386845 __common_bile_duct_NN_1 a duct formed by the hepatic and cystic ducts; opens into the duodenum -09876892 __brother_NN_2 a male person who is a fellow member (of a fraternity or religion or other group); "none of his brothers would betray him" -00689344 __think_VB_1 judge or regard; look upon; judge; "I think he is very smart"; "I believe her to be very smart"; "I think that he is her boyfriend"; "The racist conceives such people to be inferior" -00689205 __surmise_VB_1 infer from incomplete evidence -03065685 __fecal_JJ_1 of or relating to feces; "fecal matter" -00687523 __doubt_VB_2 lack confidence in or have doubts about; "I doubt these reports"; "I suspect her true motives"; "she distrusts her stepmother" -00687295 __doubt_VB_1 consider unlikely or have doubts about; "I doubt that she will accept his proposal of marriage" -07761611 __sweetsop_NN_2 sweet pulpy tropical fruit with thick scaly rind and shiny black seeds -11145199 __lunt_NN_1 United States actor who performed with his wife Lynn Fontanne in many stage productions (1893-1977) -00685683 __reject_VB_1 refuse to accept or acknowledge; "I reject the idea of starting a war"; "The journal rejected the student's paper" -00684838 __include_VB_2 consider as part of something; "I include you in the list of culprits" -12691834 __genus_boswellia_NN_1 genus of trees of North Africa and India that yield incense -01331689 __tick_VB_3 sew; "tick a mattress" -11160200 __oddone_colonna_NN_1 Italian pope from 1417 to 1431 whose election as pope ended the Great Schism (1368-1431) -04750164 __unsimilarity_NN_1 the quality of being dissimilar -00682928 __censor_VB_2 subject to political, religious, or moral censorship; "This magazine is censored by the government" -00682781 __reevaluate_VB_1 revise or renew one's assessment -02754103 __sprayer_NN_2 a dispenser that turns a liquid (such as perfume) into a fine mist -00735389 __date_stamp_VB_1 stamp with a date; "The package is dated November 24" -00680841 __incline_VB_6 make receptive or willing towards an action or attitude or belief; "Their language inclines us to believe them" -14901959 __synthetic_substance_NN_1 a compound made artificially by chemical reactions -00680346 __predetermine_VB_2 cause to be biased -08389297 __artillery_unit_NN_1 an army unit that uses big guns -01138670 __empowerment_NN_1 the act of conferring legality or sanction or formal warrant -09473808 __wabash_river_NN_1 a tributary of the Ohio River that rises in western Ohio and flows southwestward across Indiana -00386566 __latinize_VB_3 cause to adopt Catholicism -00678282 __schedule_VB_1 plan for an activity or event; "I've scheduled a concert next week" -00678105 __detail_VB_2 assign to a specific task; "The ambulances were detailed to the fire station" -05881867 __newton's_law_of_gravitation_NN_1 (physics) the law that states any two bodies attract each other with a force that is directly proportional to the product of their masses and inversely proportional to the square of the distance between them -00677544 __sieve_out_VB_1 separate or remove; "The customer picked over the selection" -00677203 __winnow_VB_3 select desirable parts from a group or list; "cull out the interesting letters from the poet's correspondence"; "winnow the finalists from the long list of applicants" -02176611 __pyrophorus_NN_1 tropical click beetles -02902250 __rim_NN_5 the top edge of a vessel or other container -07194293 __catechism_NN_1 a series of question put to an individual (such as a political candidate) to elicit their views -12020048 __stokesia_NN_1 one species: stokes' aster -00675901 __draw_VB_9 select or take in from a given group or region; "The participants in the experiment were drawn from a representative population" -04635104 __activity_NN_6 the trait of being active; moving or acting rapidly and energetically; "the level of activity declines with age" -10543057 __second_best_NN_1 the competitor who finishes second -03846234 __olive_drab_NN_2 military uniform of the United States Army; made from cloth of a dull olive color -02241799 __water_bug_NN_1 a true bug: large aquatic bug adapted to living in or on the surface of water -08303692 __nation_NN_4 a federation of tribes (especially Native American tribes); "the Shawnee nation" -00673983 __approve_VB_2 judge to be right or commendable; think well of -00673766 __underestimate_VB_2 make a deliberately low estimate; "The construction company wanted the contract badly and lowballed" -08194266 __oni_NN_1 the military intelligence agency that provides for the intelligence and counterintelligence and investigative and security requirements of the United States Navy -10203949 __inductee_NN_1 a person inducted into an organization or social group; "Ty Cobb and Babe Ruth were 1936 inductees in the National Baseball Hall of Fame" -00670179 __sit_out_VB_2 endure to the end -06680002 __lithography_NN_1 a method of planographic printing from a metal or stone surface -10604275 __sixth-former_NN_1 a student in the sixth form -02291572 __tineid_moth_NN_1 small yellowish moths whose larvae feed on wool or fur -00669366 __take_lying_down_VB_1 suffer without protest; suffer or endure passively; "I won't take this insult lying down" -00668805 __swallow_VB_7 tolerate or accommodate oneself to; "I shall have to accept these unpleasant working conditions"; "I swallowed the insult"; "She has learned to live with her husband's little idiosyncrasies" -00667942 __falsify_VB_3 prove false; "Falsify a claim" -09551356 __greek_deity_NN_1 a deity worshipped by the ancient Greeks -00666886 __negate_VB_3 prove negative; show to be false -00665630 __prove_VB_4 prove formally; demonstrate by a mathematical, formal proof -03082127 __compound_lever_NN_1 a pair of levers hinged at the fulcrum -00663353 __check_VB_22 verify by consulting a source or authority; "check the spelling of this word"; "check your facts" -00663160 __control_VB_6 verify by using a duplicate register for comparison; "control an account" -01046441 __zoolatry_NN_1 the worship of animals -00662485 __receipt_VB_2 mark or stamp as paid -00661824 __suss_out_VB_1 examine so as to determine accuracy, quality, or condition; "check the brakes"; "Check out the engine" -09712696 __malayan_NN_1 a member of a people inhabiting the northern Malay Peninsula and Malaysia and parts of the western Malay Archipelago -08231874 __baseball_league_NN_1 a league of baseball teams -11331804 __tarquinius_superbus_NN_1 according to legend, the seventh and last Etruscan king of Rome who was expelled for his cruelty (reigned from 534 to 510 BC) -00661213 __contrast_VB_1 put in opposition to show or emphasize differences; "The middle school teacher contrasted her best student's work with that of her weakest student" -06755156 __specious_argument_NN_1 an argument that appears good at first view but is really fallacious -00660851 __upgrade_VB_1 rate higher; raise in value or esteem -05958712 __animism_NN_1 the doctrine that all natural objects and the universe itself have souls; "animism is common among primitive peoples" -15138241 __half-term_NN_1 a short vacation about halfway through a school term; "he came to visit at half-term" -00660381 __prioritize_VB_1 assign a priority to; "we have too many things to do and must prioritize" -02581803 __family_coryphaenidae_NN_1 large active pelagic percoid fish -08840749 __republic_of_kiribati_NN_1 an island republic in the west central Pacific just to the south of the equator -01635176 __retell_VB_2 large (to 7 inches) salamander of western North America make into fiction; "The writer fictionalized the lives of his parents in his latest novel" -00658913 __seed_VB_5 distribute (players or teams) so that outstanding teams or players will not meet in the early rounds -00658798 __shortlist_VB_1 put someone or something on a short list -00657728 __score_VB_7 assign a grade or rank to, according to one's evaluation; "grade tests"; "score the SAT essays"; "mark homework" -04146614 __school_bus_NN_1 a bus used to transport children to or from school -09269472 __downhill_NN_1 the downward slope of a hill -11794791 __lemna_NN_1 minute aquatic herbs floating on or below the water surface of still water consisting of a leaflike frond or plant body and single root -12751402 __family_empetraceae_NN_1 heathlike shrubs -05621439 __shrewdness_NN_1 intelligence manifested by being astute (as in business dealings) -00079398 __trading_NN_1 buying or selling securities or commodities -05755156 __memorization_NN_1 learning so as to be able to remember verbatim; "the actor's memorization of his lines" -14749543 __prolactin_NN_1 gonadotropic hormone secreted by the anterior pituitary; in females it stimulates growth of the mammary glands and lactation after parturition -07935504 __water_NN_6 a liquid necessary for the life of most animals and plants; "he asked for a drink of water" -11743109 __rush_family_NN_1 tufted herbs resembling grasses: rushes -00304349 __parasailing_NN_1 gliding in a parasail -00654258 __reconsider_VB_2 consider again (a bill) that had been voted upon before, with a view to altering it -00653620 __liken_VB_1 consider or describe as similar, equal, or analogous; "We can compare the Han dynasty to the Romans"; "You cannot equate success in financial matters with greed" -09927451 __reverend_NN_1 a member of the clergy and a spiritual leader of the Christian Church -00651991 __mark_VB_3 be a distinctive feature, attribute, or trait; sometimes in a very positive sense; "His modesty distinguishes him from his peers" -00651759 __individualize_VB_1 make or mark or treat as individual; "The sounds were individualized by sharpness and tone" -00651480 __label_VB_4 distinguish (as a compound or molecule) by introducing a labeled atom -14015596 __logjam_NN_1 any stoppage attributable to unusual activity; "the legislation ran into a logjam" -06020737 __statistical_procedure_NN_1 a method of analyzing or representing statistical data; a procedure for calculating a statistic -00650016 __know_apart_VB_1 recognize or perceive the difference -00649033 __mapquest_VB_1 search for a location and directions by means of the MapQuest program; "you can just mapquest the restaurant" -11321051 __strasberg_NN_1 United States actor and film director (born in Austria) who was a leader in developing method acting in the United States (1901-1982) -00648224 __search_VB_3 inquire into; "the students had to research the history of the Second World War for their history project"; "He searched for information on his relatives on the web"; "Scientists are exploring the nature of consciousness" -15170786 __rag_week_NN_1 a week at British universities during which side-shows and processions of floats are organized to raise money for charities -04744645 __isomorphy_NN_1 (biology) similarity or identity of form or shape or structure -12154628 __genus_pandanus_NN_1 type genus of the Pandanaceae (as screw pines) -12140358 __dropseed_NN_1 a grass of the genus Sporobolus -12383073 __passionflower_family_NN_1 tropical woody tendril-climbing vines -03156990 __cymatium_NN_1 (architecture) a molding for a cornice; in profile it is shaped like an S (partly concave and partly convex) -00645552 __name_VB_9 determine or distinguish the nature of a problem or an illness through a diagnostic analysis -00644066 __synthesize_VB_1 combine so as to form a more complex, product; "his operas synthesize music and drama in perfect harmony"; "The liver synthesizes vitamins" -05499172 __thalamus_NN_1 large egg-shaped structures of grey matter that form the dorsal subdivision of the diencephalon -08321469 __red_guard_NN_1 a radical political movement by Chinese youths who espoused Maoist principles -00643910 __parse_VB_1 analyze syntactically by assigning a constituent structure to (a sentence) -00643473 __take_apart_VB_3 make a mathematical, chemical, or grammatical analysis of; break down into components or essential features; "analyze a specimen"; "analyze a sentence"; "analyze a chemical compound" -01039140 __penance_NN_2 a Catholic sacrament; repentance and confession and atonement and absolution -00182213 __vote_NN_2 the opinion of a group as determined by voting; "they put the question to a vote" -00642803 __differentiate_VB_3 calculate a derivative; take the derivative -02468618 __triangulate_VB_1 divide into triangles or give a triangular form to; "triangulate the piece of cardboard" -12381511 __candlewood_NN_1 any of several resinous trees or shrubs often burned for light -00641672 __multiply_VB_1 combine by multiplication; "multiply 10 by 15" -10771392 __wayfarer_NN_2 a traveler going on a trip -00640828 __add_together_VB_2 make an addition by combining numbers; "Add 27 and 49, please!" -10155222 __hacker_NN_2 a programmer who breaks into computer systems in order to steal or change or destroy information as a form of cyber-terrorism -08546870 __county_NN_2 (United States) the largest administrative district within a state; "the county plans to build a new road" -09990904 __dancing_partner_NN_1 one of a pair of people who dance together -00639693 __recalculate_VB_1 calculate anew; "The costs had to be recalculated" -13508651 __liquefaction_NN_1 the conversion of a solid or a gas into a liquid -00639148 __prorate_VB_2 divide or assess proportionally; "The rent was prorated for the rest of the month" -00638194 __quantize_VB_2 apply quantum theory to; restrict the number of possible values of (a quantity) or states of (a physical entity or system) so that certain variables can assume only certain discrete magnitudes that are integral multiples of a common factor; "Quantize gravity" -00637259 __work_out_VB_6 make a mathematical calculation or computation -00636574 __infer_VB_1 reason by deduction; establish by deduction -08612786 __outline_NN_1 the line that appears to bound an object -07651025 __puree_NN_1 food prepared by cooking and straining or processed in a blender -01040390 __canonization_NN_1 (Roman Catholic and Eastern Orthodox Church) the act of admitting a deceased person into the canon of saints -03438257 __glass_NN_2 a container for holding liquids while drinking -00636441 __induce_VB_4 reason or establish by induction -00636279 __answer_VB_3 give the correct answer or solution to; "answer a question"; "answer the riddle" -11508382 __snowfall_NN_1 precipitation falling from clouds in the form of ice crystals -00635794 __cinch_VB_3 get a grip on; get mastery of -00156625 __instigation_NN_2 deliberate and intentional triggering (of trouble or discord) -00634090 __retrace_VB_2 reassemble mentally; "reconstruct the events of 20 years ago" -00951206 __nasalize_VB_2 pronounce with a lowered velum; "She nasalizes all her vowels" -00675219 __heart_surgery_NN_1 any surgical procedure involving the heart -00189580 __astringent_JJ_2 tending to draw together or constrict soft organic tissue; "astringent cosmetic lotions" -02181863 __family_bruchidae_NN_1 seed beetles -00630223 __brainstorm_VB_1 try to solve a problem by thinking intensely about it -01450661 __squirrelfish_NN_2 very small, brightly colored (especially red) nocturnal fishes of shallow waters or tropical reefs; they make sounds like a squirrel's bark -00629738 __think_VB_11 have or formulate in the mind; "think good thoughts" -00628491 __think_VB_3 use or exercise the mind or one's power of reason in order to make inferences, decisions, or arrive at a solution or judgments; "I've been thinking all day and getting nowhere" -00628302 __proofread_VB_1 read for errors; "I should proofread my manuscripts" -05713347 __masking_NN_2 the blocking of one sensation resulting from the presence of another sensation; "he studied auditory masking by pure tones" -09322454 __jupiter_NN_1 the largest planet and the 5th from the sun; has many satellites and is one of the brightest objects in the night sky -12536665 __kennedya_NN_1 genus of Australian woody vines having showy red or purplish flowers -12414932 __vernal_iris_NN_1 low-growing spring-flowering American iris with bright blue-lilac flowers -00624967 __idealize_VB_2 form ideals; "Man has always idealized" -05028700 __weightlessness_NN_1 the property of being comparatively small in weight; "the lightness of balsa wood" -04636250 __restfulness_NN_1 the attribute of being restful; "he longed for the restfulness of home" -00624476 __take_VB_6 interpret something in a certain way; convey a particular meaning or impression; "I read this address as a satire"; "How should I take this message?"; "You can't take credit for this!" -04694441 __spot_NN_4 a blemish made by dirt; "he had a smudge on his cheek" -00623151 __see_VB_24 make sense of; assign a meaning to; "What message do you see in this letter?"; "How do you interpret his behavior?" -00623006 __riddle_VB_2 set a difficult problem or riddle; "riddle me a riddle" -00622204 __demoralize_VB_3 confuse or put into disorder; "the boss's behavior demoralized everyone in the office" -01927665 __taeniidae_NN_1 a family of Cestoda -00620532 __puddle_VB_8 mix up or confuse; "He muddled the issues" -00620379 __stump_VB_1 cause to be perplexed or confounded; "This problem stumped her" -01940488 __phylum_mollusca_NN_1 gastropods; bivalves; cephalopods; chitons -14646610 __nickel_NN_1 a hard malleable ductile silvery metallic element that is resistant to corrosion; used in alloys; occurs in pentlandite and smaltite and garnierite and millerite -07884182 __quaff_NN_1 a hearty draft -00619183 __date_VB_3 assign a date to; determine the (probable) date of; "Scientists often cannot date precisely archeological or prehistorical findings" -00618878 __place_VB_8 recognize as being; establish the identity of someone or something; "She identified the man on the 'wanted' poster" -00618682 __typecast_VB_2 identify as belonging to a certain type; "Such people can practically be typed" -02281552 __lycaenidae_NN_1 family of small usually brilliantly colored butterflies; males have short forelegs -00618451 __identify_VB_6 consider to be equal or the same; "He identified his brother as one of the fugitives" -00618267 __mistake_VB_1 identify incorrectly; "Don't mistake her for her twin sister" -00617748 __slip_VB_6 to make a mistake or be incorrect -09787534 __embassador_NN_1 a diplomat of the highest rank; accredited as representative from one country to another -07118210 __suction_stop_NN_1 a stop consonant made by the suction of air into the mouth (as in Bantu) -00616857 __neglect_VB_4 give little or no attention to; "Disregard the errors" -02523110 __whiting_NN_6 a food fish of the Atlantic waters of Europe resembling the cod; sometimes placed in genus Gadus -00616361 __slack_VB_2 be inattentive to, or neglect; "He slacks his attention" -13966925 __polygamy_NN_1 having more than one spouse at a time -00615421 __elide_VB_1 leave or strike out; "This vowel is usually elided before a single consonant" -00614829 __forget_VB_3 forget to do something; "Don't forget to call the chairman of the board to the meeting!" -00614057 __forsake_VB_1 leave someone who needs or counts on you; leave in the lurch; "The mother deserted her children" -00613683 __leave_VB_2 go and leave behind, either intentionally or by neglect or forgetfulness; "She left a mess when she moved out"; "His good luck finally left him"; "her husband left her after 20 years of marriage"; "she wept thinking she had been left behind" -00613393 __give_up_VB_10 stop maintaining or insisting on; of ideas or claims; "He abandoned the thought of asking for her hand in marriage"; "Both sides have to give up some claims in these negotiations" -03921499 __phencyclidine_hydrochloride_NN_1 a drug used as an anesthetic by veterinarians; illicitly taken (originally in the form of powder or `dust') for its effects as a hallucinogen -02854747 __biblical_JJ_2 in keeping with the nature of the Bible or its times or people; "biblical styles in writing"; "a beard of biblical proportions"; "biblical costumes" -05603160 __jaw_NN_2 the bones of the skull that frame the mouth and serve to open it; the bones that hold the teeth -08719705 __kandy_NN_1 a city of central Sri Lanka that was the last capital of the ancient kings of Ceylon; a resort and religious center -00610538 __remind_VB_1 put in the mind of someone; "Remind me to call Mother" -00610010 __retain_VB_4 keep in one's mind; "I cannot retain so much information" -00609683 __think_of_VB_1 keep in mind for attention or consideration; "Remember the Alamo"; "Remember to call your mother every day!"; "Think of the starving children in India!" -00609100 __forget_VB_2 be unable to remember; "I'm drawing a blank"; "You are blocking the name of your first wife!" -00608978 __slip_one's_mind_VB_1 pass out of one's memory -11820965 __pebble_plant_NN_1 any of several South African plants of the genus Mesembryanthemum cultivated for showy pink or white flowers -00608670 __know_VB_9 know the nature or character of; "we all knew her as a big show-off" -02822399 __bedspring_NN_1 (usually plural) one of the springs holding up the mattress of a bed -11138924 __peter_lorre_NN_1 United States actor (born in Hungary) noted for playing sinister roles (1904-1964) -00606600 __instill_VB_4 teach and impress by frequent repetitions or admonitions; "inculcate values into the young generation" -00606093 __practise_VB_3 learn by repetition; "We drilled French verbs every day"; "Pianists practice scales" -10986437 __william_clark_gable_NN_1 United States film actor (1901-1960) -00605783 __swot_up_VB_1 study intensively, as before an exam; "I had to bone up on my Latin verbs before the final exam" -06777687 __repartee_NN_1 adroitness and cleverness in reply -00605498 __infect_VB_4 affect in a contagious way; "His laughter infects everyone who is in the same room" -00605086 __indoctrinate_VB_1 teach doctrines to; teach uncritically; "The Moonies indoctrinate their disciples" -13622769 __firkin_NN_1 a British unit of capacity equal to 9 imperial gallons -00603298 __train_VB_1 create by training and teaching; "The old master is training world-class violinists"; "we develop the leaders for the future" -00602805 __train_VB_2 undergo training or instruction in preparation for a particular role, function, or profession; "She is training to be a teacher"; "He trained as a legal aid" -07332691 __extinction_NN_4 complete annihilation; "they think a meteor cause the extinction of the dinosaurs" -12370384 __mesua_NN_1 genus of tropical Asiatic trees having large solitary flowers -00513401 __prank_NN_1 acting like a clown or buffoon -01779165 __scare_VB_1 cause fear in; "The stranger who hangs around the building frightens me"; "Ghosts could never affright her" -00601043 __steep_VB_1 devote (oneself) fully to; "He immersed himself into his studies" -00600724 __involve_VB_6 occupy or engage the interest of; "His story completely involved me during the entire afternoon" -00600370 __occupy_VB_7 consume all of one's attention or time; "Her interest in butterflies absorbs her completely" -15045490 __sodium_hypochlorite_NN_1 an unstable salt (NaOCl) used as a bleaching agent and disinfectant -02652668 __plectognath_fish_NN_1 tropical marine fishes having the teeth fused into a beak and thick skin covered with bony plates or spines -00599434 __get_the_goods_VB_1 discover some bad or hidden information about; "She got the goods on her co-worker after reading his e-mail" -02464866 __sign_VB_2 approve and express assent, responsibility, or obligation; "All parties ratified the peace treaty"; "Have you signed your contract yet?" -12402840 __rubber_plant_NN_1 large tropical Asian tree frequently dwarfed as a houseplant; source of Assam rubber -00598502 __unlearn_VB_2 discard something previously learnt, like an old habit -03417749 __garden_NN_3 a yard or lawn adjoining a house -05685538 __secret_NN_3 something that baffles understanding and cannot be explained; "how it got out is a mystery"; "it remains one of nature's secrets" -11886537 __roquette_NN_1 erect European annual often grown as a salad crop to be harvested when young and tender -08098708 __buddhism_NN_1 a religion represented by the many groups (especially in Asia) that profess various forms of the Buddhist doctrine and that venerate Buddha -06218459 __leftism_NN_1 the ideology of the political left; belief in or support of the tenets of the political left -02700767 __tin_foil_NN_2 foil made of aluminum -07129602 __suspiration_NN_1 an utterance made by exhaling audibly -02377480 __mare_NN_1 female equine animal -00595630 __know_VB_3 be aware of the truth of something; have a belief or faith in something; regard as true beyond any doubt; "I know that I left the key on the table"; "Galileo knew that the earth moves around the sun" -14434022 __strikingness_NN_1 the state of being salient -00594058 __understand_VB_5 be understanding of; "You don't need to explain--I understand!" -00593669 __extrapolate_VB_3 gain knowledge of (an area not known or experienced) by extrapolating -01276436 __cowpens_NN_1 battle in the American Revolution; Americans under Daniel Morgan defeated the British -08923586 __nagano_NN_1 a city in central Honshu to the northwest of Tokyo; site of a Buddhist shrine -01935176 __oligochaete_worm_NN_1 hermaphroditic terrestrial and aquatic annelids having bristles borne singly along the length of the body -00590924 __digest_VB_2 arrange and integrate in the mind; "I cannot digest all this information" -10753546 __villain_NN_1 a wicked or evil person; someone who does evil deliberately -03387653 __metalworks_NN_1 factory where metal castings are produced -00590366 __twig_VB_2 understand, usually after some initial difficulty; "She didn't know what her classmates were plotting but finally caught on" -09248724 __river_cocytus_NN_1 (Greek mythology) a river in Hades that was said to be a tributary of the Acheron -07002992 __tabulation_NN_1 information set out in tabular form -09685398 __shaktist_NN_1 worshipper of Shakti -07267160 __staff_NN_5 a rod carried as a symbol -00060185 __incubate_VB_2 sit on (eggs); "Birds brood"; "The female covers the eggs" -00586682 __downsize_VB_3 reduce in size or number; "the company downsized its research staff" -00267681 __dwindle_down_VB_1 become smaller or lose substance; "Her savings dwindled down" -02971469 __egyptian_JJ_1 of or relating to or characteristic of Egypt or its people or their language -00584220 __upgrade_VB_4 get better travel conditions; "I upgraded to First Class when Coach Class was overbooked" -02201758 __genus_culex_NN_1 type genus of the Culicidae: widespread genus of mosquitoes distinguished by holding the body parallel to the resting surface -00583242 __professionalize_VB_2 make professional or give a professional character to; "Philosophy has not always been professionalized and used to be a subject pursued only by amateurs" -00582743 __singe_VB_2 become superficially burned; "my eyebrows singed when I bent over the flames" -15031231 __immunoglobulin_e_NN_1 one of the five major classes of immunoglobulins; present primarily in the skin and mucous membranes -00582318 __vulgarize_VB_2 debase and make vulgar; "The Press has vulgarized Love and Marriage" -00581891 __ventilate_VB_5 furnish with an opening to allow air to circulate or gas to escape; "The architect did not think about ventilating the storage space" -06629392 __word_of_farewell_NN_1 an acknowledgment or expression of goodwill at parting -06624161 __missive_NN_1 a written message addressed to a person or organization; "mailed an indignant letter to the editor" -05802730 __interpolation_NN_2 (mathematics) calculation of the value of a function between the values already known -11028446 __warren_harding_NN_1 29th President of the United States; two of his appointees were involved in the Teapot Dome scandal (1865-1823) -01301051 __restrain_VB_4 hold back -00817507 __fire_watching_NN_1 (during World War II in Britain) watching for fires started by bombs that dropped from the sky -11638902 __libocedrus_NN_1 cypresses that resemble cedars -05116953 __scarcity_NN_1 a small and inadequate amount -07146300 __clinic_NN_2 meeting for diagnosis of problems and instruction or remedial work in a particular activity -00386676 __split_NN_11 division of a group into opposing factions; "another schism like that and they will wind up in bankruptcy" -14048134 __quickening_NN_2 the stage of pregnancy at which the mother first feels the movements of the fetus -07801892 __horse_bean_NN_1 a bean plant cultivated for use animal fodder -15242955 __years_NN_2 a prolonged period of time; "we've known each other for ages"; "I haven't been there for years and years" -05531379 __cartilaginous_tube_NN_1 a duct with cartilaginous walls -07340094 __casualty_NN_4 a decrease of military personnel or equipment -01563724 __partition_off_VB_1 divide into parts, pieces, or sections; "The Arab peninsula was partitioned by the British" -00577330 __novate_VB_1 replace with something new, especially an old obligation by a new one -00577170 __beneficiate_VB_1 process (ores or other raw materials), as by reduction -08318777 __diet_NN_2 a legislative assembly in certain countries (e.g., Japan) -01836246 __genus_chordeiles_NN_1 a genus of Caprimulgidae -00576228 __expectorate_VB_1 clear out the chest and lungs; "This drug expectorates quickly" -00575970 __vaporise_VB_1 cause to change into a vapor; "The chemist evaporated the water" -00575720 __vaporise_VB_2 change into a vapor; "The water evaporated in front of our eyes" -00575561 __eliminate_VB_7 remove (an unknown variable) from two or more equations -02011668 __genus_botaurus_NN_1 bitterns -00574514 __demineralize_VB_1 remove the minerals or salts from; "demineralize water" -01426160 __sarcocystis_NN_1 chief genus of the order Sarcosporidia -01318894 __pet_NN_1 a domesticated animal kept for companionship or amusement -00039950 __mousse_VB_1 apply a styling gel to; "she mousses her hair" -07456188 __contest_NN_1 an occasion on which a winner is selected from among two or more contestants -06919215 __mayan_language_NN_1 a family of American Indian languages spoken by Maya -06275634 __mail_NN_1 the bags of letters and packages that are transported by the postal service -02563724 __dispatch_VB_2 complete or carry out; "discharge one's duties" -05280512 __sesamoid_bone_NN_1 any of several small round bones formed in a tendon where it passes over a joint -08792083 __fertile_crescent_NN_1 a geographical area of fertile land in the Middle East stretching in a broad semicircle from the Nile to the Tigris and Euphrates -13203551 __loxomataceae_NN_1 very small family of New Zealand ferns -02050921 __podilymbus_NN_1 a genus of Podicipedidae -02059393 __procellaria_NN_1 type genus of the Procellariidae -00571738 __paganize_VB_1 make pagan in character; "The Church paganized Christianity" -00342640 __anticipate_VB_6 be a forerunner of or occur earlier than; "This composition anticipates Impressionism" -11918131 __genus_ageratum_NN_1 genus of tropical American herbs grown for their flowers -09089139 __ky_NN_1 a state in east central United States; a border state during the American Civil War; famous for breeding race horses -00570694 __recede_VB_3 become faint or more distant; "the unhappy memories of her childhood receded as she grew older" -00796886 __enterprise_NN_1 a purposeful or industrious undertaking (especially one that requires effort or boldness); "he had doubts about the whole enterprise" -13961642 __living_NN_3 the condition of living or the state of being alive; "while there's life there's hope"; "life depends on many chemical and physical processes" -00569087 __stalinize_VB_1 transform in accordance with Stalin's policies; "Russia was slowly stalinized after Lenin's death" -09062961 __chula_vista_NN_1 an industrial city in southern California (south of San Diego) near the Mexican border -00568483 __patent_VB_3 make open to sight or notice; "His behavior has patented an embarrassing fact about him" -11873182 __horseradish_root_NN_1 the root of the horseradish plant; it is grated or ground and used for seasoning -02255567 __phylloxeridae_NN_1 plant lice -11492014 __polarization_NN_1 the phenomenon in which waves of light or other radiation are restricted in direction of vibration -14295691 __vaginocele_NN_1 hernia projecting into the vagina -08494231 __pleasure_ground_NN_1 a commercially operated park with stalls and shows for amusement -13724350 __dkg_NN_1 10 grams -00566895 __masculinize_VB_1 give a masculine appearance or character to; "Fashion designers have masculinized women's looks in the 1990s" -07971298 __homefolk_NN_1 the people of your home locality (especially your own family); "he wrote his homefolk every day" -10815648 __st._ambrose_NN_1 (Roman Catholic Church) Roman priest who became bishop of Milan; the first Church Father born and raised in the Christian faith; composer of hymns; imposed orthodoxy on the early Christian church and built up its secular power; a saint and Doctor of the Church (340?-397) -00565592 __matte_up_VB_1 change texture so as to become matted and felt-like; "The fabric felted up after several washes" -00565279 __gelatinize_VB_2 become gelatinous or change into a jelly; "the starch gelatinized when it was heated" -00234423 __neutralization_NN_1 action intended to keep a country politically neutral or exclude it from a possible war; "the neutralization of Belgium" -12868019 __scutellaria_lateriflora_NN_1 an American mint that yields a resinous exudate used especially formerly as an antispasmodic -00564300 __hydrolize_VB_1 make a compound react with water and undergo hydrolysis -00563824 __digitize_VB_1 put into digital form, as for use in a computer; "he bought a device to digitize the data" -08785343 __greek_capital_NN_1 the capital and largest city of Greece; named after Athena (its patron goddess); "in the 5th century BC ancient Athens was the world's most powerful and civilized city" -00561714 __run_out_VB_6 exhaust the supply of; "We ran out of time just as the discussion was getting interesting" -00560893 __shorten_VB_3 make short or shorter; "shorten the skirt"; "shorten the rope by a few inches" -11828577 __wild_spinach_NN_2 common weedy European plant introduced into North America; often used as a potherb -10752930 __victor_NN_1 a combatant who is able to defeat rivals -03412220 __ship's_galley_NN_1 the area for food preparation on a ship -00559102 __excite_VB_7 raise to a higher energy level; "excite the atoms" -09041785 __stambul_NN_1 the largest city and former capital of Turkey; rebuilt on the site of ancient Byzantium by Constantine I in the fourth century; renamed Constantinople by Constantine who made it the capital of the Byzantine Empire; now the seat of the Eastern Orthodox Church -00558061 __lull_VB_2 become quiet or less intensive; "the fighting lulled for a moment" -00557686 __wash_out_VB_4 remove by the application of water or other liquid and soap or some other cleaning agent; "he washed the dirt from his coat"; "The nurse washed away the blood"; "Can you wash away the spots on the windows?"; "he managed to wash out the stains" -01532589 __make_clean_VB_1 make clean by removing dirt, filth, or unwanted substances from; "Clean the stove!"; "The dentist cleaned my teeth" -03543394 __hot_rod_NN_1 a car modified to increase its speed and acceleration -05639431 __numeracy_NN_1 skill with numbers and mathematics -04609811 __x-ray_tube_NN_1 a vacuum tube containing a metal target onto which a beam of electrons is directed at high energy for the generation of X rays -00556193 __mix_VB_3 combine (electronic signals); "mixing sounds" -12238913 __wild_rosemary_NN_1 bog shrub of northern and central Europe and eastern Siberia to Korea and Japan -00555780 __brush_VB_5 remove with or as if with a brush; "brush away the crumbs"; "brush the dust from the jacket"; "brush aside the objections" -01493541 __spiny_dogfish_NN_1 small bottom-dwelling dogfishes -00498530 __calcify_VB_4 convert into lime; "the salts calcified the rock" -13461951 __denial_NN_3 (psychiatry) a defense mechanism that denies painful thoughts -00553208 __immortalize_VB_2 make famous forever; "This melody immortalized its composer" -00604131 __senatorship_NN_1 the office of senator -00552815 __decay_VB_3 undergo decay or decomposition; "The body started to decay and needed to be cremated" -03998525 __prazosin_NN_1 antihypertensive drug (trade name Minipress) -06023022 __parametric_statistic_NN_1 any statistic computed by procedures that assume the data were drawn from a particular distribution -00552253 __volatilize_VB_1 make volatile; cause to pass off in a vapor -09048880 __new_england_NN_1 a region of northeastern United States comprising Maine and New Hampshire and Vermont and Massachusetts and Rhode Island and Connecticut -09256479 __coral_reef_NN_1 a reef consisting of coral consolidated into limestone -06761798 __quiddity_NN_1 an evasion of the point of an argument by raising irrelevant distinctions or objections -00549982 __raise_VB_25 invigorate or heighten; "lift my spirits"; "lift his ego" -06628450 __mass_card_NN_1 (Roman Catholic Church) a card sent to a bereaved family that says the sender has arranged for a Mass to be said in memory of the deceased -00548750 __mutilate_VB_2 alter so as to make unrecognizable; "The tourists murdered the French language" -00547300 __demonize_VB_1 make into a demon; "Power had demonized him" -00931453 __novelization_NN_1 converting something into the form of a novel -10667041 __tripper_NN_2 a walker or runner who trips and almost falls -00547022 __assibilate_VB_2 change into a sibilant; "In the syllable /si/, the /s/ sibilates in Japanese" -00546873 __decrescendo_VB_1 grow quieter; "The music decrescendoes here" -10643837 __squire_NN_2 an English country landowner -00546192 __emanate_VB_1 proceed or issue forth, as from a source; "Water emanates from this hole in the ground" -08037503 __plf_NN_1 a terrorist group formed in 1977 as the result of a split with the Popular Front for the Liberation of Palestine; became a satellite of al-Fatah; made terrorist attacks on Israel across the Lebanese border -00545557 __evolve_VB_3 gain through experience; "I acquired a strong aversion to television"; "Children must develop a sense of right and wrong"; "Dave developed leadership qualities in his new position"; "develop a passion for painting" -01884703 __sarcophilus_NN_1 Tasmanian devil -12801072 __mitella_pentandra_NN_1 small plant with leaves in a basal cluster and tiny greenish flowers in slender racemes; northwestern North America to California and Colorado -01079396 __save_NN_1 (sports) the act of preventing the opposition from scoring; "the goalie made a brilliant save"; "the relief pitcher got credit for a save" consisting of or of the nature of frozen or partially frozen rain -00863277 __rip_VB_4 criticize or abuse strongly and violently; "The candidate ripped into his opponent mercilessly" -00398585 __septation_NN_1 the division or partitioning of a cavity into parts by a septum -01454810 __haul_VB_1 draw slowly or heavily; "haul stones"; "haul nets" -13628246 __megabyte_NN_1 a unit of information equal to 1000 kilobytes or 10^6 (1,000,000) bytes -00427580 __trick_NN_4 a ludicrous or grotesque act done for fun and amusement -12904314 __stinking_nightshade_NN_1 poisonous fetid Old World herb having sticky hairy leaves and yellow-brown flowers; yields hyoscyamine and scopolamine -08571275 __midfield_NN_1 (sports) the middle part of a playing field (as in football or lacrosse) -02122298 __pussycat_NN_2 informal terms referring to a domestic cat -00543410 __grow_VB_9 grow emotionally or mature; "The child developed beautifully in her new kindergarten"; "When he spent a summer at camp, the boy grew noticeably and no longer showed some of his old adolescent behavior" -00542809 __dress_out_VB_1 kill and prepare for market or consumption; "dress a turkey" -02001858 __trail_VB_2 go after with the intent to catch; "The policeman chased the mugger down the alley"; "the dog chased the rabbit" -08082602 __church_NN_1 one of the groups of Christians who have their own beliefs and forms of worship -12286826 __hornbeam_NN_1 any of several trees or shrubs of the genus Carpinus -02424695 __harnessed_antelope_NN_1 any of several antelopes of the genus Tragelaphus having striped markings resembling a harness -00540946 __extend_VB_9 expand the influence of; "The King extended his rule to the Eastern part of the continent" -00540235 __widen_VB_4 extend in scope or range or area; "The law was extended to all citizens"; "widen the range of applications"; "broaden your horizon"; "Extend your backyard" -01982211 __macrocheira_NN_1 giant crabs of Japan -12638218 __plum_tree_NN_1 any of several trees producing edible oval fruit having a smooth skin and a single hard stone -00353782 __cutback_NN_1 a reduction in quantity or rate -10329789 __monsignor_NN_1 (Roman Catholic Church) an ecclesiastical title of honor bestowed on some priests -10786270 __witness_NN_4 (law) a person who attests to the genuineness of a document or signature by adding their own signature -10578762 __transmitter_NN_1 someone who transmits a message; "return to sender" -00539936 __open_up_VB_3 make available; "This opens up new possibilities" -00539546 __lead_up_VB_1 set in motion, start an event or prepare the way for; "Hitler's attack on Poland led up to World War II" -00654015 __reconsider_VB_1 consider again; give new consideration to; usually with a view to changing; "Won't you reconsider your decision?" -00538571 __saponify_VB_2 convert into soap by hydrolizing an ester into an acid and alcohol as a result of treating it with an alkali; "saponify oils and fats" -03368141 __flower_arrangement_NN_1 a decorative arrangement of flowers -12104943 __genus_agropyron_NN_1 perennial grasses of temperate and cool regions: wheatgrass; dog grass -03736970 __mechanical_device_NN_1 mechanism consisting of a device that works on mechanical principles -12578916 __cowpea_NN_1 fruit or seed of the cowpea plant -09831962 __bad_person_NN_1 a person who does harm to others -00536143 __shoal_VB_1 make shallow; "The silt shallowed the canal" -08754529 __virgin_islands_NN_1 a group of islands in northeastern West Indies (east of Puerto Rico) discovered by Christopher Columbus in 1493; owned by United States and Britain -00039488 __wave_VB_5 set waves in; "she asked the hairdresser to wave her hair" -02280845 __pieris_NN_2 type genus of the Pieridae -00700162 __filiate_VB_1 fix the paternity of; "The court filiated the child born out of wedlock" -05421997 __vein_of_penis_NN_1 a vein serving the penis -00023646 __swoon_VB_1 pass out from weakness, physical or emotional distress due to a loss of blood supply to the brain -01561143 __collide_VB_3 crash together with violent impact; "The cars collided"; "Two meteors clashed" -00533185 __sentimentalize_VB_1 look at with sentimentality or turn into an object of sentiment; "Don't sentimentalize the past events" -00532886 __glamourize_VB_1 make glamorous and attractive; "This new wallpaper really glamorizes the living room!" -06787037 __misdirection_NN_2 incorrect directions or instructions -00532115 __take_away_VB_7 take away a part from; diminish; "His bad manners detract from his good character" -02015944 __porzana_NN_1 spotted crakes -00530592 __decimalize_VB_2 change to the decimal system; "The country decimalized the currency in 1975" -00529411 __pop_out_VB_4 come out suddenly or forcefully; "you stick a bill in the vending machine and the change pops out" -07930554 __punch_NN_2 an iced mixed drink usually containing alcohol and prepared for multiple servings; normally served in a punch bowl -00528990 __issue_VB_4 come out of; "Water issued from the hole in the wall"; "The words seemed to come out by themselves" -02373336 __venture_VB_1 placental mammals having hooves with an odd number of toes on each foot proceed somewhere despite the risk of possible dangers; "We ventured into the world of high-tech and bought a supercomputer" -00528339 __recuperate_VB_2 regain a former condition after a financial loss; "We expect the stocks to recover to $2.90"; "The company managed to recuperate" -05558078 __transversus_abdominis_muscle_NN_1 a flat muscle with transverse fibers that forms the anterior and lateral walls of the abdominal cavity -11658544 __prumnopitys_taxifolia_NN_1 conifer of Australia and New Zealand -12005500 __pulicaria_NN_1 genus of temperate Old World herbs: fleabane -00525446 __ritualize_VB_1 make or evolve into a ritual; "The growing up of children has become ritualized in many cultures" -00524682 __take_on_VB_1 take on a certain form, attribute, or aspect; "His voice took on a sad tone"; "The story took a new turn"; "he adopted an air of superiority"; "She assumed strange manners"; "The gods assume human or animal form in these fables" -00746084 __ordain_VB_4 issue an order -00524299 __acetylize_VB_1 receive substitution of an acetyl group; "the compounds acetylated" -01162291 __cannibalize_VB_1 eat human flesh -00523645 __westernize_VB_1 make western in character; "The country was Westernized after it opened up" -04739932 __invariance_NN_1 the quality of being resistant to variation -08807894 __brindisi_NN_1 a port city in southeastern Apulia in Italy; a center for the Crusades in the Middle Ages -02959942 __railway_car_NN_1 a wheeled vehicle adapted to the rails of railroad; "three cars had jumped the rails" -02291940 __tinea_NN_2 type genus of the Tineidae: clothes moths -10485440 __working_girl_NN_2 a woman who engages in sexual intercourse for money -00519751 __seethe_VB_3 foam as if boiling; "a seething liquid" -00519363 __sparkle_VB_4 become bubbly or frothy or foaming; "The boiling soup was frothing"; "The river was foaming"; "Sparkling water" -01949435 __ferry_VB_2 transport by ferry -00518653 __mystify_VB_2 make mysterious; "mystify the story" -00518115 __charge_VB_23 cause formation of a net electrical charge in or on; "charge a conductor" -00517847 __charge_VB_24 energize a battery by passing a current through it in the direction opposite to discharge; "I need to charge my car battery" -06558088 __interdiction_NN_2 a court order prohibiting a party from doing a certain activity -10634075 __speculator_NN_2 someone who risks losses for the possibility of considerable gains -10168012 __tergiversator_NN_1 a respondent who avoids giving a clear direct answer -00516932 __vulcanize_VB_2 subject to vulcanization; "vulcanized rubber" -03150795 __pointer_NN_3 (computer science) indicator consisting of a movable spot of light (an icon) on a visual display; moving it allows the user to point to commands or screen positions -00515154 __treat_VB_2 subject to a process or treatment, with the aim of readying for some purpose, improving, or remedying a condition; "process cheese"; "process hair"; "treat the water so it can be drunk"; "treat the lawn with chemicals" ; "treat an oil spill" -00514730 __destress_VB_1 reduce the emphasis -12056990 __ram's-head_lady's_slipper_NN_1 orchid of northern North America having a brownish-green flower and red-and-white lip suggestive of a ram's head -05462057 __musculoskeletal_system_NN_1 the system of muscles and tendons and ligaments and bones and joints and associated tissues that move the body and maintain its form -00514463 __set_off_VB_3 direct attention to, as if by means of contrast; "This dress accentuates your nice figure!"; "I set off these words by brackets" -00513492 __play_down_VB_1 understate the importance or quality of; "he played down his royal ancestry" -13628419 __megabit_NN_1 a unit of information equal to 1000 kilobits or 10^6 (1,000,000) bits -00512186 __incapacitate_VB_1 make unable to perform a certain action; "disable this command on your computer" -00512043 __lather_VB_2 form a lather; "The shaving cream lathered" -03948459 __side_arm_NN_1 a firearm that is held and fired with one hand -04970916 __pink_NN_1 a light shade of red -09753348 __sagittarius_NN_1 (astrology) a person who is born while the sun is in Sagittarius -00510364 __mottle_VB_2 colour with streaks or blotches of different shades -00509607 __spot_VB_6 mark with a spot or spots so as to allow easy recognition; "spot the areas that one should clearly identify" -00508933 __striate_VB_1 mark with striae or striations -01525666 __work_VB_4 perform as expected when applied; "The washing machine won't go unless it's plugged in"; "Does this old car still run well?"; "This old radio doesn't work anymore" -15010703 __salt_NN_1 a compound formed by replacing hydrogen in an acid by a metal (or a radical that acts like a metal) -10222497 __wholesaler_NN_1 someone who buys large quantities of goods and resells to merchants rather than to the ultimate customers -00507485 __petrify_VB_2 change into stone; "the wood petrified with time" -00506952 __stratify_VB_2 form layers or strata; "The rock stratifies" -00506672 __fructify_VB_1 become productive or fruitful; "The seeds fructified" -03492717 __hard_drug_NN_1 a narcotic that is considered relatively strong and likely to cause addiction -01430633 __wank_VB_1 get sexual gratification through self-stimulation -00505802 __wire_VB_5 equip for use with electricity; "electrify an appliance" -10209246 __provoker_NN_1 someone who deliberately foments trouble; "she was the instigator of their quarrel" -00505151 __clarify_VB_2 make clear by removing impurities or solids, as by heating; "clarify the butter"; "clarify beer" -00150287 __conform_VB_2 adapt or conform oneself to new or different conditions; "We must adjust to the bad economic situation" -00560529 __passing_play_NN_1 (American football) a play that involves one player throwing the ball to a teammate; "the coach sent in a passing play on third and long" -00504270 __fertilize_VB_2 make fertile or productive; "The course fertilized her imagination" -15156187 __yesterday_NN_1 the day immediately before today; "it was in yesterday's newspapers" -10048836 __elected_official_NN_1 official who won the office in a free election -00502757 __fertilize_VB_1 provide with fertilizers or add nutrients to; "We should fertilize soil if we want to grow healthy plants" -00502623 __dung_VB_1 fertilize or dress with dung; "you must dung the land" -12151365 __papyrus_NN_2 tall sedge of the Nile valley yielding fiber that served many purposes in historic times -05865454 __be_all_and_end_all_NN_1 the essential factor; the all-important element; the supreme aim; "profit is the be-all and end-all of business" -00500834 __emulsify_VB_1 cause to become an emulsion; make into an emulsion -00279465 __bleach_VB_2 make whiter or lighter; "bleach the laundry" -00500356 __industrialize_VB_2 develop industry; become industrial; "The nations of South East Asia will quickly industrialize and catch up with the West" -01219306 __sentimentalization_NN_1 the act of indulging in sentiment -06051134 __hematology_NN_1 the branch of medicine that deals with diseases of the blood and blood-forming organs -01110274 __trade_NN_4 a particular instance of buying or selling; "it was a package deal"; "I had no further trade with him"; "he's a master of the business deal" -10166762 __heaver_NN_2 a workman who heaves freight or bulk goods (especially at a dockyard) -00499642 __citify_VB_1 accustom to urban ways; "Immigration will citify the country?" -07963087 __stack_NN_1 an orderly pile -00426301 __reappear_VB_1 appear again; "The sores reappeared on her body"; "Her husband reappeared after having left her years ago" -05006898 __sexuality_NN_1 the properties that distinguish organisms on the basis of their reproductive roles; "she didn't want to know the sex of the foetus" -08986905 __state_of_qatar_NN_1 an Arab country on the peninsula of Qatar; achieved independence from the United Kingdom in 1971; the economy is dominated by oil -11611758 __umbrella_pine_NN_1 medium-sized two-needled pine of southern Europe having a spreading crown; widely cultivated for its sweet seeds that resemble almonds -00495808 __set_apart_VB_2 set apart from others; "The dentist sequesters the tooth he is working on" -12963140 __order_erysiphales_NN_1 saprophytic and parasitic fungi that live on plants -01375637 __squirt_VB_1 cause to come out in a squirt; "the boy squirted water at his little sister" -00495038 __insulate_VB_1 protect from heat, cold, or noise by surrounding with insulating material; "We had his bedroom insulated before winter came" -11492388 __polymorphism_NN_3 (biology) the existence of two or more forms of individuals within the same animal species (independent of sex differences) -13597794 __radix_NN_1 (numeration system) the positive integer that is equivalent to one in the next higher counting place; "10 is the radix of the decimal system" -00493517 __debase_VB_2 lower in value by increasing the base-metal content -00492410 __maculate_VB_2 spot, stain, or pollute; "The townspeople defiled the river by emptying raw sewage into it" -15103226 __wolframite_NN_1 a mineral consisting of iron and manganese tungstate in crystalline form; the principal ore of tungsten; found in quartz veins associated with granitic rocks -00492310 __foul_VB_6 make unclean; "foul the water" -02434238 __unionize_VB_2 form or join a union; "The auto workers decided to unionize" -00719705 __task_NN_2 a specific piece of work required to be done as a duty or for a specific fee; "estimates of the city's loss on that job ranged as high as a million dollars"; "the job of repairing the engine took several hours"; "the endless task of classifying the samples"; "the farmer's morning chores" -00492095 __quantify_VB_1 use as a quantifier -14937943 __linolic_acid_NN_1 a liquid polyunsaturated fatty acid abundant in plant fats and oils; a fatty acid essential for nutrition; used to make soap -14954284 __simple_sugar_NN_1 a sugar (like sucrose or fructose) that does not hydrolyse to give other sugars; the simplest group of carbohydrates -00866423 __pharyngeal_reflex_NN_1 normal reflex consisting of retching; may be produced by touching the soft palate in the back of the mouth -09334396 __terra_firma_NN_1 the solid part of the earth's surface; "the plane turned away from the sea and moved back over land"; "the earth shook for several minutes"; "he dropped the logs on the ground" -00488617 __strip_VB_4 remove substances from by a percolating liquid; "leach the soil" -04162998 __seats_NN_1 an area that includes places where several people can sit; "there is seating for 40 students in this classroom" -00487748 __stretch_VB_9 corrupt, debase, or make impure by adding a foreign or inferior substance; often by replacing valuable ingredients with inferior ones; "adulterate liquor" -00487554 __polarize_VB_1 cause to vibrate in a definite pattern; "polarize light waves" -00487350 __polarize_VB_2 cause to concentrate about two conflicting or contrasting positions -06797169 __indication_NN_1 something that serves to indicate or suggest; "an indication of foul play"; "indications of strain"; "symptoms are the prime indicants of disease" -10061656 __gourmet_NN_1 a person devoted to refined sensuous enjoyment (especially good food and drink) -07777735 __largemouth_bass_NN_1 flesh of largemouth bass -13813765 __parentage_NN_2 the kinship relation of an offspring to the parents -04339638 __strip_NN_5 thin piece of wood or metal -04183217 __shag_rug_NN_1 a rug with long pile -00619610 __confuse_VB_1 mistake one thing for another; "you are confusing me with the other candidate"; "I mistook her for the secretary" -10237196 __osculator_NN_1 someone who kisses -05722208 __kinesthesia_NN_1 the perception of body position and movement and muscular tensions etc -00483181 __harmonize_VB_4 bring (several things) into consonance or relate harmoniously; "harmonize the different interests" -00482180 __harmonize_VB_6 bring into consonance, harmony, or accord while making music or singing -00480751 __transparently_RB_1 equip with armed and armored motor vehicles; "mechanize armies" so as to be easily understood or seen through; "his transparently lucid prose"; "his transparently deceitful behavior" -02643112 __sea_scorpion_NN_1 marine fishes having a tapering body with an armored head and venomous spines -01280055 __guadalcanal_NN_2 a battle in World War II in the Pacific (1942-1943); the island was occupied by the Japanese and later recaptured by American forces -02388276 __trotting_horse_NN_1 a horse trained to trot; especially a horse trained for harness racing -00052043 __vest_VB_5 clothe formally; especially in ecclesiastical robes -00477941 __vitiate_VB_2 make imperfect; "nothing marred her beauty" -00477665 __deform_VB_4 become misshapen; "The sidewalk deformed during the earthquake" -08398036 __garrison_NN_3 the troops who maintain and guard a fortified place -00476965 __draw_VB_31 contract; "The material drew after it was washed in hot water" -02664136 __solea_NN_1 type genus of the Soleidae -00476313 __spiritualize_VB_3 purify from the corrupting influences of the world; "During his stay at the ashram he was spiritualized" -00475647 __purge_VB_4 rid of impurities; "purge the water"; "purge your mind" -09613191 __contestant_NN_1 a person who participates in competitions -00472230 __obliterate_VB_4 do away with completely, without leaving a trace -02506546 __oblige_VB_1 force somebody to do something; "We compel all students to fill out this form" -14290534 __tan_NN_1 a browning of the skin resulting from exposure to the rays of the sun -00394803 __uncovering_NN_1 the removal of covering -01794158 __turkey_NN_1 large gallinaceous bird with fan-shaped tail; widely domesticated for food -00471058 __decimate_VB_1 kill one in every ten, as of mutineers in Roman armies -00270215 __summon_VB_4 make ready for action or use; "marshal resources" -00470386 __market_VB_4 make commercial; "Some Amish people have commercialized their way of life" -00470084 __nullify_VB_3 make ineffective by counterbalancing the effect of; "Her optimism neutralizes his gloom"; "This action will negate the effect of my efforts" -00469904 __neutralize_VB_6 make chemically neutral; "She neutralized the solution" -03058603 __coating_NN_3 a heavy fabric suitable for coats -00468791 __reorient_VB_3 set or arrange in a new or different determinate position; "Orient the house towards the South" -00468583 __normalize_VB_1 become normal or return to its normal state; "Let us hope that relations with this country will normalize soon" -07163803 __previous_question_NN_1 a motion calling for an immediate vote on the main question under discussion by a deliberative assembly -04555897 __watch_NN_1 a small portable timepiece -00466651 __integrate_VB_1 make into a whole or make part of a whole; "She incorporated his suggestions into her proposal" -00465762 __splay_VB_3 move out of position; "dislocate joints"; "the artificial hip joint luxated and had to be put back surgically" -00465634 __plumb_VB_4 adjust with a plumb line so as to make vertical -00465461 __collimate_VB_2 adjust the line of sight of (an optical instrument) -12321669 __nutmeg_hickory_NN_1 hickory of southern United States and Mexico having hard nutmeg-shaped nuts -00464828 __synchronize_VB_6 cause to indicate the same time or rate; "synchronize your watches" -00464687 __address_VB_10 adjust and aim (a golf ball) at in preparation of hitting -00541479 __ritual_dancing_NN_1 a dance that is part of a religious ritual -00463234 __squelch_VB_1 suppress or crush completely; "squelch any sign of dissent"; "quench a rebellion" -01635964 __plethodon_NN_1 type genus of the Plethodontidae -00461493 __still_VB_2 cause to be quiet or not talk; "Please silence the children in the church!" -03600285 __riding_breeches_NN_1 flared trousers ending at the calves; worn with riding boots -00461354 __hush_VB_1 become quiet or still; fall silent; "hush my baby!" -07560422 __ingesta_NN_1 solid and liquid nourishment taken into the body through the mouth -01816887 __parrot_NN_1 usually brightly colored zygodactyl tropical birds with short hooked beaks and the ability to mimic sounds -03546340 __lodging_NN_1 structures collectively in which people are housed -12560420 __pisum_sativum_NN_1 plant producing peas usually eaten fresh rather than dried -00459776 __hold_up_VB_3 cause to be slowed down or delayed; "Traffic was delayed by the bad weather"; "she delayed the work that she didn't want to perform" -02244173 __reduviid_NN_1 a true bug: long-legged predacious bug living mostly on other insects; a few suck blood of mammals -00459498 __rush_VB_4 act or move at high speed; "We have to rush!"; "hurry--it's late!" -00459296 __rush_VB_3 urge to an unnatural speed; "Don't rush me, please!" -08232706 __ivy_league_NN_1 a league of universities and colleges in the northeastern United States that have a reputation for scholastic achievement and social prestige -00458754 __work_VB_25 cause to undergo fermentation; "We ferment the grapes for a very long time to achieve high alcohol content"; "The vintner worked the wine in big oak vats" -00457998 __sleepily_RB_1 change from a liquid to a thickened or solid state; "coagulated blood" completely unclothed; "bare bodies"; "naked from the waist up"; "a nude model" in a sleepy manner; "the two children who were snuggled sleepily in the back of the car" -00149508 __welding_NN_1 fastening two pieces of metal together by softening with heat and applying pressure -02398521 __river_horse_NN_1 massive thick-skinned herbivorous animal living in or around rivers of tropical Africa -02417301 __thin_JJ_5 relatively thin in consistency or low in density; not viscous; "air is thin at high altitudes"; "a thin soup"; "skimmed milk is much thinner than whole milk"; "thin oil" -00457100 __homogenize_VB_1 cause to become equal or homogeneous as by mixing; "homogenize the main ingredients" -09958724 __consort_NN_1 the husband or wife of a reigning monarch -00456740 __match_VB_5 make correspond or harmonize; "Match my sweater" -00455919 __complement_VB_1 make complete or perfect; supply what is wanting or form the complement to; "I need some pepper to complement the sweet touch in the soup" -00455368 __sluice_VB_2 irrigate with water from a sluice; "sluice the earth" -09970088 __counterterrorist_NN_1 someone who attempts to prevent terrorism -07407970 __fluxion_NN_1 a flow or discharge -00454868 __flush_VB_7 cause to flow or flood with or as if with water; "flush the meadows" -00095121 __propitiation_NN_2 the act of atoning for sin or wrongdoing (especially appeasing a deity) -11447851 __impulsion_NN_1 a force that moves something along -11822557 __family_amaranthaceae_NN_1 cosmopolitan family of herbs and shrubs -00451648 __drain_VB_3 empty of liquid; drain the liquid from; "We drained the oil tank" -00451461 __people_VB_1 fill with people; "Stalin wanted to people the empty steppes" -02548219 __benefact_VB_1 help as a benefactor; "The father benefacted his daughter in more ways than she was aware of" -12654387 __running_blackberry_NN_1 any of several trailing blackberry brambles especially of North America -11802212 __wild_ginger_NN_1 low-growing perennial herb with pungent gingery leaves and rhizomes -01841102 __sapsucker_NN_1 small American woodpecker that feeds on sap from e.g. apple and maple trees -12792041 __saxifrage_family_NN_1 a large and diverse family of evergreen or deciduous herbs; widely distributed in northern temperate and cold regions; sometimes includes genera of the family Hydrangeaceae -00447771 __fade_out_VB_1 become weaker; "The sound faded out" -06267145 __paper_NN_3 a daily or weekly publication on folded sheets; contains news and articles and advertisements; "he read his newspaper at breakfast" -01259034 __respite_NN_5 the act of reprieving; postponing or remitting punishment -00446695 __solvate_VB_1 cause a solvation in (a substance) -11928352 __artemisia_NN_1 any of various composite shrubs or herbs of the genus Artemisia having aromatic green or greyish foliage -00446514 __solvate_VB_2 undergo solvation or convert into a solvate -09639237 __white_race_NN_1 a light-skinned race -00445940 __crystallize_VB_3 cause to form crystals or assume crystalline form; "crystallize minerals" -11607739 __pine_family_NN_1 a family of Pinaceae -00445467 __solidify_VB_1 make solid or more solid; cause to solidify -04372171 __switch_NN_5 a flexible implement used as an instrument of punishment -00444975 __try_VB_8 melt (fat or lard) in order to separate out impurities; "try the yak butter"; "render fat in a casserole" in a rotational manner; "the required influence lines are found by subjecting the model to small displacements horizontally, vertically and rotationally" -11654438 __tarwood_NN_2 New Zealand silver pine of conical habit with long slender flexuous branches; adapted to cold wet summers and high altitudes -00444629 __run_VB_39 reduce or cause to be reduced from a solid to a liquid state, usually by heating; "melt butter"; "melt down gold"; "The wax melted in the sun" -00443984 __liquify_VB_2 become liquid or fluid when heated; "the frozen fat liquefied" -03941684 __tweezer_NN_1 a hand tool for holding consisting of a compound lever for grasping -00443116 __indurate_VB_3 become hard or harder; "The wax hardened" -09578465 __norse_deity_NN_1 a deity worshipped by the ancient Norsemen -10682953 __truelove_NN_1 a person loved by another person -00371051 __refrigerate_VB_2 cool or chill in or as if in a refrigerator; "refrigerate this medicine" -00440580 __slow_up_VB_1 become slow or slower; "Production slowed" -15151255 __nineties_NN_3 the time of life between 90 and 100 -04013993 __protease_inhibitor_NN_1 an antiviral drug used against HIV; interrupts HIV replication by binding and blocking HIV protease; often used in combination with other drugs -00438178 __speed_up_VB_1 move faster; "The car accelerated" -08225581 __municipality_NN_2 people living in a town or city having local self-government -00437449 __specialize_VB_1 become more focus on an area of activity or field of study; "She specializes in Near Eastern history" -06351202 __writing_system_NN_1 a method of representing the sounds of a language by written or printed symbols -00436668 __radiate_VB_8 spread into new habitats and produce variety or variegate; "The plants on this island diversified" -05797597 __research_NN_2 a search for knowledge; "their pottery deserves more research than it has received" -04893525 __thrift_NN_2 extreme care in spending money; reluctance to spend money unnecessarily -11690893 __floral_leaf_NN_1 a modified leaf that is part of a flower -00434919 __go_down_VB_8 stop operating; "My computer crashed last night"; "The system goes down at least once a week" -01506812 __invaginate_VB_2 fold inwards; "some organs can invaginate" -00434077 __magnify_VB_1 increase in size, volume or significance; "Her terror was magnified in her mind" -12454021 __tulipa_NN_1 Eurasian perennial bulbous herbs -01996585 __copepod_crustacean_NN_1 minute marine or freshwater crustaceans usually having six pairs of limbs on the thorax; some abundant in plankton and others parasitic on fish -00433232 __wax_VB_2 go up or advance; "Sales were climbing after prices were lowered" -00432839 __slump_VB_3 fall heavily or suddenly; decline markedly; "The real estate market fell off" -04884627 __self-indulgence_NN_1 an inability to resist the gratification of whims and desires -05085572 __nearness_NN_1 the spatial property resulting from a relatively small distance; "the sudden closeness of the dock sent him into action" -00277935 __straighten_VB_6 make straight or straighter; "Straighten this post"; "straighten hair" -00431826 __wane_VB_1 grow smaller; "Interest in the project waned" -00431327 __thicken_VB_1 make thick or thicker; "Thicken the sauce"; "inspissate the tar so that it becomes pitch" -03873064 __padding_NN_1 artifact consisting of soft or resilient material used to fill or give shape or protect or add comfort -00940709 __devisal_NN_1 the act of devising something -08059412 __corporation_NN_1 a business firm whose articles of incorporation have been approved in some state -08591486 __launching_site_NN_1 a place for launching pads -07810907 __condiment_NN_1 a preparation (a sauce or relish or spice) to enhance flavor or enjoyment; "mustard and ketchup are condiments" -02539101 __tamper_VB_2 intrude in other people's affairs or business; interfere unwantedly; "Don't meddle in my affairs!" -00429968 __cut_VB_35 have a reducing effect; "This cuts into my earnings" -00429763 __quench_VB_5 reduce the degree of (luminescence or phosphorescence) in (excited molecules or a material) by adding a suitable substance -00365188 __contract_VB_7 compress or concentrate; "Congress condensed the three-year plan into a six-month plan" -10277352 __skulker_NN_2 someone waiting in concealment -00426958 __vanish_VB_1 get lost, as without warning or explanation; "He disappeared without a trace" -15127729 __mississippian_NN_1 from 345 million to 310 million years ago; increase of land areas; primitive ammonites; winged insects -12709103 __shaddock_NN_1 southeastern Asian tree producing large fruits resembling grapefruits -00426581 __emerge_VB_3 become known or apparent; "Some nice results emerged from the study" -10609325 __slave_NN_1 a person who is owned by someone -03458552 __grid_NN_4 an electrode placed between the cathode and anode of a vacuum tube to control the flow of electrons through the tube -00424869 __flash_VB_8 emit a brief burst of light; "A shooting star flashed and was gone" -08726072 __hunan_province_NN_1 a province in southeastern central China between the Nan Ling mountains and the Chang Jiang; noted for its timber and valuable mineral resources -08249038 __band_NN_2 instrumentalists not including string players -00423702 __turn_up_VB_1 appear or become visible; make a showing; "She turned up at the funeral"; "I hope the list key is going to surface again" -00422090 __appear_VB_2 come into sight or view; "He suddenly appeared at the wedding"; "A new star appeared on the horizon" -00421917 __wither_VB_2 lose freshness, vigor, or vitality; "Her bloom was fading" -08787878 __lycia_NN_1 an ancient region on the coast of southwest Asia Minor -00421535 __remove_VB_6 go away or leave; "He absented himself" -05657718 __sense_of_hearing_NN_1 the ability to hear; the auditory faculty; "his hearing was impaired" -00421125 __slacken_VB_4 make slack as by lessening tension or firmness -00420909 __intransitivize_VB_1 intransitivize; "removing the object will intransitivize the verbs" -00655987 __size_VB_2 sort according to size -09177647 __scythia_NN_1 an ancient area of Eurasia extending from the Black Sea to the Aral Sea that was populated by Scythians from the eighth to the fourth century BC -00419950 __tighten_VB_2 become tight or tighter; "The rope tightened" -10729175 __trier_NN_1 one (as a judge) who examines and settles a case -12948978 __griselinia_NN_1 evergreen shrubs of New Zealand and South America -11398344 __wright_NN_6 United States early feminist (born in Scotland) (1795-1852) -04992163 __taste_property_NN_1 a property appreciated via the sense of taste -03769397 __miniature_NN_1 painting or drawing included in a book (especially in illuminated medieval manuscripts) -07187150 __adjuration_NN_1 a solemn and earnest appeal to someone to do something -00419137 __relax_VB_3 become loose or looser or less tight; "The noose loosened"; "the rope relaxed" -02402409 __subvert_VB_1 cause the downfall of; of rulers; "The Czar was overthrown"; "subvert the ruling class" -00418765 __tighten_up_VB_1 restrict; "Tighten the rules"; "stiffen the regulations" -08398773 __variety_NN_1 a collection containing a variety of sorts of things; "a great assortment of cars was on display"; "he had a variety of disorders"; "a veritable smorgasbord of religions" -08987879 __st._kitts_NN_1 the largest of the islands comprising Saint Christopher-Nevis -13341756 __right_NN_8 (frequently plural) the interest possessed by law or custom in some intangible thing; "mineral rights"; "film rights" -13607187 __million_floating_point_operations_per_second_NN_1 (computer science) a unit for measuring the speed of a computer system -00417001 __match_VB_10 make equal, uniform, corresponding, or matching; "let's equalize the duties among all employees in this office"; "The company matched the discount policy of its competitors" -00416705 __even_out_VB_4 make even or more even -01051331 __positioning_NN_1 the act of putting something in a certain place -00415398 __take_root_VB_1 become settled or established and stable in one's residence or life style; "He finally settled down" -00415044 __settle_VB_21 form a community; "The Swedes settled in Minnesota" -00414823 __dislocate_VB_2 put out of its usual place, position, or relationship; "The colonists displaced the natives" arranged into categories -01111375 __renting_NN_1 the act of paying for the use of something (as an apartment or house or car) -00414409 __relocate_VB_2 move or establish in a new location; "We had to relocate the office because the rent was too high" -02535349 __salmo_NN_1 type genus of the Salmonidae: salmon and trout -00630960 __yoga_NN_2 a system of exercises practiced as part of the Hindu discipline to promote control of the body and mind -00414174 __colonize_VB_2 settle as colonists or establish a colony (in); "The British colonized the East Coast" -12079737 __genus_pogonia_NN_1 small but widely distributed genus of orchids closely related to genus Cleistes;: of damp or boggy areas of north temperate zone -00412696 __naturalize_VB_4 make more natural or lifelike -02316649 __yield_VB_4 give over; surrender or relinquish to the physical control of another -00412048 __privatize_VB_1 change from governmental to private control or ownership; "The oil industry was privatized" -07375635 __takeoff_NN_2 the initial ascent of an airplane as it becomes airborne -00411792 __denationalize_VB_1 put under private control or ownership; "The steel industry was denationalized" -00411547 __nationalize_VB_1 put under state control or ownership; "Mitterand nationalized the banks" -00411312 __civilize_VB_2 raise from a barbaric to a civilized state; "The wild child found wandering in the forest was gradually civilized" -00410406 __americanize_VB_1 make American in character; "The year in the US has completely Americanized him" -07296428 __modification_NN_4 an event that occurs when something passes from one state or phase to another; "the change was intended to increase sales"; "this storm is certainly a change for the worse"; "the neighborhood had undergone few modifications since his last visit years ago" -00409869 __europeanize_VB_1 make (continental) European in customs, character, or ideas -00409281 __communize_VB_1 make Communist or bring in accord with Communist principles; "communize the government" -00408852 __communize_VB_2 make into property owned by the state; "The new government communized all banks" -08975617 __kashmir_NN_1 an area in southwestern Asia whose sovereignty is disputed between Pakistan and India -02711987 __turn_on_VB_2 be contingent on; "The outcomes rides on the results of the election"; "Your grade will depends on your homework" -00405236 __concentrate_VB_3 make central; "The Russian government centralized the distribution of food" -00406963 __provide_VB_7 take measures in preparation for; "provide for the proper care of the passengers on the cruise ship" -00406243 __set_up_VB_15 make ready or suitable or equip in advance for a particular purpose or for some use, event, etc; "Get the children ready for school!"; "prepare for war"; "I was fixing to leave town after I paid the hotel bill" -00406053 __socialize_VB_3 prepare for social life; "Children have to be socialized in school" -05478336 __second_cranial_nerve_NN_1 the cranial nerve that serves the retina -00405853 __socialize_VB_4 make conform to socialist ideas and philosophies; "Health care should be socialized!" -02885338 __boxing_equipment_NN_1 equipment used in boxing -00407146 __cram_VB_4 prepare (students) hastily for an impending exam -00405079 __mesh_VB_2 coordinate in such a way that all parts work together effectively -00404642 __organize_VB_4 bring order and organization to; "Can you help me organize my files?" -03013162 __chemical_weapon_NN_1 chemical substances that can be delivered using munitions and dispersal devices to cause death or severe harm to people and animals and plants -13060912 __tremella_NN_1 fungi with yellowish gelatinous sporophores having convolutions resembling those of the brain -09324474 __river_kasai_NN_1 a river of southwestern Africa that rises in central Angola and flows east and then north (forming part of the border between Angola and Congo) and continuing northwest through Congo to empty into the Congo River on the border between Congo and Republic of the Congo -14448333 __wretchedness_NN_1 a state of ill-being due to affliction or misfortune; "the misery and wretchedness of those slums is intolerable" -00403149 __pressurize_VB_3 increase the pressure in or of; "The captain will pressurize the cabin for the passengers' comfort" -00357451 __decompression_NN_2 relieving pressure (especially bringing a compressed person gradually back to atmospheric pressure) -02915055 __endocrine_JJ_1 of or belonging to endocrine glands or their secretions; "endocrine system" -02644234 __rule_VB_3 be larger in number, quantity, power, status or importance; "Money reigns supreme here"; "Hispanics predominate in this neighborhood" -02145767 __vespertilio_NN_1 a genus of Vespertilionidae -00401688 __refine_VB_6 make more precise or increase the discriminatory powers of; "refine a method of analysis"; "refine the constant in the equation" -00400883 __refine_VB_2 make more complex, intricate, or richer; "refine a design or pattern" -00400427 __simplify_VB_1 make simpler or easier or reduce in complexity or extent; "We had to simplify the instructions"; "this move will simplify our lives" -00400101 __demagnetize_VB_2 make nonmagnetic; take away the magnetic properties (of); "demagnetize the iron shavings"; "they degaussed the ship" having the color of a ripe peach -04960079 __achromatic_colour_NN_1 a color lacking hue; white or grey or black -00399788 __magnetize_VB_1 make magnetic; "The strong magnet magnetized the iron shavings" -00399553 __putrefy_VB_1 become putrid; decay with an offensive smell; "organic matter putrefies" -00399074 __disintegrate_VB_3 lose a stored charge, magnetic flux, or current; "the particles disintegrated during the nuclear fission process" -02515410 __latimeridae_NN_1 extinct except for the coelacanth -06715223 __vilification_NN_2 a rude expression intended to offend or hurt; "when a student made a stupid mistake he spared them no abuse"; "they yelled insults at the visiting team" -00858188 __sleeping_NN_3 the suspension of consciousness and decrease in metabolic rate -00397576 __disintegrate_VB_1 break into parts or components or lose cohesion or unity; "The material disintegrated"; "the group disintegrated after the leader died" -07007171 __theatrical_production_NN_1 the production of a drama on the stage -09699200 __czechoslovakian_NN_1 a native or inhabitant of the former republic of Czechoslovakia -07280072 __recall_NN_1 a request by the manufacturer of a defective product to return the product (as for replacement or repair) -01340522 __polyoma_virus_NN_1 a virus the can initiate various kinds of tumors in mice intensifying by augmentation and enhancement -09713501 __hindustani_NN_1 a native or inhabitant of Hindustan or India -00396035 __mix_in_VB_1 cause (something) to be mixed with (something else); "At this stage of making the cake, blend in the nuts" -00393677 __acclimatize_VB_1 get used to a certain climate; "They never acclimatized in Egypt" -05699434 __wavering_NN_1 indecision in speech or action -00392960 __taper_VB_2 give a point to; "The candles are tapered" -06922045 __yuman_NN_1 a group of language of the Hokan family in Arizona and California and Mexico -12840640 __genus_ajuga_NN_1 bugle -06578654 __search_engine_NN_1 a computer program that retrieves documents or files or data from a database or from a computer network (especially from the internet) -04112752 __rouge_NN_1 makeup consisting of a pink or red powder applied to the cheeks -01551871 __sculpture_VB_2 shape (a material like stone or wood) by whittling away at it; "She is sculpting the block of marble into an image of her husband" -00391417 __choke_off_VB_1 suppress; "He choked down his rage" -02117900 __spotted_hyena_NN_1 African hyena noted for its distinctive howl -05916306 __intimation_NN_2 a slight suggestion or vague understanding; "he had no inkling what was about to happen" -03772077 __minster_NN_1 any of certain cathedrals and large churches; originally connected to a monastery -04998530 __physique_NN_1 constitution of the human body -01493012 __triaenodon_NN_1 a genus of Triakidae -00390842 __stifle_VB_2 smother or suppress; "Stifle your curiosity" -01886728 __coast_VB_1 move effortlessly; by force of gravity -02660819 __go_with_VB_2 go or occur together; "The word 'hot' tends to cooccur with 'cold'" -06682794 __dispatch_NN_1 an official report (usually sent in haste) -01014609 __underscore_VB_1 give extra weight to (a communication); "Her gesture emphasized her words" -04618781 __personhood_NN_1 being a person; "finding her own personhood as a campus activist" -00389238 __emaciate_VB_2 grow weak and thin or waste away physically; "She emaciated during the chemotherapy" -03665366 __light_source_NN_1 any device serving as a source of illumination; "he stopped the car and turned off the lights" -01200068 __free-base_VB_1 use (purified cocaine) by burning it and inhaling the fumes -08756052 __tobago_NN_1 island in West Indies -08106934 __order_NN_12 (biology) taxonomic group containing one or more families -01729322 __sand_viper_NN_2 harmless North American snake with upturned nose; may spread its head and neck or play dead when disturbed -09956578 __vanquisher_NN_1 someone who is victorious by force of arms -12808933 __polemoniaceae_NN_1 a widely distributed family of chiefly herbaceous plants of the order Polemoniales; often have showy flowers -01721556 __pretend_VB_2 behave unnaturally or affectedly; "She's just acting" -00384055 __transmogrify_VB_1 change completely the nature or appearance of; "In Kafka's story, a person metamorphoses into a bug"; "The treatment and diet transfigured her into a beautiful young woman"; "Jesus was transfigured after his resurrection" -00383275 __sorcerize_VB_1 transform or change by means of sorcery -00383093 __transubstantiate_VB_1 change (the Eucharist bread and wine) into the body and blood of Christ -00382635 __transubstantiate_VB_2 change or alter in form, appearance, or nature; "This experience transformed her completely"; "She transformed the clay into a beautiful sculpture"; "transubstantiate one element into another" -00382493 __transmute_VB_3 alter the nature of (elements) -08231499 __majors_NN_1 the most important league in any sport (especially baseball) -00382010 __transform_VB_6 change (a bacterial cell) into a genetically distinct cell by the introduction of DNA from another cell of the same or closely related species -05642175 __quickness_NN_1 skillful performance or ability without difficulty; "his quick adeptness was a product of good design"; "he was famous for his facility as an archer" -00381850 __transform_VB_7 increase or decrease (an alternating current or voltage) -00381601 __transmute_VB_1 change in outward structure or looks; "He transformed into a monster"; "The salesman metamorphosed into an ugly beetle" -08033829 __manuel_rodriquez_patriotic_front_NN_1 a terrorist group formed in 1983 as the armed wing of the Chilean Communist Party -12624055 __bartram_juneberry_NN_1 open-growing shrub of eastern North America having pure white flowers and small waxy almost black fruits -00381331 __metrify_VB_2 convert from a non-metric to the metric system -00381013 __convert_VB_1 change from one system to another or to a new plan or policy; "We converted from 220 to 110 Volt" -00380698 __represent_VB_15 to establish a mapping (of mathematical elements or sets) -00380424 __transpose_VB_1 change the order or arrangement of; "Dyslexics often transpose letters in a word" -04451818 __tool_NN_1 an implement used in the practice of a vocation -00380159 __switch_VB_4 make a shift in or exchange of; "First Joe led; then we switched" -00379774 __vesicate_VB_1 get blistered; "Her feet blistered during the long hike" -14731135 __conjugated_protein_NN_1 a protein complex combining amino acids with other substances -13852395 __temperature_scale_NN_1 a system of measuring temperature -01372049 __kind_JJ_1 having or showing a tender and considerate and helpful nature; used especially of persons and their behavior; "kind to sick patients"; "a kind master"; "kind words showing understanding and sympathy"; "thanked her for her kind letter" -00021826 __chloroform_VB_1 anesthetize with chloroform; "Doctors used to put people under by chloroforming them" -02309841 __pyrausta_nubilalis_NN_1 larva of the European corn borer moth; a serious pest of maize -00377002 __combust_VB_5 undergo combustion; "Maple wood burns well" -05211044 __humour_NN_5 the quality of being funny; "I fail to see the humor in it" -00376807 __deice_VB_1 make or become free of frost or ice; "Defrost the car window" -00375865 __freeze_VB_4 cause to freeze; "Freeze the leftover food" -02198996 __melophagus_NN_1 an arthropod genus of wingless flies including the sheep ked -00282790 __foliate_VB_5 grow leaves; "the tree foliated in Spring" -10176111 __tramper_NN_2 a foot traveler; someone who goes on an extended walk (for pleasure) -00614224 __writing_NN_5 the activity of putting something in written form; "she did the thinking while he did the writing" -00373766 __cauterize_VB_1 burn, sear, or freeze (tissue) using a hot iron or electric current or a caustic agent; "The surgeon cauterized the wart" -00373520 __carburize_VB_1 unite with carbon; "carburize metal" -01675964 __pygopodidae_NN_1 Australian and Tasmanian lizards -05543177 __synovial_joint_NN_1 a joint so articulated as to move freely -09966710 __pressman_NN_2 a journalist employed to provide news stories for newspapers or broadcast media -01189001 __final_judgment_NN_1 a judgment disposing of the case before the court; after the judgment (or an appeal from it) is rendered all that remains is to enforce the judgment -00371955 __refrigerate_VB_1 preserve by chilling; "many foods must be refrigerated or else they will spoil" -02126686 __thurify_VB_1 perfume especially with a censer -00371264 __heat_up_VB_2 make hot or hotter; "the sun heats the oceans"; "heat the water on the stove" -07434209 __plunge_NN_2 a steep and rapid fall -00441445 __minify_VB_1 make smaller; "He decreased his staff" -00369864 __cool_down_VB_3 loose heat; "The air cooled considerably after the thunderstorm" -06013741 __infinitesimal_calculus_NN_1 the branch of mathematics that is concerned with limits and with the differentiation and integration of functions -00369628 __carbonize_VB_2 turn into carbon, as by burning; "carbonize coal" -10680153 __surrogate_NN_1 someone who takes the place of another person -00368662 __disunify_VB_1 break up or separate; "The country is disunifying"; "Yugoslavia broke apart after 1989" -09026911 __san_sebastian_NN_1 a city in northern Spain on the Bay of Biscay near the French border; a fashionable seaside resort -00368367 __clot_VB_4 coalesce or unite in a mass; "Blood clots" -00368109 __unitize_VB_3 separate or classify into units; "The hospital was unitized for efficiency" -11728530 __bugbane_NN_2 a plant of the genus Cimicifuga having flowers in long racemes or panicles reported to be distasteful to insects -13221807 __order_lepidodendrales_NN_1 fossil arborescent plants arising during the early Devonian and conspicuous throughout the Carboniferous -01623110 __strix_varia_NN_1 large owl of eastern North America having its breast and abdomen streaked with brown -00365446 __condense_VB_6 develop due to condensation; "All our planets condensed out of the same material" -00427397 __vanish_VB_4 cease to exist; "An entire civilization vanished" -00364868 __distill_VB_4 undergo condensation; change from a gaseous to a liquid state and fall in drops; "water condenses"; "The acid distills at a specific temperature" -02527498 __family_congridae_NN_1 marine eels -01865383 __bob_VB_1 move up and down repeatedly; "her rucksack bobbed gently on her back" -02531820 __genus_clupea_NN_1 type genus of the Clupeidae: typical herrings -04486445 __triviality_NN_3 something of small importance -00363493 __suspend_VB_4 stop a process or a habit by imposing a freeze on it; "Suspend the aid to the war-torn country" -07663592 __boeuf_NN_1 meat from an adult domestic bovine -00363268 __nolle_prosequi_VB_1 drop prosecution of by entering a nolle prosequi in the court records; "They nolle prossed the charge" -00362610 __stop_VB_11 stop and wait, as if awaiting further instructions or developments; "Hold on a moment!" -00362348 __stop_VB_6 prevent completion; "stop the project"; "break off the negotiations" -05870916 __natural_law_NN_1 a rule or body of rules of conduct inherent in human nature and essential to or binding upon human society -00360932 __be_born_VB_1 come into existence through birth; "She was born on a farm" -00360805 __predecease_VB_1 die before; die earlier than; "She predeceased her husband" -01526635 __meliphagidae_NN_1 honey eaters -11618525 __torrey_pine_NN_1 medium-sized five-needled pine of southwestern California having long cylindrical cones -02453108 __pachyderm_NN_1 any of various nonruminant hoofed mammals having very thick skin: elephant; rhinoceros; hippopotamus -08626080 __front_NN_9 the part of something that is nearest to the normal viewer; "he walked to the front of the stage" -11967572 __genus_eriophyllum_NN_1 genus of hairy herbs and shrubs of western North America -02063846 __genus_balaena_NN_1 type genus of the Balaenidae: Greenland whales -00357667 __germinate_VB_3 cause to grow or sprout; "the plentiful rain germinated my plants" -00356954 __warp_VB_2 bend out of shape, as under pressure or from heat; "The highway buckled during the heat wave" -13065902 __ustilaginales_NN_1 parasitic fungi causing smuts; sometimes placed in class Tiliomycetes -12653056 __rubus_NN_1 large genus of brambles bearing berries -13888491 __angular_distance_NN_1 the angular separation between two objects as perceived by an observer; "he recorded angular distances between the stars" -02671421 __supplement_NN_3 a supplementary component that improves capability -04520170 __van_NN_5 a truck with an enclosed cargo space -00353639 __give_the_gate_VB_1 terminate a relationship abruptly; "Mary gave John the axe after she saw him with another woman" -10085736 __seignior_NN_1 a man of rank in the ancient regime -00351963 __finish_VB_6 cause to finish a relationship with somebody; "That finished me with Mary" -00351406 __stick_with_VB_1 keep to; "Stick to your principles"; "stick to the diet" -00351266 __plug_away_VB_2 persist in working hard; "Students must plug away at this problem" -00350889 __obstinate_VB_1 persist stubbornly; "he obstinates himself against all rational arguments" -05911255 __retirement_savings_plan_NN_1 a plan for setting aside money to be spent after retirement -00350461 __persist_VB_2 be persistent, refuse to stop; "he persisted to call me every night"; "The child persisted and kept asking questions" -00350104 __resume_VB_1 take up or begin anew; "We resumed the negotiations" -00349592 __usher_in_VB_1 be a precursor of; "The fall of the Berlin Wall ushered in the post-Cold War period" -00348746 __start_VB_2 set in motion, cause to start; "The U.S. started a war in the Middle East"; "The Iraqis began hostilities"; "begin a new chapter in your life" -07801091 __pasture_NN_2 bulky food like grass or hay for browsing or grazing horses or cattle -00347804 __break_in_VB_3 start in a certain activity, enterprise, or role -00347610 __attack_VB_5 set to work upon; turn one's energies vigorously to a task; "I attacked the problem as soon as I got out of bed" -01826998 __family_alcedinidae_NN_1 kingfishers -01255355 __abscise_VB_1 shed flowers and leaves and fruit following formation of a scar tissue -01244178 __swob_VB_1 wash with a swab or a mop; "swab the ship's decks" -12404943 __ulmaceae_NN_1 a dicot family of the order Urticales including: genera Ulmus, Celtis, Planera, Trema -00345312 __concur_VB_2 happen simultaneously; "The two events coincided" -00344643 __happen_VB_2 happen, occur, or be the case in the course of events or by chance; "It happens that today is my birthday"; "These things befell" (Santayana) -15062955 __jagghery_NN_1 unrefined brown sugar made from palm sap -00344174 __materialize_VB_1 come into being; become reality; "Her dream really materialized" -08895497 __newport_NN_1 a port city in southeastern Wales -06780309 __travesty_NN_2 a composition that imitates or misrepresents somebody's style, usually in a humorous way -00343771 __cycle_VB_5 recur in repeating sequences -00343600 __iterate_VB_2 run or be performed again; "the function iterates" -00885858 __elementary_education_NN_1 education in elementary subjects (reading and writing and arithmetic) provided to young students at a grade school -08207540 __fedayeen_NN_1 (plural) Arab guerrillas who operate mainly against Israel -00342443 __fall_VB_10 occur at a specified time or place; "Christmas falls on a Monday this year"; "The accent falls on the first syllable" -00341917 __come_VB_3 come to pass; arrive, as in due course; "The first success came three days later"; "It came as a shock"; "Dawn comes early in June" -08184600 __rout_NN_1 a disorderly crowd of people -07905038 __rum_NN_1 liquor distilled from fermented molasses -00341560 __proceed_VB_4 follow a certain course; "The inauguration went well"; "how did your interview go?" -01909906 __polyp_NN_2 one of two forms that coelenterates take (e.g. a hydra or coral): usually sedentary with a hollow cylindrical body usually with a ring of tentacles around the mouth; "in some species of coelenterate, polyps are a phase in the life cycle that alternates with a medusoid phase" -00340846 __intervene_VB_3 occur between other event or between certain points of time; "the war intervened between the birth of her two children" -00340704 __result_VB_3 come about or follow as a consequence; "nothing will result from this meeting" -03374473 __fly_tent_NN_1 a tent with a fly front -00339738 __come_up_VB_2 result or issue; "A slight unpleasantness arose from this discussion" -00339464 __recrudesce_VB_1 happen; "Report the news as it develops"; "These political movements recrudesce from time to time" -12970872 __order_hymenogastrales_NN_1 an order of fungi belonging to the class Gasteromycetes; has a distinct basidiocarp with a fleshy or waxy gleba (sometimes placed in subclass Homobasidiomycetes) -09079505 __hawaii_island_NN_1 the largest and southernmost of the Hawaii islands; has several volcanic peaks -00339085 __crush_VB_4 break into small pieces; "The car crushed the toy" -13658027 __angstrom_unit_NN_1 a metric unit of length equal to one ten billionth of a meter (or 0.0001 micron); used to specify wavelengths of electromagnetic radiation -07242324 __declamation_NN_1 vehement oratory -00338559 __fearsomely_RB_1 declare void; "The President dissolved the parliament and called for new elections" in a fearsome manner; "a sabre slammed fearsomely through the thicket in all directions" -03345115 __firecracker_NN_1 firework consisting of a small explosive charge and fuse in a heavy paper casing -05638778 __mixology_NN_1 skill in preparing mixed drinks -00338071 __fragmentize_VB_1 break or cause to break into pieces; "The plate fragmented" -00337903 __splinter_VB_3 break up into splinters or slivers; "The wood splintered" -13559782 __specialization_NN_3 (biology) the structural adaptation of some body part for a particular function; "cell differentiation in the developing embryo" -12116583 __genus_dactyloctenium_NN_1 a monocotyledonous genus of the family Gramineae -09123809 __west_point_NN_1 United States Army installation on the west bank of Hudson river to the north of New York City; site of United States Military Academy -00336922 __fissure_VB_1 break into fissures or fine cracks -11852531 __pereskia_aculeata_NN_1 West Indian woody climber with spiny stems and numerous fragrant white flowers in panicles followed by small yellow to orange fruits -00334649 __smash_VB_10 break suddenly into pieces, as from a violent blow; "The window smashed" -00334186 __split_up_VB_4 become separated into pieces or fragments; "The figurine broke"; "The freshly baked loaf fell apart" -00333066 __subdivide_VB_2 divide into smaller and smaller pieces; "This apartment cannot be subdivided any further!" -01397088 __whop_VB_2 hit hard -00332154 __pulverize_VB_1 make into a powder by breaking up or cause to become dust; "pulverize the grains" -02988679 __compact_disc_read-only_memory_NN_1 a compact disk that is used with a computer (rather than with an audio system); a large amount of digital information can be stored and accessed but it cannot be altered by the user -00331713 __pulp_VB_2 reduce to pulp; "pulp fruit"; "pulp wood" -02373601 __family_equidae_NN_1 horses; asses; zebras; extinct animals -02723904 __excrescent_JJ_1 forming an outgrowth (usually an excessive outgrowth) -00330003 __trifurcate_VB_1 divide into three; "The road trifurcates at the bridge" -02531503 __genus_brevoortia_NN_1 menhaden -00329654 __twig_VB_1 branch out in a twiglike manner; "The lightning bolt twigged in several directions" -12126911 __panicum_NN_1 panic grass -00329495 __arborize_VB_1 branch out like trees; "nerve fibers arborize" -01887576 __glide_VB_1 move smoothly and effortlessly -00328370 __oven_broil_VB_1 cook under a broiler; "broil fish" -00328128 __noncellular_JJ_1 immerse or be immersed in a boiling liquid, often for cooking purposes; "boil potatoes"; "boil wool" not made up of or divided into cells -04945057 __desire_NN_2 an inclination to want things; "a man of many desires" -13661273 __dollar_NN_1 the basic monetary unit in many countries; equal to 100 cents -08034028 __moranzanist_patriotic_front_NN_1 a terrorist group of radical leftists formed in the late 1980s; seeks to prevent the United States from intervening in Honduran economic and political affairs -00943837 __show_VB_6 give expression to; "She showed her disappointment" -02439281 __set_about_VB_1 begin to deal with; "approach a task"; "go about a difficult problem"; "approach a new project" -00326619 __saute_VB_1 fry briefly over high heat; "saute the onions" -00446329 __dissolve_VB_8 pass into a solution; "The sugar quickly dissolved in the coffee" -00324231 __simmer_VB_1 boil slowly at low temperature; "simmer the sauce"; "simmering water" -00324071 __jug_VB_2 stew in an earthenware jug; "jug the rabbit" -08014860 __divine_unity_NN_1 an Islamic terrorist cell that originated in Jordan but operates in Germany; goal is to attack Europe and Russia with chemical weapons -06927736 __kirgiz_NN_3 the Turkic language spoken by the Kirghiz -10047459 __swellhead_NN_1 a conceited and self-centered person -14122497 __influenza_NN_1 an acute febrile highly contagious viral disease -00322719 __overboil_VB_2 boil excessively; "The peas are overboiled" -09120594 __manhattan_NN_1 one of the five boroughs of New York City -01026095 __name_VB_2 give the name or identifying characteristics of; refer to by name or some other identifying characteristic property; "Many senators were named in connection with the scandal"; "The almanac identifies the auspicious months" -08426461 __formation_NN_1 an arrangement of people or things acting as a unit; "a defensive formation"; "a formation of planes" -00321148 __stuff_VB_6 fill tightly with a material; "stuff a pillow with feathers" -00320681 __stuff_VB_7 fill with a stuffing while cooking; "Have you stuffed the turkey yet?" -10242439 __lacer_NN_1 a workman who laces shoes or footballs or books (during binding) -00315383 __insectivorous_JJ_1 (of animals and plants) feeding on insects -00319406 __scale_VB_8 size or measure according to a scale; "This model must be scaled down" -00319214 __size_VB_3 make to a size; bring to a suitable size -00318816 __stretch_VB_5 make long or longer by pulling and stretching; "stretch the fabric" -06524935 __conspiracy_NN_1 a secret agreement between two or more people to perform an unlawful act -05146739 __inexpensiveness_NN_1 the quality of being affordable -00318326 __extend_VB_15 prolong the time allowed for payment of; "extend the loan" -12918609 __wartwort_NN_1 not unattractive European weed whose flowers turn toward the sun -00316768 __shorten_VB_1 make shorter than originally intended; reduce or retrench in length or duration; "He shortened his trip due to illness" -00315810 __revalue_VB_2 value anew; "revalue the German Mark" -07731587 __escarole_NN_1 variety of endive having leaves with irregular frilled edges -01623027 __pulse_VB_2 produce or modulate (as electromagnetic waves) in the form of short bursts or pulses or cause an apparatus to produce pulses; "pulse waves"; "a transmitter pulsed by an electronic tube" -02543181 __disobey_VB_1 refuse to go along with; refuse to follow; be disobedient; "He disobeyed his supervisor and was fired" -12562577 __quira_NN_2 any of several tropical American trees some yielding economically important timber -00315020 __undervalue_VB_3 lose in value; "The dollar depreciated again" -05705184 __specialism_NN_1 the concentration of your efforts on a particular field of study or occupation -00312990 __blur_VB_5 make dim or indistinct; "The fog blurs my vision" -00312380 __darken_VB_1 become dark or darker; "The sky darkened" -09959258 __police_constable_NN_1 a police officer of the lowest rank -00311559 __darken_VB_3 make dark or darker; "darken a room" -00311338 __obliterate_VB_3 remove completely from recognition or memory; "efface the memory of the time in the camps" -00311113 __slur_VB_4 become vague or indistinct; "The distinction between the two theories blurred" -01979526 __ovalipes_ocellatus_NN_1 brightly spotted crab of sandy beaches of the Atlantic coast of the United States -08192361 __coastguard_NN_1 a military service responsible for the safety of maritime traffic in coastal waters -00309792 __pop_VB_12 cause to burst with a loud, explosive sound; "The child popped the balloon" -11071177 __st._ignatius_of_loyola_NN_1 Spaniard and Roman Catholic theologian and founder of the Society of Jesus; a leading opponent of the Reformation (1491-1556) -08881674 __cumbria_NN_1 a former Celtic kingdom in northwestern England; the name continued to be used for the hilly northwestern region of England including the Lake District and the northern Pennines -00307419 __dynamite_VB_1 blow up with dynamite; "The rock was dynamited" -09532384 __bodhisattva_NN_1 Buddhist worthy of nirvana who postpones it to help others -02846141 __black_NN_7 black clothing (worn as a sign of mourning); "the widow wore black" -00306723 __set_off_VB_4 cause to burst with a violent release of energy; "We exploded the nuclear bomb" -00306017 __explode_VB_2 burst outward, usually with noise; "The champagne bottle exploded" -01800349 __pleasant_JJ_1 affording pleasure; being in harmony with your taste or likings; "we had a pleasant evening together"; "a pleasant scene"; "pleasant sensations" -00305537 __distend_VB_1 become wider; "His pupils were dilated" -01136614 __gun_VB_1 shoot with a gun -03921749 __phenelzine_NN_1 monoamine oxidase inhibitor (trade name Nardil) used to treat clinical depression -06732013 __formula_NN_3 a conventionalized statement expressing some fundamental principle -10221656 __jewel_NN_2 a person who is as brilliant and precious as a piece of jewelry -01042764 __devotion_NN_4 (usually plural) religious observance or prayers (usually spoken silently); "he returned to his devotions" -07248060 __indorsement_NN_1 a promotional statement (as found on the dust jackets of books); "the author got all his friends to write blurbs for his book" -00303661 __widen_VB_3 make wider; "widen the road" -00301856 __tame_VB_5 make fit for cultivation, domestic life, and service to humans; "The horse was domesticated a long time ago"; "The wolf was tamed and evolved into the house dog" -00301338 __unfit_VB_1 make unfit or unsuitable; "Your income disqualifies you" -09829923 __unmarried_man_NN_1 a man who has never been married -10585976 __shaker_NN_1 a person who wields power and influence; "a shaker of traditional beliefs"; "movers and shakers in the business world" -00300537 __fit_VB_4 make fit; "fit a dress"; "He fitted other pieces of paper to his cut-out" -00911350 __lament_VB_2 regret strongly; "I deplore this hostile action"; "we lamented the loss of benefits" -00298556 __set_VB_8 set to a certain position or cause to operate correctly; "set clocks or instruments" -00297906 __time_VB_4 regulate or set the time of; "time the clock" -08830456 __yukon_territory_NN_1 a territory in northwestern Canada; site of the Klondike gold rush in the 1890s -07582609 __dip_NN_4 tasty mixture or liquid into which bite-sized foods are dipped -02727281 __aphrodisiac_NN_1 a drug or other agent that stimulates sexual desire -00297507 __zero_VB_1 adjust (an instrument or device) to zero value -00607542 __cabinetwork_NN_2 the craft of making furniture (especially furniture of high quality) -04985198 __pitch_NN_1 the property of sound that varies with variation in the frequency of vibration -12902297 __genus_cestrum_NN_1 genus of fragrant tropical American shrubs -13976527 __balagan_NN_1 a word for chaos or fiasco borrowed from modern Hebrew (where it is a loan word from Russian); "it was utter and complete balagan!" -00294522 __effloresce_VB_1 come into or as if into flower; "These manifestations effloresced in the past" -00294245 __flower_VB_1 produce or yield flowers; "The cherry tree bloomed" -00293977 __tittivate_VB_1 make neat, smart, or trim; "Spruce up your house for Spring"; "titivate the child" -15091473 __vitamin_g_NN_1 a B vitamin that prevents skin lesions and weight loss -00292672 __mutilate_VB_1 destroy or injure severely; "The madman mutilates art work" -08892766 __lothian_region_NN_1 a district in southeast central Scotland (south side of the Firth of Forth) and the location of Edinburgh -00292507 __cut_off_VB_2 cease, stop; "cut the noise"; "We had to cut short the conversation" -00292368 __spotlight_VB_2 illuminate with a spotlight, as in the theater -00291873 __light_up_VB_2 make lighter or brighter; "This lamp lightens the room a bit" -07436661 __outflow_NN_1 the discharge of a fluid from some container; "they tried to stop the escape of gas from the damaged pipe"; "he had to clean up the leak" -00291757 __irradiate_VB_2 cast rays of light upon -12776946 __styrax_family_NN_1 a widely distributed family of shrubs and trees of order Ebenales -01956708 __tool_around_VB_1 ride in a car with no particular goal and just for the pleasure of it; "We tooled down the street" -09720406 __spik_NN_1 (ethnic slur) offensive term for persons of Latin American descent -00379422 __attachment_NN_6 the act of attaching or affixing something -00289679 __grey_VB_1 make grey; "The painter decided to grey the sky" -02392385 __devolve_VB_1 pass on or delegate to another; "The representative devolved his duties to his aides while he was in the hospital" -00289392 __grey_VB_2 turn grey; "Her hair began to grey" -00289297 __purple_VB_1 become purple -14758027 __horn_NN_7 the material (mostly keratin) that covers the horns of ungulates and forms hooves and claws and nails -01629093 __salamandra_NN_1 type genus of the Salamandridae -05511061 __urinary_tract_NN_1 the organs and tubes involved in the production and excretion of urine -00288563 __retouch_VB_1 give retouches to (hair); "retouch the roots" -00287560 __tincture_VB_2 stain or tint with a color; "The leaves were tinctured with a bright red" -03799375 __step_rocket_NN_1 a rocket having two or more rocket engines (each with its own fuel) that are fired in succession and jettisoned when the fuel is exhausted -12134836 __yellow_foxtail_NN_1 common weedy and bristly grass found in nearly all temperate areas -01378346 __polyangium_NN_1 type genus of the family Polyangiaceae: myxobacteria with rounded fruiting bodies enclosed in a membrane -09479238 __wight_NN_2 an isle and county of southern England in the English Channel -00287258 __pigment_VB_2 color or dye with a pigment; "pigment a photograph" -00486130 __leapfrog_NN_1 advancing as if in the child's game, by leaping over obstacles or competitors; "the company still believes the chip is a leapfrog in integration and will pay huge dividends" -00285705 __embrown_VB_2 make brown in color; "the draught browned the leaves on the trees in the yard" -02478469 __break_VB_30 invalidate by judicial action; "The will was broken" -00285414 __pinkify_VB_1 make pink -12693033 __protium_NN_1 genus of chiefly tropical American trees having fragrant wood and yielding gum elemi -00285314 __verdigris_VB_1 color verdigris -00285231 __aurify_VB_2 turn golden -00285088 __purpurate_VB_1 color purple -00284958 __azure_VB_1 color azure; "Morning azured the village" -00284813 __polychromize_VB_1 color with many colors; make polychrome in a circular manner -00284669 __parti-color_VB_1 make motley; color with different colors -00283911 __colourize_VB_1 add color to; "The child colored the drawings"; "Fall colored the trees"; "colorize black and white film" -00282652 __silver_VB_3 turn silver; "The man's hair silvered very attractively" -10330189 __scrounger_NN_1 someone who mooches or cadges (tries to get something free) -00282076 __discolor_VB_2 cause to lose or change color; "The detergent discolored my shirts" -00713818 __interrelate_VB_2 place into a mutual relationship; "I cannot interrelate these two events" -00280532 __nigrify_VB_1 make or become black; "The smoke blackened the ceiling"; "The ceiling blackened" -00279822 __discolourise_VB_1 remove color from; "The sun bleached the red shirt" -05913994 __pillar_of_islam_NN_1 (Islam) one of the five religious obligations accepted by all Muslims -00500638 __emulsify_VB_2 form into or become an emulsion; "The solution emulsified" -02262178 __ephemeropteran_NN_1 short-lived insect -05921685 __bare_bones_NN_1 (plural) the most basic facts or elements; "he told us only the bare bones of the story" -09731906 __spaniard_NN_1 a native or inhabitant of Spain -02403325 __bull_NN_1 uncastrated adult male of domestic cattle -00278117 __disarrange_VB_2 disturb the arrangement of; "disarrange the papers" -00277659 __order_VB_5 bring order to or into; "Order these files" -05229805 __germ_NN_2 a small apparently simple structure (as a fertilized egg) from which new tissue can develop into a complete organism -13440779 __boiling_NN_1 the application of heat to change something from a liquid to a gas -00276601 __throw_out_of_kilter_VB_1 throw into great confusion or disorder; "Fundamental Islamicists threaten to perturb the social order in Algeria and Egypt" -08135770 __bureau_of_justice_assistance_NN_1 the bureau in the Department of Justice that assists local criminal justice systems to reduce or prevent crime and violence and drug abuse -00276214 __mess_up_VB_3 make a mess of or create disorder in; "He messed up his room" -00275843 __tidy_up_VB_1 put (things or places) in order; "Tidy up your room!" -08574314 __geographical_region_NN_1 a demarcated area of the Earth -00274724 __fret_VB_11 remove soil or rock; "Rain eroded the terraces" -03638883 __landing_gear_NN_1 an undercarriage that supports the weight of the plane when it is on the ground -05428473 __pericardium_NN_1 a serous membrane with two layers that surrounds the heart -00272910 __inure_VB_1 cause to accept or become hardened to; habituate; "He was inured to the cold" -00272391 __sensitize_VB_1 make sensitive or aware; "He was not sensitized to her emotional needs" -00271946 __stabilize_VB_3 become stable or more stable; "The economy stabilized" -00271711 __destabilize_VB_2 make unstable; "Terrorism destabilized the government" -02775483 __bagpipe_NN_1 a tubular wind instrument; the player blows air into a bag and squeezes it out through the drone -00270561 __mend_VB_2 heal or recover; "My broken leg is mending" -02262679 __plecoptera_NN_1 stoneflies -02869249 __finger_cymbals_NN_1 a percussion instrument consisting of a pair of hollow pieces of wood or bone (usually held between the thumb and fingers) that are made to click together (as by Spanish dancers) in rhythm with the dance -00269140 __immobilize_VB_6 cause to be unable to move; "The sudden storm immobilized the traffic" -02420389 __genus_antilope_NN_1 blackbucks -00268165 __relapse_VB_1 deteriorate in health; "he relapsed" with regard to architecture; "this building is ugly, but architecturally interesting" -00267519 __catalyze_VB_1 change by catalysis or cause to catalyze -01678237 __sauromalus_NN_1 chuckwallas -05288091 __gristle_NN_1 tough elastic tissue; mostly converted to bone in adults -06798558 __manifestation_NN_2 a manifest indication of the existence or presence or nature of some person or thing; "a manifestation of disease" -00266798 __ionize_VB_2 convert into ions -02216083 __fund_VB_3 provide a fund for the redemption of principal or payment of interest -00266197 __polymerize_VB_2 undergo polymerization -00265386 __reform_VB_1 make changes for improvement in order to remove abuse and injustices; "reform a political system" -00265094 __basify_VB_1 turn basic and less acidic; "the solution alkalized" -10151760 __guitarist_NN_1 a musician who plays the guitar -00264875 __acidify_VB_2 turn acidic; "the solution acetified" -08190609 __task_force_NN_1 a temporary military unit formed to accomplish a particular objective -00264386 __inflate_VB_1 exaggerate or make bigger; "The charges were inflated" -08169573 __reich_NN_1 the German state -03115897 __couch_NN_2 a flat coat of paint or varnish used by artists as a primer -00263231 __protrude_VB_3 swell or protrude outwards; "His stomach bulged after the huge meal" -06601327 __signification_NN_1 the message that is intended or expressed or signified; "what is the meaning of this sentence"; "the significance of a red traffic light"; "the signification of Chinese characters"; "the import of his announcement was ambiguous" -14598937 __gum_accroides_NN_1 an alcohol-soluble resin from Australian trees; used in varnishes and in manufacturing paper -05001089 __tubbiness_NN_1 the property of having a plump and round body -00262703 __patch_up_VB_1 mend by putting a patch on; "patch a hole" -12438324 __genus_alstroemeria_NN_1 genus of showy South American herbs with leafy stems; sometimes placed in family Alstroemeriaceae or in family Amaryllidaceae -01783384 __symphyla_NN_1 small class of minute arthropods; unimportant except for the garden centipede -00261845 __cobble_VB_2 repair or mend; "cobble shoes" -02377418 __historical_JJ_4 used of the study of a phenomenon (especially language) as it changes through time; "diachronic linguistics" -00260311 __devastate_VB_2 overwhelm or overpower; "He was devastated by his grief when his son died" -00259927 __smite_VB_3 cause physical pain or suffering in; "afflict with the plague" -11732309 __genus_consolida_NN_1 plants having flowers resembling the larkspur's but differing from larkspur's in the arrangement of petals; sometimes included in genus Delphinium -04878861 __unfaithfulness_NN_1 the quality of being unfaithful -00258665 __break_VB_3 render inoperable or ineffective; "You broke the alarm clock when you took it apart!" -00257650 __swell_VB_6 cause to become swollen; "The water swells the wood" -12157276 __gourd_family_NN_1 a family of herbaceous vines (such as cucumber or melon or squash or pumpkin) -08175875 __organization_for_the_prohibition_of_chemical_weapons_NN_1 international organization for chemical disarmament; administers the Chemical Weapons Convention -02535537 __salmo_salar_NN_1 found in northern coastal Atlantic waters or tributaries; adults do not die after spawning -00256862 __distend_VB_3 swell from or as if from internal pressure; "The distended bellies of the starving cows" -00430370 __thin_out_VB_1 make sparse; "thin out the young plants" -00031663 __laugh_softly_VB_1 laugh quietly or with restraint -07313004 __shrinking_NN_1 process or result of becoming less or smaller; "the material lost 2 inches per yard in shrinkage" -01051364 __recite_VB_1 recite in elocution -00252990 __work_up_VB_1 form or accumulate steadily; "Resistance to the manager's plan built up quickly"; "Pressure is building up at the Indian-Pakistani border" -00252710 __adolesce_VB_1 become adolescent; pass through adolescence; "The children are beginning to adolesce around the age of 12" -00252019 __develop_VB_10 grow, progress, unfold, or evolve through a process of evolution, natural growth, differentiation, or a conducive environment; "A flower developed on the branch"; "The country developed into a mighty superpower"; "The embryo develops into a fetus"; "This situation has developed over a long time" -04694809 __splotch_NN_1 an irregularly shaped spot -13830305 __point_NN_16 any of 32 horizontal directions indicated on the card of a compass; "he checked the point on his compass" -00320486 __tailing_NN_1 the act of following someone secretly -00251064 __evolve_VB_2 undergo development or evolution; "Modern man evolved a long time ago" -00249969 __ripen_VB_1 cause to ripen or develop fully; "The sun ripens the fruit"; "Age matures a good wine" -02026629 __surfbird_NN_1 sandpiper-like shorebird of Pacific coasts of North America and South America financially ruined; "a bankrupt company"; "the company went belly-up" -00455212 __flush_VB_2 flow freely; "The garbage flushed down the river" -10864204 __st._brigid_NN_1 Irish abbess; a patron saint of Ireland (453-523) -00248026 __senesce_VB_1 grow old or older; "She aged gracefully"; "we age every day--what a depressing thought!"; "Young men senesce" -05944958 __prospect_NN_2 belief about (or mental picture of) the future -00246746 __triple_VB_1 increase threefold; "Triple your income!" -00246217 __duplicate_VB_4 increase twofold; "The population doubled within 50 years" -00309990 __puncture_VB_5 be pierced or punctured; "The tire punctured" -00245059 __slack_off_VB_1 become less in amount or intensity; "The storm abated"; "The rain let up after a few hours" -00244625 __digest_VB_7 make more concise; "condense the contents of a book into a summary" -00244416 __encapsulate_VB_2 put in a short or concise form; reduce in volume; "capsulize the news" -00243900 __shorten_VB_2 reduce in scope while retaining essential elements; "The manuscript must be shortened" -00242026 __die_down_VB_1 suffer from a disease that kills shoots; "The plants near the garage are dying back" -00241496 __miniaturize_VB_1 design or construct on a smaller scale -12761702 __pistacia_vera_NN_1 small tree of southern Europe and Asia Minor bearing small hard-shelled nuts -06169050 __historical_linguistics_NN_1 the study of linguistic change; "the synchrony and diachrony of language" -00357023 __squeezing_NN_1 the act of gripping and pressing firmly; "he gave her cheek a playful squeeze" -01182654 __suit_NN_2 a comprehensive term for any proceeding in a court of law whereby an individual seeks a legal remedy; "the family brought suit against the landlord" -00867606 __stretch_reflex_NN_1 reflex contraction of a muscle when an attached tendon is pulled; important in maintaining erect posture -00239321 __oxidize_VB_1 enter into a combination with oxygen or become converted into an oxide; "This metal oxidizes easily" -08929243 __state_of_kuwait_NN_1 an Arab kingdom in Asia on the northwestern coast of the Persian Gulf; a major source of petroleum -00238867 __oxidize_VB_2 add oxygen to or combine with oxygen -08437968 __spinney_NN_1 a copse that shelters game -05614476 __eye_NN_2 good discernment (either visually or as if visually); "she has an eye for fresh talent"; "he has an artist's eye" -01809784 __shout_down_VB_1 silence or overwhelm by shouting -00066216 __nonachievement_NN_1 an act that does not achieve its intended goal -00236289 __strangle_VB_4 prevent the progress or free movement of; "He was hampered in his efforts by the bad weather"; "the imperialist nation wanted to strangle the free trade between the two small countries" -10710632 __tiger_NN_1 a fierce or audacious person; "he's a tiger on the tennis court"; "it aroused the tiger in me" -06349030 __dateline_NN_2 a line at the beginning of a news article giving the date and place of origin of the news dispatch -00888150 __rededicate_VB_1 dedicate anew; "They were asked to rededicate themselves to their country" -08146782 __denomination_NN_1 a group of religious congregations having its own organization and a distinctive faith -12582665 __sago_palm_NN_1 any of various tropical Asian palm trees the trunks of which yield sago -05399034 __milk_NN_2 produced by mammary glands of female mammals for feeding their young -09018426 __capital_of_azerbaijan_NN_1 a port city on the Caspian Sea that is the capital of Azerbaijan and an important center for oil production -01669883 __testudinidae_NN_1 land tortoises -00235368 __limit_VB_2 restrict or confine, "I limit you to two visits to the pub a day" -00235110 __extend_VB_16 continue or extend; "The civil war carried into the neighboring province"; "The disease extended into the remote mountain provinces" -00234988 __regulate_VB_4 check the emission of (sound) -01632047 __ambystomid_salamander_NN_1 small to moderate-sized terrestrial or semiaquatic New World salamander -13971561 __conciliation_NN_1 the state of manifesting goodwill and cooperation after being reconciled; "there was a brief period of conciliation but the fighting soon resumed" -00234725 __mark_out_VB_1 set boundaries to and delimit; "mark out the territory" -00234536 __draw_the_line_VB_1 reasonably object (to) or set a limit (on); "I draw the line when it comes to lending money to friends!" -00233335 __trammel_VB_2 place limits on (extent or access); "restrict the use of this parking lot"; "limit the time you can spend with your friends" -00233203 __tighten_VB_4 narrow or limit; "reduce the influx of foreigners" -10237935 __klutz_NN_1 (Yiddish) a clumsy dolt -12810318 __genus_phlox_NN_1 herbaceous to shrubby evergreen or deciduous annuals or perennials, diffuse (spreading) or caespitose (tufted or matted); from Alaska and western Canada to Mexico -00232542 __vegetate_VB_2 establish vegetation on; "They vegetated the hills behind their house" -00230746 __grow_VB_2 become larger, greater, or bigger; expand or gain; "The problem grew too large for me"; "Her business grew fast" -08999482 __south_africa_NN_1 a republic at the southernmost part of Africa; achieved independence from the United Kingdom in 1910; first European settlers were Dutch (known as Boers) -00230276 __follow_up_VB_2 increase the effectiveness or success of by further action; "The doctor followed up the surgery with radiation" -00230033 __enhance_VB_2 make better or more attractive; "This sauce will enhance the flavor of the meat" -07747455 __section_NN_13 a segment of a citrus fruit; "he ate a section of the orange" -03637480 __lanai_NN_2 a veranda or roofed patio often furnished and used as a living room -07256695 __second_sight_NN_1 apparent power to perceive things that are not present to the senses -13089419 __aculeus_NN_1 a stiff sharp-pointed plant process -02181724 __flour_weevil_NN_1 an insect that infests flour and stored grains -01188537 __judgment_by_default_NN_1 a judgment entered in favor of the plaintiff when the defendant defaults (fails to appear in court) -10672192 __suer_NN_2 someone who petitions a court for redress of a grievance or recovery of a right -07437372 __pollination_NN_1 transfer of pollen from the anther to the stigma of a plant -01458842 __fertilized_egg_NN_1 an animal organism in the early stages of growth and differentiation that in higher forms merge into fetal stages but in lower forms terminate in commencement of larval life -00227165 __intensify_VB_2 make more intense, stronger, or more marked; "The efforts were intensified", "Her rudeness intensified his dislike for her"; "Pot smokers claim it heightens their awareness"; "This event only deepened my convictions" -01172784 __duel_NN_1 a prearranged fight with deadly weapons by two people (accompanied by seconds) in order to settle a quarrel over a point of honor -02417389 __wink_at_VB_1 give one's silent approval to -00226882 __build_VB_10 develop and grow; "Suspense was building right from the beginning of the opera" -00226566 __intensify_VB_3 become more intense; "The debate intensified"; "His dislike for raw fish only deepened in Japan" -07975026 __gathering_NN_1 a group of persons together in one place -00226379 __rarefy_VB_3 weaken the consistency of (a chemical substance) -11544131 __sphaerocarpales_NN_1 small order sometimes included in the order Jungermanniales -00226071 __thin_out_VB_3 lessen the strength or flavor of a solution or mixture; "cut bourbon" -00224901 __weaken_VB_1 lessen the strength of; "The fever weakened his body" -12931906 __angelique_NN_1 any of various tall and stout herbs of the genus Angelica having pinnately compound leaves and small white or greenish flowers in compound umbels -00223250 __vouch_VB_4 give supporting evidence; "He vouched his words by his deeds" -00223109 __back_up_VB_3 establish as valid or genuine; "Can you back up your claims?" -00222472 __reinforce_VB_1 make stronger; "he reinforced the concrete" -01131794 __reasonable_care_NN_1 the care that a reasonable man would exercise under the circumstances; the standard for determining legal duty -13439570 __inflorescence_NN_1 the time and process of budding and unfolding of blossoms -05677340 __feel_NN_1 an intuitive awareness; "he has a feel for animals" or "it's easy when you get the feel of it"; -00220115 __engage_VB_6 get caught; "make sure the gear is engaged" -00190180 __run_batted_in_NN_1 a run that is the result of the batter's performance; "he had more than 100 rbi last season" add by linking or joining so as to form a chain or series; "concatenate terms"; "concatenate characters" -00945205 __film_editing_NN_1 the activity of selecting the scenes to be shown and putting them together to create a film -10886222 __johnny_cash_NN_1 United States country music singer and songwriter (1932-2003) -08197149 __ang_NN_1 a civilian reserve component of the United States Air Force that provides prompt mobilization during war and assistance during national emergencies -02681084 __intermixture_NN_2 an additional ingredient that is added by mixing with the base; "the growing medium should be equal parts of sand and loam with an admixture of peat moss and cow manure"; "a large intermixture of sand" -12489268 __pernambuco_wood_NN_1 tropical tree with prickly trunk; its heavy red wood yields a red dye and is used for cabinetry -00217700 __submerge_VB_4 fill or cover completely, usually with water -02145084 __vespertilionidae_NN_1 the majority of common bats of temperate regions of the world -00216991 __ret_VB_1 place (flax, hemp, or jute) in liquid so as to promote loosening of the fibers from the woody tissue -00216801 __bate_VB_3 soak in a special solution to soften and remove chemicals used in previous treatments; "bate hides and skins" -00216216 __souse_VB_1 cover with liquid; pour liquid onto; "souse water on his hot face" -08975902 __west_pakistan_NN_1 a Muslim republic that occupies the heartland of ancient south Asian civilization in the Indus River valley; formerly part of India; achieved independence from the United Kingdom in 1947 -04643397 __thorniness_NN_2 a rough and bitter manner -04709585 __effortfulness_NN_1 the quality of requiring deliberate effort -07786164 __oyster_NN_2 edible body of any of numerous oysters -12894438 __uruguay_potato_vine_NN_1 South American potato vine -00214020 __hydrate_VB_3 cause to be hydrated; add water or moisture to; "hydrate your skin" -03533654 __hookup_NN_1 a device providing a connection between a power source and a user; "some campsites have electrical hookups for trailers" -00213544 __marinate_VB_1 soak in marinade; "marinade herring" -00213353 __salt_VB_4 preserve with salt; "people used to salt meats on ships" -00213223 __pickle_VB_1 preserve in a pickling liquid -00212790 __desiccate_VB_1 preserve by removing all water and liquids from; "carry dehydrated food on your camping trip" -02025043 __turnstone_NN_1 migratory shorebirds of the plover family that turn over stones in searching for food -12160490 __winter_squash_plant_NN_1 any of various plants of the species Cucurbita maxima and Cucurbita moschata producing squashes that have hard rinds and mature in the fall -00211852 __freeze-dry_VB_1 preserve by rapid freezing and subsequently drying in a vacuum; "freeze-dry the strawberries" -07034634 __chant_NN_1 a repetitive song in which as many syllables as necessary are assigned to a single tone -06957524 __baltic-finnic_NN_1 a group of Finnic languages including Finnish and Estonian -00456151 __soak_VB_8 fill, soak, or imbue totally; "soak the bandage with disinfectant" -00211396 __desiccate_VB_2 remove water from; "All this exercise and sweating has dehydrated me" -02654686 __overrun_VB_2 occupy in large numbers or live on a host; "the Kudzu plant infests much of the South and is spreading to the North" -04436675 __time-ball_NN_1 a ball that slides down a staff to show a fixed time; especially at an observatory -13543418 __psychomotor_development_NN_1 progressive acquisition of skills involving both mental and motor activities -01575270 __genus_agelaius_NN_1 red-winged blackbirds -10721470 __dealer_NN_3 a seller of illicit goods; "a dealer in stolen goods" -00209174 __decompose_VB_1 separate (substances) into constituent elements or parts -00208836 __dilapidate_VB_2 fall into decay or ruin; "The unoccupied house started to decay" -10214390 __voider_NN_1 an official who can invalidate or nullify; "my bank check was voided and I wanted to know who the invalidator was" -00208497 __deteriorate_VB_1 become worse or disintegrate; "His mind deteriorated" -00207728 __degrade_VB_3 lower the grade of something; reduce its worth -00207418 __condition_VB_4 put into a better state; "he conditions old cars" -00206998 __help_VB_8 improve; change for the better; "New slipcovers will help the old living room furniture" -10001058 __deliverer_NN_4 a person who gives up or transfers money or goods -04652635 __sociality_NN_1 the tendency to associate with others and to form social groups; "mammals as a class are not strong on sociality" -05541872 __occipital_bone_NN_1 a saucer-shaped membrane bone that forms the back of the skull -10752719 __victimizer_NN_1 a person who victimizes others; "I thought we were partners, not victim and victimizer" -03496612 __harrow_NN_1 a cultivator that pulverizes or smooths the soil -00205046 __meliorate_VB_2 get better; "The weather improved toward evening" -03071552 __tintometer_NN_1 a measuring instrument used in colorimetric analysis to determine the quantity of a substance from the color it yields with specific reagents -02431834 __break_with_VB_1 end a relationship; "China broke with Russia" -00457327 __homogenize_VB_3 become homogeneous or similar, as by mixing; "The two liquids homogenized in the blender" -02662688 __scophthalmus_NN_1 a genus of Bothidae -00202569 __break_in_VB_6 make submissive, obedient, or useful; "The horse was tough to break"; "I broke in the new intern" -10542888 __runner_NN_6 a trained athlete who competes in foot races -02608347 __start_VB_4 have a beginning, in a temporal, spatial, or evaluative sense; "The DMZ begins right over the hill"; "The second movement begins after the Allegro"; "Prices for these homes start at $250,000" -00664111 __spot-check_VB_1 pick out random samples for examination in order to ensure high quality -00200863 __edit_VB_4 cut or eliminate; "she edited the juiciest scenes" -00198850 __mitigate_VB_2 make less severe or harsh; "mitigating circumstances" -07439570 __outpouring_NN_2 a sudden rapid flow (as of water); "he heard the flush of a toilet"; "there was a little gush of blood"; "she attacked him with an outpouring of words" -09129324 __winston-salem_NN_1 a city of north central North Carolina -00197744 __shell_VB_7 remove from its shell or outer covering; "shell the legumes"; "shell mussels" -00197423 __debone_VB_1 remove the bones from; "bone the turkey before roasting it" -02750835 __styptic_NN_1 a drug that causes contraction of body tissues and canals -12398990 __morus_NN_1 type genus of the Moraceae: mulberries -11869890 __genus_aethionema_NN_1 Old World genus of the family Cruciferae -00196024 __disforest_VB_1 remove the trees from; "The landscape was deforested by the enemy attacks" -00195617 __clear_VB_2 make a way or path by removing objects; "Clear a path through the dense forest" -00195342 __universally_RB_1 remove; "clear the leaves from the lawn"; "Clear snow from the road" everywhere; "people universally agree on this" -11826569 __bloodleaf_NN_1 any plant of the genus Iresine having colored foliage -08813978 __rumania_NN_1 a republic in southeastern Europe with a short coastline on the Black Sea -00194912 __strip_VB_5 lay bare; "denude a forest" -00238871 __product_introduction_NN_1 the introduction (usually by an advertising campaign) of a new product or product line -00194696 __strip_VB_10 remove a constituent from a liquid -13712592 __nut_NN_4 half the width of an em -10633450 __witness_NN_2 a close observer; someone who looks at something (such as an exhibition of some kind); "the spectators applauded the performance"; "television viewers"; "sky watchers discovered a new star" -00363260 __step-up_NN_1 the act of increasing something; "he gave me an increase in salary" -01049475 __mask_NN_2 activity that tries to conceal something; "no mask could conceal his ignorance"; "they moved in under a mask of friendship" -03400231 __skillet_NN_1 a pan used for frying foods -03552169 __microzide_NN_1 a diuretic drug (trade name Microzide, Esidrix, and HydroDIURIL) used in the treatment of hypertension -01340439 __secure_VB_2 cause to be firmly attached; "fasten the lock onto the door"; "she fixed her gaze on the man" -09430416 __sete_quedas_NN_1 a great waterfall on the border between Brazil and Paraguay -06696025 __sweet_talk_NN_1 flattery designed to gain favor -09979072 __critic_NN_3 someone who frequently finds fault or makes harsh and unfair judgments -07822518 __red_pepper_NN_1 ground pods and seeds of pungent red peppers of the genus Capsicum -11058633 __president_hoover_NN_1 31st President of the United States; in 1929 the stock market crashed and the economy collapsed and Hoover was defeated for reelection by Franklin Roosevelt (1874-1964) -00190682 __activate_VB_2 make active or more active; "activate an old file" -12911440 __tomatillo_NN_2 annual of Mexico and southern United States having edible purplish viscid fruit resembling small tomatoes -00190023 __punctuate_VB_1 insert punctuation marks into not astringent -00189823 __foist_VB_2 insert surreptitiously or without warrant -06272803 __telephone_call_NN_1 a telephone connection; "she reported several anonymous calls"; "he placed a phone call to London"; "he heard the phone ringing but didn't want to take the call" -07962628 __scrapheap_NN_2 pile of discarded metal -10226993 __jumper_NN_1 a person who jumps; "as the jumper neared the ground he lost control"; "the jumper's parachute opened" -02371811 __exert_VB_3 make a great effort at a mental or physical task; "exert oneself" -00188137 __plug_VB_5 insert a plug into; "plug the wall" in a most excellent way or manner; "he played best after a couple of martinis" -13122364 __swamp_plant_NN_1 a semiaquatic plant that grows in soft wet land; most are monocots: sedge, sphagnum, grasses, cattails, etc; possibly heath -00188000 __plug_VB_6 insert as a plug; "She plugged a cork in the wine bottle" -14101083 __embolism_NN_2 occlusion of a blood vessel by an embolus (a loose clot or air bubble or other particle) -04711665 __unwieldiness_NN_2 trouble in carrying or managing caused by bulk or shape; "the movers cursed the unwieldiness of the big piano" -01385330 __epizoon_NN_1 any external parasitic organism (as fleas) -00187016 __brominate_VB_2 treat with bromine -00186740 __carbonate_VB_2 treat with carbon dioxide; "Carbonated soft drinks" -07612632 __pudding_NN_3 any of various soft sweet desserts thickened usually with flour and baked or boiled or steamed -01975912 __hike_up_VB_2 increase; "The landlord hiked up the rents" -00185857 __back_VB_10 strengthen by providing with a back or backing -00185465 __oxygenize_VB_3 impregnate, combine, or supply with oxygen; "oxygenate blood" -03877845 __palace_NN_4 official residence of an exalted person (as a sovereign) -06804847 __retreat_NN_4 (military) a bugle call signaling the lowering of the flag at sunset -01293389 __match_VB_7 give or join in marriage -02452092 __set_back_VB_2 slow down the progress of; hinder; "His late start set him back" -01497278 __pristis_NN_1 type genus of the Pristidae -10662649 __tough_NN_1 someone who learned to fight in the streets rather than being formally trained in the sport of boxing -00184117 __mix_in_VB_2 add as an additional element or part; "mix water into the drink" -02909543 __buchenwald_NN_1 a Nazi concentration camp for Jews in World War II that was located in central Germany -00453803 __replenish_VB_1 fill something that had previously been emptied; "refill my glass, please" -00182406 __add_VB_1 make an addition (to); join or combine or unite with others; increase the quality, quantity, size or scope of; "We added two students to that dorm room"; "She added a personal note to her letter"; "Add insult to injury"; "Add some extra plates to the dinner table" -00182037 __overload_VB_2 fill to excess so that function is impaired; "Fear clogged her mind"; "The story was clogged with too many details" -00181559 __clear_off_VB_1 remove from sight -11505546 __rejuvenation_NN_1 the phenomenon of vitality and freshness being restored; "the annual rejuvenation of the landscape" -00180837 __scavenge_VB_4 remove unwanted substances from -00180495 __burl_VB_1 remove the burls from cloth -03828155 __non-nucleoside_reverse_transcriptase_inhibitor_NN_1 an antiviral drug used against HIV; binds directly to reverse transcriptase and prevents RNA conversion to DNA; often used in combination with other drugs -11742878 __leitneria_floridana_NN_1 very small deciduous dioecious tree or shrub of damp habitats in southeastern United States having extremely light wood -05985602 __folklore_NN_1 the unwritten lore (stories and proverbs and riddles and songs) of a culture -00179718 __seed_VB_8 remove the seeds from; "seed grapes" -00179567 __stone_VB_2 remove the pits from; "pit plums and cherries" -09195796 __american_falls_NN_1 a part of Niagara Falls in western New York (north of Buffalo) -00177243 __undress_VB_2 remove (someone's or one's own) clothes; "The nurse quickly undressed the accident victim"; "She divested herself of her outdoor clothes"; "He disinvested himself of his garments" -10766492 __warbler_NN_1 a singer; usually a singer who adds embellishments to the song -00176618 __exenterate_VB_1 remove the contents of (an organ) -11413661 __dent_NN_1 an appreciable consequence (especially a lessening); "it made a dent in my bank account" -09663248 __oglala_NN_1 a member of the Siouan people who constituted a division of the Teton Sioux and who formerly inhabited the Black Hills of western South Dakota -09947232 __composer_NN_1 someone who composes music as a profession -00172732 __impoverish_VB_2 take away -11500968 __radio_spectrum_NN_1 the entire spectrum of electromagnetic frequencies used for communications; includes frequencies used for radio and radar and television -09340644 __little_missouri_river_NN_1 a river that rises in northeastern Wyoming and flows through Montana and South Dakota to join the Missouri River in North Dakota -00171586 __enrich_VB_1 make better or improve in quality; "The experience enriched her understanding"; "enriched foods" -09880741 __burglar_NN_1 a thief who enters a building with intent to steal -12799580 __lithophragma_NN_1 small genus of perennial herbs of the western North America -05551711 __pectoralis_NN_1 either of two large muscles of the chest -01104248 __spreadeagle_VB_1 defeat disastrously -04647478 __sombreness_NN_3 a manner that is serious and solemn -05794403 __rationalization_NN_1 the cognitive process of making something seem consistent with or based on reason -00168910 __revive_VB_4 restore from a depressed, inactive, or unused state; "He revived this style of opera"; "He resurrected the tango in this remote part of Argentina" creating a favorable impression; "strong and vigorous and of prepossessing appearance" -13316332 __excise_tax_NN_1 a tax that is measured by the amount of business done (not on property or income from real estate) -00405206 __bending_NN_3 the act of bending something -04072811 __relaxant_NN_1 a drug that relaxes and relieves tension -11786983 __genus_cryptocoryne_NN_1 water trumpet; aquatic herbs having broad leaves and long slender spathes; often used as aquarium plants -00168217 __surge_VB_5 see one's performance improve; "He levelled the score and then surged ahead" -00167824 __regenerate_VB_6 be formed or shaped anew -02064154 __family_balaenopteridae_NN_1 rorquals; blue whales -09790278 __psychoanalyst_NN_1 a licensed practitioner of psychoanalysis -00669243 __bear_up_VB_1 endure cheerfully; "She bore up under the enormous strain" -07817465 __coriander_seed_NN_1 dried coriander seeds used whole or ground -01888784 __tremor_VB_1 shake with seismic vibrations; "The earth was quaking" -11238092 __pius_x_NN_1 pope who condemned religious modernism; he was canonized in 1954 because of his interest in the poor (1835-1914) -00165971 __proof_VB_5 make resistant (to harm); "proof the materials against shrinking in the dryer" -02001252 __stalk_VB_3 go through (an area) in search of prey; "stalk the woods for deer" -00165244 __ruggedize_VB_1 produce in a version designed to withstand rough usage; "Detroit ruggedized the family car" -04780755 __nastiness_NN_3 the quality of being unpleasant; "I flinched at the nastiness of his wound" -13894434 __swelling_NN_2 something that bulges out or is protuberant or projects from its surroundings; "the gun in his pocket made an obvious bulge"; "the hump of a camel"; "he stood on the rocky prominence"; "the occipital protuberance was well developed"; "the bony excrescence between its horns" -09786922 __amalgamator_NN_1 a businessman who arranges an amalgamation of two or more commercial companies -00164816 __vitalize_VB_2 make more lively or vigorous; "The treatment at the spa vitalized the old man" -02106506 __perceive_VB_1 to become aware of through the senses; "I could perceive the ship coming over the horizon" -11882426 __toothwort_NN_1 North American herb with pungent scaly or toothed roots -08276720 __school_NN_1 an educational institution; "the school was founded in 1900" -04959672 __spectral_colour_NN_1 a color that has hue -00163441 __renovate_VB_2 make brighter and prettier; "we refurbished the guest wing"; "My wife wants us to renovate" -03569657 __remicade_NN_2 an anti-TNF compound (trade name Remicade) consisting of an antibody directed against TNF; it is given intravenously at one-month to three-month intervals; used in treatment of regional enteritis and rheumatoid arthritis -00161987 __exchange_VB_6 exchange a penalty for a less severe one -00161225 __exchange_VB_2 exchange or replace with another, usually of the same kind or category; "Could you convert my dollars into pounds?"; "He changed his name"; "convert centimeters into inches"; "convert holdings into shares" -08408709 __side_NN_2 one of two or more contesting groups; "the Confederate side was prepared to attack" -02261464 __broker_VB_1 act as a broker -08017974 __baader_meinhof_gang_NN_1 a radical left-wing revolutionary terrorist group active in Germany from 1968 until 1977 -00159642 __assimilate_VB_2 become similar to one's environment; "Immigrants often want to assimilate quickly" -00159553 __run_up_VB_1 pile up (debts or scores) -08420839 __finance_company_NN_1 a financial institution (often affiliated with a holding company or manufacturer) that makes loans to individuals or businesses -00159368 __accrete_VB_2 grow or become attached by accretion; "The story accreted emotion" -00158503 __raise_VB_1 raise the level or amount of something; "raise my salary"; "raise the price of bread" -12989739 __usnea_NN_1 widely distributed lichens usually having a greyish or yellow pendulous freely branched thallus -11668573 __subclass_arecidae_NN_1 one of four subclasses or superorder of Monocotyledones; comprises about 6400 species in 5 families of trees and shrubs and terrestrial herbs and a few free-floating aquatics including: Palmae; Araceae; Pandanaceae and Lemnaceae -08349350 __organ_NN_2 a government agency or instrument devoted to the performance of some specific function; "The Census Bureau is an organ of the Commerce Department" -02019762 __turnix_NN_1 type genus of the Turnicidae: button quail -07684600 __quick_bread_NN_1 breads made with a leavening agent that permits immediate baking -01478603 __foul_VB_3 become or cause to become obstructed; "The leaves clog our drains in the Fall"; "The water pipe is backed up" -00657016 __lump_VB_2 group or chunk together in a certain order or place side by side -00156601 __increase_VB_1 become bigger or greater in amount; "The amount of work increased" -05713737 __smell_NN_1 the sensation that results when olfactory receptors in the nose are stimulated by particular chemicals in gaseous form; "she loved the smell of roses" -00439484 __summerset_NN_1 an acrobatic feat in which the feet roll over the head (either forward or backward) and return -00155727 __jump_VB_4 increase suddenly and significantly; "Prices jumped overnight" -00155547 __rise_VB_11 rise in rank or status; "Her new novel jumped high on the bestseller list" -10363445 __noticer_NN_1 someone who takes notice; "a careful noticer of details" -00154778 __enlarge_VB_1 make larger; "She enlarged the flower beds" -01699040 __cayman_NN_1 a semiaquatic reptile of Central and South America that resembles an alligator but has a more heavily armored belly -03045337 __cloak_NN_2 a loose outer garment -00154141 __stretch_VB_10 increase in quantity or bulk by adding a cheaper substance; "stretch the soup by adding some more cream"; "extend the casserole with a little rice" -05613794 __id_NN_3 (psychoanalysis) primitive instincts and energies underlying all psychic activity -00153263 __increase_VB_2 make bigger or more; "The boss finally increased her salary"; "The university increased the number of students it admitted" -01585890 __thryothorus_NN_1 Carolina wrens -00153061 __vaporize_VB_4 decrease rapidly and disappear; "the money vanished in las Vegas"; "all my stock assets have vaporized" -00152887 __drop_off_VB_1 fall or diminish; "The number of students in this course dropped off after the first test" -00152558 __shrivel_VB_2 decrease in size, range, or extent; "His earnings shrank"; "My courage shrivelled when I saw the task before me" -12090890 __primula_NN_1 any of numerous short-stemmed plants of the genus Primula having tufted basal leaves and showy flowers clustered in umbels or heads -00362659 __dilution_NN_2 weakening (reducing the concentration) by the addition of water or a thinner -01129977 __good_JJ_3 morally admirable -13145250 __vitis_rotundifolia_NN_1 native grape of southeastern United States; origin of many cultivated varieties -08560952 __view_NN_4 the range of the eye; "they were soon out of view" -08800676 __eastern_roman_empire_NN_1 a continuation of the Roman Empire in the Middle East after its division in 395 -12094786 __lysimachia_NN_1 loosestrife: a cosmopolitan genus found in damp or swampy terrain having usually yellow flowers; inclined to be invasive -15173064 __church_year_NN_1 the year in the ecclesiastical calendar; especially feast days and special seasons -12099556 __theophrastaceae_NN_1 family of mainly tropical American trees and shrubs similar to those of the Myrsinaceae; often included in the Myrsinaceae -00424767 __inhumanity_NN_2 an act of atrocious cruelty -00146138 __turn_VB_2 undergo a transformation or a change of position or action; "We turned from Socialism to Capitalism"; "The people turned against the President when he stole the election" -00144694 __conglobe_VB_1 assume a globular shape -15274074 __rest_period_NN_1 a pause for relaxation; "people actually accomplish more when they take time for short rests" -00144314 __sliver_VB_3 form into slivers; "sliver wood" -00143704 __crystallize_VB_1 cause to take on a definite and clear shape; "He tried to crystallize his thoughts" -00143204 __roll_VB_8 shape by rolling; "roll a cigarette" -00529400 __pas_de_trois_NN_1 (ballet) a dance for three people -12954634 __todea_NN_1 a genus of delicate ferns belonging to the family Osmundaceae -00886978 __vow_VB_2 dedicate to a deity by a vow -00140123 __change_integrity_VB_1 change in physical make-up -00139586 __alchemize_VB_1 alter (elements) by alchemy -08953151 __iceland_NN_2 a volcanic island in the North Atlantic near the Arctic Circle -07619004 __custard_NN_1 sweetened mixture of milk and eggs baked or boiled or frozen -01134653 __misfire_VB_1 fail to fire or detonate; "The guns misfired" -02151625 __wing_NN_1 a movable organ for flying (one of a pair) -14051056 __glow_NN_1 an alert and refreshed state -04020298 __pulley_block_NN_1 a simple machine consisting of a wheel with a groove in which a rope can run to change the direction or point of application of a force applied to the rope -00138508 __turn_VB_5 change to the contrary; "The trend was reversed"; "the tides turned against him"; "public opinion turned when it was revealed that the president had an affair with a White House intern" -01929254 __pace_VB_1 walk with slow or fast paces; "He paced up and down the hall" -00137940 __repercuss_VB_1 cause repercussions; have an unwanted effect -00137313 __touch_on_VB_4 have an effect upon; "Will the new rules affect me?" -00136254 __rubberize_VB_1 coat or impregnate with rubber; "rubberize fabric for rain coats" -00390735 __word_division_NN_1 division of a word especially at the end of a line on a page -00135013 __mythologize_VB_2 make into a myth; "The Europeans have mythicized Rte. 66" -09883740 __buster_NN_2 a robust child -08031663 __lautaro_youth_movement_NN_1 a violent terrorist group organized in the 1980s and advocating the overthrow of the Chilean military government; leaders are mainly criminals or impoverished youths -00597385 __master_VB_4 have a firm understanding or knowledge of; be on top of; "Do you control these data?" -02452637 __snout_NN_1 a long projecting or anterior elongation of an animal's head; especially the nose -00143885 __tactual_exploration_NN_1 a method of examination in which the examiner feels the size or shape or firmness or location of something (of body parts when the examiner is a health professional) -01691951 __venomous_lizard_NN_1 any of two or three large heavy-bodied lizards; only known venomous lizards -10746931 __vaulter_NN_1 an athlete who jumps over a high crossbar with the aid of a long pole -03572449 __inlay_NN_2 a decoration made by fitting pieces of wood into prepared slots in a surface -04559451 __water_tap_NN_1 a faucet for drawing water from a pipe or cask -00121678 __tack_VB_6 reverse (a direction, attitude, or course of action) -13983147 __illumination_NN_2 the degree of visibility of your environment -12400489 __breadfruit_tree_NN_1 native to Pacific islands and having edible fruit with a texture like bread -02980441 __castle_NN_2 a large building formerly occupied by a ruler and fortified against attack -08511970 __bottom_NN_2 the lowest part of anything; "they started at the bottom of the hill" -00561226 __forward_pass_NN_1 a pass to a receiver downfield from the passer -09779124 __doubter_NN_2 someone who is doubtful or noncommittal about something -13724838 __key_NN_5 a kilogram of a narcotic drug; "they were carrying two keys of heroin" -00120316 __make_VB_2 give certain properties to something; "get someone mad"; "She made us look silly"; "He made a fool of himself at the meeting"; "Don't make this into a big deal"; "This invention will make you a millionaire"; "Make yourself clear" -13282007 __recompense_NN_1 payment or reward (as for service rendered) -05062748 __spatiality_NN_1 any property relating to or occupying space -00118523 __continue_VB_10 exist over a prolonged period of time; "The bad weather continued for two more weeks" -00117985 __stay_VB_1 stay the same; remain in a certain state; "The dress remained wet after repeated attempts to dry it"; "rest assured"; "stay alone"; "He remained unmoved by her tears"; "The bad weather continued for another week" -07214432 __discovery_NN_2 something that is discovered -00116619 __novelize_VB_1 convert into the form or the style of a novel; "The author novelized the historical event" -00114052 __brutalize_VB_2 make brutal, unfeeling, or inhuman; "Life in the camps had brutalized him" -02101046 __blow_VB_13 cause air to go in, on, or through; "Blow my hair dry" -04019335 __public_works_NN_1 structures (such as highways or schools or bridges or docks) constructed at government expense for public use -08244062 __ring_NN_5 an association of criminals; "police tried to break up the gang"; "a pack of thieves" -07321517 __cycle_of_rebirth_NN_1 (Hinduism) repeated rebirth in new forms -05735478 __imputation_NN_2 the attribution to a source or cause; "the imputation that my success was due to nepotism meant that I was not taken seriously" -09627017 __percher_NN_1 a person situated on a perch -05313822 __palpebra_NN_1 either of two folds of skin that can be moved to cover or open the eye; "his lids would stay open no longer" -02761229 __light_up_VB_1 start to burn with a bright flame; "The coal in the BBQ grill finally lit up" -05395690 __tummy_NN_2 an enlarged and muscular saclike organ of the alimentary canal; the principal organ of digestion -06771653 __written_agreement_NN_1 a legal document summarizing the agreement between parties -13518963 __natural_process_NN_1 a process existing in or produced by nature (rather than by the intent of human beings); "the action of natural forces"; "volcanic activity" -12737383 __mistletoe_family_NN_2 in some classification includes Viscaceae: parasitic or hemiparasitic shrublets or shrubs or small trees of tropical and temperate regions; attach to hosts by haustoria -00108475 __cut_VB_39 have grow through the gums; "The baby cut a tooth" -00108303 __fracture_VB_4 become fractured; "The tibia fractured from the blow of the iron pipe" -02016659 __gallinula_chloropus_cachinnans_NN_1 North American dark bluish-grey gallinule -00107943 __fracture_VB_5 break (a bone); "She broke her clavicle" -04566257 __weapons_system_NN_1 weapons considered collectively -01678685 __jewel_VB_1 adorn or decorate with precious stones; "jeweled dresses" -00106843 __piffle_VB_2 act in a trivial or ineffective way -01088381 __mobilize_VB_3 get ready for war -01254253 __separation_NN_4 sorting one thing from others; "the separation of wheat from chaff"; "the separation of mail by postal zones" -02158196 __overshadow_VB_3 cast a shadow upon; "The tall tree overshadowed the house" -00105333 __pass_off_VB_6 expel (gases or odors) -14805899 __stubble_NN_1 material consisting of seed coverings and small pieces of stem or leaves that have been separated from the seeds -00104147 __sunbathe_VB_1 expose one's body to the sun -09753065 __libra_NN_1 (astrology) a person who is born while the sun is in Libra -00103619 __pale_VB_1 turn pale, as if in fear -09132778 __tulsa_NN_1 a major city of northeastern Oklahoma on the Arkansas river; once known as the oil capital of the world and still heavily involved in the oil and gas industries -00102791 __salivate_VB_1 produce saliva; "We salivated when he described the great meal" -12065777 __rein_orchis_NN_1 any of several American wildflowers with a kidney-shaped lip -00101779 __snuffle_VB_2 snuff up mucus through the nose -00101277 __tone_up_VB_1 give a healthy elasticity to; "Let's tone our muscles" -12736455 __genus_fusanus_NN_1 quandong trees -00837133 __gloss_VB_4 give a deceptive explanation or excuse for; "color a lie" -10273064 __unsuccessful_person_NN_1 a person with a record of failing; someone who loses consistently -15268857 __terminus_ad_quem_NN_1 final or latest limiting point -00099184 __heal_VB_2 get healthy again; "The wound is healing slowly" -08103777 __class_NN_7 (biology) a taxonomic group containing one or more orders -09137682 __newport_NN_2 a resort city in southeastern Rhode Island; known for the summer homes of millionaires; important yachting center -01496617 __rajiformes_NN_1 fish with dorsoventrally flattened bodies; includes: rays; skates; guitarfishes; sawfishes -01522952 __genus_dinornis_NN_1 type genus of the Dinornithidae: large moas -14544335 __tensity_NN_1 the physical condition of being stretched or strained; "it places great tension on the leg muscles"; "he could feel the tenseness of her body" -13659604 __hm_NN_1 a metric unit of length equal to 100 meters -00098770 __uprise_VB_7 return from the dead; "Christ is risen!"; "The dead are to uprise" -07420770 __impairment_NN_1 the occurrence of a change for the worse -00098083 __revive_VB_1 cause to regain consciousness; "The doctors revived the comatose man" -02016816 __moorhen_NN_1 black gallinule that inhabits ponds and lakes -00096648 __work_up_VB_2 develop; "we worked up an as of an appetite" -00096520 __pupate_VB_1 develop into a pupa; "the insect larva pupate" -11786131 __wild_calla_NN_1 plant of wetlands and bogs of temperate regions having small greenish flowers partly enclosed in a white spathe and red berries -13385583 __subsidization_NN_1 money (or other benefits) obtained as a subsidy -00362355 __weakening_NN_2 the act of reducing the strength of something -10105085 __forger_NN_2 someone who makes copies illegally -10248711 __lauder_NN_2 someone who communicates high praise -00095870 __pod_VB_2 produce pods, of plants -00094460 __produce_VB_7 come to have or undergo a change of (physical features and attributes); "He grew a beard"; "The patient developed abdominal pains"; "I got funny spots all over my body"; "Well-developed breasts" -02899439 __nosepiece_NN_3 the link between two lenses; rests on the nose -09070363 __wilmington_NN_2 the largest city in Delaware -00093163 __recuperate_VB_3 restore to good health or strength -08240169 __set_NN_5 an unofficial association of people or groups; "the smart set goes there"; "they were an angry lot" -02631238 __salientian_JJ_1 relating to frogs and toads -05000913 __roundness_NN_4 the bodily property of being well rounded -00091968 __invalid_VB_2 injure permanently; "He was disabled in a car accident" -00480993 __hoops_NN_1 a game played on a court by two opposing teams of 5 players; points are scored by throwing the ball through an elevated horizontal hoop -12201456 __theobroma_NN_1 cacao plants -00091124 __wrick_VB_1 twist suddenly so as to sprain; "wrench one's ankle"; "The wrestler twisted his shoulder"; "the hikers sprained their ankles when they fell"; "I turned my ankle and couldn't walk for several days" -00090888 __maim_VB_1 injure or wound seriously and leave permanent disfiguration or mutilation; "people were maimed by the explosion" -08639058 __seaport_NN_1 a sheltered port where ships can take on or discharge cargo -05275315 __ilium_NN_2 the upper and widest of the three bones making up the hipbone -01627355 __generate_VB_1 bring into existence; "The new manager generated a lot of problems"; "The computer bug generated chaos in the office"; "The computer generated this image"; "The earthquake generated a tsunami" -14072423 __anthrax_NN_2 a disease of humans that is not communicable; caused by infection with Bacillus anthracis followed by septicemia -07351909 __wrench_NN_2 a jerky pulling movement -06904943 __tone_language_NN_1 a language in which different tones distinguish different meanings -00037298 __shave_VB_1 remove body hair with a razor -01358572 __cyanobacteria_NN_1 predominantly photosynthetic prokaryotic organisms containing a blue pigment in addition to chlorophyll; occur singly or in colonies in diverse habitats; important as phytoplankton -00087736 __take_VB_42 be stricken by an illness, fall victim to an illness; "He got AIDS"; "She came down with pneumonia"; "She took a chill" -00087454 __sicken_VB_2 get sick; "She fell sick last Friday, and now she is in the hospital" -00085046 __dope_up_VB_1 give a narcotic to; "The athletes were dope by the coach before the race" -00084562 __medicate_VB_1 impregnate with a medicinal substance -00083809 __operate_on_VB_1 perform surgery on; "The doctors operated on the patient but failed to save his life" -00083523 __strap_VB_4 secure (a sprained joint) with a strap -00082929 __poultice_VB_1 dress by covering with a therapeutic substance -04273064 __spectroscope_NN_1 an optical instrument for spectrographic analysis -00082714 __dress_VB_14 apply a bandage or medication to; "dress the victim's wounds" -00082308 __yonder_RB_1 lessen pain or discomfort; alleviate; "ease the pain in your legs" at or in an indicated (usually distant) place (`yon' is archaic and dialectal); "the house yonder"; "scattered here and yon"- Calder Willingham -00081367 __transfuse_VB_4 give a transfusion (e.g., of blood) to -01489734 __wharf_VB_3 discharge at a wharf; "wharf the passengers" -00080456 __vet_VB_4 provide veterinary care for -00077950 __strangle_VB_5 constrict (someone's) throat and keep from breathing -09939154 __editorialist_NN_1 a journalist who writes editorials -09892693 __senior_pilot_NN_1 the pilot in charge of an airship -01192773 __run_short_VB_1 to be spent or finished; "The money had gone after a few days"; "Gas is running low at the gas stations in the Midwest" -00076114 __weary_VB_2 lose interest or become bored with something or somebody; "I'm so tired of your mother and her complaints about my food" -10220486 __jazzman_NN_1 a musician who plays or composes jazz music -00075998 __overweary_VB_1 tire excessively -00075021 __weary_VB_1 exhaust or get tired through overuse or great strain or stress; "We wore ourselves out on this hike" -02173336 __scream_VB_3 make a loud, piercing sound; "Fighter planes are screaming through the skies" -00072989 __pass_VB_25 eliminate from the body; "Pass a kidney stone" -12617739 __zannichelliaceae_NN_1 alternative classification for some genera included in Potamogetonaceae; one species -03343047 __fin_keel_NN_1 a metal plate projecting from the keel of a shallow vessel to give it greater lateral stability -00072586 __urinate_VB_1 pass after the manner of urine; "The sick men urinated blood" -00072012 __wee-wee_VB_1 eliminate urine; "Again, the cat had made on the expensive rug" -04809237 __legality_NN_1 lawfulness by virtue of conformity to a legal statute -09449282 __string_NN_8 (cosmology) a hypothetical one-dimensional subatomic particle having a concentration of energy and the dynamic properties of a flexible loop -00071803 __pull_VB_8 strain abnormally; "I pulled a muscle in my leg when I jumped up"; "The athlete pulled a tendon in the competition" -00071646 __martyrize_VB_1 torture and torment like a martyr -05053215 __permanency_NN_1 the property of being able to exist for an indefinite duration -07358985 __saltation_NN_3 an abrupt transition; "a successful leap from college to the major leagues" -00069295 __secrete_VB_1 generate and separate from cells or bodily fluids; "secrete digestive juices"; "release a hormone into the blood stream" -01629589 __wreak_VB_1 cause to happen or to occur as a consequence; "I cannot work a miracle"; "wreak havoc"; "bring comments"; "play a joke"; "The rain brought relief to the drought-stricken area" -07886057 __homebrew_NN_1 an alcoholic beverage (especially beer) made at home -00068740 __transpire_VB_5 give off (water) through the skin -06941644 __indo-hittite_NN_1 the family of languages that by 1000 BC were spoken throughout Europe and in parts of southwestern and southern Asia -15048463 __universal_solvent_NN_1 hypothetical universal solvent once sought by alchemists -09860506 __blonde_NN_1 a person with fair skin and hair -09053185 __heart_of_dixie_NN_1 a state in the southeastern United States on the Gulf of Mexico; one of the Confederate states during the American Civil War -10683349 __swimmer_NN_1 a trained athlete who participates in swimming meets; "he was an Olympic swimmer" -00066977 __tear_VB_5 fill with tears or shed tears; "Her eyes were tearing" -00066191 __weep_VB_1 shed tears because of sadness, rage, or pain; "She cried bitterly when she heard the news of his death"; "The girl in the wheelchair wept with frustration when she could not get up the stairs" -00066025 __whimper_VB_1 cry weakly or softly; "she wailed with pain" -00065370 __have_VB_12 suffer from; be ill with; "She has arthritis" -11213726 __oldenburg_NN_1 United States sculptor (born in Sweden); a leader of the pop art movement who was noted for giant sculptures of common objects (born in 1929) -00064889 __indispose_VB_3 cause to feel unwell; "She was indisposed" -12751554 __genus_empetrum_NN_1 crowberries -00063095 __hatch_VB_1 emerge from the eggs; "young birds, fish, and reptiles hatch" -09905050 __centurion_NN_1 (ancient Rome) the leader of 100 soldiers -00062397 __ovulate_VB_1 produce and discharge eggs; "women ovulate about once every month" -00512843 __tomfoolery_NN_1 foolish or senseless behavior -13505843 __watering_NN_1 shedding tears -08333030 __inquisition_NN_1 a former tribunal of the Roman Catholic Church (1232-1820) created to discover and suppress heresy -07813717 __sour_salt_NN_1 crystals of citric acid used as seasoning -00061401 __vasectomize_VB_1 remove the vas deferens; "many men choose to be vasectomized as a form of safe birth control" -07230227 __vaunt_NN_1 extravagant self-praise -00060477 __spay_VB_1 remove the ovaries of; "Is your cat spayed?" -00813978 __talk_over_VB_1 speak with others about (something); talk (something) over in detail; have a discussion; "We discussed our household budget" -02225911 __fin_VB_1 equip (a car) with fins -00058897 __have_young_VB_1 birth; "the whales calve at this time of year" -00058794 __fawn_VB_3 have fawns; "deer fawn" -00058645 __pig_VB_3 give birth; "sows farrow" -00058265 __lamb_VB_1 give birth to a lamb; "the ewe lambed" -00058014 __cub_VB_1 give birth to cubs; "bears cub every year" -08543625 __inner_city_NN_1 the older and more populated and (usually) poorer central section of a city -01979124 __portunus_NN_1 type genus of the family Portunidae -00056334 __multiply_VB_3 have young (animals) or reproduce (organisms); "pandas rarely breed in captivity"; "These bacteria reproduce" -00056188 __set_VB_24 bear fruit; "the apple trees fructify" -10570019 __secretary_NN_1 a person who is head of an administrative department of government -00055871 __propagate_VB_7 cause to propagate, as by grafting or layering -05764365 __overlap_NN_1 a representation of common ground between theories or phenomena; "there was no overlap between their proposals" -00055539 __substantive_JJ_2 multiply sexually or asexually defining rights and duties as opposed to giving the rules by which rights and duties are established; "substantive law" -00055142 __reproduce_VB_2 have offspring or produce more individuals of a given animal or plant; "The Bible tells people to procreate" not having resin -15253139 __antiquity_NN_1 the historic period preceding the Middle Ages in Europe -08908509 __bali_NN_1 an island in Indonesia to the east of Java; striking volcanic scenery; culture is known for elaborate dances and rituals and for handicrafts -00053889 __cross-fertilize_VB_1 undergo cross-fertilization; become fertile -00053341 __impregnate_VB_3 fertilize and cause to grow; "the egg was impregnated" -01883920 __dasyure_NN_1 any of several more or less arboreal marsupials somewhat resembling martens -02850732 __liquidizer_NN_1 an electrically powered mixer with whirling blades that mix or chop or liquefy foods -02269143 __husband_VB_1 use cautiously and frugally; "I try to economize my spare time"; "conserve your energy for the ascent to the summit" -00050652 __wear_VB_9 put clothing on one's body; "What should I wear today?"; "He put on his best suit for the wedding"; "The princess donned a long blue dress"; "The queen assumed the stately robes"; "He got into his jeans" -06347996 __line_of_verse_NN_1 a single line of words in a poem -00050454 __take_off_VB_6 remove clothes; "take off your shirt--it's very hot in here" -06182144 __theology_NN_1 the rational and systematic study of religion and its influences and of the nature of religious truth -00319176 __pickup_NN_9 the act of taking aboard passengers or freight -00049102 __now_RB_3 put a habit on used to preface a command or reproof or request; "now hear this!"; "now pay attention" -06037298 __life_science_NN_1 any of the branches of natural science dealing with the structure and behavior of living organisms -01415162 __belt_VB_2 deliver a blow to; "He belted his opponent" -09828600 __buster_NN_5 a person born in the generation following the baby boom when the birth rate fell dramatically -07261300 __era_NN_3 (baseball) a measure of a pitcher's effectiveness; calculated as the average number of earned runs allowed by the pitcher for every nine innings pitched -12285900 __smooth_alder_NN_1 common shrub of the eastern United States with smooth bark -00047317 __try_on_VB_1 put on a garment in order to see whether it fits and looks nice; "Try on this sweater to see how it looks" -00775460 __abduction_NN_1 the criminal act of capturing and carrying away by force a family member; if a man's wife is abducted it is a crime against the family relationship and against the wife -05966958 __rationalism_NN_3 the doctrine that reason is the right basis for regulating conduct -13426238 __acidification_NN_1 the process of becoming acid or being converted into an acid -00045639 __groom_VB_2 give a neat appearance to; "groom the dogs"; "dress the horses" -01606177 __tiercel_NN_1 male hawk especially male peregrine or gyrfalcon -06708007 __air_medal_NN_1 a United States Air Force decoration for meritorious achievement while participating in an aerial flight -00045240 __dizen_VB_1 dress up garishly and tastelessly -08264897 __party_NN_3 a band of people associated temporarily in some activity; "they organized a party to search for food"; "the company of cooks walked into the kitchen" -00045064 __enrobe_VB_2 adorn with a robe -00044797 __dress_up_VB_5 dress in a certain manner; "She dresses in the latest Paris fashion"; "he dressed up in a suit and tie" -09641757 __asiatic_NN_1 a native or inhabitant of Asia -00044149 __trick_up_VB_1 put on special clothes to appear particularly appealing and attractive; "She never dresses up, even when she goes to the opera"; "The young girls were all fancied up for the party" -00887081 __teaching_NN_1 the profession of a teacher; "he prepared for teaching while still in college"; "pedagogy is recognized as an important profession" -13068917 __flag_smut_fungus_NN_1 a smut fungus causing a smut in cereals and other grasses that chiefly affects leaves and stems and is characterized chains of sori within the plant tissue that later rupture releasing black masses of spores -00043480 __scent_VB_3 apply perfume to; "She perfumes herself every day" -07742704 __berry_NN_1 any of numerous small and pulpy edible fruits; used as desserts or in making jams and jellies and preserves -02173571 __genus_anomala_NN_1 genus of beetles whose grubs feed mainly on roots of plants; includes several pests of cultivated grasses -07468534 __swimming_meet_NN_1 a swimming competition between two or more teams -02073250 __sirenian_mammal_NN_1 any of two families of large herbivorous aquatic mammals with paddle-shaped tails and flipper-like forelimbs and no hind limbs -14015361 __standstill_NN_1 a situation in which no progress can be made or no advancement is possible; "reached an impasse on the negotiations" -00040928 __make_up_VB_9 apply make-up or cosmetics to one's face to appear prettier; "She makes herself up every morning" -11874081 __yellow_rocket_NN_1 noxious cress with yellow flowers; sometimes placed in genus Sisymbrium -00535844 __sauce_VB_3 add zest or flavor to, make more interesting; "sauce the roast" of the cup-shaped socket that receives the head of the thigh bone -07373602 __unification_NN_1 an occurrence that involves the production of a union -07726796 __common_bean_NN_2 any of numerous beans eaten either fresh or dried -00038365 __disentangle_VB_5 smoothen and neaten with or as with a comb; "comb your hair before dinner"; "comb the wool" -00063724 __inflame_VB_1 cause inflammation in; "The repetitive motion inflamed her joint" -10416364 __peri_NN_1 a beautiful and graceful girl -00036780 __scrub_up_VB_1 wash thoroughly; "surgeons must scrub prior to an operation" -00036362 __wash_VB_2 cleanse (one's body) with soap and water -00036178 __wash_VB_13 to cleanse (itself or another animal) by licking; "The cat washes several times a day" -00034288 __pull_a_face_VB_1 contort the face to indicate a certain mental or emotional state; "He grimaced when he saw the amount of homework he had to do" -00404403 __change_of_shape_NN_1 an action that changes the shape of something -00033852 __scowl_VB_1 frown with displeasure -07358377 __transfiguration_of_jesus_NN_1 (New Testament) the sudden emanation of radiance from the person of Jesus -00032981 __lower_VB_5 look angry or sullen, wrinkle one's forehead, as if to signal disapproval -05602132 __facial_muscle_NN_1 any of the skeletal muscles of the face -00032539 __sneer_VB_2 smile contemptuously; "she sneered at her little sister's efforts to play the song on the piano" -00309115 __transit_NN_3 a journey usually by ship; "the outward passage took 10 days" -01076863 __nuclear_deterrence_NN_1 the military doctrine that an enemy will be deterred from using nuclear weapons as long as he can be destroyed as a consequence; "when two nations both resort to nuclear deterrence the consequence could be mutual destruction" -13197085 __gymnocarpium_NN_1 oak ferns: in some classification systems included in genus Thelypteris -10162991 __top_dog_NN_1 a person who is in charge; "the head of the whole operation" -10421016 __pharaoh_of_egypt_NN_1 the title of the ancient Egyptian kings -10174695 __scottish_highlander_NN_1 a native of the Highlands of Scotland -01320669 __pollard_VB_1 convert into a pollard; "pollard trees" -05119367 __superabundance_NN_1 a quantity that is more than what is appropriate; "four-year-olds have an overabundance of energy"; "we received an inundation of email" -00029836 __roar_VB_6 laugh unrestrainedly and heartily -04570815 __weekender_NN_2 a small suitcase to carry clothing and accessories for a weekend trip -09229709 __bubble_NN_1 a hollow globule of gas (e.g., air or carbon dioxide) -00168237 __tactical_manoeuvre_NN_1 a move made to gain a tactical end -00029336 __smirk_VB_1 smile affectedly or derisively -00028362 __reinvigorate_VB_1 impart vigor, strength, or vitality to; "Exercise is invigorating" -00028010 __hyperextend_VB_1 extend a joint beyond its normal range; "Don't hyperextend your elbow" -00027064 __warm_up_VB_5 make one's body limber or suppler by stretching, as if to prepare for strenuous physical activity -00026941 __take_it_easy_VB_1 settle into a comfortable sitting position -00026385 __unwind_VB_3 become less tense, rest, or take one's ease; "He relaxed in the hot tub"; "Let's all relax after a hard day's work" -00025654 __unwind_VB_4 cause to feel relaxed; "A hot bath always relaxes me" -02433426 __genus_capreolus_NN_1 roe deer -14622893 __element_NN_3 any of the more than 100 known substances (of which 92 occur naturally) that cannot be separated into simpler substances and that singly or in combination constitute all matter -01503952 __stack_VB_1 load or cover with stacks; "stack a truck with boxes" -09940987 __comedienne_NN_1 a female actor in a comedy -00024047 __revive_VB_5 return to consciousness; "The patient came to quickly"; "She revived after the doctor gave her an injection" -11734872 __genus_hepatica_NN_1 small genus of perennial herbs of north temperate regions; allied to genus Anemone -01467917 __girdle_VB_2 put a girdle on or around; "gird your loins" -00023380 __cathect_VB_1 inject with libidinal energy -00022316 __tranquillize_VB_2 cause to be calm or quiet as by administering a sedative to; "The patient must be sedated before the operation" -00021997 __freeze_VB_9 anesthetize by cold -00020671 __mesmerize_VB_2 induce hypnosis in -04353803 __totality_NN_3 the whole amount -00019792 __attack_VB_6 begin to injure; "The cancer cells are attacking his liver"; "Rust is attacking the metal" -08903220 __old_delhi_NN_1 a city in north central India -07595180 __caramelized_sugar_NN_1 burnt sugar; used to color and flavor food -08060694 __partnership_NN_1 the members of a business venture created by contract -10773040 __weeper_NN_2 a hired mourner -00019448 __affect_VB_2 act physically on; have an effect upon; "the medicine affects my heart rate" -00019182 __reawaken_VB_1 awaken once again -14709265 __grain_alcohol_NN_1 the intoxicating agent in fermented and distilled liquors; used pure or denatured as a solvent or in medicines and colognes and cleaning solutions and rocket fuel; proposed as a renewable clean-burning additive to gasoline -12348127 __trapa_NN_1 small genus of Eurasian aquatic perennial herbs: water chestnut -07745197 __dewberry_NN_2 blackberry-like fruits of any of several trailing blackberry bushes -08560560 __midden_NN_1 (archeology) a mound of domestic refuse containing shells and animal bones marking the site of a prehistoric settlement -00017674 __doss_down_VB_1 sleep in a convenient place; "You can crash here, though it's not very comfortable" -00017531 __bunk_down_VB_1 go to bed; "We bedded down at midnight" -00016183 __estivate_VB_1 sleep during summer; "certain animals estivate" -00015946 __hole_up_VB_3 sleep during winter; "Bears must eat a lot of food before they hibernate in their caves" -01746952 __aspidelaps_lubricus_NN_1 small widely distributed arboreal snake of southern Africa banded in black and orange -13260762 __margin_NN_4 (finance) the net sales minus the cost of goods and services sold -09781504 __alarmist_NN_1 a person who alarms others needlessly -00015498 __nap_VB_1 take a siesta; "She naps everyday after lunch for an hour" -00014742 __slumber_VB_1 be asleep -00014549 __move_VB_6 be in a state of action; "she is always moving" -00014034 __shake_VB_2 move with or as if with a tremor; "his hands shook" -08032955 __lord's_resistance_army_NN_1 a quasi-religious rebel group in Uganda that terrorized and raped women and kidnapped children who were forced to serve in the army -11780018 __arum_NN_1 starch resembling sago that is obtained from cuckoopint root -00013615 __play_VB_8 pretend to have certain qualities or state of mind; "He acted the idiot"; "She plays deaf when the news are bad" -00013328 __toy_VB_3 engage in an activity as if it were a game rather than take it seriously; "They played games on their opponents"; "play the stock market"; "play with her feelings"; "toy with an idea" -00013172 __bungle_VB_2 spoil by behaving clumsily or foolishly; "I bungled it!" -00012267 __make_VB_19 act in a certain way so as to acquire; "make friends"; "make enemies" -00989201 __speak_VB_4 give a speech to; "The chairman addressed the board of trustees" -00011551 __presume_VB_4 take liberties or act with too much confidence -00010241 __act_reflexively_VB_1 act in an uncontrolled manner -03860882 __turnout_NN_4 what is produced in a given time period -11903525 __genus_chelidonium_NN_1 one species: greater celandine -00009631 __twitch_VB_1 make an uncontrolled, short, jerky motion; "his face is twitching" -00008602 __squint_VB_1 cross one's eyes as if in strabismus; "The children squinted so as to scare each other" -00007328 __yawn_VB_1 utter a yawn, as from lack of oxygen or when one is tired; "The child yawned during the long performance" -14867858 __strand_NN_4 a very slender natural or synthetic fiber -05167237 __self-assertiveness_NN_1 aggressive self-assurance; given to making bold assertions -09156889 __parkersburg_NN_1 a city in northwestern West Virginia on the Ohio river -00006238 __spit_up_VB_2 discharge (phlegm or sputum) from the lungs and out of the mouth -01214786 __take_in_VB_8 fold up; "take in the sails" -00005041 __inspire_VB_6 draw in (air); "Inhale deeply"; "inhale the fresh mountain air"; "The patient has trouble inspiring"; "The lung cancer patient cannot inspire air very well" -00004605 __give_forth_VB_1 give out (breath or an odor); "The chimney exhales a thick smoke" -10099375 __follower_NN_1 a person who accepts the leadership of another -01504625 __musical_JJ_3 characteristic of or resembling or accompanied by music; "a musical speaking voice"; "a musical comedy" -14405225 __elation_NN_1 an exhilarating psychological state of pride and optimism; an absence of depression -12641180 __purple_apricot_NN_1 small hybrid apricot of Asia and Asia Minor having purplish twigs and white flowers following by inferior purple fruit -10213180 __interviewee_NN_1 a person who is interviewed -00002573 __respire_VB_1 breathe easily again, as after exertion or anxiety -15299585 __usance_NN_1 the period of time permitted by commercial usage for the payment of a bill of exchange (especially a foreign bill of exchange) -08014202 __al-rashid_trust_NN_1 a terrorist group organized in 1996 after the Taliban took over Afghanistan and part of Osama bin Laden's international system; provides financial support for the Taliban and al-Qaeda and Jaish-i-Mohammed and assists Muslim militants around the world; established a network of madrasas and mosques in Afghanistan -10480730 __professor_NN_1 someone who is a member of the faculty at a college or university -07650637 __dark_meat_NN_1 the flesh of the legs of fowl used as food -02646931 __dominate_VB_2 be in control; "Her husband completely dominates her" -15298011 __overhead_NN_2 (computer science) the processing time required by a device prior to the execution of a command -13900422 __tower_NN_2 anything that approximates the shape of a column or tower; "the test tube held a column of white powder"; "a tower of dust rose above the horizon"; "a thin pillar of smoke betrayed their campsite" -15297069 __rotational_latency_NN_1 (computer science) the time it takes for a specific block of data on a data track to rotate around to the read/write head -00041899 __getting_NN_1 the act of acquiring something; "I envied his talent for acquiring"; "he's much more interested in the getting than in the giving" -13744521 __v_NN_3 the cardinal number that is the sum of four and one -09468237 __vagabond_NN_1 anything that resembles a vagabond in having no fixed place; "pirate ships were vagabonds of the sea" -05654873 __somatosense_NN_1 any of the sensory systems that mediate sensations of pressure and tickle and warmth and cold and vibration and limb position and limb movement and pain -04584207 __wig_NN_1 hairpiece covering the head and made of real or synthetic hair -15294884 __novitiate_NN_1 the period during which you are a novice (especially in a religious order) -10127273 __gentleman_NN_1 a man of refinement -02159955 __insect_NN_1 small air-breathing arthropod -15293590 __tour_of_duty_NN_1 a period of time spent in military service -07122639 __hosanna_NN_1 a cry of praise or adoration (to God) -06687358 __warrant_NN_3 formal and explicit approval; "a Democrat usually gets the union's endorsement" -01087740 __supplementary_benefit_NN_1 benefits paid to bring incomes up to minimum levels established by law -01640850 __new_JJ_1 not of long duration; having just (or relatively recently) come into being or been made or acquired or discovered; "a new law"; "new cars"; "a new comet"; "a new friend"; "a new year"; "the New World" -15292336 __watch_NN_2 a period of time (4 or 2 hours) during which some of a ship's crew are on duty -15292069 __turn_NN_8 a time for working (after which you will be relieved by someone else); "it's my go"; "a spell of work" -15291801 __work_shift_NN_1 the time period during which you are at work -04384016 __tail_assembly_NN_1 the rear part of an aircraft -14178913 __protozoal_infection_NN_1 any infection caused by a protozoan -00141806 __checkout_NN_1 the act of inspecting or verifying; "they made a check of their equipment"; "the pilot ran through the check-out procedure" -10932898 __john_dewey_NN_1 United States pragmatic philosopher who advocated progressive education (1859-1952) -00878797 __glower_NN_1 an angry stare -06805962 __dash_NN_5 the longer of the two telegraphic signals used in Morse code -15288111 __menstrual_cycle_NN_1 a recurring cycle (beginning at menarche and ending at menopause) in which the endometrial lining of the uterus prepares for pregnancy; if pregnancy does not occur the lining is shed at menstruation; "the average menstrual cycle is 28 days" -12669362 __pinckneya_pubens_NN_1 ornamental shrub or small tree of swampy areas in southwestern United States having large pink or white sepals and yielding Georgia bark for treating fever -02785648 __patch_NN_9 a piece of soft material that covers and protects an injured part of the body -15286249 __rate_NN_1 a magnitude or frequency relative to a time unit; "they traveled at a rate of 55 miles per hour"; "the rate of change was faster than expected" -13137409 __berry_NN_2 a small fruit having any of various structures, e.g., simple (grape or blueberry) or aggregate (blackberry or raspberry) -02113335 __poodle_dog_NN_1 an intelligent dog with a heavy curly solid-colored coat that is usually clipped; an old breed sometimes trained as sporting dogs or as performing dogs -01268457 __paper_VB_1 the naval battle in which Antony and Cleopatra were defeated by Octavian's fleet under Agrippa in 31 BC cover with paper; "paper the box" -15285622 __infant_mortality_rate_NN_1 the death rate during the first year of life -00842772 __pick_VB_3 harass with constant criticism; "Don't always pick on your little brother" -02296150 __genus_cerapteryx_NN_1 antler moths -06692572 __cheer_NN_1 a cry or shout of approval -01740608 __till_VB_1 work land as by ploughing, harrowing, and manuring, in order to make it ready for cultivation; "till the soil" -10253479 __official_emissary_NN_1 a member of a legation -03331820 __fots_NN_1 a communication system using fiber optic cables -05707495 __intuition_NN_1 instinctive knowing (without the use of rational processes) -01756508 __western_diamondback_rattlesnake_NN_1 largest and most dangerous North American snake; of southwestern United States and Mexico -03062461 __codeine_NN_1 derivative of opium; used as an antitussive (to relieve coughing) and an analgesic (to relieve pain) -15278281 __oftenness_NN_1 the number of occurrences within a given time period; "the frequency of modulation was 40 cycles per second"; "the frequency of his seizures increased as he grew older" -03516011 __heroin_NN_1 a narcotic that is considered a hard drug; a highly addictive morphine derivative; intravenous injection provides the fastest and most intense rush -15277730 __rate_of_flow_NN_1 the amount of fluid that flows in a given time -00376825 __smashing_NN_1 the act of breaking something into small pieces -15277118 __mortality_rate_NN_1 the ratio of deaths in an area to the population of that area; expressed per 1000 per year -04348359 __submersible_NN_1 an apparatus intended for use under water -13454479 __curdling_NN_1 the process of forming semisolid lumps in a liquid -08138686 __inr_NN_1 an agency that is the primary source in the State Department for interpretive analyses of global developments and focal point for policy issues and activities of the Intelligence Community -12330891 __wild_cinnamon_NN_2 West Indian tree; source of bay rum -07516354 __ire_NN_1 a strong emotion; a feeling that is oriented toward some real or supposed grievance -15275598 __retardation_NN_2 the extent to which something is delayed or held back -11766046 __algarrobilla_NN_1 mesquite pod used in tanning and dyeing -15274695 __breathing_time_NN_1 a short respite -09488711 __giant_NN_6 an imaginary figure of superhuman size and strength; appears in folklore and fairy tales -01415285 __punch_VB_1 deliver a quick blow to; "he punched me in the stomach" -00276883 __order_VB_6 place in a certain order; "order the photos chronologically" -14285276 __trauma_NN_2 an emotional wound or shock often having long-lasting effects -13214813 __marattiaceae_NN_1 constituting the order Marattiales: chiefly tropical eusporangiate ferns with gigantic fronds -04751305 __variety_NN_2 noticeable heterogeneity; "a diversity of possibilities"; "the range and variety of his work is amazing" -02728570 __retail_VB_1 be sold at the retail level; "These gems retail at thousands of dollars each" -00126584 __batting_NN_1 (baseball) the batter's attempt to get on base -01276194 __coral_sea_NN_2 a Japanese defeat in World War II (May 1942); the first naval battle fought entirely by planes based on aircraft carriers -08780018 __helsinki_NN_1 the capital and largest city of Finland; located in southern Finland; a major port and commercial and cultural center -15223750 __september_equinox_NN_1 September 22 -15271732 __caesura_NN_1 a pause or interruption (as in a conversation); "after an ominous caesura the preacher continued" -13327676 __loss_NN_1 something that is lost; "the car was a total loss"; "loss of livestock left the rancher bankrupt" -14814616 __coal_NN_1 fossil fuel consisting of carbonized vegetable matter deposited in the Carboniferous period -00025985 __unbend_VB_6 release from mental strain, tension, or formality; "unbend the mind from absorbing too much information" -15269513 __time_interval_NN_1 a definite length of time marked off by two instants -15268993 __threshold_NN_1 the starting point for a new state or experience; "on the threshold of manhood" -15268239 __cease_NN_1 (`cease' is a noun only in the phrase `without cease') end -15267945 __dawn_NN_3 an opening time period; "it was the dawn of the Roman Empire" -04151228 __scratchpad_NN_1 (computer science) a high-speed internal memory used for temporary storage of preliminary information -01419573 __costia_necatrix_NN_1 a flagellate that is the cause of the frequently fatal fish disease costiasis -09964659 __text_editor_NN_1 an editor who prepares text for publication -02770078 __backplate_NN_1 plate armor protecting the back; worn as part of a cuirass -15060131 __digitalis_glycoside_NN_1 a powerful cardiac stimulant obtained from foxglove -10100761 __tomfool_NN_1 a person who lacks good judgment -09140148 __volunteer_state_NN_1 a state in east central United States -15264363 __tempo_NN_1 (music) the speed at which a composition is to be played -15263283 __millennium_NN_2 (New Testament) in Revelations it is foretold that those faithful to Jesus will reign with Jesus over the earth for a thousand years; the meaning of these words have been much debated; some denominations (e.g. Jehovah's Witnesses) expect it to be a thousand years of justice and peace and happiness -12232683 __genus_bruckenthalia_NN_1 a genus containing only one species: spike heath -07594737 __titbit_NN_1 a small tasty bit of food -00351485 __change_of_magnitude_NN_1 the act of changing the amount or size of something -00157389 __associatory_JJ_1 characterized by or causing or resulting from the process of bringing ideas or events together in memory or imagination ; "associative learning" -15259284 __middle_ages_NN_1 the period of history between classical antiquity and the Italian Renaissance -15258694 __over_NN_1 (cricket) the division of play during which six balls are bowled at the batsman by one player from the other team from the same end of the pitch -02977438 __register_NN_7 a cashbox with an adding machine to register transactions; used in shops to add up the bill -15257829 __half_NN_2 one of two divisions into which some games or performances are divided: the two divisions are separated by an interval -13650921 __rod_NN_3 a linear measure of 16.5 feet -02530167 __try_VB_1 make an effort or attempt; "He tried to shake off his fears"; "The infant had essayed a few wobbly steps"; "The police attempted to stop the thief"; "He sought to improve himself"; "She always seeks to do good in the world" -15256567 __game_NN_5 (tennis) a division of play during which one player serves -08984332 __wroclaw_NN_1 a city in southwestern Poland on the Oder -15256022 __top_of_the_inning_NN_1 the first half of an inning; while the visiting team is at bat; "a relief pitcher took over in the top of the fifth" -15255804 __inning_NN_1 (baseball) one of nine divisions of play during which each team has a turn at bat -15255195 __ice_age_NN_1 any period of time during which glaciers covered a large part of the earth's surface; "the most recent ice age was during the Pleistocene" -09403581 __rakaposhi_NN_1 a mountain peak in the Karakoram Range in northern Kashmir (25,560 feet high) -02758977 __snow_VB_1 fall as snow; "It was snowing all night" -04322026 __stock_NN_3 the handle of a handgun or the butt end of a rifle or shotgun or part of the support of a machine gun or artillery gun; "the rifle had been fitted with a special stock" -03501520 __head_NN_30 (nautical) a toilet on board a boat or ship -07118747 __sibilant_consonant_NN_1 a consonant characterized by a hissing sound (like s or sh) -13121544 __water_plant_NN_1 a plant that grows partly or wholly in water whether rooted in the mud, as a lotus, or floating without anchorage, as the water hyacinth -13717155 __weight_unit_NN_1 a decimal unit of weight based on the gram -14469766 __tetralogy_of_fallot_NN_1 a congenital heart defect producing cyanosis; characterized by four symptoms: pulmonary stenosis and ventricular septal defect and malposition of the aorta over both ventricles and hypertrophy of the right ventricle -03351768 __fishing_line_NN_1 a length of cord to which the leader and float and sinker and hook are attached -15248564 __era_NN_1 a period marked by distinctive character or reckoned from a fixed point or event -00866882 __plantar_reflex_NN_1 flexion of the toes when the sole of the foot is stroked firmly on the outer side from the heel to the front in persons over the age of 2 years; under 2 years the results should be extension of the toes (Babinski reflex) -12972629 __zygomycetes_NN_1 class of fungi coextensive with subdivision Zygomycota -02451679 __inhibit_VB_3 limit, block, or decrease the action or function of; "inhibit the action of the enzyme"; "inhibit the rate of a chemical reaction" -15246353 __while_NN_1 a period of indeterminate length (usually short) marked by some action or condition; "he was here for a little while"; "I need to rest for a piece"; "a spell of good weather"; "a patch of bad weather" -15245515 __time_NN_4 a suitable moment; "it is time to go" -09999795 __negativist_NN_2 someone who is resigned to defeat without offering positive suggestions -10995292 __george_iii_NN_1 King of Great Britain and Ireland from 1760 to 1820; the American colonies were lost during his reign; he became insane in 1811 and his son (later George IV) acted as regent until 1820 (1738-1820) -15245244 __moment_of_truth_NN_1 the moment in a bullfight when the matador kills the bull -13731530 __radical_NN_4 (mathematics) a quantity expressed as the root of another quantity -15244650 __second_NN_4 a particular point in time; "the moment he arrived the party began" -01704452 __author_VB_1 be the author of; "She authored this play" -00388710 __bifurcation_NN_3 the act of splitting into two branches -15243730 __eon_NN_1 the longest division of geological time -14645346 __quicksilver_NN_1 a heavy silvery toxic univalent and bivalent metallic element; the only metal that is liquid at ordinary temperatures -08678783 __waterline_NN_1 a line corresponding to the surface of the water when the vessel is afloat on an even keel; often painted on the hull of a ship -02650050 __gurnard_NN_1 bottom-dwelling coastal fishes with spiny armored heads and fingerlike pectoral fins used for crawling along the sea bottom -11740414 __wintera_colorata_NN_1 evergreen shrub or small tree whose foliage is conspicuously blotched with red and yellow and having small black fruits -15242719 __whitweek_NN_1 Christian holiday; the week beginning on Whitsunday (especially the first 3 days) -01099436 __investment_NN_1 the act of investing; laying out money or capital in an enterprise with the expectation of profit -15242599 __whitsun_tuesday_NN_1 the day after Whitmonday -12956170 __climbing_fern_NN_1 any of several ferns of the genus Lygodium that climb by twining -15241777 __shrovetide_NN_1 immediately preceding Lent -02883205 __bowtie_NN_1 a man's tie that ties in a bow -00747029 __vice_NN_2 a specific form of evildoing; "vice offends the moral standards of the community" -11121108 __st._lawrence_NN_1 Roman martyr; supposedly Lawrence was ordered by the police to give up the church's treasure and when he responded by presenting the poor people of Rome he was roasted to death on a gridiron (died in 258) -09859684 __bleacher_NN_1 a worker who bleaches (cloth or flour etc.) -15196537 __yuletide_NN_1 period extending from Dec. 24 to Jan. 6 -03243625 __drive_line_system_NN_1 mechanism that transmits power from the engine to the driving wheels of a motor vehicle -01848123 __teal_NN_2 any of various small short-necked dabbling river ducks of Europe and America -15239579 __season_NN_1 a period of the year marked by special events or activities in some field; "he celebrated his 10th season with the ballet company"; "she always looked forward to the avocado season" -00178380 __muck_VB_1 remove muck, clear away muck, as in a mine -05806855 __grasping_NN_1 understanding with difficulty; "the lecture was beyond his most strenuous graspings" -15021085 __notepad_NN_1 a pad of paper for keeping notes -03852031 __optical_fibre_NN_1 a very thin fiber made of glass that functions as a waveguide for light; used in bundles to transmit images -07665595 __cut_of_veal_NN_1 cut of meat from a calf -09896826 __niggler_NN_1 someone who constantly criticizes in a petty way -02343772 __gerbille_NN_1 small Old World burrowing desert rodent with long soft pale fur and hind legs adapted for leaping -00514871 __tenderize_VB_1 make tender or more tender as by marinating, pounding, or applying a tenderizer; "tenderize meat" -02521916 __gadidae_NN_1 large family of important mostly marine food fishes -10354898 __psychoneurotic_NN_1 a person suffering from neurosis -15235126 __second_NN_1 1/60 of a minute; the basic unit of time adopted under the Systeme International d'Unites -06053439 __tocology_NN_1 the branch of medicine dealing with childbirth and care of the mother -05596651 __pelvis_NN_1 the structure of the vertebrate skeleton supporting the lower limbs in humans and the hind limbs or corresponding parts in other vertebrates -15233239 __mesolithic_age_NN_1 middle part of the Stone Age beginning about 15,000 years ago -12996225 __subdivision_basidiomycotina_NN_1 comprises fungi bearing the spores on a basidium; includes Gasteromycetes (puffballs) and Tiliomycetes comprising the orders Ustilaginales (smuts) and Uredinales (rusts) and Hymenomycetes (mushrooms, toadstools, agarics and bracket fungi); in some classification systems considered a division of kingdom Fungi -11412993 __coattails_effect_NN_1 (politics) the consequence of one popular candidate in an election drawing votes for other members of the same political party; "he counted on the coattails effect to win him the election" -11237275 __pius_vi_NN_1 Italian pope from 1775 to 1799 who served during the French Revolution; Napoleon attacked the Papal States and in 1797 Pius VI was taken to France where he died (1717-1799) -15227846 __hr_NN_1 a period of time equal to 1/24th of a day; "the job will take more than an hour" -12344131 __oenothera_NN_1 chiefly North American herbs with usually nocturnal flowers -02765028 __axletree_NN_1 a dead axle on a carriage or wagon that has terminal spindles on which the wheels revolve -02659808 __microstomus_kitt_NN_1 European flatfish highly valued as food -01036194 __offertory_NN_2 the part of the Eucharist when bread and wine are offered to God -02717901 __anticholinergic_drug_NN_1 a substance that opposes or blocks the action of acetylcholine -15226214 __gestation_period_NN_1 the period during which an embryo develops (about 266 days in humans) -15225929 __trimester_NN_2 one of three divisions of an academic year -15225797 __semester_NN_1 one of two divisions of an academic year -11504225 __ohmage_NN_1 the ohmic resistance of a conductor -15225249 __session_NN_2 the time during which a school holds classes; "they had to shorten the school term" -10011902 __potentate_NN_1 a ruler who is unconstrained by law -15223574 __vernal_equinox_NN_1 March 21 -02106761 __insensitive_JJ_2 deficient in human sensibility; not mentally or morally sensitive; "insensitive to the needs of the patients" -06790557 __immaculate_conception_of_the_virgin_mary_NN_1 (Christianity) the Roman Catholic dogma that God preserved the Virgin Mary from any stain of original sin from the moment she was conceived -12781241 __heliamphora_NN_1 genus of pitcher plants of the Guiana Highlands in South America -07802417 __grain_NN_2 foodstuff prepared from the starchy grains of cereal grasses -04857490 __spunk_NN_2 the courage to carry on; "he kept fighting on pure spunk"; "you haven't got the heart for baseball" -07791663 __winter_flounder_NN_1 flesh of American flounder; important in the winter -02517169 __siluriformes_NN_1 an order of fish belonging to the superorder Malacopterygii including catfishes capable of being viewed -15219351 __hindu_calendar_month_NN_1 any lunisolar month in the Hindu calendar -09645091 __red_indian_NN_1 a member of the race of people living in America when Europeans arrived -06936948 __mon-khmer_NN_1 a branch of the Austro-Asiatic languages -11814059 __sagina_NN_1 small low-growing annual or perennial herbs of temperate and cool regions -15218798 __dhu_al-hijjah_NN_1 the twelfth month of the Islamic calendar and the season of the hajj; has one extra day in leap years -15218037 __rajab_NN_1 the seventh month of the Islamic calendar -15217911 __jumada_ii_NN_1 the sixth month of the Islamic calendar -11988419 __layia_NN_1 genus of western United States annuals with showy yellow or white flowers -15217674 __rabi_ii_NN_1 the fourth month of the Islamic calendar -09942871 __commissionaire_NN_1 a uniformed doorman -05567217 __thumb_NN_1 the thick short innermost digit of the forelimb -03583109 __iodochlorhydroxyquin_NN_1 drug used to treat certain fungal infection (as athlete's foot) -13176873 __phlebodium_NN_1 chiefly epiphytic tropical ferns with free veins bearing sori -12239880 __switch-ivy_NN_1 fast-growing evergreen shrub of southeastern United States having arching interlaced branches and racemes of white flowers -15214068 __jewish_calendar_month_NN_1 a month in the Jewish calendar -15212167 __july_NN_1 the month following June and preceding August -08187837 __chorus_NN_2 a group of people assembled to sing together -07018931 __play_NN_2 a theatrical performance of a drama; "the play lasted two hours" -08596336 __plimsoll_mark_NN_1 waterlines to show the level the water should reach when the ship is properly loaded -09172751 __sinai_desert_NN_1 a desert on the Sinai Peninsula in northeastern Egypt -15210870 __march_NN_1 the month following February and preceding April -04449966 __tomahawk_NN_1 weapon consisting of a fighting ax; used by North American Indians -15210045 __january_NN_1 the first month of the year; begins 10 days after the winter solstice -10112591 __friend_NN_1 a person you know well and regard with affection and trust; "he was my best friend at the university" -09941383 __commander_NN_2 someone in an official position of authority who can command or control others -00072730 __wet_VB_2 make one's bed or clothes wet by urinating; "This eight year old boy still wets his bed" -04045941 __tatter_NN_1 a small piece of cloth or paper -12281974 __paperbark_birch_NN_1 small American birch with peeling white bark often worked into e.g. baskets or toy canoes -15207556 __full_phase_of_the_moon_NN_1 the time when the Moon is fully illuminated; "the moon is at the full" -15206744 __phase_of_the_moon_NN_1 a time when the Moon presents a particular recurring appearance -02283201 __moth_NN_1 typically crepuscular or nocturnal insect having a stout body and feathery or hairlike antennae -09926862 __classifier_NN_1 a person who creates classifications -10529965 __rider_NN_1 a traveler who actively rides an animal (as a horse or camel) -08173289 __south_america_NN_2 the nations of the South American continent collectively; "South America is an important market for goods from the United States" -02918595 __bumper_NN_2 a mechanical device consisting of bars at either end of a vehicle to absorb shock and prevent serious damage -01699537 __genus_gavialis_NN_1 type genus of the Gavialidae -07379577 __twitter_NN_1 a series of chirps -00518395 __facilitate_VB_1 make easier; "you could facilitate the process by sharing your knowledge" -03682487 __lock_NN_1 a fastener fitted to a door or drawer to keep it firmly closed -01115162 __sell_NN_1 the activity of persuading someone to buy; "it was a hard sell" -15205532 __century_NN_1 a period of 100 years -14868243 __filling_NN_1 any material that fills a space or container; "there was not enough fill for the trench" -09218641 __ben_NN_1 a mountain or tall hill; "they were climbing the ben" -13108841 __coniferous_tree_NN_1 any gymnospermous tree or shrub bearing cones -08588916 __ionosphere_NN_1 the outer region of the Earth's atmosphere; contains a high concentration of free electrons -01827858 __look_up_to_VB_1 feel admiration for -15203791 __yr_NN_1 a period of time containing 365 (or 366) days; "she is 4 years old"; "in the year 1920" -05040275 __weakness_NN_3 the property of lacking physical or mental strength; liability to failure under pressure or stress or strain; "his weakness increased as he became older"; "the weakness of the span was overlooked until it collapsed" -05291728 __adductor_muscle_NN_1 a muscle that draws a body part toward the median line -01566916 __uproot_VB_3 pull up by or as if by the roots; "uproot the vine that has spread all over the garden" being or concerning or limited to a continent especially the continents of North America or Europe; "the continental United States"; "continental Europe"; "continental waters" -05769726 __woolgathering_NN_1 an idle indulgence in fantasy -15201116 __thanksgiving_day_NN_1 fourth Thursday in November in the United States; second Monday in October in Canada; commemorates a feast held in 1621 by the Pilgrims and the Wampanoag -15200896 __veterans_day_NN_1 a legal holiday in the United States; formerly Armistice Day but called Veterans' Day since 1954 -15200661 __remembrance_sunday_NN_1 the Sunday nearest to November 11 when those who died in World War I and World War II are commemorated -00098385 __mechanism_NN_2 the technical aspects of doing something; "a mechanism of social control"; "mechanisms of communication"; "the mechanics of prose style" -05935060 __memory_NN_1 something that is remembered; "search as he would, the memory was lost" -15200164 __may_24_NN_1 British, anniversary of Queen Victoria's birth -12024690 __dandelion_green_NN_1 the foliage of the dandelion plant -01254473 __teleportation_NN_1 a hypothetical mode of instantaneous transportation; matter is dematerialized at one place and recreated at another -01781180 __intimidate_VB_1 make timid or fearful; "Her boss intimidates her" -11495041 __pressure_level_NN_1 the force applied to a unit area of surface; measured in pascals (SI unit) or in dynes (cgs unit); "the compressed gas exerts an increased pressure" -15197658 __tishah_b'av_NN_1 (Judaism) a major fast day on the Jewish calendar commemorating the destruction of the temples in Jerusalem -02651193 __shack_up_VB_1 share living quarters; usually said of people who are not married and live together as a couple -01016420 __stamp_collection_NN_2 the collection and study of postage stamps -00229026 __distill_VB_2 undergo the process of distillation -05264545 __fundus_NN_1 (anatomy) the base of a hollow organ or that part of the organ farthest from its opening; "the uterine fundus"; "the fundus of the stomach" -11976170 __goldenbush_NN_1 a plant of the genus Haplopappus -11503060 __reflexion_NN_1 the phenomenon of a propagating wave (light or sound) being thrown back from a surface -00868799 __wailing_NN_1 loud cries made while weeping -02134240 __melursus_NN_1 sloth bears; in some classifications not a separate genus from Ursus -01871680 __shove_VB_1 come into rough contact with while moving; "The passengers jostled each other in the overcrowded train" -02062991 __suborder_mysticeti_NN_1 baleen whales: right whales; rorquals; blue whales; humpbacks -01689411 __anguid_lizard_NN_1 any of a small family of lizards widely distributed in warm areas; all are harmless and useful as destroyers of e.g. slugs and insects -05934029 __coast_NN_3 the area within view; "the coast is clear" -02517442 __siluriform_fish_NN_1 any of numerous mostly freshwater bottom-living fishes of Eurasia and North America with barbels like whiskers around the mouth -10019552 __underwater_diver_NN_1 someone who works underwater -08046032 __tupac_katari_guerrilla_army_NN_1 a terrorist group that is the remnants of the original Bolivian insurgents trained by Che Guevara; attacks small unprotected targets such as power pylons or oil pipelines or government buildings -15190895 __october_12_NN_1 a legal holiday commemorating the discovery of America by Christopher Columbus -04086273 __six-shooter_NN_1 a pistol with a revolving cylinder (usually having six chambers for bullets) -02423022 __gazelle_NN_1 small swift graceful antelope of Africa and Asia having lustrous eyes -07126734 __ululation_NN_1 a long loud emotional utterance; "he gave a howl of pain"; "howls of laughter"; "their howling had no effect" -05816622 __datum_NN_1 an item of factual information derived from measurement or research -15190520 __labor_day_NN_1 first Monday in September in the United States and Canada -12029039 __turfing_daisy_NN_1 low densely tufted perennial herb of Turkey having small white flowers; used as a ground cover in dry places; sometimes included in genus Matricaria -06837357 __zayin_NN_1 the 7th letter of the Hebrew alphabet -13227009 __family_cryptogrammataceae_NN_1 one of a number of families into which the family Polypodiaceae has been subdivided in some classification systems -00662972 __insolation_NN_3 therapeutic exposure to sunlight -15187250 __valentine_day_NN_1 a day for the exchange of tokens of affection -00151689 __lessen_VB_1 decrease in size, extent, or range; "The amount of homework decreased towards the end of the semester"; "The cabin pressure fell dramatically"; "her weight fell to under a hundred pounds"; "his voice fell to a whisper" -13026529 __plectomycetes_NN_1 class of fungi in which the fruiting body is a cleistothecium (it releases spores only on decay or disintegration) -15186412 __september_29_NN_1 honoring the archangel Michael; a quarter day in England, Wales, and Ireland -15186147 __march_25_NN_1 a festival commemorating the announcement of the Incarnation by the angel Gabriel to the Virgin Mary; a quarter day in England, Wales, and Ireland -11600139 __order_cycadales_NN_1 primitive tropical gymnosperms abundant in the Mesozoic, now reduced to a few scattered tropical forms -04414476 __terrycloth_NN_1 a pile fabric (usually cotton) with uncut loops on both sides; used to make bath towels and bath robes -10230580 __kicker_NN_1 a player who kicks the football -10225219 __justice_NN_3 a public official authorized to decide questions brought before a court of justice -02675657 __zen_NN_3 street name for lysergic acid diethylamide -15185007 __holy_day_of_obligation_NN_1 a day when Catholics must attend Mass and refrain from servile work, and Episcopalians must take Communion -03289268 __engraving_NN_1 a print made from an engraving -03410740 __muzzle_NN_4 restraint put into a person's mouth to prevent speaking or shouting -02515443 __strong-arm_VB_1 handle roughly; "He was strong-armed by the policemen" -15183802 __religious_holiday_NN_1 a day specified for religious observance -10349551 __naysayer_NN_1 someone with an aggressively negative attitude -01597737 __scarlet_tanager_NN_1 the male is bright red with black wings and tail -10160012 __harrier_NN_1 a persistent attacker; "the harassers were not members of the regular army" -10670483 __subscriber_NN_2 someone who contracts to receive and pay for a service or a certain number of issues of a publication -15182402 __martin_luther_king_jr's_birthday_NN_1 observed on the Monday closest to January 15 -02448754 __genus_arctonyx_NN_1 a genus of Mustelidae -15182189 __new_year's_day_NN_1 the first day of the year -12136720 __reed_NN_1 tall woody perennial grasses with hollow slender stems especially of the genera Arundo and Phragmites -15181718 __ecclesiastical_calendar_NN_1 a calendar of the Christian year indicating the dates of fasts and festivals -10291110 __manipulator_NN_2 a person who handles things manually -07432119 __seepage_NN_1 the process of seeping -15178841 __muslim_calendar_NN_1 the lunar calendar used by Muslims; dates from 622 AD (the year of the Hegira); the beginning of the Muslim year retrogresses through the solar year completing the cycle every 32 years -15178417 __lunar_calendar_NN_1 a calendar based on lunar cycles -15177866 __jewish_calendar_NN_1 (Judaism) the calendar used by the Jews; dates from 3761 BC (the assumed date of the Creation of the world); a lunar year of 354 days is adjusted to the solar year by periodic leap years -08600760 __nadir_NN_2 the point below the observer that is directly opposite the zenith on the imaginary sphere against which celestial bodies appear to be projected -01566509 __timalia_NN_1 type genus of the Timaliidae -09538021 __hypostasis_of_christ_NN_1 any of the three persons of the Godhead constituting the Trinity especially the person of Christ in which divine and human natures are united -15175640 __revolutionary_calendar_month_NN_1 a month in the Revolutionary calendar -15175202 __revolutionary_calendar_NN_1 the calendar adopted by the first French Republic in 1793 and abandoned in 1805; dates were calculated from Sept. 22, 1792 -06552814 __release_NN_7 a legal document evidencing the discharge of a debt or obligation -15174218 __new_style_calendar_NN_1 the solar calendar now in general use, introduced by Gregory XIII in 1582 to correct an error in the Julian calendar by suppressing 10 days, making Oct 5 be called Oct 15, and providing that only centenary years divisible by 400 should be leap years; it was adopted by Great Britain and the American colonies in 1752 -15173479 __calendar_NN_1 a system of timekeeping that defines the beginning and length and divisions of the year -04913839 __respectfulness_NN_1 courteous regard for people's feelings; "in deference to your wishes"; "out of respect for his privacy" -02855793 __bludgeon_NN_1 a club used as a weapon -00924873 __suspect_VB_3 hold in suspicion; believe to be guilty; "The U.S. suspected Bin Laden as the mastermind behind the terrorist attacks" -00716777 __vivisection_NN_1 the act of operating on living animals (especially in scientific research) -15169248 __sunset_NN_1 the time in the evening at which the sun begins to fall below the horizon -15169136 __early-morning_hour_NN_1 an hour early in the morning -15167906 __evening_NN_3 the early part of night (from dinner until bedtime) spent in a special way; "an evening at the opera" -02326355 __shop_VB_3 shop around; not necessarily buying; "I don't need help, I'm just browsing" -00337078 __kneeling_NN_1 supporting yourself on your knees -12063887 __grammatophyllum_NN_1 small genus of large epiphytic or terrestrial orchids of southeastern Asia to Polynesia; the giants of the Orchidaceae having long narrow leaves and drooping flower clusters often 6 feet long -13728499 __whole_number_NN_1 any of the natural numbers (positive or negative) or zero; "an integer is a number that is not a fraction" -12698905 __khaya_NN_1 African mahogany trees -01472303 __amniota_NN_1 higher vertebrates (reptiles, birds and mammals) possessing an amnion during development -15166742 __guest_night_NN_1 an evening when members of a club or college can bring their friends as guests -10039391 __pinhead_NN_1 an ignorant or foolish person -05695232 __sweetener_NN_2 anything that serves as an enticement -04868148 __hypocrisy_NN_2 insincerity by virtue of pretending to have qualities or beliefs that you do not really have -01462209 __trophoblast_NN_1 the membrane that forms the wall of the blastocyst in early development; aids implantation in the uterine wall; "after implantation of the blastocyst in the uterine wall the trophoblast divides into two layers, the chorion and the placenta" -00022903 __article_NN_2 one of a class of artifacts; "an article of clothing" -00881649 __view_NN_3 the act of looking or seeing or observing; "he tried to get a better view of it"; "his survey of the battlefield was limited" -15165637 __mealtime_NN_1 the hour at which a meal is habitually or customarily eaten -15165289 __morning_time_NN_1 the time period between dawn and noon; "I spent the morning running errands" -10604491 __skater_NN_1 someone who skates -11273286 __rubinstein_NN_2 Russian composer and pianist (1829-1894) -12431861 __wild_onion_NN_1 any of various plants of the genus Allium with edible bulbs found growing wild -00865664 __gee_VB_2 give a command to a horse to turn to the right side -15163797 __sunday_NN_1 first day of the week; observed as a day of rest and worship by most Christians -08857529 __sao_paulo_NN_1 an ultramodern city in southeastern Brazil; the largest city in South America -08926681 __mount_asama_NN_1 a volcano in central Honshu near Nagano; one of the largest volcanoes in Japan (8,340 feet) -13622209 __imperial_gallon_NN_1 a British imperial capacity measure (liquid or dry) equal to 4 quarts or 4.545 liters -00858377 __snooze_NN_1 sleeping for a short period of time (usually not in bed) -10190871 __huddler_NN_1 a member of a huddle -15161872 __tabernacles_NN_1 a major Jewish festival beginning on the eve of the 15th of Tishri and commemorating the shelter of the Israelites during their 40 years in the wilderness -04400499 __telegraphy_NN_2 apparatus used to communicate at a distance over a wire (usually in Morse code) -15159819 __date_NN_7 a particular day specified as the time something happens; "the date of the election is set by law" -15159583 __day_of_the_month_NN_1 the specified day of the month; "what is the date today?" -01676755 __iguanid_lizard_NN_1 lizards of the New World and Madagascar and some Pacific islands; typically having a long tail and bright throat patch in males -00322847 __cook_VB_3 transform and make suitable for consumption by heating; "These potatoes have to cook for 20 minutes" -07536074 __self-reproach_NN_1 a feeling of deep regret (usually for some misdeed) -15158997 __guy_fawkes_day_NN_1 day for the celebration of the discovery of the Gunpowder Plot -15158816 __november_5_NN_1 anniversary of the discovery of the Gunpowder Plot -02313195 __phylum_phoronida_NN_1 small phylum of wormlike marine animals -00856824 __praise_VB_1 express approval of; "The parents praised their children for their academic performance" -15156311 __morrow_NN_1 the next day; "whenever he arrives she leaves on the morrow" -00504019 __vellicate_VB_2 irritate as if by a nip, pinch, or tear; "smooth surfaces can vellicate the teeth"; "the pain is as if sharp points pinch your back" -15155891 __tomorrow_NN_1 the day after today; "what are our tasks for tomorrow?" -14425103 __adulthood_NN_2 the state (and responsibilities) of a person who has attained maturity -15155220 __twenty-four_hours_NN_1 time for Earth to make a complete rotation on its axis; "two days later they left"; "they put on two performances every day"; "there are 30,000 passengers per day" -09784707 __distributor_NN_2 a person with authority to allot or deal out or apportion -09018030 __yerevan_NN_1 capital of Armenia -13617207 __hin_NN_1 ancient Hebrew unit of liquid measure = 1.5 gallons -15154774 __unit_of_time_NN_1 a unit for measuring time periods -15153787 __years_NN_1 a late time of life; "old age is not for sissies"; "he's showing his years"; "age hasn't slowed him down at all"; "a beard white with eld"; "on the brink of geezerhood" -05484573 __pars_distilis_NN_1 the anterior part of the anterior pituitary -15152261 __nonage_NN_1 any age prior to the legal age -13246475 __realty_NN_1 property consisting of houses and land -02617207 __pout_NN_2 marine eellike mostly bottom-dwelling fishes of northern seas -10378290 __operatic_star_NN_1 singer of lead role in an opera -03658373 __lorfan_NN_1 drug (trade name Lorfan) that is related to morphine but that counteracts the respiratory depression produced by morphine poisoning but without affecting its analgesic effects -02382087 __officiate_VB_1 act in an official capacity in a ceremony or religious ritual, such as a wedding; "Who officiated at your wedding?" -08180190 __the_great_unwashed_NN_1 the common people generally; "separate the warriors from the mass"; "power to the people" -04968895 __blueness_NN_1 blue color or pigment; resembling the color of the clear sky in the daytime; "he had eyes of bright blue" -01855672 __goose_NN_1 web-footed long-necked typically gregarious migratory aquatic birds usually larger and less aquatic than ducks -01459542 __fractionate_VB_2 obtain by a fractional process -01995686 __brine_shrimp_NN_1 common to saline lakes -15146828 __phallic_stage_NN_1 (psychoanalysis) the third stage in a child's development when awareness of and manipulation of the genitals is supposed to be a primary source of pleasure -15146545 __oral_stage_NN_1 (psychoanalysis) the first sexual and social stage of an infant's development; the mouth is the focus of the libido and satisfaction comes from suckling and chewing and biting -15146260 __latency_stage_NN_1 (psychoanalysis) the fourth period (from about age 5 or 6 until puberty) during which sexual interests are supposed to be sublimated into other activities -02336483 __furnish_VB_2 provide or equip with furniture; "We furnished the house in the Biedermeyer style" -10748620 __vip_NN_1 an important or influential (and often overbearing) person -15144178 __period_NN_5 the end or completion of something; "death put a period to his endeavors"; "a change soon put a period to my tranquility" -01187740 __starve_VB_3 deprive of food; "They starved the prisoners" -15143477 __dying_NN_1 the time when something ends; "it was the death of all his plans"; "a dying of old hopes" -15143276 __last_NN_4 the time at which life ends; continuing until dead; "she stayed until his death"; "a struggle to the last" -15143012 __incipiency_NN_1 beginning to exist or to be apparent; "he placed the incipience of democratic faith at around 1850"; "it is designed to arrest monopolies in their incipiency" -12721864 __guaiacum_NN_3 small genus of evergreen resinous trees or shrubs of warm and tropical America -15142836 __lactation_NN_1 the period following birth during which milk is secreted; "lactation normally continues until weaning" -02903204 __spreader_NN_2 a mechanical device for scattering something (seed or fertilizer or sand etc.) in all directions -07248653 __sales_talk_NN_1 promotion by means of an argument and demonstration -15140405 __lifetime_NN_1 the period during which something is functional (as between birth and death); "the battery had a short life"; "he lived a long and happy life" -12685679 __genus_geranium_NN_1 genus of mostly North American geraniums: cranesbills -02870092 __volume_NN_3 physical objects consisting of a number of pages bound together; "he used a large book as a doorstop" -00566569 __virilize_VB_1 produce virilism in or cause to assume masculine characteristics, as through a hormonal imbalance or hormone therapy; "the drugs masculinized the teenage girl" -12724201 __salix_NN_1 a large and widespread genus varying in size from small shrubs to large trees: willows -03612559 __toradol_NN_1 nonsteroidal anti-inflammatory drug (trade names Acular and Toradol) that is administered only intramuscularly -07844604 __milk_NN_4 any of several nutritive milklike liquids -02522319 __fail_VB_8 fall short in what is expected; "She failed in her obligations as a good daughter-in-law"; "We must not fail his obligation to the victims of the Holocaust" -12377198 __dipterocarp_NN_1 tree of the family Dipterocarpaceae -15138401 __vac_NN_1 informal term for vacation -03925226 __picture_NN_10 a representation of a person or scene in the form of a print or transparent slide; recorded by a camera on light-sensitive material -02583211 __family_characidae_NN_1 tropical freshwater fishes of Africa and South America and Central America -15136723 __working_day_NN_2 the amount of time that a worker must work for an agreed daily wage; "they work an 8-hour day" -11900569 __poppy_NN_1 annual or biennial or perennial herbs having showy flowers -01096454 __trade_NN_3 the business given to a commercial establishment by its customers; "even before noon there was a considerable patronage" -04370774 __workout_suit_NN_1 garment consisting of sweat pants and a sweatshirt -11800236 __ginseng_NN_1 aromatic root of ginseng plants -15134054 __longueur_NN_1 a period of dullness or boredom (especially in a work of literature or performing art) -02274822 __nymphalid_butterfly_NN_1 medium to large butterflies found worldwide typically having brightly colored wings and much-reduced nonfunctional forelegs carried folded on the breast -01697002 __genus_crocodylus_NN_1 type genus of the Crocodylidae -02520509 __expiate_VB_1 make amends for; "expiate one's sins" -15130434 __utc_NN_1 Greenwich Mean Time updated with leap seconds -06523132 __lease_NN_2 a contract granting use or occupation of property during a specified time for a specified payment -15128711 __precambrian_period_NN_1 the eon following the Hadean time and preceding the Phanerozoic eon; from about 3,800 million years ago until 544 million years ago -01570676 __yellowthroat_NN_1 small olive-colored American warblers with yellow breast and throat -02440705 __mustelidae_NN_1 weasels; polecats; ferrets; minks; fishers; otters; badgers; skunks; wolverines; martens -15127307 __carboniferous_period_NN_1 from 345 million to 280 million years ago -15126931 __paleozoic_era_NN_1 from 544 million to about 230 million years ago -15126595 __jurassic_period_NN_1 from 190 million to 135 million years ago; dinosaurs; conifers -15126175 __mesozoic_era_NN_1 from 230 million to 63 million years ago -08511241 __undersurface_NN_1 the lower side of anything -15124864 __pleistocene_epoch_NN_1 from two million to 11 thousand years ago; extensive glaciation of the northern hemisphere; the time of human evolution -15124713 __recent_epoch_NN_1 approximately the last 10,000 years -15124545 __quaternary_period_NN_1 last 2 million years -04068601 __reflector_NN_2 optical telescope consisting of a large concave mirror that produces an image that is magnified by the eyepiece; "Isaac Newton invented the reflecting telescope in 1668" -15124361 __cenozoic_era_NN_1 approximately the last 63 million years -09966255 __corporate_executive_NN_1 an executive in a business corporation -09955015 __swindler_NN_1 a person who swindles you by means of deception or fraud -15120823 __yesteryear_NN_1 the time that has elapsed; "forget the past" -15119536 __present_NN_1 the period of time that is happening now; any continuous stretch of time including the moment of speech; "that is enough for the present"; "he lives in the present with no thought of tomorrow" -15184008 __high_holy_day_NN_1 Jewish holy days observed with particular solemnity -15118453 __time_off_NN_1 a time period when you are not required to work; "he requested time off to attend his grandmother's funeral" -15118228 __work_time_NN_1 a time period when you are required to work -15117809 __uptime_NN_1 a period of time when something (as a machine or factory) is functioning and available for use -01598988 __butcherbird_NN_1 shrikes that impale their prey on thorns -00085219 __seizure_NN_4 the taking possession of something by legal process -12785724 __sedum_NN_1 any of various plants of the genus Sedum -15112239 __vesicatory_NN_1 a chemical agent that causes blistering (especially mustard gas) -04429376 __throne_NN_1 the chair of state for a monarch, bishop, etc.; "the king sat on his throne" -02416030 __smatter_VB_1 work with in an amateurish manner; "She dabbles in astronomy"; "He plays around with investments but he never makes any money" -01346978 __shut_VB_2 become closed; "The windows closed with a loud bang" occurring within an institution or community; "intragroup squabbling within the corporation" -05704266 __immersion_NN_3 complete attention; intense mental effort -07384898 __sibilation_NN_1 a fricative sound (especially as an expression of disapproval); "the performers could not be heard over the hissing of the audience" -11862598 __talinum_NN_1 genus of mainly American more-or-less succulent herbs -02799323 __jockey_cap_NN_1 a cap with a bill -04744814 __similitude_NN_1 similarity in appearance or character or nature between persons or things; "man created God in his own likeness" -05392348 __auricula_atrii_NN_1 a small conical pouch projecting from the upper anterior part of each atrium of the heart -04012482 __turboprop_NN_1 an airplane with an external propeller that is driven by a turbojet engine -15106867 __zeolite_NN_1 any of a family of glassy minerals analogous to feldspar containing hydrated aluminum silicates of calcium or sodium or potassium; formed in cavities in lava flows and in plutonic rocks -00968155 __military_campaign_NN_1 several related operations aimed at achieving a particular goal (usually within geographical and temporal constraints) -10643727 __squinter_NN_1 a person with strabismus -00068858 __extravasate_VB_3 geology: cause molten material, such as lava, to pour forth -06707178 __medal_of_honor_NN_1 the highest U.S. military decoration awarded for bravery and valor in action `above and beyond the call of duty' -00943363 __expressible_JJ_1 capable of being expressed; "an expressible emotion" -04952120 __highlighting_NN_1 an area of lightness in a picture -03133177 __crochet_stitch_NN_1 any one of a number of stitches made by pulling a loop of yarn through another loop with a crochet needle -05236029 __blade_NN_6 a broad flat body part (as of the shoulder or tongue) -00429713 __eurythmy_NN_1 the interpretation in harmonious bodily movements of the rhythm of musical compositions; used to teach musical understanding -10456950 __poster_child_NN_1 a child afflicted by some disease or deformity whose picture is used on posters to raise money for charitable purposes; "she was the poster child for muscular dystrophy" -15101361 __lighter_NN_1 a substance used to ignite or kindle a fire -06566805 __alpha_software_NN_1 a first release of a software product that is usually tested only by the developers -15100644 __firewood_NN_1 wood used for fuel; "they collected and cut their own firewood" -00267041 __ionize_VB_1 become converted into ions -00341243 __stretch_NN_2 the act of physically reaching or thrusting out -15098161 __wood_NN_1 the hard fibrous lignified substance under the bark of trees -08648322 __section_NN_3 a distinct region or subdivision of a territorial or political area or community or group of people; "no section of the nation is more ardent than the South"; "there are three synagogues in the Jewish section" -00567604 __dissonate_VB_2 cause to sound harsh and unpleasant -01540697 __genus_coccothraustes_NN_1 large finches -12145477 __zea_mays_everta_NN_1 corn having small ears and kernels that burst when exposed to dry heat -15094824 __beeswax_NN_1 a yellow to brown wax secreted by honeybees to build honeycombs -09410558 __rio_de_la_plata_NN_1 an estuary between Argentina and Uruguay -09065328 __san_diego_NN_1 a picturesque city of southern California on San Diego Bay near the Mexican border; site of an important naval base -09087599 __sunflower_state_NN_1 a state in midwestern United States -02051845 __pelican_NN_1 large long-winged warm-water seabird having a large bill with a distensible pouch for fish -06920129 __siouan_language_NN_1 a family of North American Indian languages spoken by the Sioux -06090869 __physics_NN_1 the science of matter and energy and their interactions; "his favorite subject was physics" -15091669 __vitamin_b6_NN_1 a B vitamin that is essential for metabolism of amino acids and starch -11192067 __william_morris_NN_1 English poet and craftsman (1834-1896) -00293760 __unfold_VB_1 develop or come to a promising stage; "Youth blossomed into maturity" -10458834 __provincial_NN_1 (Roman Catholic Church) an official in charge of an ecclesiastical province acting under the superior general of a religious order; "the general of the Jesuits receives monthly reports from the provincials" -11506349 __scintillation_NN_1 (physics) a flash of light that is produced in a phosphor when it absorbs a photon or ionizing particle -15091304 __vitamin_b12_NN_1 a B vitamin that is used to treat pernicious anemia -09981834 __rookie_NN_1 an awkward and inexperienced youth -15090742 __vitamin_b_complex_NN_1 originally thought to be a single vitamin but now separated into several B vitamins -12811856 __family_acanthaceae_NN_1 widely distributed herbs and shrubs and trees; sometimes placed in the order Scrophulariales -12001294 __wild_quinine_NN_1 stout perennial herb of the eastern United States with whitish flowers; leaves traditionally used by Catawba Indians to treat burns -05658226 __taste_NN_6 the faculty of distinguishing sweet, sour, bitter, and salty properties in the mouth; "his cold deprived him of his sense of taste" -12779603 __pitcher_plant_NN_1 any of several insectivorous herbs of the order Sarraceniales -15088440 __vinyl_resin_NN_1 a thermoplastic derived by polymerization from compounds containing the vinyl group -02844307 __bit_NN_11 the cutting part of a drill; usually pointed and threaded and is replaceable in a brace or bitstock or drill press; "he looked around for the right size bit" -05908882 __conspiracy_NN_2 a plot to carry out some harmful or illegal act (especially a political plot) -14828683 __daub_NN_1 material used to daub walls -00861423 __hymn_VB_2 praise by singing a hymn; "They hymned their love of God" -05271383 __talus_NN_2 the bone in the ankle that articulates with the leg bones to form the ankle joint -02659222 __parallel_VB_1 be parallel to; "Their roles are paralleled by ours" -11604393 __family_bennettitaceae_NN_1 a family of fossil gymnospermous plants of the Carboniferous -04292733 __squeaker_NN_1 any artifact that makes a squeaking sound when used; "those sneakers are squeakers"; "which hinge is the squeaker?" -01131197 __repulse_VB_1 force or drive back; "repel the attacker"; "fight off the onslaught"; "rebuff the attack" -05086740 __leap_NN_4 the distance leaped (or to be leaped); "a leap of 10 feet" -12970379 __tulostomataceae_NN_1 stalked puffballs -12257570 __prince's_pine_NN_1 any of several plants of the genus Chimaphila -04721058 __unsuitableness_NN_1 the quality of having the wrong properties for a specific purpose -14523090 __inclementness_NN_1 weather unsuitable for outdoor activities -01685679 __genus_cnemidophorus_NN_1 whiptails -09296121 __gulf_NN_1 an arm of a sea or ocean partly enclosed by land; larger than a bay -15078550 __transparent_substance_NN_1 a material having the property of admitting light diffusely; a partly transparent material -05131647 __height_NN_4 elevation especially above sea level or above the earth's surface; "the altitude gave her a headache" -02182109 __buzz_VB_1 make a buzzing sound; "bees were buzzing around the hive" -01058880 __wisecrack_VB_1 make a comment, usually ironic -07569644 __whole_wheat_flour_NN_1 flour made by grinding the entire wheat berry including the bran; (`whole meal flour' is British usage) -07424436 __great_proletarian_cultural_revolution_NN_1 a radical reform in China initiated by Mao Zedong in 1965 and carried out largely by the Red Guard; intended to eliminate counterrevolutionary elements in the government it resulted in purges of the intellectuals and socioeconomic chaos -15074568 __tile_NN_2 a thin flat slab of fired clay used for roofing -15071684 __hemofil_NN_1 a coagulation factor (trade name Hemofil) whose absence is associated with hemophilia A -15069820 __thickening_NN_1 any material used to thicken; "starch is used in cooking as a thickening" -13046285 __order_nidulariales_NN_1 small order of basidiomycetous fungi comprising families Nidulariaceae and Sphaerobolaceae -09763784 __friend_NN_3 a person with whom you are acquainted; "I have trouble remembering the names of all my acquaintances"; "we are friends of the family" -15067877 __teargas_NN_1 a gas that makes the eyes fill with tears but does not damage them; used in dispersing crowds -15067025 __tannin_NN_1 any of various complex phenolic substances of plant origin; used in tanning and in medicine -09996481 __deaf_person_NN_1 a person with a severe auditory impairment -04766275 __complexness_NN_1 the quality of being intricate and compounded; "he enjoyed the complexity of modern computers" -02104523 __shepherd_dog_NN_1 any of various usually long-haired breeds of dog reared to herd and guard sheep -01575577 __oriolidae_NN_1 Old World orioles -07384741 __gurgle_NN_1 the bubbling sound of water flowing from a bottle with a narrow neck -03181501 __detector_NN_2 rectifier that extracts modulation from a radio carrier wave -14822839 __cupric_sulphate_NN_1 a copper salt made by the action of sulfuric acid on copper oxide -15065713 __sylvanite_NN_1 a silver-white mineral consisting of silver gold telluride; a source of gold in Australia and America -00597216 __relive_VB_1 experience again, often in the imagination; "He relived the horrors of war" -15065280 __surgical_spirit_NN_1 methylated spirit used in the practice of medicine (especially for cleansing the skin before injections or before surgery) -00282953 __plain_sailing_NN_1 easy unobstructed progress; "after we solved that problem the rest was plain sailing" -10741152 __upstart_NN_1 an arrogant or presumptuous person -00437788 __tumble_NN_1 an acrobatic feat of rolling or turning end over end -04813712 __swank_NN_1 elegance by virtue of being fashionable -00327145 __steam_VB_6 cook something by letting steam pass over it; "just steam the vegetables" -07393161 __shrieking_NN_2 a high-pitched noise resembling a human cry; "he ducked at the screechings of shells"; "he heard the scream of the brakes" -01694430 __varanidae_NN_1 monitor lizards -07415167 __conjunction_NN_5 (astronomy) apparent meeting or passing of two or more celestial bodies in the same degree of the zodiac -05821775 __sample_NN_1 a small part of something intended as representative of the whole -09809134 __arms_manufacturer_NN_1 someone who manufactures arms and munitions -15062284 __sublimate_NN_1 the product of vaporization of a solid -07050619 __threnody_NN_1 a song or hymn of mourning composed or performed as a memorial to a dead person -14393161 __psychoneurosis_NN_1 a mental or personality disturbance not attributable to any known neurological or organic dysfunction -04595762 __wirework_NN_1 mesh netting made of wires -02962938 __heart_monitor_NN_1 a piece of electronic equipment for continual observation of the function of the heart -02764765 __winkle_VB_1 emit or reflect light in a flickering manner; "Does a constellation twinkle more brightly than a single star?" -00056912 __retreat_NN_1 (military) withdrawal of troops to a more favorable position to escape the enemy's superior forces or after a defeat; "the disorderly retreat of French troops" -06566077 __software_system_NN_1 (computer science) written programs or procedures or rules and associated documentation pertaining to the operation of a computer system and that are stored in read/write memory; "the market for software is expected to expand" -08419033 __member_bank_NN_1 a bank that is a member of the Federal Reserve System -10410440 __peanut_NN_3 a young child who is small for his age -09530238 __avatar_NN_2 the manifestation of a Hindu deity (especially Vishnu) in human or superhuman or animal form; "the Buddha is considered an avatar of the god Vishnu" -03493079 __hard_shoulder_NN_1 a paved strip beside a motorway (for stopping in emergencies) -15053867 __starch_NN_1 a complex carbohydrate found chiefly in seeds, fruits, tubers, roots and stem pith of plants, notably in corn, potatoes, wheat, and rice; an important foodstuff and used otherwise especially in adhesives and as fillers and stiffeners for paper and textiles -02439568 __trotter_NN_1 foot of a pig or sheep especially one used as food -06742772 __philosophizing_NN_1 the exposition (often superficially) of a particular philosophy -15052970 __stain_NN_2 (microscopy) a dye or other coloring material that is used in microscopy to make structures visible -13665027 __centimo_NN_1 a fractional monetary unit of Venezuela and Costa Rica and Equatorial Guinea and Paraguay and Spain -05895723 __misunderstanding_NN_2 an understanding of something that is not correct; "he wasn't going to admit his mistake"; "make no mistake about his intentions"; "there must be some misunderstanding--I don't have a sister" -01862399 __female_mammal_NN_1 animals that nourish their young with milk -06552116 __concurring_opinion_NN_1 an opinion that agrees with the court's disposition of the case but is written to express a particular judge's reasoning -15051129 __spinel_ruby_NN_1 a spinel used as a gemstone (usually dark red) -07941170 __biological_group_NN_1 a group of plants or animals -12497492 __parkinsonia_NN_1 small genus of spiny shrubs or small trees -00799537 __political_campaign_NN_2 the campaign of a candidate to be elected -12063414 __goodyera_NN_1 genus of small orchids of the northern hemisphere with creeping rhizomes and stalked ovate leaves and small flowers -13248928 __sublet_NN_1 a lease from one lessee to another -02421921 __run_VB_31 set animals loose to graze -00067274 __snuffle_VB_3 cry or whine with snuffling; "Stop snivelling--you got yourself into this mess!" -02344528 __lemming_NN_1 any of various short-tailed furry-footed rodents of circumpolar distribution -15046900 __solid_NN_1 matter that is solid at room temperature and pressure -09999135 __vilifier_NN_1 one who attacks the reputation of another by slander or libel -10224098 __jokester_NN_1 a person who enjoys telling or playing jokes -12345136 __punica_NN_1 coextensive with the family Punicaceae -07519773 __dismay_NN_2 fear resulting from the awareness of danger -03231912 __waste_pipe_NN_1 a pipe through which liquid is carried away -15042542 __simoniz_NN_1 a brand of car polish -08977211 __karachi_NN_1 the largest city in Pakistan; located in southeastern Pakistan; an industrial center and seaport on the Arabian Sea; former capital of Pakistan -03300578 __zarontin_NN_1 an anticonvulsant drug (trade names Emeside and Zarontin) used to treat petit mal epilepsy -01628449 __start_VB_5 bring into being; "He initiated a new program"; "Start a foundation" -02950826 __cannon_NN_2 heavy gun fired from a tank -00483801 __cut_up_VB_3 separate into isolated compartments or categories; "You cannot compartmentalize your life like this!" -12549976 __stizolobium_NN_1 genus of tropical herbs and woody vines having trifoliate leaves and showy flowers in axillary clusters -05929008 __theatrical_role_NN_1 an actor's portrayal of someone in a play; "she played the part of Desdemona" -02814453 __thermic_JJ_1 relating to or associated with heat; "thermal movements of molecules"; "thermal capacity"; "thermic energy"; "the caloric effect of sunlight" -02246628 __whitefly_NN_1 minute insect that feeds on plant juices; related to scale insects -01171644 __fencing_NN_3 the art or sport of fighting with swords (especially the use of foils or epees or sabres to score points under a set of rules) -15037664 __epitope_NN_1 the site on the surface of an antigen molecule to which an antibody attaches itself -15037339 __antigen_NN_1 any substance (as a toxin or enzyme) that stimulates an immune response in the body (especially the production of antibodies) -15036638 __plant_toxin_NN_1 any substance produced by plants that is similar in its properties to extracellular bacterial toxin -08846739 __linz_NN_1 city in northern Austria on the Danube; noted as a cultural center -01158572 __use_VB_3 use up, consume fully; "The legislature expended its time on school questions" -00321652 __baste_VB_1 cover with liquid before cooking; "baste a roast" -15032661 __chemical_irritant_NN_1 a substance producing irritation -02888569 __wall_bracket_NN_1 a support projecting from a wall (as to hold a shelf) -08902569 __sikkim_NN_1 a geographical area and former kingdom in northeastern India in the Himalaya Mountains between Nepal and Bhutan -15031073 __immunoglobulin_d_NN_1 one of the five major classes of immunoglobulins; present in blood serum in small amounts -13470491 __wane_NN_1 a gradual decline (in size or strength or power or number) -04308583 __vapour_bath_NN_1 a room that can be filled with steam in which people bathe; `vapour bath' is a British term -15030853 __immunoglobulin_a_NN_1 one of the most common of the five major classes of immunoglobulins; the chief antibody in the membranes of the gastrointestinal and respiratory tracts -13730189 __imaginary_part_of_a_complex_number_NN_1 the part of a complex number that has the square root of -1 as a factor -07455760 __photo_opportunity_NN_1 an occasion that lends itself to (or is deliberately arranged for) taking photographs that provide favorable publicity for those who are photographed -01705934 __hadrosaurus_NN_1 any of numerous large bipedal ornithischian dinosaurs having a horny duck-like bill and webbed feet; may have been partly aquatic -02256998 __redeem_VB_4 exchange or buy back for money; under threat -15027189 __antibody_NN_1 any of a large variety of proteins normally present in the body or produced in response to an antigen which it neutralizes, thus producing an immune response -05739043 __diagnostic_test_NN_1 an assay conducted for diagnostic purposes -15026716 __scleroprotein_NN_1 a simple protein found in horny and cartilaginous tissues and in the lens of the eye -02761696 __car_factory_NN_1 a factory where automobiles are manufactured -04894204 __rashness_NN_1 the trait of acting rashly and without prudence -15025571 __cytochrome_NN_1 (biochemistry) a class of hemoprotein whose principal biological function is electron transfer (especially in cellular respiration) -15025397 __heterocyclic_compound_NN_1 a compound containing a heterocyclic ring -12634429 __cultivated_crab_apple_NN_1 any of numerous varieties of crab apples cultivated for their small acidic (usually bright red) fruit used for preserves or as ornamentals for their blossoms -03030663 __fag_NN_2 finely ground tobacco wrapped in paper; for smoking -15024240 __hemoglobin_NN_1 a hemoprotein composed of globin and heme that gives red blood cells their characteristic color; function primarily to transport oxygen from the lungs to the body tissues; "fish have simpler hemoglobin than mammals" -04561548 __water_pistol_NN_1 plaything consisting of a toy pistol that squirts water -01189929 __judgment_in_rem_NN_1 a judgment pronounced on the status of some particular subject or property or thing (as opposed to one pronounced on persons) -05317354 __cornea_NN_1 the transparent dome-shaped anterior portion of the outer covering of the eye; it covers the iris and pupil and is continuous with the sclera -15022389 __human_gamma_globulin_NN_1 a plasma protein containing the immunoglobulins that are responsible for immune responses -09812338 __creative_person_NN_1 a person whose creative work shows sensitivity and imagination -02080146 __pagophilus_groenlandicus_NN_1 common Arctic seal; the young are all white -10015215 __theatre_director_NN_1 someone who supervises the actors and directs the action in the production of a show -08056231 __enterprise_NN_2 an organization created for business ventures; "a growing enterprise must have a bold leader" -02041206 __surge_VB_1 rise and move, as in waves or billows; "The army surged forward" -05500312 __superior_colliculus_NN_1 an essential visual center between the retina and the striate cortex -10491575 __publisher_NN_3 the proprietor of a newspaper -09775663 __pleader_NN_1 a lawyer who pleads cases in court -13624190 __litre_NN_1 a metric unit of capacity, formerly defined as the volume of one kilogram of pure water under standard conditions; now equal to 1,000 cubic centimeters (or approximately 1.75 pints) -12995724 __subdivision_deuteromycotina_NN_1 large and heterogeneous form division of fungi comprising forms for which no sexually reproductive stage is known -06018022 __applied_mathematics_NN_1 the branches of mathematics that are involved in the study of the physical or biological or sociological world -15019030 __sand_NN_1 a loose material consisting of grains of rock or coral -10679998 __yielder_NN_1 a person who yields or surrenders -06607339 __nonsensicality_NN_1 a message that seems to convey no meaning -00382474 __reunion_NN_2 the act of coming together again; "monetary unification precipitated the reunification of the German state in October 1990" -14379130 __mental_health_NN_1 the psychological state of someone who is functioning at a satisfactory level of emotional and behavioral adjustment -07123012 __shrieking_NN_1 sharp piercing cry; "her screaming attracted the neighbors" -02003186 __clear_the_air_VB_1 dispel differences or negative emotions; "The group called a meeting to finally clear the air" (especially of funds) not earmarked; available for use as needed; "discretionary funds"; "discretionary income" -08813156 __patavium_NN_1 a city in Veneto -05151088 __practicality_NN_1 concerned with actual use rather than theoretical possibilities -08948704 __stabroek_NN_1 port city and the capital and largest city of Guyana; "the city was called Stabroek by the Dutch but was renamed Georgetown by the British in 1812" -12092930 __false_pimpernel_NN_1 weedy plant having short dry chafflike leaves -00263044 __flaw_VB_1 add a flaw or blemish to; make imperfect or defective -03619890 __kitchen_NN_1 a room equipped for preparing meals -15011987 __double_salt_NN_1 a solution of two simple salts that forms a single substance on crystallization -15010038 __salicylic_acid_NN_1 a white crystalline substance with a bitter aftertaste; used as a fungicide or in making aspirin or dyes or perfumes -15009637 __seidlitz_powders_NN_1 an effervescing salt containing sodium bicarbonate and Rochelle salt and tartaric acid; used as a cathartic -15009326 __freshwater_NN_1 water that is not salty -07040148 __andante_NN_2 a musical composition or musical passage to be performed moderately slow -02112029 __expose_VB_1 expose or make accessible to some action or influence; "Expose your students to art"; "expose the blanket to sunshine" -15006789 __synthetic_rubber_NN_1 any of various synthetic elastic materials whose properties resemble natural rubber -15006258 __rubber_NN_1 an elastic material obtained from the latex sap of trees (especially trees of the genera Hevea and Ficus) that can be vulcanized and finished into a variety of products -11348160 __tree_NN_3 English actor and theatrical producer noted for his lavish productions of Shakespeare (1853-1917) -09385586 __parnassus_NN_1 (Greek mythology) a mountain in central Greece where (according to Greek mythology) the Muses lived; known as the mythological home of music and poetry; "Liakoura is the modern name of Mount Parnassus" -06880249 __reflexion_NN_2 expression without words; "tears are an expression of grief"; "the pulse is a reflection of the heart's condition" -13949802 __priority_NN_1 status established in order of importance or urgency; "...its precedence as the world's leading manufacturer of pharmaceuticals"; "national independence takes priority over class struggle" -10257524 __libertarian_NN_1 an advocate of libertarianism -00176459 __enucleate_VB_2 remove (a tumor or eye) from an enveloping sac or cover -12946849 __dogwood_tree_NN_1 a tree of shrub of the genus Cornus often having showy bracts resembling flowers -02132974 __genus_euarctos_NN_1 American black bears; in some classifications not a separate genus from Ursus -15004501 __residue_NN_1 matter that remains after something has been removed -01259380 __trumping_NN_1 (card games) the act of taking a trick with a trump when unable to follow suit -02037708 __robust_JJ_1 sturdy and strong in form, constitution, or construction; "a robust body"; "a robust perennial" -00986938 __firing_NN_1 the act of firing weapons or artillery at an enemy; "hold your fire until you can see the whites of their eyes"; "they retreated in the face of withering enemy fire" -12117695 __echinochloa_crusgalli_NN_1 a coarse annual panic grass; a cosmopolitan weed; occasionally used for hay or grazing -15002814 __rauwolfia_NN_1 any of several alkaloids extracted from the shrub Rauwolfia serpentina -05673908 __forgetfulness_NN_2 unawareness caused by neglectful or heedless failure to remember; "his forgetfulness increased as he grew older" -10927824 __general_de_gaulle_NN_1 French general and statesman who became very popular during World War II as the leader of the Free French forces in exile (1890-1970) -08146593 __intensive_care_unit_NN_1 a hospital unit staffed and equipped to provide intensive care -07609840 __sweet_NN_2 a dish served as the last course of a meal -15272887 __meanwhile_NN_1 the time between one event, process, or period and another; "meanwhile the socialists are running the government" -03409591 __saddleback_roof_NN_1 a double sloping roof with a ridge and gables at each end -00192613 __saving_NN_1 an act of economizing; reduction in cost; "it was a small economy to walk to work every day"; "there was a saving of 50 cents" -04045397 __raft_NN_1 a flat float (usually made of logs or planks) that can be used for transport or as a platform for swimmers -02339768 __neotoma_NN_1 packrats -07799278 __roe_NN_1 fish eggs or egg-filled ovary; having a grainy texture -01247413 __emancipation_NN_1 freeing someone from the control of another; especially a parent's relinquishing authority and control over a minor child -02675077 __phonograph_recording_disk_NN_1 a disk coated with cellulose acetate -14999913 __pyrimidine_NN_1 any of several basic compounds derived from pyrimidine -08121117 __fire_department_NN_1 the department of local government responsible for preventing and extinguishing fires -01959985 __cockle_NN_2 common edible, burrowing European bivalve mollusk that has a strong, rounded shell with radiating ribs -07373277 __union_NN_9 the occurrence of a uniting of separate parts; "lightning produced an unusual union of the metals" -14999106 __proteolytic_enzyme_NN_1 any enzyme that catalyzes the splitting of proteins into smaller peptide fractions and amino acids by a process known as proteolysis -10427764 __physiotherapist_NN_1 therapist who treats injury or dysfunction with exercises and other physical treatments of the disorder -01169589 __drench_VB_2 force to drink -11808721 __rainbow_pink_NN_1 Chinese pink with deeply toothed rose-lilac flowers with a purplish eye; usually raised as an annual -06679726 __photogelatin_process_NN_1 a photomechanical printing process that uses a glass plate with a gelatin surface that carries the image to be reproduced; can be used with one or more colors -08033454 __maktab_al-khidmat_NN_1 a terrorist organization founded by Osama bin Laden in the 1980s to provide money and recruit fighters around the world; enlisted and transported thousands of men to Afghanistan to fight the Russians; a split in the group led bin Laden and the extremist faction of MAK to form al-Qaeda -09388318 __pee_dee_river_NN_1 a river that flows through central North Carolina and northeastern South Carolina to the Atlantic Ocean -00988320 __volley_NN_1 rapid simultaneous discharge of firearms; "our fusillade from the left flank caught them by surprise" -02048242 __lunda_NN_1 puffins -14961512 __neuromuscular_blocking_agent_NN_1 a substance that interferes with the neural transmission between motor neurons and skeletal muscles -06049500 __dermatology_NN_1 the branch of medicine dealing with the skin and its diseases -14994004 __polysaccharide_NN_1 any of a class of carbohydrates whose molecules contain chains of monosaccharide molecules -14993378 __poison_gas_NN_1 a gas that is poisonous to breath or contact; used in chemical warfare -08437515 __thicket_NN_1 a dense growth of bushes -09758424 __abstractionist_NN_1 a painter of abstract pictures -04175380 __table_service_NN_1 tableware consisting of a complete set of articles (silver or dishware) for use at table -14991927 __plant_product_NN_1 a product made from plant material -07131511 __speech_pattern_NN_1 distinctive manner of oral expression; "he couldn't suppress his contemptuous accent"; "she had a very clear speech pattern" -01549886 __sayornis_phoebe_NN_1 small dun-colored North American flycatcher -14501726 __abnormality_NN_1 an abnormal physical condition resulting from defective genes or developmental deficiencies -14989820 __pigment_NN_1 dry coloring material (especially a powder to be mixed with a liquid to produce paint, etc.) -05326624 __cochlea_NN_1 the snail-shaped tube (in the inner ear coiled around the modiolus) where sound vibrations are converted into nerve impulses by the organ of Corti -02635956 __lead_VB_3 tend to or result in; "This remark lead to further arguments among the guests" -00824767 __trounce_VB_3 censure severely or angrily; "The mother scolded the child for entering a stranger's car"; "The deputy ragged the Prime Minister"; "The customer dressed down the waiter for bringing cold soup" -05582859 __transplant_NN_1 (surgery) tissue or organ transplanted from a donor to a recipient; in some cases the patient can be both donor and recipient -14124688 __white_pox_NN_1 a mild form of smallpox caused by a less virulent form of the virus -08923884 __omiya_NN_1 a city of east central Honshu; a suburb of Tokyo -09834378 __runner_NN_7 (football) the player who is carrying (and trying to advance) the ball on an offensive play -07964495 __combination_NN_5 an alliance of people or corporations or countries for a special purpose (formerly to achieve some antisocial end but now for general political or economic purposes) -13959931 __nonexistence_NN_1 the state of not existing -14985383 __dyestuff_NN_1 a usually soluble substance for staining or coloring e.g. fabrics or hair -14984973 __colouring_material_NN_1 any material used for its color; "she used a different color for the trim" -01615020 __hedge_in_VB_1 enclose or bound in with or as it with a hedge or hedges; "hedge the property" -02573275 __rip_off_VB_1 deprive somebody of something by deceit; "The con-man beat me out of $50"; "This salesman ripped us off!"; "we were cheated by their clever-sounding scheme"; "They chiseled me out of my money" -13512725 __reduction_division_NN_1 (genetics) cell division that produces reproductive cells in sexually reproducing organisms; the nucleus divides into four nuclei each containing half the chromosome number (leading to gametes in animals and spores in plants) -01845477 __anseriform_bird_NN_1 chiefly web-footed swimming birds -04018155 __public_address_system_NN_1 an electronic amplification system used as a communication system in public areas -12695144 __mahogany_tree_NN_1 any of various tropical timber trees of the family Meliaceae especially the genus Swietinia valued for their hard yellowish- to reddish-brown wood that is readily worked and takes a high polish -08396537 __nga_NN_1 a combat support agency that provides geographic intelligence in support of national security -14982681 __phospholipid_NN_1 any of various compounds composed of fatty acids and phosphoric acid and a nitrogenous base; an important constituent of membranes -04879092 __inconstancy_NN_1 unfaithfulness by virtue of being unreliable or treacherous -01891633 __shrewmouse_NN_1 small mouselike mammal with a long snout; related to moles -12298395 __sabbatia_stellaris_NN_1 any of several pink-flowered marsh plant of the eastern United States resembling a true centaury -05473928 __synapse_NN_1 the junction between two neurons (axon-to-dendrite) or between a neuron and a muscle; "nerve impulses cross a synapse through the action of neurotransmitters" -05927586 __stereotype_NN_1 a conventional or formulaic conception or image; "regional stereotypes have been part of America since its founding" -13053187 __fistulinaceae_NN_1 a family of fungi closely related to the family Polyporaceae except that the tubes on the undersurface of the cap are separate from each other -12119099 __lyme_grass_NN_1 a grass of the genus Elymus -14980910 __petroleum_jelly_NN_1 a semisolid mixture of hydrocarbons obtained from petroleum; used in medicinal ointments and for lubrication -14980784 __residual_oil_NN_1 oil products that remain after petroleum has been distilled -00811355 __storage_NN_1 the act of storing something -14979730 __peroxidase_NN_1 any of a group of enzymes (occurring especially in plant cells) that catalyze the oxidation of a compound by a peroxide -01936671 __lugworm_NN_1 marine worms having a row of tufted gills along each side of the back; often used for fishing bait -12266796 __new_zealand_beech_NN_1 any of several tall New Zealand trees of the genus Nothofagus; some yield useful timber -00131090 __safety_NN_4 (baseball) the successful act of striking a baseball in such a way that the batter reaches base safely -07913081 __sundowner_NN_2 a drink taken at sundown -04128837 __sailing_vessel_NN_1 a vessel that is powered by the wind; often having several masts -01016002 __say_VB_2 report or maintain; "He alleged that he was the victim of a crime"; "He said it was too late to intervene in the war"; "The registrar says that I owe the school money" -14977504 __paving_material_NN_1 material used to pave an area -01775535 __love_VB_3 be enamored or in love with; "She loves her husband deeply" -12537988 __laburnum_NN_1 flowering shrubs or trees having bright yellow flowers; all parts of the plant are poisonous -01068012 __filibuster_NN_2 (law) a tactic for delaying or obstructing legislation by making long speeches fresh; "caller fish" -14683859 __niobite_NN_1 a black mineral that is an ore of niobium and tantalum -13245076 __rateables_NN_1 property that provides tax income for local governments -02693070 __strip_NN_3 an airfield without normal airport facilities -10055410 __temptress_NN_1 a woman who is considered to be dangerously seductive -14971519 __oxide_NN_1 any compound of oxygen with another element or a radical -03553708 __hydromorphone_hydrochloride_NN_1 a narcotic analgesic (trade name Dilaudid) used to treat moderate to severe pain -01291069 __join_VB_4 make contact or come together; "The two roads join here" -05480794 __systema_nervosum_centrale_NN_1 the portion of the vertebrate nervous system consisting of the brain and spinal cord -09035305 __tanganyika_NN_2 a former state in East Africa; united with Zanzibar in 1964 to form Tanzania -14806838 __chemical_substance_NN_1 material produced by or used in a reaction involving changes in atoms or molecules -01058574 __remark_VB_2 make or write a comment on; "he commented the paper of his colleague" -08233426 __vertical_union_NN_1 a labor union that admits all workers in a given industry irrespective of their craft -01076793 __unfriendly_JJ_2 not disposed to friendship or friendliness; "an unfriendly coldness of manner"; "an unfriendly action to take" -14562960 __end_NN_6 a final state; "he came to a bad end"; "the so-called glorious experiment came to an inglorious end" -07702193 __dumplings_NN_1 small balls or strips of boiled or steamed dough -05866822 __metacentre_NN_1 (shipbuilding) the point of intersection between two vertical lines, one line through the center of buoyancy of the hull of a ship in equilibrium and the other line through the center of buoyancy of the hull when the ship is inclined to one side; the distance of this intersection above the center of gravity is an indication of the stability of the ship -01275516 __loosen_VB_6 make less dense; "loosen the soil" -14488317 __financial_condition_NN_1 the condition of (corporate or personal) finances -05734381 __roast_NN_2 negative criticism -14745057 __auxin_NN_1 a plant hormone that promotes root formation and bud growth -05264756 __funiculus_NN_2 any of several body structure resembling a cord -02581675 __represent_VB_8 be the defense counsel for someone in a trial; "Ms. Smith will represent the defendant" -14835333 __thinner_NN_1 a diluting agent -14962117 __nickel_alloy_NN_1 an alloy whose main constituent is nickel -14934031 __leavening_NN_2 a substance used to produce fermentation in dough or a liquid -13907415 __plication_NN_1 an angular or rounded shape made by folding; "a fold in the napkin"; "a crease in his trousers"; "a plication on her blouse"; "a flexure of the colon"; "a bend of his elbow" -03385117 __formation_NN_5 a particular spatial arrangement -12449784 __leichtlin's_camas_NN_1 camas found to the west of Cascade Mountains -14959058 __synthetic_fiber_NN_1 fiber created from natural materials or by chemical processes -09021812 __capital_of_turkmenistan_NN_1 the capital and largest city of Turkmenistan -14957893 __myeline_NN_1 a white fatty substance that forms a medullary sheath around the axis cylinder of some nerve fibers -04714156 __congruousness_NN_1 the quality of agreeing; being suitable and appropriate -12094244 __featherfoil_NN_1 a plant of the genus Hottonia -07090721 __repetitiveness_NN_1 verboseness resulting from excessive repetitions -14956921 __sapropel_NN_1 sludge (rich in organic matter) that accumulates at the bottom of lakes or oceans -00378296 __incendiarism_NN_1 malicious burning to destroy property; "the British term for arson is fire-raising" -14956661 __sludge_NN_2 any thick, viscous matter -09113207 __bayonne_NN_1 a city in northeastern New Jersey -02641215 __lepisosteus_NN_1 type genus of the Lepisosteidae: freshwater gars -01601919 __genus_cinclus_NN_1 type genus of the family Cinclidae -13188973 __family_dennstaedtiaceae_NN_1 one of a number of families into which Polypodiaceae has been subdivided in some classification systems -12860365 __basil_NN_1 any of several Old World tropical aromatic annual or perennial herbs of the genus Ocimum -07548978 __resentment_NN_1 a feeling of deep and bitter anger and ill-will -01932495 __tylenchus_NN_1 type genus of the family Tylenchidae -12124358 __leymus_NN_1 genus that in some classifications overlaps the genus Elymus -12938193 __sea_holm_NN_1 European evergreen eryngo with twisted spiny leaves naturalized on United States east coast; roots formerly used as an aphrodisiac -08495617 __point_of_apoapsis_NN_1 (astronomy) the point in an orbit farthest from the body being orbited -01167146 __obeisance_NN_2 the act of obeying; dutiful or submissive behavior with respect to another person -14952122 __methyl_radical_NN_1 the univalent radical CH3- derived from methane -00800121 __hustings_NN_1 the activities involved in political campaigning (especially speech making) -07216083 __confession_NN_1 an admission of misdeeds or faults -04540761 __voltaic_cell_NN_1 an electric cell that generates an electromotive force by an irreversible conversion of chemical to electrical energy; cannot be recharged -00840809 __re-emphasize_VB_1 emphasize anew; "The director re-emphasized the need for greater productivity" -14950129 __menhaden_oil_NN_1 a fatty oil obtained from the menhaden fish and used in paint and ink and in treating leather -11714618 __water-lily_family_NN_1 dicot aquatic plants -01829869 __hoopoo_NN_1 any of several crested Old World birds with a slender downward-curved bill -04191150 __shellac_varnish_NN_1 a thin varnish made by dissolving lac in ethanol; used to finish wood -04963588 __ruby_NN_3 a deep and vivid red color -05766984 __portraying_NN_1 a representation by picture or portraiture -00891216 __underwrite_VB_2 protect by insurance; "The insurance won't cover this" -07289588 __wonder_NN_2 something that causes feelings of wonder; "the wonders of modern science" -01015689 __shell_collecting_NN_1 the collection and study of mollusc shells -07019172 __musical_theater_NN_1 a play or film whose action and dialogue is interspersed with singing and dancing -01684337 __sculpture_VB_1 create by shaping stone or wood or any other hard material; "sculpt a swan out of a block of ice" -02707125 __stand_VB_7 remain inactive or immobile; "standing water" -14941884 __lithonate_NN_1 a white powder (LiCO3) used in manufacturing glass and ceramics and as a drug; the drug (trade names Lithane or Lithonate or Eskalith) is used to treat some forms of depression and manic episodes of manic-depressive disorder -06200741 __dislike_NN_1 an inclination to withhold approval from some person or group -13784906 __metric_function_NN_1 a function of a topological space that gives, for any two points in the space, a value equal to the distance between them -13260510 __quick_buck_NN_1 quick or easy earnings, "they are traders out to make a fast buck" -07202391 __portrayal_NN_1 a word picture of a person's appearance and character -06022291 __deviation_NN_2 the difference between an observed value and the expected value of a variable or function -02002075 __stork_NN_1 large mostly Old World wading birds typically having white-and-black plumage -12012253 __tansy_ragwort_NN_1 widespread European weed having yellow daisylike flowers; sometimes an obnoxious weed and toxic to cattle if consumed in quantity -14939230 __lipoprotein_NN_1 a conjugated protein having a lipid component; the principal means for transporting lipids in the blood -14938907 __lipoid_NN_1 an oily organic compound insoluble in water but soluble in organic solvents; essential structural component of living cells (along with proteins and carbohydrates) -07414740 __convergence_NN_1 the occurrence of two or more things coming together -02000036 __peripatidae_NN_1 a family of Onychophora -00101609 __selfless_JJ_1 showing unselfish concern for the welfare of others -03354207 __fixer-upper_NN_1 a house or other dwelling in need of repair (usually offered for sale at a low price) -02097047 __tumble_VB_2 a small schnauzer cause to topple or tumble by pushing -11797508 __hercules'-club_NN_2 small deciduous clump-forming tree or shrub of eastern United States -00491689 __sound_VB_7 measure the depth of (a body of water) with a sounding line -00807178 __reject_VB_3 deem wrong or inappropriate; "I disapprove of her child rearing methods" -02949691 __marijuana_NN_2 the most commonly used illicit drug; considered a soft drug, it consists of the dried leaves of the hemp plant; smoked or chewed for euphoric effect -10842730 __roberto_francesco_romolo_bellarmine_NN_1 Italian cardinal and theologian (1542-1621) -00786816 __examine_VB_4 question closely -14932303 __plutonic_rock_NN_1 large mass of intrusive igneous rock believed to have solidified deep within the earth -04944048 __tendency_NN_3 a characteristic likelihood of or natural disposition toward a certain condition or character or effect; "the alkaline inclination of the local waters"; "fabric with a tendency to shrink" -08640111 __slip_NN_6 a place where a craft can be made fast -06727758 __bill_of_rights_NN_1 a statement of fundamental rights and privileges (especially the first ten amendments to the United States Constitution) -12008749 __rudbeckia_laciniata_NN_1 tall leafy plant with erect branches ending in large yellow flower heads with downward-arching rays; grow in Rocky Mountains south to Arizona and east to the Atlantic coast -05664069 __system_of_logic_NN_1 a system of reasoning -10089484 __movie_star_NN_1 a star who plays leading roles in the cinema -04949066 __scratchiness_NN_1 the roughness of a substance that causes abrasions -01414626 __thump_VB_3 hit hard with the hand, fist, or some heavy instrument; "the salesman pounded the door knocker"; "a bible-thumping Southern Baptist" -02852173 __flasher_NN_3 a light that flashes on and off; used as a signal or to send messages -12726902 __wisconsin_weeping_willow_NN_1 hybrid willow usually not strongly weeping in habit -04078236 __serpasil_NN_1 antihypertensive consisting of an alkaloid extracted from the plant Rauwolfia serpentina (trade names Raudixin or Rau-Sed or Sandril or Serpasil) -00846515 __sexual_love_NN_2 sexual activities (often including sexual intercourse) between two people; "his lovemaking disgusted her"; "he hadn't had any love in months"; "he has a very complicated love life" -02274516 __nymphalidae_NN_1 large beautifully colored butterflies -02626265 __scomberomorus_regalis_NN_1 large edible mackerel of temperate United States coastal Atlantic waters -01822300 __ring-necked_parakeet_NN_1 African parakeet -12904720 __lycium_NN_1 deciduous and evergreen shrubs often spiny; cosmopolitan in temperate and subtropical regions -02896074 __breechblock_NN_1 a metal block in breech-loading firearms that is withdrawn to insert a cartridge and replaced to close the breech before firing -10985440 __richard_buckminster_fuller_NN_1 United States architect who invented the geodesic dome (1895-1983) -01819387 __put_off_VB_3 take away the enthusiasm of -12898226 __genus_atropa_NN_1 belladonna -06539178 __criminal_law_NN_1 the body of law dealing with crimes and their punishment -02106966 __pinscher_NN_1 any of three breeds of dogs whose ears and tail are usually cropped -14920844 __insulation_NN_2 a material that reduces or prevents the transmission of heat or sound or electricity -09494388 __firedrake_NN_1 a creature of Teutonic mythology; usually represented as breathing fire and having a reptilian body and sometimes wings -14918994 __incense_NN_1 a substance that produces a fragrant odor when burned -11677259 __style_NN_5 (botany) the narrow elongated part of the pistil between the ovary and the stigma -11302062 __sinatra_NN_1 United States singer and film actor (1915-1998) -01130455 __charm_VB_3 protect through supernatural powers or charms -02678738 __xtc_NN_1 street names for methylenedioxymethamphetamine -14916185 __identification_particle_NN_1 a tiny particle of material that can be added to a product to indicate the source of manufacture -14035909 __flexure_NN_1 the state of being flexed (as of a joint) -14915622 __rime_NN_1 ice crystals forming a white deposit (especially on objects outside) -14915184 __water_ice_NN_1 water frozen in the solid state; "Americans like ice in their drinks" -01844048 __visit_VB_4 come to see in an official or professional capacity; "The governor visited the prison"; "The grant administrator visited the laboratory" -14910581 __hydrazine_NN_1 a colorless fuming corrosive liquid; a powerful reducing agent; used chiefly in rocket fuels -13951444 __lower_status_NN_1 the state of being inferior -10009276 __tec_NN_1 a police officer who investigates crimes -11214320 __sir_laurence_kerr_olivier_NN_1 English actor best know for his Shakespearean roles (1907-1989) -04393095 __tape_recorder_NN_1 a magnetic recorder using magnetic tape -09891730 __canonist_NN_1 a specialist in canon law -12927758 __tung_tree_NN_1 Chinese tree bearing seeds that yield tung oil -14906500 __hemp_NN_1 a plant fiber -04371563 __swimwear_NN_1 tight fitting garment worn for swimming -07644382 __fowl_NN_2 the flesh of a bird or fowl (wild or domestic) used as food -11224877 __pasteur_NN_1 French chemist and biologist whose discovery that fermentation is caused by microorganisms resulted in the process of pasteurization (1822-1895) -08730354 __taiwan_NN_2 an island in southeastern Asia 100 miles off the coast of mainland China in the South China Sea -07072698 __rhetoric_NN_1 using language effectively to please or persuade -07932323 __cassiri_NN_1 a drink resembling beer; made from fermented cassava juice -00087849 __addiction_NN_3 (Roman law) a formal award by a magistrate of a thing or person to another person (as the award of a debtor to his creditor); a surrender to a master; "under Roman law addiction was the justification for slavery" -11856389 __rivina_NN_1 small genus of erect perennial shrubby herbs; tropical and subtropical America -10164233 __schoolmaster_NN_1 presiding officer of a school -10987358 __john_kenneth_galbraith_NN_1 United States economist (born in Canada) who served as ambassador to India (born in 1908) -14902733 __epoxy_resin_NN_1 a thermosetting resin; used chiefly in strong adhesives and coatings and laminates -14902141 __synthetic_resin_NN_1 a resin having a polymeric structure; especially a resin in the raw state; used chiefly in plastics -00680485 __weight_VB_2 present with a bias; "He biased his presentation so as to please the share holders" -05690684 __straitjacket_NN_1 anything immaterial that severely hinders or confines; "they defected because Russian dance was in a straitjacket"; "the government is operating in an economic straitjacket" -01870043 __sweep_VB_1 sweep across or over; "Her long skirt brushed the floor"; "A gasp swept cross the audience" -12805373 __ribes_rubrum_NN_1 cultivated European current bearing small edible red berries -00574227 __swimming_kick_NN_1 a movement of the legs in swimming -00015303 __snooze_VB_1 sleep lightly or for a short period of time -14896441 __oleoresin_NN_1 a naturally occurring mixture of a resin and an essential oil; obtained from certain plants -07995164 __pod_NN_3 a group of aquatic mammals -02407521 __guernsey_NN_2 breed of dairy cattle from the island of Guernsey -13555775 __shit_NN_4 a coarse term for defecation; "he took a shit" -03198951 __dramamine_NN_1 antihistamine and antiemetic (trade name Dramamine) used to treat motion sickness -11981314 __heterotheca_NN_1 genus of yellow-flowered North American herbs -05998724 __ology_NN_1 an informal word (abstracted from words with this ending) for some unidentified branch of knowledge -02147824 __dissimulate_VB_1 hide (feelings) from other people -14894140 __rosin_NN_1 any of a class of solid or semisolid viscous substances obtained either as exudations from certain plants or prepared by polymerization of simple molecules -05577190 __sole_NN_3 the underside of the foot -13649791 __inch_NN_1 a unit of length equal to one twelfth of a foot -08173515 __european_union_NN_1 an international organization of European countries formed after World War II to reduce trade barriers and increase cooperation among its members; "he tried to take Britain into the Europen Union" -07805006 __swill_NN_1 wet feed (especially for pigs) consisting of mostly kitchen waste mixed with water or skimmed or sour milk -06516087 __autobiography_NN_1 a biography of yourself -11708658 __anise_tree_NN_1 any of several evergreen shrubs and small trees of the genus Illicium -14893652 __turps_NN_1 volatile liquid distilled from turpentine oleoresin; used as paint thinner and solvent and medicinally -02803934 __string_bass_NN_1 largest and lowest member of the violin family -14892989 __ottar_NN_1 essential oil or perfume obtained from flowers -14892655 __volatile_oil_NN_1 an oil having the odor or flavor of the plant from which it comes; used in perfume and flavorings -10217831 __itinerant_NN_1 a laborer who moves from place to place as demanded by employment; "itinerant traders" -02114433 __solarize_VB_1 reverse some of the tones of (a negative or print) and introduce pronounced outlines of highlights, by exposing it briefly to light, then washing and redeveloping it -02405252 __force_out_VB_1 force to leave (an office) -03619650 __kit_NN_1 a case for containing a set of articles -00051761 __dress_up_VB_4 dress in a costume; "We dressed up for Halloween as pumpkins" -01298668 __detach_VB_1 cause to become detached or separated; take off; "detach the skin from the chicken before you eat it" -14888884 __hemoprotein_NN_1 a conjugated protein linked to a compound of iron and porphyrin -13199445 __polystichum_NN_1 small to medium-sized terrestrial ferns especially holly ferns; in some classification systems placed in Polypodiaceae -01731418 __masticophis_NN_1 whip snakes -03910033 __penicillin_NN_1 any of various antibiotics obtained from Penicillium molds (or produced synthetically) and used in the treatment of various infections and diseases -07435273 __outbreak_NN_1 a sudden violent spontaneous occurrence (usually of some undesirable condition); "the outbreak of hostilities" -14086143 __epilepsy_NN_1 a disorder of the central nervous system characterized by loss of consciousness and convulsions -01982395 __take_up_VB_7 occupy or take on; "He assumes the lotus position"; "She took her seat on the stage"; "We took our seats in the orchestra"; "She took up her position behind the tree"; "strike a pose" -12769815 __order_ebenales_NN_1 trees or shrubs of the families Ebenaceae or Sapotaceae or Styracaceae or Symplocaceae -00753973 __goldbrick_NN_4 anything that is supposed to be valuable but turns out to be worthless -14883206 __crystal_NN_1 a solid formed by the solidification of a chemical and having a highly regular atomic structure -08788004 __lydia_NN_1 an ancient region on the coast of western Asia Minor; a powerful kingdom until conquered by the Persians in 546 BC -14881303 __glass_NN_1 a brittle transparent solid with irregular atomic structure -00940842 __formulation_NN_2 inventing or contriving an idea or explanation and formulating it mentally -04642980 __querulousness_NN_1 the quality of being given to complaining -14880107 __optical_glass_NN_1 clear homogeneous glass of known refractive index; used to make lenses -10448322 __pointsman_NN_1 a policeman stationed at an intersection to direct traffic -14879750 __vitreous_silica_NN_1 colorless glass made of almost pure silica -14879605 __natural_glass_NN_1 magma of any composition that cooled very rapidly -01486706 __ginglymostoma_NN_1 nurse sharks -12899537 __maikoa_NN_1 a South American plant that is cultivated for its large fragrant trumpet-shaped flowers -04066023 __redbrick_university_NN_1 (British informal) a provincial British university of relatively recent founding; distinguished from Oxford University and Cambridge University -14877234 __greenhouse_gas_NN_1 a gas that contributes to the greenhouse effect by absorbing infrared radiation -12820434 __lithospermum_NN_1 annual or perennial herbaceous or shrubby plants; cosmopolitan except Australia -06489190 __honours_list_NN_1 a list issued by examiners that categorizes students according to the class of honours they achieved in their degree examinations -10271525 __loose_cannon_NN_1 a person who is expected to perform a particular task but who is out of control and dangerous -01249060 __replication_NN_7 the repetition of an experiment in order to test the validity of its conclusion; "scientists will not believe an experimental result until they have seen at least one replication" -14875077 __fuel_NN_1 a substance that can be consumed to produce energy; "more fuel is needed during the winter months"; "they developed alternative fuels for aircraft" -03464757 __guardhouse_NN_1 a military facility that serves as the headquarters for military police and in which military prisoners can be detained -01317541 __domesticated_animal_NN_1 any of various animals that have been tamed and made fit for a human environment -14873641 __preparation_NN_2 a substance prepared according to a formula; "the physician prescribed a commercial preparation of the medicine" -03738241 __mechanical_system_NN_1 a system of elements that interact on mechanical principles -12165384 __cucumis_sativus_NN_1 a melon vine of the genus Cucumis; cultivated from earliest times for its cylindrical green fruit -01003741 __reshoot_VB_1 shoot again; "We had to reshoot that scene 24 times" -06142598 __cybernetics_NN_1 (biology) the field of science concerned with processes of communication and control (especially the comparison of these processes in biological and artificial systems) -07433145 __whirlpool_NN_1 a powerful circular current of water (usually the result of conflicting tides) -12105125 __wheatgrass_NN_1 a grass of the genus Agropyron -14871601 __fluoride_NN_1 a salt of hydrofluoric acid -02762981 __flare_VB_3 shine with a sudden light; "The night sky flared with the massive bombardment" -14419164 __link_NN_3 the state of being connected; "the connection between church and state is inescapable" -14597758 __sponge_NN_1 a porous mass of interlacing fibers that forms the internal skeleton of various marine animals and usable to absorb water or any porous rubber or cellulose product similarly used -01474641 __ostracodermi_NN_1 extinct group of armored jawless vertebrates; taxonomy is not clear -09780249 __auxiliary_NN_1 someone who acts as assistant -02036399 __recurvirostridae_NN_1 long-legged shorebirds -11429458 __pressure_NN_7 the pressure exerted by the atmosphere -11507321 __medium_wave_NN_1 a radio wave with a wavelength between 100 and 1000 meters (a frequency between 300 kilohertz and 3000 kilohertz) -14866889 __fibre_NN_1 a slender and greatly elongated substance capable of being spun into yarn -01069809 __request_VB_3 inquire for (information); "I requested information from the secretary" -02014941 __rail_NN_5 any of numerous widely distributed small wading birds of the family Rallidae having short wings and very long toes for running on soft mud -12859986 __nepeta_cataria_NN_1 hairy aromatic perennial herb having whorls of small white purple-spotted flowers in a terminal spike; used in the past as a domestic remedy; strongly attractive to cats -12744387 __nephelium_litchi_NN_1 Chinese tree cultivated especially in Philippines and India for its edible fruit; sometimes placed in genus Nephelium -14864961 __felspar_NN_1 any of a group of hard crystalline minerals that consist of aluminum silicates of potassium or sodium or calcium or barium -12782338 __genus_drosera_NN_1 the type genus of Droseraceae including many low bog-inhabiting insectivorous plants -07361128 __collapse_NN_2 a natural event caused by something suddenly falling down or caving in; "the roof is in danger of collapse"; "the collapse of the old star under its own gravity" -01069638 __give_VB_35 accord by verdict; "give a decision for the plaintiff" -04990220 __volume_NN_6 the magnitude of sound (usually in a specified direction); "the kids played their music at full volume" -01479333 __stuff_VB_3 obstruct; "My nose is all stuffed"; "Her arteries are blocked" -14861355 __saltpetre_NN_1 (KNO3) used especially as a fertilizer and explosive -01417807 __peridiniidae_NN_1 marine and freshwater dinoflagellates -14860102 __flux_NN_3 a substance added to molten metals to bond with impurities that can then be readily removed -14859622 __gallamine_NN_1 neuromuscular blocking agent (trade name Flaxedil) used as a muscle relaxant in the administration of anesthesia -14859344 __plant_food_NN_1 any substance such as manure or a mixture of nitrates used to make soil more fertile -13978601 __storm_centre_NN_1 a center of trouble or disturbance -09883947 __dyke_NN_1 (slang) offensive term for a lesbian who is noticeably masculine -14857497 __trash_NN_1 worthless material that is to be disposed of -14856752 __skank_NN_1 any substance considered disgustingly foul or unpleasant -01239064 __participation_NN_1 the act of sharing in the activities of a group; "the teacher tried to increase his students' engagement in class activities" -13199244 __polybotrya_NN_1 tropical American ferns; usually terrestrial when young but scandent later -14855724 __weewee_NN_1 liquid excretory product; "there was blood in his urine"; "the child had to make water" -06005692 __euclidean_axiom_NN_1 (mathematics) any of five axioms that are generally recognized as the basis for Euclidean geometry -07310642 __passing_NN_3 the motion of one object relative to another; "stellar passings can perturb the orbits of comets" -12140137 __sporobolus_NN_1 cosmopolitan annual and perennial grasses (as dropseed or rush grass) -11917835 __white_snakeroot_NN_1 American herb having flat-topped clusters of small white flower heads; reputedly a cause of trembles and milk sickness; sometimes placed in genus Eupatorium -01001097 __synchronizing_NN_2 an adjustment that causes something to occur or recur in unison -14853947 __excretory_product_NN_1 waste matter (as urine or sweat but especially feces) discharged from the body -02525447 __work_VB_3 have an effect or outcome; often the one desired or expected; "The voting process doesn't work as well as people thought"; "How does your idea work in practice?"; "This method doesn't work"; "The breaks of my new car act quickly"; "The medicine works only if you take it with a lot of water" -14852450 __emission_NN_2 a substance that is emitted or released -14851157 __ethylene_NN_1 a flammable colorless gaseous alkene; obtained from petroleum and natural gas and used in manufacturing many other chemicals; sometimes used as an anesthetic -01924916 __platyhelminth_NN_1 parasitic or free-living worms having a flattened body -07509572 __astonishment_NN_1 the feeling that accompanies something extremely surprising; "he looked at me in astonishment" -14850483 __ester_NN_1 formed by reaction between an acid and an alcohol with elimination of water -14849880 __sandpaper_NN_1 stiff paper coated with powdered emery or sand -11007332 __king_of_swing_NN_1 United States clarinetist who in 1934 formed a big band (including black as well as white musicians) and introduced a kind of jazz known as swing (1909-1986) -14849367 __isotonic_solution_NN_1 a solution having the same osmotic pressure as blood -14848785 __infusion_NN_1 a solution obtained by steeping or soaking a substance (usually in water) -00633864 __investigation_NN_2 the work of inquiring into something thoroughly and systematically -11162582 __st._mary_magdalene_NN_1 sinful woman Jesus healed of evil spirits; she became a follower of Jesus -10239928 __knocker_NN_1 (Yiddish) a big shot who knows it and acts that way; a boastful immoderate person -00692506 __neutering_NN_1 the sterilization of an animal; "they took him to the vet for neutering" -08307589 __meeting_NN_1 a formally arranged gathering; "next year the meeting will be in Chicago"; "the meeting elected a chairperson" -06633896 __felicitation_NN_2 the act of acknowledging that someone has an occasion for celebration -07986771 __triplicity_NN_1 (astrology) one of four groups of the zodiac where each group consists of three signs separated from each other by 120 degrees -10189278 __resident_physician_NN_1 a physician (especially an intern) who lives in a hospital and cares for hospitalized patients under the supervision of the medical staff of the hospital; "the resident was receiving special clinical training at the hospital" -14845743 __water_NN_1 binary compound that occurs at room temperature as a clear colorless odorless tasteless liquid; freezes into ice below 0 degrees centigrade and boils above 100 degrees centigrade; widely used as a solvent -14844693 __soil_NN_2 the part of the earth's surface consisting of humus and disintegrated rock -14843986 __ochre_NN_1 any of various earths containing silica and alumina and ferric oxide; used as a pigment -14842992 __ground_NN_3 the loose soft material that makes up a large part of the land surface; "they dug into the earth outside the church" -04968426 __teal_NN_1 a blue-green color or pigment; "they painted it a light shade of bluish green" -13474290 __emission_NN_3 the release of electrons from parent atoms -14840755 __element_NN_5 one of four substances thought in ancient and medieval cosmology to constitute the physical universe; "the alchemists believed that there were four elements" -06101551 __particle_physics_NN_1 the branch of physics that studies subatomic particles and their interactions -14839322 __duralumin_NN_1 an aluminum-based alloy -05062993 __dimensionality_NN_1 the spatial property of having dimensions; "all matter has dimensionality" -14838217 __intropin_NN_1 a monoamine neurotransmitter found in the brain and essential for the normal functioning of the central nervous system; as a drug (trade names Dopastat and Intropin) it is used to treat shock and hypotension -09003284 __ussr_NN_1 a former communist country in eastern Europe and northern Asia; established in 1922; included Russia and 14 other soviet socialist republics (Ukraine and Byelorussia and others); officially dissolved 31 December 1991 -08783812 __rodhos_NN_1 a Greek island in the southeast Aegean Sea 10 miles off the Turkish coast; the largest of the Dodecanese; it was colonized before 1000 BC by Dorians from Argos; site of the Colossus of Rhodes -14836642 __disaccharide_NN_1 any of a variety of carbohydrates that yield two monosaccharide molecules on complete hydrolysis -06927486 __uygur_NN_2 the Turkic language spoken by approximately 7,000,000 Uighur in extreme northwestern China -14836127 __dioxide_NN_1 an oxide containing two atoms of oxygen in the molecule -02686625 __run_VB_23 cause something to pass or lead somewhere; "Run the wire behind the cabinet" -05341206 __cerebral_artery_NN_1 any of the arteries supplying blood to the cerebral cortex -14834563 __diamond_NN_2 very hard native crystalline carbon valued as a gem -01693727 __cartoon_VB_1 draw cartoons of -03788498 __motel_NN_1 a motor hotel -02423787 __tragelaphus_NN_1 African antelopes: kudus; bongos; nyalas; bushbucks -00219575 __death_NN_8 the act of killing; "he had two deaths on his conscience" -06613056 __quote_NN_2 a passage or expression that is quoted or cited -06399995 __paragraph_NN_1 one of several distinct subdivisions of a text intended to separate ideas; the beginning is usually marked by a new indented line -05796937 __convergent_thinking_NN_1 thinking that brings together information focussed on solving a problem (especially solving problems that have a single correct solution) -03007591 __serial_printer_NN_1 a printer that prints a single character at a time -00954608 __publicize_VB_1 make public; "She aired her opinions on welfare" -11969977 __genus_filago_NN_1 genus of small woolly herbs -14830364 __dna_NN_1 (biochemistry) a long linear polymer found in the nucleus of a cell and formed from nucleotides and shaped like a double helix; associated with the transmission of genetic information; "DNA is the king of molecules" -07279045 __language_system_NN_1 a system of linguistic units or elements used in a particular language -00739340 __think_VB_8 decide by pondering, reasoning, or reflecting; "Can you think what to do next?" -01678140 __tart_up_VB_1 decorate in a cheap and flashy way; "the small-town bar was all tarted up" -14827346 __nitrile_NN_1 any of a class of organic compounds containing the cyano radical -CN -10403162 __political_boss_NN_1 a leader in a political party who controls votes and dictates appointments; "party bosses have a reputation for corruption" -14825062 __covering_material_NN_1 a material used by builders to cover surfaces -00658627 __hospitalization_NN_4 placing in medical care in a hospital -13238178 __genus_stapelia_NN_1 genus of foul-smelling plants resembling cacti; found from Africa to East India -02567484 __genus_centropristis_NN_1 sea basses -14824238 __hydrated_aluminum_oxide_NN_1 white crystalline compound that occurs naturally as the mineral gibbsite -14823944 __aluminum_oxide_NN_1 any of various forms of aluminum oxide occurring naturally as corundum -11771539 __carissa_NN_1 a shrub of the genus Carissa having fragrant white flowers and plumlike red to purple-black fruits -00164201 __restitute_VB_2 restore to a previous or better condition; "They renovated the ceiling of the Sistine Chapel" -14821984 __contamination_NN_2 a substance that contaminates -00252662 __purging_NN_2 the act of clearing yourself (or another) from some stigma or charge -04083468 __restoration_NN_5 some artifact that has been restored or reconstructed; "the restoration looked exactly like the original" -02570648 __family_embiotocidae_NN_1 viviparous percoid fishes comprising the surf fishes -14821043 __conductor_NN_2 a substance that readily conducts e.g. electricity and heat -02672886 __cacodylic_JJ_1 of or relating to cacodyl -03427202 __rod_NN_6 a gangster's pistol -03758334 __mezzo-rilievo_NN_1 a sculptural relief between low relief and high relief -00098517 __upraise_VB_1 cause to become alive again; "raise from the dead"; "Slavery is already dead, and cannot be resurrected"; "Upraising ghosts" -00777439 __plunderage_NN_1 the act of plundering (especially the embezzlement of goods on shipboard) -14818238 __compound_NN_2 (chemistry) a substance formed by chemical union of two or more elements or ingredients in definite proportion by weight -07504841 __concern_NN_3 a feeling of sympathy for someone or something; "She felt strong concern for those less fortunate" -03297735 __establishment_NN_4 a public or private structure (business or governmental or educational) including buildings and equipment for business or residence -06220616 __socialism_NN_1 a political theory advocating state ownership of industry -10335563 __mouse_NN_3 person who is quiet or timid -08196024 __airforce_NN_1 the airborne branch of a country's armed forces -14813182 __clay_NN_1 a very fine-grained soil that is plastic when moist but hard when fired -03196324 __digital_computer_NN_1 a computer that represents information by numerical (binary) digits -12371911 __family_canellaceae_NN_1 one genus: aromatic tropical trees of eastern Africa and Florida to West Indies -00378361 __incinerate_VB_1 become reduced to ashes; "The paper incinerated quickly" -14810704 __chrome_NN_1 another word for chromium when it is used in dyes or pigments -05484862 __posterior_pituitary_gland_NN_1 the posterior lobe of the pituitary body; primarily glandular in nature -01628302 __offensive_JJ_3 causing anger or annoyance; "offensive remarks" -12173069 __velvetweed_NN_1 tall annual herb or subshrub of tropical Asia having velvety leaves and yellow flowers and yielding a strong fiber; naturalized in southeastern Europe and United States -01190494 __soak_VB_6 make drunk (with alcoholic drinks) -05006020 __sentience_NN_3 the readiness to perceive sensations; elementary or undifferentiated consciousness; "gave sentience to slugs and newts"- Richard Eberhart -08856630 __santos_NN_1 a port city in southwestern Brazil on an offshore island near Sao Paulo -14807929 __catecholamine_NN_1 any of a group of chemicals including epinephrine and norepinephrine that are produced in the medulla of the adrenal gland -02755529 __attack_submarine_NN_1 a military submarine designed and armed to attack enemy shipping -10369955 __occupier_NN_2 a member of a military force who is residing in a conquered foreign country -13219422 __horsetail_NN_1 perennial rushlike flowerless herbs with jointed hollow stems and narrow toothlike leaves that spread by creeping rhizomes; tend to become weedy; common in northern hemisphere; some in Africa and South America -09006205 __soviet_socialist_republic_NN_1 one of the states that formerly made up the former Union of Soviet Socialist Republics (1922-1991) -14803074 __carbon_steel_NN_1 steel whose characteristics are determined by the amount of carbon it contains -14802450 __steel_NN_1 an alloy of iron with small amounts of carbon; widely used in construction; mechanical properties can be varied over a wide range -09559404 __bacchus_NN_1 (classical mythology) god of wine; equivalent of Dionysus -13819207 __ratio_NN_1 the relative magnitudes of two quantities (usually expressed as a quotient) -05321917 __osseous_labyrinth_NN_1 cavity in the petrous part of the temporal bone that contains the membranous labyrinth -13025421 __saccharomyces_NN_1 single-celled yeasts that reproduce asexually by budding; used to ferment carbohydrates -03058107 __coating_NN_1 a thin layer covering something; "a second coat of paint" -00814621 __hold_forth_VB_1 talk at length and formally about a topic; "The speaker dissertated about the social politics in 18th century England" -13925550 __silence_NN_1 the state of being silent (as when no one is speaking); "there was a shocked silence"; "he gestured for silence" -06245084 __shamanism_NN_1 any animistic religion similar to Asian shamanism (especially as practiced by certain Native American tribes) -07726230 __pigeon_pea_NN_2 small highly nutritious seed of the tropical pigeon-pea plant -14799244 __abrasive_material_NN_1 a substance that abrades or wears down -12680652 __wayfaring_tree_NN_1 vigorous deciduous European treelike shrub common along waysides; red berries turn black -00341695 __retraction_NN_2 the act of pulling or holding or drawing a part back; "the retraction of the landing gear"; "retraction of the foreskin" -12150447 __genus_cyperus_NN_1 type genus of Cyperaceae; grasslike rhizomatous herbs; cosmopolitan except very cold regions -09388848 __peninsula_NN_1 a large mass of land projecting into a body of water -14796969 __co2_NN_1 a heavy odorless colorless gas formed during respiration and by the decomposition of organic substances; absorbed from the air by plants in photosynthesis -06939198 __indonesian_NN_2 the dialect of Malay used as the national language of the Republic of Indonesia or of Malaysia -14796575 __plumbago_NN_1 used as a lubricant and as a moderator in nuclear reactors -12625003 __icaco_NN_1 small tropical American tree bearing edible plumlike fruit -06453723 __testament_NN_4 either of the two main parts of the Christian Bible -14795432 __pyrocellulose_NN_1 nitrocellulose containing less nitrogen than guncotton; used in making smokeless powder -09232841 __great_dog_NN_1 a constellation to the southeast of Orion; contains Sirius -12316572 __sweet_gum_tree_NN_1 a North American tree of the genus Liquidambar having prickly spherical fruit clusters and fragrant sap -06139285 __psychonomics_NN_1 the branch of psychology that uses experimental methods to study psychological issues -02069888 __spill_VB_2 flow, run or fall out and become lost; "The milk spilled across the floor"; "The wine spilled onto the table" -03125870 __craft_NN_2 a vehicle designed for navigation in or on water or air or through outer space -14791292 __candelilla_wax_NN_1 a hard brown wax that occurs as a coating on candelilla shrubs -11894558 __wild_rape_NN_1 Eurasian weed having yellow or mauve or white flowers and podlike fruits -10162780 __head_NN_15 a user of (usually soft) drugs; "the office was full of secret heads" -08083599 __western_church_NN_1 the Christian Church based in the Vatican and presided over by a pope and an episcopal hierarchy -00309310 __split_VB_5 come open suddenly and violently, as if from internal pressure; "The bubble burst" -09217638 __bottom_NN_5 a depression forming the ground under a body of water; "he searched for treasure on the ocean bed" -05300926 __visual_system_NN_1 the sensory system for vision -12930778 __umbelliferous_plant_NN_1 any of numerous aromatic herbs of the family Umbelliferae -14786479 __building_material_NN_1 material used for constructing buildings -03234306 __drawing_NN_2 a representation of forms or objects on a surface by means of lines; "drawings of abstract forms"; "he did complicated pen-and-ink drawings like medieval miniatures" -01877620 __swing_VB_3 change direction with a swinging motion; turn; "swing back"; "swing forward" -13942104 __ultimateness_NN_1 the state or degree of being ultimate; the final or most extreme in degree or size or time or distance, "the ultimacy of these social values" -09762101 __suspect_NN_2 a person or institution against whom an action is brought in a court of law; the person being sued or accused -00759551 __conciliatory_JJ_2 intended to placate; "spoke in a conciliating tone"; "a conciliatory visit" -05691376 __stymy_NN_2 a thwarting and distressing situation -14782252 __chalcanthite_NN_1 hydrated blue crystalline form of copper sulfate -07781972 __sea_squab_NN_1 delicacy that is highly dangerous because of a potent nerve poison in ovaries and liver -14899328 __medium_NN_4 (bacteriology) a nutrient substance (solid or liquid) that is used to cultivate micro-organisms -02243351 __gerrididae_NN_1 an arthropod family that includes water striders -13525549 __performance_NN_5 process or manner of functioning or operating; "the power of its engine determines its operation"; "the plane's operation in high winds"; "they compared the cooking performance of each oven"; "the jet's performance conformed to high standards" -09233715 __ness_NN_1 a strip of land projecting into a body of water -14780267 __reductant_NN_1 a substance capable of bringing about the reduction of another substance as it itself is oxidized; used in photography to lessen the density of a negative or print by oxidizing some of the loose silver -14780040 __oxidizing_agent_NN_1 a substance that oxidizes another substance -02769460 __mount_NN_5 something forming a back that is added for strengthening -01760300 __draw_VB_10 elicit responses, such as objections, criticism, applause, etc.; "The President's comments drew sharp criticism from the Republicans"; "The comedian drew a lot of laughter" -01272787 __boyne_NN_1 a battle in the War of the Grand Alliance in Ireland in 1690; William III defeated the deposed James II and so ended the Catholicism that had been reintroduced in England by the Stuarts -14779205 __whitener_NN_1 an agent that makes things white or colorless -14051494 __fertility_NN_2 the state of being fertile; capable of producing offspring -14777606 __prilosec_NN_1 antacid (trade name Prilosec) that suppresses acid secretion in the stomach -11882237 __dentaria_bulbifera_NN_1 European bittercress having a knotted white rootstock -14777441 __maalox_NN_1 an antacid -14777188 __bromo-seltzer_NN_1 an antacid -14776924 __alka-seltzer_NN_1 a commercial antacid that contains aspirin; tablets dissolve in water to give an effervescent solution -13936153 __imbroglio_NN_1 an intricate and confusing interpersonal or political situation -00851103 __inelegant_JJ_1 lacking in refinement or grace or good taste -05277728 __ossiculum_NN_1 a small bone; especially one in the middle ear -03899328 __path_NN_2 a way especially designed for a particular use -06793817 __theatrical_poster_NN_1 a poster advertising a show or play -10760763 __voucher_NN_1 someone who vouches for another or for the correctness of a statement -14774894 __kekule_formula_NN_1 a closed chain of 6 carbon atoms with hydrogen atoms attached -14774699 __benzol_NN_1 a colorless liquid hydrocarbon; highly inflammable; carcinogenic; the simplest of the aromatic compounds -05902545 __plan_of_action_NN_1 a plan for actively doing something -10480018 __producer_NN_2 someone who finds financing for and supervises the making and presentation of a show (play or film or program or similar work) -06381869 __verse_NN_2 a piece of poetry -02198532 __louse_fly_NN_1 bloodsucking dipterous fly parasitic on birds and mammals -11486178 __necrobiosis_NN_1 (physiology) the normal degeneration and death of living cells (as in various epithelial cells) -01925695 __trematode_worm_NN_1 parasitic flatworms having external suckers for attaching to a host -10139347 __rumourmonger_NN_1 a person given to gossiping and divulging personal information about others -00921790 __harvest_time_NN_1 the season for gathering crops -02610845 __turn_out_VB_4 result or end; "How will the game turn out?" -12539074 __vetchling_NN_1 any of various small plants of the genus Lathyrus; climb usually by means of tendrils -02850060 __blasting_cap_NN_1 a small tube filled with detonating substances; used to detonate high explosives -10280945 __magistrate_NN_1 a lay judge or civil authority who administers the law (especially one who conducts a court dealing with minor offenses) -01168961 __contest_NN_2 a struggle between rivals -14764061 __pelt_NN_1 the dressed hairy coat of a mammal -07353376 __finish_NN_5 designated event that concludes a contest (especially a race); "excitement grew as the finish neared"; "my horse was several lengths behind at the finish"; "the winner is the team with the most points at the finish" -13639647 __illumination_unit_NN_1 a measure of illumination -03131038 __crest_NN_4 (heraldry) in medieval times, an emblem used to decorate a helmet -02897237 __brewery_NN_1 a plant where beer is brewed by fermentation -12295796 __stiff_gentian_NN_1 gentian of eastern North America having clusters of bristly blue flowers -14762038 __wash_leather_NN_1 piece of chamois used for cleaning and polishing -14761578 __manioca_NN_1 a starch made by leaching and drying the root of the cassava plant; the source of tapioca; a staple food in the tropics -03856148 __orphenadrine_NN_1 a skeletal muscle relaxant (trade name Norflex) used to treat severe muscle strain and Parkinsonism -05777439 __necromancy_NN_2 conjuring up the dead, especially for prophesying -09247410 __cloud_NN_2 a visible mass of water or ice particles suspended at a considerable altitude -08564139 __northwestern_united_states_NN_1 the northwestern region of the United States -14647235 __nitrogen_NN_1 a common nonmetallic element that is normally a colorless odorless tasteless inert diatomic gas; constitutes 78 percent of the atmosphere by volume; a constituent of all living tissues -14153010 __colour_vision_deficiency_NN_1 genetic inability to distinguish differences in hue -13289159 __cut_NN_1 a share of the profits; "everyone got a cut of the earnings" -02768433 __backbone_NN_5 the part of a network that connects other networks together; "the backbone is the part of a communication network that carries the heaviest traffic" -04400289 __telecommunication_system_NN_1 a communication system for communicating at a distance -01233156 __visit_NN_1 the act of going to see some person or place or thing for a short time; "he dropped by for a visit" -12472024 __clintonia_NN_1 any temperate liliaceous plant of the genus Clintonia having broad basal leaves and white or yellowish or purplish flowers followed by blue or black berries -14758842 __animal_skin_NN_1 the outer covering of an animal -00843146 __elastic_JJ_1 capable of resuming original shape after stretching or compression; springy; "an elastic band"; "a youthful and elastic walk" -14796073 __phenylic_acid_NN_1 a toxic white soluble crystalline acidic derivative of benzene; used in manufacturing and as a disinfectant and antiseptic; poisonous if taken internally -14757547 __tusk_NN_1 a hard smooth ivory colored dentine that makes up most of the tusks of elephants and walruses -14757172 __melanin_NN_1 insoluble pigments that account for the color of e.g. skin and scales and feathers -11803475 __subclass_caryophyllidae_NN_1 a group of families of mostly flowers having basal or central placentation and trinucleate pollen (binucleate pollen is commoner in flowering plants); contains 14 families including: Caryophyllaceae (carnations and pinks); Aizoaceae; Amaranthaceae; Batidaceae; Chenopodiaceae; Cactaceae (order Opuntiales); Nyctaginaceae; Phytolaccaceae; corresponds approximately to order Caryophyllales; sometimes classified as a superorder -14755077 __animal_oil_NN_1 any oil obtained from animal substances -12129525 __phalaris_NN_1 a genus of grasses with broad leaves and a dense spike of flowers -14752057 __glucocorticoid_NN_1 a steroid hormone that is produced by the adrenal cortex of animals; affects functioning of gonads and has anti-inflammatory activity -14751417 __corticosteroid_NN_1 a steroid hormone produced by the adrenal cortex or synthesized; administered as drugs they reduce swelling and decrease the body's immune response; "adrenal cortical steroids are used to treat many different conditions" -14750122 __stilboestrol_NN_1 a potent estrogen used in medicine and in feed for livestock and poultry -14749794 __oestrogen_NN_1 a general term for female steroid sex hormones that are secreted by the ovary and responsible for typical female sexual characteristics -14749272 __luteinizing_hormone_NN_1 a gonadotropic hormone that is secreted by the anterior pituitary; stimulates ovulation in female mammals and stimulates androgen release in male mammals -03017168 __gong_NN_2 a percussion instrument consisting of a set of tuned bells that are struck with a hammer; used as an orchestral instrument -14748335 __nandrolone_NN_1 an androgen (trade names Durabolin or Kabolin) that is used to treat testosterone deficiency or breast cancer or osteoporosis -09025584 __cartagena_NN_1 a port in southeastern Spain on the Mediterranean -14747587 __androgenic_hormone_NN_1 male sex hormone that is produced in the testes and responsible for typical male sexual characteristics -08499057 __atmosphere_NN_3 the mass of air surrounding the Earth; "there was great heat as the comet entered the atmosphere"; "it was exposed to the air" -14747338 __progestogen_NN_1 any of a group of steroid hormones that have the effect of progesterone -01621127 __owl_NN_1 nocturnal bird of prey with hawk-like beak and claws and large head with front-facing eyes -08088472 __protestant_episcopal_church_NN_1 United States church that is in communication with the see of Canterbury -11604225 __order_bennettitales_NN_1 fossil gymnospermous plants of the Carboniferous -10185148 __hoper_NN_1 a person who hopes; "only an avid hoper could expect the team to win now" -01075117 __siege_NN_1 the action of an armed force that surrounds a fortified place and isolates it while continuing to attack -08209687 __police_force_NN_1 the force of policemen and officers; "the law came looking for him" -12474006 __polygonatum_NN_1 sometimes placed in subfamily Convallariaceae -02574271 __sergeant_fish_NN_1 large dark-striped tropical food and game fish related to remoras; found worldwide in coastal to open waters -01306736 __norman_conquest_NN_1 the invasion and settlement of England by the Normans following the battle of Hastings (1066) -01444326 __transfix_VB_2 pierce with a sharp stake or point; "impale a shrimp on a skewer" -00086809 __occupation_NN_4 the act of occupying or taking possession of a building; "occupation of a building without a certificate of occupancy is illegal" -12327022 __water_milfoil_NN_1 an aquatic plant of the genus Myriophyllum having feathery underwater leaves and small inconspicuous flowers -06544432 __probate_will_NN_1 a judicial certificate saying that a will is genuine and conferring on the executors the power to administer the estate -01000068 __alignment_NN_4 the act of adjusting or aligning the parts of a device in relation to each other -11907689 __romneya_coulteri_NN_1 tall branching subshrub of California and Mexico often cultivated for its silvery-blue foliage and large fragrant white flowers -00114871 __drag_NN_6 the act of dragging (pulling with force); "the drag up the hill exhausted him" -11854760 __pokeweed_family_NN_1 chiefly tropical herbaceous plants (including shrubs and trees) with racemose flowers: genera Phytolacca, Agdestis, Ercilla, Rivina, Trichostigma -01845229 __tour_VB_1 make a tour of a certain place; "We toured the Provence this summer" -14738752 __ferment_NN_2 a substance capable of bringing about fermentation -06416946 __prayerbook_NN_1 a book containing prayers -14737847 __cyclooxygenase_NN_1 either of two related enzymes that control the production of prostaglandins and are blocked by aspirin -01521014 __rheidae_NN_1 a family of birds coextensive with the order Rheiformes -03837157 __nystatin_NN_1 an antifungal and antibiotic (trade names Mycostatin and Nystan) discovered in New York State; derived from soil fungi actinomycetes -15171857 __access_time_NN_1 (computer science) the interval between the time data is requested by the system and the time the data is provided by the drive; "access time is the sum of seek time and rotational latency and command processing overhead" -14736972 __simple_protein_NN_1 a protein that yields only amino acids when hydrolyzed -02799175 __lumber_NN_2 an implement used in baseball by the batter -11929027 __sagebrush_NN_1 any of several North American composite subshrubs of the genera Artemis or Seriphidium -01478002 __stop_VB_10 render unsuitable for passage; "block the way"; "barricade the streets"; "stop the busy road" -14735642 __angiotensin_converting_enzyme_NN_1 proteolytic enzyme that converts angiotensin I into angiotensin II -10297531 __stonemason_NN_1 a craftsman who works with stone or brick -04568069 __wind_vane_NN_1 mechanical device attached to an elevated structure; rotates freely to show the direction of the wind -04859449 __temerity_NN_1 fearless daring -03762982 __military_hospital_NN_1 hospital for soldiers and other military personnel -01050896 __warble_VB_1 sing or play with trills, alternating with the half note above or below -10327824 __royalist_NN_1 an advocate of the principles of monarchy -00327824 __vacillation_NN_2 changing location by moving back and forth -14731509 __albumin_NN_1 a simple water-soluble protein found in many animal tissues and liquids -02149136 __molossidae_NN_1 mastiff bats; freetail bats -10038778 __duke_NN_2 a nobleman (in various countries) of high rank -00379440 __sear_VB_3 burn slightly and superficially so as to affect color; "The cook blackened the chicken breast"; "The fire charred the ceiling above the mantelpiece"; "the flames scorched the ceiling" -07593549 __convenience_food_NN_1 any packaged dish or food that can be prepared quickly and easily as by thawing or heating -09230768 __concretion_NN_2 a hard lump produced by the concretion of mineral salts; found in hollow organs or ducts of the body; "renal calculi can be very painful" -12393723 __soleirolia_soleirolii_NN_1 prostrate or creeping Corsican herb with moss-like small round short-stemmed leaves -14727670 __organic_compound_NN_1 any compound of carbon and another element or a radical -07709701 __chop-suey_greens_NN_2 succulent and aromatic young dark green leaves used in Chinese and Vietnamese and Japanese cooking -10092098 __ranger_NN_2 an official who is responsible for managing and protecting an area of forest -14724264 __amide_NN_1 any organic compound containing the group -CONH2 -01486241 __orectolobidae_NN_1 nurse sharks and carpet sharks -14723425 __activating_agent_NN_1 (mineral extraction) a surface-active chemical used in flotation process to increase the attraction to a specific mineral -00454624 __casting_NN_3 the act of throwing a fishing line out over the water by means of a rod and reel -14364306 __vaccination_NN_2 the scar left following inoculation with a vaccine -14723079 __activator_NN_1 (biology) any agency bringing about activation; a molecule that increases the activity of an enzyme or a protein that increases the production of a gene product in DNA transcription -04135315 __sanitary_towel_NN_1 a disposable absorbent pad (trade name Kotex); worn to absorb menstrual flow -00588221 __savvy_VB_1 get the meaning of something; "Do you comprehend the meaning of this letter?" -14720962 __carotenoid_NN_1 any of a class of highly unsaturated yellow to red pigments occurring in plants and animals -08177592 __world_power_NN_1 a state powerful enough to influence events throughout the world -14719893 __propenyl_alcohol_NN_1 an unsaturated primary alcohol present in wood spirit; use to make resins and plasticizers and pharmaceuticals -12768369 __horse_chestnut_NN_1 tree having palmate leaves and large clusters of white to red flowers followed by brown shiny inedible seeds -08805801 __messina_NN_1 a port city in northeastern Sicily on the Strait of Messina -12154228 __pandanales_NN_1 families Typhaceae; Sparganiaceae; Pandanaceae -10902591 __william_jefferson_clinton_NN_1 42nd President of the United States (1946-) -14718822 __solder_NN_1 an alloy (usually of lead and tin) used when melted to join two metal surfaces -10930099 __demille_NN_1 United States film maker remembered for his extravagant and spectacular epic productions (1881-1959) -01024392 __medical_procedure_NN_1 a procedure employed by medical or dental practitioners -00151497 __finding_NN_1 the act of determining the properties of something, usually by research or calculation; "the determination of molecular structures" -14619225 __atom_NN_1 (physics and chemistry) the smallest component of an element having the chemical properties of the element -09732047 __sinhalese_NN_1 a native or inhabitant of Sri Lanka -09231890 __canadian_river_NN_1 a river rising in northeastern New Mexico and flowing eastward across the Texas panhandle to become a tributary of the Arkansas River in Oklahoma -14716997 __brass_NN_1 an alloy of copper and zinc -00213794 __tin_VB_2 preserve in a can or tin; "tinned foods are not very tasty" -06988057 __arabic_language_NN_1 the Semitic language of the Arabs; spoken in a variety of dialects -08339706 __military_intelligence_agency_NN_1 an agency of the armed forces that obtains and analyzes and uses information of strategic or tactical military value -01916187 __gorgonian_coral_NN_1 corals having a horny or calcareous branching skeleton -14715786 __alloy_iron_NN_1 cast iron containing alloying elements (usually nickel or chromium or copper or molybdenum) to increase the strength or facilitate heat treatment -01395885 __genus_paramecium_NN_1 freshwater ciliate with an oval body and long deep oral groove -01860337 __family_anhimidae_NN_1 screamers -07765612 __yellow_mombin_NN_2 yellow oval tropical fruit -08701410 __phrygia_NN_1 an ancient country in western and central Asia Minor -05412649 __sth_NN_1 a hormone produced by the anterior pituitary gland; promotes growth in humans -00849080 __mock_VB_1 treat with contempt; "The new constitution mocks all democratic principles" -14713748 __ergotrate_maleate_NN_1 an alkaloid derived from ergot (trade name Ergotrate Maleate) that is less toxic than ergot; induces muscular contraction of the uterus and is administered after childbirth or abortion -06916803 __iroquois_NN_2 a family of North American Indian languages spoken by the Iroquois -12054499 __genus_coryanthes_NN_1 small genus of tropical American epiphytic or lithophytic orchids -02012063 __ixobrychus_NN_1 bitterns -13010219 __strophariaceae_NN_1 sometimes included in family Agaricaceae -09885416 __kabbalist_NN_2 a student of the Jewish Kabbalah -05289297 __musculus_NN_1 one of the contractile organs of the body -00552619 __symmetrize_VB_1 make symmetric; "symmetrized waves" -03279153 __electronic_musical_instrument_NN_1 a musical instrument that generates sounds electronically -00652803 __blood_count_NN_2 the act of estimating the number of red and white corpuscles in a blood sample -02761834 __motor_horn_NN_1 a device on an automobile for making a warning noise -13520981 __neurogenesis_NN_1 the development of nerve tissues -11485774 __low_beam_NN_1 the beam of a car's headlights that provides illumination for a short distance -01957529 __sit_VB_6 sit and travel on the back of animal, usually while controlling its motions; "She never sat a horse!"; "Did you ever ride a camel?"; "The girl liked to drive the young mare" -13171210 __umbrella_fern_NN_1 large Australasian fern with fanlike repeatedly forked fronds; sometimes placed in genus Gleichenia -00963570 __talk_VB_3 use language; "the baby talks already"; "the prisoner won't speak"; "they speak a strange dialect" -03158259 __dachau_NN_1 a concentration camp for Jews created by the Nazis near Munich in southern Germany -14705533 __sealing_material_NN_1 any substance used to seal joints or fill cracks in a porous surface -14704966 __paste_NN_3 an adhesive made from water and flour or starch; used on paper and paperboard -14704465 __binder_NN_2 something used to bind separate particles together or facilitate adhesion to a surface -09449773 __styx_NN_1 (Greek mythology) a river in Hades across which Charon carried dead souls -00874621 __disapproval_NN_4 the act of disapproving or condemning -11993932 __madia_NN_1 genus of sticky herbs with yellow flowers open in morning or evening but closed in bright light -14702875 __mucilage_NN_2 cement consisting of a sticky substance that is used as an adhesive -14702416 __adhesive_material_NN_1 a substance that unites or bonds surfaces together -00487653 __uncommon_JJ_1 not common or ordinarily encountered; unusually great in amount or remarkable in character or kind; "uncommon birds"; "frost and floods are uncommon during these months"; "doing an uncommon amount of business"; "an uncommon liking for money"; "he owed his greatest debt to his mother's uncommon character and ability" -12307611 __ligustrum_NN_1 genus of Old World shrubs: privet -13394179 __silver_certificate_NN_1 formerly a bank note issued by the United States Treasury and redeemable in silver -02799897 __baseball_equipment_NN_1 equipment used in playing baseball -14701143 __lac_NN_1 resinlike substance secreted by certain lac insects; used in e.g. varnishes and sealing wax -14698884 __gravel_NN_1 rock fragments and pebbles -14698698 __metamorphic_rock_NN_1 rock altered by pressure and heat -05565937 __thenar_NN_1 the fleshy area of the palm at the base of the thumb -05443651 __sex_chromosome_NN_1 (genetics) a chromosome that determines the sex of an individual; "mammals normally have two sex chromosomes" -14696793 __stone_NN_3 material consisting of the aggregate of minerals like those making up the Earth's crust; "that mountain is solid rock"; "stone is abundant in New England and there are many quarries" -03379204 __football_stadium_NN_1 a stadium where football games are held -05661996 __system_of_rules_NN_1 a complex of methods or rules governing behavior; "they have to operate under a system they oppose"; "that language has a complex system for indicating gender" -14693733 __quartz_NN_2 a hard glossy mineral consisting of silicon dioxide in crystal form; present in most rocks (especially sandstone and granite); yellow sand is quartz with iron oxide impurities -01086572 __accordance_of_rights_NN_1 the act of granting rights; "the accordance to Canada of rights of access" -06399631 __supplement_NN_1 textual matter that is added onto a publication; usually at the end -07904395 __gin_NN_1 strong liquor flavored with juniper berries -00237078 __organization_NN_7 the act of forming or establishing something; "the constitution of a PTA group last year"; "it was the establishment of his reputation"; "he still remembers the organization of the club" -09691435 __austronesian_NN_1 a native or inhabitant of Austronesia -04222847 __single-reed_woodwind_NN_1 a beating-reed instrument with a single reed (as a clarinet or saxophone) -00964343 __combat_NN_1 an engagement fought between two military forces -14688500 __ore_NN_1 a mineral that contains metal that is valuable enough to be mined -04902165 __indelicacy_NN_1 the trait of being indelicate and offensive -14688234 __opal_NN_1 a translucent mineral consisting of hydrated silica of variable color; some varieties are used as gemstones -12025507 __tetraneuris_grandiflora_NN_1 whitish hairy plant with featherlike leaves and a few stout stems each bearing an especially handsome solitary large yellow flower head; mountainous regions north central United States -14686913 __petrol_NN_1 a volatile flammable mixture of hydrocarbons (hexane and heptane and octane etc.) derived from petroleum; used mainly as a fuel in internal-combustion engines -04017429 __psychotropic_agent_NN_1 a chemical substance that can influence human consciousness -06695579 __flattery_NN_1 excessive or insincere praise -04171629 __semiautomatic_pistol_NN_1 a pistol that is a semiautomatic firearm capable of loading and firing continuously -02328429 __rock_rabbit_NN_2 small short-eared burrowing mammal of rocky uplands of Asia and western North America -12290522 __genus_centaurium_NN_1 genus of low-growing herbs mostly of northern hemisphere having flowers with protruding spirally twisted anthers -14661020 __vanadium_NN_1 a soft silvery white toxic metallic element used in steel alloys; it occurs in several complex minerals including carnotite and vanadinite -14685172 __char_NN_1 a charred substance -14685017 __butane_NN_1 occurs in natural gas; used in the manufacture of rubber and fuels -06760076 __lip_service_NN_1 an expression of agreement that is not supported by real conviction -14682133 __molecule_NN_1 (physics and chemistry) the simplest structural unit of an element or compound -11864364 __rhoeadales_NN_1 an order of dicotyledonous plants -05645199 __mental_block_NN_1 an inability to remember or think of something you normally can do; often caused by emotional tension; "I knew his name perfectly well but I had a temporary block" -03610098 __keep_NN_2 the main tower within the walls of a medieval castle or fortress -04826235 __righteousness_NN_1 adhering to moral principles -00971999 __rule_VB_4 decide on and make a declaration about; "find someone guilty" -00062582 __sterilize_VB_1 make free from bacteria -08812952 __venezia-euganea_NN_1 a region of northeastern Italy on the Adriatic -14676943 __gibbsite_NN_1 white crystalline mineral consisting of aluminum hydroxide; a constituent of bauxite and a source of alumina -14674408 __emulsifier_NN_1 a surface-active agent that promotes the formation of an emulsion -14673978 __earth_color_NN_1 a colored mineral used as a pigment -14673747 __dolomite_NN_2 a light colored mineral consisting of calcium magnesium carbonate; a source of magnesium; used as a ceramic and as fertilizer -09424270 __satellite_NN_3 any celestial body orbiting around a planet or star -00191142 __change_NN_3 the action of changing something; "the change of government had no impact on the economy"; "his change on abortion cost him the election" -14672717 __corundum_NN_1 very hard mineral used as an abrasive -12045352 __genus_aplectrum_NN_1 a monocotyledonous genus of the family Orchidaceae -14672224 __rock_salt_NN_1 naturally occurring crystalline sodium chloride -12696322 __genus_azadirachta_NN_1 genus of large important East Indian trees: neem trees -02602620 __genus_atherinopsis_NN_1 a genus of Atherinidae -03953020 __place_of_business_NN_1 an establishment (a factory or an assembly plant or retail store or warehouse etc.) where business is conducted, goods are made or stored or processed or where services are rendered -14668539 __beryl_NN_1 the chief source of beryllium; colored transparent varieties are valued as gems -01449857 __mollienesia_NN_1 mollies -14668277 __bauxite_NN_1 a clay-like mineral; the chief ore of aluminum; composed of aluminum oxides and aluminum hydroxides; used as an abrasive and catalyst -00151279 __proportion_VB_2 adjust in size relative to other things -02262449 __shadfly_NN_1 slender insect with delicate membranous wings having an aquatic larval stage and terrestrial adult stage usually lasting less than two days -14665767 __amphibole_NN_1 a mineral or mineral variety belonging to the amphibole group -01801600 __unpleasant_JJ_1 disagreeable to the senses, to the mind, or feelings ; "an unpleasant personality"; "unpleasant repercussions"; "unpleasant odors" -14490110 __obligation_NN_2 the state of being obligated to do or pay something; "he is under an obligation to finish the job" -00044673 __leveling_NN_3 the act of making equal or uniform -06838437 __pe_NN_1 the 17th letter of the Hebrew alphabet -14661740 __yttrium_NN_1 a silvery metallic element that is common in rare-earth minerals; used in magnesium and aluminum alloys -12986084 __hydnaceae_NN_1 tooth fungi -09636796 __negress_NN_1 a Black woman or girl -02017299 __out_in_VB_1 enter a harbor; "the ship called in Athens" -03694490 __loxitane_NN_1 a tranquilizer (trade name Loxitane) used to treat schizophrenia -14658546 __tm_NN_1 a soft silvery metallic element of the rare earth group; isotope 170 emits X-rays and is used in small portable X-ray machines; it occurs in monazite and apatite and xenotime -14657228 __tellurium_NN_1 a brittle silver-white metalloid element that is related to selenium and sulfur; it is used in alloys and as a semiconductor; occurs mainly as tellurides in ores of copper and nickel and silver and gold -07681450 __hallah_NN_1 (Judaism) a loaf of white bread containing eggs and leavened with yeast; often formed into braided loaves and glazed with eggs before baking -11718096 __genus_cabomba_NN_1 alternatively, a member of the family Nymphaeaceae; a small genus of American aquatic plants -04982207 __silence_NN_2 the absence of sound; "he needed silence in order to sleep"; "the street was quiet" -14656219 __sulphur_NN_1 an abundant tasteless odorless multivalent nonmetallic element; best known in yellow crystals; occurs in many sulphide and sulphate minerals and even in native form (especially in volcanic regions) -09757175 __abortionist_NN_1 a person (who should be a doctor) who terminates pregnancies -06755568 __stipulation_NN_2 an assumption on which rests the validity or effect of something else -12723835 __salicales_NN_1 coextensive with the family Salicaceae -02542598 __family_argentinidae_NN_1 small marine soft-finned fishes with long silvery bodies; related to salmons and trouts -14655371 __sodium_NN_1 a silvery soft waxy metallic element of the alkali metal group; occurs abundantly in natural compounds (especially in salt water); burns with a yellow flame and reacts violently in water; occurs in sea water and in the mineral halite (rock salt) -05263850 __body_substance_NN_1 the substance of the body -01890860 __shrew_mole_NN_1 slender mole having a long snout and tail -02376958 __interact_VB_1 act together or towards others or with others; "He should interact more with his colleagues" -14654541 __silicon_NN_1 a tetravalent nonmetallic element; next to oxygen it is the most abundant element in the earth's crust; occurs in clay and feldspar and granite and quartz and sand; used as a semiconductor in transistors -07363883 __sinking_NN_1 a descent as through liquid (especially through water); "they still talk about the sinking of the Titanic" -04232312 __skybox_NN_1 an elevated box for viewing events at a sports stadium -00450866 __pony-trekking_NN_1 a sport in which people ride across country on ponies -12958921 __salvinia_NN_1 type genus of the Salviniaceae: water ferns -03191967 __diclofenac_potassium_NN_1 a nonsteroidal anti-inflammatory drug (trade name Cataflam) -11739199 __trollius_NN_1 perennial herbs of north temperate regions: globeflowers -04413419 __terminal_NN_4 electronic equipment consisting of a device providing access to a computer; has a keyboard and display -09841515 __baseball_manager_NN_1 a coach of baseball players -14645882 __neodymium_NN_1 a yellow trivalent metallic element of the rare earth group; occurs in monazite and bastnasite in association with cerium and lanthanum and praseodymium -05044673 __temporal_order_NN_1 arrangement of events in time -02257284 __seventeen-year_locust_NN_1 North American cicada; appears in great numbers at infrequent intervals because the nymphs take 13 to 17 years to mature -02509815 __red_panda_NN_1 reddish-brown Old World raccoon-like carnivore; in some classifications considered unrelated to the giant pandas -00122661 __shot_NN_1 the act of firing a projectile; "his shooting was slow but accurate" -14642417 __iron_NN_1 a heavy ductile magnetic metallic element; is silver-white in pure form but readily rusts; used in construction and tools and armament; plays a role in the transport of oxygen by the blood -01821554 __conuropsis_carolinensis_NN_1 extinct parakeet whose range extended far into the United States -14640756 __hydrogen_atom_NN_1 an atom of hydrogen -00223983 __slaughter_NN_3 the savage and excessive killing of many people -09900499 __cataloguer_NN_1 a librarian who classifies publication according to a categorial system -02635013 __hyperoglyphe_NN_1 a genus of Stromateidae -12486254 __linaceae_NN_1 a widely distributed family of plants -01872401 __spiny_anteater_NN_2 a burrowing monotreme mammal covered with spines and having a long snout and claws for hunting ants and termites; native to Australia -07246582 __suggestion_NN_4 persuasion formulated as a suggestion -14633206 __carbon_NN_1 an abundant nonmetallic tetravalent element occurring in three allotropic forms: amorphous carbon and graphite and diamond; occurs in all organic compounds -14632648 __calcium_NN_1 a white metallic element that burns with a brilliant light; the fifth most abundant element in the earth's crust; an important component of most plants and animals -02231307 __phasmidae_NN_1 stick insects -14629998 __barium_NN_1 a soft silvery metallic element of the alkali earth group; found in barite -14628920 __atomic_number_18_NN_1 a colorless and odorless inert gas; one of the six inert gases; comprises approximately 1% of the earth's atmosphere -13599547 __magnetization_NN_1 the extent or degree to which something is magnetized -01072236 __mourning_NN_2 the passionate and demonstrative activity of expressing grief -14628119 __potassium_alum_NN_1 a white crystalline double sulfate of aluminum: the potassium double sulfate of aluminum -14627081 __noble_metal_NN_1 any metal that is resistant to corrosion or oxidation -04846770 __morality_NN_1 concern with the distinction between good and evil or right and wrong; right or good conduct -00779374 __distinct_JJ_2 easy to perceive; especially clearly outlined; "a distinct flavor"; "a distinct odor of turpentine"; "a distinct outline"; "the ship appeared as a distinct silhouette"; "distinct fingerprints" -04025748 __purgative_NN_1 a purging medicine; stimulates evacuation of the bowels -01947352 __scull_VB_1 propel with sculls; "scull the boat" -11743772 __soft_rush_NN_1 tall rush with soft erect or arching stems found in Eurasia, Australia, New Zealand, and common in North America -00765488 __champerty_NN_1 an unethical agreement between an attorney and client that the attorney would sue and pay the costs of the client's suit in return for a portion of the damages awarded; "soliciting personal injury cases may constitute champerty" -10552742 __satirist_NN_1 a humorist who uses ridicule and irony and sarcasm -11726569 __genus_anemonella_NN_1 one species: rue anemone -14617597 __amino_group_NN_1 the radical -NH2 -06440489 __habakkuk_NN_2 an Old Testament book telling Habakkuk's prophecies -08207095 __pentagon_NN_2 the United States military establishment -14617427 __allyl_radical_NN_1 the univalent unsaturated organic radical C3H5; derived from propylene -11656771 __mountain_rimu_NN_1 low-growing to prostrate shrub with slender trailing branches; New Zealand -14616939 __adulterator_NN_1 any substance that lessens the purity or effectiveness of a substance; "it is necessary to remove the adulterants before use" -03730153 __materiel_NN_1 equipment and supplies of a military force -01487008 __roll_up_VB_4 make into a bundle; "he bundled up his few possessions" -08583095 __hemisphere_NN_1 half of the terrestrial globe -10525436 __retailer_NN_1 a merchant who sells goods at retail -08946812 __tamale_NN_1 a city in northern Ghana -02656670 __sunfish_NN_2 among the largest bony fish; pelagic fish having an oval compressed body with high dorsal and anal fins and caudal fin reduced to a rudder-like lobe; worldwide in warm waters -12201580 __theobroma_cacao_NN_1 tropical American tree producing cacao beans -14031660 __qui_vive_NN_1 condition of heightened watchfulness or preparation for action; "bombers were put on alert during the crisis" -07561590 __dietary_NN_1 a regulated daily food allowance -14609198 __acid-base_indicator_NN_1 an indicator that changes color on going from acidic to basic solutions -14607521 __acid_NN_1 any of various water-soluble compounds having a sour taste and capable of turning litmus red and reacting with a base to form a salt -02269767 __retrench_VB_1 tighten one's belt; use resources carefully -11482013 __mechanical_energy_NN_1 energy in a mechanical form -13555101 __sericulture_NN_1 raising silkworms in order to obtain raw silk -14427065 __puerility_NN_1 the state of a child between infancy and adolescence -07929351 __coffee_berry_NN_1 a seed of the coffee tree; ground to make coffee -12773488 __genus_chrysophyllum_NN_1 tropical American evergreen trees or shrubs -14910748 __hydride_NN_1 any binary compound formed by the union of hydrogen and other elements -06356299 __parameter_NN_3 (computer science) a reference or value that is passed to a function, procedure, subroutine, command, or program -14604038 __cn_gas_NN_1 a tear gas that is weaker than CS gas but lasts longer -13742980 __singleton_NN_1 a single object (as distinguished from a pair) -06954925 __swedish_NN_1 a Scandinavian language that is the official language of Sweden and one of two official languages of Finland -14460974 __completeness_NN_1 the state of being complete and entire; having everything that is needed -14603497 __chlorofluorocarbon_NN_1 a fluorocarbon with chlorine; formerly used as a refrigerant and as a propellant in aerosol cans; "the chlorine in CFCs causes depletion of atmospheric ozone" -14603236 __chlorobenzene_NN_1 a colorless volatile flammable liquid with an almond odor that is made from chlorine and benzene; used as a solvent and in the production of phenol and DDT and other organic compounds -08409617 __senior_high_school_NN_1 a public secondary school usually including grades 9 through 12; "he goes to the neighborhood highschool" -09361517 __versant_NN_1 the side or slope of a mountain; "conifer forests cover the eastern versant" -02553428 __sort_out_VB_3 punish in order to gain control or enforce obedience; "The teacher disciplined the pupils rather frequently" -01494188 __sphyrnidae_NN_1 hammerhead sharks; bonnethead sharks -04326896 __stool_NN_1 a simple seat without a back or arms -14600504 __propanone_NN_1 the simplest ketone; a highly inflammable liquid widely used as an organic solvent and as material for making plastics -00435688 __wrap_up_VB_3 form a cylinder by rolling; "roll up a banner" -11458314 __fog_NN_1 droplets of water vapor suspended in the air near the ground -11553763 __gymnosperm_family_NN_1 a family of gymnosperms -14599641 __acetum_NN_1 a dilute solution of acetic acid that is used as a solvent (e.g. for a drug) -03439348 __glebe_house_NN_1 a parsonage (especially one provided for the holder of a benefice) -02506248 __mammut_americanum_NN_1 mastodon of North America; in some classifications considered a mammoth rather than a mastodon -01198779 __inhale_VB_1 draw deep into the lungs in by breathing; "Clinton smoked marijuana but never inhaled" -14597413 __absorbent_material_NN_1 a material having capacity or tendency to absorb another substance -04230808 __skirt_NN_2 a garment hanging from the waist; worn mainly by girls and women -01017701 __suspension_NN_6 the act of suspending something (hanging it from above so it moves freely); "there was a small ceremony for the hanging of the portrait" -14597158 __sorbent_material_NN_1 a material that sorbs another substance; i.e. that has the capacity or tendency to take it up by either absorption or adsorption -05556595 __umbilicus_NN_1 a scar where the umbilical cord was attached; "you were not supposed to show your navel on television"; "they argued whether or not Adam had a navel"; "she had a tattoo just above her bellybutton" -08771277 __solingen_NN_1 a city in west central Germany noted for cutlery -14595543 __vinylbenzene_NN_1 a colorless oily liquid; the monomer for polystyrene -07766173 __lychee_NN_1 Chinese fruit having a thin brittle shell enclosing a sweet jellylike pulp and a single seed; often dried -14594456 __ethanoyl_radical_NN_1 the organic group of acetic acid (CH3CO-) -14593874 __polymethyl_methacrylate_NN_1 a transparent plastic used as a substitute for glass -14593671 __acrylic_resin_NN_1 a glassy thermoplastic; can be cast and molded or used in coatings and adhesives -02621853 __separate_VB_1 act as a barrier between; stand between; "The mountain range divides the two countries" -09006413 __russian_federation_NN_1 a federation in northeastern Europe and northern Asia; formerly Soviet Russia; since 1991 an independent state -12052630 __genus_coelogyne_NN_1 large diverse genus of tropical Asiatic epiphytic orchids -14487184 __impurity_NN_2 the condition of being impure -13872592 __conoid_NN_1 a shape whose base is a circle and whose sides taper up to a point -12981595 __family_albuginaceae_NN_1 fungi that produce white sori resembling blisters on certain flowering plants -00844254 __sexual_practice_NN_1 activities associated with sexual intercourse; "they had sex in the back seat" -01636397 __imagine_VB_1 form a mental image of something that is not present or that is not the case; "Can you conceive of him as the president?" -14584765 __aldehyde_NN_1 any of a class of highly reactive chemical compounds; used in making resins and dyes and organic acids -14584502 __pyrogen_NN_2 any substance that can cause a rise in body temperature -08956760 __laos_NN_1 a mountainous landlocked communist state in southeastern Asia; achieved independence from France in 1949 -02571983 __family_apogonidae_NN_1 bright-colored marine fishes that incubate eggs in the mouth -01072780 __gratification_NN_2 the act or an instance of satisfying -00834460 __snorting_NN_1 an act of forcible exhalation -08775784 __prussia_NN_1 a former kingdom in north-central Europe including present-day northern Germany and northern Poland; "in the 19th century Prussia led the economic and political unification of the German states" -02686952 __ray_VB_2 extend or spread outward from a center or focus or inward towards a center; "spokes radiate from the hub of the wheel"; "This plants radiate spines in all directions" -04694980 __fingerprint_NN_3 a smudge made by a (dirty) finger -01905121 __apodeme_NN_1 ridge-like ingrowth of the exoskeleton of an arthropod that supports internal organs and provides attachment points for muscles -06575932 __interpretive_program_NN_1 (computer science) a program that translates and executes source language statements one line at a time -14582220 __dark_matter_NN_1 (cosmology) a hypothetical form of matter that is believed to make up 90 percent of the universe; it is invisible (does not absorb or emit light) and does not collide with atomic particles but exerts gravitational force -02379528 __take_up_VB_5 begin work or acting in a certain capacity, office or job; "Take up a position"; "start a new job" -03577090 __microcircuit_NN_1 a microelectronic computer circuit incorporated into a chip or semiconductor; a whole system rather than a single component -07151892 __anatomical_reference_NN_1 an expression that relates to anatomy -14578940 __preservation_NN_2 the condition of being (well or ill) preserved -13806735 __pluperfect_tense_NN_1 a perfective tense used to express action completed in the past; "`I had finished' is an example of the past perfect" -00147815 __fall_VB_3 pass suddenly and passively into a state of body or mind; "fall into a trap"; "She fell ill"; "They fell out of favor"; "Fall in love"; "fall asleep"; "fall prey to an imposter"; "fall into a strange way of thinking"; "she fell to pieces after she lost her work" -14578471 __motivation_NN_2 the condition of being motivated; "his motivation was at a high level" -00435563 __cardiopulmonary_exercise_NN_1 exercise intended to strengthen the circulatory system -04555101 __washington_monument_NN_1 a stone obelisk built in Washington in 1884 to honor George Washington; 555 feet tall -14577469 __ionization_NN_1 the condition of being dissociated into ions (as by heat or radiation or chemical reaction or electrical discharge); "the ionization of a gas" -12117507 __genus_echinochloa_NN_1 annual or perennial succulent grasses of warm regions -10060621 __environmentalist_NN_1 someone who works to protect the environment from destruction or pollution -14577046 __identification_NN_3 the condition of having the identity (of a person or object) established; "the thief's identification was followed quickly by his arrest"; "identification of the gun was an important clue" -14576468 __hypotonus_NN_1 (of muscular tissue) the state of being hypotonic -14576242 __hypertonus_NN_1 (of muscular tissue) the state of being hypertonic -14575399 __exoneration_NN_1 the condition of being relieved from blame or obligation -10639925 __sports_fan_NN_1 an enthusiastic devotee of sports -03158885 __sticker_NN_4 a short knife with a pointed blade used for piercing or stabbing -00278555 __sprinkling_NN_4 the act of sprinkling or splashing water; "baptized with a sprinkling of holy water"; "a sparge of warm water over the malt" -01754576 __write_up_VB_2 put into writing; write in complete form; "write out a contract" -00057486 __recession_NN_5 the act of becoming more distant -00924579 __mapmaking_NN_1 the making of maps and charts -07676602 __wienerwurst_NN_1 a smooth-textured sausage of minced beef or pork usually smoked; often served on a bread roll -02743727 __flow_VB_4 be abundantly present; "The champagne flowed at the wedding" -05731568 __unitization_NN_1 (psychology) the configuration of smaller units of information into large coordinated units -10129585 __gilder_NN_1 someone whose occupation is to apply an overlay of gold or gilt -02547586 __help_VB_1 give help or assistance; be of service; "Everyone helped out during the earthquake"; "Can you help me carry this table?"; "She never helps around the house" -14569121 __wilson's_disease_NN_1 a rare inherited disorder of copper metabolism; copper accumulates in the liver and then in the red blood cells and brain -02062744 __whale_NN_2 any of the larger cetacean mammals having a streamlined body and breathing through a blowhole on the head -14565417 __werlhof's_disease_NN_1 purpura associated with a reduction in circulating blood platelets which can result from a variety of factors -02719105 __antidiabetic_drug_NN_1 a drug used to treat diabetes mellitus -14563564 __wickedness_NN_2 absence of moral or spiritual values; "the powers of darkness" -01537409 __tarnish_VB_1 make dirty or spotty, as by exposure to air; also used metaphorically; "The silver was tarnished by the long exposure to the air"; "Her reputation was sullied after the affair with a married man" -14562142 __devastation_NN_1 the state of being decayed or destroyed -13556509 __slump_NN_1 a noticeable deterioration in performance or quality; "the team went into a slump"; "a gradual slack in output"; "a drop-off in attendance"; "a falloff in quality" -14561102 __rottenness_NN_1 in a state of progressive putrefaction -02789487 __bar_NN_2 a counter where you can obtain food or drink; "he bought a hot dog and a coke at the bar" -14560253 __bow_legs_NN_1 outward curvature of the legs -03451909 __sangraal_NN_1 (legend) chalice used by Christ at the Last Supper -07956721 __pack_of_cards_NN_1 a pack of 52 playing cards -02462828 __shank_NN_7 lower part of the leg extending from the hock to the fetlock in hoofed mammals -14558226 __paralysis_NN_1 loss of the ability to move a body part -14557898 __dysfunction_NN_1 (medicine) any disturbance in the functioning of an organ or body part or a disturbance in the functioning of a social group; "erectile dysfunction"; "sexual relationship dysfunction" -00658052 __rate_VB_1 assign a rank or rating to; "how would you rank these students?"; "The restaurant is rated highly in the food guide" -14556203 __scotoma_NN_1 an isolated area of diminished vision within the visual field -05467054 __neuroglia_NN_1 sustentacular tissue that surrounds and supports neurons in the central nervous system; glial and neural cells together compose the tissue of the central nervous system -08206460 __reserve_NN_6 armed forces that are not on active duty but can be called in an emergency -02758270 __augean_stables_NN_1 (Greek mythology) the extremely dirty stables that were finally cleaned by Hercules who diverted two rivers through them -00259177 __remedy_NN_1 act of correcting an error or a fault or an evil having a white border -04701460 __uncloudedness_NN_1 the quality of clear water; "when she awoke the clarity was back in her eyes" -15006118 __latex_NN_1 a milky exudate from certain plants that coagulates on exposure to air -14552355 __dysomia_NN_1 impairment of the sense of smell -14549937 __limping_NN_1 disability of walking due to crippling of the legs or feet -00220276 __disengage_VB_3 become free; "in neutral, the gears disengage" -05701363 __process_NN_2 (psychology) the performance of some composite cognitive activity; an operation that affects mental contents; "the process of thinking"; "the cognitive operation of remembering" -14549070 __abasia_NN_1 inability to walk -01881717 __trichosurus_NN_1 a genus of Phalangeridae -14548913 __disability_of_walking_NN_1 a disability that interferes with or prevents walking -07195630 __cross-question_NN_1 a question asked in cross-examination -09219078 __berkshires_NN_1 a low mountain range in western Massachusetts; a resort area -01350855 __coccus_NN_1 any spherical or nearly spherical bacteria -14545045 __catatonia_NN_1 extreme tonus; muscular rigidity; a common symptom in catatonic schizophrenia -01619675 __vultur_NN_1 a bird that is usually restricted to the Andean condor -14544672 __tonus_NN_1 the elastic tension of living muscles, arteries, etc. that facilitate response to stimuli; "the doctor tested my tonicity" -10248198 __latitudinarian_NN_1 a person who is broad-minded and tolerant (especially in standards of religious belief and conduct) -04895246 __trustingness_NN_1 the trait of believing in the honesty and reliability of others; "the experience destroyed his trust and personal dignity" -14543231 __threat_NN_1 something that is a source of danger; "earthquakes are a constant threat in Japan" -08089627 __baptist_denomination_NN_1 group of Baptist congregations -14542579 __moral_hazard_NN_1 (economics) the lack of any incentive to guard against a risk when you are protected against it (as by insurance); "insurance companies are exposed to a moral hazard if the insured party is not honest" -14541852 __risk_NN_1 a source of danger; a possibility of incurring loss or misfortune; "drinking alcohol is a health hazard" -04204468 __shoring_NN_1 a beam or timber that is propped against a structure to provide support -14541044 __danger_NN_3 a cause of pain or injury or loss; "he feared the dangers of traveling by air" -05550330 __serratus_muscles_NN_1 any of several muscles of the trunk -02091689 __step_VB_7 walk a short distance to a specified place or in a specified manner; "step over to the blackboard" -10498816 __signal_caller_NN_1 (football) the person who plays quarterback -01229976 __stab_VB_3 poke or thrust abruptly; "he jabbed his finger into her ribs" -13226135 __isoetes_NN_1 type and genus of the Isoetaceae and sole extant genus of the order Isoetales -13989863 __inculpableness_NN_1 a state of innocence -06073888 __paleontology_NN_1 the earth science that studies fossil organisms and related remains -02412175 __take_over_VB_3 free someone temporarily from his or her obligations -07449862 __fiesta_NN_1 an elaborate party (often outdoors) -14535643 __humidness_NN_1 wetness in the atmosphere -00235208 __reversion_NN_5 returning to a former state -14533203 __hypersensitivity_reaction_NN_1 an inappropriate and excessive reaction to an allergen (as pollen or dust or animal hair or certain foods); severity ranges from mild allergy to severe systemic reactions leading to anaphylactic shock -07315350 __vis_major_NN_1 a natural and unavoidable catastrophe that interrupts the expected course of events; "he discovered that his house was not insured against acts of God" -14531983 __sensitization_NN_1 the state of being sensitive (as to an antigen) -02422026 __free_VB_6 free from obligations or duties -01053771 __sizz_VB_2 make a sharp hissing sound, as if to show disapproval -14530061 __susceptibleness_NN_1 the state of being susceptible; easily affected -02500749 __omomyid_group_NN_1 extinct tiny nocturnal lower primates that fed on fruit and insects; abundant in North America and Europe 30 to 50 million years ago; probably gave rise to the tarsiers; some authorities consider them ancestral to anthropoids but others consider them only cousins -00058337 __embarkment_NN_1 the act of passengers and crew getting aboard a ship or aircraft -02205219 __daddy_longlegs_NN_1 long-legged slender flies that resemble large mosquitoes but do not bite -03051540 __wearable_NN_1 a covering designed to be worn on a person's body -14528873 __freedom_NN_2 immunity from an obligation or duty -02901481 __brigandine_NN_1 a medieval coat of chain mail consisting of metal rings sewn onto leather or cloth -00633443 __theorize_VB_1 to believe especially on uncertain or tentative grounds; "Scientists supposed that large dinosaurs lived in swamps" -14527171 __resistance_NN_5 (medicine) the condition in which an organism can resist disease -14525777 __hollywood_NN_2 a flashy vulgar tone or atmosphere believed to be characteristic of the American film industry; "some people in publishing think of theirs as a glamorous medium so they copy the glitter of Hollywood" -14525548 __nakedness_NN_2 a bleak and desolate atmosphere; "the nakedness of the landscape" -14524849 __atmosphere_NN_1 a particular environment or surrounding influence; "there was an atmosphere of excitement" -04139859 __savings_bank_NN_2 a container (usually with a slot in the top) for keeping money at home; "the coin bank was empty" -11940478 __spanish_needles_NN_1 the seed of bur marigolds -14524198 __overcast_NN_1 the state of the sky when it is covered by clouds -02372584 __hyrax_NN_1 any of several small ungulate mammals of Africa and Asia with rodent-like incisors and feet with hooflike toes -14522265 __calmness_NN_2 an absence of strong winds or rain -14522113 __good_weather_NN_1 weather suitable for outdoor activities -14521954 __fug_NN_1 (British informal) an airless smoky smelly atmosphere -07003352 __strip_NN_4 a sequence of drawings telling a story in a newspaper or comic book -10104592 __foreperson_NN_1 the presiding member of the jury and the one who speaks on their behalf -14521302 __cyclone_NN_1 (meteorology) rapid inward circulation of air masses about a low pressure center; circling counterclockwise in the northern hemisphere and clockwise in the southern -00173283 __escape_NN_5 a means or way of escaping; "hard work was his escape from worry"; "they installed a second hatch as an escape"; "their escape route" -07573241 __fanny_adams_NN_2 nautical term for tinned meat -14520278 __atmospheric_state_NN_1 the weather or climate at some place; "the atmosphere was thick with fog" -00247442 __roasting_NN_1 cooking (meat) by dry heat in an oven (usually with fat added); "the slow roasting took several hours" -07362386 __fall_NN_11 a free and rapid descent by the force of gravity; "it was a miracle that he survived the drop from that height" -13032381 __sponge_mushroom_NN_1 an edible and choice morel with a globular to elongate head with an irregular pattern of pits and ridges -14519366 __clime_NN_1 the weather in some location averaged over some long period of time; "the dank climate of southern Wales"; "plants from a cold clime travel best in winter" -05525628 __epididymis_NN_1 a convoluted tubule in each testis; carries sperm to vas deferens -13901585 __pearl_NN_3 a shape that is spherical and small; "he studied the shapes of low-viscosity drops"; "beads of sweat on his forehead" -12845413 __solenostemon_scutellarioides_NN_1 perennial aromatic herb of southeastern Asia having large usually bright-colored or blotched leaves and spikes of blue-violet flowers; sometimes placed in genus Solenostemon -04914133 __civility_NN_1 formal or perfunctory politeness -14515633 __responsibility_NN_2 the proper sphere or extent of your activities; "it was his province to take care of himself" -14515463 __preserve_NN_1 a domain that seems to be specially reserved for someone; "medicine is no longer a male preserve" -14515344 __political_sphere_NN_1 a sphere of intense political activity -10290919 __manicurist_NN_1 a beautician who cleans and trims and polishes the fingernails -11974888 __gutierrezia_texana_NN_1 annual of southwestern United States having rigid woody branches with sticky foliage and yellow flowers -14515041 __lap_NN_2 an area of control or responsibility; "the job fell right in my lap" -14514491 __front_NN_6 a sphere of activity involving effort; "the Japanese were active last week on the diplomatic front"; "they advertise on many different fronts" -13342987 __gamble_NN_1 money that is risked for possible monetary gain -02581900 __prosecute_VB_1 conduct a prosecution in a court of law -05059830 __expeditiousness_NN_1 the property of being prompt and efficient; "it was done with dispatch" -14512817 __setting_NN_4 the set of facts or circumstances that surround a situation or event; "the historical context" -02594807 __genus_equetus_NN_1 drumfish -00437321 __kick_up_NN_1 raising the feet backward with the hands on the ground; a first movement in doing a handstand -05979595 __satanism_NN_1 a belief in and reverence for devils (especially Satan) -04205759 __shot_NN_2 a solid missile discharged from a firearm; "the shot buzzed past his ear" -06766190 __reference_NN_1 a remark that calls attention to something or someone; "she made frequent mention of her promotion"; "there was no mention of it"; "the speaker made several references to his wife" -00059376 __slip_NN_15 the act of avoiding capture (especially by cunning) look forward to the birth of a child; "She is expecting in March" -11788536 __genus_epipremnum_NN_1 small genus of evergreen lianas of southeastern Asia to western Pacific areas -02916936 __bulletproof_vest_NN_1 a vest capable of resisting the impact of a bullet -00431117 __thicken_VB_2 become thick or thicker; "The sauce thickened"; "The egg yolk will inspissate" -08588294 __interior_NN_1 the region that is inside of something -14509299 __nanocephaly_NN_1 an abnormally small head and underdeveloped brain -14508974 __megalocephaly_NN_1 an abnormally large head; differs from hydrocephalus because there is no increased intracranial pressure and the overgrowth is symmetrical -03380867 __footwear_NN_2 covering for a person's feet -07160752 __soliloquy_NN_1 speech you make to yourself -14507951 __obstruction_NN_2 the physical condition of blocking or filling a passage with an obstruction -14507651 __porphyria_NN_1 a genetic abnormality of metabolism causing abdominal pains and mental confusion -00642644 __interpolate_VB_1 estimate the value of -12512460 __genus_castanospermum_NN_1 a rosid dicot genus of the subfamily Papilionoideae having one species: Moreton Bay chestnut -01082153 __fistfight_VB_1 fight with the fists; "The man wanted to fist-fight" -06833776 __y_NN_2 the 25th letter of the Roman alphabet -14506403 __nanism_NN_1 a genetic abnormality resulting in short stature -01076615 __move_VB_15 have a turn; make one's move in a game; "Can I go now?" -14504889 __spinal_curvature_NN_1 an abnormal curvature of the vertebral column -00878348 __submit_VB_6 yield to another's wish or opinion; "The government bowed to the military pressure" -14503665 __deviance_NN_1 a state or condition markedly different from the norm -02368280 __genus_abrocoma_NN_1 abrocomes -14501545 __typicality_NN_1 the state of being that is typical -12847254 __glechoma_NN_1 ground ivy -14500341 __disorganization_NN_1 a condition in which an orderly system has been disrupted -01944466 __levitate_VB_1 cause to rise in the air and float, as if in defiance of gravity; "The magician levitated the woman" -04461696 __wrecker_NN_3 a truck equipped to hoist and pull wrecked cars (or to remove cars from no-parking zones) -14499262 __disorderliness_NN_1 a condition in which things are not in their expected places; "the files are in complete disorder" -03594277 __jaw_NN_3 holding device consisting of one or both of the opposing parts of a tool that close to hold an object -04734885 __inconstancy_NN_2 the quality of being changeable and variable -14498096 __stain_NN_3 the state of being covered with unclean things -14497763 __uncleanness_NN_1 the state of being unsanitary -06913768 __mosan_NN_1 a family of Amerindian languages spoken in Washington and British Columbia -02080652 __pipe_in_VB_2 bring in through pipes; "Music was piped into the offices" -01266152 __obfuscation_NN_2 the activity of obscuring people's understanding, leaving them baffled or bewildered -14496977 __spit_and_polish_NN_1 careful attention to order and appearance (as in the military) -06062842 __rhinolaryngology_NN_1 the medical specialty that deals with diseases of the ear, nose and throat -13298701 __tip_NN_2 a relatively small amount of money given for services rendered (as by a waiter) -00569556 __plasticize_VB_2 make plastic, as by the addition of a plasticizer; "plasticized PVC" -05343542 __communicating_artery_NN_1 any of three arteries in the brain that make up the circle of Willis -03473227 __gyroscope_NN_1 rotating mechanism in the form of a universally mounted spinning wheel that offers resistance to turns in any direction -14494032 __mendicity_NN_1 the state of being a beggar or mendicant; "they were reduced to mendicancy" -14493426 __want_NN_1 a state of extreme poverty -05410646 __insulin_NN_1 hormone secreted by the isles of Langerhans in the pancreas; regulates storage of glycogen in the liver and accelerates oxidation of sugar in cells -02300797 __silkworm_NN_1 the commercially bred hairless white caterpillar of the domestic silkworm moth which spins a cocoon that can be processed to yield silk fiber; the principal source of commercial silk -14492953 __sufficiency_NN_1 sufficient resources to provide comfort and meet obligations; "her father questioned the young suitor's sufficiency" -14491271 __wealthiness_NN_1 the state of being rich and affluent; having a plentiful supply of material goods and money; "great wealth is not a sign of great intelligence" -12435486 __wild_garlic_NN_2 pungent Old World wild onion -14662281 __zr_NN_1 a lustrous grey strong metallic element resembling titanium; it is used in nuclear reactors as a neutron absorber; it occurs in baddeleyite but is obtained chiefly from zircon -00037396 __action_NN_1 something done (usually as opposed to something said); "there were stories of murders and other unnatural actions" -02449060 __gulo_NN_1 a genus of Mustelidae -14488594 __economic_condition_NN_1 the condition of the economy -03902220 __pc_board_NN_1 a removable circuit board for a personal computer; fits into a slot in the mother board -12913004 __genus_schizanthus_NN_1 Chilean herbs with orchid-like flowers -09759069 __faculty_member_NN_1 an educator who works at a college or university -04187547 __shed_NN_1 an outbuilding with a single story; used for shelter or storage -00909219 __mutter_VB_2 make complaining remarks or noises under one's breath; "she grumbles when she feels overworked" -14486533 __dejection_NN_1 a state of melancholy depression -14486122 __expectation_NN_2 anticipating with confidence of fulfillment -14485526 __say_NN_1 the chance to speak; "let him have his say" -14485249 __opening_NN_6 opportunity especially for employment or promotion; "there is an opening in the sales department" -08078819 __major-league_team_NN_1 a team that plays in a major league -14485064 __occasion_NN_5 an opportunity to do something; "there was never an occasion for her to demonstrate her skill" -02178563 __genus_anthonomus_NN_1 weevils destructive of cultivated plants -05332802 __kidney_NN_1 either of two bean-shaped excretory organs that filter wastes (especially urea) from the blood and excrete them and water in urine; "urine passes out of the kidney through ureters to the bladder" -05621178 __wiliness_NN_1 shrewdness as demonstrated by being skilled in deception -06223669 __theism_NN_1 the doctrine or belief in the existence of a God or gods -04793355 __unsatisfactoriness_NN_1 the quality of being inadequate or unsuitable -14483126 __impossibleness_NN_1 incapability of existing or occurring -08270417 __diagonal_NN_3 an oblique line of squares of the same color on a checkerboard; "the bishop moves on the diagonals" -10584853 __sex_object_NN_1 any person regarded simply as an object of sexual gratification -12934776 __genus_cicuta_NN_1 small genus of perennial herbs having deadly poisonous tuberous roots: water hemlock -07641380 __pfannkuchen_NN_1 puffy mildly sweet lemon-flavored egg mixture sprinkled with confectioners' sugar and served with jam or a wine or fruit sauce -14481080 __gaseous_state_NN_1 the state of matter distinguished from the solid and liquid states by: relatively low density and viscosity; relatively great expansion and contraction with changes in pressure and temperature; the ability to diffuse readily; and the spontaneous tendency to become distributed uniformly throughout any container -03768132 __mine_NN_2 explosive device that explodes on contact; designed to destroy vehicles or ships or to kill or maim personnel -08967329 __mauritius_NN_2 an island in the southwestern Indian Ocean -01357707 __division_cyanophyta_NN_1 prokaryotic organisms sometimes considered a class or phylum or subkingdom; coextensive with the Cyanophyceae: cyanobacteria (blue-green algae) -14478433 __failure_NN_6 inability to discharge all your debts as they come due; "the company had to declare bankruptcy"; "fraudulent loans led to the failure of many banks" -11484975 __moonshine_NN_1 the light of the Moon; "moonlight is the smuggler's enemy"; "the Moon was bright enough to read by" -10734235 __twiddler_NN_1 someone who manipulates in a nervous or unconscious manner -14477342 __affliction_NN_1 a state of great suffering and distress due to adversity -07764630 __tamarindo_NN_2 large tropical seed pod with very tangy pulp that is eaten fresh or cooked with rice and fish or preserved for curries and chutneys -14474894 __success_NN_3 a state of prosperity or fame; "he is enjoying great success"; "he does not consider wealth synonymous with success" -12437769 __poker_plant_NN_1 clump-forming plant of South Africa with spikes of scarlet flowers -14473655 __luckiness_NN_1 an auspicious state resulting from favorable outcomes -09964411 __imitator_NN_2 someone who copies the words or behavior of another -03576215 __instrument_of_torture_NN_1 an instrument of punishment designed and used to inflict torture on the condemned person -01391174 __subclass_rhizopoda_NN_1 creeping protozoans: amoebas and foraminifers -02615494 __stichaeidae_NN_1 pricklebacks -02610980 __threadfin_NN_1 mullet-like tropical marine fishes having pectoral fins with long threadlike rays -14472299 __faultiness_NN_1 the state of being defective -14472111 __tongue_tie_NN_1 a congenital anomaly in which the mucous membrane under the tongue is too short limiting the mobility of the tongue -02906734 __broom_NN_1 a cleaning implement for sweeping; bundle of straws or twigs attached to a long handle -08842819 __bismarck_archipelago_NN_1 a group of islands in the southwestern Pacific to the northeast of New Guinea; part of Papua New Guinea -07437575 __cross-fertilization_NN_1 fertilization by the union of male and female gametes from different individual of the same species -14471224 __spina_bifida_NN_1 a not uncommon congenital defect in which a vertebra is malformed; unless several vertebrae are affected or there is myelomeningocele there are few symptoms; can be diagnosed by amniocentesis -02642644 __scorpaenid_fish_NN_1 any of numerous carnivorous usually bottom-dwelling warm-water marine fishes found worldwide but most abundant in the Pacific -09542339 __fiend_NN_2 an evil supernatural being -01477525 __lamprey_eel_NN_1 primitive eellike freshwater or anadromous cyclostome having round sucking mouth with a rasping tongue -00116376 __raise_NN_4 the act of raising something; "he responded with a lift of his eyebrow"; "fireman learn several different raises for getting ladders up" -07540866 __frustration_NN_1 the feeling that accompanies an experience of being thwarted in attaining your goals -14469014 __congenital_heart_defect_NN_1 a birth defect involving the heart -00329817 __bifurcate_VB_2 divide into two branches; "The road bifurcated" -14468508 __scaphocephaly_NN_1 congenital malformation of the skull which is long and narrow; frequently accompanied by mental retardation -09831856 __bad_guy_NN_1 any person who is not on your side -03811295 __nuclear_submarine_NN_1 a submarine that is propelled by nuclear power -14467685 __plagiocephaly_NN_1 congenital malformation of the skull in which the main axis of the skull is oblique -12890265 __veronica_NN_1 any plant of the genus Veronica -03429771 __metal_glove_NN_1 a glove of armored leather; protects the hand -02263378 __neuropterous_insect_NN_1 insect having biting mouthparts and four large membranous wings with netlike veins -01015175 __centralization_NN_2 gathering to a center -05748285 __distinction_NN_1 a discrimination between things as different and distinct; "it is necessary to make a distinction between love and infatuation" -13880811 __hexagram_NN_1 a regular polygon formed by extending each of the sides of a regular hexagon to form two equilateral triangles -14464005 __defect_NN_1 an imperfection in a bodily system; "visual defects"; "this device permits detection of defects in the lungs" -02822579 __bedstead_NN_1 the framework of a bed -04812268 __elegance_NN_1 a refined quality of gracefulness and good taste; "she conveys an aura of elegance and gentility" -07348870 __tidal_wave_NN_2 an unusual (and often destructive) rise of water along the seashore caused by a storm or a combination of wind and high tide -14459422 __perfection_NN_1 the state of being without a flaw or defect -12309850 __phillyrea_NN_1 small genus of evergreen shrubs of the Mediterranean region -14456752 __undress_NN_1 partial or complete nakedness; "a state of undress" -04100994 __vioxx_NN_1 a Cox-2 inhibitor (trade name Vioxx) that relieves pain and inflammation without harming the digestive tract; voluntarily withdrawn from the market in 2004 -14456435 __nude_NN_2 without clothing (especially in the phrase `in the nude'); "they swam in the nude" -14455700 __void_NN_1 the state of nonexistence -12553742 __ormosia_monosperma_NN_1 small tree of West Indies and northeastern Venezuela having large oblong pointed leaflets and panicles of purple flowers; seeds are black or scarlet with black spots -00906735 __sentence_VB_1 pronounce a sentence on (somebody) in a court of law; "He was condemned to ten years in prison" -14455206 __emptiness_NN_1 the state of containing nothing -05577410 __toe_NN_1 one of the digits of the foot -14452616 __infestation_NN_1 the state of being invaded or overrun by parasites -01456939 __macrorhamphosidae_NN_1 bellows fishes -05963744 __unilateralism_NN_1 the doctrine that nations should conduct their foreign affairs individualistically without the advice or involvement of other nations -14451672 __cruciality_NN_1 a state of critical urgency -01067362 __shillyshally_NN_1 the act of procrastinating; putting off or delaying or defering an action to a later time -03859280 __outbuilding_NN_1 a building that is subordinate to and separate from a main building -03603958 __voodoo_NN_1 a charm superstitiously believed to embody magical powers -01654863 __south_american_poison_toad_NN_1 a South American toad -01636993 __prefigure_VB_1 imagine or consider beforehand; "It wasn't as bad as I had prefigured" -03608074 __kamikaze_NN_1 a fighter plane used for suicide missions by Japanese pilots in World War II -09076675 __capital_of_georgia_NN_1 state capital and largest city of Georgia; chief commercial center of the southeastern United States; was plundered and burned by Sherman's army during the American Civil War -04500060 __turner_NN_8 cooking utensil having a flat flexible part and a long handle; used for turning or serving food -14447908 __wellness_NN_1 a healthy state of wellbeing free from disease; "physicians should be held responsible for the health of their patients" -00998037 __actinometry_NN_1 measuring the intensity of electromagnetic radiation (especially of the sun's rays) -14447816 __fool's_paradise_NN_1 an illusory state of wellbeing -07528097 __triumph_NN_2 the exultation of victory -14447525 __wellbeing_NN_1 a contented state of being happy and healthy and prosperous; "the town was finally on the upbeat after our recent troubles" -01407798 __green_algae_NN_1 algae that are clear green in color; often growing on wet ricks or damp wood or the surface of stagnant water -14418395 __union_NN_4 the state of being joined or united or linked; "there is strength in union" -14445749 __relief_NN_2 the condition of being comfortable or relieved (especially after being relieved of distress); "he enjoyed his relief from responsibility"; "getting it off his conscience gave him some ease" -14445379 __comfortableness_NN_1 a state of being relaxed and feeling no pain; "he is a man who enjoys his comfort"; "she longed for the comfortableness of her armchair" -00527872 __tap_dancing_NN_1 a dance step tapped out audibly with the feet -14444825 __oligopoly_NN_1 (economics) a market in which control over the supply of a commodity is in the hands of a small number of producers and each one can influence prices and affect competitors -11745817 __zebrawood_tree_NN_1 any of various trees or shrubs having mottled or striped wood -06468951 __synopsis_NN_1 a sketchy summary of the main points of an argument or theory -10270878 __yearner_NN_1 a person with a strong desire for something; "a longer for money"; "a thirster after blood"; "a yearner for knowledge" -09601571 __philip_marlowe_NN_1 tough cynical detective (one of the early detective heroes in American fiction) created by Raymond Chandler -05340795 __cerebellar_artery_NN_1 an artery that supplies the cerebellum -14444326 __monopoly_NN_1 (economics) a market in which there are many buyers but only one seller; "a monopoly on silver"; "when you have a monopoly you can ask any price you like" -14444114 __monopoly_NN_2 exclusive control or possession of something; "They have no monopoly on intelligence" -02203592 __fungus_gnat_NN_2 mosquito-like insect whose larvae feed on fungi or decaying vegetation -01467504 __family_branchiostomidae_NN_1 lancelets -00430099 __retrench_VB_2 make a reduction, as in one's workforce; "The company had to retrench" -14442530 __supremacy_NN_1 power to dominate or defeat; "mastery of the seas" -14442361 __ascendent_NN_1 position or state of being dominant or in control; "that idea was in the ascendant" -13751829 __one_thousand_million_NN_1 the number that is represented as a one followed by 9 zeros -12623368 __genus_amelanchier_NN_1 North American deciduous trees or shrubs -06950209 __scottish_NN_1 the dialect of English used in Scotland -04864200 __purpose_NN_3 the quality of being determined to do or achieve something; firmness of purpose; "his determination showed in his every movement"; "he is a man of purpose" -02484975 __guenon_monkey_NN_1 small slender African monkey having long hind limbs and tail and long hair around the face -14440137 __shame_NN_2 a state of dishonor; "one mistake brought shame to all his family"; "suffered the ignominy of being sent to prison" -09144323 __fort_worth_NN_1 a city in northeastern Texas (just to the west of Dallas); a major industrial center -01968315 __cephalopod_mollusk_NN_1 marine mollusk characterized by well-developed head and eyes and sucker-bearing tentacles -14439447 __dishonour_NN_1 a state of shame or disgrace; "he was resigned to a life of dishonor" -00889294 __tutorship_NN_1 teaching pupils individually (usually by a tutor hired privately) -14437134 __glory_NN_1 a state of high honor; "he valued glory above life itself" -01457276 __family_centriscidae_NN_1 shrimpfishes -14436438 __unimportance_NN_1 the state of being humble and unimportant -01358259 __cyanophyceae_NN_1 photosynthetic bacteria found in fresh and salt water, having chlorophyll a and phycobilins; once thought to be algae: blue-green algae -11747468 __leguminous_plant_NN_1 an erect or climbing bean or pea plant of the family Leguminosae -13981137 __friction_NN_1 a state of conflict between persons -11938977 __genus_balsamorhiza_NN_1 genus of coarse western American herbs with large roots containing an aromatic balsam -14474052 __successfulness_NN_1 the condition of prospering; having good fortune -14433769 __spotlight_NN_1 a focus of public attention; "he enjoyed being in the limelight"; "when Congress investigates it brings the full glare of publicity to the agency" -08762823 __djibouti_NN_1 port city on the Gulf of Aden; the capital and largest city of Djibouti -08210670 __royal_canadian_mounted_police_NN_1 the federal police force of Canada -06746005 __response_NN_3 a statement (either spoken or written) that is made to reply to a question or request or criticism or accusation; "I waited several days for his answer"; "he wrote replies to several of his critics" -02823124 __pager_NN_1 an electronic device that generates a series of beeps when the person carrying it is being paged -00509958 __spot_VB_5 become spotted; "This dress spots quickly" -14431471 __rating_NN_4 rank in a military organization -01412479 __family_characeae_NN_1 green algae superficially resembling horsetail ferns: stoneworts -14471926 __syndactyly_NN_1 birth defect in which there is partial or total webbing connecting two or more fingers or toes -10437262 __plagiarizer_NN_1 someone who uses another person's words or ideas as if they were his own -14428404 __biosafety_level_NN_1 the level of safety from exposure to infectious agents; depends on work practices and safety equipment and facilities -05134547 __depth_NN_1 the extent downward or backward or inward; "the depth of the water"; "depth of a shelf"; "depth of a closet" -14427633 __ostracism_NN_1 the state of being banished or ostracized (excluded from society by general consent); "the association should get rid of its elderly members--not by euthanasia, of course, but by Coventry" -09294716 __grinding_NN_1 material resulting from the process of grinding; "vegetable grindings clogged the drain" -07495551 __torture_NN_3 intense feelings of suffering; acute mental or physical pain; "an agony of doubt"; "the torments of the damned" -03126385 __crampoon_NN_2 an iron spike attached to the shoe to prevent slipping on ice when walking or climbing -14426449 __greenness_NN_2 the state of not being ripe -01748273 __print_over_VB_1 print (additional text or colors) onto an already imprinted paper -00059127 __evasion_NN_4 the act of physically escaping from something (an opponent or a pursuer or an unpleasant situation) by some adroit maneuver -14425974 __immaturity_NN_1 not having reached maturity -10880024 __calixtus_iii_NN_1 Italian pope whose nepotism put the Borgia family in power in Italy (1378-1458) -14424780 __maturity_NN_2 state of being mature; full development -05363676 __vena_circumflexa_NN_1 any of several curved parallel veins accompanying arteries of the same name -06884670 __insignia_of_rank_NN_1 an insignia worn on a military uniform -14422871 __development_NN_7 a state in which things are improving; the result of developing (as in the early part of a game of chess); "after he saw the latest development he changed his mind and became a supporter"; "in chess your should take care of your development before moving your queen" -09682291 __muslim_NN_1 a believer in or follower of Islam -02734423 __architectural_ornament_NN_1 (architecture) something added to a building to improve its appearance -02226598 __locustidae_NN_1 short-horned grasshoppers; true locusts -14421724 __syncretism_NN_1 the union (or attempted fusion) of different systems of thought or belief (especially in religion or philosophy); "a syncretism of material and immaterial theories" -14420954 __junction_NN_2 the state of being joined together -14420464 __cohesiveness_NN_1 the state of cohering or sticking together -04631298 __uncheerfulness_NN_2 not conducive to cheer or good spirits -05505131 __sympathetic_nervous_system_NN_1 originates in the thoracic regions of the spinal cord; opposes physiological effects of the parasympathetic: reduces digestive secretions; speeds the heart; contracts blood vessels -01917434 __genus_acropora_NN_1 coelenterate genus of order Madreporaria, including staghorn corals -14420240 __interconnection_NN_1 a state of being connected reciprocally; "an interconnection between the two buildings" -00021554 __etherize_VB_1 anesthetize with ether -07542675 __dismay_NN_1 the feeling of despair in the face of obstacles -09261604 __cumberland_plateau_NN_1 the southwestern part of the Appalachians -06598030 __reading_material_NN_1 written material intended to be read; "the teacher assigned new readings"; "he bought some reading material at the airport" -14870078 __cotton_wool_NN_1 soft silky fibers from cotton plants in their raw state -14418662 __fusion_NN_2 the state of being combined into one body -02653381 __lie_in_VB_1 originate (in); "The problems dwell in the social injustices in this country" -14417697 __disjuncture_NN_1 state of being disconnected -12518013 __telegraph_plant_NN_1 erect tropical Asian shrub whose small lateral leaflets rotate on their axes and jerk up and down under the influence of sunshine -14417300 __dissociative_disorder_NN_1 dissociation so severe that the usually integrated functions of consciousness and perception of self break down -11832214 __common_beet_NN_1 biennial Eurasian plant usually having a swollen edible root; widely cultivated as a food crop -14416473 __bosom_NN_1 the chest considered as the place where secret thoughts are kept; "his bosom was bursting with the secret" -14416089 __secrecy_NN_2 the condition of being concealed or hidden -01036778 __espousal_NN_2 the act of becoming betrothed or engaged -14415518 __insulation_NN_1 the state of being isolated or detached; "the insulation of England was preserved by the English Channel" -14414715 __isolation_NN_1 a state of separation between persons or groups -06178042 __morphology_NN_2 studies of the rules for forming admissible words -14413993 __excommunication_NN_1 the state of being excommunicated -14413644 __disfavour_NN_1 the state of being out of favor; "he is in disfavor with the king" -01219551 __reward_NN_3 an act performed to strengthen approved behavior -04873550 __dishonourableness_NN_1 the quality of not deserving honor or respect -10620758 __sociologist_NN_1 a social scientist who studies the institutions and development of human society -12518879 __coronilla_NN_1 any of various plants of the genus Coronilla having purple or pink or yellow flowers in long axillary heads or umbels -14412882 __contentedness_NN_1 the state of being contented with your situation in life; "he relaxed in sleepy contentedness"; "they could read to their heart's content" -00153809 __solving_NN_1 finding a solution to a problem -14411981 __recognition_NN_1 the state or quality of being recognized or acknowledged; "the partners were delighted with the recognition of their work"; "she seems to avoid much in the way of recognition or acknowledgement of feminist work prior to her own" -15199033 __hanukkah_NN_1 (Judaism) an eight-day Jewish holiday commemorating the rededication of the Temple of Jerusalem in 165 BC -02074093 __levant_VB_1 run off without paying a debt -14409718 __dog's_dinner_NN_1 a poor job; a mess; "they made a real dog's breakfast of that job" -14408951 __corner_NN_8 a predicament from which a skillful or graceful escape is impossible; "his lying got him into a tight corner" -14408646 __quandary_NN_1 a situation from which extrication is difficult especially an unpleasant or trying one; "finds himself in a most awkward predicament"; "the woeful plight of homeless people" -01576165 __range_VB_6 feed as in a meadow or pasture; "the herd was grazing" -02121234 __genus_felis_NN_1 type genus of the Felidae: true cats and most wildcats -14407536 __trance_NN_1 a psychological state induced by (or as if induced by) a magical incantation -13895549 __mogul_NN_1 a bump on a ski slope -01707895 __saurischia_NN_1 extinct terrestrial reptiles: theropods (carnivorous); sauropods (herbivorous) -00134099 __ko_NN_1 a blow that renders the opponent unconscious -01321456 __adult_NN_2 any mature animal -07480068 __emotion_NN_1 any strong feeling -06329506 __tense_NN_1 a grammatical category of verbs used to express distinctions of time -01991676 __oniscidae_NN_1 a family of Isopoda -14405774 __cold_sweat_NN_1 the physical condition of concurrent perspiration and chill; associated with fear -07052291 __stanza_NN_1 a fixed number of lines of verse forming a unit of a poem -14404160 __depression_NN_1 a mental state characterized by a pessimistic sense of inadequacy and a despondent lack of activity -09021313 __stalinabad_NN_1 the capital of Tajikistan; formerly Stalinabad 1926-1991 -14403282 __upset_NN_1 an unhappy and worried mental state; "there was too much anger and disturbance"; "she didn't realize the upset she caused me" -12639736 __prunus_insititia_NN_1 small wild or half-domesticated Eurasian plum bearing small ovoid fruit in clusters -12748534 __oriental_bittersweet_NN_1 ornamental Asiatic vine with showy orange-yellow fruit with a scarlet aril; naturalized in North America -02399424 __rumen_NN_1 the first compartment of the stomach of a ruminant; here food is collected and returned to the mouth as cud for chewing -00148057 __tightening_NN_1 the act of making something tighter; "the tightening of economic controls" -14400677 __speech_disorder_NN_1 a disorder of oral speech -12203331 __linden_NN_1 soft light-colored wood of any of various linden trees; used in making crates and boxes and in carving and millwork -14399116 __catatonic_type_schizophrenia_NN_1 a form of schizophrenia characterized by a tendency to remain in a fixed stuporous state for long periods; the catatonia may give way to short periods of extreme excitement -14286885 __graze_NN_1 a superficial abrasion -00355547 __palliation_NN_1 easing the severity of a pain or a disease without removing the cause -07551052 __temper_NN_2 a characteristic (habitual or relatively temporary) state of feeling; "whether he praised or cursed me depended on his temper at the time"; "he was in a bad humor" -01914163 __anthozoan_NN_1 sessile marine coelenterates including solitary and colonial polyps; the medusoid phase is entirely suppressed -05703429 __observation_NN_5 the act of noticing or paying attention; "he escaped the notice of the police" -13065702 __tiliomycetes_NN_1 category used in some systems to comprise the two orders Ustilaginales (smuts) and Uredinales (rusts) -05432736 __protoplasm_NN_1 the substance of a living cell (including cytoplasm and nucleus) -09448361 __watercourse_NN_2 a natural body of running water flowing on or under the earth -05705355 __study_NN_4 a state of deep mental absorption; "she is in a deep study" -14395955 __presenile_dementia_NN_1 dementia with onset before the age of 65 -14395018 __insanity_NN_1 relatively permanent disorder of the mind -12854925 __mentha_NN_1 mint plants -14394094 __depersonalization_neurosis_NN_1 emotional dissociative disorder in which there is loss of contact with your own personal reality accompanied by feelings of unreality and strangeness -08723006 __red_china_NN_1 a communist nation that covers a vast territory in eastern Asia; the most populous country in the world -14392639 __manic_depressive_illness_NN_1 a mental disorder characterized by episodes of mania and depression -02024636 __vanellus_NN_1 Eurasian lapwings -14391876 __hysteria_NN_1 state of violent mental agitation -09848489 __truster_NN_1 a supporter who accepts something as true -09286318 __galveston_bay_NN_1 an arm of the Gulf of Mexico in Texas to the south of Houston -14390466 __major_depressive_episode_NN_1 (psychiatry) a state of depression with all the classic symptoms (anhedonia and lethargy and sleep disturbance and despondency and morbid thoughts and feelings of worthlessness and sometimes attempted suicide) but with no known organic dysfunction -13601370 __cubic_inch_NN_1 the volume equal to a cube one inch on each side -09159546 __casper_NN_1 a city of east central Wyoming on the North Platte river -06478582 __sheepskin_NN_3 a document certifying the successful completion of a course of study -14165544 __hypochromic_anemia_NN_1 anemia characterized by a decrease in the concentration of corpuscular hemoglobin -14389240 __depressive_disorder_NN_1 a state of depression and anhedonia so severe as to require clinical intervention -02646508 __genus_cyclopterus_NN_1 type genus of the Cyclopteridae: lumpfishes -14386697 __conversion_reaction_NN_1 a mental disorder characterized by the conversion of mental conflict into somatic forms (into paralysis or anesthesia having no apparent cause) -14386590 __aberration_NN_2 a disorder in one's mental state -02621908 __gempylid_NN_1 snake mackerels; elongated marine fishes with oily flesh; resembles mackerels; found worldwide -05052587 __incessantness_NN_1 the quality of something that continues without end or interruption -14385403 __social_phobia_NN_1 any phobia (other than agoraphobia) associated with situations in which you are subject to criticism by others (as fear of eating in public or public speaking etc) -02190943 __muzzle_VB_2 prevent from speaking out; "The press was gagged" -09139849 __sioux_falls_NN_1 largest city in South Dakota; located in southeastern South Dakota -10336234 __mover_NN_1 workman employed by a moving company; "the movers were very careful with the grand piano" -03629986 __science_laboratory_NN_1 a workplace for the conduct of scientific research -04133211 __sampler_NN_4 a piece of embroidery demonstrating skill with various stitches -08615638 __parking_lot_NN_1 a lot where cars are parked -08075388 __sodality_NN_1 people engaged in a particular occupation; "the medical fraternity" -02161944 __order_mecoptera_NN_1 an order of carnivorous insects usually having long membranous wings and long beaklike heads with chewing mouths at the tip -14382238 __simple_phobia_NN_1 any phobia (other than agoraphobia) associated with relatively simple well-defined stimuli -14381416 __phobic_neurosis_NN_1 an anxiety disorder characterized by extreme and irrational fear of simple things or social situations; "phobic disorder is a general term for all phobias" -14380473 __anxiety_disorder_NN_1 a cover term for a variety of mental disorders in which severe anxiety is a salient symptom -12305089 __hoop_ash_NN_1 vigorous spreading North American tree having dark brown heavy wood; leaves turn gold in autumn -11831874 __summer_cypress_NN_1 densely branched Eurasian plant; foliage turns purple-red in autumn -00642980 __integrate_VB_4 calculate the integral of; calculate by integration -07414922 __meeting_NN_3 a casual or unexpected convergence; "he still remembers their meeting in Paris"; "there was a brief encounter in the hallway" -06166748 __epistemology_NN_1 the philosophical theory of knowledge -14377617 __hallucination_NN_1 illusory perception; a common symptom of severe mental disorder -10379620 __opposition_NN_4 a contestant that you are matched against -09996920 __dean_NN_4 (Roman Catholic Church) the head of the College of Cardinals -01948154 __littorinidae_NN_1 periwinkles -11274812 __russell_NN_7 English philosopher and mathematician who collaborated with Whitehead (1872-1970) -14376188 __tension_NN_1 (psychology) a state of mental or emotional strain or suspense; "he suffered from fatigue and emotional tension"; "stress is a vasoconstrictor" -14375890 __strain_NN_4 (psychology) nervousness resulting from mental stress; "his responsibilities were a constant strain"; "the mental strain of staying alert hour after hour was too much for him" -11839568 __four_o'clock_NN_1 any of several plants of the genus Mirabilis having flowers that open in late afternoon -14375761 __screaming_meemies_NN_1 extreme nervousness -06502858 __rap_sheet_NN_1 the daily written record of events (as arrests) in a police station -03098806 __control_system_NN_1 a system for controlling the operation of another system -10071332 __expatriate_NN_1 a person who is voluntarily absent from home or country; "American expatriates" -05585383 __systema_skeletale_NN_1 the hard structure (bones and cartilages) that provides a frame for the body of an animal -14371161 __irregularity_NN_4 irregular and infrequent or difficult evacuation of the bowels; can be a symptom of intestinal obstruction or diverticulitis -00468236 __renormalize_VB_1 make normal or cause to conform to a norm or standard; "normalize relations with China"; "normalize the temperature"; "normalize the spelling" -05699770 __suspense_NN_2 an uncertain cognitive state; "the matter remained in suspense for several years" -01308438 __seven_years'_war_NN_1 a war of England and Prussia against France and Austria (1756-1763); Britain and Prussia got the better of it -01740320 __carry_VB_31 bear (a crop); "this land does not carry olives" -14370267 __sleep_apnea_NN_1 apnea that occurs during sleep -01124794 __government_activity_NN_1 the act of governing; exercising authority; "regulations for the governing of state prisons"; "he had considerable experience of government" -02290461 __profit_VB_1 derive a benefit from; "She profited from his vast experience" -04971928 __brownness_NN_1 an orange of low brightness and saturation -01074650 __friendly_JJ_1 characteristic of or befitting a friend; "friendly advice"; "a friendly neighborhood"; "the only friendly person here"; "a friendly host and hostess" -10227985 __legal_expert_NN_1 a legal scholar versed in civil law or the law of nations -12680125 __viburnum_NN_1 deciduous or evergreen shrubs or small trees: arrow-wood; wayfaring tree -02285909 __lymantria_NN_1 type genus of the Lymantriidae; a pest (Lymantria means `destroyer') -05736593 __undervaluation_NN_1 too low a value or price assigned to something -11885856 __draba_NN_1 any of numerous low-growing cushion-forming plants of the genus Draba having rosette-forming leaves and terminal racemes of small flowers with scapose or leafy stems; fruit is a dehiscent oblong or linear silique -13439390 __blooming_NN_1 the organic process of bearing flowers; "you will stop all bloom if you let the flowers go to seed" -14365741 __wasting_away_NN_1 a decrease in size of an organ caused by disease or disuse -02694776 __trans-alaska_pipeline_NN_1 an oil pipeline that runs 800 miles from wells at Prudhoe Bay to the port of Valdez -04290259 __spur_NN_4 a sharp prod fixed to a rider's heel and used to urge a horse onward; "cowboys know not to squat with their spurs on" -14365619 __hyperpyrexia_NN_1 extremely high fever (especially in children) -14365356 __pyrexia_NN_1 a rise in the temperature of the body; frequently a symptom of infection -08286163 __university_NN_1 the body of faculty and students at a university -05426087 __venule_NN_1 a minute vein continuous with a capillary -06430996 __zend-avesta_NN_1 a collection of Zoroastrian texts gathered during the 4th or 6th centuries -01585577 __salpinctes_NN_1 a genus of Troglodytidae -04768483 __orderliness_NN_1 the quality of appreciating method and system -06893885 __theatrical_performance_NN_1 a performance of a play -01348075 __halophile_NN_1 archaebacteria requiring a salt-rich environment for growth and survival -12146100 __zoisia_NN_1 lawn grasses native to southeastern Asia and New Zealand; grown especially in warm regions -01014821 __testify_VB_1 give testimony in a court of law -12898342 __deadly_nightshade_NN_1 perennial Eurasian herb with reddish bell-shaped flowers and shining black berries; extensively grown in United States; roots and leaves yield atropine -10892564 __charles_stuart_NN_1 son of James I who was King of England and Scotland and Ireland; was deposed and executed by Oliver Cromwell (1600-1649) -00839778 __swallow_NN_2 the act of swallowing; "one swallow of the liquid was enough"; "he took a drink of his beer and smacked his lips" -10677271 __supplier_NN_1 someone whose business is to supply a particular service or commodity -14360459 __spasm_NN_1 a painful and involuntary muscular contraction -06568134 __os_NN_3 (computer science) software that controls the execution of computer programs and may provide various services -10735564 __tyrant_NN_3 any person who exercises power in a cruel way; "his father was a tyrant" -06372680 __myth_NN_1 a traditional story accepted as history; serves to explain the world view of a people -01876530 __move_back_and_forth_VB_1 move in one direction and then into the opposite direction -11838413 __trailing_windmills_NN_1 trailing plant having crowded clusters of 3 brilliant deep pink flowers resembling a single flower blooming near the ground; found in dry gravelly or sandy soil; southwestern United States and Mexico -01411870 __cat_VB_1 beat with a cat-o'-nine-tails -12678224 __elderberry_bush_NN_1 any of numerous shrubs or small trees of temperate and subtropical northern hemisphere having white flowers and berrylike fruit -00082081 __marketing_NN_3 shopping at a market; "does the weekly marketing at the supermarket" improve the condition of; "These pills will help the patient" -12133870 __secale_NN_1 cereal grass widely cultivated for its grain: rye -14356578 __tenonitis_NN_1 inflammation of a tendon -04045787 __raft_foundation_NN_1 a foundation (usually on soft ground) consisting of an extended layer of reinforced concrete -10625546 __soprano_NN_1 a female singer -10442417 __slogger_NN_2 someone who works slowly and monotonously for long hours -11085924 __st._john_the_apostle_NN_1 (New Testament) disciple of Jesus; traditionally said to be the author of the 4th Gospel and three epistles and the book of Revelation -09027460 __aragon_NN_2 a region of northeastern Spain; a former kingdom that united with Castile in 1479 to form Spain (after the marriage of Ferdinand V and Isabella I) -06643408 __evidence_NN_2 an indication that makes something evident; "his trembling was evidence of his fear" -14353008 __venous_thrombosis_NN_1 thrombosis of a vein without prior inflammation of the vein; associated with sluggish blood flow (as in prolonged bedrest or pregnancy or surgery) or with rapid coagulation of the blood -05729875 __lattice_NN_1 an arrangement of points or particles or objects in a regular periodic pattern in 2 or 3 dimensions -05225602 __structure_NN_4 a particular complex anatomical part of a living thing; "he has good bone structure" -04638585 __leniency_NN_2 a disposition to yield to the wishes of someone; "too much indulgence spoils a child" -14351629 __otitis_NN_1 inflammation of the ear -13262913 __inheritance_NN_2 that which is inherited; a title or property or estate that passes by law to the heir on the death of the owner -10757492 __visualizer_NN_1 one whose prevailing mental imagery is visual -00546389 __strain_NN_11 the act of singing; "with a shout and a song they marched up to the gates" -01957202 __mya_NN_1 type genus of the family Myacidae -01526521 __songster_NN_3 any bird having a musical call -07482521 __complex_NN_3 (psychoanalysis) a combination of emotions and impulses that have been rejected from awareness but still influence a person's behavior -12073744 __genus_odontoglossum_NN_1 large and important genus of tropical American mostly epiphytic orchids; some of the most widely grown species are often placed in other genera -01714059 __genus_antrodemus_NN_1 carnivorous dinosaur of North America; late Jurassic -08952190 __republic_of_hungary_NN_1 a republic in central Europe -07578363 __serving_NN_1 an individual quantity of food or drink taken as part of a meal; "the helpings were all small"; "his portion was larger than hers"; "there's enough for two servings each" -11018153 __guevara_NN_1 an Argentine revolutionary leader who was Fidel Castro's chief lieutenant in the Cuban revolution; active in other Latin American countries; was captured and executed by the Bolivian army (1928-1967) -12595964 __lady_palm_NN_1 any of several small palms of the genus Rhapis; cultivated as houseplants -13218900 __order_equisetales_NN_1 lower tracheophytes in existence since the Devonian -00215838 __subversive_activity_NN_1 the act of subverting; as overthrowing or destroying a legally constituted government -07696527 __butty_NN_1 a sandwich; "a bacon butty" -03340723 __viewfinder_NN_1 optical device that helps a user to find the target of interest -13960117 __unreality_NN_2 the state of being insubstantial or imaginary; not existing objectively or in fact -02006510 __plataleidae_NN_1 spoonbills -01002413 __hydrometry_NN_1 the measurement of specific gravity -01441510 __thrust_VB_5 penetrate or cut through with a sharp instrument -08375526 __third_house_NN_1 a group of people who try actively to influence legislation -14983491 __pig_iron_NN_1 crude iron tapped from a blast furnace -02468178 __silk_gland_NN_1 silk-producing gland of insects (especially of a silkworm) or spiders -14341432 __pinkeye_NN_1 inflammation of the conjunctiva of the eye -14341091 __inflammatory_bowel_disease_NN_1 inflammation of the colon -05689909 __diriment_impediment_NN_1 (canon law) an impediment that invalidates a marriage (such as the existence of a prior marriage) -13027049 __genus_eurotium_NN_1 a genus of fungi belonging to the order Eurotiales -13594585 __score_NN_3 a number that expresses the accomplishment of a team or an individual in a game or contest; "the score was 7 to 0" -04502670 __tweeter_NN_1 a loudspeaker that reproduces higher audio frequency sounds; "the sound system had both tweeters and woofers" -07933274 __tea_NN_1 a beverage made by steeping tea leaves in water; "iced tea is a cooling drink" -13607405 __trillion_floating_point_operations_per_second_NN_1 (computer science) a unit for measuring the speed of a computer system -11427067 __corona_NN_1 the outermost region of the sun's atmosphere; visible as a white halo during a solar eclipse -14213328 __curvature_NN_1 (medicine) a curving or bending; often abnormal; "curvature of the spine" -14338942 __carditis_NN_1 inflammation of the heart -01833283 __hemiprocnidae_NN_1 tree swifts -00801125 __war_NN_4 a concerted campaign to end something that is injurious; "the war on poverty"; "the war against crime" -02451415 __tayra_NN_1 long-tailed arboreal mustelid of Central America and South America -14947807 __marble_NN_1 a hard crystalline metamorphic rock that takes a high polish; used for sculpture and as building material -04834228 __miserliness_NN_1 total lack of generosity with money -14332617 __tenderness_NN_2 a pain that is felt (as when the area is touched); "the best results are generally obtained by inserting the needle into the point of maximum tenderness"; "after taking a cold, rawness of the larynx and trachea come on" -01096245 __business_NN_6 the volume of commercial activity; "business is good today"; "show me where the business was today" -08935212 __cannes_NN_1 a port and resort city on the French Riviera; site of an annual film festival -00638585 __work_out_VB_5 be calculated; "The fees work out to less than $1,000" -07974025 __stratum_NN_2 people having the same social, economic, or educational status; "the working class"; "an emerging professional class" -09898215 __map_maker_NN_1 a person who makes maps -07764486 __sapote_NN_2 brown oval fruit flesh makes excellent sherbet -14327707 __sick_headache_NN_2 a severe recurring vascular headache; occurs more frequently in women than men -11756669 __wattle_NN_3 any of various Australasian trees yielding slender poles suitable for wattle -14325732 __intestinal_colic_NN_1 acute abdominal pain (especially in infants) -11700864 __allspice_NN_2 deciduous shrubs having aromatic bark; eastern China; southwestern and eastern United States -04192698 __shield_NN_2 armor carried on the arm to intercept blows -07959016 __summation_NN_3 the final aggregate; "the sum of all our troubles did not equal the misery they suffered" -14324274 __suffering_NN_1 a state of acute pain -00589103 __associateship_NN_1 the position of associate (as in an office or academy) -04906712 __subservience_NN_3 abject or cringing submissiveness -14322699 __pain_NN_1 a symptom of some physical hurt or disorder; "the patient developed severe pain and distension" -02520669 __family_ariidae_NN_1 sea catfishes -14322106 __prickly_heat_NN_1 obstruction of the sweat ducts during high heat and humidity -14321953 __skin_rash_NN_1 any red eruption of the skin -14321469 __eruption_NN_2 symptom consisting of a breaking out and becoming visible -03225777 __matrix_printer_NN_1 a printer that represents each character as a pattern of dots from a dot matrix -11484861 __moonbeam_NN_1 a ray of moonlight -03621049 __kitchen_utensil_NN_1 a utensil used in preparing food -14317720 __intumescency_NN_1 swelling up with blood or other fluids (as with congestion) -11541919 __genus_sphagnum_NN_1 a large genus constituting the order Sphagnales: atypical mosses of temperate bogs with leaves that can hold much water -14919272 __inoculum_NN_1 a substance (a virus or toxin or immune serum) that is introduced into the body to produce or increase immunity to a particular disease -01683957 __rubricate_VB_3 decorate (manuscripts) with letters painted red; "In this beautiful book, all the place names are rubricated" -09129926 __fargo_NN_1 largest city in North Dakota; located in eastern North Dakota on the Red river -14315192 __swelling_NN_1 an abnormal protuberance or localized enlargement -01739647 __lyre_snake_NN_1 mildly venomous snake with a lyre-shaped mark on the head; found in rocky areas from southwestern United States to Central America -00188721 __catheterize_VB_1 insert a catheter into (a body part); "catheterize the patient's bladder" -14313943 __progressive_emphysematous_necrosis_NN_1 (pathology) a deadly form of gangrene usually caused by clostridium bacteria that produce toxins that cause tissue death; can be used as a bioweapon -14313661 __mummification_NN_2 (pathology) gangrene that develops in the presence of arterial obstruction and is characterized by dryness of the dead tissue and a dark brown color -03624134 __knife_NN_2 a weapon with a handle and blade with a sharp point -00566135 __tennis_stroke_NN_1 the act of hitting a tennis ball with a tennis racket -14313154 __festination_NN_1 involuntary shortening of stride and quickening of gait that occurs in some diseases (e.g., Parkinson's disease) -12674120 __honeysuckle_NN_1 shrub or vine of the genus Lonicera -08920924 __honshu_NN_1 the central and largest of the four main islands of Japan; between the Sea of Japan and the Pacific Ocean; regarded as the Japanese mainland -14311348 __effect_NN_6 a symptom caused by an illness or a drug; "the effects of sleep loss"; "the effect of the anesthetic" -14310292 __sudden_infant_death_syndrome_NN_1 sudden and unexpected death of an apparently healthy infant during sleep -13980288 __hostility_NN_2 a state of deep-seated ill-will -07248507 __plug_NN_3 blatant or sensational promotion -06307152 __combining_form_NN_1 a bound form used only in compounds; "`hemato-' is a combining form in words like `hematology'" -04215402 __sidewalk_NN_1 walk consisting of a paved area for pedestrians; usually beside a street or roadway -12396666 __genus_cannabis_NN_1 hemp: genus of coarse annuals native to central Asia and widely naturalized in north temperate regions; in some classifications included in the family Moraceae -01730812 __racer_NN_4 slender fast-moving North American snakes -08734044 __republic_of_the_congo_NN_1 a republic in west-central Africa; achieved independence from France in 1960 -07772935 __coconut_NN_2 large hard-shelled oval nut with a fibrous husk containing thick white meat surrounding a central cavity filled (when fresh) with fluid or milk -12762896 __sumach_NN_1 a shrub or tree of the genus Rhus (usually limited to the non-poisonous members of the genus) -14302005 __vital_sign_NN_1 sign of life; usually an indicator of a person's general physical condition; "he was still alive but his vital signs were weak" -14301785 __sign_NN_6 (medicine) any objective evidence of the presence of a disorder or disease; "there were no signs of asphyxiation" -14299070 __wrench_NN_1 a sharp strain on muscles or ligaments; "the wrench to his knee occurred as he fell"; "he was sidelined with a hamstring pull" -06200344 __preference_NN_2 a predisposition in favor of something; "a predilection for expensive cars"; "his sexual preferences"; "showed a Marxist orientation" -14298620 __wheal_NN_1 a raised mark on the skin (as produced by the blow of a whip); characteristic of many allergic reactions -14298102 __strain_NN_7 injury to a muscle (often caused by overuse); results in swelling and pain -14297696 __sleep_disorder_NN_1 a disturbance of the normal sleep pattern -07737081 __edible_nut_NN_1 a hard-shelled seed consisting of an edible kernel or meat enclosed in a woody or leathery shell -00746587 __sacrilege_NN_1 blasphemous behavior; the act of depriving something of its sacred character; "desecration of the Holy Sabbath" -00135504 __parry_NN_2 a return punch (especially by a boxer) -14295389 __herniation_NN_1 rupture in smooth muscle tissue through which a bodily structure protrudes -14295248 __rupture_NN_1 state of being torn or burst open -11511765 __distortion_NN_4 a change (usually undesired) in the waveform of an acoustic or analog electrical signal; the difference between two measurements of a signal (as between the input and output signal); "heavy metal guitar players use vacuum tube amplifiers to produce extreme distortion" -13434688 __assimilation_NN_3 the process of absorbing nutrients into the body after digestion -06013298 __vector_algebra_NN_1 the part of algebra that deals with the theory of vectors and vector spaces -01264283 __surface_VB_2 put a coat on; cover the surface of; furnish with a surface; "coat the cake with chocolate" -04161981 __seat_NN_3 furniture that is designed for sitting on; "there were not enough seats for all the guests" -08804154 __abruzzi_e_molise_NN_1 a mountainous region of central Italy on the Adriatic -14290881 __hyperpigmentation_NN_1 unusual darkening of the skin -01445407 __sting_VB_2 deliver a sting to; "A bee stung my arm yesterday" -14289590 __burn_NN_3 an injury caused by exposure to heat or chemicals or radiation -02619020 __live_out_VB_1 live out one's life; live to the end -08224684 __ummah_NN_1 the Muslim community or people, considered to extend from Mauritania to Pakistan; "moderate Muslims urge the Ummah to reject the terrorism of radical Muslims" -12747961 __genus_celastrus_NN_1 genus of woody vines and erect shrubs (type genus of the Celastraceae) that is native chiefly to Asia and Australia: includes bittersweet -02613687 __scartella_NN_1 a genus of Blenniidae -14288235 __hemorrhage_NN_1 the flow of blood from a ruptured blood vessel -00857872 __pederasty_NN_1 sexual relations between a man and a boy (usually anal intercourse with the boy as a passive partner) -01230710 __prod_VB_2 urge on; cause to act; "The other children egged the boy on, but he did not want to throw the stone through the window" -12516584 __glory_pea_NN_1 any of various shrubs or vines of the genus Clianthus having compound leaves and pea-like red flowers in drooping racemes -09889941 __camper_NN_1 someone living temporarily in a tent or lodge for recreation -08962610 __republic_of_malawi_NN_1 a landlocked republic in southern central Africa; achieved independence from the United Kingdom in 1964 -12682264 __genus_dipsacus_NN_1 type genus of the Dipsacaceae: teasel -02324397 __weak_JJ_1 wanting in physical strength; "a weak pillar" -00179311 __take_out_VB_3 take out or remove; "take out the chicken after adding the vegetables" -02491107 __tamarin_NN_1 small South American marmoset with silky fur and long nonprehensile tail -06121554 __speleology_NN_1 the scientific study of caves -13477934 __expectoration_NN_1 the process of coughing up and spitting out -11857320 __purslane_NN_1 a plant of the family Portulacaceae having fleshy succulent obovate leaves often grown as a potherb or salad herb; a weed in some areas -11717820 __water-shield_family_NN_1 in some classifications considered an independent family of water lilies; comprises the genera Cabomba and Brasenia -02268443 __snake_feeder_NN_1 slender-bodied non-stinging insect having iridescent wings that are outspread at rest; adults and nymphs feed on mosquitoes etc. -04667406 __muliebrity_NN_2 the trait of behaving in ways considered typical for women -06715638 __derision_NN_1 contemptuous laughter -09532214 __siddhartha_NN_1 founder of Buddhism; worshipped as a god (c 563-483 BC) -14278773 __brown_rot_NN_1 any of certain fungous diseases of plants characterized by browning and decay of tissues -02248147 __superfamily_coccoidea_NN_1 scale insects and mealybugs -00297404 __drifting_NN_1 aimless wandering from place to place -06975594 __anatolian_language_NN_1 an extinct branch of the Indo-European family of languages known from inscriptions and important in the reconstruction of Proto-Indo European -02037110 __oystercatcher_NN_1 black-and-white shorebird with stout legs and bill; feed on oysters etc. -01769930 __phalangium_NN_1 type genus of the family Phalangiidae -01816140 __pterocles_alchata_NN_1 sandgrouse of Europe and Africa having elongated middle tail feathers -14112855 __heart_attack_NN_1 a sudden severe instance of abnormal heart function -01972849 __flop_VB_1 fall loosely; "He flopped into a chair" -02396796 __babyrousa_babyrussa_NN_1 Indonesian wild pig with enormous curved canine teeth -00704305 __psychoanalysis_NN_1 a set of techniques for exploring underlying motives and a method of treating various mental disorders; based on the theories of Sigmund Freud; "his physician recommended psychoanalysis" -11390855 __woodrow_wilson_NN_1 28th President of the United States; led the United States in World War I and secured the formation of the League of Nations (1856-1924) -05121908 __numerousness_NN_1 a large number -03620052 __kitchen_appliance_NN_1 a home appliance used in preparing food -07156819 __monologue_NN_2 a long utterance by one person (especially one that prevents others from participating in the conversation) -03401721 __fuel_system_NN_1 equipment in a motor vehicle or aircraft that delivers fuel to the engine -00344259 __sitting_NN_2 the act of assuming or maintaining a seated position; "he read the mystery at one sitting" -14635290 __cobalt_NN_1 a hard ferromagnetic silver-white bivalent or trivalent metallic element; a trace element in plant and animal nutrition -10127689 __geologist_NN_1 a specialist in geology -10107303 __founding_father_NN_2 a person who founds or establishes some institution; "George Washington is the father of his country" -14816181 __wool_grease_NN_1 a yellow viscous animal oil extracted from wool; a mixture of fatty acids and esters; used in some ointments and cosmetics -00366275 __condense_VB_4 cause a gas or vapor to change into a liquid; "The cold air condensed the steam" -01212882 __attachment_NN_5 faithful support for a cause or political party or religion; "attachment to a formal agenda"; "adherence to a fat-free diet"; "the adhesion of Seville was decisive" -00736894 __monkey_business_NN_1 mischievous or deceitful behavior -05768553 __dreaming_NN_2 a series of mental images and emotions occurring during sleep; "I had a dream about you last night" -09326662 __mound_NN_2 a small natural hill -09803429 __umpire_NN_2 someone chosen to judge and decide a disputed issue; "the critic was considered to be an arbiter of modern literature"; "the arbitrator's authority derived from the consent of the disputants"; "an umpire was appointed to settle the tax case" -11237550 __pius_vii_NN_1 Italian pope from 1800 to 1823 who was humiliated by Napoleon and taken prisoner in 1809; he concluded a concordat with Napoleon and crowned him emperor of France; he returned to Rome in 1814 (1740-1823) -11168645 __mccormick_NN_1 United States inventor and manufacturer of a mechanical harvester (1809-1884) -04270891 __spear_NN_1 a long pointed rod used as a tool or weapon -06515489 __historical_record_NN_1 writing having historical value (as opposed to fiction or myth etc.) -14495589 __unsanitariness_NN_1 a state that is not conducive to health -01194938 __plump_out_VB_2 make fat or plump; "We will plump out that poor starving child" -04871374 __honesty_NN_1 the quality of being honest -05528854 __nasopharynx_NN_1 cavity forming the upper part of the pharynx -09281545 __flint_river_NN_1 a river in western Georgia that flows generally south to join the Chattahoochee River at the Florida border where they form the Apalachicola River -09434469 __sierra_madre_occidental_NN_1 a mountain range in northwestern Mexico that runs south from Arizona parallel to the Pacific coastline -12240477 __mountain_azalea_NN_1 creeping mat-forming evergreen shrub of high mountain regions of northern hemisphere grown for its rose-pink flowers -14254102 __actinomycosis_NN_1 disease of cattle that can be transmitted to humans; results from infection with actinomycetes; characterized by hard swellings that exude pus through long sinuses -05046471 __coming_NN_3 the temporal property of becoming nearer in time; "the approach of winter" -14253124 __animal_disease_NN_1 a disease that typically does not affect human beings -00249852 __ripen_VB_2 grow ripe; "The plums ripen in July" -04370456 __sweatshirt_NN_1 cotton knit pullover with long sleeves worn during athletic activity -08684769 __zenith_NN_1 the point above the observer that is directly opposite the nadir on the imaginary sphere against which celestial bodies appear to be projected -14250081 __villoma_NN_1 a benign epithelial tumor forming a rounded mass -01717666 __family_dromaeosauridae_NN_1 swift-running bipedal dinosaurs -06499244 __greek_alphabet_NN_1 the alphabet used by ancient Greeks -02196378 __sugarcoat_VB_1 coat with something sweet, such as a hard sugar glaze -04305323 __stately_home_NN_1 a mansion that is (or formerly was) occupied by an aristocratic family -05405946 __digestive_juice_NN_1 secretions that aid digestion -06415061 __reader_NN_8 one of a series of texts for students learning to read -14246359 __sarcoma_NN_1 a usually malignant tumor arising from connective tissue (bone or muscle etc.); one of the four major types of cancer -11841061 __pisonia_NN_1 genus of often thorny tropical trees and shrubs and some vines; mainly America -14245163 __myelocytic_leukemia_NN_1 a malignant neoplasm of blood-forming tissues; marked by proliferation of myelocytes and their presence in the blood -01184814 __proceedings_NN_1 (law) the institution of a sequence of steps by which legal judgments are invoked -07672421 __lard_NN_1 soft white semisolid fat obtained by rendering the fatty tissue of the hog -13575869 __fundamental_quantity_NN_1 one of the four quantities that are the basis of systems of measurement -00142665 __comparison_NN_1 the act of examining resemblances; "they made a comparison of noise levels"; "the fractions selected for comparison must require pupils to consider both numerator and denominator" -10713502 __wassailer_NN_2 someone who proposes a toast; someone who drinks to the health of success of someone or some venture -04932278 __computer_architecture_NN_2 (computer science) the structure and organization of a computer's hardware or system software; "the architecture of a computer's system software" -03569293 __inertial_navigation_system_NN_1 a system to control a plane or spacecraft; uses inertial forces -10806222 __zoologist_NN_1 a specialist in the branch of biology dealing with animals -14242922 __leukemia_NN_1 malignant neoplasm of blood-forming tissues; characterized by abnormal proliferation of leukocytes; one of the four major types of cancer -06253690 __message_NN_1 a communication (usually brief) that is written or spoken or signaled; "he sent a three-word message" -14242337 __carcinoma_NN_1 any malignant tumor derived from epithelial tissue; one of the four major types of cancer -08024096 __international_islamic_front_for_jihad_against_jews_and_crusaders_NN_1 a terrorist group organized by Osama bin Laden in 1998 that provided an umbrella organization for al-Qaeda and other militant groups in Egypt and Algeria and Pakistan and Bangladesh -12964130 __sphaeriaceae_NN_1 parasitic fungi having globose and sometimes necked or beaked perithecia -04600912 __work-clothing_NN_1 clothing worn for doing manual labor -02239347 __family_coreidae_NN_1 squash bugs and leaf-footed bugs -02628600 __skipjack_tuna_NN_1 oceanic schooling tuna of considerable value in Pacific but less in Atlantic; reaches 75 pounds; very similar to if not the same as oceanic bonito -14004572 __vibration_NN_2 a shaky motion; "the shaking of his fingers as he lit his pipe" -02726017 __femoral_JJ_1 the traditional dress of Vietnamese women consisting of a tunic with long sleeves and panels front and back; the tunic is worn over trousers of or relating to or near the femur or thigh -11869689 __watercress_NN_1 any of several water-loving cresses -08944818 __orleanais_NN_1 a former province of north central France; centered around Orleans -02431976 __sika_NN_1 small deer of Japan with slightly forked antlers -10494935 __pursuer_NN_1 a person who is pursuing and trying to overtake or capture; "always before he had been able to outwit his pursuers" -04990021 __stridency_NN_1 having the timbre of a loud high-pitched sound -09166304 __lusitania_NN_1 ancient region and Roman province on the Iberian Peninsula; corresponds roughly to modern Portugal and parts of Spain -01793587 __lacerate_VB_2 deeply hurt the feelings of; distress; "his lacerating remarks" -07186828 __prayer_NN_3 earnest or urgent request; "an entreaty to stop the fighting"; "an appeal for help"; "an appeal to the public to keep calm" -11311011 __sperry_NN_1 United States engineer and inventor of the gyrocompass (1860-1930) -00035603 __bathe_VB_1 cleanse the entire body; "bathe daily" -14235928 __angioma_NN_1 a tumor consisting of a mass of blood or lymphatic vessels -00753428 __request_VB_2 ask (a person) to do something; "She asked him to be here at noon"; "I requested that she type the entire manuscript" -14235200 __tumour_NN_1 an abnormal new mass of tissue that serves no purpose -14234074 __growth_NN_6 (pathology) an abnormal proliferation of tissue (as in a tumor) -00255600 __washup_NN_2 the act of washing dishes -14366759 __hypertrophy_NN_1 abnormal enlargement of a body part or organ -01798452 __try_VB_7 test the limits of; "You are trying my patience!" -10557246 __shlockmeister_NN_1 (slang) a merchant who deals in shoddy or inferior merchandise -05471629 __condyle_NN_1 a round bump on a bone where it forms a joint with another bone -00968715 __crusade_NN_2 any of the more or less continuous military expeditions in the 11th to 13th centuries when Christian powers of Europe tried to recapture the Holy Land from the Muslims -09012530 __tallinn_NN_1 a port city on the Gulf of Finland that is the capital and largest city of Estonia -01137829 __fuse_VB_3 equip with a fuse; provide with a fuse -10482921 __propagandist_NN_1 a person who disseminates messages calculated to assist some cause or some government -04815321 __inelegance_NN_1 the quality of lacking refinement and good taste -08350470 __frs_NN_1 the central bank of the United States; incorporates 12 Federal Reserve branch banks and all national banks and state-chartered commercial banks and some trust companies; "the Fed seeks to control the United States economy by raising and lowering short-term interest rates and the money supply" -08612340 __orbit_NN_4 the path of an electron around the nucleus of an atom -02757462 __sound_system_NN_1 a system of electronic equipment for recording or reproducing sound -14224757 __dermatitis_NN_1 inflammation of the skin; skin becomes itchy and may develop blisters -01918744 __ctenophore_NN_1 biradially symmetrical hermaphroditic solitary marine animals resembling jellyfishes having for locomotion eight rows of cilia arranged like teeth in a comb -02320621 __family_antedonidae_NN_1 feather stars -06355705 __zip_code_NN_1 a code of letters and digits added to a postal address to aid in the sorting of mail -14477667 __crown_of_thorns_NN_1 any affliction that causes great suffering; "that is his cross to bear"; "he bears his afflictions like a crown of thorns" -06548498 __commutation_NN_2 a warrant substituting a lesser punishment for a greater one -05854150 __abstraction_NN_1 a concept or idea not associated with any specific instance; "he loved her only in the abstract--not in person" -05512670 __urethral_orifice_NN_1 the orifice through which urine is discharged -02459001 __mylodontidae_NN_1 extinct South American edentates -02209261 __sublet_VB_1 lease or rent all or part of (a leased or rented property) to another person; "We sublet our apartment over the summer" -14219661 __skin_disorder_NN_1 a disease affecting the skin -10109443 __monstrosity_NN_1 a person or animal that is markedly unusual or deformed -08299493 __united_nations_agency_NN_1 an agency of the United Nations -03845360 __oiler_NN_2 a well that yields or has yielded oil -00607405 __study_VB_2 be a student; follow a course of study; be enrolled at an institute of learning -14217897 __leaf_blight_NN_1 any blight causing a browning and falling of the leaves of a plant -14536831 __desiccation_NN_1 dryness resulting from the removal of water -00746232 __violation_NN_4 a disrespectful act -02400139 __family_bovidae_NN_1 true antelopes; cattle; oxen; sheep; goats -01976477 __suborder_brachyura_NN_1 an order of crustaceans (including true crabs) having a reduced abdomen folded against the ventral surface -13859043 __change_NN_2 a relational difference between states; especially between states before and after some event; "he attributed the change to their marriage" -01966168 __vault_VB_1 jump across or leap over (an obstacle) -08482113 __wing_NN_5 the side of military or naval formation; "they attacked the enemy's right flank" -02549847 __tend_VB_2 have care of or look after; "She tends to the children" -06516595 __statement_NN_7 a document showing credits and debits -12881429 __genus_collinsia_NN_1 genus of hardy annual herbs of western United States -14210971 __uremia_NN_1 accumulation in the blood of nitrogenous waste products (urea) that are usually excreted in the urine -05761559 __reminiscence_NN_2 the process of remembering (especially the process of recovering information by mental effort); "he has total recall of the episode" -00510050 __jinks_NN_1 noisy and mischievous merrymaking properly or sufficiently qualified or capable or efficient; "a competent typist" -07122118 __hue_and_cry_NN_1 loud and persistent outcry from many people; "he ignored the clamor of the crowd" -00493929 __devalue_VB_1 remove the value from; deprive of its value -14207809 __fibrosis_NN_1 development of excess fibrous connective tissue in an organ -12251278 __wandflower_NN_2 tufted evergreen perennial herb having spikes of tiny white flowers and glossy green round to heart-shaped leaves that become coppery to maroon or purplish in fall -10658501 __stockman_NN_1 farmer who breed or raises livestock -10111358 __free_trader_NN_1 an advocate of unrestricted international trade -05769930 __pretense_NN_3 imaginative intellectual play -14206929 __iron_overload_NN_1 pathology in which iron accumulates in the tissues; characterized by bronzed skin and enlarged liver and diabetes mellitus and abnormalities of the pancreas and the joints -02805443 __bastille_NN_2 a jail or prison (especially one that is run in a tyrannical manner) -10084043 __female_offspring_NN_1 a child who is female -03024882 __neckband_NN_3 necklace that fits tightly around a woman's neck -14019441 __acephaly_NN_1 absence of the head (as in the development of some monsters) -12485981 __yellow_jessamine_NN_1 poisonous woody evergreen vine of southeastern United States having fragrant yellow funnel-shaped flowers -12641931 __wild_cherry_tree_NN_1 an uncultivated cherry tree -03378005 __food_court_NN_1 an area (as in a shopping mall) where fast food is sold (usually around a common eating area) -14200873 __saint_ignatius'_itch_NN_1 a disease caused by deficiency of niacin or tryptophan (or by a defect in the metabolic conversion of tryptophan to niacin); characterized by gastrointestinal disturbances and erythema and nervous or mental disorders; may be caused by malnutrition or alcoholism or other nutritional impairments -00242205 __mummify_VB_3 dry up and shrivel due to complete loss of moisture; "a mummified body was found" -07703743 __polenta_NN_1 a thick mush made of cornmeal boiled in stock or water -14024882 __slumber_NN_1 a natural and periodic state of rest during which consciousness of the world is suspended; "he didn't get enough sleep last night"; "calm as a child in dreamless slumber" -14198576 __hypovitaminosis_NN_1 any of several diseases caused by deficiency of one or more vitamins -03146342 __cuisse_NN_1 armor plate that protects the thigh -09812068 __illustrator_NN_1 an artist who makes illustrations (for books or magazines or advertisements etc.) -14195715 __thalassemia_NN_1 an inherited form of anemia caused by faulty synthesis of hemoglobin -12579242 __viminaria_NN_1 one species: Australian leafless shrubs: swamp oak -09065191 __san_bernardino_NN_1 a city in southern California to the east of Los Angeles -07774479 __cola_extract_NN_1 a flavoring extracted from the kola nut -02620318 __toxotidae_NN_1 archerfishes -07547674 __despising_NN_1 a feeling of scornful hatred -07747055 __citrus_fruit_NN_1 any of numerous fruits of the genus Citrus having thick rind and juicy pulp; grown in warm regions -14189837 __septicemia_NN_1 invasion of the bloodstream by virulent microorganisms from a focus of infection -01151110 __train_VB_6 point or cause to go (blows, weapons, or objects such as photographic equipment) towards; "Please don't aim at your little brother!"; "He trained his gun on the burglar"; "Don't train your camera on the women"; "Take a swipe at one's opponent" -13926932 __poverty_trap_NN_1 a situation in which an increase in income results in a loss of benefits so that you are no better off -01377571 __volley_VB_3 discharge in, or as if in, a volley; "the attackers volleyed gunshots at the civilians" -04599235 __woollen_NN_1 a fabric made from the hair of sheep -10915566 __davy_crockett_NN_1 United States frontiersman and Tennessee politician who died at the siege of the Alamo (1786-1836) -11970586 __gaillardia_NN_1 any plant of western America of the genus Gaillardia having hairy leaves and long-stalked flowers in hot vibrant colors from golden yellow and copper to rich burgundy -12809365 __polemonium_NN_1 any plant of the genus Polemonium; most are low-growing often foul-smelling plants of temperate to Arctic regions -09036452 __thailand_NN_1 a country of southeastern Asia that extends southward along the Isthmus of Kra to the Malay Peninsula; "Thailand is the official name of the former Siam" -04315948 __stereophony_NN_1 reproducer in which two microphones feed two or more loudspeakers to give a three-dimensional effect to the sound -05281189 __sternum_NN_1 the flat bone that articulates with the clavicles and the first seven pairs of ribs -06793959 __flashcard_NN_1 a card with words or numbers or pictures that is flashed to a class by the teacher -03155334 __flexeril_NN_1 muscle relaxant (trade name Flexeril) used for muscle spasms or acute injury -04666615 __masculinity_NN_2 the trait of behaving in ways considered typical for men -00510922 __piss-up_NN_1 vulgar expression for a bout of heavy drinking -14181409 __new_world_leishmaniasis_NN_1 a form of leishmaniasis endemic in Mexico and Central American and South America; sores are limited to the skin and mucosa -14181187 __tropical_sore_NN_1 leishmaniasis of the skin; characterized by ulcerative skin lesions -14180848 __sepsis_NN_1 the presence of pus-forming bacteria or their toxins in the blood or tissues -10525878 __returning_officer_NN_1 the official in each electorate who holds the election and returns the results -14180327 __scabies_NN_1 a contagious skin infection caused by the itch mite; characterized by persistent itching and skin irritation; "he has a bad case of the itch" -12459275 __wood_hyacinth_NN_1 sometimes placed in genus Scilla -14178077 __leishmaniosis_NN_1 sores resulting from a tropical infection by protozoa of the genus Leishmania which are spread by sandflies -13652994 __chain_NN_6 a unit of length -01608934 __genus_elanoides_NN_1 a genus of kites -14175313 __amoebic_dysentery_NN_1 inflammation of the intestines caused by Endamoeba histolytica; usually acquired by ingesting food or water contaminated with feces; characterized by severe diarrhea -09113762 __newark_NN_1 the largest city in New Jersey; located in northeastern New Jersey -14173484 __sore_throat_NN_1 inflammation of the fauces and pharynx -09649926 __apache_NN_1 any member of Athapaskan tribes that migrated to the southwestern desert (from Arizona to Texas and south into Mexico); fought a losing battle from 1861 to 1886 with the United States and were resettled in Oklahoma -00645939 __explore_VB_4 examine (organs) for diagnostic purposes -14171682 __inflammatory_disease_NN_1 a disease characterized by inflammation -08646188 __light_NN_5 an illuminated area; "he stepped into the light" -11898271 __subularia_aquatica_NN_1 small aquatic plant having tufted awl-shaped leaves in a basal rosette and minute white flowers; circumboreal -14169364 __tay-sachs_disease_NN_1 a hereditary disorder of lipid metabolism occurring most frequently in individuals of Jewish descent in eastern Europe; accumulation of lipids in nervous tissue results in death in early childhood -01643374 __hylactophryne_NN_1 barking frogs -02710673 __bound_VB_2 form the boundary of; be contiguous to -13632007 __zibit_NN_1 a unit of information equal to 1024 exbibits or 2^70 bits -00042311 __causing_NN_1 the act of causing something to happen -14166358 __ischemic_stroke_NN_1 the most common kind of stroke; caused by an interruption in the flow of blood to the brain (as from a clot blocking a blood vessel) -10086821 __field_marshal_NN_1 an officer holding the highest rank in the army -03399240 __front_entrance_NN_1 exterior door (at the entrance) at the front of a building -14164866 __fanconi's_anemia_NN_1 a rare congenital anemia characterized by pancytopenia and hypoplasia of the bone marrow -14162025 __autosomal_dominant_disorder_NN_1 a disease caused by a dominant mutant gene on an autosome -14160786 __oligodontia_NN_1 congenital condition in which some of the teeth are missing -14160665 __oligodactyly_NN_1 congenital condition in which some fingers or toes are missing -08194074 __us_naval_academy_NN_1 a school for training men and women to become officers in the United States Navy -14159887 __maple_syrup_urine_disease_NN_1 an inherited disorder of metabolism in which the urine has a odor characteristic of maple syrup; if untreated it can lead to mental retardation and death in early childhood -14158997 __ichthyosis_NN_1 any of several congenital diseases in which the skin is dry and scaly like a fish -00340192 __passing_NN_6 going by something that is moving in order to get in front of it; "she drove but well but her reckless passing of every car on the road frightened me" -00396325 __accrete_VB_1 grow together (of plants and organs); "After many years the rose bushes grew together" -14157163 __lipochondrodystrophy_NN_1 hereditary disease (autosomal recessive) consisting of an error is mucopolysaccharide metabolism; characterized by severe abnormalities in development of skeletal cartilage and bone and mental retardation -14156976 __huntington's_disease_NN_1 hereditary disease; develops in adulthood and ends in dementia -01519719 __genus_dromaius_NN_1 a genus of birds in the order Casuariiformes -09340452 __little_dipper_NN_1 a cluster of seven stars in Ursa Minor; at the end of the dipper's handle is Polaris -04257986 __solar_cell_NN_1 a cell that converts solar energy into electrical energy -00725274 __surprise_VB_1 cause to be surprised; "The news really surprised me" -01028640 __nickname_VB_1 give a nickname to -14153982 __red-green_dichromacy_NN_1 confusion of red and green -14153616 __dichromia_NN_1 a deficiency of color vision in which the person can match any given hue by mixing only two other wavelengths of light (as opposed to the three wavelengths needed by people with normal color vision) -04887497 __swelled_head_NN_1 an exaggerated opinion of your own importance -09924996 __civil_rights_worker_NN_1 a leader of the political movement dedicated to securing equal opportunity for members of minority groups -14152279 __albinism_NN_1 the congenital absence of pigmentation in the eyes and skin and hair -12972966 __mucoraceae_NN_1 large family of chiefly saprophytic fungi that includes many common molds destructive to food products -05667951 __mores_NN_1 (sociology) the conventions that embody the fundamental values of a group -11073061 __st._irenaeus_NN_1 Greek theologian who was bishop of Lyons and an antiheretical writer; a saint and Doctor of the Church (circa 130-200) -14149963 __pneumonoconiosis_NN_1 chronic respiratory disease caused by inhaling metallic or mineral particles -00802946 __tolerate_VB_4 allow the presence of or allow (an activity) without opposing or prohibiting; "We don't allow dogs here"; "Children are not permitted beyond this point"; "We cannot tolerate smoking in the hospital" -08241964 __military_junta_NN_1 a group of military officers who rule a country after seizing power -08285594 __vocational_school_NN_1 a secondary school teaching the skilled trades -02531114 __pomolobus_pseudoharengus_NN_1 shad-like food fish that runs rivers to spawn; often salted or smoked; sometimes placed in genus Pomolobus -01194125 __rape_conviction_NN_1 conviction for rape -03993180 __pouch_NN_1 a small or medium size container for holding or carrying things -13524925 __operation_NN_4 (computer science) data processing in which the result is completely specified by a rule (especially the processing that results from a single instruction); "it can perform millions of operations per second" -05005809 __vitality_NN_4 the property of being able to survive and grow; "the vitality of a seed" -02040266 __thick-knee_NN_1 large-headed large-eyed crepuscular or nocturnal shorebird of the Old World and tropical America having a thickened knee joint -14140781 __rickettsiosis_NN_1 infectious disease caused by ticks or mites or body lice infected with rickettsial bacteria -07264925 __output_signal_NN_1 signal that comes out of an electronic system -14139661 __pulmonic_plague_NN_1 a rapidly progressive and frequently fatal form of the plague that can spread through the air from person to person; characterized by lung involvement with chill, bloody expectoration and high fever -14137829 __meningitis_NN_1 infectious disease characterized by inflammation of the meninges (the tissues that surround the brain or spinal cord) usually caused by a bacterial infection; symptoms include headache and stiff neck and fever and nausea -02037839 __fall_VB_22 slope downward; "The hills around here fall towards the ocean" -01386494 __protoctista_NN_1 in most modern classifications, replacement for the Protista; includes: Protozoa; Euglenophyta; Chlorophyta; Cryptophyta; Heterokontophyta; Rhodophyta; unicellular protists and their descendant multicellular organisms: regarded as distinct from plants and animals -11458102 __fluorescence_NN_1 light emitted during absorption of radiation of some other (invisible) wavelength -09005712 __siberia_NN_1 a vast Asian region of Russia; famous for long cold winters -01821727 __melopsittacus_NN_1 a genus of Psittacidae -14133543 __gonorrhoea_NN_1 a common venereal disease caused by the bacterium Neisseria gonorrhoeae; symptoms are painful urination and pain around the urethra -01533339 __canary_bird_NN_1 any of several small Old World finches -11155444 __mao_zedong_NN_1 Chinese communist leader (1893-1976) -02748927 __grace_VB_2 be beautiful to look at; "Flowers adorned the tables everywhere" -04975340 __vividness_NN_2 chromatic purity: freedom from dilution with white and hence vivid in hue -10466060 __preschooler_NN_1 a child who attends a preschool or kindergarten -07748912 __sweet_orange_NN_1 orange with sweet juicy pulp; often has a thin skin -14129999 __dysentery_NN_1 an infection of the intestines marked by severe diarrhea -11267949 __rodin_NN_1 French sculptor noted for his renderings of the human form (1840-1917) -03303965 __way_out_NN_1 an opening that permits escape or release; "he blocked the way out"; "the canyon had only one issue" -03187595 __dial_telephone_NN_1 a telephone with a dial for registering the number to be called -14128029 __undulant_fever_NN_1 infectious bacterial disease of human beings transmitted by contact with infected animals or infected meat or milk products; characterized by fever and headache -00699736 __faith_healing_NN_1 care provided through prayer and faith in God -14127211 __infectious_disease_NN_1 a disease transmitted only by a specific kind of contact -10501747 __quintipara_NN_1 (obstetrics) woman who has given birth to a viable infant in each of five pregnancies -02191449 __family_calliphoridae_NN_1 blowflies -14125466 __tinea_NN_1 infections of the skin or nails caused by fungi and appearing as itching circular patches -02628961 __cost_VB_2 require to lose, suffer, or sacrifice; "This mistake cost him his job" -14123259 __three-day_measles_NN_1 a contagious viral disease that is a milder form of measles lasting three or four days; can be damaging to a fetus during the first trimester -14123044 __rubeola_NN_1 an acute and highly contagious viral disease marked by distinct red spots followed by a rash; occurs primarily in children -14122235 __contagious_disease_NN_1 any disease easily transmitted by contact -11995092 __wild_chamomile_NN_1 annual Eurasian herb similar in fragrance and medicinal uses to chamomile though taste is more bitter and effect is considered inferior -14120767 __thyrotoxicosis_NN_1 an overactive thyroid gland; pathologically excessive production of thyroid hormones or the condition resulting from excessive production of thyroid hormones -00161739 __colouration_NN_3 choice and use of colors (as by an artist) -14118936 __type_ii_diabetes_NN_1 mild form of diabetes mellitus that develops gradually in adults; can be precipitated by obesity or severe stress or menopause or other factors; can usually be controlled by diet and hypoglycemic agents without injections of insulin -14117805 __diabetes_NN_1 a polygenic disease characterized by abnormally high glucose levels in the blood; any of several metabolic disorders marked by excessive urination and persistent thirst -08253640 __feast_NN_1 a ceremonial dinner party for many people -05657166 __photopic_vision_NN_1 normal vision in daylight; vision with sufficient illumination that the cones are active and hue is perceived -01388130 __protoctist_genus_NN_1 any genus of Protoctista -00023100 __psychological_feature_NN_1 a feature of the mental life of a living organism -12009250 __santolina_NN_1 genus of Mediterranean subshrubs with rayless flower heads -14116321 __liver_disease_NN_1 a disease affecting the liver -04242704 __slop_bowl_NN_1 a bowl into which the dregs of teacups and coffee cups are emptied at the table -00047745 __wear_VB_2 the sum of recognized accomplishments; "the lawyer has a good record"; "the track record shows that he will be a good president" have on one's person; "He wore a red ribbon"; "bear a scar" -02971940 __pickup_NN_7 an electro-acoustic transducer that is the part of the arm of a record player that holds the needle and that is removable -13201969 __woodsia_NN_1 any fern of the genus Woodsia -14113228 __renal_disorder_NN_1 a disease affecting the kidneys -01047745 __bark_VB_4 make barking sounds; "The dogs barked at the stranger" -12697883 __genus_entandrophragma_NN_1 cedar mahogany trees -11752404 __trifolium_NN_1 any leguminous plant having leaves divided into three leaflets -01475536 __unleash_VB_3 turn loose or free from restraint; "let loose mines"; "Loose terrible plagues upon humanity" -01455778 __pipefish_NN_1 fish with long tubular snout and slim body covered with bony plates -11327273 __thomas_sydenham_NN_1 English physician (1624-1689) -02248808 __access_VB_1 obtain or retrieve from a storage device; as of information on a computer -14108324 __induration_of_the_arteries_NN_1 sclerosis of the arterial walls -00669481 __curettement_NN_1 surgery to remove tissue or growths from a bodily cavity (as the uterus) by scraping with a curette -14075199 __polygenic_disorder_NN_1 an inherited disease controlled by several genes at once -14108039 __angina_pectoris_NN_1 a heart condition marked by paroxysms of chest pain due to reduced oxygen to the heart -07555402 __zeal_NN_1 a feeling of strong eagerness (usually in favor of a person or cause); "they were imbued with a revolutionary ardor"; "he felt a kind of religious zeal" -08185211 __ltd._NN_1 a company that is organized to give its owners limited liability -04373264 __switchboard_NN_1 telephone central where circuits are completed with patchcords -04820908 __monosemy_NN_1 having a single meaning (absence of ambiguity) usually of individual words or phrases -14107374 __stricture_NN_1 abnormal narrowing of a bodily canal or passageway -00107739 __fracture_VB_6 fracture a bone of; "I broke my foot while playing hockey" -00536655 __cotillion_NN_2 a lively dance originating in France in the 18th century shaped like (or supporting) a cupule -07908647 __anisette_de_bordeaux_NN_1 liquorice-flavored usually colorless sweet liqueur made from aniseed -02494259 __bail_out_VB_1 free on bail -01117484 __nail_VB_7 complete a pass -08376051 __power_structure_NN_1 the organization of people at different ranks in an administrative body -07799738 __beluga_caviar_NN_1 roe of beluga sturgeon usually from Russia; highly valued -07176962 __connivance_NN_1 agreement on a secret plot -13292787 __satisfaction_NN_3 compensation for a wrong; "we were unable to get satisfaction from the local store" -07223985 __talk_of_the_town_NN_1 idle gossip or rumor; "there has been talk about you lately" -02861022 __bobsleigh_NN_1 formerly two short sleds coupled together -06398963 __epilogue_NN_1 a short speech (often in verse) addressed directly to the audience by an actor at the end of a play -10315837 __militant_NN_1 a militant reformer -06879521 __show_NN_2 something intended to communicate a particular impression; "made a display of strength"; "a show of impatience"; "a good show of looking interested" -09730533 __scotsman_NN_1 a native or inhabitant of Scotland -01302183 __pound_VB_7 place or shut up in a pound; "pound the cows so they don't stray" -04450749 __tongs_NN_1 any of various devices for taking hold of objects; usually have two hinged legs with handles above and pointed hooks below -04298308 __stairway_NN_1 a way of access (upward and downward) consisting of a set of steps -01189427 __fast_VB_2 abstain from eating; "Before the medical exam, you must fast" -11849017 __lophophora_NN_1 two species of small cacti of northeastern Mexico and southwestern United States having rounded stems covered with jointed tubercles: mescal -07121904 __blue_murder_NN_1 an extravagantly loud outcry; "she screamed blue murder" -00093327 __retrogress_VB_2 go back to bad behavior; "Those who recidivate are often minor criminals" -10562283 __scorer_NN_2 a logger who marks trees to be felled -09402704 __quickener_NN_1 an agent that gives or restores life or vigor; "the soul is the quickener of the body" -00917772 __promise_VB_3 make a prediction about; tell in advance; "Call the outcome of an election" -02544596 __osteoglossiformes_NN_1 teleost fish with bony tongues -14092247 __cryptorchism_NN_1 failure of one or both testes to move into the scrotum as the male fetus develops -08858248 __british_isles_NN_1 Great Britain and Ireland and adjacent islands in the north Atlantic -08826306 __nova_scotia_NN_2 the Canadian province in the Maritimes consisting of the Nova Scotia peninsula and Cape Breton Island; French settlers who called the area Acadia were exiled to Louisiana by the British in the 1750s and their descendants are know as Cajuns -06833890 __zee_NN_1 the 26th letter of the Roman alphabet; "the British call Z zed and the Scots call it ezed but Americans call it zee"; "he doesn't know A from izzard" -13397174 __debt_NN_2 money or goods or services owed by one person to another -06744396 __definition_NN_1 a concise explanation of the meaning of a word or phrase or symbol -02584915 __feeler_NN_1 one of a pair of mobile appendages on the head of e.g. insects and crustaceans; typically sensitive to touch and taste -14091254 __motor_ataxia_NN_1 inability to coordinate voluntary muscle movements; unsteady movements and staggering gait -14890286 __granite_NN_1 plutonic igneous rock having visibly crystalline texture; generally composed of feldspar and mica and quartz -12774891 __palaquium_NN_1 large genus of Malaysian trees with milky juice and leathery leaves -15185290 __moveable_feast_NN_1 a religious holiday that falls on different dates in different years -14088412 __absence_seizure_NN_1 the occurrence of an abrupt, transient loss or impairment of consciousness (which is not subsequently remembered), sometimes with light twitching, fluttering eyelids, etc.; common in petit mal epilepsy -02243065 __genus_corixa_NN_1 type genus of the Corixidae: boat bugs -09408795 __rhodope_mountains_NN_1 a mountain range in the Balkan peninsula in southeastern Europe; extends along the border between Greece and Bulgaria -13141141 __buckthorn_NN_1 a shrub or shrubby tree of the genus Rhamnus; fruits are source of yellow dyes or pigments -07307754 __discharge_NN_1 the sudden giving off of energy -02032480 __woodcock_snipe_NN_1 Old World snipe larger and darker than the whole snipe -14083200 __epileptic_seizure_NN_1 convulsions accompanied by impaired consciousness -08945821 __the_gambia_NN_1 a narrow republic surrounded by Senegal in West Africa -09884391 __meatman_NN_1 a retailer of meat -14080836 __riggs'_disease_NN_1 chronic periodontitis; purulent inflammation of the teeth sockets -02708711 __analyzer_NN_1 an instrument that performs analyses -12333397 __psidium_NN_1 guavas -14077454 __hyperpituitarism_NN_1 excessive activity of the pituitary gland (especially overactivity of the anterior lobe which leads to excess secretion of growth hormone) -10575089 __seducer_NN_2 a man who takes advantage of women -10338707 __murderer_NN_1 a criminal who commits homicide (who performs the unlawful premeditated killing of another human being) -10592595 __shopper_NN_2 a commercial agent who shops at the competitor's store in order to compare their prices and merchandise with those of the store that employs her -14074877 __monogenic_disorder_NN_1 an inherited disease controlled by a single pair of genes -05684561 __haze_NN_2 confusion characterized by lack of clarity -01270589 __shellack_VB_1 cover with shellac; "She wanted to shellac the desk to protect it from water spots" -09130452 __akron_NN_1 a city in northeastern Ohio; the heart of the United States rubber industry -14072934 __woolsorter's_pneumonia_NN_1 a form of anthrax infection acquired by inhalation of dust containing Bacillus anthracis; initial symptoms (chill and cough and dyspnea and rapid pulse) are followed by extreme cardiovascular collapse -03187268 __panel_NN_7 (computer science) a small temporary window in a graphical user interface that appears in order to request information from the user; after the information has been provided the user dismisses the box with `okay' or `cancel' -14070360 __disease_NN_1 an impairment of health or a condition of abnormal functioning -09640327 __chaldee_NN_2 an inhabitant of ancient Chaldea -10163723 __star_NN_6 a performer who receives prominent billing -03257877 __durables_NN_1 consumer goods that are not destroyed by use -14068685 __gastrointestinal_disorder_NN_1 illness caused by poisonous or contaminated food -14068344 __gas_embolism_NN_2 pain resulting from rapid change in pressure -12158443 __pumpkin_vine_NN_1 a coarse vine widely cultivated for its large pulpy round orange fruit with firm orange skin and numerous seeds; subspecies of Cucurbita pepo include the summer squashes and a few autumn squashes -04697267 __plainness_NN_3 the appearance of being plain and unpretentious -12575089 __vicia_NN_1 widely distributed genus of annual or perennial and often climbing herbs -14067076 __shock_NN_4 (pathology) bodily collapse or near collapse caused by inadequate oxygen delivery to the cells; characterized by reduced cardiac output and rapid heartbeat and circulatory insufficiency and pallor; "loss of blood is an important cause of shock" -09889170 __calligraphist_NN_1 someone skilled in penmanship -00894359 __drill_NN_4 (military) the training of soldiers to march (as in ceremonial parades) or to perform the manual of arms -14066203 __prostration_NN_1 an abrupt failure of function or complete physical exhaustion; "the commander's prostration demoralized his men" -14065903 __anuria_NN_1 inability to urinate -14064408 __white_plague_NN_2 an addiction to a drug (especially a narcotic drug) -12303349 __genus_fraxinus_NN_1 ash -01933686 __family_dracunculidae_NN_1 greatly elongated roundworm -14063633 __distention_NN_1 the state of being stretched beyond normal dimensions -00959027 __ditto_VB_1 repeat an action or statement; "The next speaker dittoed her argument" -00972621 __onslaught_NN_2 (military) an offensive against an enemy (using weapons); "the attack began at dawn" -03485997 __hold_NN_8 the appendage to an object that is designed to be held in order to use or move it; "he grabbed the hammer by the handle"; "it was an old briefcase but it still had a good grip" -13535261 __sweating_NN_1 the process of the sweat glands of the skin secreting a salty fluid; "perspiration is a homeostatic process" -14402922 __stutter_NN_1 a speech disorder involving hesitations and involuntary repetitions of certain sounds -04628192 __warmth_NN_4 the trait of being intensely emotional -14059663 __failure_NN_7 loss of ability to function normally; "kidney failure" -13983304 __lighting_NN_1 having abundant light or illumination; "they played as long as it was light"; "as long as the lighting was good" -01737417 __induct_VB_4 produce electric current by electrostatic or magnetic processes -15291199 __culmination_NN_1 a final climactic stage; "their achievements stand as a culmination of centuries of development" -14058252 __choking_NN_1 a condition caused by blocking the airways to the lungs (as with food or swelling of the larynx) -10519291 __coenobite_NN_1 a member of a religious order living in common -12321395 __king_nut_hickory_NN_1 hickory of the eastern United States resembling the shagbark but having a much larger nut -14398523 __schizophrenic_psychosis_NN_1 any of several psychotic disorders characterized by distortions of reality and disturbances of thought and language and withdrawal from social contact -14056280 __minimal_brain_dysfunction_NN_1 a condition (mostly in boys) characterized by behavioral and learning disorders -03138344 __wrecking_bar_NN_1 a heavy iron lever with one end forged into a wedge -02407959 __old_world_buffalo_NN_1 any of several Old World animals resembling oxen including, e.g., water buffalo; Cape buffalo -07738353 __skin_NN_5 the rind of a fruit or vegetable -14051728 __potency_NN_4 the state of being potent; a male's capacity to have sexual intercourse -14050871 __rosiness_NN_1 a rosy color (especially in the cheeks) taken as a sign of good health -10435988 __twirler_NN_2 (baseball) the person who does the pitching; "our pitcher has a sore arm" -14050559 __qi_NN_1 the circulating life energy that in Chinese philosophy is thought to be inherent in all things; in traditional Chinese medicine the balance of negative and positive forms in the body is believed to be essential for good health -01312096 __world_war_ii_NN_1 a war between the Allies (Australia, Belgium, Bolivia, Brazil, Canada, China, Colombia, Costa Rica, Cuba, Czechoslovakia, Dominican Republic, El Salvador, Ethiopia, France, Greece, Guatemala, Haiti, Honduras, India, Iran, Iraq, Luxembourg, Mexico, Netherlands, New Zealand, Nicaragua, Norway, Panama, Philippines, Poland, South Africa, United Kingdom, United States, USSR, Yugoslavia) and the Axis (Albania, Bulgaria, Finland, Germany, Hungary, Italy, Japan, Rumania, Slovakia, Thailand) from 1939 to 1945 -14048441 __travail_NN_1 concluding state of pregnancy; from the onset of contractions to the birth of a child; "she was in labor for six hours" -14047547 __ovarian_pregnancy_NN_1 ectopic pregnancy in the ovary -08473173 __iww_NN_1 a former international labor union and radical labor movement in the United States; founded in Chicago in 1905 and dedicated to the overthrow of capitalism; its membership declined after World War I -14047171 __parity_NN_1 (obstetrics) the number of liveborn children a woman has delivered; "the parity of the mother must be considered"; "a bipara is a woman who has given birth to two children" -08271801 __legion_NN_3 a large military unit; "the French Foreign Legion" -02439033 __giraffe_NN_1 tallest living quadruped; having a spotted coat and small horns and very long neck and legs; of savannahs of tropical Africa -12332218 __rose_apple_NN_1 tropical tree of the East Indies cultivated for its edible fruit -01113867 __traffic_NN_2 buying and selling; especially illicit trade -12851673 __sphacele_NN_1 a dicotyledonous genus of the family Labiatae -03852280 __optical_instrument_NN_1 an instrument designed to aid vision -12189429 __simal_NN_1 East Indian silk cotton tree yielding fibers inferior to kapok -07517550 __umbrage_NN_1 a feeling of anger caused by being offended; "he took offence at my question" -14043882 __suffocation_NN_2 the condition of being deprived of oxygen (as by having breathing stopped); "asphyxiation is sometimes used as a form of torture" -03126580 __crampoon_NN_1 a hinged pair of curved iron bars; used to raise heavy objects -00463543 __ice_hockey_NN_1 a game played on an ice rink by two opposing teams of six skaters each who try to knock a flat round puck into the opponents' goal with angled sticks -00665358 __nurturance_NN_1 physical and emotional care and nourishment -08618379 __point_of_periapsis_NN_1 (astronomy) the point in an orbit closest to the body being orbited -02381460 __wild_horse_NN_1 undomesticated or feral domestic horse -14041256 __hypoxia_NN_1 oxygen deficiency causing a very strong drive to correct the deficiency -14040846 __dehydration_NN_2 depletion of bodily fluids -14040660 __thirstiness_NN_2 a physiological need to drink -14040310 __starvation_NN_1 a state of extreme hunger resulting from lack of essential nutrients over a prolonged period -14040071 __voracity_NN_1 excessive desire to eat -10997553 __giacometti_NN_1 Swiss sculptor and painter known for his bronze sculptures of elongated figures (1901-1966) -14037011 __inflammation_NN_2 the state of being emotionally aroused and worked up; "his face was flushed with excitement and his hands trembled"; "he tried to calm those who were in a state of extreme inflammation" -07204240 __disaffirmation_NN_1 the act of asserting that something alleged is not true -14036735 __rage_NN_2 a state of extreme anger; "she fell into a rage and refused to answer" -14034177 __physiological_state_NN_1 the condition or state of the body or bodily functions -01040128 __beatification_NN_3 (Roman Catholic Church) an act of the Pope who declares that a deceased person lived a holy life and is worthy of public veneration; a first step toward canonization -14033587 __criticality_NN_2 a critical state; especially the point at which a nuclear reaction is self-sustaining -07167578 __submission_NN_1 something (manuscripts or architectural plans and models or estimates or works of art of all genres etc.) submitted for the judgment of others (as in a competition); "several of his submissions were rejected by publishers"; "what was the date of submission of your proposal?" -13510433 __magnetization_NN_2 the process that makes a substance magnetic (temporarily or permanently) -14031523 __ready_NN_1 poised for action; "their guns were at the ready" -00550282 __conclusive_JJ_1 forming an end or termination; especially putting an end to doubt or question; "conclusive proof"; "the evidence is conclusive" -10771270 __waver_NN_1 someone who communicates by waving -14029405 __spinal_anesthesia_NN_1 anesthesia of the lower half of the body; caused by injury to the spinal cord or by injecting an anesthetic beneath the arachnoid membrane that surrounds the spinal cord -02009433 __leave_VB_1 go away from a place; "At what time does your train leave?"; "She didn't leave until midnight"; "The ship leaves at midnight" -01467986 __urochordata_NN_1 tunicates -14027674 __regional_anesthesia_NN_1 loss of sensation in a region of the body produced by application of an anesthetic agent to all the nerves supplying that region (as when an epidural anesthetic is administered to the pelvic region during childbirth) -06224136 __monotheism_NN_1 belief in a single God -14025755 __rem_sleep_NN_1 a recurring sleep state during which dreaming occurs; a state of rapidly shifting eye movements during sleep -09019726 __republic_of_kazakhstan_NN_1 a landlocked republic to the south of Russia and to the northeast of the Caspian Sea; the original Turkic-speaking inhabitants were overrun by Mongols in the 13th century; an Asian soviet from 1936 to 1991 -03954199 __plan_NN_3 scale drawing of a structure; "the plans for City Hall were on file" -04403638 __telescope_NN_1 a magnifier of images of distant objects -00957378 __define_VB_2 give a definition for the meaning of a word; "Define `sadness'" -05827684 __stimulus_NN_1 any stimulating information or event; acts to arouse action -10614363 __smiler_NN_1 a person who smiles -04989657 __vibrancy_NN_1 having the character of a loud deep sound; the quality of being resonant -06142412 __nlp_NN_1 the branch of information science that deals with natural language information -06118370 __tectonics_NN_2 the branch of geology studying the folding and faulting of the earth's crust -14017332 __depletion_NN_2 the state of being depleted -14017206 __exhaustion_NN_1 extreme fatigue -04561422 __water_mill_NN_1 a mill powered by a water wheel -14016114 __state_of_mind_NN_1 a temporary psychological state -06189551 __millenniumism_NN_1 belief in the Christian doctrine of the millennium mentioned in the Book of Revelations -14014621 __torpor_NN_1 a state of motor and mental inactivity with a partial suspension of sensibility; "he fell into a deep torpor" -03072828 __colosseum_NN_1 a large amphitheater in Rome whose construction was begun by Vespasian about AD 75 or 80 -14013005 __stagnation_NN_2 inactivity of liquids; being stagnant; standing still; without current or circulation -14011811 __quiescency_NN_1 a state of quiet (but possibly temporary) inaction; "the volcano erupted after centuries of dormancy" -12609638 __pontederiaceae_NN_1 aquatic or bog plants -13585429 __constant_NN_2 a number representing a quantity assumed to have a fixed value in a specified mathematical context; "the velocity of light is a constant" -14006945 __activity_NN_2 the state of being active; "his sphere of activity"; "he is out of action" -14006490 __stationariness_NN_1 remaining in place -05045381 __rotation_NN_4 a planned recurrent sequence (of crops or personnel etc.); "crop rotation makes a balanced demand on the fertility of the soil"; "the manager had only four starting pitchers in his rotation" -02851709 __sanious_JJ_1 of or resembling or characterized by ichor or sanies; "an ichorous discharge"; "the sanious discharge from an ulcer" -14005137 __tremor_NN_3 shaking or trembling (usually resulting from weakness or stress or disease) -12130408 __phleum_NN_1 grasses native to temperate regions -00637145 __eleven-plus_NN_1 (formerly in Britain) an examination taken by 11 and 12 year old students to select suitable candidates for grammar school -11658709 __prumnopitys_elegans_NN_1 South American evergreen tree or shrub -01375909 __extravasate_VB_1 force out or cause to escape from a proper vessel or channel -08701942 __asia_minor_NN_1 a peninsula in southwestern Asia that forms the Asian part of Turkey -09843824 __twirler_NN_1 someone who twirls a baton -14002109 __polarization_NN_2 the condition of having or giving polarity -14001348 __dependency_NN_1 the state of relying on or being controlled by someone or something else -01728052 __pedal_VB_2 operate the pedals on a keyboard instrument -02133704 __ursus_thibetanus_NN_1 bear with a black coat living in central and eastern Asia -14000403 __representation_NN_4 the state of serving as an official and authorized delegate or agent -13998576 __confinement_NN_3 the state of being confined; "he was held in confinement" -03319745 __family_room_NN_1 a recreation room in a private house -11749920 __tonka_bean_tree_NN_1 tall tropical South American tree having pulpy egg-shaped pods of fragrant black almond-shaped seeds used for flavoring -13997253 __thralldom_NN_1 the state of being under the control of another person -05678745 __arousal_NN_3 awakening from sleep -06827344 __italic_NN_3 a typeface with letters slanting upward to the right -13144303 __vitidaceae_NN_1 a family of vines belonging to order Rhamnales -13996061 __liberty_NN_3 personal freedom from servitude or confinement or oppression -08111027 __fish_species_NN_1 a species of fish -07600696 __toffee_apple_NN_1 an apple that is covered with a candy-like substance (usually caramelized sugar) -13994806 __license_NN_2 freedom to deviate deliberately from normally applicable rules or practices (especially in behavior or speech) -13994456 __liberty_NN_2 freedom of choice; "liberty of opinion"; "liberty of worship"; "liberty--perfect liberty--to think or feel or do just as one pleases"; "at liberty to choose whatever occupation one wishes" -13994148 __independency_NN_1 freedom from control or influence of another or others -13993356 __autarky_NN_1 economic independence as a national policy -10807317 __pierre_abelard_NN_1 French philosopher and theologian; lover of Heloise (1079-1142) -13992514 __liberty_NN_1 immunity from arbitrary exercise of authority: political independence -01891145 __neurotrichus_NN_1 shrew moles -06878071 __smiling_NN_1 a facial expression characterized by turning up the corners of the mouth; usually shows pleasure or amusement -00476819 __comfy_JJ_1 providing or experiencing physical well-being or relief (`comfy' is informal); "comfortable clothes"; "comfortable suburban houses"; "made himself comfortable in an armchair"; "the antihistamine made her feel more comfortable"; "are you comfortable?"; "feeling comfy now?" -00402308 __transfiguration_NN_3 a striking change in appearance or character or circumstances; "the metamorphosis of the old house into something new and exciting" -13989627 __innocence_NN_3 a state or condition of being innocent of a specific crime or offense; "the trial established his innocence" -02424652 __suppress_VB_2 come down on or keep down by unjust use of one's authority; "The government oppresses political activists" -13988224 __nirvana_NN_1 (Hinduism and Buddhism) the beatitude that transcends the cycle of reincarnation; characterized by the extinction of desire and suffering and individual consciousness -00557813 __conductive_JJ_1 having the quality or power of conducting heat or electricity or sound; exhibiting conductivity -13986372 __transport_NN_4 a state of being carried away by overwhelming emotion; "listening to sweet music in a perfect rapture"- Charles Dickens -00639356 __inconsiderate_JJ_1 lacking regard for the rights or feelings of others; "shockingly inconsiderate behavior" -01637932 __web-toed_salamander_NN_1 any of several salamanders with webbed toes and very long extensile tongues; excellent climbers that move with ease over smooth rock surfaces -14435187 __stress_NN_3 special emphasis attached to something; "the stress was more on accuracy than on speed" -13979503 __unrest_NN_1 a state of agitation or turbulent change or development; "the political ferment produced new leadership"; "social unrest" -13979173 __upheaval_NN_1 a state of violent disturbance and disorder (as in politics or social conditions generally); "the industrial revolution was a period of great turbulence" -02445394 __sea_otter_NN_1 large marine otter of northern Pacific coasts having very thick dark brown fur scraped or touched lightly in passing; "his grazed and bleeding arm proved he had been in the line of fire" -09631129 __unwelcome_person_NN_1 a person who for some reason is not wanted or welcome -13978709 __uproar_NN_1 a state of commotion and noise and confusion -13978344 __tempest_NN_1 a violent commotion or disturbance; "the storms that had characterized their relationship had died away"; "it was only a tempest in a teapot" -10991165 __judy_garland_NN_1 United States singer and film actress (1922-1969) -13978033 __incident_NN_2 a public disturbance; "the police investigated an incident at the bus station" -05155821 __vantage_NN_2 the quality of having a superior or more favorable position; "the experience gave him the advantage over me" -13977732 __upheaval_NN_2 a violent disturbance; "the convulsions of the stock market" -06441803 __mark_NN_12 the shortest of the four Gospels in the New Testament -13977366 __to-do_NN_1 a disorderly outburst or tumult; "they were amazed by the furious disturbance they had caused" -13976322 __topsy-turvyness_NN_1 a state of extreme confusion and disorder -12378753 __kei_apple_bush_NN_1 vigorous South African spiny shrub grown for its round yellow juicy edible fruits -00549284 __personation_NN_1 imitating the mannerisms of another person -03976960 __pole_NN_10 one of the two ends of a magnet where the magnetism seems to be concentrated -13974317 __immunodeficiency_NN_1 immunological disorder in which some part of the body's immune system is inadequate and resistance to infectious diseases is reduced -13972797 __disorder_NN_3 a disturbance of the peace or of public order -15050898 __spinel_NN_1 a hard glassy mineral consisting of an oxide of magnesium and aluminum; occurs in various colors that are used as gemstones -00234857 __rule_VB_7 keep in check; "rule one's temper" -13970764 __mollification_NN_1 a state of being appeased or ameliorated or tempered -12122581 __holcus_NN_1 a genus of Old World grasses widely cultivated in America -12106540 __genus_agrostis_NN_1 annual or perennial grasses cosmopolitan in northern hemisphere: bent grass (so named from `bent' meaning an area of unfenced grassland) -13969700 __peace_NN_2 harmonious relations; freedom from disputes; "the roommates lived in peace together" -14461679 __works_NN_2 everything available; usually preceded by `the'; "we saw the whole shebang"; "a hotdog with the works"; "we took on the whole caboodle"; "for $10 you get the full treatment" -00616153 __neglect_VB_3 fail to attend to; "he neglects his children" -11552976 __biennial_NN_1 (botany) a plant having a life cycle that normally takes two seasons from germination to death to complete; flowering biennials usually bloom and fruit in the second season -02539752 __prosopium_NN_1 whitefishes -13966007 __monogamy_NN_1 having only one spouse at a time -10384772 __orthodox_jew_NN_1 Jew who practices strict observance of Mosaic law -00138956 __snatch_NN_5 the act of catching an object with the hands; "Mays made the catch with his back to the plate"; "he made a grab for the ball before it landed"; "Martin's snatch at the bridle failed and the horse raced away"; "the infielder's snap and throw was a single motion" -12452256 __rice-grain_fritillary_NN_1 herb of northwestern America having green-and-purple bell-shaped flowers -07369604 __fitting_NN_1 making or becoming suitable; adjusting to circumstances -00347652 __waggle_NN_1 causing to move repeatedly from side to side -13962498 __death_NN_3 the absence of life or state of being dead; "he seemed more content in death than he had ever been in life" -13962360 __subsistence_NN_2 a means of surviving; "farming is a hard means of subsistence" -07183000 __collision_NN_3 a conflict of opposed ideas or attitudes or goals; "a collision of interests" -13962166 __survival_NN_1 a state of surviving; remaining alive -13960464 __falsity_NN_1 the state of being false or untrue; "argument could not determine its truth or falsity" -05431926 __zygote_NN_1 (genetics) the diploid cell resulting from the union of a haploid spermatozoon and ovum (including the organism that develops from that cell) -05382729 __vena_testicularis_NN_1 a vein from the testicles -00248063 __tenderization_NN_1 the act of making meat tender by pounding or marinating it -05963494 __internationalism_NN_1 the doctrine that nations should cooperate because their common interests are more important than their differences -13955461 __realness_NN_1 the state of being actual or real; "the reality of his situation slowly dawned on him" -13952171 __servant_NN_2 in a subordinate position; "theology should be the handmaiden of ethics"; "the state cannot be a servant of the church" -13949576 __seniority_NN_1 higher rank than that of others especially by reason of longer service -01120448 __payment_NN_2 the act of paying money -06196284 __stance_NN_2 a rationalized mental attitude -13947645 __station_NN_2 proper or designated social situation; "he overstepped his place"; "the responsibilities of a man in his station"; "married above her station" -09837459 __bandsman_NN_1 a player in a band (especially a military band) -00335366 __fracture_VB_3 break into pieces; "The pothole fractured a bolt on the axle" -01973375 __order_belemnoidea_NN_1 order of extinct dibranchiate cephalopods related to the surviving spirulas -11159418 __marti_NN_1 Cuban poet and revolutionary who fought for Cuban independence from Spain (1853-1895) -02147034 __genus_eptesicus_NN_1 a genus of Vespertilionidae -13945102 __power_NN_4 (of a government or government official) holding an office means being in power; "being in office already gives a candidate a great advantage"; "during his first year in office"; "during his first year in power"; "the power of the president" -07816296 __bay_leaf_NN_1 dried leaf of the bay laurel -07251779 __shouting_NN_1 encouragement in the form of cheers from spectators; "it's all over but the shouting" -12224522 __family_casuarinaceae_NN_1 one genus: genus Casuarina -08908739 __timor_NN_1 an island in Indonesia in the Malay Archipelago; the largest and most eastern of the Lesser Sunda Islands -00268314 __remit_VB_7 diminish or abate; "The pain finally remitted" -07963494 __pyre_NN_1 wood heaped for burning a dead body as a funeral rite -01579488 __slop_VB_3 ladle clumsily; "slop the food onto the plate" -01958038 __venus_mercenaria_NN_1 an edible American clam; the heavy shells were used as money by some American Indians -00715674 __stitching_NN_1 joining or attaching by stitches -11702566 __genus_cercidiphyllum_NN_1 one species: katsura tree -01181295 __serve_VB_5 help to some food; help with food or drink; "I served him three times, and after that he helped himself" -13935227 __exclusion_NN_1 the state of being excluded -01259951 __peel_off_VB_4 come off in flakes or thin small pieces; "The paint in my house is peeling off" -13933841 __crowding_NN_1 a situation in which people or things are crowded together; "he didn't like the crowding on the beach" -13933560 __crisis_NN_1 an unstable situation of extreme danger or difficulty; "they went bankrupt during the economic crisis" -12118223 __genus_eleusine_NN_1 annual and perennial grasses of savannas and upland grasslands -07800091 __provender_NN_1 food for domestic livestock -13929852 __trust_NN_6 a trustful relationship; "he took me into his confidence"; "he betrayed their trust" -10187842 __house_dick_NN_1 a private detective employed by a hotel or retail store -01287782 __midway_NN_2 naval battle of World War II (June 1942); American planes based on land and on carriers decisively defeated a Japanese fleet on its way to invade the Midway Islands -13927383 __state_of_affairs_NN_1 the general state of things; the combination of circumstances at a given time; "the present international situation is dangerous"; "wondered how such a state of affairs had come about"; "eternal truths will be neither true nor eternal unless they have fresh meaning for every new social situation"- Franklin D.Roosevelt -04852088 __evilness_NN_1 the quality of being morally wrong in principle or practice; "attempts to explain the origin of evil in the world" -00295701 __travelling_NN_1 the act of going from one place to another; "he enjoyed selling but he hated the travel" -08155765 __lancastrian_line_NN_1 the English royal house that reigned from 1399 to 1461; its emblem was a red rose -13924659 __participation_NN_2 the condition of sharing in common with others (as fellows or partners etc.) -05488385 __convolution_of_broca_NN_1 the motor speech center in the left hemisphere of the brain in most people -00120515 __vault_NN_4 the act of jumping over an obstacle -10783539 __winker_NN_1 a person who winks -04231444 __skirt_of_tasses_NN_1 armor plate that protects the body below the waist -13920835 __status_NN_2 a state at a particular time; "a condition (or state) of disrepair"; "the current status of the arms negotiations" -13920429 __condition_NN_3 a mode of being or form of existence of a person or thing; "the human condition" -13919685 __projection_NN_5 any solid convex shape that juts out from something -02041492 __larus_NN_1 type genus of the Laridae -13919547 __wedge_shape_NN_1 any shape that is triangular in cross section -12919403 __snow-on-the-mountain_NN_1 annual spurge of western United States having showy white-bracted flower clusters and very poisonous milk -13918965 __verticil_NN_1 a whorl of leaves growing around a stem -03045074 __clipper_NN_3 shears for cutting grass or shrubbery (often used in the plural) -03980332 __pommel_NN_1 a handgrip that a gymnast uses when performing exercises on a pommel horse -00192300 __simplification_NN_3 the act of reducing complexity -13917334 __regular_icosahedron_NN_1 an icosahedron with twenty equilateral triangles as faces -13917094 __regular_dodecahedron_NN_1 a dodecahedron with twelve regular pentagons as faces -05760877 __ltm_NN_1 your general store of remembered information -13916721 __regular_hexahedron_NN_1 a hexahedron with six equal squares as faces -01781520 __strong-arm_VB_2 be bossy towards; "Her big brother always bullied her when she was young" -00199707 __modification_NN_1 the act of making something different (as e.g. the size of a garment) -08589801 __isopleth_NN_1 a line drawn on a map connecting points having the same numerical value of some variable -13914608 __cube_NN_2 a three-dimensional shape with six square or rectangular sides -12522678 __indian_rosewood_NN_1 East Indian tree having a useful dark purple wood -08357258 __civil_service_NN_1 government workers; usually hired on the basis of competitive examinations -13913849 __ramification_NN_2 a part of a forked or branching shape; "he broke off one of the branches" -13913566 __stamp_NN_1 the distinctive form in which a thing is made; "pottery of this cast was found throughout the region" -08595720 __parallel_of_latitude_NN_1 an imaginary line around the Earth parallel to the equator -01794363 __agonize_VB_2 suffer agony or anguish -13111174 __spice_tree_NN_1 tree bearing aromatic bark or berries -13911151 __juncture_NN_3 the shape or manner in which things come together and a connection is made -13910384 __space_NN_2 an empty area (usually bounded in some way between things); "the architect left space in front of the building"; "they stopped at an open space in the jungle"; "the space between his teeth" -06825273 __type_family_NN_1 a complete set of type suitable for printing text -12869478 __germander_NN_1 any of various plants of the genus Teucrium -13296899 __benefit_NN_1 financial assistance in time of need -13907847 __ruck_NN_2 an irregular fold in an otherwise even surface (as in cloth) -13907104 __line_of_saturn_NN_1 a crease on the palm; palmists say it indicates how successful you will be -13906936 __mensal_line_NN_1 a crease on the palm; palmists say it indicates your emotional nature -03571155 __inhalation_NN_2 a medication to be taken by inhaling it -09192973 __allegheny_river_NN_1 a river that rises in Pennsylvania and flows north into New York and then back south through Pennsylvania again to join the Monongahela River at Pittsburgh which is the beginning of the Ohio River -13906767 __line_of_life_NN_1 a crease on the palm; its length is said by palmists to indicate how long you will live -13906669 __frown_line_NN_1 a facial wrinkle associated with frowning -01530256 __genus_fringilla_NN_1 type genus of the Fringillidae: chaffinch, brambling -12318378 __walnut_tree_NN_1 any of various trees of the genus Juglans -13906484 __dermatoglyphic_NN_1 the lines that form patterns on the skin (especially on the fingertips and the palms of the hands and the soles of the feet) -13905792 __wrinkle_NN_1 a slight depression in the smoothness of a surface; "his face has many lines"; "ironing gets rid of most wrinkles" -13905572 __sag_NN_1 a shape that sags; "there was a sag in the chair seat" -13905121 __incisure_NN_1 (anatomy) a notch or small hollow -08493493 __appalachia_NN_1 an impoverished coal mining area in the Appalachian Mountains (from Pennsylvania to North Carolina) -07641581 __potato_pancake_NN_1 made of grated potato and egg with a little flour -00068333 __reverting_NN_1 a failure to maintain a higher state -13903576 __periphery_NN_1 the outside boundary or surface of something -12003167 __picris_echioides_NN_1 widespread European weed with spiny tongue-shaped leaves and yellow flowers; naturalized in United States -13903079 __edge_NN_2 a line determining the limits of an area -02638960 __genus_amia_NN_1 type genus of the Amiidae -13902482 __tip_NN_4 a V shape; "the cannibal's teeth were filed to sharp points" -03940713 __pin_NN_1 a piece of jewelry that is pinned onto the wearer's garment -13902048 __ridge_NN_2 any long raised strip -07154330 __set_phrase_NN_1 an expression whose meanings cannot be inferred from the meanings of the words that make it up -00076196 __solecism_NN_1 a socially awkward or tactless act -00061290 __shipment_NN_2 the act of sending off something -02268148 __odonate_NN_1 large primitive predatory aquatic insect having two pairs of membranous wings -13899200 __sphere_NN_5 a solid figure bounded by a spherical surface (including the space it encloses) -00759694 __terrorist_act_NN_1 the calculated use of violence (or the threat of violence) against civilians in order to attain goals that are political or religious or ideological in nature; this is done through intimidation or coercion or instilling fear -09194710 __altay_mountains_NN_1 a mountain range in central Asia that extends a thousand miles from Kazakhstan eastward into western Mongolia and northern China -13897996 __equipoise_NN_1 equality of distribution -04762355 __reality_NN_4 the quality possessed by something that is real -05934550 __middle_distance_NN_1 the part of a scene between the foreground and the background -09134999 __allentown_NN_1 a city in eastern Pennsylvania; an industrial and commercial center -14407070 __seeing_red_NN_1 a state of irritation or annoyance -13895362 __caput_NN_1 a headlike protuberance on an organ or structure; "the caput humeri is the head of the humerus which fits into a cavity in the scapula" -13893786 __groove_NN_1 a long narrow furrow cut either by a natural process (such as erosion) or by a tool (as e.g. a groove in a phonograph record) -07339808 __combat_casualty_NN_1 loss of military equipment in battle -07972888 __matriarchy_NN_1 a form of social organization in which a female is the family head and title is traced through the female line -07983856 __norse_mythology_NN_1 the mythology of Scandinavia (shared in part by Britain and Germany) until the establishment of Christianity -07640653 __buckwheat_cake_NN_1 a pancake made with buckwheat flour -01504480 __tussle_VB_1 fight or struggle in a confused way at close quarters; "the drunken men started to scuffle" -00380083 __mixture_NN_5 the act of mixing together; "paste made by a mix of flour and water"; "the mixing of sound channels in the recording studio" -05968710 __secessionism_NN_1 a doctrine that maintains the right of secession -03112869 __stays_NN_1 a woman's close-fitting foundation garment -05377665 __vena_portae_NN_1 a short vein that carries blood into the liver -06793231 __sign_NN_2 a public display of a message; "he posted signs in all the shop windows" -01586791 __mimus_NN_1 type genus of the family Mimidae: mockingbirds -01958346 __littleneck_clam_NN_2 a young quahog -09623038 __leader_NN_1 a person who rules or guides or inspires others -00596496 __prefecture_NN_2 the office of prefect -13886724 __furcation_NN_1 the place where something divides into branches -13885836 __knot_NN_4 something twisted and tight and swollen; "their muscles stood out in knots"; "the old man's fists were two great gnarls"; "his stomach was in knots" -13885700 __warp_NN_2 a shape distorted by twisting or folding -04898437 __propriety_NN_1 correct or appropriate behavior -14617189 __alkyl_radical_NN_1 any of a series of univalent groups of the general formula CnH2n+1 derived from aliphatic hydrocarbons -13884740 __parallelopipedon_NN_1 a prism whose bases are parallelograms -03237639 __medical_dressing_NN_1 a cloth covering for a wound or sore -13884511 __prism_NN_1 a polyhedron with two congruent and parallel faces (the bases) and whose lateral faces are parallelograms -02237424 __plant_bug_NN_1 small bright-colored insect that feeds on plant juices -07770571 __edible_seed_NN_1 many are used as seasoning -06333653 __name_NN_1 a language unit by which a person or thing is known; "his name really is George Washington"; "those are two names for the same thing" -13883885 __polyhedron_NN_1 a solid figure bounded by plane polygons or faces -07555014 __enthusiasm_NN_1 a feeling of excitement -12948053 __red_dogwood_NN_1 European deciduous shrub turning red in autumn having dull white flowers -05022709 __pliability_NN_1 the property of being easily bent without breaking -01760677 __infatuate_VB_1 arouse unreasoning love or passion in and cause to behave in an irrational way; "His new car has infatuated him"; "love has infatuated her" -08130476 __national_weather_service_NN_1 the federal agency in the National Oceanic and Atmospheric Administration that is responsible for weather forecast and preparation of weather maps -00055633 __decampment_NN_1 the act of running away secretly (as to avoid arrest) -12655062 __rubus_ursinus_loganobaccus_NN_1 red-fruited bramble native from Oregon to Baja California -02641825 __suborder_scorpaenoidea_NN_1 mail-cheeked fishes: scorpionfishes; gurnards -01212225 __rationalization_NN_3 (mathematics) the simplification of an expression or equation by eliminating radicals without changing the value of the expression or the roots of the equation -00203213 __pervert_VB_3 change the inherent purpose or function of something; "Don't abuse the system"; "The director of the factory misused the funds intended for the health care of his workers" -06838219 __samekh_NN_1 the 15th letter of the Hebrew alphabet -01664990 __tortoiseshell_turtle_NN_1 pugnacious tropical sea turtle with a hawk-like beak; source of food and the best tortoiseshell -13878634 __square_NN_1 (geometry) a plane rectangle with four equal sides and four right angles; a four-sided regular polygon; "you can compute the area of a square if you know the length of its sides" -02447021 __spotted_skunk_NN_1 small skunk with a marbled black and white coat; of United States and Mexico -01366276 __corynebacterium_NN_1 any species of the genus Corynebacterium -13875970 __whorl_NN_1 a round shape formed by a series of concentric circles (as formed by leaves or flower petals) -00409211 __operation_NN_11 the activity of operating something (a machine or business etc.); "her smooth operation of the vehicle gave us a surprisingly comfortable ride" -13875571 __loop_NN_2 anything with a round or oval shape (formed by a curve that is closed and does not intersect itself) -09608377 __auctioneer_NN_1 an agent who conducts an auction -08412749 __primary_school_NN_1 a school for young children; usually the first 6 or 8 grades -08774704 __rostock_NN_1 a city in northeastern Germany near the Baltic sea; an important member of the Hanseatic League in the 14th century -01814396 __get_down_VB_5 lower someone's spirits; make downhearted; "These news depressed her"; "The bad state of her child's health demoralizes her" -13874073 __equator_NN_2 a circle dividing a sphere or other surface into two usually equal and symmetrical parts -13872975 __conic_section_NN_1 (geometry) a curve generated by the intersection of a plane and a circular cone -04467099 __trailer_NN_4 a wheeled vehicle that can be pulled by a car or truck and is equipped for occupancy -01061333 __demand_NN_4 the act of demanding; "the kidnapper's exorbitant demands for money" -13872421 __recession_NN_2 a small concavity -13872211 __pit_NN_2 a concavity in a surface (especially an anatomical depression) -13572436 __vapour_NN_2 the process of becoming a vapor -12355320 __zingiberaceae_NN_1 a family of tropical monocotyledonous plants of order Musales -13870805 __link_NN_4 a connecting shape -13870414 __geodesic_line_NN_1 (mathematics) the shortest line between two points on a mathematically defined surface (as a straight line on a plane or an arc of a great circle on a sphere) -13869327 __twist_NN_7 a circular segment of a curve; "a bend in the road"; "a crook in the path" -07577772 __ploughman's_lunch_NN_1 a meal consisting of a sandwich of bread and cheese and a salad -00232386 __cancellation_NN_1 the act of cancelling; calling off some arrangement -06320801 __qualifier_NN_2 a content word that qualifies the meaning of a noun or verb -09166756 __big_sur_NN_1 a picturesque coastal region of California to the south of San Francisco -02034129 __godwit_NN_1 large wading bird that resembles a curlew; has a long slightly upturned bill -11652217 __yacca_podocarp_NN_1 West Indian evergreen with medium to long leaves -13865483 __round_shape_NN_1 a shape that is curved and without sharp angles -02803349 __bass_NN_7 the member with the lowest range of a family of musical instruments -13863771 __line_NN_4 a length (straight or curved) without breadth or thickness; the trace of a moving point -02366702 __family_capromyidae_NN_1 coypus -10813986 __ibn_al-haytham_NN_1 an Egyptian polymath (born in Iraq) whose research in geometry and optics was influential into the 17th century; established experiments as the norm of proof in physics (died in 1040) -13863186 __two-dimensional_figure_NN_1 a two-dimensional shape -03883664 __pannikin_NN_1 a small pan or cup (usually of tin) -10491309 __publisher_NN_2 a person engaged in publishing periodicals or books or music -01912454 __siphonophore_NN_1 a floating or swimming oceanic colony of polyps often transparent or showily colored -06441195 __zechariah_NN_2 an Old Testament book telling the prophecies of Zechariah which are concerned mainly with the renewal of Israel after the Babylonian Captivity -11929477 __old_man_NN_4 aromatic herb of temperate Eurasia and North Africa having a bitter taste used in making the liqueur absinthe -04956594 __colouring_NN_2 a visual attribute of things that results from the light they emit or transmit or reflect; "a white color is made up of many different wavelengths of light" -13858604 __reverse_NN_1 a relation of direct opposition; "we thought Sue was older than Bill but just the reverse was true" -09663472 __ojibway_NN_1 a member of an Algonquian people who lived west of Lake Superior -13856574 __sign_NN_7 having an indicated pole (as the distinction between positive and negative electric charges); "he got the polarity of the battery reversed"; "charges of opposite sign" -04498523 __turbine_NN_1 rotary engine in which the kinetic energy of a moving fluid is converted into mechanical energy by causing a bladed rotor to rotate -07396658 __tapping_NN_1 the sound of light blow or knock; "he heard the tapping of the man's cane" -03490884 __hanger_NN_2 anything from which something can be hung -09825750 __mechanic_NN_2 someone whose occupation is repairing and maintaining automobiles -12479066 __subfamily_dracenaceae_NN_1 one of two subfamilies to which some classification systems assign some members of the Agavaceae -08026904 __jra_NN_1 a terrorist group organized in 1970 to overthrow the Japanese government and monarchy and to foment world revolution; is said to have close ties with Palestinian terrorists; "in 1972 the Japanese Red Army was responsible for a massacre at an airport in Israel" -02640857 __white_sturgeon_NN_1 valuable source of caviar and isinglass; found in Black and Caspian seas -05088056 __dissemination_NN_2 the property of being diffused or dispersed -06113009 __hydraulics_NN_1 study of the mechanics of fluids -00298497 __driving_NN_2 the act of controlling and steering the movement of a vehicle or animal -13851067 __index_NN_1 a numerical scale used to compare variables with one another or with some reference number -13850674 __wind_scale_NN_1 an international scale of wind force from 0 (calm air) to 12 (hurricane) -04405309 __television_pickup_tube_NN_1 a tube that rapidly scans an optical image and converts it into electronic signals -13850304 __scale_of_measurement_NN_1 an ordered reference standard; "judging on a scale of 1 to 10" -13850019 __billionth_NN_1 position 1,000,000,000 in a countable series of things -04953954 __shine_NN_1 the quality of being bright and sending out rays of light -08626283 __municipality_NN_1 an urban district having corporate status and powers of self-government -01579578 __jackdaw_NN_1 common black-and-grey Eurasian bird noted for thievery -01123095 __migration_NN_1 the movement of persons from one country or locality to another -09380817 __ouachita_river_NN_1 a river that rises in western Arkansas and flows southeast into eastern Louisiana to become a tributary of the Red River -12670334 __sarcocephalus_latifolius_NN_1 a stout spreading or semi-climbing tropical shrub with round brownish-red warty fruit; Africa -08122009 __state_department_NN_2 a department of government in one of the 50 states -01307754 __russian_revolution_NN_2 the revolution against the czarist government which led to the abdication of Nicholas II and the creation of a provisional government in March 1917 -03863262 __overall_NN_2 a loose protective coverall or smock worn over ordinary clothing for dirty work -07940865 __subkingdom_NN_1 (biology) a taxonomic group comprising a major division of a kingdom -12318965 __white_walnut_NN_1 North American walnut tree having light-brown wood and edible nuts; source of a light-brown dye -00367280 __inflation_NN_4 the act of filling something with air -06630017 __salutation_NN_2 (usually plural) an acknowledgment or expression of good will (especially on meeting) -13455487 __data_processing_NN_1 (computer science) a series of operations on data by a computer in order to retrieve or transform or classify information -01058870 __nursing_NN_3 nourishing at the breast -13845239 __synchrony_NN_1 the relation that exists when things occur at the same time; "the drug produces an increased synchrony of the brain waves" -09773076 __advancer_NN_1 someone who advances -10019888 __divider_NN_2 a person who separates something into parts or groups -11079802 __king_james_i_NN_1 the first Stuart to be king of England and Ireland from 1603 to 1625 and king of Scotland from 1567 to 1625; he was the son of Mary Queen of Scots and he succeeded Elizabeth I; he alienated the British Parliament by claiming the divine right of kings (1566-1625) -00075135 __affirmatory_JJ_1 affirming or giving assent; "an affirmative decision"; "affirmative votes" -13841863 __mutuality_NN_2 a reciprocal relation between interdependent entities (objects or individuals or groups) -13841213 __reciprocity_NN_1 a relation of mutual dependence or action or influence -00555648 __rushing_NN_2 the act of moving hurriedly and in a careless manner; "in his haste to leave he forgot his book" -00598318 __public_office_NN_1 a position concerning the people as a whole -12936826 __cuminum_cyminum_NN_1 dwarf Mediterranean annual long cultivated for its aromatic seeds -13840719 __politics_NN_1 social relations involving intrigue to gain authority or power; "office politics is often counterproductive" -13840553 __teacher-student_relation_NN_1 the academic relation between teachers and their students -06467445 __summarization_NN_1 the act of preparing a summary (or an instance thereof); stating briefly and succinctly -02887970 __bracelet_NN_2 jewelry worn around the wrist for decoration -10197967 __loafer_NN_1 person who does no work; "a lazy bum" -08097766 __iskcon_NN_1 a religious sect founded in the United States in 1966; based on Vedic scriptures; groups engage in joyful chanting of `Hare Krishna' and other mantras based on the name of the Hindu god Krishna; devotees usually wear saffron robes and practice vegetarianism and celibacy -07613671 __tipsy_cake_NN_1 a trifle soaked in wine and decorated with almonds and candied fruit -08749447 __leeward_islands_NN_1 a group of islands in the eastern West Indies -12003407 __pilosella_NN_1 genus of hairy perennial herbs with horizontal rhizomes and leafy or underground stolons; Eurasia and North Africa; often considered congeneric with Hieracium -10770891 __water_witch_NN_1 someone who uses a divining rod to find underground water -07714078 __kale_NN_3 coarse curly-leafed cabbage -10640620 __spouse_NN_1 a person's partner in marriage -13836371 __angular_position_NN_1 relation by which any position with respect to any other position is established -01590220 __wall_creeper_NN_1 crimson-and-grey songbird that inhabits town walls and mountain cliffs of southern Eurasia and northern Africa -11849271 __peyote_NN_1 a small spineless globe-shaped cactus; source of mescal buttons -03157582 __periactin_NN_1 an antihistamine (trade name Periactin) used to treat some allergic reactions -12683407 __scabious_NN_1 any of various plants of the genus Scabiosa -14724645 __antioxidant_NN_1 substance that inhibits oxidation or inhibits reactions promoted by oxygen or peroxides -05651068 __lexis_NN_1 all of the words in a language; all word forms having meaning or grammatical function -02153709 __search_VB_2 search or seek; "We looked all day and finally found the child in the forest"; "Look elsewhere for the perfect gift!" -11860801 __montia_NN_1 small genus of densely tufted annual herbs; north temperate regions and South America and tropical Africa and Asia -00406800 __plication_NN_2 the act of folding in parallel folds -06711159 __flak_NN_2 intense adverse criticism; "Clinton directed his fire at the Republican Party"; "the government has come under attack"; "don't give me any flak" -11983375 __hulsea_algida_NN_1 low tufted plant having hairy stems each topped by a flower head with short narrow yellow rays; northwestern United States -13831000 __cardinal_compass_point_NN_1 one of the four main compass points -00671190 __misjudge_VB_1 surgical removal of something without cutting into it; "the enucleation of the tumor" judge incorrectly -13381734 __cheque_NN_1 a written order directing a bank to pay money; "he paid all his bills by check" -01116968 __vendition_NN_1 the act of selling goods for a living -11169418 __william_mckinley_NN_1 25th President of the United States; was assassinated by an anarchist (1843-1901) -08620763 __abutment_NN_1 point of contact between two objects or parts -09890749 __prospect_NN_3 someone who is considered for something (for an office or prize or honor etc.) -09078231 __hi_NN_2 a state in the United States in the central Pacific on the Hawaiian Islands -02190015 __muscidae_NN_1 two-winged flies especially the housefly -07923748 __juice_NN_1 the liquid part that can be extracted from plant or animal tissue by squeezing or cooking -10113753 __front-runner_NN_1 a competitor thought likely to win -12778045 __halesia_NN_1 deciduous small trees or shrubs of China and eastern North America -01201422 __homosexual_JJ_1 sexually attracted to members of your own sex -03753657 __metformin_NN_1 an antidiabetic drug (trade name Glucophage) prescribed to treat type II diabetes -02254110 __prociphilus_NN_1 a genus of Aphididae -10247044 __large_person_NN_1 a person of greater than average size -00749963 __instruct_VB_2 give instructions or directions for some task; "She instructed the students to work on their pronunciation" -02149297 __tadarida_NN_1 freetail bats -13820655 __average_NN_2 (sports) the ratio of successful performances to opportunities -04926427 __newness_NN_1 the quality of being new; the opposite of oldness -04868748 __honourableness_NN_1 the quality of deserving honor or respect; characterized by honor -00879759 __watching_NN_1 the act of observing; taking a patient look -08846626 __graz_NN_1 an industrial city is southeastern Austria -07526505 __confidence_NN_2 a feeling of trust (in someone or something); "I have confidence in our team"; "confidence is always borrowed, never owned" -02186834 __genus_ctenocephalides_NN_1 an arthropod genus of fleas -00866702 __sanctify_VB_1 render holy by means of religious rites -13814601 __unilateral_descent_NN_1 line of descent traced through one side of the family -13814184 __sistership_NN_1 the kinship relation between a female offspring and the siblings -13814041 __motherhood_NN_1 the kinship relation between an offspring and the mother -00737070 __liberty_NN_5 an act of undue intimacy -01184407 __counterclaim_NN_1 a claim filed in opposition to another claim in a legal action -10011785 __hawkshaw_NN_1 someone who is a detective -13811900 __sympathy_NN_3 a relation of affinity or harmony between people; whatever affects one correspondingly affects the other; "the two of them were in close sympathy" -13811184 __remnant_NN_1 a small part or portion that remains after the main part no longer exists -13809769 __basis_NN_3 the most important or necessary part of something; "the basis of this drink is orange juice" -07047011 __suite_NN_1 a musical composition of several movements only loosely connected -00079018 __purchase_NN_1 the acquisition of something for payment; "they closed the purchase with a handshake" -13807636 __semantic_relation_NN_1 a relation between meanings -13807403 __future_progressive_tense_NN_1 a progressive tense used to express action that will be on-going in the future; "`I will be running' is an example of the future progressive" -07962991 __slagheap_NN_1 pile of waste matter from coal mining etc -13806964 __past_progressive_tense_NN_1 a progressive tense used to describe on-going action in the past; "`I had been running' is an example of the past progressive" -13805734 __progressive_tense_NN_1 a tense of verbs used in describing action that is on-going -07305760 __disembarrassment_NN_1 something that extricates you from embarrassment -05762998 __recognition_NN_2 the process of recognizing something or someone by remembering; "a politician whose recall of names was as remarkable as his recognition of faces"; "experimental psychologists measure the elapsed time from the onset of the stimulus to its recognition by the observer" -13802920 __voice_NN_10 (linguistics) the grammatical relation (active or passive) of the grammatical subject of a verb to the action that the verb denotes -13801700 __indicative_mood_NN_1 a mood (grammatically unmarked) that represents the act or state as an objective fact -13450206 __combustion_NN_1 a process in which a substance reacts with oxygen to give heat and light -08734385 __zaire_NN_2 a republic in central Africa; achieved independence from Belgium in 1960 -10278805 __ward-heeler_NN_1 a politician who belongs to a small clique that controls a political party for private rather than public ends -13798814 __reflexivity_NN_2 (logic and mathematics) a relation such that it holds between an element and itself -00392093 __drawing_off_NN_1 act of getting or draining something such as electricity or a liquid from a source; "the drawing of water from the well" of the white color of snow -13798491 __transitivity_NN_1 (logic and mathematics) a relation between three elements such that if it holds between the first and second and it also holds between the second and third it must necessarily hold between the first and third -15299367 __transfiguration_day_NN_1 (Christianity) a church festival held in commemoration of the Transfiguration of Jesus -05879441 __kepler's_law_of_planetary_motion_NN_1 (astronomy) one of three empirical laws of planetary motion stated by Johannes Kepler -12446200 __mariposa_tulip_NN_1 any of several plants of the genus Calochortus having tulip-shaped flowers with 3 sepals and 3 petals; southwestern United States and Mexico -14350837 __neuritis_NN_1 inflammation of a nerve accompanied by pain and sometimes loss of function -07936548 __sparkling_water_NN_1 effervescent beverage artificially charged with carbon dioxide -06621447 __series_NN_2 a serialized set of programs; "a comedy series"; "the Masterworks concert series" -13794417 __relevancy_NN_1 the relation of something to the matter at hand -01610426 __genus_circaetus_NN_1 harrier eagles -13792692 __nexus_NN_1 the means of connection between things linked in series -00912960 __production_NN_1 the act or process of producing something; "Shakespeare's production of poetry was enormous"; "the production of white blood cells" -13791389 __connexion_NN_2 a relation between things or events (as in the case of one causing the other or sharing features with it); "there was a connection between eating that pickle and having that nightmare" -00476744 __strain_VB_9 alter the shape of (something) by stress; "His body was deformed by leprosy" -07171206 __illumination_NN_3 an interpretation that removes obstacles to understanding; "the professor's clarification helped her to understand the textbook" -13790133 __parity_NN_2 (mathematics) a relation between a pair of integers: if both integers are odd or both are even they have the same parity; if one is odd and the other is even they have different parity; "parity is often used to check the integrity of transmitted data" -01452255 __haul_VB_2 transport in a vehicle; "haul stones from the quarry in a truck"; "haul vegetables to the market" -02196344 __pomace_fly_NN_1 any of numerous small insects whose larvae feed on fruits -10175725 __hijacker_NN_2 someone who uses force to take over a vehicle (especially an airplane) in order to reach an alternative destination -01560184 __splice_VB_1 join the ends of; "splice film" -07291312 __finish_NN_7 event whose occurrence ends something; "his death marked the ending of an era"; "when these final episodes are broadcast it will be the finish of the show" -00081509 __digitalize_VB_2 administer digitalis such that the patient benefits maximally without getting adverse effects -13785136 __transformation_NN_2 (mathematics) a function that changes the position or direction of the axes of a coordinate system -13783816 __single-valued_function_NN_1 (mathematics) a mathematical relation such that each element of a given set (the domain of the function) is associated with an element of another set (the range of the function) -00628125 __subedit_VB_1 edit and correct (written or printed material) -02352390 __gliridae_NN_1 dormice and other Old World forms -08779830 __karelia_NN_1 a region in Finland and Russia between the Gulf of Finland and the White Sea -10160412 __harmonizer_NN_2 a mediator who brings one thing into harmonious agreement with another -02648313 __aspidophoroides_monopterygius_NN_1 small very elongate sea poachers -02774502 __frivolity_NN_2 something of little value or significance -13537429 __photosynthesis_NN_1 synthesis of compounds with the aid of radiant energy (especially in plants) -09097871 __worcester_NN_2 an industrial and university city in central Massachusetts to the west of Boston -02321759 __holothuridae_NN_1 a family of Holothuroidea -13780719 __relationship_NN_1 a relation between people; (`relationship' is often used where `relation' would serve, as in `the relationship between inflation and unemployment', but the preferred usage of `relationship' is for human relations or states of relatedness); "the relationship between mothers and their children" -00961736 __reword_VB_1 express the same message in different words -13779374 __content_NN_4 the amount that can be contained; "the gas tank has a capacity of 12 gallons" -13566535 __thawing_NN_1 the process whereby heat changes something from a solid to a liquid; "the power failure caused a refrigerator melt that was a disaster"; "the thawing of a frozen turkey takes several hours" -05062370 __procrastination_NN_2 slowness as a consequence of not getting around to it -13777764 __way_NN_8 space for movement; "room to pass"; "make way for"; "hardly enough elbow room to turn around" -13777509 __wads_NN_1 a large number or amount; "made lots of new friends"; "she amassed stacks of newspapers" -10268299 __liver_NN_3 a person who has a special life style; "a high liver" -13776432 __zillion_NN_1 a very large indefinite number (usually hyperbole); "there were millions of flies" -13775939 __haymow_NN_1 a mass of hay piled up in a barn for preservation -01961736 __pteriidae_NN_1 pearl oysters -05904313 __uninominal_voting_system_NN_1 based on the principle of having only one member (as of a legislature) selected from each electoral district -02538985 __whitefish_NN_3 silvery herring-like freshwater food fish of cold lakes of the northern hemisphere -06071426 __embryology_NN_1 the branch of biology that studies the formation and early development of living organisms -05800998 __public_opinion_poll_NN_1 an inquiry into public opinion conducted by interviewing a random sample of people -12933827 __genus_astrantia_NN_1 a genus of Eurasian herbs of the family Umbelliferae with aromatic roots and palmate leaves and showy flowers -13774115 __touch_NN_6 a slight but appreciable amount; "this dish could use a touch of garlic" -02938886 __calculator_NN_2 a small machine that is used for mathematical calculations -02362194 __asiatic_flying_squirrel_NN_1 nocturnal rodent of Asia having furry folds of skin between forelegs and hind legs enabling it to move by gliding leaps -02333979 __seat_VB_5 provide with seats; "seat a concert hall" -00540895 __promenade_NN_3 a square dance figure; couples march counterclockwise in a circle -13771404 __drop_NN_2 a small indefinite quantity (especially of a liquid); "he had a drop too much to drink"; "a drop of each sample was analyzed"; "there is not a drop of pity in that man"; "years afterward, they would pay the blood-money, driblet by driblet"--Kipling -12280487 __family_betulaceae_NN_1 monoecious trees and shrubs (including the genera Betula and Alnus and Carpinus and Corylus and Ostrya and Ostryopsis) -13651072 __furlong_NN_1 a unit of length equal to 220 yards -10309347 __mentioner_NN_1 a speaker who refers to something briefly or incidentally -02597173 __menticirrhus_NN_1 kingfishes; whiting -09804343 __archdeacon_NN_1 (Anglican Church) an ecclesiastical dignitary usually ranking just below a bishop -13769317 __scoopful_NN_1 the quantity a scoop will hold -06610436 __double_dutch_NN_1 an incomprehensible talk -12773142 __shittimwood_NN_1 deciduous tree of southeastern United States and Mexico -02066939 __run_VB_6 move along, of liquids; "Water flowed into the cave"; "the Missouri feeds into the Mississippi" -06374587 __literary_criticism_NN_1 a written evaluation of a work of literature -12251577 __pyxidanthera_NN_1 one species: pyxie; the eastern United States -13067532 __sphacelotheca_NN_1 genus of smut fungus -03693089 __mevacor_NN_1 an oral drug (trade name Mevacor) to reduce blood cholesterol levels; used when dietary changes have proved inadequate -12599185 __ripple-grass_NN_1 an Old World plantain with long narrow ribbed leaves widely established in temperate regions -01103614 __publication_NN_2 the act of issuing printed materials -07643026 __lemon_curd_NN_1 a conserve with a thick consistency; made with lemons and butter and eggs and sugar -13766896 __dishful_NN_1 the quantity that a dish will hold; "they served me a dish of rice" -06248214 __escapology_NN_1 the study of methods of escaping (especially as a form of entertainment) -03191776 __dicky-seat_NN_1 a small third seat in the back of an old-fashioned two-seater -01592669 __tweak_VB_1 pinch or squeeze sharply -10599806 __vocalizer_NN_2 a person who sings -01967677 __pholadidae_NN_1 a family of Bivalvia -13764213 __top-up_NN_1 an amount needed to restore something to its former level -10937126 __walter_elias_disney_NN_1 United States film maker who pioneered animated cartoons and created such characters as Mickey Mouse and Donald Duck; founded Disneyland (1901-1966) -15204983 __decennium_NN_1 a period of 10 years -13763058 __shtikl_NN_1 a really little shtik; "have a shtikl cake" -08889944 __waterford_NN_1 a port city in southern Ireland; famous for glass industry -13761966 __sprinkling_NN_1 a small number (of something) dispersed haphazardly; "the first scatterings of green"; "a sprinkling of grey at his temples" -09262082 __kukenaam_falls_NN_1 a famous waterfall in Venezuela -00057306 __pullout_NN_1 to break off a military action with an enemy -01574923 __lower_VB_4 cause to drop or sink; "The lack of rain had depressed the water level in the reservoir" -00433661 __outdoor_sport_NN_1 a sport that is played outdoors -00935247 __ceramics_NN_1 the art of making and decorating pottery -12704844 __polygala_NN_1 type genus of the Polygalaceae: milkwort; senega; snakeroot -01668603 __work_on_VB_2 shape, form, or improve a material; "work stone into tools"; "process iron"; "work the metal" -10017794 __dispenser_NN_2 a person who dispenses -08047501 __mdi_NN_1 a Sunni organization formed in 1989 and based in Pakistan; opposes missionary groups from the United States; has Lashkar-e-Tayyiba as its armed wing -00045145 __prim_up_VB_1 dress primly -10489944 __psychotherapist_NN_1 a therapist who deals with mental and emotional disorders -13754293 __increase_NN_1 a quantity that is added; "there was an addition to property taxes this year"; "they recorded the cattle's gain in weight over a period of weeks" -13753585 __septillion_NN_1 the number that is represented as a one followed by 24 zeros -13753274 __quintillion_NN_1 the number that is represented as a one followed by 18 zeros -00285889 __tread_NN_1 a step in walking or running -00368847 __converge_VB_4 come together so as to form a single product; "Social forces converged to bring the Fascists back to power" -02665119 __trinectes_NN_1 a genus of Soleidae -02484049 __crucify_VB_1 kill by nailing onto a cross; "Jesus Christ was crucified" -09629477 __ticket_agent_NN_1 someone who sells tickets (e.g., theater seats or travel accommodations) -13751036 __millenary_NN_3 a sum or aggregate of one thousand (especially one thousand years) -02073831 __trichechus_manatus_NN_1 sirenian mammal of tropical coastal waters of America; the flat tail is rounded -07285403 __experience_NN_3 an event as apprehended; "a surprising experience"; "that painful experience certainly got our attention" -02601200 __mugilidae_NN_1 grey mullets -05613962 __profundity_NN_3 the intellectual ability to penetrate deeply into ideas -01125693 __legislation_NN_2 the act of making or enacting laws -03936568 __tablet_NN_4 a dose of medicine in the form of a small pellet -05934780 __tableau_NN_2 any dramatic scene -02358091 __spermophile_NN_1 any of various terrestrial burrowing rodents of Old and New Worlds; often destroy crops -09137869 __south_carolina_NN_2 a state in the Deep South; one of the original 13 colonies -13746946 __boxcars_NN_1 (usually plural) an expression used when two dice are thrown and both come up showing six spots -08111157 __variant_NN_2 (biology) a group of organisms within a species that differ in trivial ways from similar groups; "a new strain of microorganisms" -07790601 __flounder_NN_1 flesh of any of various American and European flatfish -13745420 __large_integer_NN_1 an integer equal to or greater than ten -05258299 __crimp_NN_3 a lock of hair that has been artificially waved or curled -05562249 __thigh_NN_1 the part of the leg between the hip and the knee -01050651 __yodel_VB_1 sing by changing register; sing by yodeling; "The Austrians were yodeling in the mountains" -12868634 __stachys_NN_1 large genus of usually woolly or hairy herbs or subshrubs or shrubs; temperate eastern hemisphere; tropical Australasia -00733883 __tort_NN_1 (law) any wrongdoing for which an action for damages may be brought -02257149 __magicicada_NN_1 seventeen-year locust -13744304 __tetrad_NN_1 the cardinal number that is the sum of three and one -13743869 __doubleton_NN_1 (bridge) a pair of playing cards that are the only cards in their suit in the hand dealt to a player -13743269 __two_NN_1 the cardinal number that is the sum of one and one or a numeral representing this number -13742573 __unity_NN_2 the smallest whole number or a numeral representing this number; "he has the one but will need a two and three to go with it"; "they had lunch at one" -02108377 __undergo_VB_1 pass through; "The chemical undergoes a sudden change"; "The fluid undergoes shear"; "undergo a strange sensation" -10379073 __ophthalmologist_NN_1 a medical doctor specializing in the diagnosis and treatment of diseases of the eye -11743294 __rush_NN_3 grasslike plants growing in wet places and having cylindrical often hollow stems -09747722 __german_NN_1 a person of German nationality -09879616 __bullyboy_NN_1 a swaggering tough; usually one acting as an agent of a political faction -12941360 __pastinaca_NN_1 a rosid dicot genus of the family Umbelliferae; includes parsnips -00192910 __retrenchment_NN_2 the reduction of expenditures in order to become financially stable -09531630 __persian_deity_NN_1 a deity worshiped by the ancient Persians -13737480 __twenty-five_percent_NN_1 one of four equal parts; "a quarter of a pound" -04941124 __solidness_NN_2 the consistency of a solid -00943187 __centesis_NN_1 (surgery) the act of puncturing a body cavity or organ with a hollow needle in order to draw out fluid -09454265 __tampa_bay_NN_1 an arm of the Gulf of Mexico in west central Florida -09058841 __tucson_NN_1 a city in southeastern Arizona ringed by mountain ranges; long known as a winter and health resort but the population shift from industrial states to the Sunbelt resulted in rapid growth late in the 20th century -09338013 __lepton_NN_2 an elementary particle that participates in weak interactions; has a baryon number of 0 -13733402 __factor_NN_3 one of two or more integers that can be exactly divided into another integer; "what are the 4 factors of 6?" -04309348 __steamship_NN_1 a ship powered by one or more steam engines -13733167 __divisor_NN_2 the number by which a dividend is divided -06614628 __telefilm_NN_1 a movie that is made to be shown on television -08109772 __monotype_NN_1 (biology) a taxonomic group with a single member (a single species or genus) -06193203 __mental_attitude_NN_1 a complex mental state involving beliefs and feelings and values and dispositions to act in certain ways; "he had the attitude that work was fun" -04293119 __squeezer_NN_1 a kitchen utensil for squeezing juice from fruit -09408977 __rhone_river_NN_1 a major French river; flows into the Mediterranean near Marseilles; "the valley of the Rhone is famous for its vineyards" -13727333 __watt-hour_NN_1 a unit of energy equal to the power of one watt operating for one hour -02183787 __ring_VB_2 ring or echo with sound; "the hall resounded with laughter" -13726074 __watt_second_NN_1 a unit of electrical energy equal to the work done when a current of one ampere passes through a resistance of one ohm for one second -13725588 __tonne_NN_1 a unit of weight equivalent to 1000 kilograms -13725457 __quintal_NN_1 a unit of weight equal to 100 kilograms -02620724 __anamnestic_JJ_1 of or relating to anamnesis; aiding the memory -11084895 __jimenez_de_cisneros_NN_1 prelate who was the confessor of Isabella I and who was later appointed Grand Inquisitor (1436-1517) -13724582 __kilogram_NN_1 one thousand grams; the basic unit of mass adopted under the Systeme International d'Unites; "a kilogram is approximately 2.2 pounds" -10868177 __pieter_brueghel_the_elder_NN_1 Flemish painter of landscapes (1525-1569) -07549536 __score_NN_9 a resentment strong enough to justify retaliation; "holding a grudge"; "settling a score" -13723712 __gramme_NN_1 a metric unit of weight equal to one thousandth of a kilogram -13723470 __dg_NN_1 1/10 gram -13722340 __dram_NN_1 a unit of apothecary weight equal to an eighth of an ounce or to 60 grains -13385216 __wampum_NN_1 informal terms for money -12341126 __onagraceae_NN_1 a large and widely distributed family of plants of the order Myrtales -13721529 __ton_NN_1 a United States unit of weight equivalent to 2000 pounds -13721003 __long_hundredweight_NN_1 a British unit of weight equivalent to 112 pounds -00044900 __exhumation_NN_1 the act of digging something out of the ground (especially a corpse) where it has been buried -13716686 __troy_unit_NN_1 any of the unit of the troy system of weights -02339376 __vole_NN_1 any of various small mouselike rodents of the family Cricetidae (especially of genus Microtus) having a stout short-tailed body and inconspicuous ears and inhabiting fields or meadows -14105737 __lou_gehrig's_disease_NN_1 thickening of tissue in the motor tracts of the lateral columns and anterior horns of the spinal cord; results in progressive muscle atrophy that starts in the limbs -07258664 __source_NN_9 a publication (or a passage from a publication) that is referred to; "he carried an armful of references back to his desk"; "he spent hours looking for the source of that quotation" -00136984 __punting_NN_1 (football) a kick in which the football is dropped from the hands and kicked before it touches the ground; "the punt traveled 50 yards"; "punting is an important part of the game" -01578254 __submerse_VB_2 put under water; "submerge your head completely" -13712428 __pica_em_NN_1 a linear unit (1/6 inch) used in printing -09784443 __alleviator_NN_1 a therapist who makes suffering more endurable -05081434 __presentation_NN_7 (obstetrics) position of the fetus in the uterus relative to the birth canal; "Cesarean sections are sometimes the result of abnormal presentations" -05886266 __third_law_of_motion_NN_1 action and reaction are equal and opposite -01318660 __moulter_NN_1 an animal (especially birds and arthropods and reptiles) that periodically shed their outer layer (feathers or cuticle or skin or hair) -12448361 __sagebrush_mariposa_tulip_NN_1 mariposa having loose clusters of one to three handsome lilac flowers resembling umbels atop stout erect stems; arid northwestern North America east of Cascade Mountains from southern British Columbia to northern California -01579028 __crow_NN_1 black birds having a raucous call -00874175 __familiarize_VB_1 make familiar or conversant with; "you should acquaint yourself with your new computer"; "We familiarized ourselves with the new surroundings" -00780889 __thieving_NN_1 the act of taking something from someone unlawfully; "the thieving is awful at Kennedy International" -12344996 __punicaceae_NN_1 one species: pomegranates -09902954 __celebrator_NN_1 a person who is celebrating -01775164 __love_VB_1 have a great affection or liking for; "I love French food"; "She loves her boss and works hard for him" -01643092 __genus_eleutherodactylus_NN_1 completely terrestrial robber frogs -00612454 __monumentalize_VB_1 record or memorialize lastingly with a monument -00880978 __truckle_VB_2 try to gain favor by cringing or flattering; "He is always kowtowing to his boss" -00662681 __galvanism_NN_2 the therapeutic application of electricity to the body (as in the treatment of various forms of paralysis) -01975121 __skid_VB_2 elevate onto skids -10897946 __tully_NN_1 a Roman statesman and orator remembered for his mastery of Latin prose (106-43 BC) -00795720 __undertaking_NN_1 any piece of work that is undertaken or attempted; "he prepared for great undertakings" -09038439 __susah_NN_1 a port city in eastern Tunisia on the Mediterranean -01557185 __thrush_NN_3 songbirds characteristically having brownish upper plumage with a spotted breast -01835276 __nightjar_NN_1 mainly crepuscular or nocturnal nonpasserine birds with mottled greyish-brown plumage and large eyes; feed on insects able to exchange and use information -00113853 __brutalize_VB_3 become brutal or insensitive and unfeeling -10637635 __splitter_NN_2 a taxonomist who classifies organisms into many groups on the basis of relatively minor characteristics -08239808 __division_NN_6 a league ranked by quality; "he played baseball in class D for two years"; "Princeton is in the NCAA Division 1-AA" -01141593 __clearance_NN_3 permission to proceed; "the plane was given clearance to land" -13698949 __russian_monetary_unit_NN_1 monetary unit in Russia -13627327 __word_NN_7 a word is a string of bits stored in computer memory; "large computers use words up to 64 bits long" -00914632 __yield_NN_1 production of a certain amount -07804152 __oat_NN_2 seed of the annual grass Avena sativa (spoken of primarily in the plural as `oats') -01819734 __nymphicus_hollandicus_NN_1 small grey Australian parrot with a yellow crested head -14292090 __fracture_NN_1 breaking of hard tissue such as bone; "it was a nasty fracture"; "the break seems to have been caused by a fall" -03545150 __house_NN_12 a building in which something is sheltered or located; "they had a large carriage house" -10631941 __specializer_NN_1 an expert who is devoted to one occupation or branch of learning -06708167 __silver_star_medal_NN_1 a United States military decoration for gallantry in action -02707683 __painkiller_NN_1 a medicine used to relieve pain -03428805 __gathering_NN_4 sewing consisting of small folds or puckers made by pulling tight a thread in a line of stitching -01235137 __requital_NN_2 an act of requiting; returning in kind -03803911 __mystification_NN_2 something designed to mystify or bewilder -00180413 __espousal_NN_3 the act of accepting with approval; favorable reception; "its adoption by society"; "the proposal found wide acceptance" -05987650 __ultramontanism_NN_1 (Roman Catholic Church) the policy that the absolute authority of the church should be vested in the pope -12935982 __genus_conopodium_NN_1 a genus of dicotyledonous plants of the family Umbelliferae -13694160 __piastre_NN_1 a fractional monetary unit in Egypt and Lebanon and Sudan and Syria -02169891 __listen_VB_1 hear with intention; "Listen to the sound of this cello" -04015204 __protective_garment_NN_1 clothing that is intended to protect the wearer from injury -02071506 __globicephala_NN_1 pilot whales -01502441 __bucket_VB_1 put into a bucket -01751979 __viperidae_NN_1 Old World vipers -05382135 __vena_temporalis_NN_1 any of several veins draining the temporal region -12128645 __pennisetum_NN_1 a genus of Old World grasses -04188643 __sheet_NN_6 a flat artifact that is thin relative to its length and width -11511327 __facula_NN_1 a bright spot on a planet -02171633 __scarabaeidae_NN_1 scarab or dung beetles -00251013 __cleanup_NN_3 the act of making something clean; "he gave his shoes a good cleaning" -10769782 __watcher_NN_3 a person who keeps a devotional vigil by a sick bed or by a dead body -13686660 __quid_NN_1 the basic unit of money in Great Britain and Northern Ireland; equal to 100 pence -12485811 __genus_gelsemium_NN_1 evergreen twining shrubs of Americas and southeastern Asia -01975387 __chin_up_VB_1 raise oneself while hanging from one's hands until one's chin is level with the support bar -03676175 __statin_drug_NN_1 a medicine that lowers blood cholesterol levels by inhibiting HMG-CoA reductase -09805151 __archbishop_NN_1 a bishop of highest rank -10221312 __motley_fool_NN_1 a professional clown employed to entertain a king or nobleman in the Middle Ages -08852843 __republic_of_bolivia_NN_1 a landlocked republic in central South America; Simon Bolivar founded Bolivia in 1825 after winning independence from Spain -01358904 __schizophyceae_NN_1 former terms for Cyanophyceae -12886600 __shrubby_penstemon_NN_1 low bushy plant with large showy pale lavender or blue-violet flowers in narrow clusters at ends of stems -08153102 __temporalty_NN_2 in Christianity, members of a religious community that do not have the priestly responsibilities of ordained clergy -09968845 __counselor_NN_1 someone who gives advice about problems -11497888 __whiff_NN_1 a short light gust of air -00224260 __bloodshed_NN_2 indiscriminate slaughter; "a bloodbath took place when the leaders of the plot surrendered"; "ten days after the bloodletting Hitler gave the action its name"; "the valley is no stranger to bloodshed and murder"; "a huge prison battue was ordered" -10785333 __withdrawer_NN_2 an individualist who withdraws from social interaction -08438067 __growth_NN_4 vegetation that has grown; "a growth of trees"; "the only growth was some salt grass" -01258719 __recall_NN_5 the act of removing an official by petition -06325370 __pronoun_NN_1 a function word that is used in place of a noun or noun phrase -14103288 __heart_disease_NN_1 a disease of the heart -02841315 __opera_glasses_NN_1 an optical instrument designed for simultaneous use by both eyes -02489589 __platyrrhinian_NN_1 hairy-faced arboreal monkeys having widely separated nostrils and long usually prehensile tails -00765343 __barratry_NN_4 the offense of vexatiously persisting in inciting lawsuits and quarrels -04007510 __procyclidine_NN_1 drug (trade name Kemadrin) used to reduce tremors in Parkinsonism -09572825 __titaness_NN_1 (Greek mythology) any of the primordial giant goddesses who were offspring of Uranus (heaven) and Gaea (earth) in ancient mythology -10732010 __trumpeter_NN_1 a musician who plays the trumpet or cornet -06501141 __patent_of_invention_NN_1 a document granting an inventor sole rights to an invention -02380009 __withdraw_VB_2 withdraw from active participation; "He retired from chess" -13670521 __tunisian_monetary_unit_NN_1 monetary unit in Tunisia -02529515 __family_clupeidae_NN_1 herrings; shad; sardines; etc. -09378801 __omega_centauri_NN_1 a global cluster in the constellation Centaurus -03022788 __diuril_NN_1 a diuretic drug (trade name Diuril) used in the treatment of edema and hypertension -04559275 __waterway_NN_2 a conduit through which water flows -11781430 __genus_aglaonema_NN_1 climbing herbs of southeastern Asia having thick fleshy oblong leaves and naked unisexual flowers: Chinese evergreen -08441203 __law_NN_1 the collection of rules imposed by authority; "civilization presupposes respect for the law"; "the great problem for jurisprudence to allow freedom while enforcing order" -11364570 __vesey_NN_1 United States freed slave and insurrectionist in South Carolina who was involved in planning an uprising of slaves and was hanged (1767-1822) -13665965 __centime_NN_1 a fractional monetary unit of several countries: France and Algeria and Belgium and Burkina Faso and Burundi and Cameroon and Chad and the Congo and Gabon and Haiti and the Ivory Coast and Luxembourg and Mali and Morocco and Niger and Rwanda and Senegal and Switzerland and Togo -15052223 __spodumene_NN_1 a pyroxene mineral consisting of lithium aluminum silicate; a source of lithium -02879273 __menstrual_JJ_1 of or relating to menstruation or the menses; "menstrual period" -02286089 __lymantria_dispar_NN_1 European moth introduced into North America; a serious pest of shade trees -03043274 __clinic_NN_3 a healthcare facility for outpatient care -07553016 __touchiness_NN_1 feeling easily irritated -13660619 __nautical_mile_NN_1 a former British unit of length equivalent to 6,080 feet (1,853.184 meters); 800 feet longer than a statute mile -10342543 __mutterer_NN_1 a person who speaks softly and indistinctly -13659943 __myriametre_NN_1 a metric unit of length equal to 10,000 meters -13659419 __dkm_NN_1 a metric unit of length equal to ten meters -13659162 __metre_NN_1 the basic unit of length adopted under the Systeme International d'Unites (approximately 1.094 yards) -02328270 __ochotonidae_NN_1 pikas and extinct forms -02438897 __giraffa_NN_1 type genus of the Giraffidae -13658998 __dm_NN_2 a metric unit of length equal to one tenth of a meter -13658828 __cm_NN_1 a metric unit of length equal to one hundredth of a meter -01302683 __yom_kippur_war_NN_1 Egypt and Syria attacked Israel in October 1973 (on Yom Kippur); Israel counterattacked and drove the Syrians back and crossed the Suez Canal into Egypt -03914583 __pepper_spray_NN_1 a nonlethal aerosol spray made with the pepper derivative oleoresin capiscum; used to cause temporary blindness and incapacitate an attacker; also used as a bear deterrent -03218545 __widget_NN_1 something unspecified whose name is either forgotten or not known; "she eased the ball-shaped doodad back into its socket"; "there may be some great new gizmo around the corner that you will want to use" -13658278 __nm_NN_1 a metric unit of length equal to one billionth of a meter -13657849 __picometre_NN_1 a metric unit of length equal to one trillionth of a meter -02067240 __sperm_whale_NN_1 large whale with a large cavity in the head containing spermaceti and oil; also a source of ambergris -00299217 __riding_NN_2 travel by being carried on horseback -10388924 __proprietor_NN_1 (law) someone who owns (is legal possessor of) a business; "he is the owner of a chain of restaurants" -04593866 __wiper_arm_NN_1 contact consisting of a conducting arm that rotates over a series of fixed contacts and comes to rest on an outlet -01067816 __sing_VB_3 to make melodious sounds; "The nightingale was singing" -07461411 __horse_race_NN_1 a contest of speed between horses; usually held for the purpose of betting -02422249 __genus_damaliscus_NN_1 African antelopes: sassabies -13655262 __swedish_mile_NN_1 a Swedish unit of length equivalent to 10 km -01895757 __tapdance_VB_1 dance and make rhythmic clicking sounds by means of metal plates nailed to the sole of the dance shoes; "Glover tapdances better than anybody" -11953610 __chicory_root_NN_1 the dried root of the chicory plant: used as a coffee substitute -07607707 __lozenge_NN_1 a small aromatic or medicated candy -13007770 __pholiota_NN_1 genus of gilled agarics of Europe and North America having brown spores and an annulus; grows on open ground or decaying wood -01391391 __rhizopodan_NN_1 protozoa characterized by a pseudopod -13651804 __half_mile_NN_1 a unit of length equal to half of 1 mile -13418047 __premium_bond_NN_1 a government bond that bears no interest or capital gains but enters the holder into lotteries -13651218 __statute_mile_NN_1 a unit of length equal to 1,760 yards or 5,280 feet; exactly 1609.344 meters -05777298 __lithomancy_NN_1 divination by means of stones or stone talismans -01173405 __snack_VB_1 eat a snack; eat lightly; "She never loses weight because she snacks between meals" -02860239 __bob_NN_4 a hanging weight, especially a metal ball on a string -05675130 __consciousness_NN_1 an alert cognitive state in which you are aware of yourself and your situation; "he lost consciousness" -13644047 __wave_number_NN_1 the reciprocal of the wavelength of a wave -01021629 __fix_up_VB_2 make arrangements for; "Can you arrange a meeting with the President?" -02118476 __notice_VB_2 notice or perceive; "She noted that someone was following her"; "mark my words" -03677308 __zestril_NN_1 an ACE inhibiting drug (trade names Prinival or Zestril) administered as an antihypertensive and after heart attacks -09326139 __kissimmee_river_NN_1 a river of central Florida that flows southward to Lake Okeechobee -01495701 __ray_NN_7 cartilaginous fishes having horizontally flattened bodies and enlarged winglike pectoral fins with gills on the underside; most swim by moving the pectoral fins -01052853 __set_NN_7 the act of putting something in position; "he gave a final set to his hat" -08963244 __zomba_NN_1 a city in southern Malawi; was the capital until 1971 -00025034 __wash_up_VB_1 wash one's face and hands; "She freshened up in the bathroom" -05228020 __mammillary_body_NN_1 one of two small round structures on the undersurface of the brain that form the terminals of the anterior arches of the fornix -09108164 __treasure_state_NN_1 a state in northwestern United States on the Canadian border -03127925 __crate_NN_1 a rugged box (usually made of wood); used for shipping -13635108 __power_unit_NN_1 a measure of electric power -06954183 __icelandic_NN_1 a Scandinavian language that is the official language of Iceland -13632461 __yottabit_NN_1 a unit of information equal to 1000 zettabits or 10^24 bits -08856266 __rio_de_janeiro_NN_1 the former capital and 2nd largest city of Brazil; chief Brazilian port; famous as a tourist attraction -13631845 __zettabit_NN_1 a unit of information equal to 1000 exabits or 10^21 bits -13631512 __zib_NN_1 a unit of information equal to 1024 exbibytes or 2^70 bytes -02992529 __mobile_phone_NN_1 a hand-held mobile radiotelephone for use in an area divided into small sections, each with its own short-range transmitter/receiver -02375592 __hyracotherium_NN_1 extinct horse genus; formerly called eohippus -13631355 __exbibit_NN_1 a unit of information equal to 1024 pebibits or 2^60 bits -13631037 __exabyte_NN_1 a unit of information equal to 1000 petabytes or 10^18 bytes -08136502 __ins_NN_1 an agency in the Department of Justice that enforces laws and regulations for the admission of foreign-born persons to the United States -13630707 __pibit_NN_1 a unit of information equal to 1024 tebibits or 2^50 bits -13630036 __tibit_NN_1 a unit of information equal to 1024 gibibits or 2^40 (1,099,511,627,776) bits -00512749 __pinion_VB_2 cut the wings off (of birds) -00498299 __tincture_VB_1 fill, as with a certain quality; "The heavy traffic tinctures the air with carbon monoxide" -00754956 __simulation_NN_4 the act of giving a false appearance; "his conformity was only pretending" -13627681 __kilobyte_NN_1 a unit of information equal to 1000 bytes -13627516 __kilobyte_NN_2 a unit of information equal to 1024 bytes -08788887 __troy_NN_2 an ancient city in Asia Minor that was the site of the Trojan War -13625884 __nybble_NN_1 a small byte -13625063 __cubic_kilometre_NN_1 a unit of capacity equal to the volume of a cube one kilometer on each edge -13624873 __kilolitre_NN_1 a metric unit of volume or capacity equal to 1000 liters -13624509 __dkl_NN_1 a metric unit of volume or capacity equal to 10 liters -13623856 __cl_NN_2 a metric unit of volume equal to one hundredth of a liter -11432508 __light_breeze_NN_1 wind moving 4-7 knots; 2 on the Beaufort scale -15162640 __victory_day_NN_1 the day of a victory -12371002 __genus_actinidia_NN_1 small Asiatic woody vine bearing many-seeded fruit -03598151 __jib_NN_1 any triangular fore-and-aft sail (set forward of the foremast) -04201733 __shooting_brake_NN_1 another name for a station wagon -11986091 __lactuca_NN_1 an herb with milky juice: lettuce; prickly lettuce -04977561 __wanness_NN_1 unnatural lack of color in the skin (as from bruising or sickness or emotional distress) -10264219 __polyglot_NN_1 a person who speaks more than one language -13620154 __united_states_dry_unit_NN_1 a unit of measurement of capacity for dry substances officially adopted in the United States Customary System -01447331 __striped_killifish_NN_1 black-barred fish of bays and coastal marshes of the Atlantic and Gulf Coast of the United States -00827638 __lockup_NN_2 the act of locking something up to protect it -13285714 __dispensation_NN_2 a share that has been dispensed or distributed -12127030 __panic_grass_NN_1 any grass of the genus Panicum; grown for grain and fodder -13618629 __fluidram_NN_2 a unit of capacity or volume in the apothecary system equal to one eighth of a fluid ounce -00103317 __redden_VB_1 turn red, as if in embarrassment or shame; "The girl blushed when a young man whistled as she walked by" -07322550 __second_coming_of_christ_NN_1 (Christian theology) the reappearance of Jesus as judge for the Last Judgment -13617468 __acre-foot_NN_1 the volume of water that would cover 1 acre to a depth of 1 foot; 43,560 cubic feet or 1233.5 cubic meters -13616688 __cran_NN_1 a capacity unit used for measuring fresh herring -13615235 __united_states_liquid_unit_NN_1 a liquid unit officially adopted in the United States Customary System -07243837 __sermon_NN_1 an address of a religious nature (usually delivered during a church service) -01931768 __steer_VB_1 direct the course; determine the direction of travelling -02115335 __wild_dog_NN_1 any of various undomesticated mammals of the family Canidae that are thought to resemble domestic dogs as distinguished from jackals or wolves -13614256 __barn_NN_2 (physics) a unit of nuclear cross section; the effective circular area that one particle presents to another as a target for an encounter -00716945 __lubrication_NN_2 an application of a lubricant to something -05753954 __internalization_NN_1 learning (of values or attitudes etc.) that is incorporated within yourself -05549830 __trunk_NN_3 the body excluding the head and neck and limbs; "they moved their arms and legs and bodies" -13609214 __mass_unit_NN_1 a unit of measurement for mass -13608319 __sound_unit_NN_1 any acoustic unit of measurement -06539770 __rescript_NN_2 a legally binding command or decision entered on the court record (as if issued by a court or judge); "a friend in New Mexico said that the order caused no trouble out there" -13604275 __metric_unit_NN_1 a decimal unit of measurement of the metric system (based on meters and kilograms and seconds); "convert all the measurements to metric units"; "it is easier to work in metric" -13603305 __linear_unit_NN_1 a unit of measurement of length -13603065 __force_unit_NN_1 a unit of measurement of physical force -13602526 __emu_NN_1 any of various systems of units for measuring electricity and magnetism -13602401 __cord_NN_2 a unit of amount of wood cut for burning; 128 cubic feet -13601483 __cubic_foot_NN_1 the volume equal to a cube one foot on each side -13600404 __square_measure_NN_1 a system of units used to measure areas -06227263 __catholicity_NN_1 the beliefs and practices of a Catholic Church -13600097 __angular_unit_NN_1 a unit of measurement for angles -02546177 __trachipteridae_NN_1 ribbonfishes -14628668 __sb_NN_1 a metallic element having four allotropic forms; used in a wide variety of alloys; found in stibnite -06784003 __problem_NN_2 a question raised for consideration or solution; "our homework consisted of ten problems to solve" -01549641 __western_wood_pewee_NN_1 small flycatcher of western North America -09888832 __caller_NN_3 the bettor in a card game who matches the bet and calls for a show of hands -14325437 __burning_NN_2 pain that feels hot as if it were on fire -15262120 __run_NN_8 the continuous period of time during which something (a machine or a factory) operates or continues in operation; "the assembly line was on a 12-hour run" -12863234 __self-heal_NN_1 decumbent blue-flowered European perennial thought to possess healing properties; naturalized throughout North America -05621808 __insightfulness_NN_1 shrewdness shown by keen insight -09874862 __maid_of_honor_NN_1 an unmarried woman who attends the bride at a wedding -03350602 __fisherman's_lure_NN_1 (angling) any bright artificial bait consisting of plastic or metal mounted with hooks and trimmed with feathers -08028148 __soldiers_of_god_NN_1 an Islamic extremist group of Kurds who oppose secular control with bombings and assassinations; believed to have ties with al-Qaeda -04821451 __preciseness_NN_1 clarity as a consequence of precision -13593219 __factor_NN_5 any of the numbers (or symbols) that form a product when multiplied together -01244593 __untangling_NN_1 the act of releasing from a snarled or tangled condition -13616054 __metric_capacity_unit_NN_1 a capacity unit defined in metric terms -13591761 __count_NN_1 the total number counted; "a blood count" -13590598 __hubble_parameter_NN_1 (cosmology) the ratio of the speed of recession of a galaxy (due to the expansion of the universe) to its distance from the observer; the Hubble constant is not actually a constant, but is regarded as measuring the expansion rate today -13589321 __weighting_NN_1 (statistics) a coefficient assigned to elements of a frequency distribution in order to represent their relative importance -14493145 __poverty_NN_1 the state of having little or no money and few or no material possessions -00203342 __rejection_NN_1 the act of rejecting something; "his proposals were met with rejection" -10132145 __glazier_NN_1 someone who cuts flat glass to size -07026646 __opera_comique_NN_1 opera with a happy ending and in which some of the text is spoken -00471576 __decouple_VB_3 eliminate airborne shock waves from (an explosive) -01601268 __genus_chlamydera_NN_1 a genus of Ptilonorhynchidae -14007546 __agency_NN_3 the state of being in action or exerting power; "the agency of providence"; "she has free agency" -08757569 __czechoslovakia_NN_1 a former republic in central Europe; divided into Czech Republic and Slovakia in 1993 -02711835 __frame_VB_2 enclose in a frame, as of a picture -05323723 __outer_ear_NN_1 the part of the ear visible externally -12172364 __okra_NN_1 long green edible beaked pods of the okra plant -00442115 __swimming_NN_1 the act of swimming; "it was the swimming they enjoyed most": "they took a short swim in the pool" -13580415 __sufficiency_NN_2 an adequate quantity; a quantity that is large enough to achieve a purpose; "enough is as good as a feast"; "there is more than a sufficiency of lawyers in this country" -07779747 __monkfish_NN_1 flesh of a large-headed anglerfish of the Atlantic waters of North America -05239808 __epithelium_NN_1 membranous tissue covering internal organs and other internal surfaces of the body -13028337 __subclass_discomycetes_NN_1 a large and taxonomically difficult group of Ascomycetes in which the fleshy fruiting body is disklike or cup-shaped -03457686 __greengrocery_NN_2 a greengrocer's grocery store -13576355 __indefinite_quantity_NN_1 an estimated quantity -13575226 __zymosis_NN_2 (medicine) the development and spread of an infectious disease (especially one caused by a fungus) -00454237 __angling_NN_1 fishing with a hook and line (and usually a pole) -05262185 __mustache_NN_1 an unshaved growth of hair on the upper lip; "he looked younger after he shaved off his mustache" -13574452 __wastage_NN_1 the process of wasting -13573666 __vinification_NN_1 the process whereby fermentation changes grape juice into wine -07313518 __constriction_NN_2 tight or narrow compression -05329215 __systema_digestorium_NN_1 the system that makes food absorbable into the body -13571217 __unfolding_NN_1 a developmental process; "the flowering of antebellum culture" -00528667 __concert_dance_NN_1 a theatrical representation of a story that is performed to music by trained dancers -01153861 __patronage_NN_4 (politics) granting favors or giving contracts or making appointments to office in return for political support -03250588 __smoother_NN_1 a power tool used for sanding wood; an endless loop of sandpaper is moved at high speed by an electric motor -13570574 __tumefaction_NN_1 the process of tumefying; the organic process whereby tissue becomes swollen by the accumulation of fluid within it -00030142 __titter_VB_1 laugh nervously; "The girls giggled when the rock star came into the classroom" -06400271 __passage_NN_2 a section of text; particularly a section of medium length -00763132 __bioterrorism_NN_1 terrorism using the weapons of biological warfare -14096724 __ametropia_NN_1 (ophthalmology) faulty refraction of light rays in the eye as in astigmatism or myopia -00446885 __react_VB_3 undergo a chemical reaction; react with another substance under certain conditions; "The hydrogen and the oxygen react" -10304914 __medallist_NN_2 (golf) the winner at medal play of a tournament -13565781 __teething_NN_1 the eruption through the gums of baby teeth -02071316 __cascade_down_VB_1 rush down in big quantities, like a cascade -13564910 __synergy_NN_1 the working together of two things (muscles or drugs for example) to produce an effect greater than the sum of their individual effects -01832979 __genus_collocalia_NN_1 a genus of Apodidae -10328560 __mongoloid_NN_2 a person suffering from Down syndrome (no longer used technically in this sense) -07788885 __ecrevisse_NN_1 tiny lobster-like crustaceans usually boiled briefly -01583344 __inscribe_VB_3 draw within a figure so as to touch in as many places as possible -00851100 __pull_the_leg_of_VB_1 tell false information to for fun; "Are you pulling my leg?" -10854397 __jakob_bohme_NN_1 German mystic and theosophist who founded modern theosophy; influenced George Fox (1575-1624) -13563746 __survival_of_the_fittest_NN_1 a natural process resulting in the evolution of organisms best adapted to the environment -02379430 __walking_horse_NN_1 a horse marked by stamina and trained to move at a fast running walk -05020981 __bounciness_NN_1 the quality of a substance that is able to rebound -07115021 __consonant_NN_1 a speech sound that is not a vowel -13561896 __stochastic_process_NN_1 a statistical process involving a number of random variables depending on a variable parameter (which is usually time) -05638987 __prowess_NN_1 a superior skill that you can learn by study and practice and observation; "the art of conversation"; "it's quite an art" -13561719 __stimulation_NN_3 (physiology) the effect of a stimulus (on nerves or organs etc.) -02047148 __whirligig_VB_1 whirl or spin like a whirligig -04528256 __verge_NN_4 a grass border along a road -00403334 __impairment_NN_4 damage that results in a reduction of strength or quality -13560417 __spoiling_NN_1 the process of becoming spoiled -09852826 __bibliopolist_NN_1 a dealer in secondhand books (especially rare or curious books) -13560079 __speciation_NN_1 the evolution of a biological species -13874558 __scallop_NN_1 one of a series of rounded projections (or the notches between them) formed by curves along an edge (as the edge of a leaf or piece of cloth or the margin of a shell or a shriveled red blood cell observed in a hypertonic solution etc.) -13558696 __sorting_NN_1 an operation that segregates items into groups according to a specified criterion; "the bottleneck in mail delivery is the process of sorting" -12197211 __genus_cola_NN_1 large genus of African trees bearing kola nuts -13557766 __softening_NN_1 the process of becoming softer; "refrigeration delayed the softening of the fruit"; "he observed the softening of iron by heat" -05734559 __attribution_NN_2 assigning to a cause or source; "the attribution of lighting to an expression of God's wrath"; "he questioned the attribution of the painting to Picasso" -02004701 __flash_back_VB_1 return in time; "the film cut back to an earlier event in the story" -14561618 __impairment_NN_2 a symptom of reduced quality or strength -08022666 __huji_NN_1 an extremist militant group in Pakistan occupied Kashmir that seeks an Islamic government and that has had close links and fought with the Taliban in Afghanistan -05864577 __vector_NN_1 a variable quantity that can be resolved into components -04530566 __watercraft_NN_2 a craft designed for water transportation -09819667 __cosmologist_NN_1 an astronomer who studies the evolution and space-time relations of the universe -13552124 __rooting_NN_1 the process of putting forth roots and beginning to grow -11989266 __leontopodium_NN_1 edelweiss -04109702 __rosemaling_NN_1 a Scandinavian style of carved or painted decoration (as on furniture or walls or dinnerware) consisting of floral motifs -01988481 __order_euphausiacea_NN_1 small commonly luminescent crustaceans; important element of marine plankton: krill -07767344 __olive_NN_4 one-seeded fruit of the European olive tree usually pickled and used as a relish -11166877 __mayer_NN_2 United States filmmaker (born in Russia) who founded his own film company and later merged with Samuel Goldwyn (1885-1957) -13548734 __regeneration_NN_1 (biology) growth anew of lost tissue or destroyed parts or organs -12327718 __genus_bertholletia_NN_1 brazil nut -13548531 __refrigeration_NN_1 the process of cooling or freezing (e.g., food) for preservative purposes -13547677 __reduction_NN_2 any process in which electrons are added to an atom or ion (as by removing oxygen or adding hydrogen); always occurs accompanied by oxidation of the reducing agent -09880338 __bunter_NN_1 a batter who bunts -01889520 __mole_NN_6 small velvety-furred burrowing mammal having small eyes and fossorial forefeet -13546416 __reaction_formation_NN_1 (psychiatry) a defense mechanism in which a person unconsciously develops attitudes and behavior that are the opposite of unacceptable repressed desires and impulses and serve to conceal them; "his strict morality is just a reaction formation to hide his sexual drive" -04433585 __tie_NN_8 one of the cross braces that support the rails on a railway track; "the British call a railroad tie a sleeper" -12243927 __genus_rhododendron_NN_1 large genus of evergreen shrubs native to cooler regions of the northern hemisphere having showy flowers -04660080 __unadaptability_NN_1 the inability to change or be changed to fit changed circumstances -09206375 __arkansas_river_NN_1 a river that rises in the Rocky Mountains in Colorado and flows southeast through Kansas and Oklahoma and through Arkansas to become a tributary of the Mississippi River -01200806 __dope_VB_1 take drugs to improve one's athletic performance -10408324 __patron_NN_2 the proprietor of an inn -00210259 __spoil_VB_2 become unfit for consumption or use; "the meat must be eaten before it spoils" -13541167 __processing_NN_1 preparing or putting through a prescribed procedure; "the processing of newly arrived immigrants"; "the processing of ore to obtain minerals" -12644283 __marasca_NN_1 small bitter fruit of the marasca cherry tree from whose juice maraschino liqueur is made -04834605 __selfishness_NN_1 stinginess resulting from a concern for your own welfare and a disregard of others -13538314 __plastination_NN_1 a process involving fixation and dehydration and forced impregnation and hardening of biological tissues; water and lipids are replaced by curable polymers (silicone or epoxy or polyester) that are subsequently hardened; "the plastination of specimens is valuable for research and teaching" -12224309 __order_casuarinales_NN_1 order of chiefly Australian trees and shrubs comprising the casuarinas; 1 family: Casuarinaceae -13536299 __phase_of_cell_division_NN_1 a stage in meiosis or mitosis -00429060 __trim_down_VB_1 cut down on; make a reduction in; "reduce your daily fat intake"; "The employer wants to cut back health benefits" -09187407 __mount_adams_NN_1 a mountain peak in southwestern Washington in the Cascade Range (12,307 feet high) -13534608 __perennation_NN_1 the process of living through a number of years (as a perennial plant) -13534274 __percolation_NN_1 the slow passage of a liquid through a filtering medium; "the percolation of rainwater through the soil"; "the infiltration of seawater through the lava" -09200649 __apalachicola_river_NN_1 a river in northwestern Florida formed by the confluence of the Chattahoochee River and the Flint River at the Florida border -13533470 __pathological_process_NN_1 an organic process occurring as a consequence of disease -03997027 __power_system_NN_1 a system of high tension cables by which electrical power is distributed throughout a region -00372226 __buildup_NN_1 the act of building up an accumulation; "I envied his rapid buildup of assets"; "a military buildup in preparation for the invasion" -02913152 __edifice_NN_1 a structure that has a roof and walls and stands more or less permanently in one place; "there was a three-story building on the corner"; "it was an imposing edifice" -06540863 __divestiture_NN_1 an order to an offending party to rid itself of property; it has the purpose of depriving the defendant of the gains of wrongful behavior; "the court found divestiture to be necessary in preventing a monopoly" -10142537 __grand_inquisitor_NN_1 director of the court of Inquisition (especially in Spain and Portugal) -01477875 __sea_lamprey_NN_1 large anadromous lamprey sometimes used as food; destructive of native fish fauna in the Great Lakes -04065272 __rv_NN_1 a motorized wheeled vehicle used for camping or other recreational activities -01974916 __underlay_VB_1 raise or support (the level of printing) by inserting a piece of paper or cardboard under the type; "underlay the plate" -03846100 __olive_drab_NN_3 a cloth of an olive-brown color used for military uniforms -13530989 __oxidative_phosphorylation_NN_1 an enzymatic process in cell metabolism that synthesizes ATP from ADP -13530408 __oxidization_NN_1 the process of oxidizing; the addition of oxygen to a compound with a loss of electrons; always occurs accompanied by reduction -13528100 __osmosis_NN_1 (biology, chemistry) diffusion of molecules through a semipermeable membrane from a place of higher concentration to a place of lower concentration until the concentration on both sides is equal -13525912 __opsonization_NN_1 process whereby opsonins make an invading microorganism more susceptible to phagocytosis -07803992 __wheat_germ_NN_1 embryo of the wheat kernel; removed before milling and eaten as a source of vitamins -13524399 __omission_NN_3 any process whereby sounds or words are left out of spoken words or phrases -12565912 __pterocarpus_marsupium_NN_1 East Indian tree yielding a resin or extract often used medicinally and in e.g. tanning -04135710 __saran_wrap_NN_1 a thin plastic film made of saran (trade name Saran Wrap) that sticks to itself; used for wrapping food -08229362 __country_club_NN_1 a suburban club for recreation and socializing -13518656 __natural_childbirth_NN_1 labor and childbirth without medical intervention; no drugs are given to relieve pain or aid the birth process; "natural childbirth is considered the safest for the baby" -00064095 __relieve_VB_1 provide physical relief, as from pain; "This pill will relieve your headaches" -05245192 __lentigo_NN_1 a small brownish spot (of the pigment melanin) on the skin -13517553 __morphogenesis_NN_1 differentiation and growth of the structure of an organism (or a part of an organism) -13517199 __sporulation_NN_1 asexual reproduction by the production and release of spores -13516176 __mould_NN_3 the process of becoming mildewed -02431628 __sambur_NN_1 a deer of southern Asia with antlers that have three tines -13515958 __urination_NN_1 the discharge of urine -13513540 __menorrhagia_NN_1 abnormally heavy or prolonged menstruation; can be a symptom of uterine tumors and can lead to anemia if prolonged -05919866 __substance_NN_3 the idea that is intended; "What is the meaning of this proverb?" -05932477 __visual_percept_NN_1 a percept that arises from the eyes; an image in the visual system -15224293 __limitation_NN_4 (law) a time period after which suits cannot be brought; "statute of limitations" -13512036 __materialization_NN_1 the process of coming into being; becoming reality; "the materialization of her dream" -13511755 __virilization_NN_1 the abnormal development of male sexual characteristics in a female (usually as the result of hormone therapies or adrenal malfunction) -05342499 __circumflex_artery_NN_1 any of several paired curving arteries -13508333 __linguistic_process_NN_1 a process involved in human language -13506727 __wetting_NN_2 a euphemism for urination; "he had to take a leak" -00061933 __lift_VB_24 perform cosmetic surgery on someone's face -00899292 __dramatization_NN_2 a dramatic representation -13504497 __cytokinesis_NN_1 organic process consisting of the division of the cytoplasm of a cell following karyokinesis bringing about the separation into two daughter cells -13504403 __juvenescence_NN_1 the process of growing into a youth -13503673 __isolation_NN_4 (psychiatry) a defense mechanism in which memory of an unacceptable act or impulse is separated from the emotion originally associated with it -00348801 __tremor_NN_1 an involuntary vibration (as if from illness or fear) -02396667 __genus_babyrousa_NN_1 a genus of Suidae -13502909 __ionization_NN_2 the process of ionizing; the formation of ions by separating atoms or molecules or radicals or by adding or subtracting electrons from atoms by strong electric fields in a gas -08247021 __duo_NN_2 two performers or singers who perform together -12914193 __streptosolen_jamesonii_NN_1 evergreen South American shrub having showy trumpet-shaped orange flowers; grown as an ornamental or houseplant -05905348 __strategy_NN_1 an elaborate and systematic plan of action -11910835 __subclass_asteridae_NN_1 a group of mostly sympetalous herbs and some trees and shrubs mostly with 2 fused carpels; contains 43 families including Campanulales; Solanaceae; Scrophulariaceae; Labiatae; Verbenaceae; Rubiaceae; Compositae; sometimes classified as a superorder -00099951 __trick_NN_5 an illusory feat; considered magical by naive observers -05095691 __size_NN_2 the property resulting from being one of a series of graduated measurements (as of clothing); "he wears a size 13 shoe" -11087767 __karol_wojtyla_NN_1 the first Pope born in Poland; the first Pope not born in Italy in 450 years (1920-2005) -00719734 __expect_VB_1 regard something as probable or likely; "The meteorologists are expecting rain for tomorrow" -13497135 __increment_NN_1 a process of becoming larger or longer or more numerous or more important; "the increase in unemployment"; "the growth of population" -06812631 __logarithm_NN_1 the exponent required to produce a given number -06253140 __spreading_NN_2 the opening of a subject to widespread discussion and debate -13495209 __polyhidrosis_NN_1 excessive and profuse perspiration -08681222 __trend_NN_2 general line of orientation; "the river takes a southern course"; "the northeastern trend of the coast" -14964590 __nucleotide_NN_1 a phosphoric ester of a nucleoside; the basic structural unit of nucleic acids (DNA or RNA) -00431893 __play_NN_8 activity by children that is guided more by imagination than by fixed rules; "Freud believed in the utility of play to a small child" -00890441 __course_of_lectures_NN_1 a series of lectures dealing with a subject -13492453 __sanguification_NN_1 the formation of blood cells in the living body (especially in the bone marrow) -08115204 __academic_department_NN_1 a division of a school that is responsible for a given subject -00292712 __shuffling_NN_1 walking with a slow dragging motion without lifting your feet; "from his shambling I assumed he was very old" -11786843 __taro_NN_1 edible starchy tuberous root of taro plants -13491464 __hatching_NN_1 the production of young from an egg -04594218 __wire_NN_1 ligament made of metal and used to fasten things or make cages or fences etc -13491060 __solidifying_NN_1 the process of becoming hard or solid by cooling or drying or crystallization; "the hardening of concrete"; "he tested the set of the glue" -06809074 __system_of_numeration_NN_1 any notation for the representation of numbers -03225238 __dose_NN_1 a measured portion of medicine taken at any one time -13490909 __habit_NN_4 the general form or mode of growth (especially of a plant or crystal); "a shrub of spreading habit" -00898691 __bow_down_VB_2 bend one's knee or body, or lower one's head; "He bowed before the King"; "She bowed her head in shame" -04647826 __staidness_NN_1 a trait of dignified seriousness -09170996 __mojave_desert_NN_1 a desert area in southern California and western Arizona -13486838 __geological_process_NN_1 (geology) a natural process whereby geological features are modified -13486671 __gastrulation_NN_1 the process in which a gastrula develops from a blastula by the inward migration of cells -03120198 __courtyard_NN_1 an area wholly or partly surrounded by walls or buildings; "the house was built around an inner court" -13486270 __gasification_NN_1 the process of changing into gas; "coal gas is produced by the gasification of coal" -01623706 __scops_owl_NN_1 any of several small owls having ear tufts and a whistling call -00132219 __plunker_NN_1 (baseball) hitting a baseball so that it drops suddenly -05328867 __exocrine_gland_NN_1 a gland that secretes externally through a duct -03431243 __gear_mechanism_NN_1 a mechanism for transmitting motion for some specific purpose (as the steering gear of a vehicle) -03077741 __communications_satellite_NN_1 an artificial satellite that relays signals back to earth; moves in a geostationary orbit -13485408 __fructification_NN_1 the bearing of fruit -06913635 __na-dene_NN_1 a family of North American Indian languages -09754907 __abridger_NN_1 one who shortens or abridges or condenses a written work -09615465 __eristic_NN_1 a person who disputes; who is good at or enjoys controversy -13484303 __fragmentation_NN_3 (computer science) the condition of a file that is broken up and stored in many different locations on a magnetic disk; "fragmentation slows system performance because it takes extra time to locate and assemble the parts of the fragmented file" -02353709 __geomys_NN_1 type genus of the Geomyidae -00166172 __move_NN_5 (game) a player's turn to take some action permitted by the rules of the game -04540547 __voltaic_battery_NN_1 battery consisting of a number of voltaic cells arranged in series or parallel -13481883 __flare_NN_2 a sudden burst of flame -11628456 __douglas_fir_NN_2 tall evergreen timber tree of western North America having resinous wood and short needles -13480541 __filling_NN_2 flow into something (as a container) -13479889 __suppuration_NN_1 (medicine) the formation of morbific matter in an abscess or a vesicle and the discharge of pus -06547832 __pickup_NN_2 a warrant to take someone into custody; "put out a pickup on that man" -00968479 __military_expedition_NN_1 a military campaign designed to achieve a specific objective in a foreign country -01462928 __tangle_VB_4 twist together or entwine into a confusing mass; "The child entangled the cord" -02345213 __myopus_NN_1 a genus of Cricetidae -11682842 __strobilus_NN_1 cone-shaped mass of ovule- or spore-bearing scales or bracts -13476267 __establishment_NN_6 (ecology) the process by which a plant or animal becomes established in a new habitat -13475538 __wearing_away_NN_1 (geology) the mechanical process of wearing or grinding something down (as by particles washing over it) -02260183 __psocoptera_NN_1 an order of insects: includes booklice and bark-lice -01075725 __stalling_NN_1 a tactic used to mislead or delay -01781071 __redbug_NN_1 larval mite that sucks the blood of vertebrates including human beings causing intense irritation -02202287 __gnat_NN_1 any of various small biting flies: midges; biting midges; black flies; sand flies -01672014 __knit_VB_2 tie or link together -09022667 __samarkand_NN_1 city in southern Uzbekistan; Tamerlane's opulent capital in the 14th century -13473097 __voiding_NN_1 the bodily process of discharging waste matter -13472518 __ionophoresis_NN_1 the motion of charged particles in a colloid under the influence of an electric field; particles with a positive charge go to the cathode and negative to the anode -13472125 __electrolysis_NN_1 (chemistry) a chemical decomposition reaction produced by passing an electric current through a solution containing ions -13471681 __effervescence_NN_1 the process of bubbling as gas escapes -12959074 __salvinia_rotundifolia_NN_1 free-floating aquatic ferns -11659068 __saxegothea_NN_1 one species: Prince Albert's yew -13469674 __drift_NN_2 the gradual departure from an intended course due to external influences (as a ship or plane) -02333358 __heat_VB_2 provide with heat; "heat the house" -01022906 __generalize_VB_2 speak or write in generalities -10055085 __enchanter_NN_1 a sorcerer or magician -13466586 __expelling_NN_1 any of several bodily processes by which substances go out of the body; "the discharge of pus" -05897553 __shadow_NN_3 something existing in perception only; "a ghostly apparition at midnight" -05410315 __gonadotropin_NN_1 hormone secreted by the anterior pituitary gland and placenta; stimulates the gonads and controls reproductive activity -00914769 __throw_in_VB_3 to insert between other elements; "She interjected clever remarks" -00867357 __startle_NN_1 a sudden involuntary movement; "he awoke with a start" -06600684 __parenthesis_NN_2 a message that departs from the main subject -08789605 __thessaloniki_NN_1 a port city in northeastern Greece on an inlet of the Aegean Sea; second largest city of Greece -13463490 __desorption_NN_1 changing from an adsorbed state on a surface to a gaseous or liquid state -00647094 __mensurate_VB_1 determine the measurements of something or somebody, take measurements of; "Measure the length of the wall" -05743296 __smear_test_NN_1 a method of examining stained cells in a cervical smear for early diagnosis of uterine cancer -02490634 __split_up_VB_1 get a divorce; formally terminate a marriage; "The couple divorced after only 6 months" -12835331 __yellow_bells_NN_1 viscid herb of arid or desert habitats of southwestern United States having pendulous yellow flowers -00553616 __syncretize_VB_1 become fused -13461162 __demand_NN_2 the ability and desire to purchase goods and services; "the automobile reduced the demand for buggywhips"; "the demand exceeded the supply" -00538876 __hornpipe_NN_1 a British solo dance performed by sailors -14252320 __skin_cancer_NN_1 a malignant neoplasm of the skin -13459088 __shitting_NN_1 the elimination of fecal waste through the anus -08632423 __open_NN_1 a clear or unobstructed space or expanse of land or water; "finally broke out of the forest into the open" -11986900 __lactuca_sativa_capitata_NN_1 distinguished by leaves arranged in a dense rosette that develop into a compact ball -12556307 __bean_plant_NN_1 any of various leguminous plants grown for their edible seeds and pods -01563128 __warbler_NN_2 a small active songbird -06269396 __piece_NN_6 an artistic or literary composition; "he wrote an interesting piece on Iran"; "the children acted out a comic piece to amuse the guests" -02140781 __close_VB_9 cause a window or an application to disappear on a computer desktop -13454950 __cytogeny_NN_1 the origin and development and variation of cells -08944561 __normandy_NN_1 a former province of northwestern France on the English channel; divided into Haute-Normandie and Basse-Normandie -14235793 __adenoma_NN_1 a benign epithelial tumor of glandular origin -13453428 __erosion_NN_4 erosion by chemical action -12421467 __narcissus_NN_1 bulbous plant having erect linear leaves and showy yellow or white flowers either solitary or in clusters -00184802 __multiple_voting_NN_1 the act of voting in more than one place by the same person at the same election (illegal in U.S.) -13452347 __recuperation_NN_1 gradual healing (through rest) after sickness or injury -13451804 __use_of_goods_and_services_NN_1 (economics) the utilization of economic goods to satisfy needs or in manufacturing; "the consumption of energy has increased steadily" -06424275 __identity_verification_NN_1 the automatic identification of living individuals by using their physiological and behavioral characteristics; "negative identification can only be accomplished through biometric identification"; "if a pin or password is lost or forgotten it can be changed and reissued but a biometric identification cannot" -13451508 __congelation_NN_1 the process of congealing; solidification by (or as if by) freezing -03533972 __ring_NN_3 a rigid circular band of metal or wood or other material used for holding or fastening or hanging or pulling; "there was still a rusty iron hoop for tying a horse" -00388392 __ramification_NN_1 the act of branching out or dividing into branches -08185758 __utility_NN_1 a company that performs a public service; subject to government regulation -13450862 __machine_operation_NN_1 an elementary operation that a computer is designed and built to perform -05684003 __disorientation_NN_2 confusion (usually transient) about where you are and how to proceed; uncertainty as to direction; "his disorientation was the result of inattention" -03511426 __heel_NN_1 the bottom of a shoe or boot; the back part of a shoe or boot that touches the ground and provides elevation -13800801 __qualifying_NN_1 the grammatical relation that exists when a word qualifies the meaning of the phrase -13449156 __segmentation_NN_1 (embryology) the repeated division of a fertilised ovum -13448778 __chromatography_NN_1 a process used for separating mixtures by virtue of differences in absorbency -06350592 __minuscule_NN_2 a small cursive script developed from uncial between the 7th and 9th centuries and used in medieval manuscripts -13448334 __vaginal_birth_NN_1 the parturition process in human beings; having a baby; the process of giving birth to a child -12585512 __genus_borassus_NN_1 palmyra -13446390 __chemical_process_NN_1 (chemistry) any process determined by the atomic and molecular composition and structure of the substances involved -06213688 __totalitarianism_NN_2 the principle of complete and unrestricted power in government -02697950 __characterize_VB_2 be characteristic of; "What characterizes a Venetian painting?" -04444749 __toecap_NN_1 a protective leather or steel cover for the toe of a boot or shoe, reinforcing or decorating it -13504739 __karyokinesis_NN_1 organic process consisting of the division of the nucleus of a cell during mitosis or meiosis -13445296 __centrifugation_NN_1 the process of separating substances of different densities by the use of a centrifuge -13444131 __contact_action_NN_1 acceleration of a chemical reaction induced the presence of material that is chemically unchanged at the end of the reaction; "of the top 50 commodity chemicals, 30 are created directly by catalysis and another 6 are made from raw materials that are catalytically produced" -12587132 __wine_palm_NN_1 fishtail palm of India to Malay Peninsula; sap yields a brown sugar (jaggery) and trunk pith yields sago -00428270 __terpsichore_NN_2 taking a series of rhythmical steps (and movements) in time to music -10304160 __queen_of_the_may_NN_1 the girl chosen queen of a May Day festival -00815320 __steering_NN_2 the act of setting and holding a course; "a new council was installed under the direction of the king" -02144251 __rhinonicteris_aurantius_NN_1 a common bat of northwestern Australia having orange or yellow fur -12173664 __hollyhock_NN_2 any of various tall plants of the genus Alcea; native to the Middle East but widely naturalized and cultivated for its very large variously colored flowers -13441812 __incubation_NN_3 sitting on eggs so as to hatch them by the warmth of the body -02720354 __follow_VB_6 come after in time, as a result; "A terrible tsunami followed the earthquake" -13441387 __movement_NN_8 a euphemism for defecation; "he had a bowel movement" -00830448 __control_NN_3 (physiology) regulation or maintenance of a function or action or reflex etc; "the timing and control of his movements were unimpaired"; "he had lost control of his sphincters" -05466005 __golgi_cell_NN_1 a neuron in the cerebral cortex with short dendrites and with either a long axon or a short axon that ramifies in the grey matter -07549401 __sulkiness_NN_2 a feeling of sulky resentment -02877704 __facial_JJ_1 of or concerning the face; "a facial massage"; "facial hair"; "facial expression" -04652930 __sociableness_NN_1 the relative tendency or disposition to be sociable or associate with one's fellows -00430625 __thin_VB_2 make thin or thinner; "Thin the solution" -11659909 __sciadopityaceae_NN_1 family comprising a single genus that until recently was considered part of Taxodiaceae -12728864 __salix_cinerea_NN_1 Eurasian shrubby willow with whitish tomentose twigs -13436682 __auxesis_NN_1 growth from increase in cell size without cell division -11945930 __genus_carthamus_NN_1 safflower -06941341 __khoisan_language_NN_1 a family of languages spoken in southern Africa -09779623 __agricultural_labourer_NN_1 a person who tills the soil for a living -13435152 __association_NN_7 (chemistry) any process of combination (especially in solution) that depends on relatively weak chemical bonding -13433462 __apogamy_NN_1 (botany) development of an embryo without fertilization; especially the development in some ferns of a sporophyte from the gametophyte without fertilization -02830852 __benzodiazepine_NN_1 any of several similar lipophilic amines used as tranquilizers or sedatives or hypnotics or muscle relaxants; chronic use can lead to dependency -01726692 __snake_NN_1 limbless scaly elongate reptile; some are venomous -13431992 __angiogenesis_NN_1 the formation of new blood vessels -03418242 __lawn_tool_NN_1 used for working in gardens or yards -07441619 __roll_NN_1 rotary motion of an object around its own axis; "wheels in axial rotation" -03967396 __plotter_NN_4 an instrument (usually driven by a computer) for drawing graphs or pictures -07452348 __dedication_NN_2 a ceremony in which something (as a building) is dedicated to some goal or purpose -10345659 __nark_NN_1 an informer or spy working for the police -13429888 __americanization_NN_1 assimilation into American culture -09536058 __supreme_being_NN_1 the supernatural being conceived as the perfect and omnipotent and omniscient originator and ruler of the universe; the object of worship in monotheistic religions -02035425 __camber_VB_1 curve upward in the middle -02399791 __third_stomach_NN_1 the third compartment of the stomach of a ruminant -07925966 __fruit_drink_NN_1 a sweetened beverage of diluted fruit juice -10297655 __massorete_NN_1 a scholar who is expert on the Masorah (especially one of the Jewish scribes who contributed to the Masorah) -00045817 __thin_VB_4 take off weight -02556195 __genus_anabas_NN_1 the type genus of the family Anabantidae; small fish that resemble perch -13423922 __soaking_up_NN_1 (chemistry) a process in which one substance permeates another; a fluid permeates or is dissolved by a liquid or solid -01856225 __genus_anser_NN_1 typical geese -13423615 __detrition_NN_1 erosion by friction -10257221 __liberator_NN_1 someone who releases people from captivity or bondage -05830527 __nuisance_NN_1 (law) a broad legal concept including anything that disturbs the reasonable use of your property or endangers life and health or is offensive -00649887 __spelunk_VB_1 explore natural caves -04471315 __transformer_NN_1 an electrical device by which alternating current of one voltage is changed to another voltage -13421832 __budget_NN_1 a sum of money allocated for a particular purpose; "the laboratory runs on a budget of a million a year" -05670972 __worldly_concern_NN_1 the concerns of this life as distinguished from heaven and the afterlife; "they consider the church to be independent of the world" -13421286 __unlisted_stock_NN_1 stock that is not listed and traded on an organized exchange -01743784 __pattern_VB_1 plan or create according to a model or models -08876773 __wimbledon_NN_1 a suburb of London and the headquarters of the club where annual international tennis championships are played on grass courts -06646243 __sign_NN_1 a perceptible indication of something not immediately apparent (as a visible clue that something has happened); "he showed signs of strain"; "they welcomed the signs of spring" -02120715 __urticate_VB_2 sting with or as with nettles and cause a stinging pain or sensation -00339463 __reordering_NN_1 a rearrangement in a different order -01316619 __gather_VB_8 look for (food) in nature; "Our ancestors gathered nuts in the Fall" -07254267 __resignation_NN_2 the act of giving up (a claim or office or possession etc.) -06851742 __trademark_NN_2 a formally registered symbol identifying the manufacturer or distributor of a product -13413493 __value_NN_3 the amount (of money or goods or services) that is considered to be a fair equivalent for something else; "he tried to estimate the value of the produce at normal prices" -10703905 __testifier_NN_1 a person who testifies or gives a deposition -14980579 __rock_oil_NN_1 a dark oil consisting mainly of hydrocarbons -11796318 __wolffiella_NN_1 minute rootless aquatic herbs having flat fronds floating on or below the water surface and bearing 1-2 flowers per frond; America and Africa -13411157 __audited_account_NN_1 an inspection of the accounting procedures and records by a trained accountant or CPA -01227691 __exculpation_NN_2 the act of freeing from guilt or blame -13409160 __balance_NN_6 the difference between the totals of the credit and debit sides of an account -11870212 __genus_alliaria_NN_1 a genus of herbs of the family Cruciferae; have broad leaves and white flowers and long siliques -13408980 __balance_NN_2 equality between the totals of the credit and debit sides of an account -13408641 __divvy_NN_1 short for dividend; especially one paid by a cooperative society -00764032 __settle_VB_13 end a legal dispute by arriving at a settlement; "The two parties finally settled" -13189656 __pteridium_NN_1 a genus of ferns belonging to the family Dennstaedtiaceae -00953058 __relate_VB_3 give an account of; "The witness related the events" -11960943 __genus_dendranthema_NN_1 comprises plants often included in the genus Chrysanthemum -13405962 __method_of_accounting_NN_1 a bookkeeper's chronological list of related debits and credits of a business; forms part of a ledger of accounts -10553805 __saviour_NN_2 a person who rescues you from harm or danger -06567143 __beta_software_NN_1 software that has not yet been released but has received an alpha test and still has more bugs than a regular release; "beta software is usually available only to particular users who will test it" -02647503 __family_agonidae_NN_1 poachers -11678768 __ovule_NN_1 a small body that contains the female germ cell of a plant; develops into a seed after fertilization -13405166 __journal_NN_3 a ledger in which transactions have been recorded as they occurred -02588099 __unworthy_JJ_1 lacking in value or merit; "dispel a student whose conduct is deemed unworthy"; "unworthy of forgiveness" -15097209 __detergent_builder_NN_1 a substance added to soaps or detergents to increase their cleansing action -01202415 __integration_NN_1 the action of incorporating a racial or religious group into a community -02209508 __genus_bombus_NN_1 bumblebees -06004685 __geometry_NN_1 the pure mathematics of points and lines and curves and surfaces -13403643 __record_NN_7 a document that can serve as legal evidence of a transaction; "they could find no record of the purchase" -00512267 __capriole_NN_2 a playful leap or hop -08467258 __expressionism_NN_1 an art movement early in the 20th century; the artist's subjective expression of inner experiences was emphasized; an inner feeling was expressed through a distorted rendition of reality -13401013 __lien_NN_1 the right to take another's property if an obligation is not discharged -05607001 __cornu_NN_1 (anatomy) any structure that resembles a horn in shape -11768242 __genus_acokanthera_NN_1 small genus of trees and shrubs containing strongly toxic cardiac glycosides; Arabia to Africa -13398953 __loan_NN_1 the temporary provision of money (usually at interest) -12055839 __genus_cypripedium_NN_1 genus of chiefly American perennial leafy-stemmed orchids: lady's slippers; sometimes includes species of genus Paphiopedilum -13398241 __obligation_NN_4 a written promise to repay a debt -01958452 __unhorse_VB_1 alight from (a horse) -13396054 __liabilities_NN_1 anything that is owed to someone else -12974987 __slime_mould_NN_1 a naked mass of protoplasm having characteristics of both plants and animals; sometimes classified as protoctists -00225593 __suffocation_NN_1 killing by depriving of oxygen -02560546 __white_seabass_NN_1 a species of large perch noted for its sporting and eating qualities; lives in marine, estuary, and freshwater habitats -13395515 __fiver_NN_1 a United States bill worth 5 dollars -13395074 __hundred_dollar_bill_NN_1 a United States bill worth 100 dollars -12375518 __sunrose_NN_1 any plant of the genus Helianthemum; vigorous plants of stony alpine meadows and dry scrub regions -06536853 __measure_NN_3 a statute in draft before it becomes law; "they held a public hearing on the bill" -02742468 __arrester_hook_NN_1 a restraint that slows airplanes as they land on the flight deck of an aircraft carrier -04192858 __shield_NN_1 a protective covering or structure -00201671 __transference_NN_3 the act of transfering something from one form to another; "the transfer of the music from record to tape suppressed much of the background noise" -04155310 __scribble_NN_2 an aimless drawing -05320899 __ear_NN_1 the sense organ for hearing and equilibrium -04780605 __unsavoriness_NN_2 the property of being extremely unacceptable to the mind -01748906 __ophiophagus_hannah_NN_1 large cobra of southeastern Asia and the East Indies; the largest venomous snake; sometimes placed in genus Naja -04904560 __ataraxia_NN_1 peace of mind -00169651 __change_magnitude_VB_1 a flight maneuver consisting of a steep climbing turn executed to gain altitude while changing direction change in size or magnitude -02352591 __dormouse_NN_1 small furry-tailed squirrel-like Old World rodent that becomes torpid in cold weather -09886010 __cabinet_minister_NN_1 a person who is a member of the cabinet -05689801 __bind_NN_1 something that hinders as if with bonds -13388245 __coin_NN_1 a flat metal piece (usually a disc) used as money -13386614 __hard_currency_NN_2 money in the form of bills or coins; "there is a desperate shortage of hard cash" -13385913 __currency_NN_1 the metal or paper medium of exchange that is presently used -01646941 __young_JJ_1 (used of living things especially persons) in an early period of life or development or growth; "young people" -13722060 __scruple_NN_1 a unit of apothecary weight equal to 20 grains -13384557 __money_NN_1 the most common medium of exchange; functions as legal tender; "we tried to collect the money he owed us" -12906926 __nicandra_NN_1 sturdy annual of Peru -05299927 __third_eye_NN_1 a sensory structure capable of light reception located on the dorsal side of the diencephalon in various reptiles -13379413 __personal_line_of_credit_NN_1 the maximum credit that a customer is allowed -13548931 __regression_NN_2 (psychiatry) a defense mechanism in which you flee from reality by assuming a more infantile state -12150028 __sedge_NN_1 grasslike or rushlike plant growing in wet places having solid stems, narrow grasslike leaves and spikelets of inconspicuous flowers -08752814 __puerto_rico_NN_2 the smallest and easternmost of the Greater Antilles in the Caribbean -03469175 __turret_NN_2 a self-contained weapons platform housing guns and capable of rotation -05868954 __ingredient_NN_2 an abstract part of something; "jealousy was a component of his character"; "two constituents of a musical composition are melody and harmony"; "the grammatical elements of a sentence"; "a key factor in her success"; "humor: an effective ingredient of a speech" -13376012 __plastic_NN_2 a card (usually plastic) that assures a seller that the person using it has a satisfactory credit rating and that the issuer will see to it that the seller receives payment for the merchandise delivered; "do you take plastic?" -07275078 __genuflexion_NN_1 the act of bending the knees in worship or reverence -02797295 __wheelbarrow_NN_1 a cart for carrying small loads; has handles and one or more wheels -13375604 __open_account_NN_1 credit extended by a business to a customer -03860741 __outpost_NN_3 a military post stationed at a distance from the main body of troops -02450505 __prevent_VB_2 stop (someone or something) from doing something or being in a certain state; "We must prevent the cancer from spreading"; "His snoring kept me from falling asleep"; "Keep the child from eating the marbles" -13374426 __consumer_credit_NN_1 a line of credit extended for personal or household use -05605192 __respiratory_center_NN_1 the center in the medulla oblongata and pons that integrates sensory information about the level of oxygen and carbon dioxide in the blood and determines the signals to be sent to the respiratory muscles -13373214 __standard_NN_4 the value behind the money in a monetary system -13372961 __monetary_system_NN_1 anything that is generally accepted as a standard of value and a measure of wealth in a particular country or region -10308732 __repairer_NN_1 a skilled worker who mends or repairs things -13372123 __sparkler_NN_1 diamonds; "look at the ice on that dame!" -06192789 __vertebrate_paleontology_NN_1 the paleontology of vertebrates -09774266 __consultant_NN_1 an expert who gives advice; "an adviser helped students select their courses"; "the United States sent military advisors to Guatemala" -07049713 __lay_NN_1 a narrative song with a recurrent refrain -12092262 __pimpernel_NN_2 any of several plants of the genus Anagallis -07094093 __metre_NN_2 (prosody) the accent in a metrical foot of verse -08355075 __wire_service_NN_1 an agency to collects news reports for newspapers and distributes it electronically -13367070 __store_NN_2 a supply of something available for future use; "he brought back a large store of Cuban cigars" -13366693 __accumulation_NN_4 (finance) profits that are not paid out as dividends but are added to the capital base of the corporation -06647206 __record_NN_1 anything (such as a document or a phonograph record or a photograph) providing permanent evidence of or information about past events; "the film provided a valuable record of stage techniques" -13477023 __phylogeny_NN_1 (biology) the sequence of events involved in the evolutionary development of a species or taxonomic group of organisms -13366137 __creature_comforts_NN_1 things that make you comfortable and at ease; "all the comforts of home" -04797295 __unusualness_NN_1 uncommonness by virtue of being unusual -06532095 __enactment_NN_2 a legal document codifying the result of deliberations of a committee or society or legislative body -00503237 __chess_game_NN_1 a board game for two players who move their 16 pieces according to specific rules; the object is to checkmate the opponent's king -13169219 __filicopsida_NN_1 ferns -08877807 __oxford_NN_1 a city in southern England to the northwest of London; site of Oxford University -02167151 __ground_beetle_NN_1 predacious shining black or metallic terrestrial beetle that destroys many injurious insects -00347104 __jump_off_VB_1 set off quickly, usually with success; "The freshman jumped off to a good start in his math class" -01627965 __unsavoury_JJ_1 morally offensive; "an unsavory reputation"; "an unsavory scandal" -12695760 __melia_NN_1 type genus of the Meliaceae: East Indian and Australian deciduous trees with leaves resembling those of the ash -13358549 __monetary_fund_NN_1 a reserve of money set aside for some purpose -10676569 __supernumerary_NN_2 a minor actor in crowd scenes -13356985 __treasury_NN_1 the funds of a government or institution or individual -00121645 __forwarding_NN_1 the act of sending on to another destination; "the forwarding of mail to a new address is done automatically"; "the forwarding of resumes to the personnel department" -13356569 __roll_NN_6 a roll of currency notes (often taken as the resources of a person or business etc.); "he shot his roll on a bob-tailed nag" -13354985 __accounting_NN_5 a statement of recent transactions and the resulting balance; "they send me an accounting every month" -00975781 __blitzkrieg_NN_1 a swift and violent military offensive with intensive aerial bombardment -10149527 __warrantor_NN_1 one who provides a warrant or guarantee to another -05980256 __atheism_NN_2 a lack of belief in the existence of God or gods -01012561 __validate_VB_3 give evidence for -09837360 __bandmaster_NN_1 the conductor of a band -02052090 __skirt_VB_2 pass around or about; move along the border; "The boat skirted the coast" -06733227 __predication_NN_1 (logic) a declaration of something self-evident; something that can be assumed as the basis for argument -11331300 __tarantino_NN_1 United States filmmaker (born in 1963) -02077923 __sea_lion_NN_1 any of several large eared seals of the northern Pacific related to fur seals but lacking their valuable coat -02120997 __feline_NN_1 any of various lithe-bodied roundheaded fissiped mammals, many with retractile claws -14788714 __cacodyl_radical_NN_1 the univalent group derived from arsine -05536370 __cecum_NN_1 the cavity in which the large intestine begins and into which the ileum opens; "the appendix is an offshoot of the cecum" -08945529 __gabun_NN_1 a republic on the west coast of Africa -06471345 __credentials_NN_1 a document attesting to the truth of certain stated facts -04932561 __complex_instruction_set_computing_NN_1 (computer science) a kind of computer architecture that has a large number of instructions hard coded into the CPU chip -13343774 __pot_NN_6 the cumulative amount involved in a game (such as poker) -00282485 __push_NN_5 an effort to advance; "the army made a push toward the sea" -03409920 __gadgetry_NN_1 appliances collectively; "laborsaving gadgetry" -13343526 __wager_NN_2 the money risked on a gamble -00848282 __free_love_NN_1 sexual intercourse between individuals who are not married to one another -05524430 __sex_gland_NN_1 a gland in which gametes (sex cells) are produced -00745005 __transgression_NN_1 the act of transgressing; the violation of a law or a duty or moral principle; "the boy was punished for the transgressions of his father" -10173895 __straight_person_NN_1 a heterosexual person; someone having a sexual orientation to persons of the opposite sex -00418110 __rigidify_VB_2 make rigid and set into a conventional pattern; "rigidify the training schedule"; "ossified teaching methods"; "slogans petrify our thinking" cleaned with chemical solvents -11944196 __thistle_NN_1 any of numerous plants of the family Compositae and especially of the genera Carduus and Cirsium and Onopordum having prickly-edged leaves -01634392 __necturus_NN_1 a genus of Proteidae -14425715 __womanhood_NN_1 the state of being an adult woman -07169480 __direction_NN_8 a formal statement of a command or injunction to do something; "the judge's charge to the jury" -00123430 __gun_NN_7 the discharge of a firearm as signal or as a salute in military ceremonies; "two runners started before the gun"; "a twenty gun salute" -10280364 __mafioso_NN_2 a member of the Mafia crime syndicate in the United States -01114303 __conquer_VB_3 overcome by conquest; "conquer your fears"; "conquer a country" -04041069 __radiator_NN_2 heater consisting of a series of pipes for circulating steam or hot water to heat rooms or buildings -03567325 __lozal_NN_1 diuretic (trade name Lozal) used in the treatment of hypertension -07544647 __warmness_NN_1 a positive feeling of liking; "he had trouble expressing the affection he felt"; "the child won everyone's heart"; "the warmness of his welcome made us feel right at home" -01681812 __phrynosoma_NN_1 horned lizards -01144355 __scheduling_NN_1 setting an order and time for planned events -02561332 __use_VB_5 avail oneself to; "apply a principle"; "practice a religion"; "use care when going down the stairs"; "use your common sense"; "practice non-violent resistance" -13333237 __investment_funds_NN_1 money that is invested with an expectation of profit -01880531 __improper_JJ_1 not suitable or right or appropriate; "slightly improper to dine alone with a married man"; "improper medication"; "improper attire for the golf course" -13331778 __resource_NN_1 available source of wealth; a new or reserve supply that can be drawn upon when needed -13331198 __sum_of_money_NN_1 a quantity of money; "he borrowed a large sum"; "the amount he had in cash was insufficient" -09705124 __ethiopian_NN_1 a native or inhabitant of Ethiopia -14135065 __neurosyphilis_NN_1 syphilis of the central nervous system -13328357 __wear_and_tear_NN_1 decrease in value of an asset due to obsolescence or use -15271008 __suspension_NN_2 a time interval during which there is a temporary cessation of something -03616763 __kick_starter_NN_1 a starter (as on a motorcycle) that is activated with the foot and the weight of the body -02492660 __howler_monkey_NN_1 monkey of tropical South American forests having a loud howling cry -10191192 __humanist_NN_1 a classical scholar or student of the liberal arts -05367912 __vena_gastroomentalis_NN_1 one of two veins serving the great curvature of the stomach -05736736 __pricing_NN_1 the evaluation of something in terms of its price -04529962 __vertical_stabilizer_NN_1 a stabilizer that is part of the vertical tail structure of an airplane -06364641 __literature_NN_1 creative writing of recognized artistic value -13323988 __tuition_fee_NN_1 a fee paid for instruction (especially for higher education); "tuition and room and board were more than $25,000" -01672767 __subclass_lepidosauria_NN_1 diapsid reptiles: lizards; snakes; tuataras -02490090 __intermarry_VB_1 marry within the same ethnic, social, or family group -12403862 __genus_broussonetia_NN_1 paper mulberry -00464894 __golf_game_NN_1 a game played on a large open course with 9 or 18 holes; the object is use as few strokes as possible in playing all the holes -03880531 __pan_NN_1 cooking utensil consisting of a wide metal vessel -02227119 __locusta_NN_1 a genus of Acrididae -00983333 __stress_VB_2 put stress on; utter with an accent; "In Farsi, you accent the last syllable of each word" -13320168 __fee_NN_1 a fixed charge for a privilege or for professional services -13319512 __discount_rate_NN_1 the rate of interest set by the Federal Reserve that member banks are charged when they borrow money through the Federal Reserve System -13319032 __rate_of_interest_NN_1 the percentage of a sum of money charged for its use -09292189 __ursa_major_NN_1 a constellation outside the zodiac that rotates around the North Star -04910377 __presence_NN_5 dignified manner or conduct -03266749 __eiderdown_NN_1 a soft quilt usually filled with the down of the eider -09189157 __eyry_NN_1 the lofty nest of a bird of prey (such as a hawk or eagle) -13314936 __rates_NN_1 a local tax on property (usually used in the plural) -01982650 __lobster_NN_2 any of several edible marine crustaceans of the families Homaridae and Nephropsidae and Palinuridae -13312754 __council_tax_NN_1 a tax levied on households by local authorities; based on the estimated value of the property and the number of people living in it -15236475 __time_of_year_NN_1 one of the natural periods into which the year is divided by the equinoxes and solstices or atmospheric conditions; "the regular sequence of the seasons" -08079852 __five_NN_2 a team that plays basketball -03756624 __ritalin_NN_1 central nervous system stimulant (trade name Ritalin) used in the treatment of narcolepsy in adults and attention deficit disorder in children -13310230 __income_tax_NN_1 a personal tax levied on annual income -13308147 __transportation_NN_3 the sum charged for riding in a public conveyance -04289690 __sprocket_wheel_NN_1 thin wheel with teeth that engage with a chain -13305510 __support_level_NN_1 (stock market) the price at which a certain security becomes attractive to investors -13154841 __bract_NN_1 a modified leaf or leaflike part just below and protecting an inflorescence -09305479 __hook_of_holland_NN_1 a cape on the southwestern coast of the Netherlands near Rotterdam -06408651 __treatise_NN_1 a formal exposition -13303880 __markup_NN_1 the amount added to the cost to determine the asking price -00742149 __shrug_off_VB_1 minimize the importance of, brush aside; "Jane shrugged off the news that her stock had fallen 3 points" -02666239 __differ_VB_1 be different; "These two tests differ in only one respect" -00151087 __spying_NN_3 the act of detecting something; catching sight of something -13301328 __mulct_NN_1 money extracted as a penalty -02568636 __serranus_NN_1 type genus of the Serranidae: mostly small Pacific sea basses -02296276 __cerapteryx_graminis_NN_1 European moth with white antler-like markings on the forewings; the larvae damage pastures and grasslands -11838266 __genus_allionia_NN_1 small genus of chiefly American herbs -08551420 __theatre_of_war_NN_1 the entire land, sea, and air area that may become or is directly involved in war operations -13178284 __tongue_fern_NN_1 east Asian fern having fronds shaped like tongues; sometimes placed in genus Cyclophorus -03787308 __mortise_NN_1 a square hole made to receive a tenon and so to form a joint -13297850 __sickness_benefit_NN_1 money paid (by the government) to someone who is too ill to work -08772137 __bonn_NN_1 a city in western Germany on the Rhine River; was the capital of West Germany between 1949 and 1989 -12797213 __peltiphyllum_NN_1 one species -14940386 __liquid_NN_1 a substance that is liquid at room temperature and pressure -02726717 __hoodoo_VB_1 bring bad luck; be a source of misfortune -00847683 __libel_VB_1 print slanderous statements against; "The newspaper was accused of libeling him" -13296460 __payback_NN_1 financial return or reward (especially returns equal to the initial investment) -13296270 __rent_NN_3 the return derived from cultivated land in excess of that derived from the poorest land cultivated under similar conditions -09364249 __muztagh_NN_1 a highest mountain peak in the Kunlun Shan in China; near the Indian border (23,891 feet high) -07493280 __relief_NN_1 the feeling that comes when something burdensome is removed or reduced; "as he heard the news he was suddenly flooded with relief" -13295657 __rent_NN_1 a payment or series of payments made by the lessee to an owner for use of some property, facility, equipment, or service -12152406 __genus_eriophorum_NN_1 cotton grass -01524359 __passerine_NN_1 perching birds mostly small and living near the ground with feet having 4 toes arranged to allow for gripping the perch; most are songbirds; hatchlings are helpless -00092293 __drop_VB_22 grow worse; "Her condition deteriorated"; "Conditions in the slums degenerated"; "The discussion devolved into a shouting match" -00418394 __vexation_NN_4 the act of troubling or annoying someone -02611976 __strike_VB_8 touch or seem as if touching visually or audibly; "Light fell on her face"; "The sun shone on the fields"; "The light struck the golden necklace"; "A strange sound struck my ears" -02351870 __jerboa_NN_1 mouselike jumping rodent -13291831 __smart_money_NN_2 (law) compensation in excess of actual damages (a form of punishment awarded in cases of malicious or willful misconduct) -13291614 __nominal_damages_NN_1 (law) a trivial sum (usually $1.00) awarded as recognition that a legal injury was sustained (as for technical violations of a contract) -13291356 __general_damages_NN_1 (law) compensation for losses that can readily be proven to have occurred and for which the injured party has the right to be compensated -10878844 __jimmy_cagney_NN_1 United States film actor known for his portrayals of tough characters (1899-1986) -06078978 __neurology_NN_1 the branch of medical science that deals with the nervous system -02164464 __beetle_NN_1 insect having biting mouthparts and front wings modified to form horny covers overlying the membranous rear wings -13286801 __stake_NN_1 (law) a right or legal share of something; a financial involvement with something; "they have interests all over the world"; "a stake in the company's future" -13286640 __split_NN_3 a promised or claimed share of loot or money; "he demanded his split before they disbanded" -12945177 __water_parsnip_NN_1 stout white-flowered perennial found wild in shallow fresh water; northern United States and Asia -08177487 __sea_power_NN_2 a nation that possesses formidable naval strength -00397760 __expunging_NN_1 deletion by an act of expunging or erasing -00100235 __tumble_VB_11 do gymnastics, roll and turn skillfully -05109808 __decrement_NN_1 the amount by which something decreases -08759263 __pressburg_NN_1 capital and largest city of Slovakia -02227966 __tettigoniid_NN_1 grasshoppers with long threadlike antennae and well-developed stridulating organs on the forewings of the male -13282161 __refund_NN_1 money returned to a payer -14103510 __hypertension_NN_1 a common disorder in which blood pressure remains abnormally high (a reading of 140/90 mm Hg or greater) -04865502 __concentration_NN_7 great and constant diligence and attention -13167078 __fern_genus_NN_1 genera of ferns and fern allies -13280658 __pay_packet_NN_1 wages enclosed in an envelope for distribution to the wage earner -03755712 __methotrexate_sodium_NN_1 toxic antimetabolite that limits cellular reproduction by acting as an antagonist to folic acid; used to treat certain cancers and psoriasis and rheumatoid arthritis -10125561 __superior_general_NN_1 the head of a religious order or congregation -13277886 __expense_NN_3 money spent to perform work and usually reimbursed by an employer; "he kept a careful record of his expenses at the meeting" -04547592 __wall_NN_7 a masonry fence (as around an estate or garden); "the wall followed the road"; "he ducked behind the garden wall and waited" -13276330 __trade_expense_NN_1 ordinary and necessary expenses incurred in a taxpayer's business or trade -03413428 __gaming_house_NN_1 a public building in which a variety of games of chance can be played (operated as a business) -13274092 __allowance_NN_3 an amount added or deducted on the basis of qualifying circumstances; "an allowance for profit" -13273550 __deductible_NN_1 (taxes) an amount that can be deducted (especially for the purposes of calculating income tax) -00155085 __demonetization_NN_1 ending something (e.g. gold or silver) as no longer the legal tender of a country -13273154 __incentive_NN_2 an additional payment (or other remuneration) to employees as a means of increasing output -02308214 __depressant_JJ_1 capable of depressing physiological or psychological activity or response by a chemical agent -00181258 __shell_VB_8 remove the husks from; "husk corn" -00112312 __pushing_NN_1 the act of applying force in order to move something away; "he gave the door a hard push"; "the pushing is good exercise" -15043118 __smaltite_NN_1 a grey mineral consisting of cobalt arsenide and nickel; an important source of cobalt and nickel -13271320 __endowment_fund_NN_1 the capital that provides income for an institution -01211339 __boost_NN_3 the act of giving a push; "he gave her a boost over the fence" -09903153 __famous_person_NN_1 a widely known person; "he was a baseball celebrity" -05413241 __thyroid_hormone_NN_1 any of several closely related compounds that are produced by the thyroid gland and are active metabolically -00375071 __concentration_NN_3 strengthening the concentration (as of a solute in a mixture) by removing diluting material -13268842 __present_NN_2 something presented as a gift; "his tie was a present from his wife" -01603600 __waxwing_NN_1 brown velvety-plumaged songbirds of the northern hemisphere having crested heads and red waxy wing tips -12975982 __class_acrasiomycetes_NN_1 cellular slime molds; in some classifications placed in kingdom Protoctista -07144190 __ventilation_NN_3 free and open discussion of (or debate on) some question of public interest; "such a proposal deserves thorough public discussion" -12154426 __screw-pine_family_NN_1 family of woody plants of the order Pandanales including pandanus -00883847 __preen_VB_2 pride or congratulate (oneself) for an achievement -13263779 __legacy_NN_1 (law) a gift of personal property by will -12372932 __genus_carica_NN_1 type genus of the Caricaceae; tropical American trees: papayas -05072911 __roundness_NN_3 the property possessed by a line or surface that is curved and not angular -13261779 __government_revenue_NN_1 income available to the government -07472929 __run_NN_12 a race between candidates for elective office; "I managed his campaign for governor"; "he is raising money for a Senate run" -14145501 __common_cold_NN_1 a mild viral infection involving the nose and respiratory passages (but not the lungs); "will they never find a cure for the common cold?" -13259917 __winnings_NN_1 something won (especially money) -11521940 __uv_NN_1 radiation lying in the ultraviolet range; wave lengths shorter than light but longer than X rays -13258362 __profits_NN_1 the excess of revenues over outlays in a given period of time (including depreciation and other non-cash expenses) -01372189 __punt_VB_2 propel with a pole; "pole barges on the river"; "We went punting in Cambridge" -13256691 __revenue_NN_1 the entire amount of income before any deductions are made -07443761 __transposition_NN_2 an event in which one thing is substituted for another; "the replacement of lost blood by a transfusion of donor blood" -12634734 __siberian_crab_apple_NN_1 Asian wild crab apple cultivated in many varieties for it small acid usually red fruit used for preserving -08349681 __patent_office_NN_1 the government bureau in the Department of Commerce that keeps a record of patents and trademarks and grants new ones -04664964 __sloppiness_NN_3 the quality of not being careful or taking pains -08687345 __scorpion_NN_2 the eighth sign of the zodiac; the sun is in this sign from about October 23 to November 21 -13255145 __income_NN_1 the financial gain (earned or unearned) accruing over a given period of time -02415390 __thick_JJ_3 relatively dense in consistency; "thick cream"; "thick soup"; "thick smoke"; "thick fog" -13253612 __purchase_NN_2 something acquired by purchase -13252973 __transferred_property_NN_1 a possession whose ownership changes or lapses -02509287 __restrict_VB_2 place under restrictions; limit access to; "This substance is controlled" -01850373 __whistler_NN_4 large-headed swift-flying diving duck of Arctic regions -13252513 __plantation_NN_1 an estate where cash crops are grown on a large scale (especially in tropical areas) -13252168 __manor_NN_2 the landed estate of a lord (including the house on it) -01634734 __mythologize_VB_1 construct a myth; "The poet mythologized that the King had three sons" -05557339 __abdominal_muscle_NN_1 the muscles of the abdomen -07308563 __explosion_NN_1 a violent release of energy caused by a chemical or nuclear reaction -13249927 __fief_NN_1 a piece of land held under the feudal system -13249245 __smallholding_NN_1 a piece of land under 50 acres that is sold or let to someone for cultivation -04937043 __runniness_NN_1 the property of flowing easily; "adding lead makes the alloy easier to cast because the melting point is reduced and the fluidity is increased"; "they believe that fluidity increases as the water gets warmer" -02019308 __genus_choriotis_NN_1 Australian bustard -02340813 __pitymys_NN_1 pine mice -13248598 __you-drive_NN_1 a rented car; "she picked up a hire car at the airport and drove to her hotel" -13247818 __spiritualty_NN_1 property or income owned by a church -13247554 __salvage_NN_1 property or goods saved from damage or destruction -08855609 __joao_pessoa_NN_1 a city in northeastern Brazil near the Atlantic Ocean to the north of Recife -02716205 __bactericide_NN_2 any drug that destroys bacteria or inhibits their growth -06275095 __overseas_telegram_NN_1 a telegram sent abroad -15150493 __seventies_NN_2 the time of life between 70 and 80 -13245626 __private_property_NN_1 movable property (as distinguished from real estate) -01611472 __peregrine_falcon_NN_1 a widely distributed falcon formerly used in falconry -00854420 __lead_astray_VB_3 cause someone to believe an untruth; "The insurance company deceived me when they told me they were covering my house" -07828378 __msg_NN_1 white crystalline compound used as a food additive to enhance flavor; often used in Chinese cooking; "food manufacturers sometimes list MSG simply as `artificial flavors' in ingredient lists" -02513742 __prejudice_VB_1 disadvantage by prejudice -14418103 __incoherency_NN_1 lack of cohesion or clarity or organization -14155274 __monochromia_NN_1 complete color blindness; colors can be differentiated only on the basis of brightness -13241600 __option_NN_1 the right to buy or sell property at an agreed price; the right is purchased and if it is not exercised by a stated date the money is forfeited -00058002 __disembarkment_NN_1 the act of passengers and crew getting off of a ship or aircraft -01916214 __wade_VB_1 walk (through relatively shallow water); "Can we wade across the river to the other side?"; "Wade the pond" -13239471 __vincetoxicum_NN_1 genus of chiefly tropical American vines having cordate leaves and large purple or greenish cymose flowers; supposedly having powers as an antidote -13238988 __stephanotis_NN_1 any of various evergreen climbing shrubs of the genus Stephanotis having fragrant waxy flowers -08102282 __side_NN_8 a family line of descent; "he gets his brains from his father's side" -07335414 __devastation_NN_3 an event that results in total destruction -14618834 __binary_compound_NN_1 chemical compound composed of only two elements -00659349 __heart_massage_NN_1 an emergency procedure that employs rhythmic compression of the heart (either through the chest wall or, during surgery, directly to the heart) in an attempt to maintain circulation during cardiac arrest -09885866 __furniture_maker_NN_1 a woodworker who specializes in making furniture -13236354 __genus_cynancum_NN_1 genus of perennial tropical African lianas -10015897 __unbeliever_NN_1 someone who refuses to believe (as in a divinity) -07342495 __cycle_NN_3 a periodically repeated sequence of events; "a cycle of reprisal and retaliation" -08743229 __victoria_de_durango_NN_1 a city in north central Mexico; mining center -04839154 __fairness_NN_1 conformity with rules or standards; "the judge recognized the fairness of my claim" -05642553 __touch_NN_11 deftness in handling matters; "he has a master's touch" -13230662 __beech_fern_NN_1 any fern of the genus Phegopteris having deeply cut triangular fronds -02560383 __lates_NN_1 a genus of large percoid fishes of fresh and brackish water -13229358 __oreopteris_NN_1 3 species of ferns formerly included in genus Dryopteris or Thelypteris -10746581 __vassal_NN_1 a person holding a fief; a person who owes allegiance and service to a feudal lord -13227778 __thelypteris_palustris_NN_1 fern having pinnatifid fronds and growing in wet places; cosmopolitan in north temperate regions -02021532 __make_VB_37 reach in time; "We barely made the plane" -00734587 __abstract_VB_3 consider apart from a particular case or instance; "Let's abstract away from this particular example" -13226698 __geoglossum_NN_1 type genus of the Geoglossaceae comprising the earthtongues -12965626 __ergot_NN_2 a fungus that infects various cereal plants forming compact black masses of branching filaments that replace many grains of the plant; source of medicinally important alkaloids and of lysergic acid -13225729 __order_isoetales_NN_1 aquatic or marsh-growing fern allies; known to have existed since the Cenozoic; sometimes included in Lycopodiales -04159545 __seal_NN_7 a finishing coat applied to exclude moisture -09169303 __death_valley_NN_1 a desert area that is part of the Mojave Desert in eastern California and southwestern Nevada; contains the lowest point in North America -00198270 __weaning_NN_1 the act of substituting other food for the mother's milk in the diet of a child or young mammal -00315390 __yachting_NN_1 water travel for pleasure -05656294 __trichromacy_NN_1 the normal ability to see colors -13224086 __selaginellales_NN_1 in some classifications included in Lycopodiales -14160365 __muscular_dystrophy_NN_1 any of several hereditary diseases of the muscular system characterized by weakness and wasting of skeletal muscles -13223265 __ground_pine_NN_1 any of several club mosses having long creeping stems and erect branches -13223090 __mountain_clubmoss_NN_1 of northern Europe and America; resembling a miniature fir -08112096 __profession_NN_1 the body of people in a learned occupation; "the news spread rapidly through the medical profession"; "they formed a community of scientists" -04586421 __winder_NN_3 mechanical device around which something can be wound -05107765 __amount_NN_2 the relative magnitude of something with reference to a criterion; "an adequate amount of food for four people" -09408540 __rhine_river_NN_1 a major European river carrying more traffic than any other river in the world; flows into the North Sea -13222227 __order_lycopodiales_NN_1 lower vascular plants coextensive with the family Lycopodiaceae; in some classifications includes the Selaginellaceae and Isoetaceae -12972414 __zygomycotina_NN_1 division of fungi having sexually produced zygospores -07990824 __brood_NN_1 the young of an animal cared for at one time -08218212 __full_complement_NN_1 number needed to make up a whole force; "a full complement of workers" -13221529 __lycopod_NN_1 primitive evergreen moss-like plant with spores in club-shaped strobiles -00105479 __hurl_NN_1 a violent throw -03286383 __remnant_NN_2 a piece of cloth that is left over after the rest has been used or sold -10121800 __gastroenterologist_NN_1 a physician who specializes in diseases of the gastrointestinal tract -01603316 __family_bombycillidae_NN_1 a family of birds of the suborder Oscines -00810385 __quibble_VB_1 evade the truth of a point or question by raising irrelevant objections -10576223 __segregate_NN_1 someone who is or has been segregated -10419047 __pervert_NN_1 a person whose behavior deviates from what is acceptable especially in sexual behavior -07824702 __paprika_NN_2 a mild powdered seasoning made from dried pimientos -13218114 __rhyniaceae_NN_1 primitive plants of the Paleozoic -09752381 __taurus_NN_2 (astrology) a person who is born while the sun is in Taurus -13216475 __psilotaceae_NN_1 small family of lower ferns having nearly naked stems and minute scalelike leaves -07858595 __sweetening_NN_1 something added to foods to make them taste sweeter -13213768 __pteris_NN_1 large genus of terrestrial ferns of tropics and subtropics; sometimes placed in family Polypodiaceae -14018567 __tipsiness_NN_1 a temporary state resulting from excessive consumption of alcohol -13177884 __platycerium_bifurcatum_NN_1 commonly cultivated fern of Australia and southeastern Asia and Polynesia -13212025 __pellaea_andromedifolia_NN_1 evergreen fern of California and Baja California -13211516 __pellaea_NN_1 genus of chiefly small rock-loving ferns; in some classification systems it is placed in the family Polypodiaceae or Adiantaceae -04552348 __warplane_NN_1 an aircraft designed and used for combat -13210827 __genus_doryopteris_NN_1 small to medium tropical tufted ferns; sometimes placed in family Adiantaceae -00398704 __translation_NN_3 the act of changing in form or shape or appearance; "a photograph is a translation of a scene onto a two-dimensional surface" -13210205 __rock_brake_NN_2 dwarf deciduous lithophytic ferns -05812038 __centre_of_attention_NN_1 the object upon which interest and attention focuses; "his stories made him the center of the party" -13210006 __genus_cryptogramma_NN_1 sometimes placed in family Polypodiaceae or Cryptogrammataceae -08180484 __admass_NN_1 the segment of the public that is easily influenced by mass media (chiefly British) -00648931 __dissection_NN_3 detailed critical analysis or examination one part at a time (as of a literary work) -05946687 __religious_belief_NN_1 a strong belief in a supernatural power or powers that control human destiny; "he lost his faith but not his morality" -04953380 __twinkle_NN_2 merriment expressed by a brightness or gleam or animation of countenance; "he had a sparkle in his eye"; "there's a perpetual twinkle in his eyes" -09825413 __autodidact_NN_1 a person who has taught himself -11750989 __sweet_clover_NN_1 erect annual or biennial plant grown extensively especially for hay and soil improvement -04627000 __warmth_NN_5 a quality proceeding from feelings of affection or love -13207736 __brittle_maidenhair_fern_NN_1 tropical American fern with broad pinnae; widely cultivated -08335414 __rota_NN_1 (Roman Catholic Church) the supreme ecclesiastical tribunal for cases appealed to the Holy See from diocesan courts -01381399 __spirochaetales_NN_1 higher bacteria; slender spiral rodlike forms -06172294 __quadrivium_NN_1 (Middle Ages) a higher division of the curriculum in a medieval university involving arithmetic and music and geometry and astronomy -01526925 __prunellidae_NN_1 hedge sparrow -13207094 __venushair_NN_1 delicate maidenhair fern with slender shining black leaf stalks; cosmopolitan -08128159 __joint_chiefs_of_staff_NN_1 the executive agency that advises the President on military questions; composed of the chiefs of the United States Army and the United States Navy and the United States Air Force and the commandant of the United States Marine Corps -03746994 __mentholated_salve_NN_1 a salve containing menthol -13204826 __sword_fern_NN_1 any of several tropical ferns having more or less sword-shaped fronds including one from which the Boston fern developed -13203251 __lophosoriaceae_NN_1 very small family of tree ferns -11695485 __genus_asimina_NN_1 pawpaw -13201725 __genus_woodsia_NN_1 genus of small to medium-sized usually rock-inhabiting ferns of temperate and cold regions; in some classification systems placed in Polypodiaceae -13200986 __ten-day_fern_NN_1 widely distributed fern of tropical southern hemisphere having leathery pinnatifid fronds -13200806 __rumohra_NN_1 leatherleaf ferns: in some classifications included in genus Polystichum -01249315 __pardon_NN_3 the formal act of liberating someone -12515711 __egyptian_pea_NN_1 Asiatic herb cultivated for its short pods with one or two edible seeds -13199717 __polystichum_acrostichoides_NN_1 North American evergreen fern having pinnate leaves and dense clusters of lance-shaped fronds -12907057 __shoo_fly_NN_1 coarse South American herb grown for its blue-and-white flowers followed by a bladderlike fruit enclosing a dry berry -01586941 __mockingbird_NN_1 long-tailed grey-and-white songbird of the southern United States able to mimic songs of other birds -08303862 __creek_confederacy_NN_1 a North American Indian confederacy organized by the Muskogee that dominated the southeastern part of the United States before being removed to Oklahoma -11072396 __innocent_xi_NN_1 Italian pope from 1676 to 1689 whose papacy was marked by the struggle with Louis XIV of France over papal authority over French Catholics; known for saintliness and canonized in 1956 (1611-1689) -13198728 __onoclea_NN_1 one species: sensitive fern; in some classifications included in Polypodiaceae -01930852 __common_roundworm_NN_1 intestinal parasite of humans and pigs -00755500 __pretend_NN_1 the enactment of a pretense; "it was just pretend" -08807554 __lateran_NN_1 the site in Rome containing the church of Rome and the Lateran Palace -13198354 __olfersia_NN_1 genus of fern having only one species -02135726 __viverricula_NN_1 a genus of Viverridae -13197800 __pteretis_NN_1 small genus sometimes included in genus Onoclea; in some classifications both genera are placed in Polypodiaceae -00268457 __quicky_NN_1 hurried repair -03632277 __ladder_NN_1 steps consisting of two parallel members connected by rungs; for climbing up or down -10181990 __home_help_NN_1 a person hired to help in another's home (especially one employed by a local authority to help the infirm with domestic work) -14744841 __plant_hormone_NN_1 (botany) a plant product that acts like a hormone -06200010 __perseveration_NN_1 the tendency for a memory or idea to persist or recur without any apparent stimulus for it -12271643 __red_oak_NN_1 any of numerous American oaks having 4 stamens in each floret, acorns requiring two years to mature and leaf veins usually extending beyond the leaf margin to form points or bristles -13527965 __oscillation_NN_1 the process of oscillating between states -13194572 __lady_fern_NN_1 most widely grown fern of the genus Athyrium for its delicate foliage -12097013 __myrsine_NN_1 evergreen trees and shrubs having aromatic foliage; Africa; Asia (New Zealand) -07265619 __red_flag_NN_1 a flag that serves as a warning signal; "we didn't swim at the beach because the red flag was up" -01594362 __stamp_VB_8 crush or grind with a heavy instrument; "stamp fruit extract the juice" -02155448 __calyculus_NN_2 a small cup-shaped structure (as a taste bud or optic cup or cavity of a coral containing a polyp) -07532276 __gloating_NN_1 malicious satisfaction -13190917 __genus_cibotium_NN_1 in some classification systems placed in family Cyatheaceae: ornamental tree ferns with coarse gracefully drooping fronds -13408023 __dividend_NN_1 that part of the earnings of a corporation that is distributed to its shareholders; usually paid quarterly -00138217 __redound_VB_3 have an effect for good or ill; "Her efforts will redound to the general good" -07196075 __interview_NN_1 the questioning of a person (or a conversation in which information is elicited); often conducted by journalists; "my interviews with teenagers revealed a weakening of religious bonds" -13189222 __genus_dennstaedtia_NN_1 chiefly terrestrial ferns; in some classification systems placed in family Polypodiaceae -13188268 __hare's-foot_fern_NN_1 either of two ferns of the genus Davallia having a soft grey hairy rootstock -10325774 __modeller_NN_1 a person who creates models -09779790 __raiser_NN_2 someone concerned with the science or art or business of cultivating the soil -08711974 __argentine_republic_NN_1 a republic in southern South America; second largest country in South America -02353861 __pouched_rat_NN_1 burrowing rodent of the family Geomyidae having large external cheek pouches; of Central America and southwestern North America -00096343 __salvage_NN_2 the act of saving goods or property that were in danger of damage or destruction -00902652 __unessential_JJ_1 not basic or fundamental -02220393 __subfamily_dorylinae_NN_1 army ants -03652932 __tether_NN_1 restraint consisting of a rope (or light chain) used to restrain an animal -11915214 __composite_plant_NN_1 considered the most highly evolved dicotyledonous plants, characterized by florets arranged in dense heads that resemble single flowers -04689048 __invitation_NN_2 a tempting allurement; "she was an invitation to trouble" -13183056 __phyllitis_scolopendrium_NN_1 Eurasian fern with simple lanceolate fronds -00775006 __thuggery_NN_1 violent or brutal acts as of thugs -01325774 __kill_VB_9 deprive of life; "AIDS has killed thousands in Africa" -06656741 __economic_policy_NN_1 a government policy for maintaining economic growth and tax revenues -08674739 __plot_of_land_NN_1 a small area of ground covered by specific vegetation; "a bean plot"; "a cabbage patch"; "a briar patch" -10671613 __successor_NN_3 a person who inherits some title or office -09243906 __cow_dung_NN_1 a piece of dried bovine dung -13179972 __family_aspleniaceae_NN_1 one of a number of families into which Polypodiaceae has been subdivided in some classification systems; includes genera Asplenium, Pleurosorus, Schaffneria -01848355 __stay_in_place_VB_1 be stationary intended to attract notice and impress others; "an ostentatious sable coat" -13176523 __microsorium_NN_1 tropical usually epiphytic ferns; Africa to Asia and Polynesia to Australia -12231031 __genus_arctostaphylos_NN_1 bearberry; manzanita -00700979 __behavior_therapy_NN_1 psychotherapy that seeks to extinguish or inhibit abnormal or maladaptive behavior by reinforcing desired behavior and extinguishing undesired behavior -05071368 __taper_NN_2 the property possessed by a shape that narrows toward a point (as a wedge or cone) -08706823 __constantine_NN_2 a walled city in northeastern Algeria to the east of Algiers; was destroyed in warfare in the 4th century and rebuilt by Constantine I -13174206 __genus_aglaomorpha_NN_1 epiphytic ferns of tropical Asia -03623338 __knee_piece_NN_1 armor plate that protects the knee -00696518 __compliant_JJ_1 disposed or willing to comply; "children compliant with the parental will" -04835724 __drive_NN_5 the trait of being highly motivated; "his drive and energy exhausted his co-workers" -09821831 __tender_NN_2 someone who waits on or tends to or attends to the needs of another -02629410 __antitumour_JJ_1 used in the treatment of cancer; "anticancer drug"; "an antineoplastic effect" -08347206 __security_service_NN_1 the government agency in the United Kingdom that is responsible for internal security and counterintelligence on British territory -13171649 __genus_ceratopteris_NN_1 water ferns -13170661 __genus_diplopterygium_NN_1 scandent thicket-forming ferns of Asia to western Pacific -00790965 __telex_VB_1 communicate by telex; "We telexed the information to our sister company" -13169674 __polypodiales_NN_1 true (leptosporangiate) ferns -13363970 __current_account_NN_2 a bank account against which the depositor can draw checks that are payable on demand -13166338 __fern_family_NN_1 families of ferns and fern allies -00051170 __slip_on_VB_1 put on with ease or speed; "slip into something more comfortable after work"; "slip on one's shoes" -10429965 __physiologist_NN_1 a biologist specializing in physiology -00555325 __fit_NN_4 a sudden flurry of activity (often for no obvious reason); "a burst of applause"; "a fit of housecleaning" imposing or depending on or containing a condition; "conditional acceptance of the terms"; "lent conditional support"; "the conditional sale will not be complete until the full purchase price is paid" -14643793 __lithium_NN_1 a soft silver-white univalent element of the alkali metal group; the lightest metal known; occurs in several minerals -01947874 __naticidae_NN_1 moonshells -13192898 __genus_dryopteris_NN_1 large widespread genus of medium-sized terrestrial ferns; in some classification systems placed in Polypodiaceae -13162297 __bark_NN_1 tough protective covering of the woody stems and roots of trees and other woody plants -13161506 __lobe_NN_2 (botany) a part into which a leaf is divided -05052387 __endlessness_NN_1 the property of being (or seeming to be) without end -06781581 __wordplay_NN_1 a humorous play on words; "I do it for the pun of it"; "his constant punning irritated her" -02456147 __genus_chlamyphorus_NN_1 pichiciago -01614769 __haliaeetus_NN_1 a genus of Accipitridae -05799761 __alpha_test_NN_1 (computer science) a first test of an experimental product (such as computer software) carried out by the developer -03327691 __fencing_sword_NN_1 a sword used in the sport of fencing -01447868 __squeeze_VB_2 press firmly; "He squeezed my hand" -00485435 __cap_off_VB_1 finish or complete, as with some decisive action; "he capped off the meeting with a radical proposal" -01860713 __genus_anhima_NN_1 type genus of the Anhimidae; horned screamers -13156592 __compound_leaf_NN_1 a leaf composed of a number of leaflets on a common stalk -13156083 __simple_leaf_NN_1 a leaf that is not divided into parts -13155899 __squamule_NN_1 a minute scale -01418947 __hypermastigote_NN_1 flagellate symbiotic in the intestines of e.g. termites -13154190 __node_NN_3 (botany) the small swelling that is the part of a plant stem from which one or more leaves emerge -11825988 __gomphrena_NN_1 genus of tropical herbs or subshrubs having flowers in close heads; tropical America and Australia -13152203 __genus_anemopsis_NN_1 one species: yerba mansa -11777929 __periwinkle_NN_1 chiefly trailing poisonous plants with blue flowers -13151820 __saururus_NN_1 type genus of the Saururaceae: lizard's-tails -06212650 __nonconformity_NN_2 a lack of orthodoxy in thoughts or beliefs -13150741 __genus_peperomia_NN_1 large genus of small tropical usually succulent herbs -13149970 __piper_betel_NN_1 Asian pepper plant whose dried leaves are chewed with betel nut (seed of the betel palm) by southeast Asians -13148602 __piperales_NN_1 Piperaceae; Saururaceae; Chloranthaceae -04663763 __mindfulness_NN_1 the trait of staying aware of (paying close attention to) your responsibilities -04051825 __wall_NN_8 an embankment built around a space for defensive purposes; "they stormed the ramparts of the city"; "they blew the trumpet and the walls came tumbling down" -01350283 __grab_VB_5 take or grasp suddenly; "She grabbed the child's hand and ran out of the room" -13145040 __vitis_labrusca_NN_1 native grape of northeastern United States; origin of many cultivated varieties e.g. Concord grapes -13144794 __grapevine_NN_2 any of numerous woody vines of genus Vitis bearing clusters of edible berries -10749715 __veterinary_surgeon_NN_1 a doctor who practices veterinary medicine -10198602 __idolizer_NN_2 a person who worships idols -13143097 __ziziphus_NN_1 spiny chiefly tropical American and Asiatic shrubs: jujubes -00640889 __microscopy_NN_1 research with the use of microscopes -12093088 __genus_cyclamen_NN_1 genus of widely cultivated flowering Eurasian herbs with centrally depressed rounded tubers and rounded heart-shaped leaves -13141797 __chittem_bark_NN_1 dried bark of the cascara buckthorn used as a laxative -13066631 __ustilaginaceae_NN_1 a fungus family of loose smuts -02618244 __family_ammodytidae_NN_1 sand lances -01500091 __manta_ray_NN_1 extremely large pelagic tropical ray that feeds on plankton and small fishes; usually harmless but its size make it dangerous if harpooned -13140049 __seedcase_NN_1 the vessel that contains the seeds of a plant (not the seeds themselves) -03833564 __nozzle_NN_1 a projecting spout from which a fluid is discharged -01678887 __uma_NN_2 fringe-toed lizard -00407633 __mount_VB_3 fix onto a backing, setting, or support; "mount slides for macroscopic analysis" -05179567 __privilege_NN_3 (law) the right to refuse to divulge information obtained in a confidential relationship -04101701 __roller_NN_3 a small wheel without spokes (as on a roller skate) -08143163 __bureau_of_engraving_and_printing_NN_1 the agency of the Treasury Department that produces currency -13137225 __syconium_NN_1 the fleshy multiple fruit of the fig consisting of an enlarged hollow receptacle containing numerous fruitlets -01329026 __subjoin_VB_1 add to the end -13133613 __spike_NN_3 fruiting spike of a cereal plant especially corn -07111711 __phoneme_NN_1 (linguistics) one of a small set of speech sounds that are distinguished by the speakers of a particular language -07445480 __rising_NN_1 a movement upward; "they cheered the rise of the hot-air balloon" -00610738 __architecture_NN_3 the profession of designing buildings and environments with consideration for their esthetic effect -04845967 __thoughtlessness_NN_1 the quality of failing to be considerate of others -02663352 __family_cynoglossidae_NN_1 tonguefishes -00884311 __continuing_education_NN_1 a program of instruction designed primarily for adult students who participate part-time -01138523 __gamble_VB_2 play games for money -11395199 __wollstonecraft_NN_1 English writer and early feminist who denied male supremacy and advocated equal education for women; mother of Mary Shelley (1759-1797) -01306654 __claw_VB_3 scratch, scrape, pull, or dig with claws or nails -01241331 __vindication_NN_1 the act of vindicating or defending against criticism or censure etc.; "friends provided a vindication of his position" -13129165 __stem_NN_2 a slender or elongated structure that supports a plant or fungus or a plant part or plant organ -05150588 __uselessness_NN_1 the quality of having no practical use -00320284 __trailing_NN_1 the pursuit (of a person or animal) by following tracks or marks they left behind -10508710 __reader_NN_1 a person who enjoys reading -00605616 __viceroyship_NN_1 the position of viceroy -07420991 __pulsing_NN_1 (electronics) a sharp transient wave in the normal electrical state (or a series of such transients); "the pulsations seemed to be coming from a star" -06691989 __hand_clapping_NN_1 a demonstration of approval by clapping the hands together -03062651 __codpiece_NN_1 (15th-16th century) a flap for the crotch of men's tight-fitting breeches -13124654 __autotrophic_organism_NN_1 plant capable of synthesizing its own food from simple organic substances -13665256 __centavo_NN_1 a fractional monetary unit of several countries: El Salvador and Sao Tome and Principe and Brazil and Argentina and Bolivia and Colombia and Cuba and the Dominican Republic and Ecuador and El Salvador and Guatemala and Honduras and Mexico and Nicaragua and Peru and the Philippines and Portugal -02774630 __luggage_NN_1 cases used to carry belongings when traveling -13123681 __rock_plant_NN_1 plant that grows on or among rocks or is suitable for a rock garden -03287459 __ethrane_NN_1 a nonflammable liquid (trade name Ethrane) used as an inhalation general anesthetic -08964647 __west_malaysia_NN_1 the region of Malaysia on the Malay Peninsula -13120003 __flowering_shrub_NN_1 shrub noted primarily for its flowers -13118569 __shrublet_NN_1 dwarf shrub -08858713 __british_west_africa_NN_1 the former British territories of western Africa, including Nigeria, Cameroon, Gambia, Togo, Sierra Leone, and the Gold Coast -07553741 __compassionateness_NN_1 a deep awareness of and sympathy for another's suffering -06367373 __fictionalization_NN_1 a literary work based partly or wholly on fact but written as if it were fiction -09756637 __emancipationist_NN_1 a reformer who favors abolishing slavery -13108131 __bean_tree_NN_1 any of several trees having seedpods as fruits -01110247 __outsmart_VB_2 defeat by more skillful maneuvering; "The English troops outmaneuvered the Germans"; "My new supervisor knows how to outmaneuver the boss in most situations" -13103136 __woody_plant_NN_1 a plant having hard lignified tissues or woody parts especially stems -08961970 __madagascar_NN_2 an island in the Indian Ocean off the southeastern coast of Africa; the 4th largest island in the world -13100156 __poisonous_plant_NN_1 a plant that when touched or ingested in sufficient quantity can be harmful or fatal to an organism -13903387 __perimeter_NN_1 the boundary line or the area immediately inside the boundary -12935457 __genus_conium_NN_1 small genus of highly toxic biennials: hemlock -10323752 __mistress_NN_1 an adulterous woman; a woman who has an ongoing extramarital sexual relationship with a man -06956129 __uralic_language_NN_1 a family of Ural-Altaic languages -09785786 __alsatian_NN_1 a native or inhabitant of Alsace -13096863 __vascular_tissue_NN_1 tissue that conducts water and nutrients through the plant body in higher plants -06990000 __egyptian_NN_2 the ancient and now extinct language of Egypt under the Pharaohs; written records date back to 3000 BC -01412085 __class_charophyceae_NN_1 in some classifications: contains only the order Charales -13096317 __parenchyma_NN_2 the primary tissue of higher plants composed of thin-walled cells that remain capable of cell division even when mature; constitutes the greater part of leaves, roots, the pulp of fruits, and the pith of stems -03053272 __clozaril_NN_1 an antipsychotic drug (trade name Clozaril) used as a sedative and for treatment-resistant schizophrenia; know to have few side effects -06868043 __solfa_syllable_NN_1 one of the names for notes of a musical scale in solmization -00435492 __confused_JJ_5 mentally confused; unable to think with clarity or act intelligently; "the flood of questions left her bewildered and confused" -04365484 __surveyor's_instrument_NN_1 an instrument used by surveyors -10900730 __samuel_langhorne_clemens_NN_1 United States writer and humorist best known for his novels about Tom Sawyer and Huckleberry Finn (1835-1910) -13091620 __sporophyll_NN_1 leaf in ferns and mosses that bears the sporangia -10178611 __hoarder_NN_1 a person who accumulates things and hides them away for future use -03068707 __shoe_collar_NN_1 the stitching that forms the rim of a shoe or boot -10001481 __rabble-rouser_NN_1 a political leader who seeks support by appealing to popular passions and prejudices -00459114 __vinify_VB_1 convert a juice into wine by fermentation; "vinify grape juice" -13090091 __tomentum_NN_1 filamentous hairlike growth on a plant; "peach fuzz" -12557064 __kidney_bean_NN_1 the common bean plant grown for the beans rather than the pods (especially a variety with large red kidney-shaped beans) -09277686 __extraterrestrial_object_NN_1 a natural object existing outside the earth and outside the earth's atmosphere -07248801 __advertizing_NN_1 a public promotion of some product or service -08097222 __shaktism_NN_1 a Hindu sect worshiping Shakti -14466432 __meromelia_NN_1 congenital absence of part of an arm or leg -13085113 __weed_NN_1 any plant that crowds out cultivated plants -10279018 __shop_mechanic_NN_1 a craftsman skilled in operating machine tools -13083586 __vascular_plant_NN_1 green plant having a vascular system: ferns, gymnosperms, angiosperms -10599354 __simpleton_NN_1 a person lacking intelligence or common sense -13081369 __tuberculariaceae_NN_1 large family of mainly saprophytic imperfect fungi -13081050 __ustilaginoidea_NN_1 genus of imperfect fungi causing plant diseases like smut -01694709 __varan_NN_1 any of various large tropical carnivorous lizards of Africa and Asia and Australia; fabled to warn of crocodiles -01041415 __wave_VB_1 signal with the hands or nod; "She waved to her friends"; "He waved his hand hospitably" -13080674 __genus_cercospora_NN_1 form genus of imperfect fungi that are leaf parasites with long slender spores -13080471 __family_dematiaceae_NN_1 family of imperfect mushrooms having dark-colored hyphae or conidia -14869327 __fixing_agent_NN_1 a chemical compound that sets or fixes something (as a dye or a photographic image) -01194483 __thoughtful_JJ_4 taking heed; giving close and thoughtful attention; "heedful of the warnings"; "so heedful a writer"; "heedful of what they were doing" -05964098 __irridentism_NN_1 the doctrine that irredenta should be controlled by the country to which they are ethnically or historically related -13079203 __genus_candida_NN_1 a genus of yeastlike imperfect fungi; sometimes included in genus Monilia of the family Moniliaceae -11331669 __tarkovsky_NN_1 Russian filmmaker (1932-1986) -13078133 __moniliaceae_NN_1 family of imperfect fungi having white or brightly colored hyphae and spores that are produced directly on the mycelium and not aggregated in fruiting bodies -09908273 __chaperone_NN_1 one who accompanies and supervises a young woman or gatherings of young people -02494538 __scandentia_NN_1 a small order comprising only the tree shrews: in some classifications tree shrews are considered either primates (and included in the suborder Prosimii) or true insectivores (and included in the order Insectivora) -04633453 __vitality_NN_1 an energetic style -04403167 __telephotograph_NN_2 a photograph made with a telephoto lens -00936456 __origami_NN_1 the Japanese art of folding paper into shapes representing objects (e.g., flowers or birds) -03351262 __fishing_vessel_NN_1 a vessel for fishing; often has a well to keep the catch alive -11959632 __globe_artichoke_NN_1 Mediterranean thistlelike plant widely cultivated for its large edible flower head -10358575 __nimby_NN_1 someone who objects to siting something in their own neighborhood but does not object to it being sited elsewhere; an acronym for not in my backyard -00843128 __imbibition_NN_2 the act of consuming liquids -02028900 __knot_NN_7 a sandpiper that breeds in the Arctic and winters in the southern hemisphere -15183428 __holiday_NN_2 a day on which work is suspended by law or custom; "no mail is delivered on federal holidays"; "it's a good thing that New Year's was a holiday because everyone had a hangover" -13070708 __hygrocybe_NN_1 a genus of fungi belonging to the family Hygrophoraceae -13070003 __hygrophoraceae_NN_1 a family of fungi belonging to the order Agaricales; the gills of these fungi have a clean waxy appearance -12974286 __order_entomophthorales_NN_1 coextensive with the family Entomophthoraceae -14071235 __disease_of_the_neuromuscular_junction_NN_1 a disease characterized by impairment of neuromuscular junctions -13069348 __septobasidiaceae_NN_1 a family of fungi belonging to the subdivision Basidiomycota -02019021 __rhythmical_JJ_1 recurring with measured regularity; "the rhythmic chiming of church bells"- John Galsworthy; "rhythmical prose" -01555172 __muscivora_NN_1 a genus of Tyrannidae -13067845 __tilletiaceae_NN_1 a family of smut fungi having a simple promycelium bearing the spores in an apical cluster -13067191 __cornsmut_NN_1 a smut fungus attacking Indian corn -08427453 __sick_parade_NN_1 the daily military formation at which individuals report to the medical officer as sick -13065514 __gymnosporangium_juniperi-virginianae_NN_1 rust fungus causing rust spots on apples and pears etc -02247028 __retail_VB_2 sell on the retail market -06208751 __view_NN_1 a way of regarding situations or topics etc.; "consider what follows from the positivist view" -13064678 __pucciniaceae_NN_1 large important family of rust fungi -13987719 __blessedness_NN_1 a state of supreme happiness -13062421 __jew's-ears_NN_1 widely distributed edible fungus shaped like a human ear and growing on decaying wood -13062112 __family_auriculariaceae_NN_1 fungi having gelatinous sporophores -13060689 __tremellaceae_NN_1 a family of basidiomycetous fungi of the order Tremellales that have the basidium divided longitudinally -13060451 __tremellales_NN_1 fungi varying from gelatinous to waxy or even horny in texture; most are saprophytic -04781967 __beastliness_NN_2 unpleasant nastiness; used especially of nasty weather -13057845 __genus_fuscoboletinus_NN_1 a genus of fungi belonging to the family Boletaceae -00572788 __play_out_VB_4 become spent or exhausted; "The champion's strength played out fast" -07115684 __obstruent_NN_1 a consonant that is produced with a partial or complete blockage of the airflow from the lungs through the nose or mouth -00791227 __dominant_JJ_1 exercising influence or control; "television plays a dominant role in molding public opinion"; "the dominant partner in the marriage" -10871926 __richard_burbage_NN_1 English actor who was the first to play the leading role in several of Shakespeare's tragedies (1567-1619) -01163429 __horsewhipping_NN_1 the act of whipping with a horsewhip; "that villain needs a good horsewhipping" -03238131 __dressing_room_NN_1 a room in which you can change clothes -02458135 __unau_NN_1 a sloth of Central America that has two long claws on each forefoot and three long claws on each hindfoot -07250727 __stuffer_NN_2 an advertising circular that is enclosed with other material and (usually) sent by mail -00727143 __credit_VB_1 give someone credit for something; "We credited her for saving our jobs" -03096960 __controller_NN_3 a mechanism that controls the operation of a machine; "the speed controller on his turntable was not working properly"; "I turned the controls over to her" -00474017 __refine_VB_1 improve or perfect by pruning or polishing; "refine one's style of writing" -06046692 __bacteriology_NN_1 the branch of medical science that studies bacteria in relation to disease -13050940 __sheep_polypore_NN_1 a fungus with a whitish often circular cap and a white pore surface and small pores and a white central stalk; found under conifers; edible but not popular -13049561 __polyporaceae_NN_1 fungi that become corky or woody with age, often forming shelflike growths on trees -02311387 __withdraw_VB_9 remove (a commodity) from (a supply source); "She drew $2,000 from the account"; "The doctors drew medical supplies from the hospital's emergency bank" -02137549 __mongoose_NN_1 agile grizzled Old World viverrine; preys on snakes and rodents -13048666 __genus_gastroboletus_NN_1 a genus of fungi belonging to the family Secotiaceae; they resemble boletes but the spores are not discharged from the basidium -10368009 __nun_NN_1 a woman religious -00141524 __granulate_VB_2 become granular -06795746 __token_NN_1 an individual instance of a type of symbol; "the word`error' contains three tokens of `r'" -00933154 __soul_NN_4 the human embodiment of something; "the soul of honor" high in price or charging high prices; "expensive clothes"; "an expensive shop" -15058163 __ketosteroid_NN_1 a steroid containing a ketone group -02720042 __empyrean_JJ_1 of or relating to the sky or heavens; "the empyrean sphere" -01809977 __tinamiformes_NN_1 coextensive with the family Tinamidae -13044778 __earthstar_NN_1 any fungus of the family Geastraceae; in form suggesting a puffball whose outer peridium splits into the shape of a star -13044149 __genus_calvatia_NN_1 genus of puffballs having outer casings whose upper parts break at maturity into angular pieces to expose the spores -13043926 __true_puffball_NN_1 any of various fungi of the family Lycoperdaceae whose round fruiting body discharges a cloud of spores when mature -13042814 __pseudocolus_NN_1 a genus of fungi belonging to the family Clathraceae -02025829 __escort_VB_1 accompany as an escort; "She asked her older brother to escort her to the ball" -05399627 __waters_NN_2 the serous fluid in which the embryo is suspended inside the amnion; "before a woman gives birth her waters break" -13040303 __stinkhorn_NN_1 any of various ill-smelling brown-capped fungi of the order Phallales; "the foul smell of the stinkhorn attracts insects that carry the spores away on their feet" -13039349 __gastromycete_NN_1 any fungus of the class Gasteromycetes -03785843 __morning-after_pill_NN_1 a large dose of estrogen taken orally within 24 to 72 hours after intercourse; prevents implantation of a fertilized ovum and so acts as a contraceptive; commonly used after rape or incest -02250822 __mealybug_NN_1 scalelike plant-eating insect coated with a powdery waxy secretion; destructive especially of fruit trees -00294868 __creeping_NN_1 a slow mode of locomotion on hands and knees or dragging the body; "a crawl was all that the injured man could manage"; "the traffic moved at a creep" -13038944 __gastromycetes_NN_1 fungi in which the hymenium is enclosed until after spores have matured: puffballs; earth stars; stinkhorn fungi -00689673 __deductible_JJ_1 acceptable as a deduction (especially as a tax deduction) -00907657 __bitch_VB_2 say mean things -04682319 __splash_NN_4 a patch of bright color; "her red hat gave her outfit a splash of color" -13035521 __genus_helvella_NN_1 type genus of the Helvellaceae -13034953 __helvellaceae_NN_1 family of false morels or lorchels; some are edible and some are poisonous -08727806 __nanchang_NN_1 a walled city in southeastern China on the Gan Jiang -10413834 __penitent_NN_1 (Roman Catholic Church) a person who repents for wrongdoing (a Roman Catholic may be admitted to penance under the direction of a confessor) -06688913 __salute_NN_1 an act of honor or courteous recognition; "a musical salute to the composer on his birthday" -14553290 __shortsightedness_NN_1 (ophthalmology) eyesight abnormality resulting from the eye's faulty refractive ability; distant objects appear blurred -13032115 __morel_NN_1 any of various edible mushrooms of the genus Morchella having a brownish spongelike cap -12429148 __lily_of_the_nile_NN_1 any of various plants of the genus Agapanthus having umbels of showy blue to purple flowers -14839846 __dust_NN_1 fine powdery material such as dry earth or pollen that can be blown about in the air; "the furniture was covered with dust" -13029946 __pezizales_NN_1 order of mostly saprophytic fungi having cup-shaped ascocarps -13028611 __discomycete_NN_1 any fungus that is a member of the subclass Discomycetes -05540407 __skullcap_NN_3 the dome of the skull -08769645 __german_capital_NN_1 capital of Germany located in eastern Germany -13577171 __system_of_measurement_NN_1 a system of related measures that facilitates the quantification of some particular characteristic -08630039 __region_NN_1 the extended spatial location of something; "the farming regions of France"; "religions in all parts of the world"; "regions of outer space" -01500995 __rajidae_NN_1 bottom-dwelling tropical rays: skates -14369744 __dyspnoea_NN_1 difficult or labored respiration -13027190 __family_aspergillaceae_NN_1 family of fungi including some common molds -13026763 __order_eurotiales_NN_1 order of fungi having a closed ascocarp (cleistothecium) with the asci scattered rather than gathered in a hymenium -13026146 __schizosaccharomycetaceae_NN_1 a family of fungi belonging to order Endomycetales -05682950 __involvement_NN_3 a sense of concern with and curiosity about someone or something; "an interest in music" -12408077 __ulmus_pumila_NN_1 fast-growing shrubby Asian tree naturalized in United States for shelter or ornament -01754737 __rattle_NN_3 loosely connected horny sections at the end of a rattlesnake's tail form or shape by cutting or incising; "cut paper dolls" -01695259 __subclass_archosauria_NN_1 a large subclass of diapsid reptiles including: crocodiles; alligators; dinosaurs; pterosaurs; plesiosaurs; ichthyosaurs; thecodonts -13024012 __ascomycetous_fungus_NN_1 any fungus of the class Ascomycetes (or subdivision Ascomycota) in which the spores are formed inside an ascus -13023783 __class_ascomycetes_NN_1 large class of higher fungi coextensive with division Ascomycota: sac fungi -08507109 __camlan_NN_1 (Arthurian legend) the battlefield where King Arthur was mortally wounded -11942875 __genus_cacalia_NN_1 genus of tall smooth herbs of forested mountains of Europe and Asia minor; in some classifications includes many plants usually placed in genus Emilia -04061442 __receptacle_NN_3 an electrical (or electronic) fitting that is connected to a source of power and equipped to receive an insert -09058071 __mesa_NN_2 a city in Arizona just to the east of Phoenix; originally a suburb of Phoenix -12904938 __matrimony_vine_NN_1 any of various shrubs or vines of the genus Lycium with showy flowers and bright berries -03649459 __lawcourt_NN_1 a tribunal that is presided over by a magistrate or by one or more judges who administer justice according to the laws -03273061 __electric_motor_NN_1 a motor that converts electricity to mechanical work -01674216 __saurian_NN_1 any of various reptiles of the suborder Sauria which includes lizards; in former classifications included also the crocodiles and dinosaurs -13020011 __volvariella_NN_1 an important genus of mushrooms in the Orient -00504901 __nitrify_VB_1 convert into nitric acid, nitrous acid, or nitrate, especially with the action of nitrobacteria -04271148 __spear_NN_2 an implement with a shaft and barbed point used for catching fish -08283180 __madrasah_NN_1 Muslim schools in Bangladesh and Pakistan; "the Pakistan government decided to close down madrasas that provided military training for their students"; "many madrasas in Bangladesh are supported with money from Saudi Arabia" -13018579 __volvariaceae_NN_1 a family of fungi belonging to the order Agaricales -13016749 __tricholoma_NN_1 agarics with white spores and a fleshy stalk and notched gills; of various colors both edible and inedible -09918554 __child_NN_3 an immature childish person; "he remained a child in practical matters as long as he lived"; "stop being a baby!" -01293650 __salerno_NN_1 a battle in World War II; the port was captured by United States troops in September 1943 -09013353 __riga_NN_1 a port city on the Gulf of Riga that is the capital and largest city of Latvia; formerly a member of the Hanseatic League -13015826 __pellicularia_NN_1 genus of fungi having the hymenium in the form of a crust; some species formerly placed in form genus Rhizoctinia -13015229 __genus_corticium_NN_1 genus of fungi having simple smooth sporophores; some are parasitic on wood or economic crops; some species formerly placed in form genus Rhizoctinia -04769456 __invariability_NN_1 a quality of uniformity and lack of variation -09228928 __brenner_pass_NN_1 an Alpine mountain pass connecting Innsbruck in Austria with Bolzano in Italy that has long been a route for trade and for invasions -00058135 __kitten_VB_1 have kittens; "our cat kittened again this year" -13013534 __lepiota_NN_1 any fungus of the genus Lepiota -11737534 __pasqueflower_NN_1 any plant of the genus Pulsatilla; sometimes included in genus Anemone -05915356 __yang_NN_1 the bright positive masculine principle in Chinese dualistic cosmology; "yin and yang together produce everything that comes into existence" -03821660 __newgate_NN_1 a former prison in London notorious for its unsanitary conditions and burnt down in riots in 1780; a new prison was built on the same spot but was torn down in 1902 -00559329 __draw_play_NN_1 (American football) the quarterback moves back as if to pass and then hands the ball to the fullback who is running toward the line of scrimmage -13013187 __genus_lepiota_NN_1 agarics with white spores that includes several edible and poisonous mushrooms: parasol mushrooms -01634092 __proteus_NN_2 type genus of the Proteidae -13012613 __lepiotaceae_NN_1 a family of fungi having free gills and a cap that is cleanly separable from the stalk -04125853 __safety_harness_NN_1 belt attaching you to some object as a restraint in order to prevent you from getting hurt -13012030 __genus_entoloma_NN_1 agarics with pink spores but lacking both volva and annulus (includes some that are poisonous) -02449011 __syndicate_VB_2 organize into or form a syndicate -05601357 __visage_NN_1 the human face (`kisser' and `smiler' and `mug' are informal terms for `face' and `phiz' is British) -13007417 __pleurotus_ostreatus_NN_1 edible agaric with a soft greyish cap growing in shelving masses on dead wood -13006377 __lactarius_NN_1 large genus of agarics that have white spore and contain a white or milky juice when cut or broken; includes both edible and poisonous species -13006171 __shaggymane_mushroom_NN_1 common edible mushroom having an elongated shaggy white cap and black spores -05781800 __partitioning_NN_1 an analysis into mutually exclusive categories -07836456 __chinese_brown_sauce_NN_1 a sauce based on soy sauce -04753455 __sure_thing_NN_1 something that is certain; "his victory is a certainty" -05186306 __vote_NN_3 a legal right guaranteed by the 15th amendment to the US Constitution; guaranteed to women by the 19th amendment; "American women got the vote in 1920" -13005329 __omphalotus_illudens_NN_1 a large poisonous agaric with orange caps and narrow clustered stalks; the gills are luminescent -13005166 __omphalotus_NN_1 a genus of fungi with a depressed disc in the cap -07156693 __idiolect_NN_1 the language or speech of one individual at a particular period in life -13003254 __destroying_angel_NN_2 extremely poisonous usually white fungus with a prominent cup-shaped base; differs from edible Agaricus only in its white gills -06719579 __traducement_NN_1 a false accusation of an offense or a malicious misrepresentation of someone's words or actions -13002433 __genus_amanita_NN_1 genus of widely distributed agarics that have white spores and are poisonous with few exceptions -11648428 __plum-yew_family_NN_1 a family of Cephalotaxaceae -03050655 __clothes_dryer_NN_1 a dryer that dries clothes wet from washing -02775039 __luggage_van_NN_1 a railway car where passengers' bags are carried -13000668 __genus_agaricus_NN_1 type genus of Agaricaceae; gill fungi having brown spores and including several edible species -03478907 __hall_NN_3 a large room for gatherings or entertainment; "lecture hall"; "pool hall" -00533922 __step_NN_11 a sequence of foot movements that make up a particular dance; "he taught them the waltz step" -10627349 __sounding_board_NN_1 a person whose reactions to something serve as an indication of its acceptability; "I would use newspapermen as a sounding board for such policies" -12992868 __fungus_NN_1 an organism of the kingdom Fungi lacking chlorophyll and feeding on organic matter; ranging from unicellular or multicellular organisms to spore-bearing syncytia -02301935 __saturnia_pavonia_NN_1 large moth of temperate forests of Eurasia having heavily scaled transparent wings -05205537 __voicelessness_NN_3 having no voice in the management or control of affairs; "the voicelessness of those who live in situations of hopelessness" -12991645 __parmelia_NN_1 type genus of the Parmeliaceae; a large genus of chiefly alpine foliaceous lichens -12991488 __parmeliaceae_NN_1 a family of lichens -12991184 __reindeer_moss_NN_1 an erect greyish branching lichen of Arctic and even some north temperate regions constituting the chief food for reindeer and caribou and sometimes being eaten by humans -01654271 __forge_VB_2 make a copy of with the intent to deceive; "he faked the signature"; "they counterfeited dollar bills"; "She forged a Green Card" -12696830 __neem_seed_NN_1 seed of neem trees; source of pesticides and fertilizer and medicinal products -12990407 __genus_alectoria_NN_1 lichens having dark brown erect or pendulous much-branched cylindrical thallus -12989462 __usneaceae_NN_1 fruticose lichens having prostrate or erect or pendulous thalli: genera Usnea, Evernia, Ramalina, Alectoria -02247363 __genus_bemisia_NN_1 sweet-potato whitefly -05333467 __spleen_NN_1 a large dark-red oval organ on the left side of the body between the stomach and the diaphragm; produces cells involved in immune responses -07450055 __luau_NN_1 an elaborate Hawaiian feast or party (especially one accompanied by traditional foods and entertainment) -01548301 __tyrannus_tyrannus_NN_1 large American flycatcher -01202374 __toss_off_VB_2 drink down entirely; "He downed three martinis before dinner"; "She killed a bottle of brandy that night"; "They popped a few beer after work" -10316013 __warmonger_NN_1 a person who advocates war or warlike policies -12986447 __lichenes_NN_1 comprising the lichens which grow symbiotically with algae; sometimes treated as an independent group more or less coordinate with algae and fungi -12397594 __humulus_NN_1 hops: hardy perennial vines of Europe, North America and central and eastern Asia producing a latex sap; in some classifications included in the family Urticaceae -06084469 __chemistry_NN_1 the science of matter; the branch of the natural sciences dealing with the composition of substances and their properties and reactions -12985236 __tuber_NN_2 type genus of the Tuberaceae: fungi whose fruiting bodies are typically truffles -03020034 __silicon_chip_NN_1 electronic equipment consisting of a small crystal of a silicon semiconductor fabricated to carry out a number of electronic functions in an integrated circuit -12984802 __tuberales_NN_1 small order of fungi belonging to the subdivision Ascomycota having closed underground ascocarps -12288823 __hazelnut_tree_NN_1 any of several shrubs or small trees of the genus Corylus bearing edible nuts enclosed in a leafy husk -12982723 __phytophthora_NN_1 destructive parasitic fungi causing brown rot in plants -02385153 __fall_VB_13 lose office or power; "The government fell overnight"; "The Qing Dynasty fell with Sun Yat-sen" -07255027 __yielding_NN_1 a verbal act of admitting defeat -12980652 __peronospora_NN_1 genus of destructive downy mildews -12980478 __peronosporaceae_NN_1 parasitic fungi: downy mildews -02121808 __house_cat_NN_1 any domesticated member of the genus Felis -12749049 __spindleberry_tree_NN_1 any shrubby trees or woody vines of the genus Euonymus having showy usually reddish berries -12979630 __saprolegnia_NN_1 aquatic fungi growing chiefly on plant debris and animal remains -02985137 __crt_NN_1 a vacuum tube in which a hot cathode emits a beam of electrons that pass through a high voltage anode and are focused or deflected before hitting a phosphorescent screen -12081488 __rhyncostylis_NN_1 genus of epiphytic orchids of tropical Asia -14433587 __prominence_NN_1 the state of being prominent: widely known or eminent -03195485 __pad_NN_6 temporary living quarters -02409508 __synercus_caffer_NN_1 large often savage buffalo of southern Africa having upward-curving horns; mostly in game reserves -04140064 __saw_NN_2 hand tool having a toothed blade for cutting -12977795 __order_chytridiales_NN_1 simple aquatic fungi mostly saprophytic but some parasitic on higher plants or animals or fresh water fungi; sometimes placed in class Oomycetes -12977296 __oomycetes_NN_1 nonphotosynthetic fungi that resemble algae and that reproduce by forming oospores; sometimes classified as protoctists -05483388 __substantia_grisea_NN_1 greyish nervous tissue containing cell bodies as well as fibers; forms the cerebral cortex consisting of unmyelinated neurons -03246454 __drop_curtain_NN_1 a curtain that can be lowered and raised onto a stage from the flies; often used as background scenery -07140978 __debate_NN_1 a discussion in which reasons are advanced for and against some proposition or proposal; "the argument over foreign aid goes on and on" -05466696 __motor_neuron_NN_1 a neuron conducting impulses outwards from the brain or spinal cord -12975608 __myxomycetes_NN_1 the class of true slime molds; essentially equivalent to the division Myxomycota -12411710 __genus_iris_NN_1 large genus of perennials that develop from bulbs or rhizomes -10242032 __labor_leader_NN_1 a leader of a labor movement -00503715 __irritate_VB_3 excite to some characteristic action or condition, such as motion, contraction, or nervous impulse, by the application of a stimulus; "irritate the glands of a leaf" -11838916 __bougainvillea_NN_1 any of several South American ornamental woody vines of the genus Bougainvillea having brilliant red or purple flower bracts; widely grown in warm regions -06323612 __adverb_NN_2 a word that modifies something other than a noun -09368479 __neosho_river_NN_1 a river that rises in eastern Kansas and flows eastward into Oklahoma to become a tributary of the Arkansas River -12969927 __smooth_earthball_NN_1 an earthball with a peridium that is firm dry and smooth when young but developing cracks when mature; pale orange-yellow when young and reddish brown at maturity -01466257 __chordate_NN_1 any animal of the phylum Chordata having a notochord or spinal column -08774073 __mannheim_NN_1 a city in southwestern Germany at the confluence of the Rhine and Neckar rivers -00253761 __make_grow_VB_1 cause to grow and differentiate in ways conforming to its natural development; "The perfect climate here develops the grain"; "He developed a new kind of apple" -12969131 __puffball_NN_2 any of various fungi of the genus Scleroderma having hard-skinned subterranean fruiting bodies resembling truffles -00406612 __folding_NN_3 the act of folding; "he gave the napkins a double fold" -03708036 __tape_NN_5 memory device consisting of a long thin plastic strip coated with iron oxide; used to record audio or video signals or to store computer information; "he took along a dozen tapes to record the interview" -12967281 __order_helotiales_NN_1 order of fungi having asci in a disk-shaped to goblet-shaped apothecium -12966386 __xylariaceae_NN_1 family of fungi characterized by dark brown to black spores -10199251 __imaum_NN_1 (Islam) the man who leads prayers in a mosque; for Shiites an imam is a recognized authority on Islamic theology and law and a spiritual guide -05563266 __pes_NN_1 the part of the leg of a human being below the ankle joint; "his bare feet projected from his trousers"; "armored from head to foot" -13226526 __geoglossaceae_NN_1 a family of fungi belonging to the order Helotiales -12965463 __genus_claviceps_NN_1 fungi parasitic upon the ovaries of various grasses -11213552 __st._olav_NN_1 King and patron saint of Norway (995-1030) -00855794 __referee_VB_2 evaluate professionally a colleague's work -03707766 __magnetic_stripe_NN_1 a short strip of magnetic tape attached to a credit card or debit card; it contains data that will tell a reading device who you are and what your account number is, etc. -12963307 __family_erysiphaceae_NN_1 family of fungi parasitic mostly on leaves; includes powdery mildews -10434424 __pioneer_NN_2 one the first colonists or settlers in a new territory; "they went west as pioneers with only the possessions they could carry with them" -02445509 __deal_VB_10 direct the course of; manage or control; "You cannot conduct business like this" -00702202 __exposure_therapy_NN_1 a form of behavior therapy in which a survivor confronts feelings or phobias or anxieties about a traumatic event and relives it in the therapy situation -00927516 __formation_NN_7 creation by mental activity; "the formation of sentences"; "the formation of memories" -01351170 __take_out_VB_11 an aerobic Gram-negative coccobacillus that causes brucellosis; can be used as a bioweapon remove, usually with some force or effort; also used in an abstract sense; "pull weeds"; "extract a bad tooth"; "take out a splinter"; "extract information from the telegram" -12960863 __grape_fern_NN_1 a fern of the genus Botrychium having a fertile frond bearing small grapelike clusters of spore cases -12960378 __adder's_tongue_fern_NN_1 ferns with fertile spikes shaped like a snake's tongue -10368920 __rower_NN_1 someone who rows a boat -12959967 __ophioglossaceae_NN_1 a family of succulent ferns of order Ophioglossales; cosmopolitan in distribution -08330106 __court_of_appeals_NN_1 a court whose jurisdiction is to review decisions of lower courts or agencies -12959226 __family_azollaceae_NN_1 used in some classifications for the genus Azolla -01061203 __subvention_NN_2 the act or process of providing aid or help of any sort -12582846 __feather_palm_NN_1 palm having pinnate or featherlike leaves -04761212 __substantialness_NN_1 the quality of being substantial or having substance -12958140 __pilularia_NN_1 pillworts -02099997 __spanish_pointer_NN_1 a strong slender smooth-haired dog of Spanish origin having a white coat with brown or black patches; scents out and points to game -02245993 __deal_VB_13 sell; "deal hashish" -11910070 __genus_dicentra_NN_1 North American and Asian herbs with divided leaves and irregular flowers -14374432 __anxiousness_NN_1 (psychiatry) a relatively permanent state of worry and nervousness occurring in a variety of mental disorders, usually accompanied by compulsive behavior or attacks of panic -12956791 __mohria_NN_1 African terrestrial ferns -01712432 __suborder_ceratosaura_NN_1 primitive saurischian dinosaurs -15242432 __whitsun_monday_NN_1 the day after Whitsunday; a legal holiday in England and Wales and Ireland -12955191 __schizaea_NN_1 type genus of the Schizaeaceae cosmopolitan especially in tropics; small leptosporangiate ferns: curly grass fern -12954185 __leptopteris_NN_1 including some ferns sometimes placed in genus Todea -04033425 __queen_NN_7 one of four face cards in a deck bearing a picture of a queen -01345877 __pen_up_VB_1 confine in a fold, like sheep -12952852 __osmundaceae_NN_1 large family of ferns widely distributed in temperate and tropical areas -03175189 __jean_NN_2 a coarse durable twill-weave cotton fabric -08013845 __qaeda_NN_1 a terrorist network intensely opposed to the United States that dispenses money and logistical support and training to a wide variety of radical Islamic terrorist groups; has cells in more than 50 countries -11411839 __bandwagon_effect_NN_1 the phenomenon of a popular trend attracting even greater popularity; "in periods of high merger activity there is a bandwagon effect with more and more firms seeking to engage in takeover activity"; "polls are accused of creating a bandwagon effect to benefit their candidate" -01568892 __yellowbird_NN_1 yellow-throated American wood warbler -12951668 __hymenophyllum_NN_1 type genus of the Hymenophyllaceae: filmy ferns -14345304 __epicondylitis_NN_1 painful inflammation of the muscles and soft tissues around an epicondyle -08950787 __nijmegen_NN_1 an industrial city in the eastern Netherlands -12950669 __corn_salad_NN_1 a plant of the genus Valerianella -12950501 __valerianella_NN_1 genus of Old World annual herbs widely naturalized -12949955 __valeriana_NN_1 genus of widely distributed perennial herbs and some shrubs -12949722 __valerianaceae_NN_1 genus of mostly herbs having a characteristic fetid odor -07332956 __human_death_NN_1 a death resulting from an accident or a disaster; "a decrease in the number of automobile fatalities" -12945549 __skirret_NN_1 an Asiatic herb cultivated in Europe for its sweet edible tuberous root -01707925 __instrumentate_VB_1 write an instrumental score for -00924431 __finger_VB_4 indicate the fingering for the playing of musical scores for keyboard instruments -02071627 __percolate_VB_1 permeate or penetrate gradually; "the fertilizer leached into the ground" -02013889 __family_cariamidae_NN_1 crane-like South American wading birds -02240881 __quest_VB_1 make a search (for); "Things that die with their eyes open and questing"; "The animal came questing through the forest" -12942930 __pimpinella_NN_1 anise -01715692 __suborder_ornithomimida_NN_1 lightly built medium-size theropods -01215719 __reassurance_NN_1 the act of reassuring; restoring someone's confidence -02996249 __keftab_NN_1 an oral cephalosporin (trade names Keflex and Keflin and Keftab) commonly prescribe for mild to moderately severe infections of the skin or ears or throat or lungs or urinary tract -12940609 __sweet_cicely_NN_1 European herb with soft ferny leaves and white flowers -15200314 __july_1_NN_1 a legal holiday in Canada commemorating receiving Dominion status in 1867 -05520479 __umbilical_cord_NN_1 membranous duct connecting the fetus with the placenta -12939664 __heracleum_NN_1 widely distributed genus of plants with usually thick rootstocks and large umbels of white flowers -12939479 __foeniculum_vulgare_dulce_NN_1 grown especially for its edible aromatic bulbous stem base -14481929 __possibleness_NN_1 capability of existing or happening or being true; "there is a possibility that his sense of smell has been impaired" -12934368 __genus_carum_NN_1 caraway -14686723 __gasohol_NN_1 a gasoline substitute consisting of 90% gasoline and 10% grain alcohol from corn -12933616 __turnip-rooted_celery_NN_1 grown for its thickened edible aromatic root -12098665 __genus_armeria_NN_1 shrubby or herbaceous low-growing evergreen perennials -03503997 __headlight_NN_1 a powerful light with reflector; attached to the front of an automobile or locomotive -12932966 __wild_chervil_NN_1 coarse erect biennial Old World herb introduced as a weed in eastern North America -01623792 __turn_out_VB_3 produce quickly or regularly, usually with machinery; "This factory turns out saws" -01089778 __donation_NN_2 act of giving in common with others for a common purpose especially to a charity -12931109 __genus_aethusa_NN_1 fool's parsley -01543123 __sit_down_VB_3 be seated -07666521 __rabbit_NN_3 flesh of any of various rabbits or hares (wild or domesticated) eaten as food -11852255 __pereskia_NN_1 genus of tropical American shrubby trees and woody climbers having slender branches with broad flat leaves and large panicles of flowers -12927494 __varnish_tree_NN_1 large tree native to southeastern Asia; the nuts yield oil used in varnishes; nut kernels strung together are used locally as candles -12927013 __manioc_NN_2 cassava root eaten as a staple food after drying and leaching; source of tapioca -07818029 __fennel_seed_NN_1 aromatic anis-scented seeds -12926480 __cassava_NN_3 any of several plants of the genus Manihot having fleshy roots yielding a nutritious starch -12926316 __manihot_NN_1 genus of economically important tropical plants: cassava -12925836 __rubber_tree_NN_1 small genus of South American trees yielding latex; "rubber trees are usually cultivated in plantations" -11022465 __richard_haldane_NN_1 Scottish statesman and brother of Elizabeth and John Haldane (1856-1928) -12925394 __jatropha_NN_1 a mainly tropical genus of American plant belonging to the family Euphorbiaceae -12925179 __tread-softly_NN_1 a stinging herb of tropical America -02122580 __stray_NN_1 an animal that has strayed (especially a domestic animal) -12922600 __genus_croton_NN_1 tropical shrubs and herbs; source of croton oil -12922283 __genus_acalypha_NN_1 a genus of herbs and shrubs belonging to the family Euphorbiaceae -01633343 __gestate_VB_1 have the idea for; "He conceived of a robot that would help paralyzed patients"; "This library was well conceived" -12921868 __euphorbia_milii_NN_1 somewhat climbing bushy spurge of Madagascar having long woody spiny stems with few leaves and flowers with scarlet bracts -01085677 __bias_VB_1 influence in an unfair way; "you are biasing my choice by telling me yours" -01251128 __cold_JJ_1 having a low or inadequate temperature or feeling a sensation of coldness or having been made cold by e.g. ice or refrigeration; "a cold climate"; "a cold room"; "dinner has gotten cold"; "cold fingers"; "if you are cold, turn up the heat"; "a cold beer" -03756184 __methylenedioxymethamphetamine_NN_1 a stimulant drug that is chemically related to mescaline and amphetamine and is used illicitly for its euphoric and hallucinogenic effects; it was formerly used in psychotherapy but in 1985 it was declared illegal in the United States; "MDMA is often used at parties because it enables partygoers to remain active for long periods of time" -05395548 __valvule_NN_1 a small valve -00623670 __substituting_NN_1 working as a substitute for someone who is ill or on leave of absence -12918404 __myrtle_spurge_NN_1 poisonous Old World spurge; adventive in America; seeds yield a purgative oil -12916511 __tectona_grandis_NN_1 tall East Indian timber tree now planted in western Africa and tropical America for its hard durable wood -11848610 __lemaireocereus_NN_1 tropical American cacti usually tall and branching with stout spines and funnel-shaped flowers and globular or ovoid often edible fruit -12915230 __genus_avicennia_NN_1 small genus of tropical shrubs or trees -00075790 __bull_NN_4 a serious and ludicrous blunder; "he made a bad bull of the assignment" -12914048 __streptosolen_NN_1 one species: marmalade bush -02607345 __genus_abudefduf_NN_1 damsel fishes -10098245 __flutist_NN_1 someone who plays the flute -07540602 __letdown_NN_1 a feeling of dissatisfaction that results when your expectations are not realized; "his hopes were so high he was doomed to disappointment" -00751567 __require_VB_3 make someone do something -01051956 __spout_VB_2 talk in a noisy, excited, or declamatory manner -11016374 __griffith_NN_1 United States film maker who was the first to use flashbacks and fade-outs (1875-1948) -14861042 __potassium_muriate_NN_1 salt of potassium (KCl) (trade names K-Dur 20, Kaochlor and K-lor and Klorvess and K-lyte); taken in tablet form to treat potassium deficiency -02056880 __secular_JJ_3 not concerned with or devoted to religion; "sacred and profane music"; "secular drama"; "secular architecture", "children being brought up in an entirely profane environment" -09627906 __recipient_NN_1 a person who receives something -03065063 __rack_railway_NN_1 railway for steep mountains; a cogwheel on the locomotive engages cogs on a center rail to provide traction -01485306 __family_cetorhinidae_NN_1 in some older classifications considered the family of the basking sharks -12909421 __petunia_NN_1 any of numerous tropical herbs having fluted funnel-shaped flowers -02278024 __polygonia_comma_NN_1 anglewing butterfly with a comma-shaped mark on the underside of each hind wing -12908645 __nierembergia_NN_1 any of various plants of the genus Nierembergia having upturned bell-shaped flowers -09067277 __colorado_NN_1 a state in west central United States in the Rocky Mountains -05685030 __puzzlement_NN_1 confusion resulting from failure to understand -09040601 __turkish_capital_NN_1 the capital of Turkey; located in west-central Turkey; it was formerly known as Angora and is the home of Angora goats -06277803 __video_NN_1 the visible part of a television transmission; "they could still receive the sound but the picture was gone" -11301279 __simon_NN_2 United States singer and songwriter (born in 1942) -13384341 __superannuation_NN_1 a monthly payment made to someone who is retired from work -12906021 __lycopersicon_esculentum_cerasiforme_NN_1 plant bearing small red to yellow fruit -12905817 __tomato_plant_NN_1 native to South America; widely cultivated in many varieties -12905655 __lycopersicum_NN_1 tomatoes -04020617 __pull-up_NN_1 a roadside cafe especially for lorry drivers -12905412 __lycium_carolinianum_NN_1 spiny evergreen shrub of southeastern United States having spreading branches usually blue or mauve flowers and red berries -12860842 __perilla_NN_1 small genus of Asiatic herbs -12903367 __thorn_apple_NN_1 any of several plants of the genus Datura -12902887 __genus_cyphomandra_NN_1 tree tomato -11762433 __white_popinac_NN_1 low scrubby tree of tropical and subtropical North America having white flowers tinged with yellow resembling mimosa and long flattened pods -12902662 __night_jessamine_NN_1 West Indian evergreen shrub having clusters of funnel-shaped yellow-white flowers that are fragrant by night -12902021 __tabasco_plant_NN_1 plant bearing very hot medium-sized oblong red peppers; grown principally in the Gulf Coast states for production of hot sauce -12901724 __capsicum_frutescens_baccatum_NN_1 plant bearing very small and very hot oblong red fruits; includes wild forms native to tropical America; thought to be ancestral to the sweet pepper and many hot peppers -12900783 __cone_pepper_NN_1 plant bearing erect pungent conical red or yellow or purple fruits; sometimes grown as an ornamental -12898959 __genus_brunfelsia_NN_1 genus of tropical American shrubs grown for their flowers followed by fleshy berrylike fruits -11494935 __gas_pressure_NN_1 the pressure exerted by a gas -05305136 __tastebud_NN_1 an oval sensory end organ on the surface of the tongue -12897999 __solanum_wrightii_NN_1 South American shrub or small tree widely cultivated in the tropics; not a true potato -12897493 __white_potato_vine_NN_1 annual native to South America having underground stolons bearing edible starchy tubers; widely cultivated as a garden vegetable; vines are poisonous -12896000 __solanum_melongena_NN_1 hairy upright herb native to southeastern Asia but widely cultivated for its large glossy edible fruit commonly used as a vegetable -06875697 __signing_NN_1 language expressed by visible hand gestures -12894607 __woody_nightshade_NN_1 poisonous perennial Old World vine having violet flowers and oval coral-red berries; widespread weed in North America -12893094 __solanum_NN_1 type genus of the Solanaceae: nightshade; potato; eggplant; bittersweet -14042423 __asphyxia_NN_1 a condition in which insufficient or no oxygen and carbon dioxide are exchanged on a ventilatory basis; caused by choking or drowning or electric shock or poison gas -02277895 __polygonia_NN_1 comma butterflies -12890685 __veronica_americana_NN_1 plant of western North America and northeastern Asia having prostrate stems with dense racemes of pale violet to lilac flowers -12887293 __scented_penstemon_NN_1 fragrant puffed-up white to reddish-pink flowers in long narrow clusters on erect stems; Arizona to New Mexico and Utah -10251779 __scholar_NN_2 someone (especially a child) who learns (as from a teacher) or takes up knowledge or beliefs -12883923 __linaria_NN_1 genus of herbs and subshrubs having showy flowers: spurred snapdragon -05514717 __female_internal_reproductive_organ_NN_1 the reproductive organs of a woman -12883395 __genus_gerardia_NN_1 genus of annual or perennial herbs with showy pink or purple or yellow flowers; plants often assigned to genera Aureolaria or Agalinis -12880963 __genus_chelone_NN_1 herbaceous perennials: shellflower -05433496 __cytoskeleton_NN_1 a microscopic network of actin filaments and microtubules in the cytoplasm of many living cells that gives the cell shape and coherence -03145384 __cudgel_NN_1 a club that is used as a weapon -12879068 __gerardia_virginica_NN_1 sparsely branched North American perennial with terminal racemes of bright yellow flowers resembling those of the foxglove; sometimes placed in genus Gerardia -12878784 __gerardia_pedicularia_NN_1 multi-stemmed North American annual having solitary axillary dark golden-yellow flowers resembling those of the foxglove; sometimes placed in genus Gerardia -06837146 __he_NN_2 the 5th letter of the Hebrew alphabet -12878169 __kitten-tails_NN_1 a plant of the genus Besseya having fluffy spikes of flowers -07886317 __kavakava_NN_1 an alcoholic drink made from the aromatic roots of the kava shrub -10742005 __usherette_NN_1 a female usher -01903346 __scute_NN_1 large bony or horny plate as on an armadillo or turtle or the underside of a snake -12877041 __genus_antirrhinum_NN_1 a genus of herbs of the family Scrophulariaceae with brightly colored irregular flowers -12875697 __sand_devil's_claw_NN_1 alternatively placed in genus Martynia -00129317 __chopper_NN_1 a grounder that bounces high in the air -12875269 __ram's_horn_NN_1 annual of southern United States to Mexico having large whitish or yellowish flowers mottled with purple and a long curving beak -00568813 __fault_NN_7 (sports) a serve that is illegal (e.g., that lands outside the prescribed area); "he served too many double faults" -12874996 __proboscidea_NN_1 in some classifications included in the genus Martynia and hence the two taxonomic names for some of the unicorn plants -12873834 __genus_martynia_NN_1 in some classifications includes the unicorn plants -12872257 __utricularia_NN_1 bladderworts: large genus of aquatic carnivorous plants; cosmopolitan in distribution -14935555 __hydroxide_NN_1 a compound of an oxide with water -03172965 __delay_line_NN_1 a circuit designed to introduce a calculated delay into the transmission of a signal -02261123 __traffic_VB_1 deal illegally; "traffic drugs" -11601487 __zamiaceae_NN_1 a family of cycads often included in the family Cycadaceae: zamias -12869248 __teucrium_NN_1 large widely distributed genus of perennial herbs or shrubs or subshrubs; native to Mediterranean region to western Asia -07729225 __sieva_bean_NN_2 small flat green bean similar to lima beans -12868880 __stachys_sylvatica_NN_1 foul-smelling perennial Eurasiatic herb with a green creeping rhizome -13744916 __vii_NN_1 the cardinal number that is the sum of six and one -12868418 __solenostemon_NN_1 genus of shrubby often succulent herbs of tropical Africa and Asia; includes some plants often placed in genus Coleus -02421199 __slave_VB_1 work very hard, like a slave -12913352 __scopolia_NN_1 genus of European perennial herbs yielding medicinal alkaloids -05758059 __experience_NN_1 the accumulation of knowledge or skill that results from direct participation in events or activities; "a man of experience"; "experience is the best teacher" -12864545 __salvia_NN_1 any of various plants of the genus Salvia; a cosmopolitan herb -12864363 __genus_salvia_NN_1 large genus of shrubs and subshrubs of the mint family varying greatly in habit: sage -06617866 __slow_motion_NN_1 a movie that apparently takes place at a slower than normal speed; achieved by taking the film at a faster rate -12151814 __genus_carex_NN_1 large genus of plants found in damp woodlands and bogs and ditches or at water margins: sedges -05387167 __pancreas_NN_1 a large elongated exocrine gland located behind the stomach; secretes pancreatic juice and insulin -06155075 __romanticism_NN_2 a movement in literature and art during the late 18th and early 19th centuries that celebrated nature rather than civilization; "Romanticism valued imagination and emotion over rationality" -12862828 __pogostemon_cablin_NN_1 small East Indian shrubby mint; fragrant oil from its leaves is used in perfumes -12862648 __pogostemon_NN_1 genus of Asiatic shrubs or trees whose leaves yield a fragrant oil -12862312 __genus_plectranthus_NN_1 large genus of ornamental flowering plants; includes some plants often placed in the genus Coleus -07643981 __jelly_NN_1 an edible jelly (sweet or pungent) made with gelatin and used as a dessert or salad base or a coating for foods -05411571 __pitocin_NN_1 hormone secreted by the posterior pituitary gland (trade name Pitocin); stimulates contractions of the uterus and ejection of milk -12903503 __jimsonweed_NN_1 intensely poisonous tall coarse annual tropical weed having rank-smelling foliage, large white or violet trumpet-shaped flowers and prickly fruits -07208338 __objection_NN_2 the speech act of objecting -03148920 __kerb_NN_1 an edge between a sidewalk and a roadway consisting of a line of curbstones (usually forming part of a gutter) -02003359 __banish_VB_4 drive away; "banish bad thoughts"; "banish gloom" -05933834 __ground_NN_6 the part of a scene (or picture) that lies behind objects in the foreground; "he posed her against a background of rolling hills" -12858397 __oswego_tea_NN_1 perennial aromatic herb of eastern North America having variously colored tubular flowers in dense showy heads -04882622 __abstinence_NN_1 the trait of abstaining (especially from alcohol) -12857594 __molucella_NN_1 small genus of aromatic herbs of Mediterranean regions; widely cultivated -12857204 __yerba_buena_NN_1 trailing perennial evergreen herb of northwestern United States with small white flowers; used medicinally -02237239 __miridae_NN_1 leaf bugs -13942875 __circumstance_NN_1 a condition that accompanies or influences some event or activity -08278169 __college_NN_1 the body of faculty and students of a college -09884133 __slaughterer_NN_1 a person who slaughters or dresses meat for market -01762283 __wind_up_VB_3 stimulate sexually; "This movie usually arouses the male audience" -02858231 __philosophical_JJ_1 of or relating to philosophy or philosophers; "philosophical writing"; "a considerable knowledge of philosophical terminology" -12853287 __winter_sweet_NN_2 aromatic Eurasian perennial -01543936 __avadavat_NN_1 red Asian weaverbirds often kept as cage birds -12852930 __majorana_NN_1 small genus of herbs usually included in the genus Origanum -09757653 __absentee_NN_1 one that is absent or not in residence -04083942 __retread_NN_1 a used automobile tire that has been remolded to give it new treads -14046202 __pregnancy_NN_1 the state of being pregnant; the period from conception to birth when a woman carries a developing fetus in her uterus -05316025 __orb_NN_1 the ball-shaped capsule containing the vertebrate eye -12449024 __quamassia_NN_1 genus of scapose herbs of North and South America having large edible bulbs -12848499 __hyssopus_officinalis_NN_1 a European mint with aromatic and pungent leaves used in perfumery and as a seasoning in cookery; often cultivated as a remedy for bruises; yields hyssop oil -11033358 __william_harvey_NN_1 English physician and scientist who described the circulation of the blood; he later proposed that all animals originate from an ovum produced by the female of the species (1578-1657) -12848343 __hyssopus_NN_1 Eurasian genus of perennial herbs or subshrubs -12847927 __pennyroyal_NN_2 erect hairy branching American herb having purple-blue flowers; yields an essential oil used as an insect repellent and sometimes in folk medicine -14500567 __welter_NN_1 a confused multitude of things -10346514 __naturalist_NN_2 a biologist knowledgeable about natural history (especially botany and zoology) -12846869 __genus_galeopsis_NN_1 erect annual European herbs -00800825 __lost_cause_NN_1 a defeated cause or a cause for which defeat is inevitable -05328115 __oil_gland_NN_1 a gland that secretes oil -12846335 __dragonhead_NN_1 American herb having sharply serrate lanceolate leaves and spikes of blue to violet flowers -12251740 __pyxie_NN_1 creeping evergreen shrub having narrow overlapping leaves and early white star-shaped flowers; of the pine barrens of New Jersey and the Carolinas -14516743 __pollution_NN_1 undesirable state of the natural environment being contaminated with harmful substances as a consequence of human activities -02190648 __musca_NN_2 type genus of the Muscidae: houseflies -12844697 __genus_coleus_NN_1 genus of Old World tropical plants cultivated for their variegated leaves; various plants sometimes placed in genera Plectranthus or Solenostemon -01084331 __par_VB_1 make a score (on a hole) equal to par -12843557 __satureja_nepeta_NN_1 low-growing strongly aromatic perennial herb of southern Europe to Great Britain; naturalized in United States -06837572 __teth_NN_1 the 9th letter of the Hebrew alphabet -02495242 __tree_shrew_NN_1 insectivorous arboreal mammal of southeast Asia that resembles a squirrel with large eyes and long sharp snout -12842302 __wood_mint_NN_1 American herb of genus Blephilia with more or less hairy leaves and clusters of purplish or bluish flowers -12772081 __sapotaceae_NN_1 tropical trees or shrubs with milky juice and often edible fleshy fruit -00988232 __thin_JJ_2 lacking excess flesh; "you can't be too rich or too thin"; "Yon Cassius has a lean and hungry look"-Shakespeare -11121876 __mary_leakey_NN_1 English paleontologist (the wife of Louis Leakey) who discovered the Zinjanthropus skull that was 1,750,000 years old (1913-1996) -09246464 __drop-off_NN_2 a steep high face of rock; "he stood on a high cliff overlooking the town"; "a steep drop" -12836862 __scorpionweed_NN_1 any plant of the genus Phacelia -11856981 __purslane_family_NN_1 family of usually succulent herbs; cosmopolitan in distribution especially in Americas -02237943 __dishonour_VB_3 refuse to accept; "dishonor checks and drafts" -13462191 __deposition_NN_1 the natural process of laying down a deposit of something -12834798 __waterleaf_NN_1 any of several plants of the genus Hydrophyllum -00069060 __copout_NN_1 a failure to face some difficulty squarely living or active in the absence of free oxygen; "anaerobic bacteria" -00377686 __detonation_NN_2 the act of detonating an explosive -05922014 __quiddity_NN_2 the essence that makes something the kind of thing it is and makes it different from any other -07676855 __vienna_sausage_NN_1 short slender frankfurter usually with ends cut off -06161718 __legal_philosophy_NN_1 the branch of philosophy concerned with the law and the principles that lead courts to make the decisions they do -12832140 __genus_gloxinia_NN_1 small genus of tropical American herbs with leafy stems and axillary flowers -00301192 __flight_NN_9 a scheduled trip by plane between designated airports; "I took the noon flight to Chicago" -11874707 __genus_biscutella_NN_1 genus of Eurasian herbs and small shrubs: buckler mustard -01773319 __genus_araneus_NN_1 a genus of orb-weaving spiders including common garden spiders and barn spiders -13215462 __genus_angiopteris_NN_1 one species: tree fern -10338498 __muralist_NN_1 a painter of murals -07211752 __whine_NN_1 a complaint uttered in a plaintive whining way -12827907 __wild_sweet_potato_vine_NN_1 tropical American prostrate or climbing herbaceous perennial having an enormous starchy root; sometimes held to be source of the sweet potato -10659042 __stoker_NN_2 a laborer who tends fires (as on a coal-fired train or steamship) -12824909 __genus_calystegia_NN_1 climbing or scrambling herbs: bindweed -12823859 __bindweed_NN_1 any of several vines of the genera Convolvulus and Calystegia having a twining habit -04729710 __expansivity_NN_2 a quality characterized by magnificence of scale or the tendency to expand; "the expansiveness of their extravagant life style was soon curtailed" -10084295 __little_girl_NN_1 a youthful female person; "the baby was a girl"; "the girls were just learning to ride a tricycle" -12823531 __genus_convolvulus_NN_1 genus of mostly climbing or scrambling herbs and shrubs: bindweed -10615808 __snarer_NN_1 someone who sets snares for birds or small animals -07039478 __finale_NN_1 the closing section of a musical composition -12822284 __onosmodium_NN_1 a genus of North American perennial herbs of the family Boraginaceae -07698915 __pasta_NN_2 shaped and dried dough made from flour and water and sometimes egg -13268146 __prize_NN_1 something given for victory or superiority in a contest or competition or for winning a lottery; "the prize was a free trip to Europe" -12821257 __mertensia_NN_1 a genus of herbs belonging to the family Boraginaceae that grow in temperate regions and have blue or purple flowers shaped like funnels -12821048 __lithospermum_canescens_NN_1 perennial North American plant with greyish hairy foliage yielding a red or yellow pigment -00656643 __eyedrop_NN_2 a method of irrigating the eye used by ophthalmologists -10557854 __student_NN_2 a learned person (especially in the humanities); someone who by long study has gained mastery in one or more disciplines -12819560 __genus_echium_NN_1 a genus of bristly herbs and shrubs of the family Boraginaceae -01661818 __diapsid_reptile_NN_1 reptile having a pair of openings in the skull behind each eye -10075299 __eyewitness_NN_1 a spectator who can describe what happened -05009170 __physical_property_NN_1 any property used to characterize matter and energy and their interactions -12818147 __genus_cordia_NN_1 tropical deciduous or evergreen trees or shrubs of the family Boraginaceae -00017282 __nod_off_VB_1 change from a waking to a sleeping state; "he always falls asleep during lectures" -01570112 __seiurus_NN_1 ovenbirds and water thrushes -12817464 __anchusa_NN_1 any of various Old World herbs of the genus Anchusa having one-sided clusters of trumpet-shaped flowers -02713218 __bobbysocks_NN_1 a sock that reaches just above the ankle -04841810 __tactfulness_NN_1 consideration in dealing with others and avoiding giving offense -12816753 __genus_amsinckia_NN_1 rough annual herbs of Europe and the Americas: fiddlenecks -02541139 __mallotus_NN_1 capelins -12815925 __family_boraginaceae_NN_1 a widely distributed family of plants distinguished by circinate flowers and nutlike fruit -12815434 __genus_crescentia_NN_1 a genus of tropical American trees of the family Bignoniaceae; has a short trunk and crooked limbs and drooping branches -12815060 __genus_chilopsis_NN_1 one species: desert willow -05453657 __neutrophile_NN_1 the chief phagocytic leukocyte; stains with either basic or acid dyes -12813393 __family_bignoniaceae_NN_1 trees or shrubs or woody vines or herbs having fruit resembling gourds or capsules; sometimes placed in the order Scrophulariales -06403393 __script_NN_2 something written by hand; "she recognized his handwriting"; "his hand was illegible" -12812665 __graptophyllum_NN_1 caricature plant -13418219 __warrant_NN_2 a type of security issued by a corporation (usually together with a bond or preferred stock) that gives the holder the right to purchase a certain amount of common stock at a stated price; "as a sweetener they offered warrants along with the fixed-income securities" -12214789 __protea_NN_1 any tropical African shrub of the genus Protea having alternate rigid leaves and dense colorful flower heads resembling cones -00530177 __fall_VB_28 come out; issue; "silly phrases fell from her mouth" -12809626 __polymonium_caeruleum_van-bruntiae_NN_1 pinnate-leaved European perennial having bright blue or white flowers -12808751 __scrophulariales_NN_1 used in some classification systems; often included in the order Polemoniales -12808227 __polemoniales_NN_1 Polemoniaceae; Solanaceae; Boraginaceae; Labiatae; Lentibulariaceae; Pedaliaceae; in some classifications includes the order Scrophulariales -12807773 __platanus_racemosa_NN_1 tall tree of Baja California having deciduous bark and large alternate palmately lobed leaves and ball-shaped clusters of flowers -12807624 __platanus_orientalis_NN_1 large tree of southeastern Europe to Asia Minor -12806732 __sycamore_NN_2 any of several trees of the genus Platanus having thin pale bark that scales off in small plates and lobed leaves and ball-shaped heads of fruits -05462674 __neural_structure_NN_1 a structure that is part of the nervous system -14419510 __contact_NN_3 the state or condition of touching or of being in immediate proximity; "litmus paper turns red on contact with an acid" -12804621 __grossulariaceae_NN_1 in some classifications considered a part of the family Saxifragaceae: plants whose fruit is a berry -00754873 __negligent_JJ_1 characterized by neglect and undue lack of concern; "negligent parents"; "negligent of detail"; "negligent in his correspondence" -00334356 __flit_NN_1 a sudden quick movement -12803226 __tellima_grandiflora_NN_1 plant growing in clumps with mostly basal leaves and cream-colored or pale pink fringed flowers in several long racemes; Alaska to coastal central California and east to Idaho -12802248 __genus_suksdorfia_NN_1 small genus of rhizomatous herbs of northwestern America and South America -12801520 __parnassia_NN_1 any of various usually evergreen bog plants of the genus Parnassia having broad smooth basal leaves and a single pale flower resembling a buttercup -00780615 __swiz_NN_1 British slang for a swindle -12797368 __umbrella_plant_NN_1 rhizomatous perennial herb with large dramatic peltate leaves and white to bright pink flowers in round heads on leafless stems; colonizes stream banks in the Sierra Nevada in California -03159640 __stump_NN_4 a platform raised above the surrounding level to give prominence to the person on it -01279631 __indent_VB_3 make a depression into; "The bicycle dented my car" -09487022 __legendary_creature_NN_1 a monster that is unverifiable but popularly accepted as possibly factual -12796617 __genus_chrysosplenium_NN_1 genus of widely distributed semiaquatic herbs with minute greenish-yellow apetalous flowers -10198437 __matinee_idol_NN_1 someone who is adored blindly and excessively -03011162 __check_NN_10 a textile pattern of squares or crossed lines (resembling a checkerboard); "she wore a skirt with checks" -05522283 __mons_veneris_NN_1 a mound of fatty tissue covering the pubic area in women -08824484 __new_brunswick_NN_2 a province in southeastern Canada -12793695 __saxifraga_hypnoides_NN_1 tufted or mat-forming perennial of mountains of Europe; cultivated for its white flowers -01643297 __get_VB_31 earn or achieve a base by being walked by the pitcher; "He drew a base on balls" -12585373 __coquilla_nut_NN_1 nut having a hard hazel-brown shell used like vegetable ivory -11941261 __genus_boltonia_NN_1 genus of tall leafy perennial herbs of eastern America and eastern Asia having flowers that resemble asters -00350878 __red_herring_NN_1 any diversion intended to distract attention from the main issue -12789399 __genus_carpenteria_NN_1 one species; sometimes placed in family Saxifragaceae -13752443 __trillion_NN_3 the number that is represented as a one followed by 12 zeros; "in England they call a trillion a billion" -03094520 __indicative_JJ_1 relating to the mood of verbs that is used simple in declarative statements; "indicative mood" -08914193 __capital_of_iraq_NN_1 capital and largest city of Iraq; located on the Tigris River; "Baghdad is one of the great cities of the Muslim world" -03769967 __minicab_NN_1 a minicar used as a taxicab -09925592 __claimant_NN_1 someone who claims a benefit or right or title; "claimants of unemployment compensation"; "he was a claimant to the throne" -08289841 __hipsters_NN_1 a youth subculture (mostly from the middle class) originating in San Francisco in the 1960s; advocated universal love and peace and communes and long hair and soft drugs; favored acid rock and progressive rock music -12784738 __genus_cephalotus_NN_1 one species: Australian pitcher plant -12784543 __family_cephalotaceae_NN_1 a family of plants of order Rosales; coextensive with the genus Cephalotus -12783601 __genus_drosophyllum_NN_1 one species -00993892 __encode_VB_1 convert information into code; "encode pictures digitally" -04173172 __sequence_NN_3 film consisting of a succession of related shots that develop a given subject in a movie -12782774 __genus_dionaea_NN_1 a genus of the family Droseraceae -02896442 __knickers_NN_1 trousers ending above the knee -00053159 __prang_up_VB_1 make pregnant; "He impregnated his wife again" -04689450 __fascination_NN_3 the capacity to attract intense interest; "he held the children spellbound with magic tricks and other fascinations" -12780852 __genus_darlingtonia_NN_1 one species: California pitcher plant -04361641 __suppressor_NN_3 an electrical device for suppressing unwanted currents -12778926 __sarraceniales_NN_1 plants that are variously modified to serve as insect traps: families Sarraceniaceae; Nepenthaceae; Droseraceae -03056010 __concessive_JJ_1 a bin for holding coal of or pertaining to concession -12778398 __snowdrop_tree_NN_1 medium-sized tree of West Virginia to Florida and Texas -11274269 __rush_NN_4 physician and American Revolutionary leader; signer of the Declaration of Independence (1745-1813) -02371801 __uintatherium_NN_1 type genus of the Uintatheriidae; extinct large herbivorous ungulates somewhat resembling elephants; from the Eocene in Wyoming -12777294 __genus_styrax_NN_1 deciduous or evergreen shrubs and small trees -12776391 __symplocus_NN_1 type and sole genus of Symplocaceae including sweetleaf -12776212 __symplocaceae_NN_1 a dicotyledonous family of order Ebenales -02628832 __draw_VB_22 require a specified depth for floating; "This boat draws 70 inches" -12775717 __pouteria_campechiana_nervosa_NN_1 tropical tree of Florida and West Indies yielding edible fruit -12775530 __pouteria_NN_1 tropical American timber tree with edible fruit (canistel) -12775225 __payena_NN_1 genus of medium to large Malaysian trees yielding gutta-percha -12774127 __manilkara_NN_1 genus of large evergreen trees with milky latex; pantropical -14604959 __dopa_NN_1 amino acid that is formed in the liver and converted into dopamine in the brain -12772753 __buckthorn_NN_2 any shrub or small tree of the genus Bumelia -12772557 __genus_bumelia_NN_1 deciduous or evergreen American shrubs small trees having very hard wood and milky latex -12771390 __kaki_NN_1 small deciduous Asiatic tree bearing large red or orange edible astringent fruit -12771085 __marblewood_NN_1 hard marbled wood -09628382 __religious_person_NN_1 a person who manifests devotion to a deity -11573173 __hamamelid_dicot_genus_NN_1 genus of mostly woody relatively primitive dicotyledonous flowering plants with flowers often unisexual and often borne in catkins -09912995 __checker_NN_2 one who checks the correctness of something -12770277 __genus_diospyros_NN_1 a genus of trees or shrubs that have beautiful and valuable wood -12769663 __staphylea_NN_1 a genus of small trees or shrubs of the family Staphylaceae -08215603 __guard_NN_6 a military unit serving to protect some place or person -11716285 __nuphar_NN_1 spatterdocks -14719725 __alluvial_soil_NN_1 a fine-grained fertile soil deposited by water flowing over flood plains or in river beds -12767951 __horse-chestnut_family_NN_1 trees having showy flowers and inedible nutlike seeds in a leathery capsule -10720197 __track_star_NN_1 a star runner -11618861 __larch_tree_NN_1 any of numerous conifers of the genus Larix all having deciduous needlelike leaves -01944955 __garden_snail_NN_1 any of several inedible snails of the genus Helix; often destructive pests -01991982 __porcellionidae_NN_1 sow bugs -03065708 __coil_NN_6 reactor consisting of a spiral of insulated wire that introduces inductance into a circuit -12765846 __yellow_mombin_tree_NN_1 tropical American tree having edible yellow fruit -09942970 __commissioned_officer_NN_1 a military officer holding a commission -05502090 __rf_NN_3 a complex neural network in the central core of the brainstem; monitors the state of the body and functions in such processes as arousal and sleep and attention and muscle tone -12765115 __schinus_molle_NN_1 small Peruvian evergreen with broad rounded head and slender pendant branches with attractive clusters of greenish flowers followed by clusters of rose-pink fruits -01416539 __hammer_VB_1 beat with or as if with a hammer; "hammer the metal flat" -01067070 __adjournment_NN_2 the act of postponing to another time or place -12763529 __vinegar_tree_NN_2 common nonpoisonous shrub of eastern North America with waxy compound leaves and green paniculate flowers followed by red berries -10682599 __sweater_girl_NN_1 a girl with an attractive bust who wears tight sweaters -12762049 __pistacia_lentiscus_NN_1 an evergreen shrub of the Mediterranean region that is cultivated for its resin -11797016 __genus_aralia_NN_1 type genus of Araliaceae; large widely distributed genus of shrubs and trees and vines: spikenard; Hercules'-club -00240293 __magnify_VB_3 make large; "blow up an image" -01773346 __resent_VB_1 feel bitter or indignant about; "She resents being paid less than her co-workers" -12760722 __malosma_NN_1 one species; often included in the genus Rhus -11663136 __pseudotaxus_NN_1 one species -04713692 __conformity_NN_1 correspondence in form or appearance -05535095 __pylorus_NN_1 a small circular opening between the stomach and the duodenum -12758639 __sumac_family_NN_1 the cashew family; trees and shrubs and vines having resinous (sometimes poisonous) juice; includes cashew and mango and pistachio and poison ivy and sumac -07999699 __set_NN_2 (mathematics) an abstract collection of numbers or symbols; "the set of prime numbers is infinite" -11915899 __everlasting_flower_NN_1 any of various plants of various genera of the family Compositae having flowers that can be dried without loss of form or color -07722052 __tabasco_NN_3 very hot red peppers; usually long and thin; some very small -02525012 __molva_NN_1 ling -00765649 __urge_on_VB_2 force or impel in an indicated direction; "I urged him to finish his studies" -12756862 __ilex_NN_1 a large genus of dicotyledonous trees and shrubs of the family Aquifoliaceae that have small flowers and berries (including hollies) -04995940 __savoriness_NN_1 having an appetizing flavor -05635841 __horology_NN_1 the art of designing and making clocks -07899108 __vermouth_NN_1 any of several white wines flavored with aromatic herbs; used as aperitifs or in mixed drinks -12603784 __rumex_NN_1 docks: coarse herbs and shrubs mainly native to north temperate regions -14391660 __manic_disorder_NN_1 a mood disorder; an affective disorder in which the victim tends to respond excessively and sometimes violently -10355142 __neutral_NN_1 one who does not side with any party in a war or dispute -12752205 __maple_NN_2 any of numerous trees or shrubs of the genus Acer bearing winged seeds in pairs; north temperate zone -03079136 __compact_car_NN_1 a small and economical car -10079893 __fascist_NN_1 an adherent of fascism or other right-wing authoritarian views -12751043 __genus_cliftonia_NN_1 one species: titi -12750767 __white_titi_NN_1 shrub or small tree of southeastern United States to West Indies and Brazil; grown for the slender racemes of white flowers and orange and crimson foliage -12750577 __genus_cyrilla_NN_1 one species: trees and shrubs having flowers with acute or twisted petals and wingless fruit -12749679 __wahoo_NN_2 deciduous shrub having purple capsules enclosing scarlet seeds -12748815 __genus_euonymus_NN_1 widely distributed chiefly evergreen shrubs or small trees or vines -14288561 __hemorrhagic_stroke_NN_1 stroke caused by the rupture of a blood vessel in the brain -12746106 __boxwood_NN_2 evergreen shrubs or small trees -12745976 __genus_buxus_NN_1 type genus of the Buxaceae -09994943 __departed_NN_1 someone who is no longer alive; "I wonder what the dead person would have done" -12745386 __rambutan_tree_NN_1 Malayan tree bearing spiny red fruit -05556325 __hip_NN_1 either side of the body below the waist and above the thigh -12744656 __melicoccus_NN_1 tropical American trees and shrubs bearing berries -02565072 __smallmouthed_black_bass_NN_1 a variety of black bass; the angle of the jaw falls below the eye -06839858 __phonetic_symbol_NN_1 a written character used in phonetic transcription of represent a particular speech sound -07261782 __procrustean_standard_NN_1 a standard that is enforced uniformly without regard to individuality -12398682 __mulberry_family_NN_1 trees or shrubs having a milky juice; in some classifications includes genus Cannabis -12742041 __genus_blighia_NN_1 small genus of western African evergreen trees and shrubs bearing fleshy capsular three-seeded fruits edible when neither unripe nor overripe -12741792 __sapindus_saponaria_NN_1 evergreen of tropical America having pulpy fruit containing saponin which was used as soap by Native Americans -12643113 __wild_orange_NN_2 small flowering evergreen tree of southern United States -01302086 __war_of_american_independence_NN_1 the revolution of the American Colonies against Great Britain; 1775-1783 -12741409 __sapindus_NN_1 type genus of the Sapindaceae -12741079 __genus_dodonaea_NN_1 a genus of tropical shrub or tree -01195867 __trial_NN_4 (law) the determination of a person's innocence or guilt by due process of law; "he had a fair trial and the jury found him guilty"; "most of these complaints are settled before they go to trial" -12739595 __phoradendron_NN_1 any of various American parasitic plants similar to Old World mistletoe: false mistletoe -10763725 __waiter_NN_2 a person who waits or awaits -12738859 __viscaceae_NN_1 in some classifications considered a subfamily of Loranthaceae -12738480 __nuytsia_NN_1 one species -12736603 __quandong_tree_NN_1 Australian tree with edible flesh and edible nutlike seed -12736064 __genus_comandra_NN_1 small genus of chiefly North American parasitic plants -07455984 __sleepover_NN_1 an occasion of spending a night away from home or having a guest spend the night in your home (especially as a party for children) -12093885 __sea_trifoly_NN_1 a small fleshy herb common along North American seashores and in brackish marshes having pink or white flowers -03599761 __job_NN_4 an object worked on; a result produced by working; "he held the job in his left hand and worked on it with his right" -12734446 __santalales_NN_1 order of plants distinguished by having a one-celled inferior ovary; many are parasitic or partly parasitic usually on roots -07357388 __improvement_NN_1 a change for the better; progress in development -12734215 __populus_grandidentata_NN_1 aspen with a narrow crown; eastern North America -02478584 __abrogate_VB_1 revoke formally -04692908 __chip_NN_5 a mark left after a small piece has been chopped or broken off of something -00164579 __storage_allocation_NN_1 (computer science) the assignment of particular areas of a magnetic disk to particular data or instructions -12731401 __poplar_tree_NN_1 any of numerous trees of north temperate regions having light soft wood and flowers borne in catkins -12731029 __velvet_osier_NN_1 willow with long flexible twigs used in basketry -12729521 __salix_pentandra_NN_1 European willow tree with shining leathery leaves; widely naturalized in the eastern United States -04047401 __railing_NN_1 a barrier consisting of a horizontal bar and supports -14864360 __fat_NN_1 a soft greasy substance occurring in organic tissue and consisting of a mixture of lipids (mostly triglycerides); "pizza has too much fat" -12725738 __white_willow_NN_1 large willow tree of Eurasia and North Africa having greyish canescent leaves and grey bark -00442981 __diving_NN_2 a headlong plunge into water -09034402 __latakia_NN_2 a seaport on the western coast of Syria -12723985 __willow_family_NN_1 two genera of trees or shrubs having hairy catkins: Salix; Populus -01630284 __triton_NN_4 small usually bright-colored semiaquatic salamanders of North America and Europe and northern Asia -12723446 __tribulus_NN_1 annual or perennial herbs or subshrubs of warm regions -12723062 __larrea_tridentata_NN_1 desert shrub of southwestern United States and New Mexico having persistent resinous aromatic foliage and small yellow flowers -12722071 __lignum_vitae_NN_2 small evergreen tree of Caribbean and southern Central America to northern South America; a source of lignum vitae wood, hardest of commercial timbers, and a medicinal resin -12721477 __palo_santo_NN_1 South American tree of dry interior regions of Argentina and Paraguay having resinous heartwood used for incense -09892262 __capitalist_NN_1 a conservative advocate of capitalism -12721357 __genus_bulnesia_NN_1 palo santo -12721122 __zygophyllum_fabago_NN_1 perennial shrub of the eastern Mediterranean region and southwestern Asia having flowers whose buds are used as capers -12720893 __zygophyllum_NN_1 usually tropical herbs or shrubs having ill-smelling foliage and flower buds that are used as capers: bean capers -01575941 __oriolus_NN_1 type genus of the Oriolidae -08346031 __special_air_service_NN_1 a specialist regiment of the British army that is trained in commando techniques of warfare and used in clandestine operations (especially against terrorist groups) -12719684 __nasturtium_NN_1 any tropical American plant of the genus Tropaeolum having pungent juice and long-spurred yellow to red flowers -02166674 __rodolia_NN_1 genus of Australian ladybugs -12718314 __picrasma_NN_1 small genus of deciduous trees of tropical America and Asia -00667384 __psychosurgery_NN_1 brain surgery on human patients intended to relieve severe and otherwise intractable mental or behavioral problems -12717914 __kirkia_NN_1 small genus of tropical South African trees and shrubs -12715569 __simaroubaceae_NN_1 chiefly tropical trees and shrubs with bitter bark having dry usually one-seeded winged fruit -00876665 __consult_VB_3 have a conference in order to talk something over; "We conferred about a plan of action" -12714550 __zanthoxylum_NN_1 deciduous or evergreen trees or shrubs: prickly ash -08641944 __'hood_NN_1 (slang) a neighborhood -01007463 __personality_test_NN_1 any test that is intended to assess personality -06789801 __ahimsa_NN_1 a Buddhist and Hindu and especially Jainist doctrine holding that all forms of life are sacred and urging the avoidance of violence -12712820 __genus_fortunella_NN_1 small genus of shrubs native to south China producing small ovoid fruits resembling oranges: includes kumquats -12712320 __citroncirus_webberi_NN_1 more aromatic and acidic than oranges -07859583 __syrup_NN_1 a thick sweet sticky liquid -12712149 __genus_citroncirus_NN_1 a cross between Citrus sinensis and Poncirus trifoliata -12711984 __lime_tree_NN_1 any of various related trees bearing limes -12711817 __sweet_lime_NN_1 lemon tree having fruit with a somewhat insipid sweetish pulp -12711182 __ugli_fruit_NN_1 hybrid between grapefruit and mandarin orange; cultivated especially in Florida -12710917 __temple_orange_tree_NN_1 large citrus tree having large sweet deep orange fruit that is easily peeled; widely cultivated in Florida -02575325 __sharksucker_NN_1 remoras found attached to sharks -02274253 __unsound_JJ_2 not sound financially; "unsound banking practices" -12708654 __sour_orange_NN_1 any of various common orange trees yielding sour or bitter fruit; used as grafting stock -12708293 __orange_tree_NN_1 any citrus tree bearing oranges -02537085 __trout_NN_2 any of various game and food fishes of cool fresh waters mostly smaller than typical salmons -12707199 __ruta_graveolens_NN_1 European strong-scented perennial herb with grey-green bitter-tasting leaves; an irritant similar to poison ivy -09288635 __geyser_NN_1 a spring that discharges hot water and steam -12704636 __polygalaceae_NN_1 trees, shrubs, and herbs widely distributed throughout both hemispheres -12704041 __oxalis_tuberosa_NN_1 South American wood sorrel cultivated for its edible tubers -12702706 __genus_oxalis_NN_1 type genus of the Oxalidaceae; large genus of plants having leaves that resemble clover and variously colored flowers usually clustered in umbels -01275697 __chickamauga_NN_1 a Confederate victory in the American Civil War (1863); Confederate forces under Braxton Bragg defeated Union forces -02147947 __pipistrellus_pipistrellus_NN_1 small European brown bat -09791248 __market_analyst_NN_1 an analyst of conditions affecting a market (especially the stock market) -12699778 __swietinia_NN_1 tropical American mahogany trees -02116777 __horripilate_VB_1 have one's hair stand on end and get goosebumps; "I horripilate when I see violence on television" -12698027 __sapele_mahogany_NN_1 African tree having rather lightweight cedar-scented wood varying in color from pink to reddish brown -12697514 __satinwood_tree_NN_1 East Indian tree with valuable hard lustrous yellowish wood; -00002137 __abstraction_NN_6 a general concept formed by extracting common features from specific examples -12697360 __genus_chloroxylon_NN_1 deciduous trees of India and Sri Lanka -12697152 __spanish_cedar_tree_NN_1 tropical American tree yielding fragrant wood used especially for boxes -12696492 __nim_tree_NN_1 large semi-evergreen tree of the East Indies; trunk exudes a tenacious gum; bitter bark used as a tonic; seeds yield an aromatic oil; sometimes placed in genus Melia -09204977 __arctic_ocean_NN_1 ice covered waters surrounding the North Pole; mostly covered with solid ice or with ice floes and icebergs -03271574 __electric_fan_NN_1 a fan run by an electric motor -04887912 __lordliness_NN_2 overbearing pride evidenced by a superior manner toward inferiors -03252064 __soft_goods_NN_1 textiles or clothing and related merchandise -02297127 __pseudaletia_NN_1 moths whose larvae are armyworms -13617630 __acre_inch_NN_1 one twelfth of an acre-foot -00261533 __fill_VB_9 plug with a substance; "fill a cavity" -00262249 __decoration_NN_3 the act of decorating something (in the hope of making it more attractive) -09715521 __paddy_NN_1 (ethnic slur) offensive term for a person of Irish descent -10621514 __sodomite_NN_1 someone who engages in anal copulation (especially a male who engages in anal copulation with another male) -11977303 __sneezeweed_NN_1 any of various plants of the genus Helenium characteristically causing sneezing -00299680 __roping_NN_1 capturing cattle or horses with a lasso -12690388 __torchwood_family_NN_1 resinous or aromatic chiefly tropical shrubs or trees -02681518 __adornment_NN_1 a decoration of color or interest that is added to relieve plainness -12688716 __storksbill_NN_1 any of various plants of the genus Erodium -12688526 __genus_erodium_NN_1 geraniums of Europe and South America and Australia especially mountainous regions -12687957 __pelargonium_peltatum_NN_1 a commonly cultivated trailing South American plant with peltate leaves and rosy flowers -12687698 __zonal_pelargonium_NN_1 an upright geranium having scalloped leaves with a broad color zone inside the margin and white or pink or red flowers -12687211 __pelargonium_NN_1 geraniums native chiefly to South Africa; widely cultivated -07392483 __rumbling_NN_1 a loud low dull continuous noise; "they heard the rumbling of thunder" -12685214 __geranium_family_NN_1 chiefly herbaceous plants -03905540 __peg_NN_1 a wooden pin pushed or driven into a surface -12684379 __touch-me-not_NN_1 North American annual plant with usually yellow or orange flowers; grows chiefly on wet rather acid soil -06720216 __vilification_NN_1 slanderous defamation -13617835 __board_foot_NN_1 the volume of a piece of wood 1 foot square and 1 inch thick -09477890 __wetland_NN_1 a low area where the land is saturated with water -00701755 __systematic_desensitization_NN_1 a technique used in behavior therapy to treat phobias and other behavior problems involving anxiety; client is exposed to the threatening situation under relaxed conditions until the anxiety reaction is extinguished -12682411 __teazel_NN_1 any of several herbs of the genus Dipsacus native to the Old World having flower heads surrounded by spiny bracts -07509996 __wonderment_NN_1 the feeling aroused by something strange and surprising -02332311 __subtitle_VB_1 supply (a movie) with subtitles -12680864 __viburnum_opulus_NN_1 deciduous thicket-forming Old World shrub with clusters of white flowers and small bright red berries -12679876 __wild_coffee_NN_1 coarse weedy American perennial herb with large usually perfoliate leaves and purple or dull red flowers -02607072 __anemone_fish_NN_1 live associated with sea anemones -12679712 __triostium_NN_1 genus of Asiatic and North American herbs: feverroot -12679201 __sambucus_nigra_NN_1 a common shrub with black fruit or a small tree of Europe and Asia; fruit used for wines and jellies -12678059 __sambucus_NN_1 elder; elderberry -12677612 __waxberry_NN_1 deciduous shrub of western North America having spikes of pink flowers followed by round white berries -02735688 __area_NN_5 a part of a structure having some specific characteristic or function; "the spacious cooking area provided plenty of room for servants" -00371846 __supplementation_NN_2 the act of supplementing -12673328 __twinflower_NN_1 creeping evergreen subshrub of the northern parts of Europe and Asia with delicate fragrant tubular bell-shaped usually pink flowers borne in pairs -12673178 __linnaea_NN_1 one species: twinflower -12672843 __leycesteria_NN_1 small species of shrubs of western Himalayas to China -03608356 __kantrex_NN_1 antibiotic (trade name Kantrex) used to treat severe infections -11354333 __william_tyndale_NN_1 English translator and Protestant martyr; his translation of the Bible into English (which later formed the basis for the King James Version) aroused ecclesiastical opposition; he left England in 1524 and was burned at the stake in Antwerp as a heretic (1494-1536) -11863242 __talinum_augustissimum_NN_1 similar to Talinum aurantiacum but with narrower leaves and yellow-orange flowers; southwestern United States -12671157 __honeysuckle_family_NN_1 shrubs and small trees and woody vines -01747144 __rhynchoelaps_NN_1 Australian coral snakes -10614629 __smith_NN_10 someone who works metal (especially by hammering it when it is hot and malleable) -01825009 __musophagidae_NN_1 touracos -12670758 __wild_medlar_tree_NN_1 small deciduous tree of southern Africa having edible fruit -12447581 __star_tulip_NN_1 small plant with slender bent stems bearing branched clusters of a few white star-shaped flowers with petals shaped like cat's ears; southeastern Washington and northeastern Oregon to Montana -02398854 __lord_VB_1 make a lord of someone -05936381 __visualization_NN_1 a mental image that is similar to a visual perception -15287830 __round_NN_2 an interval during which a recurring sequence of events occurs; "the never-ending cycle of the seasons" -12667964 __hamelia_NN_1 any of several flowering tropical or subtropical shrubs of the genus Hamelia -12667179 __genus_genipa_NN_1 tropical American evergreen trees or shrubs bearing yellow flowers and succulent edible fruit with a thick rind -00205543 __giving_up_NN_2 the act of forsaking -05199869 __efficacy_NN_1 capacity or power to produce a desired effect; "concern about the safety and efficacy of the vaccine" -07713074 __mad_apple_NN_2 egg-shaped vegetable having a shiny skin typically dark purple but occasionally white or yellow -01169744 __opposition_NN_3 the act of hostile groups opposing each other; "the government was not ready for a confrontation with the unions"; "the invaders encountered stiff opposition" -12664710 __peruvian_bark_NN_1 medicinal bark of cinchona trees; source of quinine and quinidine -12664187 __cinchona_officinalis_NN_1 Peruvian shrub or small tree having large glossy leaves and cymes of fragrant yellow to green or red flowers; cultivated for its medicinal bark -03899768 __terrace_NN_1 usually paved outdoor area adjoining a residence -01258091 __chop_up_VB_1 cut into pieces; "Chop wood"; "chop meat" -12662654 __genus_coffea_NN_1 coffee trees -12662379 __west_indian_snowberry_NN_1 evergreen climbing shrub of southern Florida and West Indies grown for its racemes of fragrant white to creamy flowers followed by globose white succulent berries -04649261 __playfulness_NN_2 a disposition to find (or make) causes for amusement; "her playfulness surprised me"; "he was fun to be with" -12660009 __rubiaceae_NN_1 widely distributed family of mostly tropical trees and shrubs and herbs; includes coffee and chinchona and gardenia and madder and bedstraws and partridgeberry -12659539 __st._peter's_wreath_NN_1 shrub having copious small white flowers in spring -06988684 __assyrian_neo-aramaic_NN_1 the language of modern Iraq -12659356 __spirea_NN_2 any rosaceous plant of the genus Spiraea; has sprays of small white or pink flowers -12658118 __mountain_ash_NN_1 any of various trees of the genus Sorbus -05349659 __lacrimal_artery_NN_1 an artery that originates from the ophthalmic artery and supplies the lacrimal gland and rectal eye muscles and the upper eyelid and the forehead -09506216 __demigod_NN_2 a person who is part mortal and part god -04737234 __substitutability_NN_1 exchangeability by virtue of being replaceable -10321882 __misanthropist_NN_1 someone who dislikes people in general -09986532 __faultfinder_NN_1 someone who is critical of the motives of others -10256537 __prevaricator_NN_1 a person who has lied or who lies repeatedly -12654659 __western_dewberry_NN_1 American blackberry with oblong black fruit -12566627 __ruby_wood_NN_1 hard durable wood of red sandalwood trees (Pterocarpus santalinus); prized for cabinetwork -12651229 __pyracantha_NN_1 any of various thorny shrubs of the genus Pyracantha bearing small white flowers followed by hard red or orange-red berries -12651062 __genus_pyracantha_NN_1 Eurasian evergreen thorny shrubs bearing red or orange-red berries -01499948 __coffin_VB_1 place into a coffin; "her body was coffined" -12650556 __prunus_virginiana_NN_1 a common wild cherry of eastern North America having small bitter black berries favored by birds -00828901 __orate_VB_1 talk pompously -11067885 __john_huss_NN_1 Czechoslovakian religious reformer who anticipated the Reformation; he questioned the infallibility of the Catholic Church was excommunicated (1409) for attacking the corruption of the clergy; he was burned at the stake (1372-1415) -10404550 __passer_NN_2 a person who passes as a member of a different ethnic or racial group -05274105 __collarbone_NN_1 bone linking the scapula and sternum -02451292 __genus_eira_NN_1 a genus of Mustelidae -12646950 __prunus_laurocerasus_NN_1 frequently cultivated Eurasian evergreen shrub or small tree having showy clusters of white flowers and glossy foliage and yielding oil similar to bitter almond oil -02530421 __shad_NN_2 herring-like food fishes that migrate from the sea to fresh water to spawn -06440663 __zephaniah_NN_2 an Old Testament book telling the prophecies of Zephaniah which are concerned mainly with the approaching judgment by God upon the sinners of Judah -02564720 __black_bass_NN_2 widely distributed and highly prized American freshwater game fishes (sunfish family) -02621419 __genus_acanthurus_NN_1 type genus of the Acanthuridae: doctorfishes -02313709 __sea_moss_NN_1 sessile aquatic animal forming mossy colonies of small polyps each having a curved or circular ridge bearing tentacles; attach to stones or seaweed and reproduce by budding -12644902 __almond_tree_NN_1 any of several small bushy trees having pink or white blossoms and usually bearing nuts -04199027 __shoe_NN_1 footwear shaped to fit the foot (below the ankle) with a flexible upper of leather or plastic and a sole and heel of heavier material -13540610 __preservation_NN_3 a process that saves organic substances from decay -12642964 __prunus_capuli_NN_1 Mexican black cherry tree having edible fruit -07374756 __mixture_NN_4 an event that combines things in a mixture; "a gradual mixture of cultures" -00608808 __think_VB_12 be capable of conscious thought; "Man is the only creature that thinks" -12642200 __sweet_cherry_NN_1 large Eurasian tree producing small dark bitter fruit in the wild but edible sweet fruit under cultivation -00003316 __aspirate_VB_3 suck in (air) -01277784 __wrinkle_VB_3 make wrinkled or creased; "furrow one's brow" -07827410 __sesame_seed_NN_1 small oval seeds of the sesame plant -01618671 __family_cathartidae_NN_1 condors; turkey buzzards; king vultures -01093380 __conversion_NN_8 act of exchanging one type of money or security for another -14059928 __glandular_disorder_NN_1 a disorder of the glands of the body -03757428 __metronidazole_NN_1 antiprotozoal medication (trade name Flagyl) used to treat trichomoniasis and giardiasis -02624377 __scomber_NN_1 type genus of the Scombridae -12636224 __mespilus_germanica_NN_1 small deciduous Eurasian tree cultivated for its fruit that resemble crab apples -04519536 __valve_NN_2 device in a brass wind instrument for varying the length of the air column to alter the pitch of a tone -00849982 __propagation_NN_2 the act of producing offspring or multiplying by such production -15024606 __myoglobin_NN_1 a hemoprotein that receives oxygen from hemoglobin and stores it in the tissues until needed -10567172 __sea_lawyer_NN_1 an argumentative and contentious seaman -12632875 __heteromeles_NN_1 one species: toyon; in some classifications included in genus Photinia -15033189 __piperine_NN_1 derived from pepper (especially black pepper); source of the hotness of black and white pepper -07567139 __food_colouring_NN_1 a digestible substance used to give color to food; "food color made from vegetable dyes" -12630144 __strawberry_NN_2 any of various low perennial herbs with many runners and bearing white flowers followed by edible fruits having many small achenes scattered on the surface of an enlarged red pulpy berry -12629946 __genus_fragaria_NN_1 strawberries -00865600 __passing_NN_5 a bodily reaction of changing from one place or stage to another; "the passage of air from the lungs"; "the passing of flatus" -02073065 __vanish_VB_3 pass away rapidly; "Time flies like an arrow"; "Time fleeing beneath him" -12629187 __genus_dryas_NN_1 mountain avens -12628356 __red_haw_NN_2 American red-fruited hawthorn with stems and leaves densely covered with short woolly hairs -10700105 __toiler_NN_1 one who works strenuously -01965464 __saltate_VB_2 leap or skip, often in dancing; "These fish swim with a saltating motion" -09162581 __cumana_NN_1 a port city in northeastern Venezuela on the Caribbean Sea; founded in 1523, it is the oldest European settlement in South America -06207029 __estimation_NN_2 the respect with which a person is held; "they had a high estimation of his ability" -00777522 __spellbind_VB_2 attract strongly, as if with a magnet; "She magnetized the audience with her tricks" -03813704 __navy_yard_NN_1 a military shipyard -12626030 __genus_crataegus_NN_1 thorny shrubs and small trees: hawthorn; thorn; thorn apple -01822248 __sympathize_VB_3 to feel or express sympathy or compassion -01233397 __attending_NN_2 the act of being present (at a meeting or event etc.) -12623818 __amelanchier_alnifolia_NN_1 shrub or small tree of northwestern North America having fragrant creamy white flowers and small waxy purple-red fruits -06229853 __calvinism_NN_1 the theological system of John Calvin and his followers emphasizing omnipotence of God and salvation by grace alone -12623524 __shadbush_NN_1 any of various North American trees or shrubs having showy white flowers and edible blue-black or purplish fruit -14441825 __dominance_NN_2 the state that exists when one person or group has power over another; "her apparent dominance of her husband was really her attempt to make him pay attention to her" -12622875 __agrimony_NN_1 a plant of the genus Agrimonia having spikelike clusters of small yellow flowers -12622653 __genus_agrimonia_NN_1 genus of herbs found chiefly in north temperate regions having pinnate leaves and yellow flowers followed by bristly fruit -10763075 __waif_NN_1 a homeless child especially one forsaken or orphaned; "street children beg or steal in order to survive" -12397431 __indian_hemp_NN_1 source of e.g. bhang and hashish as well as fiber -12620031 __rosa_NN_1 large genus of erect or climbing prickly shrubs including roses -12618727 __zostera_marina_NN_1 submerged marine plant with very long narrow leaves found in abundance along North Atlantic coasts -12618524 __zostera_NN_1 (or in some classifications family Zosteraceae) small genus of widely distributed marine plants -00072897 __stale_VB_1 urinate, of cattle and horses -11736216 __laccopetalum_NN_1 one species: giant buttercup -07223450 __rumour_NN_1 gossip (usually a mixture of truth and untruth) passed around by word of mouth -12615710 __pondweed_NN_1 any of several submerged or floating freshwater perennial aquatic weeds belonging to the family Potamogetonaceae -12615232 __wild_celery_NN_2 submerged aquatic plant with ribbonlike leaves; Old World and Australia -01347678 __shut_up_VB_2 place in a place where something cannot be removed or someone cannot escape; "The parents locked her daughter up for the weekend"; "She locked her jewels in the safe" -03274796 __electrode_NN_1 a conductor used to make electrical contact with some part of a circuit -01380489 __genus_diplococcus_NN_1 a genus of bacteria -12613706 __hydrilla_verticillata_NN_1 submersed plant with whorled lanceolate leaves and solitary axillary flowers; Old World plant naturalized in southern United States and clogging Florida's waterways -12613596 __genus_hydrilla_NN_1 one species -09492123 __mythical_monster_NN_1 a monster renowned in folklore and myth -12613408 __hydrocharis_morsus-ranae_NN_1 European floating plant with roundish heart-shaped leaves and white flowers -02344006 __meriones_NN_1 a genus of Cricetidae -12613285 __hydrocharis_NN_1 frogbit -12612913 __hydrocharitaceae_NN_1 simple nearly stemless freshwater aquatic plants; widely distributed -06610992 __jabbering_NN_1 rapid and indistinct speech -08815858 __republic_of_croatia_NN_1 a republic in the western Balkans in south-central Europe in the eastern Adriatic coastal area; formerly part of the Habsburg monarchy and Yugoslavia; became independent in 1991 -06742932 __moralizing_NN_1 indulgence in moral pronouncements; the exposition (often superficially) of a particular moral code; "his constant moralizing drove me mad" -09624980 __money_handler_NN_1 a person who receives or invests or pays out money -06043075 __medicine_NN_1 the branches of medical science that deal with nonsurgical techniques -12611815 __water-plantain_family_NN_1 perennial or annual aquatic or marsh plants -12611243 __najadaceae_NN_1 monotypic family of aquatic plants having narrow leaves and small flowers -12610740 __water_star_grass_NN_1 grassy-leaved North American aquatic plant with yellow star-shaped blossoms -03525693 __holding_cell_NN_1 a jail in a courthouse where accused persons can be confined during a trial -12610609 __heteranthera_NN_1 mud plantains -12610328 __water_orchid_NN_1 a tropical floating aquatic plant having spikes of large blue flowers; troublesome in clogging waterways especially in southern United States -01077190 __countermine_NN_1 (military) a tunnel dug to defeat similar activities by the enemy -12608778 __rapateaceae_NN_1 South American herbs somewhat resembling members of the Juncaceae -12608447 __mayacaceae_NN_1 a monocotyledonous family of bog plants of order Xyridales -12606907 __pineapple_family_NN_1 a family of tropical American plants of order Xyridales including several (as the pineapple) of economic importance -00953216 __tell_VB_3 narrate or give a detailed account of; "Tell what happened"; "The father told a story to his child" -10209616 __pawn_NN_2 a person used by another to gain an end -04936846 __thinness_NN_5 a consistency of low viscosity; "he disliked the thinness of the soup" -12605519 __xyris_NN_1 chiefly American marsh plants, having usually yellow flowers -12605315 __yellow-eyed_grass_family_NN_1 plants of tropical to temperate regions; usually in wet places -10711144 __tilter_NN_1 someone who engages in a tilt or joust -12604228 __sour_dock_NN_1 European sorrel with large slightly acidic sagittate leaves grown throughout north temperate zone for salad and spring greens -12603959 __sour_grass_NN_1 any of certain coarse weedy plants with long taproots, sometimes used as table greens or in folk medicine -12012111 __senecio_glabellus_NN_1 American ragwort with yellow flowers -12603273 __rheum_emodi_NN_1 Asian herb (Himalayas) -10621140 __sod_NN_4 an informal British term for a youth or man; "the poor sod couldn't even buy a drink" -12602980 __rhubarb_plant_NN_1 plants having long green or reddish acidic leafstalks growing in basal clumps; stems (and only the stems) are edible when cooked; leaves are poisonous -12602118 __genus_eriogonum_NN_1 North American herbs of the buckwheat family -12601335 __genus_fagopyrum_NN_1 buckwheat; in some classifications included in the genus Polygonum -12601106 __silver_lace_vine_NN_1 twining perennial vine having racemes of fragrant greenish flowers; western China to Russia -12600574 __polygonaceae_NN_1 a family of plants of order Polygonales chiefly of the north temperate zone; includes the buckwheats -12599435 __whiteman's_foot_NN_1 common European perennial naturalized worldwide; a troublesome weed -12597333 __serenoa_NN_1 one species: saw palmetto -12597006 __sabal_NN_1 American dwarf fan palms -02635580 __clingfish_NN_1 very small (to 3 inches) flattened marine fish with a sucking disc on the abdomen for clinging to rocks etc. -12593826 __phoenix_NN_2 a large monocotyledonous genus of pinnate-leaved palms found in Asia and Africa -12592839 __babassu_nut_NN_1 hard-shelled nut of the babassu palm -12592544 __orbignya_spesiosa_NN_1 tall feather palm of northern Brazil with hard-shelled nuts yielding valuable oil and a kind of vegetable ivory -12592351 __orbignya_NN_1 palms of southern Mexico to northern South America: babassu palm -12591523 __metroxylon_NN_1 a genus of Malayan pinnate-leaved palm trees that flower and fruit once and then die -12590842 __genus_euterpe_NN_1 a monocotyledonous genus of graceful palm trees in tropical America -12590117 __genus_elaeis_NN_1 oil palms -04766852 __involution_NN_3 marked by elaborately complex detail -12588989 __genus_corozo_NN_1 a monocotyledonous genus of tropical American palm trees -12588780 __wax_palm_NN_1 South American palm yielding a wax similar to carnauba wax -12586867 __genus_caryota_NN_1 fishtail palms -12586110 __genus_calamus_NN_1 distinctive often spiny-stemmed palms found as climbers in tropical and subtropical forest -12585629 __wine_palm_NN_2 tall fan palm of Africa and India and Malaysia yielding a hard wood and sweet sap that is a source of palm wine and sugar; leaves used for thatching and weaving -04679549 __visage_NN_2 the appearance conveyed by a person's face; "a pleasant countenance"; "a stern visage" -01593156 __genus_chamaea_NN_1 a genus of Paridae -12793015 __saxifrage_NN_1 any of various plants of the genus Saxifraga -12584970 __genus_attalea_NN_1 unarmed feather palms of central and northern South America -01569060 __dendroica_fusca_NN_1 black-and-white North American wood warbler having an orange-and-black head and throat -04285146 __sports_equipment_NN_1 equipment needed to participate in a particular sport -13899804 __cylinder_NN_2 a surface generated by rotating a parallel line around a fixed line -12581381 __palmae_NN_1 chiefly tropical trees and shrubs and vines usually having a tall columnar trunk bearing a crown of very large leaves; coextensive with the order Palmales -03170635 __freezer_NN_1 electric refrigerator (trade name Deepfreeze) in which food is frozen and stored for long periods of time -12579404 __viminaria_juncea_NN_1 Australian leafless shrub resembling broom and having small yellow flowers -12579038 __yard-long_bean_NN_1 South American bean having very long succulent pods -12578626 __vigna_unguiculata_NN_1 sprawling Old World annual cultivated especially in southern United States for food and forage and green manure -12577895 __vigna_caracalla_NN_1 perennial tropical American vine cultivated for its racemes of showy yellow and purple flowers having the corolla keel coiled like a snail shell; sometimes placed in genus Phaseolus -06598915 __substance_NN_6 what a communication that is about something is about -12577686 __vigna_angularis_NN_1 bushy annual widely grown in China and Japan for the flour made from its seeds -00095990 __teethe_VB_1 grow teeth; cut the baby teeth; "The little one is teething now" -03654374 __leftfield_NN_1 the piece of ground in the outfield on the catcher's left; "the batter flied out to left" -04323026 __stock_market_NN_1 an exchange where security trading is conducted by professional stockbrokers -03237416 __topper_NN_6 a man's hat with a tall crown; usually covered with silk or with beaver fur -12576323 __horsebean_NN_1 seed of the broad-bean plant -08971914 __new_zealand_islands_NN_1 North Island and South Island and adjacent small islands in the South Pacific -05229990 __infundibulum_NN_1 any of various funnel-shaped parts of the body (but especially the hypophyseal stalk) -12574866 __whin_NN_1 very spiny and dense evergreen shrub with fragrant golden-yellow flowers; common throughout western Europe -00171618 __trick_NN_1 a cunning or deceitful action or device; "he played a trick on me"; "he pulled a fast one and got away with it" -01688256 __portray_VB_2 make a portrait of; "Goya wanted to portray his mistress, the Duchess of Alba" -06055946 __psychopathology_NN_2 the branch of medicine dealing with the diagnosis and treatment of mental disorders -12573760 __tipuana_NN_1 one species: South American tree: tipu tree -00094001 __salvation_NN_1 (theology) the act of delivering from sin or saving from evil -12571606 __strongylodon_NN_1 genus of Polynesian or southeastern Asian shrubs or vines -01213702 __traditionalism_NN_2 adherence to tradition (especially in cultural or religious matters) -12570394 __sophora_sinensis_NN_1 handsome roundheaded deciduous tree having compound dark green leaves and profuse panicles of fragrant creamy-white flowers; China and Japan -07313241 __contraction_NN_2 the process or result of becoming smaller or pressed together; "the contraction of a gas on cooling" -12141495 __cereal_grass_NN_1 grass whose starchy grains are used as food: wheat; rice; rye; oats; maize; buckwheat; millet -12569233 __genus_sesbania_NN_1 small genus of tropical and subtropical leguminous herbs or shrubs or trees -01653773 __tongueless_frog_NN_1 almost completely aquatic frog native to Africa and Panama and northern South America -04317420 __stick_NN_1 an implement consisting of a length of wood; "he collected dry sticks for a campfire"; "the kid had a candied apple on a stick" -12568865 __sabinea_NN_1 small genus of deciduous West Indian trees or shrubs: carib wood -08672562 __settlement_NN_6 an area where a group of families live together -05222591 __vallecula_NN_1 (anatomy) any furrow or channel on a bodily structure or part -09968549 __cottager_NN_1 someone who lives in a cottage -12567316 __retama_NN_1 small genus of Mediterranean shrubs; often included in genus Genista -12653762 __blackberry_bush_NN_1 bramble with sweet edible black or dark purple berries that usually do not separate from the receptacle -05784560 __mysticism_NN_2 obscure or irrational thought -12563567 __pongamia_NN_1 one species: Indian beech -09417560 __ruhr_river_NN_1 a tributary of the Rhine -10628368 __rebel_NN_1 `Johnny' was applied as a nickname for Confederate soldiers by the Federal soldiers in the American Civil War; `greyback' derived from their grey Confederate uniforms -02396427 __wild_boar_NN_1 Old World wild swine having a narrow body and prominent tusks from which most domestic swine come; introduced in United States -14005892 __stream_NN_4 something that resembles a flowing stream in moving continuously; "a stream of people emptied from the terminal"; "the museum had planned carefully for the flow of visitors" -12561594 __field_pea_NN_1 seed of the field pea plant -13495636 __idealization_NN_2 (psychiatry) a defense mechanism that splits something you are ambivalent about into two representations--one good and one bad -12560282 __pea_NN_2 the fruit or seed of a pea plant -05634219 __concoction_NN_3 the invention of a scheme or story to suit some purpose; "his testimony was a concoction"; "she has no peer in the concoction of mystery stories" -12559044 __stingaree-bush_NN_1 spiny evergreen xerophytic shrub having showy rose and purple flowers and forming dense thickets; of dry rocky mountain slopes of California -12558230 __phaseolus_limensis_NN_1 bush or tall-growing bean plant having large flat edible seeds -01904182 __shell_NN_10 the hard largely calcareous covering of a mollusc or a brachiopod -07814203 __cinnamon_NN_3 spice from the dried aromatic bark of the Ceylon cinnamon tree; used as rolled strips or ground -12556656 __pole_bean_NN_1 a climbing bean plant that will climb a wall or tree or trellis -08291338 __paleo-indian_culture_NN_1 the prehistoric culture of the earliest human inhabitants of North America and South America -13457378 __diminution_NN_1 change toward something smaller or lower -04329477 __stowage_NN_2 a room in which things are stored -10608385 __slacker_NN_1 a person who shirks his work or duty (especially one who tries to evade military service in wartime) -12553314 __ormosia_NN_1 genus of tropical shrubs and trees having usually odd-pinnate leaves with large leaflets and pink to reddish wood -00125629 __striking_NN_2 the act of contacting one thing with another; "repeated hitting raised a large bruise"; "after three misses she finally got a hit" -12552893 __restharrow_NN_2 European woody plant having pink flowers and unifoliate leaves and long tough roots; spreads by underground runners -12552658 __ononis_NN_1 genus of European subshrubs or herbs having pink or purple or yellow solitary or clustered flowers: restharrow -12551877 __balsam_of_peru_NN_1 dark brown syrupy balsam from the Peruvian balsam tree used especially in dressing wounds and treating certain skin diseases -12551173 __tolu_tree_NN_1 medium-sized tropical American tree yielding tolu balsam and a fragrant hard wood used for high-grade furniture and cabinetwork -12550968 __myroxylon_NN_1 a genus of tropical American trees having pinnate leaves and white flowers -00942988 __puncture_NN_3 the act of puncturing or perforating -09444100 __star_NN_1 (astronomy) a celestial body of hot gases that radiates energy derived from thermonuclear reactions in the interior -12548804 __sickle_medick_NN_1 European medic naturalized in North America having yellow flowers and sickle-shaped pods -02197545 __genus_drosophila_NN_1 a genus of Drosophilidae -12548280 __trefoil_NN_1 any of several Old World herbs of the genus Medicago having small flowers and trifoliate compound leaves -01033189 __comment_VB_2 explain or interpret something -12547658 __macrotyloma_NN_1 annual or perennial vines of Africa and India and Australia; plants often placed in genus Dolichos -01061489 __free_JJ_1 able to act at will; not hampered; not under compulsion or restraint; "free enterprise"; "a free port"; "a free country"; "I have an hour free"; "free will"; "free of racism"; "feel free to stay as long as you wish"; "a free choice" -10469346 __presiding_officer_NN_1 the leader of a group meeting -09960688 __contractor_NN_1 someone (a person or firm) who contracts to build things -12546183 __lupine_NN_1 any plant of the genus Lupinus; bearing erect spikes of usually purplish-blue flowers -06975132 __paxto_NN_1 an Iranian language spoken in Afghanistan and Pakistan; the official language of Afghanistan -05894143 __logical_fallacy_NN_1 a fallacy in logical argumentation -12545090 __lotus_NN_2 annual or perennial herbs or subshrubs -06963951 __romance_language_NN_1 the group of languages derived from Latin -12543455 __lespedeza_striata_NN_1 an annual of tropical Asia naturalized in United States -02194078 __genus_dermatobia_NN_1 larvae live under the skin of domestic mammals and humans -01028082 __religious_ritual_NN_1 a ceremony having religious meaning -12542649 __genus_lespedeza_NN_1 genus of shrubs or herbs of tropical Asia and Australia and the eastern United States -09915964 __chewer_NN_1 someone who chews (especially someone who chews tobacco) -00463469 __flatten_out_VB_1 become flat or flatter; "The landscape flattened" -03944672 __piping_NN_2 a long tube made of metal or plastic that is used to carry water or oil or gas etc. -10395073 __pallbearer_NN_1 one of the mourners carrying the coffin at a funeral -12539832 __everlasting_pea_NN_1 any of several perennial vines of the genus Lathyrus -12538380 __laburnum_anagyroides_NN_1 an ornamental shrub or tree of the genus Laburnum; often cultivated for Easter decorations -02217997 __genus_chalcis_NN_1 type genus of the Chalcididae -07494363 __painfulness_NN_1 emotional distress; a fundamental feeling that people try to avoid; "the pain of loneliness" -12537569 __lablab_purpureus_NN_1 perennial twining vine of Old World tropics having trifoliate leaves and racemes of fragrant purple pea-like flowers followed by maroon pods of edible seeds; grown as an ornamental and as a vegetable on the Indian subcontinent; sometimes placed in genus Dolichos -12537437 __lablab_NN_1 one species: hyacinth bean -03425595 __gas_stove_NN_1 a range with gas rings and an oven for cooking with gas -12536040 __indigofera_tinctoria_NN_1 deciduous subshrub of southeastern Asia having pinnate leaves and clusters of red or purple flowers; a source of indigo dye -12535820 __indigofera_NN_1 genus of tropical herbs and shrubs having odd-pinnate leaves and spurred flowers in long racemes or spikes -12533992 __hardenbergia_NN_1 small genus of Australian woody vines with small violet flowers; closely related to genus Kennedia -01894803 __genus_potamogale_NN_1 type genus of the family Potamogalidae: otter shrews -08832691 __queensland_NN_1 a state in northeastern Australia -12533190 __wild_liquorice_NN_1 North American plant similar to true licorice and having a root with similar properties -12532886 __liquorice_NN_1 deep-rooted coarse-textured plant native to the Mediterranean region having blue flowers and pinnately compound leaves; widely cultivated in Europe for its long thick sweet roots -12532720 __glycyrrhiza_NN_1 sticky perennial Eurasian herbs -08570758 __playing_field_NN_2 a piece of land prepared for playing a game; "the home crowd cheered when Princeton took the field" -12530439 __petty_whin_NN_1 prickly yellow-flowered shrub of the moors of New England and Europe -12530208 __genus_genista_NN_1 chiefly deciduous shrubs or small trees of Mediterranean area and western Asia: broom -12529730 __genus_gastrolobium_NN_1 genus of Australian evergreen shrubs poisonous to livestock: poison bush -01969726 __octopod_NN_1 a cephalopod with eight arms but lacking an internal shell -12527738 __erythrina_NN_1 any of various shrubs or shrubby trees of the genus Erythrina having trifoliate leaves and racemes of scarlet to coral red flowers and black seeds; cultivated as an ornamental -11694664 __soursop_tree_NN_1 small tropical American tree bearing large succulent slightly acid fruit -12526516 __tick_trefoil_NN_1 any of various tropical and subtropical plants having trifoliate leaves and rough sticky pod sections or loments -12525975 __genus_desmanthus_NN_1 genus of American herbs or shrubs with sensitive pinnate leaves and small whitish flowers -12525347 __genus_derris_NN_1 genus of Old World tropical shrubs and woody vines -12524518 __genus_dalea_NN_1 indigo bush -07144039 __postmortem_NN_1 discussion of an event after it has occurred -12524188 __blackwood_tree_NN_1 any of several hardwood trees yielding very dark-colored wood -05154908 __help_NN_3 a resource; "visual aids in teaching" -12522188 __rosewood_tree_NN_1 any of those hardwood trees of the genus Dalbergia that yield rosewood--valuable cabinet woods of a dark red or purplish color streaked and variegated with black -12521394 __scotch_broom_NN_1 deciduous erect spreading broom native to western Europe; widely cultivated for its rich yellow flowers -02321529 __sea_cucumber_NN_1 echinoderm having a flexible sausage-shaped body, tentacles surrounding the mouth and tube feet; free-living mud feeders -10493685 __puppeteer_NN_1 one who operates puppets or marionettes -12520661 __genus_cytisus_NN_1 large genus of stiff or spiny evergreen or deciduous Old World shrubs: broom -02610834 __polynemidae_NN_1 threadfins -06677974 __typography_NN_2 art and technique of printing with movable type -12520223 __genus_cyamopsis_NN_1 small genus of annual usually hairy herbs of tropical Africa and Arabia -12516828 __sturt_pea_NN_1 sprawling shrubby perennial noted for its scarlet black-marked flowers; widely distributed in dry parts of Australia -12516040 __genus_cladrastis_NN_1 yellowwoods -00448440 __void_VB_3 take away the legal force of or render ineffective; "invalidate a contract" -04247011 __smokescreen_NN_1 (military) screen consisting of a cloud of smoke that obscures movements -12513426 __genus_cercis_NN_1 deciduous shrubs and trees of eastern Asia, southern Europe and the United States -00523436 __marbleize_VB_1 make something look like marble; "marbleize the fireplace" -12511856 __pea_tree_NN_1 any plant of the genus Caragana having even-pinnate leaves and mostly yellow flowers followed by seeds in a linear pod -01537360 __passerina_NN_1 a genus of small North American finches including the New World buntings -01383896 __phytoplankton_NN_1 photosynthetic or plant constituent of plankton; mainly unicellular algae -13428159 __aeration_NN_1 the process of exposing to air (so as to purify); "the aeration of the soil" -07097094 __initial_rhyme_NN_1 use of the same consonant at the beginning of each stressed syllable in a line of verse; "around the rock the ragged rascal ran" -07508486 __pridefulness_NN_1 a feeling of self-respect and personal worth -12510569 __genus_cajanus_NN_1 erect densely branched shrubby perennials of Old World tropics; naturalized in other warm regions -12510343 __palas_NN_1 East Indian tree bearing a profusion of intense vermilion velvet-textured blooms and yielding a yellow dye -09930257 __finisher_NN_1 (baseball) a relief pitcher who can protect a lead in the last inning or two of the game -12509476 __wild_indigo_NN_1 any of several plants of the genus Baptisia -12509297 __genus_baptisia_NN_1 genus of North American plants with showy flowers and an inflated pod -02045705 __genus_alca_NN_1 type genus of the Alcidae comprising solely the razorbill -04429169 __thrombolytic_agent_NN_1 a kind of pharmaceutical that can break up clots blocking the flow of blood to the heart muscle -12507379 __wild_bean_NN_1 a North American vine with fragrant blossoms and edible tubers; important food crop of Native Americans -12507236 __genus_apios_NN_1 twining perennial North American plants -12506341 __cabbage_tree_NN_2 tree with shaggy unpleasant-smelling toxic bark and yielding strong durable wood; bark and seeds used as a purgative and vermifuge and narcotic -12505253 __wild_peanut_NN_1 vine widely distributed in eastern North America producing racemes of purple to maroon flowers and abundant (usually subterranean) edible one-seeded pods resembling peanuts -12505032 __genus_amphicarpaea_NN_1 very small genus of twining vines of North America and Asia: hog peanut -06676416 __syllabus_NN_1 an integrated course of academic studies; "he was admitted to a new program at the university" -04508163 __unmentionable_NN_1 a garment worn under other garments -02341200 __kit_up_VB_1 supply with a set of articles or tools -12496949 __logwood_tree_NN_1 spiny shrub or small tree of Central America and West Indies having bipinnate leaves and racemes of small bright yellow flowers and yielding a hard brown or brownish-red heartwood used in preparing a black dye -12496735 __haematoxylum_NN_1 small genus of tropical American spiny bushy shrubs or trees -12496427 __kentucky_coffee_tree_NN_1 handsome tree of central and eastern North America having large bipinnate leaves and green-white flowers followed by large woody brown pods whose seeds are used as a coffee substitute -12496207 __gymnocladus_NN_1 small genus of deciduous trees of China and United States having paniculate flowers and thick pulpy pods -08109624 __subgenus_NN_1 (biology) taxonomic group between a genus and a species -12492106 __purging_cassia_NN_1 deciduous or semi-evergreen tree having scented sepia to yellow flowers in drooping racemes and pods whose pulp is used medicinally; tropical Asia and Central and South America and Australia -06367107 __fiction_NN_1 a literary work based on the imagination and not necessarily on fact -12491017 __orchid_tree_NN_1 small East Indian tree having orchid-like flowers and hard dark wood -03558176 __ice_rink_NN_1 a rink with a floor of ice for ice hockey or ice skating; "the crowd applauded when she skated out onto the ice" -12490054 __pride_of_barbados_NN_1 tropical shrub or small tree having showy yellow to orange-red flowers; sometimes placed in genus Poinciana -04349701 __sucralfate_NN_1 medicine consisting of a tablet (trade name Carafate) used to treat peptic ulcers; said to bind to the ulcer site and coat it -12489815 __poinciana_gilliesii_NN_1 a tropical flowering shrub having bright orange or red flowers; sometimes placed in genus Poinciana -02933990 __cable_television_service_NN_1 a television system that transmits over cables -04526241 __venthole_NN_1 a hole for the escape of gas or air -12004686 __prenanthes_NN_1 genus of North American and Asiatic perennial herbs having pinnatisect leaves small heads of drooping yellowish to purple flowers; sometimes includes species often placed in genus Nabalus -12488454 __caesalpinia_bonducella_NN_1 tropical tree with large prickly pods of seeds that resemble beans and are used for jewelry and rosaries -12486882 __physostigma_venenosum_NN_1 tropical African woody vine yielding calabar beans -12486732 __physostigma_NN_1 African woody vines: calabar beans -12486397 __linum_NN_1 a herbaceous plant genus of the family Linaceae with small sessile leaves -06277280 __video_NN_4 broadcasting visual images of stationary or moving objects; "she is a star of screen and video"; "Television is a medium because it is neither rare nor well done" - Ernie Kovacs -14636988 __erbium_NN_1 a trivalent metallic element of the rare earth group; occurs with yttrium -11622988 __genus_cedrus_NN_1 true cedars -13686526 __british_monetary_unit_NN_1 monetary unit in Great Britain -12485523 __genus_buddleia_NN_1 shrubs or trees of warm regions -06731186 __allegement_NN_1 statements affirming or denying certain matters of fact that you are prepared to prove -12485122 __loganiaceae_NN_1 a dicotyledonous family of plants of order Gentianales -12484612 __menyanthes_NN_1 the type genus of the Menyanthaceae; one species: bogbeans -12484413 __menyanthaceae_NN_1 a dicotyledonous family of marsh plants of order Gentianales -00475819 __sanctify_VB_2 make pure or free from sin or guilt; "he left the monastery purified" -08757264 __czech_republic_NN_1 a landlocked republic in central Europe; separated from Slovakia in 1993 -08472335 __political_movement_NN_1 a group of people working together to achieve a political goal -00228655 __sprinkle_VB_4 scatter with liquid; wet lightly; "Sprinkle the lawn" -12850718 __leonotis_NN_1 small genus of tropical herbs and subshrubs of South Africa -02670049 __mexican_green_NN_1 a particularly potent variety of marijuana -14523436 __storminess_NN_1 the state of being stormy; "he dreaded the storminess of the North Atlantic in winter" -12480004 __nolina_microcarpa_NN_1 stemless plant with tufts of grasslike leaves and erect panicle of minute creamy white flowers; southwestern United States and Mexico -02654256 __ostraciidae_NN_1 boxfishes -02584325 __serrasalmus_NN_1 piranhas -12479303 __genus_dracaena_NN_1 Old World tropical plants with branches ending in tufts of sword-shaped leaves; in some classifications considered a genus of Liliaceae -00998196 __algometry_NN_1 measuring sensitivity to pain or pressure -01483188 __lamnidae_NN_1 oceanic sharks -12478283 __genus_cordyline_NN_1 Asiatic and Pacific trees or shrubs; fragments of the trunk will regrow to form whole plants -12477747 __maguey_NN_1 Mexican plant used especially for making pulque which is the source of the colorless Mexican liquor, mescal -12476510 __century_plant_NN_1 tropical American plants with basal rosettes of fibrous sword-shaped leaves and flowers in tall spikes; some cultivated for ornament or for fiber -12475593 __tacca_NN_1 genus of tropical plants with creeping rootstocks and small umbellate flowers -00400083 __conversion_NN_9 the act of changing from one use or function or purpose to another -12473011 __liriope_NN_1 sometimes placed in family Convallariaceae: lilyturf -12884523 __penstemon_NN_1 large genus of subshrubs or herbs having showy blue or purple or red or yellow or white flowers; mostly western North America -01488234 __scyliorhinidae_NN_1 small bottom-dwelling sharks -00118268 __flush_NN_7 sudden reddening of the face (as from embarrassment or guilt or shame or modesty) -09425344 __scablands_NN_1 (geology) flat elevated land with poor soil and little vegetation that is scarred by dry channels of glacial origin (especially in eastern Washington) -12468900 __trillium_erectum_NN_1 trillium of eastern North America having malodorous pink to purple flowers and an astringent root used in folk medicine especially to ease childbirth -05338166 __axillary_artery_NN_1 the part of the main artery of the arm that lies in the armpit and is continuous with the subclavian artery above and the brachial artery below -00837098 __pant_NN_3 a short labored intake of breath with the mouth open; "she gave a gasp and fainted" -02065407 __piked_whale_NN_1 small finback of coastal waters of Atlantic and Pacific -02439398 __okapia_johnstoni_NN_1 similar to the giraffe but smaller with much shorter neck and stripe on the legs -12467592 __zigadenus_venenosus_gramineus_NN_1 plant of western North America to Mexico; poisonous especially to grazing animals -10135709 __whizz-kid_NN_1 someone whose career progresses rapidly -09684476 __tantrist_NN_1 an adherent of Tantrism -06049250 __prosthodontics_NN_1 the branch of dentistry dealing with the replacement of teeth and related mouth or jaw structures by artificial devices -12466727 __zigadene_NN_1 any of various plants of the genus Zigadenus having glaucous leaves and terminal racemes of mostly white flowers; all are poisonous -12466034 __xanthorroea_NN_1 grass trees; sometimes placed in family Xanthorrhoeaceae -12465321 __xerophyllum_NN_1 small genus of North American herbs having grasslike basal leaves: squaw grass; sometimes placed in family Melanthiaceae -12670558 __vangueria_NN_1 tropical African and Asiatic trees and shrubs having one-seeded fruit -12464278 __veratrum_NN_1 a genus of coarse poisonous perennial herbs; sometimes placed in subfamily Melanthiaceae -12463743 __bog_asphodel_NN_1 either of two herbaceous rushlike bog plants having small yellow flowers and grasslike leaves; north temperate regions -12463574 __narthecium_NN_1 bog asphodels; sometimes placed in family Melanthiaceae -12461809 __tofieldia_NN_1 genus of perennial herbs of cool temperate regions; sometimes placed in family Melanthiaceae -07542433 __surrender_NN_1 acceptance of despair -06601973 __lexical_meaning_NN_1 the meaning of a content word that depends on the nonlinguistic concepts it is used to express -00593732 __instructorship_NN_1 the position of instructor -12460697 __grape_hyacinth_NN_1 any of various early flowering spring hyacinths native to Eurasia having dense spikes of rounded blue flowers resembling bunches of small grapes -12460549 __muscari_NN_1 sometimes placed in family Hyacinthaceae -09142674 __abilene_NN_1 a city in central Texas -07025604 __black_music_NN_1 music created by African-American musicians; early forms were songs that had a melodic line and a strong rhythmic beat with repeated choruses -10740017 __upbraider_NN_1 someone who finds fault or imputes blame -02817650 __beater_NN_2 an implement for beating -12457771 __plantain_lily_NN_1 any of numerous perennials having mounds of sumptuous broad ribbed leaves and clusters of white, blue, or lilac flowers; used as ground cover -11766432 __screw_bean_NN_1 spirally twisted sweet pod of screwbean mesquite that is used for fodder or ground into meal for feed -12457519 __hosta_NN_1 robust east Asian clump-forming perennial herbs having racemose flowers: plantain lilies; sometimes placed in family Hostaceae -12456527 __hemerocallis_NN_1 east Asian rhizomatous clump-forming perennial herbs having flowers on long leafless stalks; cosmopolitan in cultivation: day lilies; sometimes placed in subfamily Hemerocallidaceae -08492546 __skyway_NN_1 a designated route followed by airplanes in flying from one airport to another -12455950 __glory_lily_NN_1 any plant of the genus Gloriosa of tropical Africa and Asia; a perennial herb climbing by means of tendrils at leaf tips having showy yellow to red or purple flowers; all parts are poisonous -12455540 __naked_lady_NN_1 bulbous autumn-flowering herb with white, purple or lavender-and-white flowers; native to western and central Europe -05158619 __superiority_NN_2 the quality of being at a competitive advantage -08816236 __yugoslavia_NN_1 a mountainous republic in southeastern Europe bordering on the Adriatic Sea; formed from two of the six republics that made up Yugoslavia until 1992; Serbia and Montenegro were known as the Federal Republic of Yugoslavia until 2003 when they adopted the name of the Union of Serbia and Montenegro -03566555 __inclinometer_NN_2 a measuring instrument for measuring the angle of magnetic dip (as from an airplane) -00433778 __wane_VB_3 decrease in phase; "the moon is waning" -11835114 __sarcobatus_NN_1 one species: greasewood -12451915 __fritillary_NN_1 any liliaceous plant of the genus Fritillaria having nodding variously colored flowers -11786365 __genus_colocasia_NN_1 small genus of perennial tuberous herbs of tropical Asia: taro -04646990 __committedness_NN_1 the trait of sincere and steadfast fixity of purpose; "a man of energy and commitment" -12451789 __genus_fritillaria_NN_1 fritillary -10722575 __trainer_NN_1 one who trains other persons or animals -07774182 __grugru_nut_NN_1 nut of Brazilian or West Indian palms -05597188 __rotatory_joint_NN_1 a freely moving joint in which movement is limited to rotation; "the articulation of the radius and ulna in the arm is a pivot joint" -10657306 __stitcher_NN_1 a garmentmaker who performs the finishing steps -12450344 __dogtooth_violet_NN_1 perennial woodland spring-flowering plant; widely cultivated -12849597 __lavandula_NN_1 lavender -12448136 __yellow_mariposa_tulip_NN_1 mariposa having clusters of a few large deep yellow bell-shaped flowers atop slender stems; California coastal ranges -07793260 __spiny_lobster_NN_1 warm-water lobsters without claws; those from Australia and South Africa usually marketed as frozen tails; caught also in Florida and California -12447121 __yellow_globe_lily_NN_1 globe lily having open branched clusters of clear yellow egg-shaped flowers; northern California -02022135 __suborder_charadrii_NN_1 shorebirds: plovers; sandpipers; avocets; phalaropes; coursers; stone curlews -12446908 __white_globe_lily_NN_1 globe lily having open branched clusters of egg-shaped white flowers; southern California -00068901 __breach_NN_1 a failure to perform some promised act or obligation -03670622 __lincomycin_NN_1 antibiotic (trade name Lincocin) obtained from a streptomyces bacterium and used in the treatment of certain penicillin-resistant infections -12445848 __genus_calochortus_NN_1 large genus of western North American leafy-stemmed bulbous herbs -05553049 __thoracic_cavity_NN_1 the cavity in the vertebrate body enclosed by the ribs between the diaphragm and the neck and containing the lungs and heart -12445138 __genus_brodiaea_NN_1 genus of western United States bulbous plants with basal leaves and variously colored flowers; sometimes placed in family Alliaceae -12444666 __genus_bowiea_NN_1 small genus of tropical African perennial bulbous herbs with deciduous twining stems; sometimes placed in family Hyacinthaceae -07086518 __rhythm_NN_1 the basic rhythmic unit in a piece of music; "the piece has a fast rhythm"; "the conductor set the beat" -12443144 __genus_aspidistra_NN_1 genus of eastern Asiatic herbs; sometimes placed in the family Convallariaceae -12442220 __genus_asphodeline_NN_1 genus of rhizomatous perennial or biennial herbs with numerous sometimes fragrant flowers in long cylindrical racemes; Mediterranean region to Caucasus; sometimes placed in family Asphodelaceae -12441958 __asphodel_NN_1 any of various chiefly Mediterranean plants of the genera Asphodeline and Asphodelus having linear leaves and racemes of white or pink or yellow flowers -03764822 __milk_float_NN_1 a van (typically powered by electricity) with an open side that is used to deliver milk to houses -11604698 __pteridospermopsida_NN_1 extinct gymnosperms most of Carboniferous to Jurassic: seed ferns and allies -00134780 __slug_NN_8 (boxing) a blow with the fist; "I gave him a clout on his nose" -05888929 __theory_NN_2 a tentative insight into the natural world; a concept that is not yet verified but that if true would explain certain facts or phenomena; "a scientific hypothesis that survives experimental testing becomes a scientific theory"; "he proposed a fresh theory of alkalis that later was accepted in chemical practices" -12437513 __tritoma_NN_1 a plant of the genus Kniphofia having long grasslike leaves and tall scapes of red or yellow drooping flowers -02538730 __family_coregonidae_NN_1 soft-finned fishes comprising the freshwater whitefishes; formerly included in the family Salmonidae -00279136 __chomping_NN_1 the act of chewing noisily -13037124 __genus_gyromitra_NN_1 a genus of fungi of the family Helvellaceae with a fertile portion that is tan to brown -12436260 __family_aloeaceae_NN_1 one of many families or subfamilies into which some classification systems subdivide the Liliaceae but not widely accepted -02773037 __bag_NN_1 a flexible container with a single opening; "he stuffed his laundry into a large bag" -06620906 __pilot_program_NN_2 a program exemplifying a contemplated series; intended to attract sponsors -09854708 __bimbo_NN_1 a young woman indulged by rich and powerful older men -05205739 __dullness_NN_2 the quality of lacking interestingness; "the stories were of a dullness to bring a buffalo to its knees" -11775160 __genus_rauwolfia_NN_1 pantropical genus of somewhat poisonous shrubs and small trees -01602353 __vireonidae_NN_1 small insectivorous American songbirds -12433540 __tree_onion_NN_1 type of perennial onion grown chiefly as a curiosity or for early salad onions; having bulbils that replace the flowers -03743761 __membrane_NN_1 a thin pliable sheet of material -06549661 __permit_NN_1 a legal document giving official permission to do something -12432808 __onion_plant_NN_1 bulbous plant having hollow leaves cultivated worldwide for its rounded edible bulb -05648459 __slowness_NN_1 unskillfulness resulting from a lack of training -02619738 __family_eleotridae_NN_1 sleepers -12430198 __unicorn_root_NN_1 any of several perennials of the genus Aletris having grasslike leaves and bitter roots reputed to cure colic -12428915 __genus_agapanthus_NN_1 small genus of South African evergreen or deciduous plants; sometimes placed in the family or subfamily Alliaceae -12425281 __liliaceous_plant_NN_1 plant growing from a bulb or corm or rhizome or tuber -12422751 __hypoxidaceae_NN_1 in some classification systems included in the Amaryllidaceae -12422399 __strekelia_NN_1 a monocotyledonous genus of the amaryllis family -02213690 __withhold_VB_1 hold back; refuse to hand over or share; "The father is withholding the allowance until the son cleans his room" -06900282 __multidimensional_language_NN_1 a programming language whose expressions are assembled in more than one dimension -09068107 __mile-high_city_NN_1 the state capital and largest city of Colorado; located in central Colorado on the South Platte river -01996392 __subclass_copepoda_NN_1 minute planktonic or parasitic crustaceans -03321419 __turbojet_NN_1 an airplane propelled by a fanjet engine -12419037 __amaryllis_NN_1 bulbous plant having showy white to reddish flowers -07933799 __cupper_NN_1 a cup of tea -00973077 __warfare_NN_1 the waging of armed conflict against an enemy; "thousands of people were killed in the war" -01410109 __zygnemataceae_NN_1 pond scums: common freshwater algae forming green slimy masses -01520844 __untangle_VB_2 become or cause to become undone by separating the fibers or threads of; "unravel the thread" -12418065 __sisyrinchium_NN_1 chiefly North American grasslike herbs -12417273 __genus_gladiolus_NN_1 gladiolas -00743344 __reach_VB_4 be in or establish communication with; "Our advertisements reach millions"; "He never contacted his children after he emigrated to Australia" -00639478 __misestimate_VB_2 calculate incorrectly; "I miscalculated the number of guests at the wedding" -02163616 __protura_NN_1 minute wingless arthropods: telsontails -06968707 __tocharian_NN_1 a branch of the Indo-European language family that originated in central Asia during the first millennium A.D. -05678474 __wakefulness_NN_1 a periodic state during which you are conscious and aware of the world; "consciousness during wakefulness in a sane person is pretty well ordered and familiar" -04443588 __tobramycin_NN_1 an antibiotic (trade name Nebcin) that is especially effective against Gram-negative bacteria -12414602 __yellow_water_flag_NN_1 common yellow-flowered iris of Europe and North Africa, naturalized in United States and often cultivated -12413419 __orris_NN_1 German iris having large white flowers with lavender-tinged falls and a fragrant rhizome -07518261 __vexation_NN_1 anger produced by some annoying irritation -03984381 __porch_NN_1 a structure attached to the exterior of a building often forming a covered entrance -12411461 __iridaceous_plant_NN_1 any bulbous plant of the family Iridaceae -00197772 __replacing_NN_1 the act of furnishing an equivalent person or thing in the place of another; "replacing the star will not be easy" -12410715 __order_liliales_NN_1 an order of monocotyledonous plants including Amaryllidaceae and Liliaceae and Iridaceae -12410032 __planera_NN_1 a deciduous tree of the family Ulmaceae that grows in the southeastern United States -11176932 __mesmer_NN_1 Austrian physician who tried to treat diseases with a form of hypnotism (1734-1815) -07286368 __prognostication_NN_1 a sign of something about to happen; "he looked for an omen before going into battle" -12409231 __nettle_tree_NN_1 any of various trees of the genus Celtis having inconspicuous flowers and small berrylike fruits -05499379 __hypothalamus_NN_1 a basal part of the diencephalon governing autonomic nervous system -07003119 __drawing_NN_1 an illustration that is drawn by hand and published in a book, magazine, or newspaper; "it is shown by the drawing in Fig. 7" -12407890 __ulmus_procera_NN_1 broad spreading rough-leaved elm common throughout Europe and planted elsewhere -01691384 __lanthanotidae_NN_1 stout-bodied lizards -12406304 __winged_elm_NN_1 North American elm having twigs and young branches with prominent corky projections -12853706 __winter_sweet_NN_1 dwarf aromatic shrub of Crete -12404314 __family_cecropiaceae_NN_1 in some classifications included in family Moraceae -15197302 __simhath_torah_NN_1 (Judaism) a Jewish holy day celebrated on the 22nd or 23rd of Tishri to celebrate the completion of the annual cycle of readings of the Torah -12402348 __indian_banyan_NN_1 East Indian tree that puts out aerial shoots that grow down into the soil forming additional trunks -00238720 __catabolize_VB_1 subject to catabolism -12401122 __genus_ficus_NN_1 large genus of tropical trees or shrubs or climbers including fig trees -12399784 __maclura_NN_1 yellowwood trees or shrubs -12399132 __mulberry_tree_NN_1 any of several trees of the genus Morus having edible fruit that resembles the blackberry -00130093 __putout_NN_1 an out resulting from a fielding play (not a strikeout); "the first baseman made 15 putouts" -12742290 __blighia_sapida_NN_1 widely cultivated in tropical and subtropical regions for its fragrant flowers and colorful fruits; introduced in Jamaica by William Bligh -01604330 __raptorial_bird_NN_1 any of numerous carnivorous birds that hunt and kill other animals -11868814 __cruciferous_plant_NN_1 any of various plants of the family Cruciferae -09036880 __krung_thep_NN_1 the capital and largest city and chief port of Thailand; a leading city in southeastern Asia; noted for Buddhist architecture -12620196 __rosebush_NN_1 any of many shrubs of the genus Rosa that bear roses -12396924 __hemp_NN_2 any plant of the genus Cannabis; a coarse bushy annual with palmate leaves and clusters of small green flowers; yields tough fibers and narcotic drugs -04828255 __impiousness_NN_1 unrighteousness by virtue of lacking respect for a god -14304060 __syndrome_NN_2 a pattern of symptoms indicative of some disease -12398174 __humulus_lupulus_NN_1 European twining plant whose flowers are used chiefly to flavor malt liquors; cultivated in America -01330497 __arenavirus_NN_1 animal viruses belonging to the family Arenaviridae -12395463 __pilea_involucrata_NN_1 low stingless nettle of Central and South America having velvety brownish-green toothed leaves and clusters of small green flowers -12392385 __urtica_NN_1 a nettle yielding fiber resembling flax -12392070 __nettle_NN_1 any of numerous plants having stinging hairs that cause skin irritation on contact (especially of the genus Urtica or family Urticaceae) -12391477 __urticales_NN_1 an order of dicotyledonous plants including Moraceae and Urticaceae and Ulmaceae -06123363 __architecture_NN_2 the discipline dealing with the principles of design and construction and ornamentation of fine buildings; "architecture and eloquence are mixed arts whose end is sometimes beauty and sometimes use" -12835196 __genus_emmanthe_NN_1 one species: yellow bells -08331525 __court-martial_NN_1 a military court to try members of the armed services who are accused of serious breaches of martial law -00973888 __rerun_VB_1 broadcast again, as of a film -10550951 __tristram_NN_1 (Middle Ages) the nephew of the king of Cornwall who (according to legend) fell in love with his uncle's bride (Iseult) after they mistakenly drank a love potion that left them eternally in love with each other -11755694 __genus_acacia_NN_1 large genus of shrubs and trees and some woody vines of Central and South America, Africa, Australia and Polynesia: wattle; mimosa -07812662 __spearmint_oil_NN_1 an aromatic oil obtained from the spearmint plant -05921123 __sum_NN_4 the choicest or most essential or most vital part of some idea or experience; "the gist of the prosecutor's argument"; "the heart and soul of the Republican Party"; "the nub of the story" -08701161 __cappadocia_NN_1 an ancient country is eastern Asia Minor -12387839 __violet_NN_1 any of numerous low-growing violas with small flowers -12387633 __viola_NN_1 any of the numerous plants of the genus Viola -12387478 __viola_NN_2 large genus of flowering herbs of temperate regions -01341876 __prokayotae_NN_1 prokaryotic bacteria and blue-green algae and various primitive pathogens; because of lack of consensus on how to divide the organisms into phyla informal names are used for the major divisions -06126523 __ergonomics_NN_1 the branch of engineering science in which biological science is used to study the relation between workers and their environments -07274890 __curtsy_NN_1 bending the knees; a gesture of respect made by women -00192051 __deaden_VB_6 make less lively, intense, or vigorous; impair in vigor, force, activity, or sensation; "Terror blunted her feelings"; "deaden a sound" -06463347 __sanskrit_literature_NN_1 Hindu literature written in Sanskrit -12385429 __reseda_NN_1 any plant of the genus Reseda -12385219 __genus_reseda_NN_1 Old World genus of herbs having racemose flowers: mignonette; dyer's rocket -04986883 __tone_NN_2 (linguistics) a pitch or change in pitch of the voice that serves to distinguish words in tonal languages; "the Beijing dialect uses four tones" -01787191 __merostomata_NN_1 used in some classifications; includes the orders Xiphosura and Eurypterida -14172005 __stomach_flu_NN_1 inflammation of the stomach and intestines; can be caused by Salmonella enteritidis -09780676 __aircrewman_NN_1 a member of an aircrew -12382699 __ochna_NN_1 type genus of Ochnaceae; evergreen trees and shrubs of Old World tropics -11354001 __tutu_NN_1 South African prelate and leader of the antiapartheid struggle (born in 1931) -10501203 __quibbler_NN_1 a disputant who quibbles; someone who raises annoying petty objections -08211290 __mp_NN_2 a military corps that enforces discipline and guards prisoners -12380597 __kiggelaria_NN_1 small genus of South African shrubs or small trees -11695085 __sweetsop_tree_NN_1 tropical American tree bearing sweet pulpy fruit with thick scaly rind and shiny black seeds -12379781 __hydnocarpus_wightiana_NN_1 leathery-leaved tree of western India bearing round fruits with brown densely hairy rind enclosing oily pulp that yields hydnocarpus oil -12379531 __taraktogenos_kurzii_NN_1 East Indian tree with oily seeds yield chaulmoogra oil used to treat leprosy -12379278 __taraktogenos_NN_1 medium to large Indonesian and Malaysian trees -12378963 __kitembilla_NN_1 a small shrubby spiny tree cultivated for its maroon-purple fruit with sweet purple pulp tasting like gooseberries; Sri Lanka and India -12378249 __ramontchi_NN_1 small shrubby tree of Madagascar cultivated in tropical regions as a hedge plant and for its deep red acid fruits resembling small plums -12378080 __genus_flacourtia_NN_1 often spiny trees or shrubs of tropical Asia and Africa -06991117 __omotic_NN_1 a group of related languages spoken in a valley of southern Ethiopia; closely related to Cushitic languages -01062253 __return_VB_11 pass down; "render a verdict"; "deliver a judgment" -02470899 __anthropoid_ape_NN_1 any tailless ape of the families Pongidae and Hylobatidae -12376950 __family_dipterocarpaceae_NN_1 chiefly tropical Asian trees with two-winged fruits; yield valuable woods and aromatic oils and resins -12376382 __hudsonia_NN_1 small evergreen subshrubs of North America -12375294 __genus_helianthemum_NN_1 widely distributed evergreen or semi-evergreen shrublets; America; Europe and North Africa to Asia Minor and central Asia -02571486 __priacanthus_NN_1 type genus of the Priacanthidae -13447361 __reaction_NN_1 (chemistry) a process in which one or more substances are changed into others; "there was a chemical reaction of the lime with the ground water" -02554422 __further_VB_1 promote the growth of; "Foster our children's well-being and education" -12373526 __genus_caryocar_NN_1 type genus of the Caryocaraceae; South American trees yielding strong fine-grained wood and edible nuts -12373361 __family_caryocaraceae_NN_1 small genus of tropical South American trees -12372520 __white_cinnamon_NN_1 highly aromatic inner bark of the Canella winterana used as a condiment and a tonic -01995323 __genus_chirocephalus_NN_1 fairy shrimp; brine shrimp -12370842 __family_actinidiaceae_NN_1 tropical trees or shrubs or woody vines -12370011 __mammea_NN_1 American and Asiatic trees having edible one-seeded fruit -12367611 __st_john's_wort_NN_1 any of numerous plants of the genus Hypericum having yellow flowers and transparently dotted leaves; traditionally gathered on St John's eve to ward off evil -12367306 __hypericum_NN_1 large almost cosmopolitan genus of evergreen or deciduous shrubs and herbs with often showy yellow flowers; cosmopolitan except tropical lowlands and Arctic or high altitudes and desert regions -12366870 __garcinia_hanburyi_NN_1 low spreading tree of Indonesia yielding an orange to brown gum resin (gamboge) used as a pigment when powdered -12366507 __genus_garcinia_NN_1 evergreen trees and shrubs: mangosteens -03913702 __pentylenetetrazol_NN_1 a drug used as a circulatory and respiratory stimulant; larger doses cause convulsions in shock therapy; Metrazol is a trademark -12366313 __strangler_fig_NN_2 a common tropical American clusia having solitary white or rose flowers -01728920 __ringneck_snake_NN_1 any of numerous small nonvenomous North American snakes with a yellow or orange ring around the neck -05436080 __chromatin_granule_NN_1 the readily stainable substance of a cell nucleus consisting of DNA and RNA and various proteins; during mitotic division it condenses into chromosomes -08989031 __st._vincent_and_the_grenadines_NN_1 an island country in the central Windward Islands; achieved independence from the United Kingdom in 1979 -07950920 __social_group_NN_1 people sharing some social relation -00302861 __stunting_NN_1 the performance of stunts while in flight in an aircraft -12365670 __genus_clusia_NN_1 tropical American aromatic trees or shrubs; often epiphytic; some stranglers -12364604 __poon_NN_2 any of several East Indian trees of the genus Calophyllum having shiny leathery leaves and lightweight hard wood -02937336 __caisson_NN_2 a two-wheeled military vehicle carrying artillery ammunition -12364379 __genus_calophyllum_NN_1 genus of tropical evergreen trees -12363580 __hibbertia_NN_1 evergreen heathlike or scandent shrubs of Madagascar; Australasia; Polynesia -12359734 __family_begoniaceae_NN_1 monoecious succulent herbs or shrubs of tropical and warm regions especially America -06168855 __etymology_NN_2 the study of the sources and development of words -05519085 __womb_NN_1 a hollow muscular organ in the pelvic cavity of females; contains the developing fetus -12358485 __subclass_dilleniidae_NN_1 a group of families of more or less advanced trees and shrubs and herbs having either polypetalous or gamopetalous corollas and often with ovules attached to the walls of the ovary; contains 69 families including Ericaceae and Cruciferae and Malvaceae; sometimes classified as a superorder -12357968 __melagueta_pepper_NN_1 West African plant bearing pungent peppery seeds -12357802 __genus_aframomum_NN_1 an African genus of plants of the family Zingiberaceae -12357343 __red_ginger_NN_1 an ornamental ginger native to Pacific islands -12356960 __galangal_NN_1 southeastern Asian perennial with aromatic roots -12356395 __turmeric_NN_1 widely cultivated tropical plant of India having yellow flowers and a large aromatic deep yellow rhizome; source of a condiment and a yellow dye -07515560 __tranquillity_NN_2 a state of peace and quiet -02585872 __cichlid_fish_NN_1 freshwater fishes of tropical America and Africa and Asia similar to American sunfishes; some are food fishes; many small ones are popular in aquariums -12072419 __genus_masdevallia_NN_1 large genus of tropical American mostly epiphytic orchids whose flowers have sepals fused at the base forming a tube; includes orchids sometimes placed in genera Dracula and Dryadella and Scaphosepalum -12355594 __zingiber_NN_1 tropical Asiatic and Polynesian perennial plants: ginger -03654826 __leg_NN_3 one of the supports for a piece of furniture -12354374 __strelitzia_NN_1 small genus of large perennial evergreen herbs having leaves resembling those of banana plants; sometimes placed in family Musaceae -12353754 __musa_ensete_NN_1 large evergreen arborescent herb having huge paddle-shaped leaves and bearing inedible fruit that resemble bananas but edible young flower shoots; sometimes placed in genus Musa -08688247 __zone_NN_1 a locally circumscribed place characterized by some distinctive features -05983654 __will_NN_2 a fixed and persistent intent or purpose; "where there's a will there's a way" -12969425 __scleroderma_citrinum_NN_1 an earthball fungus that is a dingy brownish yellow and a dark purplish interior; the peridium is covered with a pattern of small warts -10057714 __railroad_engineer_NN_1 the operator of a railway locomotive -12352287 __banana_tree_NN_1 any of several tropical and subtropical treelike herbs of the genus Musa having a terminal crown of large entire leaves and usually bearing hanging clusters of elongated fruits -12351975 __musaceae_NN_1 treelike tropical Asian herbs -00545501 __vocalizing_NN_1 the act of singing vocal music -12351287 __marantaceae_NN_1 tropical perennial herbs with usually starchy rhizomes -04716864 __fittingness_NN_1 the quality of being suitable; "they had to prove their fitness for the position" -04076533 __reproduction_NN_3 copy that is not the original; something that has been copied -02517768 __siluridae_NN_1 Old World catfishes -07745466 __raspberry_NN_2 red or black edible aggregate berries usually smaller than the related blackberries -10120085 __mobster_NN_1 a criminal who is a member of gang -05696020 __match_NN_9 something that resembles or harmonizes with; "that tie makes a good match with your jacket" -12348294 __water_chestnut_plant_NN_1 a plant of the genus Trapa bearing spiny four-pronged edible nutlike fruits -06472025 __commercial_instrument_NN_1 a document of or relating to commerce -00018813 __waken_VB_1 cause to become awake or conscious; "He was roused by the drunken men in the street"; "Please wake me at 6 AM." -12347892 __trapaceae_NN_1 family comprising solely the genus Trapa; in some classifications treated as a subfamily or tribe of the family Onagraceae -12347490 __genus_dirca_NN_1 deciduous shrub of North America: leatherwood -12346179 __thymelaeaceae_NN_1 family of trees and shrubs and herbs having tough bark that are found especially in Australia and tropical Africa -12345709 __rhizophora_NN_1 type genus of the Rhizophoraceae; a small genus of tropical trees and shrubs -06330528 __participle_NN_1 a non-finite form of the verb; in English it is used adjectivally and to form compound tenses -12345280 __punica_granatum_NN_1 shrub or small tree native to southwestern Asia having large red many-seeded fruit -12344283 __evening_primrose_NN_1 any of several plants of the family Onagraceae -10759702 __vomiter_NN_1 a person who vomits -05054863 __impermanency_NN_1 the property of not existing for indefinitely long durations -02263788 __heap_VB_1 bestow in large quantities; "He heaped him with work"; "She heaped scorn upon him" -12342299 __willowherb_NN_1 a plant of the genus Epilobium having pink or yellow flowers and seeds with silky hairs -01665238 __family_dermochelyidae_NN_1 sea turtles -04951373 __lightness_NN_5 the visual effect of illumination on objects or scenes as created in pictures; "he could paint the lightest light and the darkest dark" -08238463 __grade_NN_1 a body of students who are taught together; "early morning classes are always sleepy" -01581730 __nutcracker_NN_3 speckled birds that feed on nuts -12340383 __tupelo_tree_NN_1 any of several gum trees of swampy areas of North America -09365863 __narrow_NN_1 a narrow strait connecting two bodies of water -11700058 __wild_mandrake_NN_1 North American herb with poisonous root stock and edible though insipid fruit -11869351 __cress_plant_NN_1 any of various plants of the family Cruciferae with edible leaves that have a pungent taste -03525454 __holder_NN_1 a holding device; "a towel holder"; "a cigarette holder"; "an umbrella holder" -08340989 __dia_NN_1 an intelligence agency of the United States in the Department of Defense; is responsible for providing intelligence in support of military planning and operations and weapons acquisition -12336727 __white_ash_NN_1 small to medium-sized tree of Australia and Tasmania having smooth white to light-grey bark shedding in patches or strips -12336333 __river_red_gum_NN_1 somewhat crooked red gum tree growing chiefly along rivers; has durable reddish lumber used in heavy construction -01437254 __send_out_VB_1 to cause or order to be taken, directed, or transmitted to another place; "He had sent the dispatches downtown to the proper people and had slept" -02889996 __master_cylinder_NN_1 a cylinder that contains brake fluid that is compressed by a piston -12336092 __red_gum_NN_3 red gum tree of Tasmania -05404728 __secretion_NN_2 a functionally specialized substance (especially one that is not a waste) released from a gland or cell -11903167 __genus_bocconia_NN_1 tropical American trees or shrubs closely related to genus Macleaya -10230736 __kiddy_NN_1 a young child -12334891 __eucalyptus_tree_NN_1 a tree of the genus Eucalyptus -08464601 __social_movement_NN_1 a group of people with a common ideology who try together to achieve certain general goals; "he was a charter member of the movement"; "politicians have to respect a mass movement"; "he led the national liberation front" -12333530 __true_guava_NN_1 small tropical American shrubby tree; widely cultivated in warm regions for its sweet globular yellow fruit -12274630 __scrub_oak_NN_1 any of various chiefly American small shrubby oaks often a dominant form on thin dry soils sometimes forming dense thickets -12332718 __jambos_NN_1 used in some classifications for rose apples (Eugenia jambos) -02664823 __psettichthys_NN_1 a genus of Soleidae -12328026 __lythraceae_NN_1 herbs and shrubs and small trees with pink or purple flowers -05765901 __typification_NN_1 a representational or typifying form or model -07388987 __tap_NN_1 the sound made by a gentle blow -12627119 __pear_hawthorn_NN_1 erect and almost thornless American hawthorn with somewhat pear-shaped berries -05634613 __originality_NN_1 the ability to think and act independently -10929886 __de_mille_NN_1 United States dancer and choreographer who introduced formal dance to a wide audience (1905-1993) -04568713 __web_NN_6 a fabric (especially a fabric in the process of being woven) -12376740 __poverty_grass_NN_1 small heathlike plant covered with white down growing on beaches in northeastern North America -12329473 __queen's_crape_myrtle_NN_1 native to Asia, Australia, and East Indies, where it provides timber called pyinma; used elsewhere as an ornamental for its large showy flowers -01575401 __redwing_NN_1 North American blackbird with scarlet patches on the wings -12329020 __lagerstroemia_NN_1 shrubs or small trees of tropical Asia and Africa usually with showy white, pink, or purplish flowers -08646902 __landscape_NN_1 an expanse of scenery that can be seen in a single view -12332422 __genus_feijoa_NN_1 small South American shrubs or trees -05924519 __perfection_NN_2 an ideal instance; a perfect embodiment of a concept -12327528 __grias_cauliflora_NN_1 West Indian tree bearing edible fruit resembling mango -12327209 __lecythidaceae_NN_1 large tropical trees bearing large fruits with woody skins -10114897 __fugitive_from_justice_NN_1 someone who is sought by law officers; someone trying to elude justice -12325497 __oleaster_family_NN_1 shrubs or small trees often armed -12325093 __laguncularia_NN_1 a genus of Laguncularia -12323411 __family_combretaceae_NN_1 a family of tropical trees and shrubs of the order Myrtales -12322501 __wing_nut_NN_1 any tree of the genus Pterocarya; fruit is a small winged nutlet; Caucasus to southeastern Asia -12322359 __pterocarya_NN_1 Asiatic nut trees: wing nuts -05483677 __white_matter_NN_1 whitish nervous tissue of the CNS consisting of neurons and their myelin sheaths -12321873 __shellbark_hickory_NN_1 North American hickory having loose grey shaggy bark and edible nuts -08237699 __oil_cartel_NN_1 a cartel of companies or nations formed to control the production and distribution of oil -05749402 __individuation_NN_1 discriminating the individual from the generic group or species -06825736 __unicameral_script_NN_1 a script with a single case -12319687 __genus_carya_NN_1 genus of large deciduous nut-bearing trees; United States and China -04256993 __soft_drug_NN_1 a drug of abuse that is considered relatively mild and not likely to cause addiction -15034074 __toxin_NN_1 a poisonous substance produced during the metabolism and growth of certain microorganisms and some higher plant and animal species -12318164 __juglans_NN_1 type genus of the Juglandaceae -01491991 __triakidae_NN_1 small sharks with smooth skins and lacking spines on their dorsal fins -01443126 __gobio_NN_1 true gudgeons -12317164 __parrotia_NN_1 one species: iron tree -11893004 __nasturtium_NN_2 aquatic herbs -01919504 __tentaculata_NN_1 ctenophores have retractile tentacles -02193799 __family_cuterebridae_NN_1 New World botflies -14793533 __soot_NN_1 a black colloidal substance consisting wholly or principally of amorphous carbon and used to make pigments and ink -12316444 __liquidambar_NN_2 any tree of the genus Liquidambar -07409592 __touching_NN_1 the event of something coming in contact with the body; "he longed for the touch of her hand"; "the cooling touch of the night air" -12316300 __liquidambar_NN_3 sweet gum -06402031 __journal_NN_1 a daily written record of (usually personal) experiences and observations -12315424 __genus_corylopsis_NN_1 small genus of deciduous shrubs of temperate regions of Asia -12314652 __hamamelis_NN_1 deciduous shrubs or small trees: witch hazel -01933342 __filariidae_NN_1 threadlike roundworms -03721797 __marker_NN_1 some conspicuous object used to distinguish or mark something; "the buoys were markers for the channel" -12313574 __group_amentiferae_NN_1 used in some classification systems for plants that bear catkins -04383537 __tadalafil_NN_1 virility drug (trade name Cialis) used to treat erectile dysfunction in men -12312276 __haemodorum_NN_1 type genus of family Haemodoraceae -01340283 __peg_down_VB_1 fasten or secure with a wooden pin; "peg a tent" -12310153 __syringa_NN_2 genus of Old World shrubs or low trees having fragrant flowers in showy panicles: lilacs -02446651 __tender_JJ_5 easy to cut or chew; "tender beef" -02419515 __genus_budorcas_NN_1 gnu goats -12302974 __genus_forsythia_NN_1 forsythia -01128655 __subordination_NN_5 the act of mastering or subordinating someone -12302565 __forestiera_NN_1 any plant of the genus Forestiera -10457597 __postulator_NN_1 (Roman Catholic Church) someone who proposes or pleads for a candidate for beatification or canonization -08991878 __eastern_samoa_NN_1 a United States territory on the eastern part of the island of Samoa -04234969 __slave_market_NN_1 a marketplace where slaves were auctioned off (especially in the southern United States before the American Civil War) -12300840 __olive_tree_NN_1 a tree of the genus Olea cultivated for its fruit -09811852 __machine_gunner_NN_1 a serviceman in the artillery -06683183 __scoop_NN_3 a news report that is reported first by one news organization; "he got a scoop on the bribery of city officials" -12299165 __salvadoraceae_NN_1 a family of Old World shrubs and trees of order Gentianales; related to Oleaceae but having four stamens and four petals -12298003 __genus_sabbatia_NN_1 genus of smooth slender North American herbs with showy flowers -00268557 __restoration_NN_2 the act of restoring something or someone to a satisfactory state -01576478 __pasture_VB_1 let feed in a field or pasture or meadow -12295560 __genus_gentianella_NN_1 genus of herbs with flowers that resemble gentian; in some classifications included in genus Gentiana -01086945 __welfare_NN_1 governmental provision of economic assistance to persons in need; "she lives on welfare" -10614225 __smasher_NN_1 a person who smashes something -01701551 __armored_dinosaur_NN_1 dinosaurs having bony armour -02337699 __bottom_VB_1 provide with a bottom or a seat; "bottom the chairs" -12293723 __gentian_NN_1 any of various plants of the family Gentianaceae especially the genera Gentiana and Gentianella and Gentianopsis -12293180 __swertia_speciosa_NN_1 tall herb with panicles of white flowers flushed with green; northwestern United States; sometimes placed in genus Swertia -12292877 __pyramid_plant_NN_1 any of various tall perennial herbs constituting the genus Frasera; widely distributed in warm dry upland areas of California, Oregon, and Washington -12292655 __genus_frasera_NN_1 genus of North American herbs: columbo; includes some species sometimes placed in genus Swertia -06950528 __high_german_NN_1 the standard German language; developed historically from West Germanic -00684645 __discredit_VB_3 reject as false; refuse to accept -02522399 __codfish_NN_2 major food fish of Arctic and cold-temperate waters -12290748 __centaury_NN_1 any of various plants of the genus Centaurium -04888268 __superciliousness_NN_1 the trait of displaying arrogance by patronizing those considered inferior -09796323 __anthropologist_NN_1 a social scientist who specializes in anthropology -10771636 __wuss_NN_1 a person who is physically weak and ineffectual -11614250 __yellow_pine_NN_1 any of various pines having yellow wood -03867070 __ovrette_NN_1 trade name for an oral contraceptive containing norgestrel -02419073 __act_VB_8 be engaged in an activity, often for no particular purpose other than pleasure -00752298 __fakery_NN_1 the act of faking (or the product of faking) -12288005 __ostrya_virginiana_NN_1 medium-sized hop hornbeam of eastern North America -02611425 __opisthognathidae_NN_1 jawfishes -11781850 __genus_alocasia_NN_1 tropical Asiatic herbs similar to Colocasia but distinguished by a large sterile spadix -09861395 __sailor_boy_NN_1 a serviceman in the navy -12287388 __ostrya_NN_1 deciduous monoecious trees of Europe and Asia and America; sometimes placed in subfamily or family Carpinaceae -12286581 __genus_carpinus_NN_1 mostly deciduous monoecious trees or shrubs: hornbeams; sometimes placed in subfamily Carpinaceae -12286372 __subfamily_carpinaceae_NN_1 used in some classification systems for the genera Carpinus, Ostryopsis, and Ostryopsis -12286197 __green_alder_NN_1 North American shrub with light green leaves and winged nuts -05284617 __intervertebral_disk_NN_1 a fibrocartilaginous disc serving as a cushion between all of the vertebrae of the spinal column (except between the first two) -12284821 __european_black_alder_NN_1 medium-sized tree with brown-black bark and woody fruiting catkins; leaves are hairy beneath -02441723 __mustela_NN_1 type genus of the family Mustelidae: minks and weasels -11955398 __genus_cnicus_NN_1 one species: blessed thistle -09881748 __bushwhacker_NN_2 a Confederate guerrilla during the American Civil War -12281788 __yellow_birch_NN_1 tree of eastern North America with thin lustrous yellow or grey bark -09354984 __milky_way_system_NN_1 the galaxy containing the solar system; consists of millions of stars that can be seen as a diffuse band of light stretching across the night sky -13139647 __husk_NN_2 outer membranous covering of some fruits or seeds -12280886 __genus_betula_NN_1 a genus of trees of the family Betulaceae (such as birches) -01611516 __drop_VB_15 let or cause to fall in drops; "dribble oil into the mixture" -09721883 __malaysian_NN_1 a native or inhabitant of Malaysia -00340989 __twiddle_NN_1 a series of small (usually idle) twists or turns -13557451 __social_process_NN_1 a process involved in the formation of groups of persons -01682039 __inlay_VB_1 decorate the surface of by inserting wood, stone, and metal -01157850 __selective_service_NN_2 compulsory military service -05558717 __dorsum_NN_1 the posterior part of a human (or animal) body from the neck to the end of the spine; "his back was nicely tanned" -00964569 __hostility_NN_4 violent action that is hostile and usually unprovoked -10259527 __lieutenant_NN_4 an officer holding a commissioned rank in the United States Navy or the United States Coast Guard; below lieutenant commander and above lieutenant junior grade -12269652 __white_oak_NN_1 any of numerous Old World and American oaks having 6 to 8 stamens in each floret, acorns that mature in one year and leaf veins that never extend beyond the margin of the leaf -04690196 __ugliness_NN_1 qualities of appearance that do not give pleasure to the senses -12269241 __live_oak_NN_1 any of several American evergreen oaks -12268246 __oak_tree_NN_1 a deciduous tree of the genus Quercus; has acorns and lobed leaves; "great oaks grow from little acorns" -12265900 __nothofagus_NN_1 beeches of temperate southern hemisphere except Africa: southern beech -12265394 __tanbark_oak_NN_1 evergreen tree of the Pacific coast area having large leathery leaves; yields tanbark -06879056 __wince_NN_1 the facial expression of sudden pain -03294048 __equipment_NN_1 an instrumentality needed for an undertaking or to perform a service -01467180 __subphylum_cephalochordata_NN_1 lancelets -12264254 __genus_castanopsis_NN_1 evergreen trees and shrubs of warm regions valued for their foliage; southeastern United States and eastern Australia and northern New Zealand -02863536 __bofors_gun_NN_1 an automatic double-barreled antiaircraft gun -12263987 __ozark_chinquapin_NN_1 shrubby tree closely related to the Allegheny chinkapin but with larger leaves; southern midwestern United States -07309223 __mortification_NN_3 an instance in which you are caused to lose your prestige or self-respect; "he had to undergo one humiliation after another" -12263738 __eastern_chinquapin_NN_1 shrubby chestnut tree of southeastern United States having small edible nuts -00208943 __dethronement_NN_1 the act of deposing someone; removing a powerful person from a position or office -12262327 __genus_castanea_NN_1 chestnuts; chinkapins -12260593 __genus_fagus_NN_1 beeches -04050600 __ram_disk_NN_1 (computer science) a virtual drive that is created by setting aside part of the random-access memory to use as if it were a group of sectors; "access to a RAM disk is very fast but the data it contains is lost when the system is turned off" -13622035 __quart_NN_2 a British imperial capacity measure (liquid or dry) equal to 2 pints or 1.136 liters -01966797 __teredinidae_NN_1 shipworms -12259316 __pinesap_NN_1 fleshy tawny or reddish saprophytic herb resembling the Indian pipe and growing in woodland humus of eastern North America; in some classifications placed in a separate genus Hypopitys -12258101 __pyrola_uniflora_NN_1 delicate evergreen dwarf herb of north temperate regions having a solitary white terminal flower; sometimes placed in genus Pyrola -00795632 __reserve_VB_3 obtain or arrange (for oneself) in advance; "We managed to reserve a table at Maxim's" -12255086 __styphelia_NN_1 Australian heathlike shrubs -01353169 __screw_VB_2 turn like a screw -12252866 __australian_heath_NN_1 any heathlike plant of the family Epacridaceae; most are of the Australian region -04016240 __pruning_hook_NN_1 a long-handled pruning saw with a curved blade at the end and sometimes a clipper; used to prune small trees -12846143 __genus_dracocephalum_NN_1 genus of American herbs and dwarf shrubs of the mind family: dragonheads -12250708 __order_diapensiales_NN_1 used in some classifications: coextensive with family Diapensiaceae -00695448 __irrigation_NN_2 (medicine) cleaning a wound or body organ by flushing or washing out with water or a medicated solution -02620466 __yield_VB_9 be fatally overwhelmed -09699020 __cypriote_NN_1 a native or inhabitant of Cyprus -08085159 __cathars_NN_1 a Christian religious sect in southern France in the 12th and 13th centuries; believers in Albigensianism -12243292 __pieris_NN_1 decorative evergreen shrubs of woody vines -12242287 __oxydendrum_NN_1 sourwood -12242123 __minniebush_NN_1 low shrub of the eastern United States with downy twigs -12241880 __menziesia_ferruginea_NN_1 straggling shrub of northwestern North America having foliage with a bluish tinge and umbels of small bell-shaped flowers -04637923 __tolerance_NN_2 a disposition to allow freedom of choice and behavior -12239458 __genus_leucothoe_NN_1 American and Asiatic deciduous and evergreen shrubs -12239100 __leiophyllum_NN_1 one species: sand myrtle -12237486 __kalmia_NN_1 any plant of the genus Kalmia -09009490 __rostov_on_don_NN_1 a seaport on the Don River near the Sea of Azov in the European part of Russia -12236363 __genus_gaylussacia_NN_1 deciduous or evergreen shrubs of North America: black huckleberries -12236160 __shallon_NN_1 small evergreen shrub of Pacific coast of North America having edible dark purple grape-sized berries -12235765 __wintergreen_NN_2 creeping shrub of eastern North America having white bell-shaped flowers followed by spicy red berrylike fruit and shiny aromatic leaves that yield wintergreen oil -12235479 __moxie_plum_NN_1 slow-growing procumbent evergreen shrublet of northern North America and Japan having white flowers and numerous white fleshy rough and hairy seeds -00090386 __shock_VB_6 subject to electrical shocks -09472597 __volcano_NN_2 a mountain formed by volcanic material -09441352 __southern_cross_NN_1 a small conspicuous constellation in the southern hemisphere in the Milky Way near Centaurus -12233410 __genus_calluna_NN_1 one species -07541923 __despair_NN_2 the feeling that everything is wrong and nothing will turn out well; "they moaned in despair and dismay"; "one harsh word would send her into the depths of despair" -08852209 __kingdom_of_bhutan_NN_1 a landlocked principality in the Himalayas to the northeast of India -05247621 __glomerular_capsule_NN_1 thin double membrane surrounding the glomerulus of a nephron -07436475 __volcanic_eruption_NN_1 the sudden occurrence of a violent discharge of steam and volcanic material -03360845 __undercoat_NN_2 the first or preliminary coat of paint or size applied to a surface -12231918 __manzanita_NN_1 chiefly evergreen shrubs of warm dry areas of western North America -06207561 __reverence_NN_2 a reverent mental attitude -04959567 __undertone_NN_3 a pale or subdued color -07099271 __repetition_NN_3 the repeated use of the same word or word pattern as a rhetorical device -12226932 __heath_NN_1 a low evergreen shrub of the family Ericaceae; has small bell-shaped pink or purple flowers -12226009 __order_ericales_NN_1 Ericaceae; Clethraceae; Diapensiaceae; Epacridaceae; Lennoaceae; Pyrolaceae; Monotropaceae -12225769 __beefwood_NN_2 any of several heavy hard reddish chiefly tropical woods of the families Casuarinaceae and Proteaceae; some used for cabinetwork -13538182 __planation_NN_1 the process of erosion whereby a level surface is produced -12223950 __xylomelum_NN_1 small species of Australian trees or shrubs; grown for their fruit and flowers -08830720 __klondike_NN_1 a region in northwestern Canada where gold was discovered in 1896 but exhausted by 1910 -11432632 __gentle_breeze_NN_1 wind moving 8-12 knots; 3 on the Beaufort scale -02472012 __genus_homo_NN_1 type genus of the family Hominidae -07442288 __spin_NN_1 a swift whirling motion (usually of a missile) -12223405 __telopea_NN_1 Australian evergreen shrubs: waratahs -12464649 __white_hellebore_NN_1 North American plant having large leaves and yellowish green flowers growing in racemes; yields a toxic alkaloid used medicinally -10386618 __outdoorsman_NN_1 a person who spends time outdoors (e.g., hunting or fishing) -01632411 __unapologetic_JJ_1 come up with (an idea, plan, explanation, theory, or principle) after a mental effort; "excogitate a way to measure the speed of light" unwilling to make or express an apology; "an unapologetic believer" -12221943 __orites_NN_1 small genus of Australian shrubs or trees -01658188 __forge_VB_7 make out of components (often in an improvising manner); "She fashioned a tent out of a sheet and a few sticks" -12220994 __genus_macadamia_NN_1 trees or shrubs; Madagascar to Australia -09087450 __sioux_city_NN_1 a city in northeastern Iowa where the Big Sioux River joins the Missouri -08611063 __no-go_area_NN_1 an area that is dangerous or impossible to enter or to which entry is forbidden -12219065 __needlewood_NN_1 large bushy shrub with pungent pointed leaves and creamy white flowers; central and eastern Australia -08190292 __command_NN_2 a military unit or region under the control of a single officer -12217211 __genus_grevillea_NN_1 large genus of Australian shrubs and trees having usually showy orange or red flowers -08952423 __hungarian_capital_NN_1 capital and largest city of Hungary; located on the Danube River in north-central Hungary -01775062 __wolf_spider_NN_1 ground spider that hunts its prey instead of using a web -12214605 __genus_protea_NN_1 type genus of Proteaceae; tropical African shrubs -12214245 __green_dinosaur_NN_1 a living fossil or so-called `green dinosaur'; genus or subfamily of primitive nut-bearing trees thought to have died out 50 million years ago; a single specimen found in 1994 on Mount Bartle Frere in eastern Australia; not yet officially named -12213635 __proteaceae_NN_1 large family of Australian and South African shrubs and trees with leathery leaves and clustered mostly tetramerous flowers; constitutes the order Proteales -12212361 __vegetable_NN_2 any of various herbaceous plants cultivated for an edible part such as the fruit or the root of the beet or the leaf of spinach or the seeds of bean plants or the flower buds of broccoli or cauliflower -12299425 __salvadora_NN_1 genus of evergreen trees or shrubs; fruit is a drupe; grows in Africa through Arabia to India and China -12205308 __sparmannia_NN_1 small genus of tropical African shrubs -12204546 __genus_corchorus_NN_1 widely distributed genus of tropical herbs or subshrubs; especially Asia -14399438 __hebephrenic_schizophrenia_NN_1 a form of schizophrenia characterized by severe disintegration of personality including erratic speech and childish mannerisms and bizarre behavior; usually becomes evident during puberty; the most common diagnostic category in mental institutions -11054034 __thomas_hodgkin_NN_1 English physician who first described Hodgkin's disease (1798-1866) -03740161 __medicine_NN_2 (medicine) something that treats or prevents or alleviates the symptoms of disease -10513120 __rewriter_NN_1 someone who puts text into appropriate form for publication -03970363 __plus_fours_NN_1 men's baggy knickers hanging below the knees; formerly worn for sports (especially golf) -07640203 __pancake_NN_1 a flat cake of thin batter fried on both sides on a griddle -12198793 __flannelbush_NN_1 any of several handsome evergreen shrubs of California and northern Mexico having downy lobed leaves and showy yellow flowers -00417643 __snuggle_NN_1 a close and affectionate (and often prolonged) embrace -00950936 __lilt_VB_1 articulate in a very careful and rhythmic way -12197359 __kola_nut_tree_NN_1 tree bearing large brown nuts containing e.g. caffeine; source of cola extract -02586543 __snapper_NN_5 any of several large sharp-toothed marine food and sport fishes of the family Lutjanidae of mainly tropical coastal waters -04593629 __winker_NN_2 blind consisting of a leather eyepatch sewn to the side of the halter that prevents a horse from seeing something on either side -13558490 __sorption_NN_1 the process in which one substance takes up or holds another (by either absorption or adsorption) -12195965 __genus_brachychiton_NN_1 Australian trees (usually with swollen trunks) -12194466 __sloanea_NN_1 genus of tropical hardwood timber trees -06539502 __court_order_NN_1 a writ issued by a court of law requiring a person to do something or to refrain from doing something -12194147 __silkwood_NN_1 a fast-growing tropical American evergreen having white flowers and white fleshy edible fruit; bark yields a silky fiber used in cordage and wood is valuable for staves -02984937 __cathode_NN_2 the positively charged terminal of a voltaic cell or storage battery that supplies current -02073532 __trichechidae_NN_1 comprising only the manatees -00744004 __squandermania_NN_1 prodigious squandering (usually by a government) -12192722 __genus_elaeocarpus_NN_1 type genus of the family Elaeocarpaceae -12191461 __ochroma_NN_1 one species: balsa -07037465 __piece_of_music_NN_1 a musical work that has been created; "the composition is written in four movements" -04321804 __stock_NN_15 the handle end of some implements or tools; "he grabbed the cue by the stock" -04419073 __transit_NN_1 a surveying instrument for measuring horizontal and vertical angles, consisting of a small telescope mounted on a tripod -12189987 __monkey-bread_tree_NN_1 African tree having an exceedingly thick trunk and fruit that resembles a gourd and has an edible pulp called monkey bread -12189293 __genus_bombax_NN_1 trees of chiefly South America -09114401 __liberty_island_NN_1 an island in New York Bay to the southwest of Manhattan where the Statue of Liberty stands; "Congress officially changed the name from Bedloe's Island to Liberty Island in 1956" -08078976 __minor-league_team_NN_1 a team that plays in a minor league -12188635 __thespesia_populnea_NN_1 pantropical tree of usually seacoasts sometimes cultivated as an ornamental for its rounded heart-shaped leaves and showy yellow and purple flowers; yields valuable pink to dark red close-grained wood and oil from its seeds -10579676 __sentimentalist_NN_1 someone who indulges in excessive sentimentality -12187030 __sidalcea_NN_1 genus of showy plants of western North America having palmate leaves and variously colored racemose flowers -12185687 __radyera_NN_1 very small genus of shrubs of southern hemisphere: bush hibiscus -08400452 __clutch_NN_4 a collection of things or persons to be handled together -01885498 __numbat_NN_1 small Australian marsupial having long snout and strong claws for feeding on termites; nearly extinct -12183916 __malvaviscus_NN_1 small genus of shrubs of Central and South America: wax mallows -07827130 __juniper_berries_NN_1 berrylike cone of a common juniper; used in making gin -10013927 __diplomatist_NN_1 an official engaged in international negotiations -08464324 __trinketry_NN_1 trinkets and other ornaments of dress collectively -00429048 __entertainment_NN_1 an activity that is diverting and that holds the attention -12180885 __ribbonwood_NN_2 small tree or shrub of New Zealand having a profusion of axillary clusters of honey-scented paper-white flowers and whose bark is used for cordage -12180714 __hoheria_NN_1 small genus of shrubs and small trees of New Zealand: lacebarks -00632201 __medical_practice_NN_1 the practice of medicine -01826364 __roller_NN_6 Old World bird that tumbles or rolls in flight; related to kingfishers -12179632 __sorrel_NN_3 East Indian sparsely prickly annual herb or perennial subshrub widely cultivated for its fleshy calyxes used in tarts and jelly and for its bast fiber -01484097 __mako_shark_NN_1 powerful mackerel shark of the Atlantic and Pacific -11114423 __lafitte_NN_1 French pirate who aided the United States in the War of 1812 and received an official pardon for his crimes (1780-1826) -03362393 __tambocor_NN_1 oral antiarrhythmic medication (trade name Tambocor) used as a last resort in treating arrhythmias; increases the risk of sudden death in heart attack patients -12178494 __majagua_NN_2 erect forest tree of Cuba and Jamaica having variably hairy leaves and orange-yellow or orange-red flowers; yields a moderately dense timber for cabinetwork and gunstocks -12178129 __kenaf_NN_2 valuable fiber plant of East Indies now widespread in cultivation -01415605 __unlimited_JJ_1 having no limits in range or scope; "to start with a theory of unlimited freedom is to end up with unlimited despotism"- Philip Rahv; "the limitless reaches of outer space" -02034671 __curve_VB_4 bend or cause to bend; "He crooked his index finger"; "the road curved sharply" -04476116 __trawler_NN_2 a fishing boat that uses a trawl net or dragnet to catch fish -12175797 __gossypium_NN_1 herbs and shrubs and small trees: cotton -05676605 __self-awareness_NN_1 awareness of your own individuality -05305614 __vocal_organ_NN_1 any of the organs involved in speech production -12174742 __genus_callirhoe_NN_1 small genus of North American herbs having usually red or purple flowers -12174124 __genus_althaea_NN_1 hollyhocks; in some classification systems synonymous with genus Alcea -00619738 __inventory_accounting_NN_1 accounting that controls and evaluates inventory -01027668 __speak_up_VB_1 express one's opinion openly and without fear or hesitation; "John spoke up at the meeting" -08358963 __terrorist_cell_NN_1 a cell of terrorists (usually 3 to 5 members); "to insure operational security the members of adjacent terrorist cells usually don't know each other or the identity of their leadership" -04955633 __dullness_NN_3 a lack of visual brightness; "the brightness of the orange sky was reflected in the dullness of the orange sea" -12171750 __genus_abelmoschus_NN_1 genus of tropical coarse herbs having large lobed leaves and often yellow flowers -07844042 __milk_NN_1 a white nutritious liquid secreted by mammals and used as food by human beings -12166929 __sing-kwa_NN_1 loofah of Pakistan; widely cultivated throughout tropics -12166424 __strainer_vine_NN_1 any of several tropical annual climbers having large yellow flowers and edible young fruits; grown commercially for the mature fruit's dried fibrous interior that is used as a sponge -12166312 __genus_luffa_NN_1 dishcloth gourds -10037080 __drunk_NN_2 someone who is intoxicated -05074374 __waviness_NN_1 (of hair) a tendency to curl -14658109 __thorium_NN_1 a soft silvery-white tetravalent radioactive metallic element; isotope 232 is used as a power source in nuclear reactors; occurs in thorite and in monazite sands -12164881 __winter_melon_vine_NN_1 any of a variety of muskmelon vines having fruit with a smooth white rind and white or greenish flesh that does not have a musky smell -02771840 __computer_backup_NN_1 (computer science) a copy of a file or directory on a separate storage device; "he made a backup in case the original was accidentally damaged or erased" -12164363 __sweet_melon_vine_NN_1 any of several varieties of vine whose fruit has a netted rind and edible flesh and a musky smell -12163824 __melon_vine_NN_1 any of various fruit of cucurbitaceous vines including: muskmelons; watermelons; cantaloupes; cucumbers -10432957 __pillar_NN_3 a prominent supporter; "he is a pillar of the community" -01366718 __joyous_JJ_1 full of or characterized by joy; "felt a joyous abandon"; "joyous laughter" -01471070 __vertebrata_NN_1 fishes; amphibians; reptiles; birds; mammals -01497579 __rhinobatidae_NN_1 primitive rays with guitar-shaped bodies -06628663 __spiritual_bouquet_NN_1 (Roman Catholic Church) a card indicating that the sender will perform certain devotional acts on behalf of another -12193458 __genus_aristotelia_NN_1 small genus of shrubs or small trees of Australia and New Zealand and western South America -00064643 __hurt_VB_2 give trouble or pain to; "This exercise will hurt your back" -12159804 __zucchini_NN_1 marrow squash plant whose fruit are eaten when small -07365849 __stop_NN_1 the event of something ending; "it came to a stop at the bottom of the hill" -12159055 __summer_squash_vine_NN_1 any of various usually bushy plants producing fruit that is eaten while immature and before the rind or seeds harden -00771961 __prompt_VB_2 serve as the inciting cause of; "She prompted me to call my relatives" -10136615 __goldworker_NN_1 an artisan who makes jewelry and other objects out of gold -05251789 __sinus_venosus_sclerae_NN_1 a circular canal in the eye that drains aqueous humor from the anterior chamber of the eye into the anterior ciliary veins -07092356 __form_NN_10 an arrangement of the elements in a composition or discourse; "the essay was in the form of a dialogue"; "he first sketches the plot in outline form" -03100490 __transport_NN_1 something that serves as a means of transportation -12155583 __cattail_NN_1 tall erect herbs with sword-shaped leaves; cosmopolitan in fresh and salt marshes -02567201 __synagrops_NN_1 a genus of Serranidae -01614925 __haliaeetus_leucocephalus_NN_1 a large eagle of North America that has a white head and dark wings and body -01085937 __unselfishness_NN_2 acting generously spread throughout; "cities riddled with corruption" -01575146 __ram_down_VB_1 strike or drive against with a heavy impact; "ram the gate with a sledgehammer"; "pound on the door" -00007739 __wink_VB_3 briefly shut the eyes; "The TV announcer never seems to blink" -12009616 __sanvitalia_NN_1 small genus of tropical American annual herbs: creeping zinnia -00829378 __tutelage_NN_2 attention and management implying responsibility for safety; "he is in the care of a bodyguard" -12950984 __genus_centranthus_NN_1 genus of southern European herbs and subshrubs -01725240 __sauropterygia_NN_1 extinct marine reptiles: plesiosaurs; nothosaurs -06575227 __user_interface_NN_1 (computer science) a program that controls a display for the user (usually on a computer monitor) and that allows the user to interact with the system -12071965 __malaxis_NN_1 large genus of largely terrestrial orchids with one or a few plicate leaves and slender spikes or tiny mostly green flowers; cosmopolitan -03335030 __fighter_aircraft_NN_1 a high-speed military or naval airplane designed to destroy enemy aircraft in the air -03390327 __fragmentation_bomb_NN_1 a bomb with only 10 to 20 per cent explosive and the remainder consisting of casings designed to break into many small high-velocity fragments; most effective against troops and vehicles -07138085 __treatment_NN_4 an extended communication (often interactive) dealing with some particular topic; "the book contains an excellent discussion of modal logic"; "his treatment of the race question is badly biased" -03446268 __golf-club_head_NN_1 (golf) the head of the club which strikes the ball -02477890 __genus_dryopithecus_NN_1 genus of Old World hominoids; Miocene and Pliocene -00740609 __neglect_of_duty_NN_1 (law) breach of a duty -03284482 __photographic_emulsion_NN_1 a light-sensitive coating on paper or film; consists of fine grains of silver bromide suspended in a gelatin -09274739 __euphrates_river_NN_1 a river in southwestern Asia; flows into the Persian Gulf; was important in the development of several great civilizations in ancient Mesopotamia -12152869 __scirpus_NN_1 rhizomatous perennial grasslike herbs -01588172 __xenicidae_NN_1 alternative names for the family comprising the New Zealand wrens having or showing or indicative of high or elevated character; "a noble spirit"; "noble deeds" -14487731 __taint_NN_1 the state of being contaminated -00213694 __waiver_NN_1 a formal written statement of relinquishment -13190469 __genus_dicksonia_NN_1 tree ferns of temperate Australasia having bipinnatifid or tripinnatifid fronds and usually marginal sori; in some classification systems placed in family Cyatheaceae -02463205 __hock-joint_NN_1 tarsal joint of the hind leg of hoofed mammals; corresponds to the human ankle -11540000 __order_bryales_NN_1 category used in some classification systems for mosses having the spore case separated from the capsule wall by a hollow intercellular space -12150969 __yellow_nutgrass_NN_1 European sedge having small edible nutlike tubers -14798450 __carbonate_NN_1 a salt or ester of carbonic acid (containing the anion CO3) -04681387 __mark_NN_14 a marking that consists of lines that cross each other -04674715 __look_NN_3 physical appearance; "I don't like the looks of this place" -02128757 __snow_leopard_NN_1 large feline of upland central Asia having long thick whitish fur -12148962 __phyllostachys_NN_1 medium and large bamboos -10588724 __shelver_NN_1 a worker who puts things (as books) on shelves -02701962 __seat_VB_2 be able to seat; "The theater seats 2,000" -00596807 __presidentship_NN_1 the office and function of president; "Andrew Jackson expanded the power of the presidency beyond what was customary before his time" -12147699 __genus_bambusa_NN_1 tall tender clumping bamboos -08059870 __house_NN_2 the members of a business organization that owns or operates one or more establishments; "he worked for a brokerage house" -12147031 __tribe_bambuseae_NN_1 bamboos -04932875 __risc_NN_1 (computer science) a kind of computer architecture that has a relatively small set of computer instructions that it can perform -00908672 __offensive_JJ_6 substitute a harsher or distasteful term for a mild one ; "`nigger' is a dysphemistic term for `African-American'" -04536153 __viol_NN_1 any of a family of bowed stringed instruments that preceded the violin family -12145802 __zizania_NN_1 wild rice -11228039 __sir_robert_peel_NN_1 British politician (1788-1850) -03442288 __glyptography_NN_1 carvings or engravings (especially on precious stones) -02636170 __tripletail_NN_1 large food fish of warm waters worldwide having long anal and dorsal fins that with a caudal fin suggest a three-lobed tail -02226821 __short-horned_grasshopper_NN_1 grasshopper with short antennae -12144742 __zea_saccharata_NN_1 a corn plant developed in order to have young ears that are sweet and suitable for eating -12144399 __field_corn_NN_1 corn grown primarily for animal feed or market grain -00808767 __freeze_NN_4 fixing (of prices or wages etc) at a particular level; "a freeze on hiring" -10827873 __clement_richard_attlee_NN_1 British statesman and leader of the Labour Party who instituted the welfare state in Britain (1883-1967) -08192970 __usmc_NN_1 an amphibious division of the United States Navy -12051514 __spreading_pogonia_NN_1 orchid of northeastern United States with magenta-pink flowers having funnel-shaped lip; sometimes placed in genus Pogonia -00498662 __calcify_VB_3 turn into lime; become calcified; "The rock calcified over the centuries" -12141890 __triticum_NN_1 annual cereal grasses from Mediterranean area; widely cultivated in temperate regions -06427387 __encyclopedia_NN_1 a reference work (often in several volumes) containing articles on various topics (often arranged in alphabetical order) dealing with the entire range of human knowledge or with some particular specialty -07207680 __disclaimer_NN_1 (law) a voluntary repudiation of a person's legal claim to something -00376063 __change_of_integrity_NN_1 the act of changing the unity or wholeness of something -00966599 __robbery_NN_2 plundering during riots or in wartime -01807701 __perdix_NN_1 a genus of Perdicinae -03306610 __thruway_NN_1 a broad highway designed for high-speed traffic -00318186 __post_NN_11 the delivery and collection of letters and packages; "it came by the first post"; "if you hurry you'll catch the post" -00981369 __amphibious_assault_NN_1 an amphibious operation attacking a land base that is carried out by troops that are landed by naval ships -12140511 __sporobolus_poiretii_NN_1 grass native to West Indies but common in southern United States having tufted wiry stems often infested with a dark fungus -10514121 __reenactor_NN_1 a person who enacts a role in an event that occurred earlier -14854581 __turd_NN_1 obscene terms for feces -03463381 __ground_level_NN_2 the floor of a building that is at or nearest to the level of the ground around the building -00551714 __heroics_NN_1 ostentatious or vainglorious or extravagant or melodramatic conduct; "heroics are for those epic films they make in Hollywood" -00820721 __overshielding_NN_1 excessive protection of a later stage in the development of a language or literature; used especially of dead languages; "Late Greek" -08066491 __banking_system_NN_1 banks collectively -03672638 __line_of_defense_NN_2 defensive structure consisting of a barrier that can be employed for defense against attack -12137120 __sorghum_NN_1 economically important Old World tropical cereal grass -11616662 __scots_pine_NN_1 medium large two-needled pine of northern Europe and Asia having flaking red-brown bark -12136944 __sorghum_NN_2 annual or perennial tropical and subtropical cereal grasses: sorghum -12135898 __millet_NN_1 any of various small-grained annual cereal and forage grasses of the genera Panicum, Echinochloa, Setaria, Sorghum, and Eleusine -12135729 __setaria_italica_stramineofructa_NN_1 millet having yellow grains in large drooping spikes -00756331 __imposture_NN_1 pretending to be another person -12135049 __setaria_viridis_NN_1 European foxtail naturalized in North America; often a troublesome weed -08230219 __rowing_club_NN_1 a club for rowers -10173410 __heroine_NN_2 a woman possessing heroic qualities or a woman who has performed heroic deeds -09937688 __colonial_NN_1 a resident of a colony -05133287 __longness_NN_1 the property of being of long spatial extent; "one gene causes shortness and the other causes longness" -06928430 __tungusic_language_NN_1 a family of Altaic languages spoken in Mongolia and neighboring areas -10522035 __representative_NN_1 a person who represents others -05721990 __touch_perception_NN_1 the faculty of perceiving (via the skin) pressure or heat or pain -00868523 __sniveling_NN_1 whining in a tearful manner -08261320 __labour_party_NN_1 a political party formed in Great Britain in 1900; characterized by the promotion of labor's interests and formerly the socialization of key industries -08934532 __bordeaux_NN_1 a port city in southwestern France; a major center of the wine trade -02625132 __genus_acanthocybium_NN_1 wahoos -07705931 __edible_fruit_NN_1 edible reproductive body of a seed plant especially one having sweet flesh -09435065 __sierra_nevada_NN_1 a mountain range in southern Spain along the Mediterranean coast to the east of Granada -11941719 __genus_brachycome_NN_1 mostly Australian herbs having basal or alternate leaves and loosely corymbose flower heads -02658670 __platichthys_NN_1 a genus of Pleuronectidae -00127672 __worst_NN_3 the weakest effort or poorest achievement one is capable of; "it was the worst he had ever done on a test" -00878648 __regard_NN_4 a long fixed look; "he fixed his paternal gaze on me" -12130759 __phragmites_NN_1 reeds of marshes and riversides in tropical or temperate regions -00363788 __addition_NN_2 the act of adding one thing to another; "the addition of flowers created a pleasing effect"; "the addition of a leap day every four years" -08249960 __dance_orchestra_NN_1 a group of musicians playing popular music for dancing -09894143 __cardinal_NN_1 (Roman Catholic Church) one of a group of more than 100 prominent bishops in the Sacred College who advise the Pope and elect new Popes -00725775 __back_NN_9 (American football) the position of a player on a football team who is stationed behind the line of scrimmage -01957075 __myacidae_NN_1 soft-shell clams -01948284 __littorina_NN_1 type genus of the family Littorinidae: periwinkles -09917345 __chief_petty_officer_NN_1 a person with the senior noncommissioned naval rank -12635151 __malus_coronaria_NN_1 medium-sized tree of the eastern United States having pink blossoms and small yellow fruit -01721718 __pelycosauria_NN_1 edaphosaurus; dimetrodon -02944579 __camouflage_NN_2 fabric dyed with splotches of green and brown and black and tan; intended to make the wearer of a garment made of this fabric hard to distinguish from the background -14753188 __prelone_NN_1 a glucocorticoid (trade names Pediapred or Prelone) used to treat inflammatory conditions -01387208 __protista_NN_1 eukaryotic one-celled living organisms distinct from multicellular plants and animals: protozoa, slime molds, and eukaryotic algae -05257593 __haircut_NN_1 the style in which hair has been cut -12128825 __pennisetum_glaucum_NN_1 tall grass having cattail like spikes; grown in Africa and Asia for its grain and in the United States chiefly for forage; sometimes used in making beer -09028477 __valencia_NN_2 a city in eastern Spain on the Mediterranean; "Valencia is the third largest city in Spain" -10457777 __posturer_NN_1 someone who behaves in a manner calculated to impress or mislead others -05945508 __meliorism_NN_1 the belief that the world can be made better by human effort -07214267 __divulgence_NN_1 the act of disclosing something that was secret or private -10431625 __selector_NN_1 a person who chooses or selects out -00359903 __trimming_NN_3 cutting down to the desired size or shape -12127237 __witchgrass_NN_1 North American grass with slender brushy panicles; often a weed on cultivated land -08970064 __fez_NN_1 a city in north central Morocco; religious center -07654667 __slice_NN_2 a serving that has been cut from a larger portion; "a piece of pie"; "a slice of bread" -01252566 __resettlement_NN_1 the transportation of people (as a family or colony) to a new settlement (as after an upheaval of some kind) appreciably or disagreeably cold -11607392 __order_coniferales_NN_1 profusely branching and chiefly evergreen trees and some shrubs having narrow or needlelike leaves -12126516 __silkgrass_NN_1 valuable forage grass of dry upland areas and plains of western North America to northern Mexico -05430095 __node_NN_6 the source of lymph and lymphocytes -12126360 __ricegrass_NN_1 any grass of the genus Oryzopsis -10657556 __stockjobber_NN_1 one who deals only with brokers or other jobbers -04517823 __vacuum_cleaner_NN_1 an electrical home appliance that cleans by suction -01194777 __wine_and_dine_VB_1 eat sumptuously; "we wined and dined in Paris" -12125398 __muhlenbergia_NN_1 a genus of grasses of the family Gramineae grown in America and Asia -00800940 __reform_NN_2 a campaign aimed to correct abuses or malpractices; "the reforms he proposed were too radical for the politicians" -12125183 __tare_NN_3 weedy annual grass often occurs in grainfields and other cultivated land; seeds sometimes considered poisonous -00048225 __reaching_NN_2 accomplishment of an objective -00630071 __squatting_NN_1 exercising by repeatedly assuming a crouching position with the knees bent; strengthens the leg muscles -03892273 __parterre_NN_2 seating at the rear of the main floor (beneath the balconies) -03031756 __girth_NN_2 stable gear consisting of a band around a horse's belly that holds the saddle in place -09346284 __makalu_NN_1 a mountain in the Himalayas in Nepal (27,790 feet high) -03806381 __narcan_NN_1 a potent narcotic antagonist (trade name Narcan) especially effective with morphine -12123050 __hordeum_NN_1 annual to perennial grasses of temperate northern hemisphere and South America: barley -13298011 __perquisite_NN_1 an incidental benefit awarded for certain types of employment (especially if it is regarded as a right); "a limousine is one of the fringe benefits of the job" -06496862 __rota_NN_2 a roster of names showing the order in which people should perform certain duties -01645466 __liopelma_hamiltoni_NN_1 primitive New Zealand frog with four unwebbed toes on forefeet and five on hind feet -01054553 __hee-haw_VB_1 braying characteristic of donkeys -12900462 __pepper_NN_2 any of various tropical plants of the genus Capsicum bearing peppers -12121405 __genus_festuca_NN_1 a genus of tufted perennial grasses of the family Gramineae -12120812 __genus_erianthus_NN_1 genus of reedlike grasses having spikes crowded in a panicle covered with long silky hairs -01263711 __recruitment_NN_1 the act of getting recruits; enlisting people for the army (or for a job or a cause etc.) -00295172 __lap_NN_5 movement once around a course; "he drove an extra lap just for insurance" -11642622 __tule_tree_NN_1 Mexico's most famous tree; a giant specimen of Montezuma cypress more than 2,000 years old with a girth of 165 feet at Santa Maria del Tule; "some say the Tule tree is the world's largest single biomass" -02259844 __fulgoridae_NN_1 plant hoppers: lantern flies -07380934 __clunking_NN_1 the sound of a horse's hoofs hitting on a hard surface -12119947 __genus_eragrostis_NN_1 annual or perennial grasses of tropics and subtropics -01779340 __family_argasidae_NN_1 soft ticks -04731497 __characteristic_NN_2 a distinguishing quality -07357679 __refinement_NN_2 the result of improving something; "he described a refinement of this technique" -12118912 __genus_elymus_NN_1 tall tufted perennial grasses (such as lyme grass or wild rye) -00064151 __smash_hit_NN_1 an unusually successful hit with widespread popularity and huge sales (especially a movie or play or recording or novel) -12117017 __finger_grass_NN_1 grasses with creeping stems that root freely; a pest in lawns -03061674 __cockpit_NN_3 seat where the driver sits while driving a racing car -08982037 __cebu_city_NN_1 an important seaport on the island of Cebu in the Philippines -01667570 __family_emydidae_NN_1 box and water turtles -00554541 __violent_disorder_NN_1 violently angry and destructive behavior -12115748 __star_grass_NN_3 trailing grass native to Europe now cosmopolitan in warm regions; used for lawns and pastures especially in southern United States and India -02144442 __megadermatidae_NN_1 Old World false vampire bats -12114981 __genus_cortaderia_NN_1 tall ornamental grasses of South America and New Zealand and New Guinea: pampas grass -09522978 __hindu_deity_NN_1 a deity worshipped by the Hindus -00290406 __waddle_NN_1 walking with short steps and the weight tilting from one foot to the other; "ducks walk with a waddle" -00153105 __medical_diagnosis_NN_1 identification of a disease from its symptoms -01907738 __glass_sponge_NN_1 a siliceous sponge (with glassy spicules) of the class Hyalospongiae -06441973 __luke_NN_2 one of the four Gospels in the New Testament; contains details of Jesus's birth and early life -12112488 __genus_buchloe_NN_1 buffalo grass -06531481 __letters_of_administration_NN_1 legal document naming someone to administer an estate when no executor has been named -12112008 __gramma_grass_NN_1 pasture grass of plains of South America and western North America -12111399 __drooping_brome_NN_1 annual or winter annual grass with softly hairy leaves of the Mediterranean -01619725 __remake_VB_1 make new; "She is remaking her image" -12584057 __genus_areca_NN_1 a monocotyledonous genus of palm trees -13187826 __genus_davallia_NN_1 Old World tropical fern; in some classification systems placed directly in family Polypodiaceae -00722479 __position_NN_9 (in team sports) the role assigned to an individual player; "what position does he play?" -12110778 __bromegrass_NN_1 any of various woodland and meadow grasses of the genus Bromus; native to temperate regions -00242583 __unionization_NN_1 act of forming labor unions; "the issue underlying the strike was unionization" -07059255 __popular_music_genre_NN_1 any genre of music having wide appeal (but usually only for a short time) -05716462 __vanilla_NN_3 a distinctive fragrant flavor characteristic of vanilla beans -02706816 __withstand_VB_1 resist or confront with resistance; "The politician defied public opinion"; "The new material withstands even the greatest wear and tear"; "The bridge held" -01382083 __pluck_VB_6 look for and gather; "pick mushrooms"; "pick flowers" -01757547 __sistrurus_NN_1 pygmy rattlesnakes -01991931 __travel_along_VB_1 travel along a certain course; "follow the road"; "follow the trail" -00521478 __green_VB_1 turn or become green; "The trees are greening" -08456993 __ordination_NN_2 logical or comprehensible arrangement of separate elements; "we shall consider these questions in the inverse order of their presentation" -12109189 __genus_arundo_NN_1 any of several coarse tall perennial grasses of most warm areas: reeds -12108871 __tall_oat_grass_NN_1 coarse perennial Eurasian grass resembling oat; found on roadside verges and rough grassland and in hay meadows; introduced in North America for forage -09264116 __delaware_river_NN_1 a river that rises in the Catskills in southeastern New York and flows southward along the border of Pennsylvania with New York and New Jersey to northern Delaware where it empties into Delaware Bay -01229938 __gathering_NN_2 the social act of assembling; "they demanded the right of assembly" -12107970 __foxtail_grass_NN_2 grasses of the genera Alopecurus and Setaria having dense silky or bristly brushlike flowering spikes -07181935 __dispute_NN_1 a disagreement or argument about something important; "he had a dispute with his wife"; "there were irreconcilable differences"; "the familiar conflict between Republicans and Democrats" -01928390 __jog_VB_3 run for exercise; "jog along the canal" -02174659 __melolontha_melolontha_NN_1 any of various large European beetles destructive to vegetation as both larvae and adult -02094569 __thrust_VB_2 press or force; "Stuff money into an envelope"; "She thrust the letter into his hand" -02442845 __mink_NN_3 slender-bodied semiaquatic mammal having partially webbed feet; valued for its fur -11675537 __pollen_NN_1 the fine spores that contain male gametes and that are borne by an anther in a flowering plant -03457451 __jambeau_NN_1 armor plate that protects legs below the knee -01558883 __slit_VB_2 cut a slit into; "slit the throat of the victim" -01169194 __surgical_JJ_2 relating to or requiring or amenable to treatment by surgery especially as opposed to medicine; "a surgical appendix"; "a surgical procedure"; "operative dentistry" -03964744 __toy_NN_1 an artifact designed to be played with -06376572 __prose_NN_1 ordinary writing as distinguished from verse -01736569 __potamophis_NN_1 ground snakes -05868477 __end_NN_5 a final part or section; "we have given it at the end of the section since it involves the calculus"; "Start at the beginning and go on until you come to the end" -12105578 __witchgrass_NN_2 European grass spreading rapidly by creeping rhizomes; naturalized in North America as a weed -05750027 __virtu_NN_1 love of or taste for fine objects of art -00513597 __shtik_NN_3 (Yiddish) a prank or piece of clowning; "his shtik made us laugh" -02418648 __naemorhedus_NN_1 gorals -09434845 __sierra_nevada_mountains_NN_1 a mountain range in eastern California; contains Mount Whitney -03441345 __glove_compartment_NN_1 compartment on the dashboard of a car -12439400 __genus_anthericum_NN_1 genus of Old World (mainly African) perennial herbs; sometimes placed in family Asphodelaceae -00005526 __puff_VB_3 breathe noisily, as when one is exhausted; "The runners reached the finish line, panting heavily" -08516080 __baulk_NN_1 the area on a billiard table behind the balkline; "a player with ball in hand must play from the balk" -12101870 __gramineous_plant_NN_1 cosmopolitan herbaceous or woody plants with hollow jointed stems and long narrow leaves -03347472 __fire_tongs_NN_1 tongs for taking hold of burning coals -12100382 __order_graminales_NN_1 grasses; sedges; rushes -11501737 __rainstorm_NN_1 a storm with rain -04221994 __zocor_NN_1 an oral lipid-lowering medicine (trade name Zocor) administered to reduce blood cholesterol levels; recommended after heart attacks -02817339 __topical_JJ_2 of or relating to or arranged by topics; "a detailed record on both a chronological and a topical basis" -02796623 __barrier_NN_1 a structure or object that impedes free movement -04516672 __utensil_NN_1 an implement for practical use (especially in a household) -12519563 __rattlebox_NN_1 any of various plants of the genus Crotalaria having inflated pods within which the seeds rattle; used for pasture and green-manure crops -11735570 __yellow_root_NN_1 perennial herb of northeastern United States having a thick knotted yellow rootstock and large rounded leaves -09793141 __ancient_NN_2 a person who lived in ancient times -12098827 __thrift_NN_1 any of numerous sun-loving low-growing evergreens of the genus Armeria having round heads of pink or white flowers -04535634 __vinblastine_NN_1 periwinkle plant derivative used as an antineoplastic drug (trade name Velban) that disrupts cell division -01896561 __down_feather_NN_1 soft fine feathers -01134699 __screwup_NN_1 the complete mismanagement or mishandling of a situation; "a typical bureaucratic screwup" -01537134 __bunting_NN_2 any of numerous seed-eating songbirds of Europe or North America -07890617 __kvass_NN_1 fermented beverage resembling beer but made from rye or barley -12097180 __genus_ardisia_NN_1 tropical evergreen subshrubs (some climbers) to trees of Asia and Australasia to Americas -12096798 __myrsine_family_NN_1 family of Old World tropical trees and shrubs; some in Florida -09224911 __body_NN_4 an individual 3-dimensional object that has mass and that is distinguishable from other objects; "heavenly body" -02175057 __rattle_VB_1 make short successive sounds -07062697 __jazz_NN_2 a genre of popular music that originated in New Orleans around 1900 and developed through increasingly complex styles -11988893 __hawkbit_NN_1 any of various common wildflowers of the genus Leontodon; of temperate Eurasia to Mediterranean regions -06694359 __eulogy_NN_1 a formal expression of praise for someone who has died recently -04826771 __piousness_NN_1 righteousness by virtue of being pious -06649567 __determining_factor_NN_2 an argument that is conclusive -12410381 __subclass_liliidae_NN_1 one of four subclasses or superorders of Monocotyledones; comprises 17 families including: Liliaceae; Alliaceae; Amaryllidaceae; Iridaceae; Orchidaceae; Trilliaceae -06081602 __neurophysiology_NN_1 the branch of neuroscience that studies the physiology of the nervous system -02325211 __sylvilagus_NN_1 North American rabbits -12094121 __hottonia_NN_1 aquatic herbs -06064106 __orthopedics_NN_1 the branch of medical science concerned with disorders or deformities of the spine and joints -06345566 __stepped_line_NN_1 a headline with the top line flush left and succeeding lines indented to the right -14439745 __disrepute_NN_1 the state of being held in low esteem; "your actions will bring discredit to your name"; "because of the scandal the school has fallen into disrepute" -02351010 __price_VB_1 determine the price of; "The grocer priced his wares high" -08013176 __al-ma'unah_NN_1 a radical insurgent Islamist group consisting of disaffected middle-class professionals in Malaysia who want to overthrow the government by violent means and set up an Islamic state -06243963 __mithraism_NN_1 ancient Persian religion; popular among Romans during first three centuries a.d. -12938667 __rattlesnake_master_NN_1 coarse prickly perennial eryngo of United States thought to cure rattlesnake bite -03569964 __infrastructure_NN_2 the stock of basic facilities and capital equipment needed for the functioning of a country or area; "the industrial base of Japan" -00563100 __reflate_VB_2 economics: raise demand, expand the money supply, or raise prices, after a period of deflation; "These measures reflated the economy" -01997002 __genus_cyclops_NN_1 copepod water fleas -10828573 __st._augustine_NN_1 (Roman Catholic Church) one of the great Fathers of the early Christian church; after a dramatic conversion to Christianity he became bishop of Hippo Regius in North Africa; St. Augustine emphasized man's need for grace (354-430) -06347811 __surtitle_NN_1 translation of the words of a foreign opera (or choral work) projected on a screen above the stage -05313115 __choroid_coat_NN_1 a highly vascular membrane in the eye between the retina and the sclera; a dark pigmentation minimizes the scattering of light inside the eye -11997775 __olearia_NN_1 large genus of Australian evergreen shrubs or small trees with large daisylike flowers -00053609 __disappearing_NN_1 the act of leaving secretly or without explanation -06404582 __signature_NN_1 your name written in your own handwriting -11241854 __pompey_the_great_NN_1 Roman general and statesman who quarrelled with Caesar and fled to Egypt where he was murdered (106-48 BC) -01406092 __euglenophyta_NN_1 free-swimming flagellate algae -06056923 __psychotherapy_NN_1 the branch of psychiatry concerned with psychological methods -00112997 __nudge_NN_1 a slight push or shake -00986027 __fat_JJ_1 having an (over)abundance of flesh; "he hadn't remembered how fat she was" -03488603 __hand_shovel_NN_1 a shovel that is operated by hand -12089625 __tamus_NN_1 a genus of tuberous vines of the family Dioscoreaceae; has twining stems and heart-shaped leaves and axillary racemes -11654124 __genus_dacrydium_NN_1 Australasian evergreen trees or shrubs -02487226 __rendezvous_VB_1 meet at a rendezvous -01439745 __snatch_up_VB_1 to grasp hastily or eagerly; "Before I could stop him the dog snatched the ham bone" -03705379 __magnet_NN_1 (physics) a device that attracts iron and produces a magnetic field -12088909 __tortoise_plant_NN_1 South African vine having a massive rootstock covered with deeply fissured bark -12087650 __yam_family_NN_1 yams -08893492 __inner_hebrides_NN_1 islands between the Outer Hebrides and the western coast of Scotland -01761533 __ferment_VB_2 work up into agitation or excitement; "Islam is fermenting Africa" -04683453 __pilosity_NN_1 the quality of having hair -07968354 __people_of_colour_NN_1 a race with skin pigmentation different from the white race (especially Blacks) -12355023 __traveller's_tree_NN_1 giant treelike plant having edible nuts and leafstalks that yield a refreshing drink of clear watery sap; reputedly an emergency source of water for travelers -03575958 __instrument_of_punishment_NN_1 an instrument designed and used to punish a condemned person -01986806 __shrimp_NN_3 small slender-bodied chiefly marine decapod crustaceans with a long tail and single pair of pincers; many species are edible -12086362 __genus_vanilla_NN_1 large genus of tropical climbing orchids; Old and New Worlds -01609751 __harrier_NN_3 hawks that hunt over meadows and marshes and prey on small terrestrial animals -12085840 __genus_vanda_NN_1 genus of showy epiphytic orchids of Himalayas to Malaysia -12085469 __trichoceros_NN_1 small genus of small epiphytic or terrestrial orchids of tropical South America -07524242 __worry_NN_2 a strong feeling of anxiety; "his worry over the prospect of being fired"; "it is not work but worry that kills"; "he wanted to die and end his troubles" -07518878 __exasperation_NN_1 an exasperated feeling of annoyance -08406361 __hard_core_NN_1 the most dedicated and intensely loyal nucleus of a group or movement -11068196 __king_hussein_NN_1 king of Jordan credited with creating stability at home and seeking peace with Israel (1935-1999) -00839023 __browsing_NN_2 the act of feeding by continual nibbling -00684450 __transorbital_lobotomy_NN_1 a method of performing prefrontal lobotomy in which the surgical knife is inserted above the eyeball and moved to cut brain fibers -00912001 __fabrication_NN_4 the act of constructing something (as a piece of machinery) -11754188 __subfamily_mimosoideae_NN_1 alternative name used in some classification systems for the family Mimosaceae -00333829 __disturbance_NN_5 the act of disturbing something or someone; setting something in motion -12082764 __selenipedium_NN_1 genus of tall reedlike tropical American orchids; includes species with pods used locally as a substitute for vanilla -04892084 __sound_judgment_NN_1 the capacity to assess situations or circumstances shrewdly and to draw sound conclusions -01080064 __play_VB_32 use or move; "I had to play my queen" -11440802 __st._elmo's_fire_NN_1 an electrical discharge accompanied by ionization of surrounding atmosphere -00864159 __reprobate_VB_3 express strong disapproval of; "We condemn the racism in South Africa"; "These ideas were reprobated" -00764902 __settle_VB_5 come to terms; "After some discussion we finally made up" -15252146 __millennium_NN_3 the 1000th anniversary (or the celebration of it) -02820210 __bedding_NN_1 coverings that are used on a bed -02278839 __emperor_butterfly_NN_1 large richly colored butterfly -09086793 __cedar_rapids_NN_1 a city in eastern Iowa -09987239 __tzar_NN_1 a male monarch or emperor (especially of Russia prior to 1917) -01695060 __varanus_komodoensis_NN_1 the largest lizard in the world (10 feet); found on Indonesian islands -01979901 __set_down_VB_2 reach or come to rest; "The bird landed on the highest branch"; "The plane landed in Istanbul" -09103648 __twin_cities_NN_1 nickname for Saint Paul and Minneapolis -02210855 __get_VB_1 come into the possession of something concrete or abstract; "She got a lot of paintings from her uncle"; "They acquired a new pet"; "Get your results the next day"; "Get permission to take a few days off from work" -06838760 __resh_NN_1 the 20th letter of the Hebrew alphabet -10836725 __caspar_bartholin_NN_1 Danish physician who discovered Bartholin's gland (1585-1629) -00290125 __swagger_NN_2 a proud stiff pompous gait -04176068 __serving_cart_NN_1 a handcart for serving food -02764779 __axle_NN_1 a shaft on which a wheel rotates -07150138 __wrangling_NN_1 an instance of intense argument (as in bargaining) -10822962 __jakob_hermandszoon_NN_1 Dutch Protestant theologian who founded Arminianism which opposed the absolute predestinarianism of John Calvin (1559-1609) -12075151 __spider_orchid_NN_1 any of several European orchids of the genus Ophrys -06449361 __new_english_bible_NN_1 a modern English version of the Bible and Apocrypha -12074678 __ophrys_NN_1 a hardy genus of terrestrial orchids of Europe and northern Africa and western Asia -02310000 __bollworm_NN_1 any of various moth caterpillars that destroy cotton bolls -02041246 __seagull_NN_1 mostly white aquatic bird having long pointed wings and short legs -01664369 __ridley_NN_1 a marine turtle -06426468 __yearly_NN_1 a reference book that is published regularly once every year -11651731 __podocarpus_NN_1 evergreen trees or shrubs; sometimes classified as member of the family Taxaceae -00170844 __flight_maneuver_NN_1 a maneuver executed by an aircraft -05307773 __molar_NN_1 grinding tooth with a broad crown; located behind the premolars -09034550 __united_republic_of_tanzania_NN_1 a republic in eastern Africa -04149208 __scoop_shovel_NN_1 the shovel or bucket of a dredge or backhoe -12229443 __andromeda_NN_2 any of several shrubs of the genus Andromeda having leathery leaves and clusters of small flowers -14439294 __reputation_NN_2 notoriety for some particular characteristic; "his reputation for promiscuity" -02432139 __odocoileus_NN_1 North American deer -06676709 __crash_programme_NN_1 a rapid and intense course of training or research (usually undertaken in an emergency); "he took a crash course in Italian on his way to Italy"; "his first job was a crash course in survival and in learning how to get along with people"; "a crash programme is needed to create new jobs" -01150467 __pauperization_NN_2 the act of making someone poor -03073977 __pillar_NN_5 (architecture) a tall vertical cylindrical structure standing upright and used to support a structure -08434259 __web_NN_4 an interconnected system of things or people; "he owned a network of shops"; "retirement meant dropping out of a whole network of people who had been part of my life"; "tangled in a web of cloth" -02861509 __threader_NN_1 a blunt needle for threading ribbon through loops -12898628 __genus_browallia_NN_1 small genus of tropical South American annuals -06285090 __sentence_NN_1 a string of words satisfying the grammatical rules of a language; "he always spoke in grammatical sentences" -14181713 __moniliasis_NN_1 an infection caused by fungi of the genus Monilia or Candida (especially Candida albicans) -14124232 __pox_NN_2 a contagious disease characterized by purulent skin eruptions that may leave pock marks -09733899 __taiwanese_NN_1 a native or inhabitant of Taiwan -08563478 __southeastern_united_states_NN_1 the southeastern region of the United States -12067193 __ragged_orchis_NN_1 fringed orchid of the eastern United States having a greenish flower with the lip deeply lacerated -01936219 __polychaeta_NN_1 marine annelid worms -09977660 __outlaw_NN_1 someone who has committed a crime or has been legally convicted of a crime -06636524 __record_book_NN_1 a compilation of the known facts regarding something or someone; "Al Smith used to say, `Let's look at the record'"; "his name is in all the record books" -04980008 __smell_NN_2 any property detected by the olfactory system -01937579 __bloodworm_NN_1 a segmented marine worm with bright red body; often used for bait -03616428 __kickstand_NN_1 a swiveling metal rod attached to a bicycle or motorcycle or other two-wheeled vehicle; the rod lies horizontally when not in use but can be kicked into a vertical position as a support to hold the vehicle upright when it is not being ridden -04086794 __variable_resistor_NN_1 resistor for regulating current -02678070 __disinvolve_VB_1 free from involvement or entanglement; "How can I disentangle myself from her personal affairs?" -03171356 __defensive_structure_NN_1 a structure used to defend against attack; "the artillery battered down the defenses" -05302307 __yap_NN_1 informal terms for the mouth -12064183 __gymnadenia_NN_1 small genus of terrestrial orchids of North America and temperate Eurasia -12076381 __phalaenopsis_NN_1 genus of ornamental epiphytic orchids of Asia and Australia -09893015 __police_chief_NN_1 a policeman in charge of a precinct -15137047 __rest_day_NN_1 a day set aside for rest -02029663 __break_up_VB_3 come apart; "the group broke up" -03691128 __lotion_NN_2 liquid preparation having a soothing or antiseptic or medicinal action when applied to the skin; "a lotion for dry skin" -07569106 __flour_NN_1 fine powdery foodstuff obtained by grinding and sifting the meal of a cereal grain -10166626 __paynim_NN_1 a heathen; a person who is not a Christian (especially a Muslim) -09861059 __bludgeoner_NN_1 an assailant who uses a bludgeon -05301526 __glottis_NN_1 the vocal apparatus of the larynx; the true vocal folds and the space between them where the voice tone is generated -07682316 __whole_wheat_bread_NN_1 bread made with whole wheat flour -13300555 __penalty_NN_2 a payment required for not fulfilling a contract -02502902 __proboscidea_NN_2 an order of animals including elephants and mammoths -01195380 __legitimation_NN_2 the act of making lawful -07774032 __wild_bean_NN_2 nutlike tuber; important food of Native Americans -00191517 __inactivate_VB_2 make inactive; "they deactivated the file" -01420655 __subclass_phytomastigina_NN_1 plantlike flagellates containing chlorophyll; often considered unicellular algae -07525555 __scruple_NN_2 uneasiness about the fitness of an action -01991472 __submerse_VB_1 sink below the surface; go under or as if under water -01297095 __teutoburger_wald_NN_1 a battle in 9 AD in which the Germans under Arminius annihilated three Roman Legions -12055073 __swanneck_NN_1 any of several orchids of the genus Cycnoches having slender arching columns of flowers suggesting the neck of a swan -14712692 __alkaloid_NN_1 natural bases containing nitrogen found in plants -08831004 __commonwealth_of_australia_NN_1 a nation occupying the whole of the Australian continent; Aboriginal tribes are thought to have migrated from southeastern Asia 20,000 years ago; first Europeans were British convicts sent there as a penal colony -12053405 __coral_root_NN_1 a wildflower of the genus Corallorhiza growing from a hard mass of rhizomes associated with a fungus that aids in absorbing nutrients from the forest floor -12053138 __genus_corallorhiza_NN_1 genus of leafless root-parasitic orchids having small purplish or yellowish racemose flowers with lobed lips; widely distributed in temperate regions -02187759 __genus_echidnophaga_NN_1 a genus of Siphonaptera -01884126 __spurt_VB_2 move or act with a sudden increase in speed or energy -07818689 __lemon_balm_NN_2 lemony leaves used for a tisane or in soups or fruit punches -02479896 __pongidae_NN_1 usually considered as comprising orangutans; gorillas; chimpanzees; and sometimes gibbons -00655792 __reclassify_VB_1 classify anew, change the previous classification; "The zoologists had to reclassify the mollusks after they found new species" -12051285 __genus_cleistes_NN_1 terrestrial orchids of North and South America having slender fibrous roots; allied to genus Pogonia -00321562 __catheterization_NN_1 the operation of introducing a catheter into the body -01550033 __pyrocephalus_NN_1 a genus of Tyrannidae -10752093 __victim_NN_1 an unfortunate person who suffers from some adverse circumstance -01107705 __out-herod_VB_1 surpass someone in cruelty or evil -12049796 __genus_catasetum_NN_1 genus of tropical American orchids having showy male and female flowers usually on separate inflorescences -07710283 __root_vegetable_NN_1 any of various fleshy edible underground roots or tubers -00182269 __brim_VB_2 fill as much as possible; "brim a cup to good fellowship" -12049134 __genus_calopogon_NN_1 terrestrial orchids of North America -02854156 __blocking_agent_NN_1 a class of drugs that inhibit (block) some biological process -01230350 __stab_VB_2 stab or pierce; "he jabbed the piece of meat with his pocket knife" -00407848 __set_up_VB_4 get ready for a particular purpose or event; "set up an experiment"; "set the table"; "lay out the tools for the surgery" -00390198 __punctuation_NN_3 the use of certain marks to clarify meaning of written material by grouping words grammatically into sentences and clauses and phrases -05853449 __surface_NN_4 a superficial aspect as opposed to the real nature of something; "it was not what it appeared to be on the surface" -12047586 __genus_brassia_NN_1 genus of tropical American epiphytic orchids having striking axillary racemes of yellow to green spiderlike flowers with long slender sepals and warty lips: spider orchids -01929788 __class_aphasmidia_NN_1 one of two subgroups of Nematoda used in some classification systems -01150938 __calming_NN_1 the act of appeasing (as by acceding to the demands of) -00222135 __spike_VB_5 add alcohol to (beverages); "the punch is spiked!" -07993929 __animal_group_NN_1 a group of animals -09376979 __oder_river_NN_1 a European river; flows into the Baltic Sea -12045695 __genus_arethusa_NN_1 genus of bog orchids of North America and Japan -06805826 __dot_NN_3 the shorter of the two telegraphic signals used in Morse code -07419599 __preservation_NN_4 an occurrence of improvement by virtue of preventing loss or injury or other change -11801038 __family_aristolochiaceae_NN_1 family of birthworts (including wild ginger) -03404900 __refractory_NN_1 lining consisting of material with a high melting point; used to line the inside walls of a furnace -03430551 __geared_wheel_NN_1 a toothed wheel that engages another toothed mechanism in order to change the speed or direction of transmitted motion -12044269 __genus_aerides_NN_1 epiphytic orchids of tropical Asia having stiff leaves and fragrant white flowers in arching racemes -02853016 __block_NN_5 housing in a large building that is divided into separate units; "there is a block of classrooms in the west wing" -01862776 __stall_VB_5 experience a stall in flight, of airplanes -02238085 __obtain_VB_1 come into possession of; "How did you obtain the visa?" -05277941 __auditory_ossicle_NN_1 ossicles of the middle ear that transmit acoustic vibrations from the eardrum to the inner ear -00594738 __magistrature_NN_1 the position of magistrate -09896401 __caroller_NN_1 a singer of carols -10119200 __risk_taker_NN_1 someone who risks loss or injury in the hope of gain or excitement -03102859 __cooling_system_NN_2 a mechanism for keeping something cool; "the cooling was overhead fans" -00617059 __decryption_NN_1 the activity of making clear or converting from code into plain text; "a secret key or password is required for decryption" -04037625 __track_NN_4 a course over which races are run -01932151 __vinegar_worm_NN_1 minute eelworm that feeds on organisms that cause fermentation in e.g. vinegar -04072193 __regulator_NN_1 any of various controls or devices for regulating or controlling fluid flow, pressure, temperature, etc. -02334756 __munition_VB_1 supply with weapons -02409369 __tribe_synercus_NN_1 Cape buffalo -04184701 __sherd_NN_1 a broken piece of a brittle artifact -03772269 __mint_NN_6 a plant where money is coined by authority of the government -05626618 __annwn_NN_1 (Welsh mythology) the other world; land of fairies -09680657 __papist_NN_1 an offensive term for Roman Catholics; originally, a Roman Catholic who was a strong advocate of the papacy -12036533 __family_campanulaceae_NN_1 family of plants of the order Campanulales; in some classifications includes Lobeliaceae -01619536 __condor_NN_1 the largest flying birds in the western hemisphere -02795978 __street_organ_NN_1 a musical instrument that makes music by rotation of a cylinder studded with pegs -02620443 __toxotes_NN_1 type genus of the Toxotidae -12035423 __mentzelia_NN_1 genus of bristly herbs or subshrubs of western America lacking stinging hairs -05633385 __invention_NN_1 the creation of something in the mind -01980993 __lithodidae_NN_1 deep-sea crabs of cold waters -10328782 __monogynist_NN_1 someone who practices monogamy (one spouse at a time) -12034828 __loasaceae_NN_1 family of bristly hairy sometimes climbing plants; America and Africa and southern Arabia -06245816 __voodooism_NN_1 a religious cult practiced chiefly in Caribbean countries (especially Haiti); involves witchcraft and animistic deities -05312306 __stemma_NN_3 an eye having a single lens -05408388 __epinephrine_NN_1 a catecholamine secreted by the adrenal medulla in response to stress (trade name Adrenalin); stimulates autonomic nerve action -05342070 __choroidal_artery_NN_1 an artery that supplies the choroid plexus -12033139 __cockleburr_NN_1 any coarse weed of the genus Xanthium having spiny burrs -12032939 __xanthium_NN_1 coarse herbs having small heads of greenish flowers followed by burrs with hooked bristles -01438720 __family_cyprinidae_NN_1 a family of fish including: carp; tench; roach; rudd; dace -10563711 __scratcher_NN_2 a person who scratches to relieve an itch -08936833 __marseilles_NN_1 a port city in southeastern France on the Mediterranean -08213424 __united_states_army_special_forces_NN_1 a division of the United States Army that is specially trained for guerilla fighting -12031739 __genus_vernonia_NN_1 genus of New World tropical herbs or shrubs with terminal cymose heads of tubular flowers -02640093 __family_acipenseridae_NN_1 sturgeons -12031139 __ximenesia_encelioides_NN_1 coarse greyish-green annual yellow-flowered herb; southwestern United States to Mexico -12030908 __yellow_ironweed_NN_1 perennial herb with showy yellow flowers; the eastern United States -05683582 __muddiness_NN_2 a mental state characterized by a lack of clear and orderly thought and behavior; "a confusion of impressions" -05804793 __knowing_NN_1 a clear and certain mental apprehension -11420831 __spectrum_NN_1 an ordered array of the components of an emission or wave -01154957 __outplay_VB_1 excel or defeat in a game; "The Knicks outplayed the Lakers" -07054433 __dance_music_NN_2 music to dance to -00291965 __plodding_NN_2 the act of walking with a slow heavy gait; "I could recognize his plod anywhere" -12030265 __verbesina_NN_1 herbs and shrubs of warm North America to Mexico; includes plants formerly placed in genus Actinomeris -03760310 __microprocessor_NN_1 integrated circuit semiconductor chip that performs the bulk of the processing and controls the parts of a system; "a microprocessor functions as the central processing unit of a microcomputer"; "a disk drive contains a microprocessor to handle the internal functions of the drive" -01454856 __stickleback_NN_1 small (2-4 inches) pugnacious mostly scaleless spiny-backed fishes of northern fresh and littoral waters having elaborate courtship; subjects of much research -01278873 __fontenoy_NN_1 a battle in 1745 in which the French army under Marshal Saxe defeated the English army and their allies under the duke of Cumberland -12029326 __tussilago_NN_1 genus of low creeping yellow-flowered perennial herbs of north temperate regions: coltsfoots; in some classifications includes species often placed in other genera especially Homogyne and Petasites -00403967 __depressurize_VB_1 decrease the pressure of; "depressurize the cabin in the air plane" -14405931 __scare_NN_1 sudden mass fear and anxiety over anticipated events; "panic in the stock market"; "a war scare"; "a bomb scare led them to evacuate the building" -04677514 __shape_NN_5 the visual appearance of something or someone; "the delicate cast of his features" -13043516 __lycoperdaceae_NN_1 a fungus family belonging to the order Lycoperdales; includes puffballs -03479952 __hallway_NN_1 an interior passage or corridor onto which rooms open; "the elevators were at the end of the hall" -04799881 __nativeness_NN_1 the quality of belonging to or being connected with a certain place or region by virtue of birth or origin -10585077 __sex_symbol_NN_1 a person (especially a celebrity) who is well-known for their sexual attractiveness -07941729 __community_NN_6 (ecology) a group of interdependent organisms inhabiting the same region and interacting with each other -11415842 __product_NN_5 a consequence of someone's efforts or of a particular set of circumstances; "skill is the product of hours of practice"; "his reaction was the product of hunger and fatigue" -00488225 __cards_NN_1 a game played with playing cards -12026306 __townsendia_NN_1 genus of western American low tufted herbs: Easter daisy -01067192 __prorogation_NN_1 discontinuation of the meeting (of a legislative body) without dissolving it -12025849 __genus_tithonia_NN_1 genus of robust herbs of Mexico and Central America: Mexican sunflower -06462807 __mishnah_NN_1 the first part of the Talmud; a collection of early oral interpretations of the scriptures that was compiled about AD 200 -14687633 __lamp_oil_NN_1 a flammable hydrocarbon oil used as fuel in lamps and heaters -07638439 __fortune_cookie_NN_1 thin folded wafer containing a maxim on a slip of paper -07966719 __sector_NN_2 a social group that forms part of the society or the economy; "the public sector" -02429456 __pronghorn_antelope_NN_1 fleet antelope-like ruminant of western North American plains with small branched horns -12024445 __taraxacum_ruderalia_NN_1 Eurasian plant widely naturalized as a weed in North America; used as salad greens and to make wine -08899149 __gizeh_NN_1 an ancient Egyptian city on the west bank of the Nile opposite Cairo; site of three Great Pyramids and the Sphinx -01415256 __family_bangiaceae_NN_1 a family of protoctist -12023996 __taraxacum_NN_1 an asterid dicot genus of the family Compositae including dandelions -02531625 __try_out_VB_1 shad-like North American marine fishes used for fish meal and oil and fertilizer put to the test, as for its quality, or give experimental use to; "This approach has been tried with good results"; "Test this recipe" -00558883 __running_play_NN_1 (American football) a play in which a player attempts to carry the ball through or past the opposing team; "the defensive line braced to stop the run"; "the coach put great emphasis on running" -06457952 __apocrypha_NN_1 14 books of the Old Testament included in the Vulgate (except for II Esdras) but omitted in Jewish and Protestant versions of the Bible; eastern Christian churches (except the Coptic Church) accept all these books as canonical; the Russian Orthodox Church accepts these texts as divinely inspired but does not grant them the same status -12023726 __tansy_NN_1 common perennial aromatic herb native to Eurasia having buttonlike yellow flower heads and bitter-tasting pinnate leaves sometimes used medicinally -05233420 __jugale_NN_1 the craniometric point at the union of the frontal and temporal processes of the zygomatic bone -12021499 __tanacetum_balsamita_NN_1 tansy-scented Eurasian perennial herb with buttonlike yellow flowers; used as potherb or salad green and sometimes for potpourri or tea or flavoring; sometimes placed in genus Chrysanthemum -12021120 __tanacetum_NN_1 a large genus of plants resembling chrysanthemums; comprises some plants often included in other genera especially genus Chrysanthemum -00036762 __per_se_RB_1 a notable achievement; "he performed a great feat"; "the book was her finest effort" with respect to its inherent nature; "this statement is interesting per se" -02019011 __gate-crash_VB_1 enter uninvited; informal; "let's crash the party!" -03375956 __transparency_NN_3 picture consisting of a positive photograph or drawing on a transparent base; viewed with a projector -13260645 __filthy_lucre_NN_1 shameful profit; "he would sell his soul for filthy lucre" -01681328 __uta_stansburiana_NN_1 one of the most abundant lizards in the arid western United States -00450700 __equestrian_sport_NN_1 a sport that tests horsemanship -03781787 __monitor_NN_6 a piece of electronic equipment that keeps track of the operation of a system continuously and warns of trouble -09168707 __chihuahuan_desert_NN_1 a desert in western Texas, New Mexico, Arizona, and northern Mexico -12018760 __sow_thistle_NN_1 any of several Old World coarse prickly-leaved shrubs and subshrubs having milky juice and yellow flowers; widely naturalized; often noxious weeds in cultivated soil -12018640 __sonchus_NN_1 sow thistles -06877578 __grimace_NN_1 a contorted facial expression; "she made a grimace at the prospect" -06052864 __neurology_NN_2 (neurology) the branch of medicine that deals with the nervous system and its disorders -05418717 __venous_blood_vessel_NN_1 a blood vessel that carries blood from the capillaries toward the heart; "all veins except the pulmonary vein carry unaerated blood" -10702167 __termer_NN_1 a person who serves a specified term; "there are not many fourth termers in the Senate" -02041875 __larus_marinus_NN_1 white gull having a black back and wings -05495981 __prosencephalon_NN_1 the anterior portion of the brain; the part of the brain that develops from the anterior part of the neural tube -11562747 __magnoliopsid_family_NN_1 family of flowering plants having two cotyledons (embryonic leaves) in the seed which usually appear at germination -08125722 __npc_NN_1 an agency that serves as the focal point for all Intelligence Community activities related to nonproliferation of weapons of mass destruction and their missile delivery systems -01146768 __internment_NN_2 the act of confining someone in a prison (or as if in a prison) -00089324 __disinfect_VB_1 destroy microorganisms or pathogens by cleansing; "disinfect a wound" -07576577 __cookout_NN_1 an informal meal cooked and eaten outdoors -07128946 __pronunciation_NN_1 the manner in which someone utters a word; "they are always correcting my pronunciation" -12015959 __goldenrod_NN_1 any of numerous chiefly summer-blooming and fall-blooming North American plants especially of the genus Solidago -11783162 __umbrella_arum_NN_1 foul-smelling somewhat fleshy tropical plant of southeastern Asia cultivated for its edible corms or in the greenhouse for its large leaves and showy dark red spathe surrounding a large spadix -12015076 __silphium_NN_1 tall North American perennial herbs -05623818 __sight_NN_5 the range of vision; "out of sight of land" -09802239 __authenticator_NN_1 one who determines authenticity (as of works of art) or who guarantees validity -12346448 __genus_daphne_NN_1 usually evergreen Eurasian shrubs -00132355 __homer_NN_1 a base hit on which the batter scores a run -12014524 __seriphidium_tridentatum_NN_1 aromatic shrub of arid regions of western North America having hoary leaves -02891430 __spur_track_NN_1 a railway line connected to a trunk line -12014085 __silver_sagebrush_NN_1 low much-branched perennial of western United States having silvery leaves; an important browse and shelter plant -00791527 __assay_NN_4 a quantitative or qualitative test of a substance (especially an ore or a drug) to determine its components; frequently used to test for the presence or concentration of infectious agents or antibodies etc. -11836556 __genus_abronia_NN_1 genus of western North American herbs having showy flowers -00323532 __infusion_NN_3 (medicine) the passive introduction of a substance (a fluid or drug or electrolyte) into a vein or between tissues (as by gravitational force) -01081505 __run_off_VB_7 decide (a contest or competition) by a runoff -14118138 __dm_NN_1 diabetes caused by a relative or absolute deficiency of insulin and characterized by polyuria; "when doctors say `diabetes' they usually mean `diabetes mellitus'" -02174355 __melolonthid_beetle_NN_1 any of various beetles of the family (or subfamily) Melolonthidae -00154433 __support_NN_5 documentary validation; "his documentation of the results was excellent"; "the strongest support for this view is the work of Jones" -08614104 __overlook_NN_1 a high place affording a good view -10941206 __stephen_arnold_douglas_NN_1 United States politician who proposed that individual territories be allowed to decide whether they would have slavery; he engaged in a famous series of debates with Abraham Lincoln (1813-1861) -10724372 __transferee_NN_2 someone who transfers or is transferred from one position to another; "the best student was a transfer from LSU" -12009047 __rudbeckia_laciniata_hortensia_NN_1 very tall branching herb with showy much-doubled yellow flower heads -09381480 __outer_planet_NN_1 (astronomy) a major planet whose orbit is outside the asteroid belt (Jupiter, Saturn, Uranus, Neptune, Pluto) -12008017 __rudbeckia_NN_1 North American perennial herbs with showy cone-shaped flower heads -07961270 __gob_NN_2 a lump of slimy stuff; "a gob of phlegm" -05915811 __feng_shui_NN_1 rules in Chinese philosophy that govern spatial arrangement and orientation in relation to patterns of yin and yang and the flow of energy (qi); the favorable or unfavorable effects are taken into consideration in designing and siting buildings and graves and furniture -01014066 __collection_NN_4 the act of gathering something together -02853449 __stoppage_NN_2 an obstruction in a pipe or tube; "we had to call a plumber to clear out the blockage in the drainpipe" -01931520 __threadworm_NN_1 small threadlike worm infesting human intestines and rectum especially in children -13196545 __genus_deparia_NN_1 classification used for 5 species of terrestrial ferns usually placed in other genera -12006503 __ratibida_NN_1 genus of perennial wildflowers of North American plains and prairies; often cultivated for their showy flower heads -09843443 __bat_boy_NN_1 (baseball) a boy who takes care of bats and other baseball equipment -07723559 __lettuce_NN_3 leaves of any of various plants of Lactuca sativa -00904494 __vindicate_VB_3 clear of accusation, blame, suspicion, or doubt with supporting proof; "You must vindicate yourself and fight this libel" -12005656 __pulicaria_dysenterica_NN_1 hairy perennial Eurasian herb with yellow daisylike flowers reputed to destroy or drive away fleas -12005148 __genus_pteropogon_NN_1 genus of Australian and South African herbs including some from genus Helipterum -09944022 __commissioner_NN_2 a member of a commission -02183175 __toot_VB_1 make a loud noise; "The horns of the taxis blared" -06513953 __whip-round_NN_1 (British) solicitation of money usually for a benevolent purpose -11292391 __seneca_NN_1 Roman statesman and philosopher who was an advisor to Nero; his nine extant tragedies are modeled on Greek tragedies (circa 4 BC - 65 AD) -01042531 __whine_VB_2 talk in a tearful manner -02373093 __perissodactyla_NN_1 nonruminant ungulates: horses; tapirs; rhinoceros; extinct forms -00038750 __active_JJ_3 disposed to take action or effectuate change; "a director who takes an active interest in corporate operations"; "an active antagonism"; "he was active in drawing attention to their grievances" -04603729 __worktable_NN_1 a table designed for a particular task -00328327 __remand_NN_1 the act of sending an accused person back into custody to await trial (or the continuation of the trial) -09644820 __native_american_NN_1 any member of the peoples living in North or South America before the Europeans arrived -01107932 __transference_NN_2 transferring ownership -01287242 __fagot_VB_3 bind or tie up in or as if in a faggot; "faggot up the sticks" -03840327 __obturator_NN_1 a prosthesis used to close an opening (as to close an opening of the hard palate in cases of cleft palate) -13375891 __cash_advance_NN_1 an amount paid before it is earned -03338821 __photographic_film_NN_1 photographic material consisting of a base of celluloid covered with a photographic emulsion; used to make negatives or transparencies -09714694 __iraqi_NN_1 a native or inhabitant of Iraq; "the majority of Iraqi are Arab Shiite Muslims although Sunni Muslims control the government" -07622708 __pastry_NN_2 any of various baked foods made of dough or batter -11034596 __vaclav_havel_NN_1 Czech dramatist and statesman whose plays opposed totalitarianism and who served as president of Czechoslovakia from 1989 to 1992 and president of the Czech Republic since 1993 (born in 1936) -11916467 __achillea_NN_1 any of several plants of the genus Achillea native to Europe and having small white flowers in flat-topped flower heads -04371430 __swimming_trunks_NN_1 swimsuit worn by men while swimming -05598147 __olfactory_organ_NN_1 the organ of smell and entrance to the respiratory tract; the prominent part of the face of man or other mammals; "he has a cold in the nose" -03990834 __weed_NN_3 street names for marijuana -12001565 __pericallis_NN_1 cineraria -12000609 __parthenium_NN_1 small genus of North American herbs and shrubs with terminal panicles of small ray flowers -00789237 __duel_NN_2 any struggle between two skillful opponents (individuals or groups) -04879340 __disloyalty_NN_1 the quality of being disloyal -07215377 __exposure_NN_3 the disclosure of something secret; "they feared exposure of their campaign plans" -08946715 __kumasi_NN_1 a city in southern Ghana -01679178 __holbrookia_NN_1 earless lizards -11998888 __woolly_thistle_NN_1 biennial Eurasian white hairy thistle having pale purple flowers; naturalized in North America -09784306 __allergist_NN_1 a physician skilled in the diagnosis and treatment of allergies -11998648 __onopordum_NN_1 a genus of Eurasian herbs of the family Compositae with prickly foliage and large purplish flowers -06615216 __final_cut_NN_1 the final edited version of a movie as approved by the director and producer -02444103 __ictonyx_NN_1 a genus of Mustelidae -11797981 __petty_morel_NN_1 unarmed woody rhizomatous perennial plant distinguished from wild sarsaparilla by more aromatic roots and panicled umbels; southeastern North America to Mexico -02422860 __genus_gazella_NN_1 typical gazelles -07255401 __forbidding_NN_1 an official prohibition or edict against something -11996490 __genus_mutisia_NN_1 genus of South American shrubs or lianas having large flower heads with feathery pappuses -09252970 __constellation_NN_2 a configuration of stars as seen from the earth -11995683 __melampodium_NN_1 herbs and subshrubs of warm North America -05846054 __rule_NN_1 a principle or condition that customarily governs behavior; "it was his rule to take a walk before breakfast"; "short haircuts were the regulation" -00006484 __cell_NN_2 (biology) the basic structural and functional unit of all organisms; they may exist as independent units of life (as in monads) or may form colonies or tissues as in higher plants and animals -01933834 __genus_dracunculus_NN_2 type genus of the family Dracunculidae -03206405 __wholesale_house_NN_1 a sales outlet offering goods at a discounted price -05958427 __amoralism_NN_1 the doctrine that moral distinctions are invalid -11994336 __madia_elegans_NN_1 California annual having red-brown spots near the base of its yellow flower rays -10249270 __lawmaker_NN_1 a maker of laws; someone who gives a code of laws -05765415 __symbolization_NN_2 something visible that by association or convention represents something else that is invisible; "the eagle is a symbol of the United States" -11994150 __tarweed_NN_1 any of various resinous glandular plants of the genus Madia; of western North and South America -06405198 __indorsement_NN_4 a signature that validates something; "the cashier would not cash the check without an endorsement" -11647306 __kauri_pine_NN_1 any of various trees of the genus Agathis; yield dammar resin -11993203 __tansy_leaf_aster_NN_1 wild aster with fernlike leaves and flower heads with very narrow bright purple rays; Alberta to Texas and Mexico -06903255 __upgrade_NN_2 software that provides better performance than an earlier version did -02068206 __beaked_whale_NN_1 any of several whales inhabiting all oceans and having beaklike jaws with vestigial teeth in the upper jaw -11991777 __liatris_pycnostachya_NN_1 perennial of southeastern and central United States having very dense spikes of purple flowers; often cultivated for cut flowers -01797180 __genus_canachites_NN_1 spruce grouse -06274092 __trunk_call_NN_1 a telephone call made outside the local calling area; "I talked to her by long distance" -07051185 __blues_NN_1 a type of folksong that originated among Black Americans at the beginning of the 20th century; has a melancholy sound from repeated use of blue notes -00758525 __rapacity_NN_2 reprehensible acquisitiveness; insatiable desire for wealth (personified as one of the deadly sins) -15217787 __jumada_i_NN_1 the fifth month of the Islamic calendar -05486920 __cortical_region_NN_1 any of various regions of the cerebral cortex -01118081 __submit_VB_3 yield to the control of another -01014731 __compiling_NN_1 the act of compiling (as into a single book or file or list); "the job of compiling the inventory took several hours" -01539487 __sponge_up_VB_1 absorb as if with a sponge; "sponge up the spilled milk on the counter" -05790944 __option_NN_2 one of a number of things from which only one can be chosen; "what option did I have?"; "there no other alternative"; "my only choice is to refuse" -05793000 __explanation_NN_2 thought that makes something comprehensible -05960464 __dogma_NN_2 a doctrine or code of beliefs accepted as authoritative; "he believed all the Marxist dogma" -07750299 __citrange_NN_2 more aromatic and acid tasting than oranges; used in beverages and marmalade -09114696 __nm_NN_2 a state in southwestern United States on the Mexican border -01337224 __cowl_VB_1 cover with or as with a cowl; "cowl the boys and veil the girls" -01691085 __family_anniellidae_NN_1 legless lizards -04704116 __vapourousness_NN_1 cloudiness resulting from haze or mist or vapor -00242146 __scrummage_NN_1 (rugby) the method of beginning play in which the forwards of each team crouch side by side with locked arms; play starts when the ball is thrown in between them and the two sides compete for possession -14923060 __steel_grey_NN_1 slightly purplish or bluish dark grey -10228278 __jurywoman_NN_1 someone who serves (or waits to be called to serve) on a jury -04996823 __unappetizingness_NN_1 the property of spoiling the appetite -02193357 __gasterophilidae_NN_1 horse botflies -05778131 __star_divination_NN_1 a pseudoscience claiming divination by the positions of the planets and sun and moon -02624167 __mackerel_NN_2 any of various fishes of the family Scombridae -11983160 __hulsea_NN_1 small genus of erect balsam-scented herbs; Pacific coast of the northwestern United States -11982724 __homogyne_NN_1 small genus of low perennial herbs of montane Europe; in some classifications included in genus Tussilago -05958208 __abolitionism_NN_1 the doctrine that calls for the abolition of slavery -00276620 __soilure_NN_1 the act of soiling something -00334174 __foetal_movement_NN_1 motion of a fetus within the uterus (usually detected by the 16th week of pregnancy) -00417131 __chokehold_NN_2 a restraining hold; someone loops the arm around the neck of another person in a tight grip, usually from behind; "he grabbed the woman in a chokehold, demanded her cash and jewelry, and then fled" -02196896 __rhagoletis_pomonella_NN_1 larvae bore into and feed on apples -01706488 __score_VB_4 write a musical score for -14050143 __vitality_NN_2 a healthy capacity for vigorous activity; "jogging works off my excess energy"; "he seemed full of vim and vigor" -12339319 __syzygium_NN_1 a tropical evergreen tree of the myrtle family native to the East Indies but cultivated elsewhere -11922192 __lady's_tobacco_NN_1 North American perennial propagated by means of runners -07772788 __hazelnut_NN_2 nut of any of several trees of the genus Corylus -02888133 __pick-me-up_NN_2 a tonic or restorative (especially a drink of liquor) -11978035 __genus_helianthus_NN_1 genus of tall erect or branched American annual or perennial herbs with showy flowers: sunflowers -04417086 __tetrode_NN_1 a thermionic tube having four electrodes -02508078 __shame_VB_2 compel through a sense of shame; "She shamed him into making amends" -00093979 __atrophy_VB_1 undergo atrophy; "Muscles that are not used will atrophy" -05494617 __striate_cortex_NN_1 the part of the occipital cortex that receives the fibers of the optic radiation from the lateral geniculate body and is the primary receptive area for vision -04370048 __sweater_NN_1 a crocheted or knitted garment covering the upper part of the body -14518924 __erosion_NN_2 condition in which the earth's surface is worn away by the action of water and wind -09017526 __republic_of_armenia_NN_1 a landlocked republic in southwestern Asia; formerly an Asian soviet; modern Armenia is but a fragment of ancient Armenia which was one of the world's oldest civilizations; throughout 2500 years the Armenian people have been invaded and oppressed by their neighbors -03288225 __engine_block_NN_1 a metal casting containing the cylinders and cooling ducts of an engine; "the engine had to be replaced because the block was cracked" -11975853 __haplopappus_NN_1 genus of North and South American perennial herbs or shrubs with yellow flowers; in some classifications include species placed in other genera especially Hazardia -05600431 __naris_NN_1 any of the openings to the nasal cavities that allow air to flow through the cavities to the pharynx -02249365 __family_diaspididae_NN_1 armored scales -01114475 __mate_VB_3 place an opponent's king under an attack from which it cannot escape and thus ending the game; "Kasparov checkmated his opponent after only a few moves" -11974557 __turpentine_weed_NN_1 low-growing sticky subshrub of southwestern United States having narrow linear leaves on many slender branches and hundreds of tiny yellow flower heads -00928947 __programming_NN_2 creating a sequence of instructions to enable the computer to do something -07154666 __rusticism_NN_1 a rural idiom or expression -11973888 __gutierrezia_NN_1 sticky perennial herbs and subshrubs of western North America and warm South America -01960459 __oyster_NN_1 marine mollusks having a rough irregular shell; found on the sea bed mostly in coastal waters -00567685 __forehand_drive_NN_1 (sports) hard straight return made on the forehand side (as in tennis or badminton or squash) -04102406 __roller_coaster_NN_2 elevated railway in an amusement park (usually with sharp curves and steep inclines) -04935904 __viscidness_NN_1 the property of being cohesive and sticky -03519081 __highlighter_NN_1 a cosmetic used to highlight the eyes or cheekbones -01732244 __rat_snake_NN_1 any of various nonvenomous rodent-eating snakes of North America and Asia -07989741 __marx_brothers_NN_1 a family of United States comedians consisting of four brothers with an anarchic sense of humor -04074482 __therapeutic_NN_1 a medicine or therapy that cures disease or relieve pain -14639921 __helium_NN_1 a very light colorless element that is one of the six inert gasses; the most difficult gas to liquefy; occurs in economically extractable amounts in certain natural gases (as those found in Texas and Kansas) -02890940 __skid_NN_2 a restraint provided when the brake linings are moved hydraulically against the brake drum to retard the wheel's rotation -11630351 __genus_cupressus_NN_1 type genus of Cupressaceae -05698620 __reservation_NN_3 an unstated doubt that prevents you from accepting something wholeheartedly -08582837 __the_pits_NN_1 any place of pain and turmoil; "the hell of battle"; "the inferno of the engine room"; "when you're alone Christmas is the pits"; -11969410 __genus_felicia_NN_1 genus of tropical African herbs or subshrubs with usually blue flowers -11969166 __trumpet_weed_NN_1 North American herb having whorled leaves and terminal clusters of flowers spotted with purple -12476902 __genus_agave_NN_1 type genus of the Agavaceae; in some classifications considered a genus of Amaryllidaceae -11968704 __spotted_joe-pye_weed_NN_1 North American herb having whorled leaves and terminal clusters of small pinkish or purple flower heads -09131428 __toledo_NN_1 an industrial city in northwestern Ohio on Lake Erie -03592245 __slammer_NN_2 a correctional institution used to detain persons who are in the lawful custody of the government (either accused persons awaiting trial or convicted persons serving a sentence) -06201042 __reprobation_NN_2 severe disapproval -04890865 __statesmanship_NN_1 wisdom in the management of public affairs -05383467 __vena_thoracica_NN_1 veins that drain the thoracic walls -02616851 __wolffish_NN_1 large ferocious northern deep-sea food fishes with strong teeth and no pelvic fins -04010348 __promethazine_NN_1 antihistamine (trade name Phenergan) used to treat allergies; also an antiemetic used to treat motion sickness -01414986 __rhodymenia_NN_1 type genus of the family Rhodymeniaceae -02229828 __light_VB_5 fall to somebody by assignment or lot; "The task fell to me"; "It fell to me to notify the parents of the victims" -11965627 __fleabane_NN_2 any of several North American plants of the genus Erigeron having daisylike flowers; formerly believed to repel fleas -01499898 __mobulidae_NN_1 large rays lacking venomous spines: mantas -11965054 __genus_erechtites_NN_1 coarse herbs with whitish discoid flower heads and silky pappus -02607862 __wrasse_NN_1 chiefly tropical marine fishes with fleshy lips and powerful teeth; usually brightly colored -06113914 __hydrokinetics_NN_1 study of fluids in motion -02256882 __tibicen_NN_1 harvest flies -13558953 __source_NN_7 (technology) a process by which energy or a substance enters a system; "a heat source"; "a source of carbon dioxide" -11963755 __genus_encelia_NN_1 genus of shrubs of southwestern United States and Mexico: brittlebush -00879540 __put_up_VB_9 propose as a candidate for some honor -11963305 __tassel_flower_NN_2 tropical African annual having scarlet tassel-shaped flower heads; sometimes placed in genus Cacalia -08799706 __philistia_NN_1 an ancient region on the coast of southwestern Palestine that was strategically located on a trade route between Syria and Egypt; important in biblical times -05624254 __knack_NN_1 a special way of doing something; "he had a bent for it"; "he had a special knack for getting into trouble"; "he couldn't get the hang of it" -02193009 __gadfly_NN_2 any of various large flies that annoy livestock -07460546 __marathon_NN_2 a footrace of 26 miles 385 yards -11960540 __genus_delairea_NN_1 one species: German ivy -11431617 __calm_air_NN_1 wind moving at less than 1 knot; 0 on the Beaufort scale -08571139 __medical_center_NN_1 the part of a city where medical facilities are centered -04465933 __traffic_circle_NN_1 a road junction at which traffic streams circularly around a central island; "the accident blocked all traffic at the rotary" -11958316 __genus_cotula_NN_1 cosmopolitan herbs especially southern hemisphere; many used as ground covers -08209519 __bench_NN_6 the reserve players on a team; "our team has a strong bench" -07819303 __mustard_seed_NN_1 black or white seeds ground to make mustard pastes or powders -11957912 __genus_cosmos_NN_1 genus of tropical American plants cultivated for their colorful flowers -05591256 __tibialis_muscle_NN_1 either of two skeletal muscle in each leg arising from the tibia; provides for movement of the foot -02461556 __manidae_NN_1 coextensive with the order Pholidota -00386915 __cutting_NN_3 the act of cutting something into parts; "his cuts were skillful"; "his cutting of the cake made a terrible mess" -09626031 __nonworker_NN_1 a person who does nothing -11955770 __genus_conoclinium_NN_1 mistflower -01891092 __whip_VB_3 thrash about flexibly in the manner of a whiplash; "The tall grass whipped in the wind" -08045681 __tupac_amaru_revolutionary_movement_NN_1 a Marxist-Leninist terrorist organization in Peru; was formed in 1983 to overthrow the Peruvian government and replace it with a Marxist regime; has connections with the ELN in Bolivia -09815455 __assignee_NN_1 (law) the party to whom something is assigned (e.g., someone to whom a right or property is legally transferred) -00901103 __present_VB_9 cause to come to know personally; "permit me to acquaint you with my son"; "introduce the new neighbors to the community" -12262018 __weeping_beech_NN_1 variety of European beech with pendulous limbs -05479314 __seventh_cranial_nerve_NN_1 cranial nerve that supplies facial muscles -11953884 __plumed_thistle_NN_1 any of numerous biennial to perennial herbs with handsome purple or yellow or occasionally white flower heads -03619396 __outfit_NN_3 gear consisting of a set of articles or tools for a specified purpose -09795124 __announcer_NN_2 reads news, commercials on radio or television -03679712 __sitting_room_NN_1 a room in a private house or establishment where people can sit and talk and relax -02193974 __savour_VB_3 taste appreciatively; "savor the soup" -06355307 __secret_code_NN_1 a secret method of writing -05823932 __grounds_NN_1 your basis for belief or disbelief; knowledge on which to base belief; "the evidence that smoking causes lung cancer is very compelling" -05695554 __equivalent_NN_1 a person or thing equal to another in value or measure or force or effect or significance etc; "send two dollars or the equivalent in stamps" -09262690 __dale_NN_1 an open river valley (in a hilly area) -03049066 __closed-circuit_television_NN_1 a television system that is not used for broadcasting but is connected by cables to designated monitors (as in a factory or theater) -06672953 __secret_NN_2 information known only to a special group; "the secret of Cajun cooking" -10247358 __young_girl_NN_1 a girl or young woman who is unmarried -11949217 __genus_chamaemelum_NN_1 small genus of plants sometimes included in genus Anthemis: chamomile -05337301 __capillary_artery_NN_1 one of the small thin-walled arteries that end in capillaries -06489659 __table_of_contents_NN_1 a list of divisions (chapters or articles) and the pages on which they start -06338908 __designation_NN_1 identifying word or words by which someone or something is called and classified or distinguished from others -02757651 __shower_down_VB_1 rain abundantly; "Meteors showered down over half of Australia" -11948264 __knapweed_NN_1 any of various plants of the genus Centaurea having purple thistlelike flowers -03726760 __mast_NN_1 a vertical spar for supporting sails -11947802 __cornflower_NN_2 an annual Eurasian plant cultivated in North America having showy heads of blue or purple or pink or white flowers -03282591 __emblem_NN_1 special design or visual object representing a quality, type, group, etc. -11946584 __genus_catananche_NN_1 genus of Mediterranean herbs: cupid's dart -07326557 __cause_NN_1 events that provide the generative force that is the origin of something; "they are trying to determine the cause of the crash" -01246095 __furbish_VB_1 polish and make shiny; "buff the wooden floors"; "buff my shoes" -03986949 __portmanteau_NN_2 a large travelling bag made of stiff leather -05837957 __mind_NN_3 an opinion formed by judging something; "he was reluctant to make his judgment known"; "she changed her mind" -11945367 __carline_thistle_NN_1 a thistle of the genus Carlina -11945228 __genus_carlina_NN_1 genus of Mediterranean thistles -01074252 __antagonism_NN_4 (biochemistry) interference in or inhibition of the physiological action of a chemical substance by another having a similar structure -04198797 __shock_absorber_NN_1 a mechanical damper; absorbs energy of sudden impulses; "the old car needed a new set of shocks" -00747671 __self-indulgence_NN_2 excess in action and immoderate indulgence of bodily appetites, especially in passion or indulgence; "the intemperance of their language" -02244007 __reduviidae_NN_1 assassin bugs -11943407 __calendula_NN_1 any of numerous chiefly annual herbs of the genus Calendula widely cultivated for their yellow or orange flowers; often used for medicinal and culinary purposes -01612122 __sparrow_hawk_NN_1 small North American falcon -02060889 __storm_petrel_NN_1 any of various small petrels having dark plumage with paler underparts -01190561 __summary_judgment_NN_1 a judgment rendered by the court prior to a verdict because no material issue of fact exists and one party or the other is entitled to a judgment as a matter of law -07013400 __spiel_NN_1 plausible glib talk (especially useful to a salesperson) -04487996 __trophy_NN_2 something given as a token of victory -11942487 __oxeye_NN_2 Eurasian perennial herbs having daisylike flowers with yellow rays and dark centers -01241379 __spur_VB_5 equip with spurs; "spur horses" -04275363 __spider_web_NN_2 a web spun by spiders to trap insect prey -05614175 __sagacity_NN_1 the mental ability to understand and discriminate between relations -08120384 __local_department_NN_1 a permanent department created to perform the work of a local government -03796605 __splash_guard_NN_1 a curved piece above the wheel of a bicycle or motorcycle to protect the rider from water or mud thrown up by the wheels -11534677 __plant_order_NN_1 the order of plants -10615179 __sweet_talker_NN_1 someone with an assured and ingratiating manner -10522633 __republican_NN_1 a member of the Republican Party -01217043 __sustain_VB_5 be the physical support of; carry the weight of; "The beam holds up the roof"; "He supported me with one hand while I balanced on the beam"; "What's holding that mirror?" -11939887 __genus_bidens_NN_1 bur marigolds -11939491 __daisy_NN_1 any of numerous composite plants having flower heads with well-developed ray flowers usually arranged in a single whorl -02206624 __superfamily_apoidea_NN_1 bees -03596787 __precious_stone_NN_1 a precious or semiprecious stone incorporated into a piece of jewelry -11938732 __kidney_wort_NN_1 widely spreading evergreen shrub of southwestern United States with flower heads in a leafy panicle -09098721 __plymouth_NN_1 a town in Massachusetts founded by Pilgrims in 1620 -11937965 __genus_baccharis_NN_1 shrubs of western hemisphere often having honey-scented flowers followed by silky thistlelike heads of tiny fruits; often used for erosion control -09722898 __wetback_NN_1 (ethnic slur) offensive term for a person of Mexican descent -09001580 __cape_province_NN_1 a former province of southern South Africa that was settled by the Dutch in 1652 and ceded to Great Britain in 1814; in 1994 it was split into three new provinces of South Africa -11937523 __genus_ayapana_NN_1 genus of tropical American herbs sometimes included in genus Eupatorium -09547903 __greco-roman_deity_NN_1 a deity of classical mythology -08801678 __italy_NN_1 a republic in southern Europe on the Italian Peninsula; was the core of the Roman Republic and the Roman Empire between the 4th century BC and the 5th century AD -05477686 __rhinencephalon_NN_1 a center in the cerebral hemispheres that governs the sense of smell in lower animals; in humans it seems to mediate complex emotional behavior -01371483 __rickettsia_NN_1 any of a group of very small rod-shaped bacteria that live in biting arthropods (as ticks and mites) and cause disease in vertebrate hosts; they cause typhus and other febrile diseases in human beings -03956331 __planetary_gear_NN_1 an outer gear that revolves about a central sun gear of an epicyclic train -01452918 __tug_VB_1 pull hard; "The prisoner tugged at the chains"; "This movie tugs at the heart strings" -00340463 __shuffling_NN_2 the act of mixing cards haphazardly -06026635 __sampling_NN_2 items selected at random from a population and used to test hypotheses about the population -00654885 __tending_NN_1 the work of providing treatment for or attending to someone or something; "no medical care was required"; "the old car needs constant attention" -08271042 __galaxy_NN_3 (astronomy) a collection of star systems; any of the billions of systems each having many stars and nebulae and dust; "`extragalactic nebula' is a former name for `galaxy'" -00343730 __pirouette_NN_1 (ballet) a rapid spin of the body (especially on the toes as in ballet) -03676483 __lipstick_NN_1 makeup that is used to color the lips -01483522 __mackerel_shark_NN_1 fierce pelagic and oceanic sharks -10495167 __pursuer_NN_2 a person who pursues some plan or goal; "a pursuer of truth" -01389007 __convulse_VB_5 cause to contract; "The spasm convulses her facial muscles" -01377092 __mycobacterium_NN_1 rod-shaped bacteria some saprophytic or causing diseases -04954683 __shininess_NN_1 the visual property of something that shines with reflected light -06433923 __josue_NN_1 a book in the Old Testament describing how Joshua led the Israelites into Canaan (the Promised Land) after the death of Moses -03482405 __hamper_NN_2 a basket usually with a cover -01438208 __cypriniform_fish_NN_1 a soft-finned fish of the order Cypriniformes -15058310 __sterol_NN_1 any of a group of natural steroid alcohols derived from plants or animals; they are waxy insoluble substances -11932745 __wood_aster_NN_1 any of several asters of eastern North America usually growing in woods -01918010 __ctenophore_family_NN_1 a family of ctenophores -02242942 __family_corixidae_NN_1 water bugs -01145766 __falcon_VB_1 hunt with falcons; "The tribes like to falcon in the desert" -05018934 __audibleness_NN_1 quality or fact or degree of being audible or perceptible by the ear -02277556 __satyridae_NN_1 a widely distributed family of butterflies common near the edges of woods -07575510 __teatime_NN_1 a light midafternoon meal of tea and sandwiches or cakes; "an Englishman would interrupt a war to have his afternoon tea" -09034286 __halab_NN_1 a city in northwestern Syria -11930788 __white_sage_NN_1 perennial cottony-white herb of southwestern United States -08149781 __sect_NN_1 a subdivision of a larger religious group -05999797 __scientific_discipline_NN_1 a particular branch of scientific knowledge; "the science of genetics" -11834272 __samphire_NN_1 fleshy maritime plant having fleshy stems with rudimentary scalelike leaves and small spikes of minute flowers; formerly used in making glass -05832745 __onus_NN_1 an onerous or difficult concern; "the burden of responsibility"; "that's a load off my mind" -01474283 __jawless_vertebrate_NN_1 eel-shaped vertebrate without jaws or paired appendages including the cyclostomes and some extinct forms -06240244 __buddhism_NN_2 the teaching of Buddha that life is permeated with suffering caused by desire, that suffering ceases when desire ceases, and that enlightenment obtained through right conduct and wisdom and meditation releases one from desire and suffering and rebirth -06877381 __gape_NN_1 an expression of openmouthed astonishment -13587963 __modulus_of_elasticity_NN_1 (physics) the ratio of the applied stress to the change in shape of an elastic body -10322957 __missionary_NN_1 someone who attempts to convert others to a particular doctrine or program -06392935 __clause_NN_2 a separate section of a legal document (as a statute or contract or will) -02715941 __antiarrhythmic_medication_NN_1 a drug used to treat an abnormal heart rhythm -01457082 __snipefish_NN_1 small bottom-dwelling fish of warm seas having a compressed body and a long snout with a toothless mouth -02912065 __sideboard_NN_3 a piece of furniture that stands at the side of a dining room; has shelves and drawers -14736359 __plasma_protein_NN_1 any of the proteins in blood plasma -01994176 __subclass_branchiopoda_NN_1 primitive aquatic mainly freshwater crustaceans: fairy shrimps; brine shrimps; tadpole shrimps; can shrimps; water fleas -00971463 __support_NN_4 a military operation (often involving new supplies of men and materiel) to strengthen a military force or aid in the performance of its mission; "they called for artillery support" -03866908 __ovral_NN_1 trade name for an oral contraceptive containing estradiol and norgestrel -11927901 __genus_artemisia_NN_1 usually aromatic shrubs or herbs of north temperate regions and South Africa and western South America: wormwood; sagebrush; mugwort; tarragon -02144792 __megaderma_NN_1 type genus of the Megadermatidae -01627786 __hynerpeton_NN_1 earliest fossil amphibian ever found; of the Devonian; found in Pennsylvania -02159197 __orientate_VB_1 determine one's position with reference to another point; "We had to orient ourselves in the forest" -01572489 __icterus_galbula_galbula_NN_1 eastern subspecies of northern oriole -04051068 __ramipril_NN_1 an ACE inhibitor (trade name Altace) used to treat high blood pressure or in some patients who have had a heart attack -10541106 __rubbernecker_NN_1 a person who stares inquisitively -11925720 __genus_argyranthemum_NN_1 comprises plants often included in the genus Chrysanthemum -01563005 __segment_VB_1 divide into segments; "segment an orange"; "segment a compound word" -00860434 __immunologic_response_NN_1 a bodily defense reaction that recognizes an invading substance (an antigen: such as a virus or fungus or bacteria or transplanted organ) and produces antibodies specific against that antigen -11925140 __genus_arctotis_NN_1 herbs and subshrubs: African daisy -02760855 __machine_rifle_NN_1 light machine gun -03328076 __fender_NN_3 a low metal guard to confine falling coals to a hearth -11924445 __clotbur_NN_1 any of several erect biennial herbs of temperate Eurasia having stout taproots and producing burs -02505807 __steamroller_VB_1 bring to a specified state by overwhelming force or pressure; "The Senator steamrollered the bill to defeat" -04866465 __irresolution_NN_2 the trait of being irresolute; lacking firmness of purpose -13509528 __lysis_NN_2 (biochemistry) dissolution or destruction of cells such as blood cells or bacteria -01812866 __columba_fasciata_NN_1 wild pigeon of western North America; often mistaken for the now extinct passenger pigeon -00983982 __psyop_NN_1 military actions designed to influence the perceptions and attitudes of individuals, groups, and foreign governments -02056091 __pygoscelis_NN_1 a genus of Spheniscidae -03573282 __inset_NN_2 an artifact that is inserted or is to be inserted -11921622 __genus_andryala_NN_1 a genus of hardy hairy latex-producing perennials of Mediterranean area -00774506 __tazir_crime_NN_1 (Islam) minor crimes committed by Muslims; crimes that are not mentioned in the Koran so judges are free to punish the offender in any appropriate way; "in some Islamic nations Tazir crimes are set by legislation" -08486538 __wise_men_NN_1 (New Testament) the sages who visited Jesus and Mary and Joseph shortly after Jesus was born; the Gospel According to Matthew says they were guided by a star and brought gifts of gold and frankincense and myrrh; because there were three gifts it is usually assumed that there were three of them -01698144 __family_alligatoridae_NN_1 alligators; caimans -08402693 __diplomatic_mission_NN_1 a mission serving diplomatic ends -11920867 __genus_anacyclus_NN_1 a Spanish pellitory -00120202 __spring_NN_6 a light, self-propelled movement upwards or forwards -01685277 __teiidae_NN_1 whiptails; etc. -11920344 __genus_ammobium_NN_1 small genus of Australian herbs grown for their flowers -14691085 __pollucite_NN_1 a rare mineral that is an important source of cesium -08440630 __tyranny_NN_1 a form of government in which the ruler is an absolute dictator (not restricted by a constitution or laws or opposition etc.) -00216561 __brine_VB_1 soak in brine -11918631 __genus_amberboa_NN_1 herbs of Mediterranean to central Asia cultivated for their flowers -02655694 __genus_diodon_NN_1 type genus of the Diodontidae -01921887 __worm_genus_NN_1 a genus of worms -01234729 __return_NN_10 a reciprocal group action; "in return we gave them as good as we got" -02207890 __repurchase_VB_1 buy what had previously been sold, lost, or given away; "He bought back the house that his father sold years ago" -09114262 __cape_may_NN_1 a cape of southeast New Jersey extending into the Atlantic Ocean -11911591 __family_compositae_NN_1 plants with heads composed of many florets: aster; daisy; dandelion; goldenrod; marigold; lettuces; ragweed; sunflower; thistle; zinnia -02493793 __spider_monkey_NN_1 arboreal monkey of tropical America with long slender legs and long prehensile tail -11910271 __lyreflower_NN_1 garden plant having deep-pink drooping heart-shaped flowers -00572489 __driving_NN_1 hitting a golf ball off of a tee with a driver; "he sliced his drive out of bounds" -11909353 __genus_fumaria_NN_1 annual herbs whose flowers have only one petal spurred at the base -01831078 __todidae_NN_1 a family of birds of the order Coraciiformes -11908718 __stylophorum_NN_1 wood poppies -03694639 __lp_NN_1 a long-playing phonograph record; designed to be played at 33.3 rpm -03076104 __ghq_NN_1 military headquarters from which a military commander controls and organizes the forces -11908077 __tetterwort_NN_1 perennial woodland native of North America having a red root and red sap and bearing a solitary lobed leaf and white flower in early spring and having acrid emetic properties; rootstock used as a stimulant and expectorant -06005518 __parabolic_geometry_NN_1 (mathematics) geometry based on Euclid's axioms -09679316 __protestant_NN_1 an adherent of Protestantism -11907554 __romneya_NN_1 one species: matilija poppy -03100346 __sofa_bed_NN_1 a sofa that can be converted into a bed -11980577 __genus_heliopsis_NN_1 oxeye -10894652 __chekov_NN_1 Russian dramatist whose plays are concerned with the difficulty of communication between people (1860-1904) -11906713 __meconopsis_NN_1 herbs almost entirely of mountains of China and Tibet; often monocarpic -11905989 __hunnemannia_NN_1 one species: golden cup -08243851 __fabian_society_NN_1 an association of British socialists who advocate gradual reforms within the law leading to democratic socialism -11905749 __yellow_horned_poppy_NN_1 yellow-flowered Eurasian glaucous herb naturalized in along sandy shores in eastern North America -11905584 __glaucium_NN_1 herbs of Europe and North Africa and Asia: horned poppy -00356648 __immutable_JJ_1 not subject or susceptible to change or variation in form or quality or nature; "the view of that time was that all species were immutable, created by God" -05036394 __intensiveness_NN_1 high level or degree; the property of being intense -11904896 __genus_dendromecon_NN_1 one species: bush poppy -06373747 __culmination_NN_3 the decisive moment in a novel or play; "the deathbed scene is the climax of the play" -02078159 __otaria_NN_1 type genus of the Otariidae -02830157 __bender_NN_1 a tool for bending; "he used pliers as a bender" -00917759 __culture_NN_7 the raising of plants or animals; "the culture of oysters" -03460674 __griseofulvin_NN_1 a kind of penicillin (a fungicidal antibiotic with the trade name Fulvicin) produced by molds of the genus Penicillium -10044879 __editor_in_chief_NN_1 a person responsible for the editorial aspects of publication; the person who determines the final content of a text (especially of a newspaper or magazine) -11601333 __fern_palm_NN_1 southeastern Indian cycad with palmlike foliage -00090253 __reception_NN_4 the act of receiving -01062395 __set_VB_4 establish as the highest level or best performance; "set a record" -12707781 __citrus_tree_NN_1 any of numerous tropical usually thorny evergreen trees of the genus Citrus having leathery evergreen leaves and widely cultivated for their juicy edible fruits having leathery aromatic rinds -09630641 __unfortunate_person_NN_1 a person who suffers misfortune -12124627 __ryegrass_NN_1 any of several annual or perennial Eurasian grasses -01299476 __waterloo_NN_3 the battle on 18 June 1815 in which Prussian and British forces under Blucher and the Duke of Wellington routed the French forces under Napoleon -00849332 __mock_VB_2 imitate with mockery and derision; "The children mocked their handicapped classmate" -11900986 __papaver_NN_1 type genus of the Papaveraceae; chiefly bristly hairy herbs with usually showy flowers -11899921 __wasabi_NN_1 a Japanese plant of the family Cruciferae with a thick green root -01225783 __slight_NN_1 a deliberate discourteous act (usually as an expression of anger or disapproval) -11655407 __halocarpus_NN_1 dioecious trees or shrubs of New Zealand; similar in habit to Dacrydium -08566028 __terminal_NN_3 either extremity of something that has length; "the end of the pier"; "she knotted the end of the thread"; "they rode to the end of the line"; "the terminals of the anterior arches of the fornix" -11898775 __thlaspi_arvense_NN_1 foetid Eurasian weed having round flat pods; naturalized throughout North America -03355468 __treble_recorder_NN_1 a small fipple flute with four finger holes and two thumb holes -09938991 __titan_NN_1 a person of exceptional importance and reputation -11898639 __pennycress_NN_1 any of several plants of the genus Thlaspi -01473990 __superclass_agnatha_NN_1 superclass of eel-shaped chordates lacking jaws and pelvic fins: lampreys; hagfishes; some extinct forms -11898474 __thlaspi_NN_1 herbs of temperate regions: pennycress -11897760 __stephanomeria_NN_1 malheur wire lettuce -03251533 __graving_dock_NN_1 a large dock from which water can be pumped out; used for building ships or for repairing a ship below its waterline -06375008 __textual_criticism_NN_1 comparison of a particular text with related materials in order to establish authenticity -06106820 __general_theory_of_relativity_NN_1 a generalization of special relativity to include gravity (based on the principle of equivalence) -06529879 __indent_NN_1 an order for goods to be exported or imported -00331950 __movement_NN_1 a change of position that does not entail a change of location; "the reflex motion of his eyebrows revealed his surprise"; "movement is a sign of life"; "an impatient move of his hand"; "gastrointestinal motility" -09740085 __american_revolutionary_leader_NN_1 a nationalist leader in the American Revolution and in the creation of the United States -01289830 __siege_of_orleans_NN_1 a long siege of Orleans by the English was relieved by Joan of Arc in 1429 -03239259 __dress_uniform_NN_1 a military uniform worn on formal occasions -00262076 __overhaul_VB_2 make repairs, renovations, revisions or adjustments to; "You should overhaul your car engine"; "overhaul the health care system" -03024746 __ruffle_NN_2 a high tight collar -11894770 __raphanus_sativus_NN_1 Eurasian plant widely cultivated for its edible pungent root usually eaten raw -11894173 __raphanus_NN_1 radish -09481958 __yellow_sea_NN_1 part of the Pacific off the east coast of Asia -12555720 __parochetus_NN_1 one species: shamrock pea -10206887 __savant_NN_1 someone who has been admitted to membership in a scholarly field -08066763 __carmaker_NN_1 a business engaged in the manufacture of automobiles -02140033 __expose_VB_3 to show, make visible or apparent; "The Metropolitan Museum is exhibiting Goya's works this month"; "Why don't you show your nice legs and wear shorter skirts?"; "National leaders will have to display the highest skills of statesmanship" -02226172 __motorize_VB_1 equip with a motor vehicle; "The police around here are not motorized and patrol the streets on horseback" -03030880 __cigarette_butt_NN_1 small part of a cigarette that is left after smoking -08978343 __republic_of_paraguay_NN_1 a landlocked republic in south central South America; achieved independence from Spain in 1811 -04456276 __tormentor_NN_2 a flat at each side of the stage to prevent the audience from seeing into the wings -11891541 __silver_dollar_NN_2 southeastern European plant cultivated for its fragrant purplish flowers and round flat papery silver-white seedpods that are used for indoor decoration -11891395 __lunaria_NN_1 small genus of European herbs: honesty -01071155 __reprobate_VB_2 abandon to eternal damnation; "God reprobated the unrepenting sinner" -11890723 __lesquerella_NN_1 genus of low-growing hairy herbs: bladderpods -11890507 __pepperwort_NN_2 annual herb used as salad green and garnish -11889205 __tansy-leaved_rocket_NN_1 perennial stellate and hairy herb with small yellow flowers of mountains of southern Europe; sometimes placed in genus Sisymbrium -11536778 __division_bryophyta_NN_1 a division of nonflowering plants characterized by rhizoids rather than true roots and having little or no organized vascular tissue and showing alternation of generations between gamete-bearing forms and spore-bearing forms; comprises true mosses (Bryopsida) and liverworts (Hepaticopsida) and hornworts (Anthoceropsida) -01146288 __immobilizing_NN_1 the act of limiting movement or making incapable of movement; "the storm caused complete immobilization of the rescue team" -10318193 __mill-girl_NN_1 a girl who works in a mill -11962500 __genus_echinops_NN_1 genus of Mediterranean and Eurasian herbs: globe thistles -04563204 __waterwheel_NN_2 a wheel that rotates by direct action of water; a simple turbine -04564698 __way_NN_6 any artifact consisting of a road or path affording passage from one place to another; "he said he was looking for the way out" -11887119 __wallflower_NN_1 any of numerous plants of the genus Erysimum having fragrant yellow or orange or brownish flowers -12504094 __amorpha_NN_1 any plant of the genus Amorpha having odd-pinnate leaves and purplish spicate flowers -11885292 __wall_rocket_NN_1 yellow-flowered European plant that grows on old walls and in waste places; an adventive weed in North America -00845523 __sexual_relation_NN_1 the act of sexual procreation between a man and a woman; the man's penis is inserted into the woman's vagina and excited until orgasm and ejaculation occur -03265874 __simulacrum_NN_2 a representation of a person (especially in the form of sculpture); "the coin bears an effigy of Lincoln"; "the emperor's tomb had his image carved in stone" -00195813 __defoliate_VB_1 strip the leaves or branches from; "defoliate the trees with pesticides" -02418341 __oreamnos_NN_1 mountain goats -03258730 __smock_NN_1 a loose coverall (coat or frock) reaching down to the ankles -14766364 __antifreeze_NN_1 a liquid added to the water in a cooling system to lower its freezing point -09005273 __khabarovsk_NN_2 an administrative territory in Russia on the eastern coast of Siberia -14777523 __mylanta_NN_1 an antacid -11882074 __meadow_cress_NN_1 a bitter cress of Europe and America -03177349 __repository_NN_1 a facility where things can be deposited for storage or safekeeping -05912552 __road_map_NN_1 a detailed plan or explanation to guide you in setting standards or determining a course of action; "the president said he had a road map for normalizing relations with Vietnam" -02181599 __tribolium_NN_1 flour beetles -05465868 __brain_cell_NN_1 a nerve cell in the brain -11881563 __genus_dentaria_NN_1 usually included in genus Cardamine; in some classifications considered a separate genus -11881426 __genus_cardamine_NN_1 bittercress, bitter cress -01431132 __scarf_VB_1 masturbate while strangling oneself -07554856 __empathy_NN_1 understanding and entering into another's feelings -11880791 __gold_of_pleasure_NN_1 annual European false flax having small white flowers; cultivated since Neolithic times as a source of fiber and for its oil-rich seeds; widely naturalized in North America -11880610 __genus_camelina_NN_1 annual and biennial herbs of Mediterranean to central Asia -01338908 __herpes_simplex_virus_NN_1 a herpes virus that affects the skin and nervous system -03692379 __loungewear_NN_1 clothing suitable for relaxation -01873850 __subclass_metatheria_NN_1 pouched animals -04668713 __emasculation_NN_1 loss of power and masculinity -05305806 __lip_NN_1 either of two fleshy folds of tissue that surround the mouth and play a role in speaking -03812924 __naval_weaponry_NN_1 weaponry for warships -06438477 __lamentations_NN_1 an Old Testament book lamenting the desolation of Judah after the destruction of Jerusalem in 586 BC; traditionally attributed to the prophet Jeremiah -02306672 __lasiocampa_NN_1 type genus of the Lasiocampidae: eggars -04746842 __equivalence_NN_3 qualities that are comparable; "no comparison between the two books"; "beyond compare" -11877860 __turnip_cabbage_NN_1 a cruciferous plant with a thick bulbous edible yellow root -11877646 __white_turnip_NN_1 widely cultivated plant having a large fleshy edible white or yellow root -11877473 __turnip_plant_NN_1 any of several widely cultivated plants having edible roots -02296612 __heliothis_zia_NN_2 medium-sized moth whose larvae are corn earworms -01472638 __amniotic_sac_NN_1 thin innermost membranous sac enclosing the developing embryo of higher vertebrates (reptiles, birds and mammals) -09882716 __businessperson_NN_1 a capitalist who engages in industrial commercial enterprise -05964643 __monism_NN_1 the doctrine that reality consists of a single basic substance or element -11877193 __collard_NN_1 variety of kale having smooth leaves -11876976 __kale_NN_2 a hardy cabbage with coarse curly leaves that do not form a head -05515287 __ovary_NN_2 (vertebrates) one of usually two organs that produce ova and secrete estrogen and progesterone -10339966 __musician_NN_2 artist who composes or conducts music as a profession -05520699 __placenta_NN_2 the vascular structure in the uterus of most mammals providing oxygen and nutrients for and transferring wastes from the developing fetus -00452293 __hunting_NN_1 the pursuit and killing or capture of wild animals regarded as a sport -00040353 __neaten_VB_2 care for one's external appearance; "He is always well-groomed" -04470037 __trandolapril_NN_1 an ACE inhibiting drug (trade name Mavik) used in some patients after a heart attack or to treat hypertension -11872973 __red_cole_NN_1 coarse Eurasian plant cultivated for its thick white pungent root -11872850 __genus_armoracia_NN_1 horseradish -02338029 __ondatra_NN_1 muskrats -05282433 __teeth_NN_1 the kind and number and arrangement of teeth (collectively) in a person or animal -09537660 __messiah_NN_1 any expected deliverer -11872473 __tower_mustard_NN_2 European cress having stiff erect stems; sometimes placed in genus Turritis -11872146 __rockcress_NN_2 any of several rock-loving cresses of the genus Arabis -06805497 __tattoo_NN_1 a drumbeat or bugle call that signals the military to return to their quarters -14258609 __arteritis_NN_1 inflammation of an artery -11871916 __genus_arabis_NN_1 annual to perennial woody herbs of temperate North America, Europe and Asia: rockcress -12636885 __five-finger_NN_1 any of a numerous plants grown for their five-petaled flowers; abundant in temperate regions; alleged to have medicinal properties -00367976 __spreading_NN_3 act of extending over a wider scope or expanse of space or time -04934043 __genotype_NN_2 the particular alleles at specified loci present in an organism -02608708 __halicoeres_NN_1 a genus of Labridae -11870418 __sauce-alone_NN_1 European herb that smells like garlic -11867525 __mustard_family_NN_1 a large family of plants with four-petaled flowers; includes mustards, cabbages, broccoli, turnips, cresses, and their many relatives -01180200 __contempt_NN_4 a willful disobedience to or disrespect for the authority of a court or legislative body -11867070 __polanisia_NN_1 widely distributed herbs having palmate leaves and creamy white to or pink to magenta flowers with many stamens of unequal length -08941208 __brittany_NN_1 a former province of northwestern France on a peninsula between the English Channel and the Bay of Biscay -01607590 __clap_VB_1 put quickly or forcibly; "The judge clapped him in jail" -08024408 __people's_republican_army_NN_1 a radical terrorist group dedicated to the removal of British forces from Northern Ireland and the unification of Ireland -04596852 __woman's_clothing_NN_1 clothing that is designed for women to wear -04842313 __malice_NN_2 the quality of threatening evil -11700401 __strawberry-shrub_family_NN_1 shrubs or small trees having aromatic bark; the eastern United States and eastern Asia -02677797 __tangle_VB_1 force into some kind of situation, condition, or course of action; "They were swept up by the events"; "don't drag me into this business" -01966377 __pecten_irradians_NN_1 a small scallop inhabiting shallow waters and mud flats of the Atlantic coast of North America -01727490 __reprize_VB_1 repeat an earlier theme of a composition -11864114 __talinum_spinescens_NN_1 low cushion-forming plant with rose to crimson-magenta flowers and leaf midribs that persist as spines when the leaves die; southwestern United States -01417553 __genus_noctiluca_NN_1 a genus of protoctist -11633116 __genus_austrocedrus_NN_1 one species; formerly included in genus Libocedrus -00415988 __ambages_NN_1 (archaic) roundabout or mysterious ways of action -01144716 __warm-up_NN_1 exercising in preparation for strenuous activity -11862300 __spraguea_umbellatum_NN_1 pink clusters of densely packed flowers on prostrate stems resemble upturned pads of cats' feet; grow in coniferous forests of western North America -07368482 __defervescence_NN_1 abatement of a fever as indicated by a reduction in body temperature -02618513 __sand_launce_NN_1 very small silvery eellike schooling fishes that burrow into sandy beaches -11861021 __indian_lettuce_NN_1 a plant of the genus Montia having edible pleasant-tasting leaves -00227667 __screw_up_VB_1 make more intense; "Emotions were screwed up" -08524735 __urban_center_NN_1 a large and densely populated urban area; may include several independent administrative districts; "Ancient Troy was a great city" -00583990 __inconstant_JJ_1 likely to change frequently often without apparent or cogent reason; variable; "inconstant affections"; "an inconstant lover"; "swear not by...the inconstant moon"- Shakespeare -11858814 __redmaids_NN_1 succulent carpet-forming plant having small brilliant reddish-pink flowers; southwestern United States -13991823 __freedom_NN_1 the condition of being free; the power to act or speak or think without externally imposed restraints -01782516 __red_spider_mite_NN_1 small web-spinning mite; a serious orchard pest -03488438 __handset_NN_1 telephone set with the mouthpiece and earpiece mounted on a single handle -05385534 __liver_NN_1 large and complicated reddish-brown glandular organ located in the upper right portion of the abdominal cavity; secretes bile and functions in metabolism of protein and carbohydrate and fat; synthesizes substances involved in the clotting of the blood; synthesizes vitamin A; detoxifies poisonous substances and breaks down worn-out erythrocytes -03021531 __leukeran_NN_1 an alkalating agent (trade name Leukeran) used to treat some kinds of cancer -11779300 __arum_NN_2 any plant of the family Araceae; have small flowers massed on a spadix surrounded by a large spathe -00424599 __inhuman_treatment_NN_1 a cruel act; a deliberate infliction of pain and suffering -03611590 __ketamine_hydrochloride_NN_1 a general anesthetic and tranquilizer (not a barbiturate) that is administered intravenously or intramuscularly; used mainly by veterinarians or for minor surgery with geriatric or pediatric patients; taken in large doses it causes hallucinations similar to those associated with the use of PCP -01998920 __lepadidae_NN_1 goose barnacles -11856573 __rougeberry_NN_1 bushy houseplant having white to pale pink flowers followed by racemes of scarlet berries; tropical Americas -02564986 __willing_JJ_1 disposed or inclined toward; "a willing participant"; "willing helpers" -03441930 __micronase_NN_1 an oral antidiabetic drug (trade names DiaBeta and Micronase) that stimulates the release of insulin from the pancreas -07061334 __gospel_singing_NN_1 folk music consisting of a genre of a cappella music originating with Black slaves in the United States and featuring call and response; influential on the development of other genres of popular music (especially soul) -07169848 __commandment_NN_1 something that is commanded -03299006 __etanercept_NN_1 a genetically engineered anti-TNF compound (trade name Enbrel) consisting of receptors that bind TNF; it is injected twice a week in the treatment of rheumatoid arthritis -08189371 __minstrel_show_NN_1 a troupe of performers in blackface typically giving a comic program of negro songs and jokes -14252864 __eye_disease_NN_1 any disease of the eye -00624436 __least_resistance_NN_1 the least effortful way to do something -04236001 __wagon-lit_NN_1 a passenger car that has berths for sleeping -01841947 __astrogate_VB_2 navigate in space -06615561 __attraction_NN_2 an entertainment that is offered to the public -01416193 __thresh_VB_4 give a thrashing to; beat hard -03201208 __dining_table_NN_1 a table at which meals are served; "he helped her clear the dining table"; "a feast was spread upon the board" -11851395 __opuntia_NN_1 large genus of cactuses native to America: prickly pears -04481946 __tricolour_tube_NN_1 a color television tube in which three primary colors are combined to give the full range of colors -01521980 __order_aepyorniformes_NN_1 huge extinct flightless birds: elephant birds -11996792 __nabalus_NN_1 genus of North American and east Asian perennial herbs; sometimes included in genus Prenanthes -00738966 __dereliction_NN_2 willful negligence -11850748 __pediocactus_NN_1 low-growing cacti of the Great Plains of North America -11850521 __myrtillocactus_geometrizans_NN_1 arborescent cactus of western Mexico bearing a small oblong edible berrylike fruit -12916356 __tectona_NN_1 small genus of southeastern Asian tropics: teak -10837918 __st._basil_the_great_NN_1 (Roman Catholic Church) the bishop of Caesarea who defended the Roman Catholic Church against the heresies of the 4th century; a saint and Doctor of the Church (329-379) -05514905 __male_genitals_NN_1 external male sex organs -11290984 __seeger_NN_1 United States folk singer who was largely responsible for the interest in folk music in the 1960s (born in 1919) -11847841 __hatiora_NN_1 small genus of South American epiphytic or lithophytic cacti -00183090 __wondrously_RB_1 (used as an intensifier) extremely well; "her voice is superbly disciplined"; "the colors changed wondrously slowly" -11846970 __genus_ferocactus_NN_1 genus of nearly globular cacti of Mexico and southwestern United States: barrel cacti -11537665 __moss_family_NN_1 a family of mosses -01989869 __stomatopod_crustacean_NN_1 a kind of crustacean -11844651 __genus_cereus_NN_1 genus of much-branched treelike or shrubby cacti with pronounced ribs and rounded needlelike spines and nocturnal flowers usually white -04154152 __screw_propeller_NN_1 a propeller with several angled blades that rotates to push against water or air -07821260 __waldmeister_NN_2 fragrant dark green leaves used to flavor May wine -14940100 __liquid_NN_3 fluid matter having no fixed shape but a fixed volume -02205523 __simulium_NN_1 type genus of the Simuliidae: blackflies -08508834 __point_of_departure_NN_1 a place from which an enterprise or expedition is launched; "one day when I was at a suitable jumping-off place I decided to see if I could find him"; "my point of departure was San Francisco" -02060016 __genus_fulmarus_NN_1 fulmars -06567400 __compatible_software_NN_2 software that can run on different computers without modification -11839297 __mirabilis_NN_1 four o'clocks -07909593 __drambuie_NN_1 a sweet Scotch whisky liqueur -11838741 __genus_bougainvillea_NN_1 ornamental tropical woody vines -02311544 __crooked_JJ_1 having or marked by bends or angles; not straight or aligned; "crooked country roads"; "crooked teeth" -00329819 __overflow_NN_1 a large flow -06234825 __muslimism_NN_2 the monotheistic religious system of Muslims founded in Arabia in the 7th century and based on the teachings of Muhammad as laid down in the Koran; "Islam is a complete way of life, not a Sunday religion"; "the term Muhammadanism is offensive to Muslims who believe that Allah, not Muhammad, founded their religion" -03038685 __schoolroom_NN_1 a room in a school where lessons take place -05359828 __cardinal_vein_NN_1 any of the major venous channels in primitive adult vertebrates and in embryos of higher vertebrates -07545303 __protectiveness_NN_1 a feeling of protective affection -02194138 __savour_VB_2 give taste to -07042023 __septette_NN_4 a musical composition written for seven performers -09301249 __hampton_roads_NN_1 a channel in southeastern Virginia through which the Elizabeth River and the James River flow into Chesapeake Bay -01979395 __ovalipes_NN_1 a genus of Portunidae -11836137 __nyctaginia_NN_1 a caryophyllaceous genus of the family Nyctaginaceae having only one species -05289861 __striated_muscle_NN_1 a muscle that is connected at either or both ends to a bone and so move parts of the skeleton; a muscle that is characterized by transverse stripes -01698434 __gator_NN_1 either of two amphibious reptiles related to crocodiles but with shorter broader snouts -11834148 __salicornia_NN_1 glassworts -04800359 __originality_NN_2 the quality of being new and original (not derived from something else) -02515214 __lobefin_NN_1 any fish of the order Crossopterygii; most known only in fossil form liable to sin; "a frail and peccable mortal"- Sir Walter Scott -00160688 __sexual_conquest_NN_1 a seduction culminating in sexual intercourse; "calling his seduction of the girl a `score' was a typical example of male slang" -04601041 __workhouse_NN_2 a county jail that holds prisoners for periods up to 18 months -03757723 __mews_NN_1 street lined with buildings that were originally private stables but have been remodeled as dwellings; "she lives in a Chelsea mews" -02910864 __buckskins_NN_1 breeches made of buckskin -07395623 __squeak_NN_1 a short high-pitched noise; "the squeak of shoes on powdery snow" -11832108 __genus_beta_NN_1 beets -05510358 __lower_respiratory_tract_NN_1 the bronchi and lungs -07032753 __crossover_NN_3 the appropriation of a new style (especially in popular music) by combining elements of different genres in order to appeal to a wider audience; "a jazz-classical crossover album" -10058777 __enlisted_person_NN_1 a serviceman who ranks below a commissioned officer -05774415 __inductive_reasoning_NN_1 reasoning from detailed facts to general principles -11830906 __saltbush_NN_1 any of various shrubby plants of the genus Atriplex that thrive in dry alkaline soil -09707400 __mordvinian_NN_1 a member of the agricultural people living in the central Volga provinces of European Russia -12818742 __genus_cynoglossum_NN_1 a large genus of tall rough herbs belonging to the family Boraginaceae -07535209 __sorrowfulness_NN_2 a state of gloomy sorrow -01724459 __spiel_VB_1 replay (as a melody); "Play it again, Sam"; "She played the third movement very beautifully" -00817680 __protection_NN_1 the activity of protecting someone or something; "the witnesses demanded police protection" -06838005 __mem_NN_1 the 13th letter of the Hebrew alphabet -05279026 __rib_NN_2 any of the 12 pairs of curved arches of bone extending from the spine to or toward the sternum in humans (and similar bones in most vertebrates) -04011409 __propanolol_NN_1 the first beta blocker (trade name Inderal) used in treating hypertension and angina pectoris and essential tremor -07823951 __curry_NN_1 (East Indian cookery) a pungent dish of vegetables or meats flavored with curry powder and usually eaten with rice -10313580 __microbiologist_NN_1 a specialist in microbiology -14650807 __potassium_NN_1 a light soft silver-white metallic element of the alkali metal group; oxidizes rapidly in air and reacts violently with water; is abundant in nature in combined forms occurring in sea water and in carnallite and kainite and sylvite -10814953 __woody_allen_NN_1 United States filmmaker and comic actor (1935-) -04143897 __scarf_NN_1 a garment worn around the head or neck or shoulders for warmth or decoration -04244997 __small_boat_NN_1 a boat that is small -05447599 __bone_cell_NN_1 a cell that is part of a bone -06401328 __transition_NN_5 a passage that connects a topic to one that follows -06560254 __answer_NN_4 the principal pleading by the defendant in response to plaintiff's complaint; in criminal law it consists of the defendant's plea of `guilty' or `not guilty' (or nolo contendere); in civil law it must contain denials of all allegations in the plaintiff's complaint that the defendant hopes to controvert and it can contain affirmative defenses or counterclaims -06888674 __trailer_NN_2 an advertisement consisting of short scenes from a motion picture that will appear in the near future -03093574 __consumer_goods_NN_1 goods (as food or clothing) intended for direct use or consumption -11825013 __genus_celosia_NN_1 annual or perennial herbs or vines of tropical and subtropical America and Asia and Africa -11824548 __genus_alternanthera_NN_1 genus of low herbs of tropical America and Australia; includes genus Telanthera -11892460 __matthiola_NN_1 genus of Old World plants grown as ornamentals -11823043 __amaranth_NN_2 any of various plants of the genus Amaranthus having dense plumes of green or red flowers; often cultivated for food -00452098 __water_VB_4 fill with tears; "His eyes were watering" -06792645 __radio_beam_NN_1 a signal transmitted along a narrow path; guides airplane pilots in darkness or bad weather -06427831 __redaction_NN_1 putting something (as a literary work or a legislative bill) into acceptable form -11822300 __tetragonia_tetragonioides_NN_1 coarse sprawling Australasian plant with red or yellow flowers; cultivated for its edible young shoots and succulent leaves -00740577 __intercommunicate_VB_2 transmit thoughts or feelings; "He communicated his anxieties to the psychiatrist" -00594836 __managership_NN_1 the position of manager -11820323 __genus_lithops_NN_1 genus of stemless South African succulents -01860497 __screamer_NN_3 gooselike aquatic bird of South America having a harsh trumpeting call -03585438 __irons_NN_1 metal shackles; for hands or legs -11819751 __genus_dorotheanthus_NN_1 a caryophyllaceous genus of Dorotheanthus -01419473 __vex_VB_3 change the arrangement or position of -03475118 __santa_sophia_NN_1 a 6th century masterpiece of Byzantine architecture in Istanbul; built as a Christian church, converted to a mosque in 1453, and made into a museum in the middle of the 20th century -04184435 __shaping_machine_NN_1 a machine tool for shaping metal or wood -06501748 __ship's_papers_NN_1 official papers which a ship is legally required to have; related to ownership, cargo, etc. -11817774 __stellaria_NN_1 common chickweed; stitchwort -08964099 __east_malaysia_NN_1 the part of Malaysia that is on the island of Borneo -00592199 __eldership_NN_1 the office of elder -11817000 __spergula_NN_1 small genus of Old World annual herbs: corn spurry -02458822 __megathere_NN_1 gigantic extinct terrestrial sloth-like mammal of the Pliocene and Pleistocene in America -11816336 __white_cockle_NN_1 bluish-green herb having sticky stems and clusters of large evening-opening white flowers with much-inflated calyx; sometimes placed in genus Lychnis -11816121 __silene_dioica_NN_1 biennial European catchfly having red or pink flowers; sometimes placed in genus Lychnis -11815491 __silene_NN_1 any plant of the genus Silene -11815194 __genus_silene_NN_1 large widely distributed genus of plants having mostly showy flowers of various colors: campion; catchfly -11814238 __pearlwort_NN_1 any of various low-growing plants of the genus Sagina having small spherical flowers resembling pearls -12331066 __pimento_tree_NN_1 aromatic West Indian tree that produces allspice berries -11813830 __petrocoptis_NN_1 perennial tussock-forming rock plants; of Pyrenees and mountains of northern Spain; similar to and sometimes placed in genus Lychnis -03739327 __meclomen_NN_1 a nonsteroidal anti-inflammatory (trade name Meclomen) used to treat arthritis -02316707 __echinoderm_NN_1 marine invertebrates with tube feet and five-part radially symmetrical bodies -11812573 __moehringia_NN_1 low-growing herbs widely distributed in temperate and Arctic northern hemisphere: sandworts; distinguished from members of the genus Arenaria mainly by having four-petaled rather than five-petaled flowers -02663849 __sole_NN_4 right-eyed flatfish; many are valued as food; most common in warm seas especially European -01173826 __slugfest_NN_1 a fight with bare fists -06681177 __news_NN_2 information reported in a newspaper or news magazine; "the news of my death was greatly exaggerated" -12202712 __tilia_NN_1 deciduous trees with smooth usually silver-grey bark of North America and Europe and Asia: lime trees; lindens; basswood -11810190 __gypsophila_NN_1 Mediterranean herbs having small white or pink flowers -03846772 __omnidirectional_antenna_NN_1 an antenna that sends or receives signals equally in all directions -01545303 __menuridae_NN_1 lyrebirds -11807979 __pink_NN_2 any of various flowers of plants of the genus Dianthus cultivated for their fragrant flowers -10725280 __translator_NN_1 a person who translates written messages from one language to another -01848648 __wigeon_NN_1 freshwater duck of Eurasia and northern Africa related to mallards and teals -09665545 __penutian_NN_2 a member of a North American Indian people speaking one of the Penutian languages -11807849 __genus_dianthus_NN_1 carnations and pinks -11807367 __field_mouse-ear_NN_1 densely tufted perennial chickweed of north temperate zone -01524523 __swamp_VB_2 fill quickly beyond capacity; as with a liquid; "the basement was inundated after the storm"; "The images flooded his mind" -05115568 __plenty_NN_1 a full supply; "there was plenty of food for everyone" -10113249 __frontierswoman_NN_1 a woman who lives on the frontier -06857591 __roulade_NN_2 (music) an elaborate run of several notes sung to one syllable -11770256 __dita_bark_NN_1 evergreen tree of eastern Asia and Philippines having large leathery leaves and small green-white flowers in compact cymes; bark formerly used medicinally -13030852 __peziza_coccinea_NN_1 a scarlet European fungus with cup-shaped ascocarp -11805380 __genus_agrostemma_NN_1 a caryophylloid dicot genus including corn cockles -08180639 __working_class_NN_1 a social class comprising those who do manual labor or work for wages; "there is a shortage of skilled labor in this field" -11804082 __order_caryophyllales_NN_1 corresponds approximately to the older group Centrospermae -02516594 __step_VB_4 treat badly; "This boss abuses his workers"; "She is always stepping on others to get ahead" -01823013 __cuckoo_NN_2 any of numerous European and North American birds having pointed wings and a long tail -03978421 __polling_booth_NN_1 a temporary booth in a polling place which people enter to cast their votes -08755214 __barbados_NN_2 easternmost of the West Indies about 300 miles to the north of Venezuela -02366105 __kern_VB_1 furnish with a kern -11802076 __genus_asarum_NN_1 wild ginger -11014450 __gregory_xii_NN_1 the Italian pope from 1406 to 1415 who worked to end the Great Schism and who retired to make it possible (1327-1417) -10716005 __tormentor_NN_1 someone who torments -13460299 __devolution_NN_1 the process of declining from a higher to a lower level of effective power or vitality or essential quality -11801247 __genus_aristolochia_NN_1 birthworts; Dutchman's-pipe -04445327 __toggle_NN_3 a fastener consisting of a peg or pin or crosspiece that is inserted into an eye at the end of a rope or a chain or a cable in order to fasten it to something (as another rope or chain or cable) -00358290 __pulverization_NN_2 the act of grinding to a powder or dust -06417096 __breviary_NN_1 (Roman Catholic Church) a book of prayers to be recited daily certain priests and members of religious orders -05227209 __carina_NN_2 any of various keel-shaped structures or ridges such as that on the breastbone of a bird or that formed by the fused petals of a pea blossom -04624959 __nervousness_NN_3 a sensitive or highly strung temperament -06655388 __principle_NN_5 rule of personal conduct -07537973 __demoralization_NN_3 depression resulting from an undermining of your morale -11800020 __sang_NN_1 North American woodland herb similar to and used as substitute for the Chinese ginseng -11799158 __meryta_NN_1 small to medium evergreen dioecious trees of oceanic climates: puka -00071864 __bobble_NN_1 the momentary juggling of a batted or thrown baseball; "the second baseman made a bobble but still had time to throw the runner out" -12743232 __genus_dimocarpus_NN_1 longan -03138981 __crown_NN_12 the center of a cambered road -00955987 __resistance_NN_4 the military action of resisting the enemy's advance; "the enemy offered little resistance" -05138208 __worth_NN_2 the quality that renders something desirable or valuable or useful -07817599 __costmary_NN_2 leaves used sparingly (because of bitter overtones) in sauces and soups and stuffings -11797722 __wild_sarsparilla_NN_1 common perennial herb having aromatic roots used as a substitute for sarsaparilla; central and eastern North America -00076323 __howler_NN_3 a glaring blunder -02566528 __violate_VB_2 act in disregard of laws, rules, contracts, or promises; "offend all laws of humanity"; "violate the basic laws or human civilization"; "break a law"; "break a promise" -02739578 __hemopoietic_JJ_1 pertaining to the formation of blood or blood cells; "hemopoietic stem cells in bone marrow" -11796744 __ivy_family_NN_1 mostly tropical trees and shrubs and lianas: genera Panax and Hedera -01631175 __pacific_newt_NN_1 any of several rough-skinned newts found in western North America -11795774 __wolffia_NN_1 minute rootless aquatic herbs having globular fronds floating on or near the water surface and bearing one flower per frond -11795366 __spirodela_NN_1 minute aquatic herbs floating on the water surface consisting of a shiny leaflike frond and 2-21 roots -07314838 __tragedy_NN_1 an event resulting in great loss and misfortune; "the whole city was affected by the irremediable calamity"; "the earthquake was a disaster" -01319187 __stunt_NN_2 a creature (especially a whale) that has been prevented from attaining full growth -12671898 __genus_diervilla_NN_1 small genus of low deciduous shrubs: bush honeysuckles -00235435 __start_NN_5 the act of starting something; "he was responsible for the beginning of negotiations" -11793779 __zantedeschia_aethiopica_NN_1 South African plant widely cultivated for its showy pure white spathe and yellow spadix -11793651 __zantedeschia_NN_1 calla lily -01610463 __break_up_VB_9 destroy the completeness of a set of related items; "The book dealer would not break the set" -13333833 __stock_NN_1 the capital raised by a corporation through the issue of shares entitling holders to an ownership interest (equity); "he owns a controlling share of the company's stock" -04457326 __torpedo_boat_NN_1 small high-speed warship designed for torpedo attacks in coastal waters -08579352 __grainfield_NN_1 a field where grain is grown -04305016 __stassano_furnace_NN_1 an electric furnace in which an electric arc provides the source of heat for making steel -03817647 __wrapper_NN_1 a loose dressing gown for women -05284333 __vertebra_NN_1 one of the bony segments of the spinal column -11791446 __genus_pistia_NN_1 one species: water lettuce -09936362 __gatherer_NN_2 a person who is employed to collect payments (as for rent or taxes) -02165754 __perambulate_VB_1 genus of ladybugs make an official inspection on foot of (the bounds of a property); "Selectmen are required by law to perambulate the bounds every five years" -01681513 __urosaurus_NN_1 a reptile genus of Iguanidae -06778777 __tag_line_NN_1 the point of a joke or humorous story -00521562 __presentment_NN_3 a show or display; the act of presenting something to sight or view; "the presentation of new data"; "he gave the customer a demonstration" -11020721 __woody_guthrie_NN_1 United States folk singer and songwriter (1912-1967) -11790239 __orontium_NN_1 one species of aquatic plant: golden club -12581230 __palmales_NN_1 coextensive with the family Palmae: palms -03487090 __handlebar_NN_1 the shaped bar used to steer a bicycle -07051975 __words_NN_2 the text of a popular song or musical-comedy number; "his compositions always started with the lyrics"; "he wrote both words and music"; "the song uses colloquial language" -01449053 __pull_back_VB_3 move to a rearward position; pull towards the back; "Pull back your arms!" -11789796 __genus_nephthytis_NN_1 small genus of tropical western African creeping or twining herbs -14060688 __learning_disorder_NN_1 a disorder found in children of normal intelligence who have difficulties in learning specific skills -04302988 __stanley_steamer_NN_1 a steam-powered automobile -06665108 __protocol_NN_1 (computer science) rules determining the format and transmission of data -06100555 __nucleonics_NN_1 the branch of physics that studies the internal structure of atomic nuclei -09339810 __lithosphere_NN_1 the solid part of the earth consisting of the crust and outer mantle -02663086 __psetta_NN_1 a genus of Bothidae -00344942 __squatting_NN_2 the act of assuming or maintaining a crouching position with the knees bent and the buttocks near the heels -00732746 __wrongful_conduct_NN_1 activity that transgresses moral or civil law; "he denied any wrongdoing" -12846546 __genus_elsholtzia_NN_1 genus of Asiatic and African aromatic herbs -05511618 __circulatory_system_NN_1 the organs and tissues involved in circulating blood and lymph through the body -05301908 __mouth_NN_2 the externally visible part of the oral cavity on the face and the system of organs surrounding the opening; "she wiped lipstick from her mouth" -00943563 __talk_of_VB_1 discuss or mention; "They spoke of many things" -00348571 __waver_NN_3 the act of moving back and forth -11788382 __green_dragon_NN_1 European arum resembling the cuckoopint -11788223 __genus_dracunculus_NN_1 tuberous herbaceous perennials: dragon arum -00356199 __depletion_NN_1 the act of decreasing something markedly -08783583 __mytilene_NN_1 an island of eastern Greece in the eastern Aegean Sea; in antiquity it was famous for lyric poetry -11787892 __genus_dracontium_NN_1 small genus of tropical American cormous herbs -11787625 __mother-in-law_plant_NN_1 an evergreen plant with large showy dark green leaves; contains a poison that swells the tongue and throat hence the name -11787391 __genus_dieffenbachia_NN_1 evergreen perennial herbs of tropical America with lush foliage and poisonous sap; often cultivated as houseplants -02080482 __wash_up_VB_2 carry somewhere (of water or current or waves); "The tide washed up the corpse" -02247584 __sell_up_VB_1 get rid of all one's merchandise -01648818 __pelobatidae_NN_1 the amphibian family of spadefoot toads -05954366 __kabbalism_NN_1 the doctrines of the Kabbalah -12662772 __coffee_tree_NN_1 any of several small trees and shrubs native to the tropical Old World yielding coffee beans -05648756 __rustiness_NN_2 ineptitude or awkwardness as a consequence of age or lack of practice; "his rustiness showed when he was asked to speed up" -02482139 __segregate_VB_1 separate by race or religion; practice a policy of racial segregation; "This neighborhood is segregated"; "We don't segregate in this county" -07748574 __ugli_fruit_NN_2 large sweet juicy hybrid between tangerine and grapefruit having a thick wrinkled skin -02920503 __dugout_NN_3 a fortification of earth; mostly or entirely below ground -01029406 __rite_NN_1 an established ceremony prescribed by a religion; "the rite of baptism" -01122194 __rival_VB_2 be the rival of, be in competition with; "we are rivaling for first place in the race" -08082236 __christianity_NN_2 the collective body of Christians throughout the world and history (found predominantly in Europe and the Americas and Australia); "for a thousand years the Roman Catholic Church was the principal church of Christendom" -03476684 __hair_slide_NN_1 a decorative hinged clip that girls and women put in their hair to hold it in place -00402535 __filling_NN_6 the act of filling something -01013316 __reclassification_NN_1 classifying something again (usually in a new category) -11782878 __telingo_potato_NN_1 putrid-smelling aroid of southeastern Asia (especially the Philippines) grown for its edible tuber -10042690 __eavesdropper_NN_1 a secret listener to private conversations -03804311 __nadolol_NN_1 a beta-adrenergic blocking agent (trade name Corgard) that is used to treat hypertension and angina -04374735 __temple_NN_4 (Judaism) the place of worship for a Jewish congregation -11781301 __calamus_oil_NN_1 carcinogenic oil from calamus root used as a perfume -11781176 __calamus_NN_2 the aromatic root of the sweet flag used medicinally -11780930 __sweet_flag_NN_1 perennial marsh plant having swordlike leaves and aromatic roots -04806169 __reproducibility_NN_1 the quality of being reproducible -11780747 __subfamily_acoraceae_NN_1 used in some classifications for the genus Acorus which is usually assigned to Araceae -00798108 __speleology_NN_2 the pastime of exploring caves -03296759 __esmolol_NN_1 intravenous beta blocker (trade name Brevibloc) that acts for only a short time; used primarily for cardiac arrhythmias -02408217 __tribe_bubalus_NN_1 in some classification systems included in genus Bos; water buffaloes -09887034 __reckoner_NN_1 an expert at calculation (or at operating calculating machines) -11778534 __family_araceae_NN_1 anthurium; calla lily; jack-in-the-pulpit; philodendron -00571609 __swing_NN_7 the act of swinging a golf club at a golf ball and (usually) hitting it -01653013 __create_from_raw_stuff_VB_1 make from scratch -00209301 __rustication_NN_4 temporary dismissal of a student from a university -13151975 __water_dragon_NN_1 North American herbaceous perennial of wet places having slender curled racemes of small white flowers -00824066 __reprove_VB_1 take to task; "He admonished the child for his bad behavior" -02339171 __yield_VB_1 be the cause or source of; "He gave me a lot of trouble"; "Our meeting afforded much interesting information" -11775780 __genus_strophanthus_NN_1 genus of tropical Asiatic and African shrubs and woody vines and small trees -03208556 __disk_NN_2 a flat circular plate -01671125 __gopherus_polypemus_NN_1 burrowing edible land tortoise of southeastern North America -11773628 __mandevilla_laxa_NN_1 woody vine of Argentina grown as an ornamental for its glossy leaves and racemes of large fragrant funnel-shaped creamy-white flowers -04054795 __raster_NN_1 the rectangular formation of parallel scanning lines that guide the electron beam on a television screen or a computer monitor -11446242 __condensation_NN_3 atmospheric moisture that has condensed because of cold -12709901 __mandarin_orange_tree_NN_1 shrub or small tree having flattened globose fruit with very sweet aromatic pulp and thin yellow-orange to flame-orange rind that is loose and easily removed; native to southeastern Asia -11770969 __genus_beaumontia_NN_1 small genus of evergreen woody vines in the East Indies and Asia -09142771 __amarillo_NN_1 a city in the northern panhandle of Texas -02648035 __pogge_NN_1 northern Atlantic sea poacher -02742753 __arrow_NN_2 a projectile with a straight thin shaft and an arrowhead on one end and stabilizing vanes on the other; intended to be shot from a bow -03922561 __vasomax_NN_1 a virility drug (trade name Vasomax) to treat erectile dysfunction in men -13881512 __trapezoid_NN_1 a quadrilateral with two parallel sides -01983797 __disreputable_JJ_1 lacking respectability in character or behavior or appearance -10043643 __economist_NN_1 an expert in the science of economics -02362025 __subfamily_petauristidae_NN_1 Old World flying squirrels -08563627 __southwestern_united_states_NN_1 the southwestern region of the United States generally including New Mexico, Arizona, Texas, Nevada, California, and sometimes Utah and Colorado -09713985 __magyar_NN_1 a native or inhabitant of Hungary -01672753 __crochet_VB_1 create by looping or crocheting; "crochet a bedspread" -06096913 __astronautics_NN_1 the theory and practice of navigation through air or space -02702575 __elavil_NN_1 a tricyclic antidepressant drug (trade name Elavil) with serious side effects; interacts with many other medications -01225397 __scandalization_NN_2 the act of scandalizing -13079567 __monilia_albicans_NN_1 a parasitic fungus that can infect the mouth or the skin or the intestines or the vagina -06308765 __termination_NN_4 the end of a word (a suffix or inflectional ending or final morpheme); "I don't like words that have -ism as an ending" -11766609 __family_apocynaceae_NN_1 chiefly tropical trees or shrubs or herbs having milky juice and often showy flowers; many are sources of drugs -11765277 __mesquite_NN_1 any of several small spiny trees or shrubs of the genus Prosopis having small flowers in axillary cylindrical spikes followed by large pods rich in sugar -11764814 __pithecellodium_unguis-cati_NN_1 erect shrub with small if any spines having racemes of white to yellow flowers followed by curved pointed pods and black shiny seeds; West Indies and Florida -14506656 __milk_intolerance_NN_1 congenital disorder consisting of an inability to digest milk and milk products; absence or deficiency of lactase results in an inability to hydrolyze lactose -00120095 __simultaneously_RB_1 change venous blood into arterial blood at the same instant; "they spoke simultaneously" -01245490 __simonize_VB_1 polish with wax; "The motorcycle has been Simonized" -11953762 __genus_cirsium_NN_1 plume thistles -14154669 __yellow-blue_dichromacy_NN_1 confusion of yellow and blue -01144550 __ferret_VB_2 hunt with ferrets -09118505 __buffalo_NN_2 a city on Lake Erie in western New York (near Niagara Falls) -00257770 __bath_NN_2 you soak and wash your body in a bathtub; "he has a good bath every morning" -01317916 __feeder_NN_6 an animal that feeds on a particular source of food; "a bark feeder"; "a mud feeder" -10019406 __plunger_NN_2 someone who dives (into water) -01451524 __family_anomalopidae_NN_1 a family of fish including: flashlight fishes -03201638 __formal_NN_2 a gown for evening wear -07818572 __garlic_chive_NN_2 large flat leaves used as chive is used -02234719 __genus_blattella_NN_1 small cockroaches -02238887 __lygaeid_bug_NN_1 a true bug: usually bright-colored; pest of cultivated crops and some fruit trees -11760128 __genus_anadenanthera_NN_1 2 species of tropical American shrubs or trees -00479598 __mechanize_VB_3 make mechanical; "mechanize the procedure" -11759224 __albizzia_NN_1 any of numerous trees of the genus Albizia -00133338 __whang_NN_1 the act of hitting vigorously; "he gave the table a whack" -11543602 __marchantiaceae_NN_1 liverworts with prostrate and usually dichotomously branched thalli -01283935 __lexington_and_concord_NN_1 the first battle of the American Revolution (April 19, 1775) -11757851 __sweet_wattle_NN_1 tropical American thorny shrub or small tree; fragrant yellow flowers used in making perfumery -15179415 __hindu_calendar_NN_1 the lunisolar calendar governing the religious life of Hindus; an extra month is inserted after every month in which there are two new moons (once every three years) -11757190 __jerusalem_thorn_NN_4 East Indian spiny tree having twice-pinnate leaves and yellow flowers followed by flat pods; source of black catechu -04203514 __shop_floor_NN_1 workplace consisting of the part of a factory housing the machines; "the productive work is done on the shop floor" -02537812 __double_cross_VB_1 betray by double-dealing -00559916 __reverse_NN_5 (American football) a running play in which a back running in one direction hands the ball to a back running in the opposite direction -03773268 __stage_setting_NN_1 arrangement of scenery and properties to represent the place where a play or movie is enacted -11754633 __genus_mimosa_NN_1 genus of spiny woody shrubs or trees; named for their apparent imitation of animal sensitivity to light and heat and movement -06825863 __bicameral_script_NN_1 a script having two distinct cases -13687015 __turkish_monetary_unit_NN_1 monetary unit in Turkey -03948041 __piroxicam_NN_1 a nonsteroidal anti-inflammatory drug (trade name Feldene) used to treat arthritis and other inflammatory conditions -02235575 __suborder_manteodea_NN_1 mantises; in former classifications considered a suborder of Orthoptera -00320852 __intromission_NN_1 the act of putting one thing into another -13464204 __worsening_NN_1 process of changing to an inferior state -11752578 __trefoil_NN_2 a plant of the genus Trifolium -10335801 __mouthpiece_NN_3 a spokesperson (as a lawyer) -09902353 __trooper_NN_4 a soldier mounted on horseback; "a cavalryman always takes good care of his mount" -13307901 __extortion_NN_1 an exorbitant charge -02294279 __phthorimaea_NN_1 potato moths -03211117 __video_display_NN_1 an electronic device that represents information in visual form -07330007 __fate_NN_1 an event (or a course of events) that will inevitably happen in the future -04571088 __weight_NN_4 an artifact that is heavy -07642182 __victoria_sponge_NN_1 a cake consisting of two layers of sponge cake with a jelly filling in between -01370260 __shigella_NN_1 rod-shaped Gram-negative enterobacteria; some are pathogenic for warm-blooded animals; can be used as a bioweapon -01527774 __genus_alauda_NN_1 type genus of the Alaudidae: skylarks -06556692 __summons_NN_3 a writ issued by authority of law; usually compels the defendant's attendance in a civil suit; failure to appear results in a default judgment against the defendant -11132245 __maya_lin_NN_1 United States sculptor and architect whose public works include the memorial to veterans of the Vietnam War in Washington (born in 1959) -08121867 __special_branch_NN_1 a government police department dealing with political security -05855125 __quantity_NN_3 the concept that something has a magnitude and can be represented in mathematical expressions by a constant or a variable -13729428 __imaginary_number_NN_1 (mathematics) a number of the form a+bi where a and b are real numbers and i is the square root of -1 -11748002 __legume_NN_2 the fruit or seed of any of various bean or pea plants consisting of a case that splits along both sides when ripe and having the seeds attach to one side of the case -03236735 __frock_NN_2 a one-piece garment for a woman; has skirt and bodice -11746776 __pea_family_NN_1 a large family of trees, shrubs, vines, and herbs bearing bean pods; divided for convenience into the subfamilies Caesalpiniaceae; Mimosaceae; Papilionaceae -01519569 __pleach_VB_1 form or weave into a braid or braids; "braid hair" -00772381 __perjury_NN_1 criminal offense of making false statements under oath -07086861 __backbeat_NN_1 a loud steady beat -06608277 __cant_NN_1 stock phrases that have become nonsense through endless repetition -07083732 __prosody_NN_1 the patterns of stress and intonation in a language -06512324 __joint_resolution_NN_1 a resolution passed by both houses of Congress which becomes legally binding when signed by the Chief Executive (or passed over the Chief Executive's veto) -09542541 __cacodemon_NN_1 an evil spirit -02546873 __reglaecus_NN_1 type genus of the Regalecidae -11742531 __leitneriaceae_NN_1 coextensive with the genus Leitneria; commonly isolated in a distinct order -09907196 __prime_minister_NN_1 the person who holds the position of head of the government in the United Kingdom -09385911 __piece_NN_3 a portion of a natural object; "they analyzed the river into three parts"; "he needed a piece of granite" -01575745 __oriole_NN_1 mostly tropical songbird; the male is usually bright orange and black -11172609 __mellon_NN_1 United States financier and philanthropist (1855-1937) -11740655 __order_myricales_NN_1 coextensive with the family Myricaceae -01549769 __sayornis_NN_1 phoebes -11739978 __winter's_bark_tree_NN_1 South American evergreen tree yielding winter's bark and a light soft wood similar to basswood -03280813 __overhead_railway_NN_1 a railway that is powered by electricity and that runs on a track that is raised above the street level -06563950 __plea_bargaining_NN_1 (criminal law) a negotiation in which the defendant agrees to enter a plea of guilty to a lesser charge and the prosecutor agrees to drop a more serious charge; "his admission was part of a plea bargain with the prosecutor"; "plea bargaining helps to stop the courts becoming congested" -11739809 __genus_drimys_NN_1 shrubs and trees of southern hemisphere having aromatic foliage -11738832 __trautvetteria_NN_1 small genus of perennial herbs: false bugbane -13250930 __estate_NN_1 everything you own; all of your assets (whether real property or personal property) and liabilities -11737752 __wild_crocus_NN_1 short hairy perennial with early spring blue-violet or lilac flowers; North America and Siberia -09095023 __old_colony_NN_1 a state in New England; one of the original 13 colonies -11736694 __nigella_NN_1 any plant of the genus Nigella -00728826 __elicit_VB_3 derive by reason; "elicit a solution" (of a binary operation) independent of order; as in e.g. "a x b = b x a" -11736569 __genus_nigella_NN_1 erect annual Eurasian herbs -13303315 __terms_NN_2 the amount of money needed to purchase something; "the price of gasoline"; "he got his new car on excellent terms"; "how much is the damage?" -00326291 __zoom_NN_2 the act of rising upward into the air -12616825 __groenlandia_NN_1 a monocotyledonous genus of the family Potamogetonaceae -08183802 __legion_NN_1 archaic terms for army -02615829 __lumpenus_NN_1 a genus of Stichaeidae -01921591 __squish_VB_1 walk through mud or mire; "We had to splosh across the wet meadow" -00482298 __tennis_NN_1 a game played with rackets by two or four players who hit a ball back and forth over a net that divides the court -11733424 __genus_eranthis_NN_1 winter aconite -01802309 __phasianidae_NN_1 pheasants; quails; partridges -11600671 __family_cycadaceae_NN_1 ancient palmlike plants closely related to ferns in that fertilization is by means of spermatozoids -06509210 __computer_file_NN_1 (computer science) a file maintained in computer-readable form -09621545 __intellectual_NN_1 a person who uses the mind creatively -00179486 __unauthorized_JJ_1 not endowed with authority -03088164 __safety_NN_5 contraceptive device consisting of a sheath of thin rubber or latex that is worn over the penis during intercourse -00697923 __well-defined_JJ_2 accurately stated or described; "a set of well-defined values" -01198750 __denial_NN_5 a defendant's answer or plea denying the truth of the charges against him; "he gave evidence for the defense" -06700325 __double_first_NN_1 a first-class honours degree in two subjects -09237404 __caspian_sea_NN_1 a large saltwater lake between Iran and Russia fed by the Volga River; the largest inland body of water in the world -11729478 __clematis_NN_1 any of various ornamental climbing plants of the genus Clematis usually having showy flowers -08951777 __frisia_NN_1 an ancient region of northwestern Europe including the Frisian Islands -11729315 __genus_clematis_NN_1 large genus of deciduous or evergreen woody vines or erect herbs -04862005 __willpower_NN_1 the trait of resolutely controlling your own behavior -11132948 __lucky_lindy_NN_1 United States aviator who in 1927 made the first solo nonstop flight across the Atlantic Ocean (1902-1974) -11728099 __water_dragon_NN_2 swamp plant of Europe and North America having bright yellow flowers resembling buttercups -12762583 __rhus_NN_1 deciduous or evergreen shrubs and shrubby trees of temperate and subtropical North America, South Africa, eastern Asia and northeastern Australia; usually limited to nonpoisonous sumacs (see genus Toxicodendron) -02352804 __glis_NN_1 type genus of the Gliridae -11727091 __columbine_NN_1 a plant of the genus Aquilegia having irregular showy spurred flowers; north temperate regions especially mountains -02153445 __foot_NN_4 the pedal extremity of vertebrates other than human beings -01636008 __visualize_VB_3 form a mental picture of something that is invisible or abstract; "Mathematicians often visualize" -05539138 __human_head_NN_1 the head of a human being -05088324 __spread_NN_4 a haphazard distribution in all directions -09468604 __valley_NN_1 a long depression in the surface of the land that usually contains a river -05304932 __gum_NN_2 the tissue (covered by mucous membrane) of the jaws that surrounds the bases of the teeth -11725623 __thimbleweed_NN_1 a common North American anemone with cylindrical fruit clusters resembling thimbles -01783394 __preoccupy_VB_1 engage or engross the interest or attention of beforehand or occupy urgently or obsessively; "His work preoccupies him"; "The matter preoccupies her completely--she cannot think of anything else" -06691684 __plaudits_NN_1 enthusiastic approval; "the book met with modest acclaim"; "he acknowledged the plaudits of the crowd"; "they gave him more eclat than he really deserved" -11725015 __windflower_NN_1 any woodland plant of the genus Anemone grown for its beautiful flowers and whorls of dissected leaves -00240938 __instalment_NN_3 the act of installing something (as equipment); "the telephone installation took only a few minutes" -11724529 __genus_adonis_NN_1 annual or perennial herbs -00996969 __mensuration_NN_1 the act or process of assigning numbers to phenomena according to a rule; "the measurements were carefully done"; "his mental measurings proved remarkably accurate" -08594886 __salient_NN_1 (military) the part of the line of battle that projects closest to the enemy -04248010 __snake_NN_5 something long, thin, and flexible that resembles a snake -01218327 __reservation_NN_4 the act of reserving (a place or passage) or engaging the services of (a person or group); "wondered who had made the booking" -11722769 __genus_aconitum_NN_1 genus of poisonous plants of temperate regions of northern hemisphere with a vaulted and enlarged petal -12008252 __coneflower_NN_1 any of various plants of the genus Rudbeckia cultivated for their large usually yellow daisies with prominent central cones -11722342 __western_buttercup_NN_1 perennial of western North America -05893356 __presumption_NN_1 an assumption that is taken for granted -03260293 __dynamite_NN_1 an explosive containing nitrate sensitized with nitroglycerin absorbed on wood pulp -01751836 __landscape_VB_1 embellish with plants; "Let's landscape the yard" -00540701 __do-si-do_NN_1 a square-dance figure; two dancers approach each other and circle back to back before returning to their original places -05806623 __hold_NN_2 understanding of the nature or meaning or quality or magnitude of something; "he has a good grasp of accounting practices" -00963241 __insurgency_NN_1 an organized rebellion aimed at overthrowing a constituted government through the use of subversion and armed conflict -01587834 __thrasher_NN_2 thrush-like American songbird able to mimic other birdsongs -09041199 __kadikoy_NN_1 a former town on the Bosporus (now part of Istanbul); site of the Council of Chalcedon -00228858 __moonshine_VB_1 distill (alcohol) illegally; produce moonshine -11718521 __genus_brasenia_NN_1 alternatively, a member of the family Nymphaeaceae -00021939 __artifact_NN_1 a man-made object taken as a whole -01850035 __genus_bucephala_NN_1 buffleheads and goldeneyes -05502556 __ventricle_NN_1 one of four connected cavities in the brain; is continuous with the central canal of the spinal cord and contains cerebrospinal fluid -07060167 __folk_music_NN_1 the traditional and typically anonymous music that is an expression of the life of people in a community -11716422 __yellow_pond_lily_NN_1 common water lily of eastern and central North America, having broad leaves and globe-shaped yellow flowers; in sluggish fresh or slightly brackish water -12607896 __tillandsia_NN_1 large genus of epiphytic or terrestrial sparse-rooting tropical plants usually forming dense clumps or pendant masses -01634684 __family_dicamptodontidae_NN_1 large and small highly aquatic salamanders -09153710 __bellingham_NN_1 a town in northwestern Washington on a bay near the Canadian border -09235469 __cape_york_peninsula_NN_1 a peninsula in Queensland in northeastern Australia between the Gulf of Carpentaria and the Coral Sea -08817235 __montenegro_NN_1 a former country bordering on the Adriatic Sea; now part of the Union of Serbia and Montenegro -11715430 __water_nymph_NN_2 a water lily having large leaves and showy fragrant flowers that float on the water; of temperate and tropical regions -01592072 __yank_VB_1 pull, or move with a sudden movement; "He turned the handle and jerked the door open" -07580053 __side_order_NN_1 a dish that is served with, but is subordinate to, a main course -11714150 __myristica_NN_1 type genus of Myristicaceae; tropical Asian evergreen trees with small white or yellow flowers followed by fleshy fruits -11713960 __nutmeg_family_NN_1 family of aromatic tropical trees with arillate seeds -11713164 __moonseed_NN_1 plant of the family Menispermaceae having red or black fruit with crescent- or ring-shaped seeds -01807265 __subfamily_perdicinae_NN_1 Old World partridges -05259109 __bob_NN_2 a hair style for women and children; a short haircut all around -01797472 __genus_centrocercus_NN_1 sage grouse -13183489 __scaly_fern_NN_1 small European fern with chaffy leathery fronds -11264973 __robeson_NN_1 United States bass singer and an outspoken critic of racism and proponent of socialism (1898-1976) -02238743 __lygaeidae_NN_1 lygaeid bugs -11449907 __electricity_NN_1 a physical phenomenon associated with stationary or moving electrons and protons -14865800 __ferric_oxide_NN_1 a red oxide of iron -11709205 __star_anise_NN_1 small tree of China and Vietnam bearing anise-scented star-shaped fruit used in food and medicinally as a carminative -05048123 __simultaneousness_NN_1 happening or existing or done at the same time -02818402 __totipotent_JJ_1 a light wallboard made of compressed wood pulp having the ability to give rise to unlike cells; "embryonic stem cells are totipotent" -02350989 __jumping_mouse_NN_1 any of several primitive mouselike rodents with long hind legs and no cheek pouches; of woodlands of Eurasia and North America -11708442 __illicium_NN_1 anise trees: evergreen trees with aromatic leaves -08390157 __infantry_NN_1 an army unit consisting of soldiers who fight on foot; "there came ten thousand horsemen and as many fully-armed foot" -09719653 __kuwaiti_NN_1 a native or inhabitant of Kuwait -11707827 __umbellularia_californica_NN_1 Pacific coast tree having aromatic foliage and small umbellate flowers followed by olivelike fruit; yields a hard tough wood -06665370 __ftp_NN_1 protocol that allows users to copy files between their local system and any system they can reach on the network -09960545 __contortionist_NN_1 an acrobat able to twist into unusual positions -01650509 __hyla_NN_1 the type genus of the Hylidae; tree toads -00740048 __contributory_negligence_NN_1 (law) behavior by the plaintiff that contributes to the harm resulting from the defendant's negligence; "in common law any degree of contributory negligence would bar the plaintiff from collecting damages" -03313602 __face_NN_8 the side upon which the use of a thing depends (usually the most prominent surface of an object); "he dealt the cards face down" -11706629 __persea_NN_1 avocado -07416714 __occasion_NN_1 an event that occurs at a critical time; "at such junctures he always had an impulse to leave"; "it was needed only on special occasions" -00737536 __indecency_NN_2 an indecent or improper act -02217563 __chalcidfly_NN_1 any of various tiny insects whose larvae are parasites on eggs and larvae of other insects; many are beneficial in destroying injurious insects -11705052 __cinnamon_bark_NN_2 aromatic bark used as a spice -05844663 __colour_NN_3 (physics) the characteristic of quarks that determines their role in the strong interaction; "each flavor of quarks comes in three colors" -02413140 __rat_VB_2 employ scabs or strike breakers in -01796582 __rue_VB_1 feel remorse for; feel sorry for; be contrite about -02654425 __trunkfish_NN_1 any of numerous small tropical fishes having body and head encased in bony plates -11704093 __true_laurel_NN_1 small Mediterranean evergreen tree with small blackish berries and glossy aromatic leaves used for flavoring in cooking; also used by ancient Greeks to crown victors -11703669 __laurel_NN_1 any of various aromatic trees of the laurel family -11702999 __lardizabalaceae_NN_1 thick-stemmed lianas and some shrubs; some have edible fruit -11702252 __hornwort_NN_1 any aquatic plant of the genus Ceratophyllum; forms submerged masses in ponds and slow-flowing streams -06276902 __rediffusion_NN_1 a system for distributing radio or tv programs -11701698 __winter_sweet_NN_4 deciduous Japanese shrub cultivated for its fragrant yellow flowers -02005778 __boomerang_VB_1 return to the initial position from where it came; like a boomerang -05843687 __moorish_architecture_NN_1 a style of architecture common in Spain from the 13th to 16th centuries; characterized by horseshoe-shaped arches -06577369 __parser_NN_1 a computer program that divides code up into functional components; "compilers must parse source code in order to translate it into object code" -11701492 __genus_chimonanthus_NN_1 small genus of Asian deciduous or evergreen shrubs having fragrant flowers: winter sweet -02064745 __different_JJ_1 unlike in nature or quality or form or degree; "took different approaches to the problem"; "came to a different conclusion"; "different parts of the country"; "on different sides of the issue"; "this meeting was different from the earlier one" -05464685 __myelin_sheath_NN_1 a layer of myelin encasing (and insulating) the axons of medullated nerve fibers -11700676 __genus_calycanthus_NN_1 a magnoliid dicot genus of the family Calycanthaceae including: allspice -00745637 __wickedness_NN_1 morally objectionable behavior -02725367 __antiviral_drug_NN_1 any drug that destroys viruses -08366753 __economy_NN_1 the system of production and distribution and consumption -01888946 __throb_VB_3 tremble convulsively, as from fear or excitement -00730538 __sentry_go_NN_1 the duty of serving as a sentry; "he was on guard that night" -01338113 __aluminize_VB_1 cover with aluminum -11923174 __stinking_mayweed_NN_1 widespread rank-smelling weed having white-rayed flower heads with yellow discs -00532110 __social_dancing_NN_1 dancing as part of a social occasion -02638845 __stick_VB_6 be a devoted follower or supporter; "The residents of this village adhered to Catholicism"; "She sticks to her principles" -05353819 __pulmonary_artery_NN_1 one of two arteries (branches of the pulmonary trunk) that carry venous blood from the heart to the lungs -00664849 __nourishment_NN_2 the act of nourishing; "her nourishment of the orphans saved many lives" -00147595 __fastening_NN_2 the act of fastening things together -09666622 __pueblo_NN_1 a member of any of about two dozen Native American peoples called `Pueblos' by the Spanish because they live in pueblos (villages built of adobe and rock) -11697388 __genus_berberis_NN_1 large genus of shrubs of temperate zones of New and Old Worlds -11697158 __family_berberidaceae_NN_1 shrubs or herbs -13951984 __subsidiarity_NN_1 secondary importance -11696776 __xylopia_NN_1 tropical evergreen trees or shrubs; chiefly African -03089348 __cone_NN_1 any cone-shaped artifact -03915437 __percussive_instrument_NN_1 a musical instrument in which the sound is produced by one object striking another -11772408 __vinca_rosea_NN_1 commonly cultivated Old World woody herb having large pinkish to red flowers -00207434 __ostracism_NN_2 the act of excluding someone from society by general consent -03272383 __electric_lamp_NN_1 a lamp powered by electricity -01804029 __genus_chrysolophus_NN_1 golden pheasants -11693981 __custard_apple_tree_NN_1 any of several tropical American trees bearing fruit with soft edible pulp -06690408 __pass_NN_6 a document indicating permission to do something without restrictions; "the media representatives had special passes" -12781814 __nepenthes_NN_1 pitcher plants -01985947 __paguridae_NN_1 hermit crabs -00828336 __muscular_JJ_2 having a robust muscular body-build characterized by predominance of structures (bone and muscle and connective tissue) developed from the embryonic mesodermal layer -01399772 __division_chrysophyta_NN_1 mostly freshwater eukaryotic algae having the chlorophyll masked by brown or yellow pigment; yellow-green and golden-brown algae and diatoms: Xanthophyceae, Chrysophyceae, Bacillariophyceae; some classification systems superseded or subsumed by Heterokontophyta -11691523 __calyx_NN_1 (botany) the whorl of sepals of a flower collectively forming the outer floral envelope or layer of the perianth enclosing and supporting the developing bud; usually green -02266732 __sialis_NN_1 type genus of the Sialidae -00328502 __slide_NN_5 the act of moving smoothly along a surface while remaining in contact with it; "his slide didn't stop until the bottom of the hill"; "the children lined up for a coast down the snowy slope" -12184337 __napaea_NN_1 one species: glade mallow -11689483 __oilseed_NN_1 any of several seeds that yield oil -01972411 __sepia_NN_3 type genus of the Sepiidae -00281462 __closure_NN_1 approaching a particular destination; a coming closer; a narrowing of a gap; "the ship's rapid rate of closing gave them little time to avoid a collision" -07890068 __pale_ale_NN_1 an amber colored ale brewed with pale malts; similar to bitter but drier and lighter -12185859 __radyera_farragei_NN_1 southern and western Australian shrub with unlobed or shallowly lobed toothed leaves and purple flowers; sometimes placed in genus Hibiscus -06428216 __excision_NN_1 the omission that is made when an editorial change shortens a written passage; "an editor's deletions frequently upset young authors"; "both parties agreed on the excision of the proposed clause" -05024254 __mass_NN_1 the property of a body that causes it to have weight in a gravitational field -01942869 __ear-shell_NN_1 any of various large edible marine gastropods of the genus Haliotis having an ear-shaped shell with pearly interior -04423174 __thiabendazole_NN_1 an antifungal agent and anthelmintic -01390833 __press_VB_12 press and smooth with a heated iron; "press your shirts"; "she stood there ironing" -00941974 __excavation_NN_1 the act of digging; "there's an interesting excavation going on near Princeton" -04970059 __purpleness_NN_1 a purple color or pigment -07990377 __association_NN_8 (ecology) a group of organisms (plants and animals) that live together in a certain geographical region and constitute a community with a few dominant species -07335243 __ruination_NN_2 an event that results in destruction -10170359 __histologist_NN_1 anatomist who specializes in the microscopic study of animal tissues -11683989 __seed_NN_2 a mature fertilized plant ovule consisting of an embryo and its food source and having a protective coat or testa -05275651 __os_longum_NN_1 in limbs of vertebrate animals: a long cylindrical bone that contains marrow -10662952 __street_urchin_NN_1 a child who spends most of his time in the streets especially in slum areas -07702796 __cereal_NN_3 a breakfast food prepared from grain -02392654 __intangible_JJ_1 (of especially business assets) not having physical substance or intrinsic productive value; "intangible assets such as good will" -11683105 __fir_cone_NN_1 the seed-producing cone of a fir tree -01158064 __levy_en_masse_NN_1 the act of drafting into military service -00355524 __kill_VB_13 tire out completely; "The daily stress of her work is killing her" -03461119 __grocery_NN_2 (usually plural) consumer goods sold by a grocer -04389033 __tank_NN_1 an enclosed armored military vehicle; has a cannon and moves on caterpillar treads -02062017 __aquatic_mammal_NN_1 whales and dolphins; manatees and dugongs; walruses; seals -11680032 __stomate_NN_1 a minute epidermal pore in a leaf or stem through which gases and water vapor can pass -02969886 __carrier_NN_10 a rack attached to a vehicle; for carrying luggage or skis or the like -01064148 __rest_NN_2 freedom from activity (work or strain or responsibility); "took his repose by the swimming pool" -02718811 __antidepressant_drug_NN_1 any of a class of drugs used to treat depression; often have undesirable side effects -11677743 __carpel_NN_1 a simple pistil or one element of a compound pistil -01776546 __ixodidae_NN_1 hard ticks -05101815 __diameter_NN_1 the length of a straight line passing through the center of a circle and connecting two points on the circumference -15217563 __rabi_i_NN_1 the third month of the Islamic calendar -00367768 __extension_NN_2 act of expanding in scope; making more widely available; "extension of the program to all in need" -02007417 __get_at_VB_1 reach or gain access to; "How does one access the attic in this house?"; "I cannot get to the T.V. antenna, even if I climb on the roof" -09911849 __patrioteer_NN_1 an extreme bellicose nationalist -01998019 __subclass_cirripedia_NN_1 barnacles -02475535 __recognize_VB_5 grant credentials to; "The Regents officially recognized the new educational institution"; "recognize an academic degree" -02981759 __instructional_JJ_1 of or relating to or used in instruction; "instructional aids" -11674332 __inflorescence_NN_2 the flowering part of a plant or arrangement of flowers on a stalk -04506289 __ukulele_NN_1 a small guitar having four strings -06780069 __impersonation_NN_1 a representation of a person that is exaggerated for comic effect -00845658 __slang_VB_3 abuse with coarse language -11668340 __subclass_alismatidae_NN_1 one of four subclasses or superorders of Monocotyledones; comprises about 500 species in 14 families of aquatic and semiaquatic herbs -03381776 __fore-and-aft_sail_NN_1 any sail not set on a yard and whose normal position is in a fore-and-aft direction -00739082 __think_VB_9 ponder; reflect on, or reason about; "Think the matter through"; "Think how hard life in Russia must be these days" -10195593 __pretender_NN_3 a person who professes beliefs and opinions that he or she does not hold in order to conceal his or her real feelings or motives -02275372 __nymphalis_NN_1 type genus of the Nymphalidae: mourning cloak butterflies -04254777 __sock_NN_1 hosiery consisting of a cloth covering for the foot; worn inside the shoe; reaches to between the ankle and the knee -11664090 __ginkgoaceae_NN_1 constituting the order Ginkgoales; includes the genus Ginkgo and extinct forms -08651247 __site_NN_1 the piece of land on which something is located (or is to be located); "a good site for the school" -01801753 __genus_alectura_NN_1 brush turkeys -11662128 __western_yew_NN_1 small or medium irregularly branched tree of the Pacific coast of North America; yields fine hard close-grained wood -08194927 __us_air_force_academy_NN_1 a school for training men and women to become officers in the United States Air Force -10728624 __tribesman_NN_1 someone who lives in a tribe -02718015 __offset_VB_1 compensate for or counterbalance; "offset deposits and withdrawals" -08731606 __indochinese_peninsula_NN_1 a peninsula of southeastern Asia that includes Myanmar and Cambodia and Laos and Malaysia and Thailand and Vietnam -00356790 __compression_NN_4 applying pressure -03834040 __reactor_NN_2 (physics) any of several kinds of apparatus that maintain and control a nuclear reaction for the production of energy or artificial elements -11659248 __saxe-gothea_conspicua_NN_1 small yew having attractive foliage and partially weeping branches cultivated as an ornamental; mountains of southern Chile -11685179 __capsule_NN_3 a dry dehiscent seed vessel or the spore-containing structure of e.g. mosses -06062076 __podiatry_NN_1 the branch of medicine concerned with the feet -05437785 __allelomorph_NN_1 (genetics) either of a pair (or series) of alternative forms of a gene that can occupy the same locus on a particular chromosome and that control the same character; "some alleles are dominant over others" -04681230 __speck_NN_1 a very small spot; "the plane was just a speck in the sky" -04499180 __turing_machine_NN_1 a hypothetical computer with an infinitely long memory tape -02032355 __wilson's_snipe_NN_1 American snipe -04323819 __stocking_NN_1 close-fitting hosiery to cover the foot and leg; come in matched pairs (usually used in the plural) -15128997 __proterozoic_eon_NN_1 from 2,500 to 544 million years ago; bacteria and fungi; primitive multicellular organisms -01058291 __gavage_NN_1 feeding that consists of the delivery of a nutrient solution (as through a nasal tube) to someone who cannot or will not eat -11653904 __podocarpus_dacrydioides_NN_1 New Zealand evergreen valued for its light easily worked wood -07371293 __sound_NN_4 the sudden occurrence of an audible event; "the sound awakened them" -02520997 __verify_VB_2 check or regulate (a scientific experiment) by conducting a parallel experiment or comparing with another standard; "Are you controlling for the temperature?" -11652578 __podocarpus_elongatus_NN_1 South African tree or shrub having a rounded crown -11652376 __rockingham_podocarp_NN_1 large Australian tree with straight-grained yellow wood that turns brown on exposure -05318831 __tympanum_NN_2 the membrane in the ear that vibrates to sound -11651259 __podocarpus_family_NN_1 gymnosperms with simple persistent needlelike or scalelike leaves -00204391 __slip_VB_4 get worse; "My grades are slipping" -14246710 __glandular_carcinoma_NN_1 malignant tumor originating in glandular epithelium -09249418 __colorado_river_NN_2 an important river in the southwestern United States; rises in the Rocky Mountains of northern Colorado and flows southwest through Utah into Arizona (where it flows through the Grand Canyon) and then southward through the southern tip of Nevada, then forming the border between California and Arizona and finally into Mexico where it empties into the Gulf of California; the main source of water in the southwestern United States -02197360 __come_VB_20 experience orgasm; "she could not come because she was too upset" -11648039 __smooth_bark_kauri_NN_1 Australian timber tree resembling the kauri but having wood much lighter in weight and softer -03815615 __tie_NN_1 neckwear consisting of a long narrow piece of material worn (mostly by men) under a collar and tied in knot at the front; "he stood in front of the mirror tightening his necktie"; "he wore a vest and tie" -02930766 __taxicab_NN_1 a car driven by a person whose job is to take passengers where they want to go in exchange for money -07828987 __vinegar_NN_1 sour-tasting liquid produced usually by oxidation of the alcohol in wine or cider and used as a condiment or food preservative -03842377 __off-line_equipment_NN_1 electronic equipment not in direct communication (or under the control of) the central processing unit -04806316 __irreproducibility_NN_1 the quality of being unreproducible; "he could not explain the irreproducibility of the results of his experiment" -07412668 __sparkle_NN_2 the occurrence of a small flash or spark -03265032 __edge_tool_NN_1 any cutting tool with a sharp cutting edge (as a chisel or knife or plane or gouge) -11127565 __leo_ix_NN_1 German pope from 1049 to 1054 whose papacy was the beginning of papal reforms in the 11th century (1002-1054) -00034213 __phenomenon_NN_1 any state or process known through the senses rather than by intuition or reasoning -04551375 __warhead_NN_1 the front part of a guided missile or rocket or torpedo that carries the nuclear or explosive charge or the chemical or biological agents -11270948 __sir_ronald_ross_NN_1 British physician who discovered that mosquitos transmit malaria (1857-1932) -05435277 __nucleolus_NN_1 a small round body of protein in a cell nucleus; such organelles contain RNA and are involved in protein synthesis -05943300 __school_of_thought_NN_1 a belief (or system of beliefs) accepted as authoritative by some group or school -00550016 __pantomime_NN_1 a performance using gestures and body movements without words -08839916 __gilbert_islands_NN_1 a group of islands in Micronesia to the southwest of Hawaii; formerly part of the British colony of Gilbert and Ellice Islands until it became part of the Republic of Kiribati in 1979 -02276902 __white_admiral_NN_1 North American butterfly with blue-black wings crossed by a broad white band -10229034 __kalon_tripa_NN_1 the chairman of the Kashag and essentially head of the Tibetan government-in-exile -11911274 __order_campanulales_NN_1 an order of plants of the subclass Asteridae including: Campanulaceae; Lobeliaceae; Cucurbitaceae; Goodeniaceae; Compositae -06675122 __source_NN_2 a document (or organization) from which information is obtained; "the reporter had two sources for the story" -10150794 __guesser_NN_1 a person who guesses -11642430 __taxodium_mucronatum_NN_1 cypress of river valleys of Mexican highlands -03370927 __sarafem_NN_1 a selective-serotonin reuptake inhibitor commonly prescribed as an antidepressant (trade names Prozac or Sarafem); it is thought to work by increasing the activity of serotonin in the brain -11641494 __sierra_redwood_NN_1 extremely lofty evergreen of southern end of western foothills of Sierra Nevada in California; largest living organism -11640645 __sequoia_NN_1 either of two huge coniferous California trees that reach a height of 300 feet; sometimes placed in the Taxodiaceae -02213362 __vespula_NN_1 sometimes considered a subgenus of Vespa: social wasps -08729626 __xinjiang_uighur_autonomous_region_NN_1 an autonomous province in far northwestern China on the border with Mongolia and Kazakhstan; the largest province in the People's Republic of China and the homeland of the Uighur people -00835032 __breath_NN_1 the process of taking in and expelling air during breathing; "he took a deep breath and dived into the pool"; "he was fighting to his last breath" -08813264 __venice_NN_1 the provincial capital of Veneto; built on 118 islands within a lagoon in the Gulf of Venice; has canals instead of streets; one of Italy's major ports and a famous tourist attraction -00090513 __galvanize_VB_3 stimulate (muscles) by administering a shock -03864356 __overhang_NN_1 projection that extends beyond or hangs over something else -13957601 __presence_NN_1 the state of being present; current existence; "he tested for the presence of radon" -07515790 __serenity_NN_2 the absence of mental stress or anxiety -05355527 __testicular_artery_NN_1 a branch of the aorta supplying the testicles -10181137 __holy_roman_emperor_NN_1 sovereign of the Holy Roman Empire -03813176 __navigational_instrument_NN_1 an instrument used for navigating -11637015 __pencil_cedar_tree_NN_1 any of several junipers with wood suitable for making pencils -06254007 __broadcast_NN_1 message that is transmitted by radio or television -11636566 __juniper_NN_2 coniferous shrub or small tree with berrylike cones -11636204 __sugi_NN_1 tall evergreen of Japan and China yielding valuable soft wood -11635709 __port_orford_cedar_NN_1 the wood of the Port Orford cedar tree -11635433 __port_orford_cedar_NN_2 large timber tree of western North America with trunk diameter to 12 feet and height to 200 feet -09990777 __dancing-master_NN_1 a professional teacher of dancing -06982221 __north_dravidian_NN_1 a Dravidian language spoken primarily in eastern India -11634970 __genus_chamaecyparis_NN_1 a genus of Chamaecyparis -11634736 __red_cedar_NN_3 tall tree of the Pacific coast of North America having foliage like cypress and cinnamon-red bark -00897989 __rub_up_NN_1 a review that refreshes your memory; "I need a rub up on my Latin" -12461466 __squill_NN_3 an Old World plant of the genus Scilla having narrow basal leaves and pink or blue or white racemose flowers -12943443 __snakeroot_NN_1 a plant of the genus Sanicula having palmately compound leaves and unisexual flowers in panicled umbels followed by bristly fruit; reputed to have healing powers -02028366 __teem_VB_2 move in large numbers; "people were pouring out of the theater"; "beggars pullulated in the plaza" -02215966 __fund_VB_4 invest money in government securities -09754217 __prioress_NN_1 the superior of a group of nuns -02148377 __genus_euderma_NN_1 a genus of Vespertilionidae -12213197 __umbellales_NN_1 plants having umbels or corymbs of uniovulate flowers; includes the Umbelliferae (chiefly herbs) and Cornaceae (chiefly trees or shrubs) -06971872 __indo-iranian_language_NN_1 the branch of the Indo-European family of languages including the Indic and Iranian language groups -06760722 __trickery_NN_1 verbal misrepresentation intended to take advantage of you in some way -11628793 __pseudotsuga_menziesii_NN_1 lofty douglas fir of northwestern North America having short needles and egg-shaped cones -00174379 __unhearable_JJ_1 impossible to hear; imperceptible by the ear; "an inaudible conversation" -03935450 __pike_NN_4 medieval weapon consisting of a spearhead attached to a long pole or pikestaff; superseded by the bayonet -01141841 __allowance_NN_6 the act of allowing; "He objected to the allowance of smoking in the dining room" -12641007 __prunus_armeniaca_NN_1 temperate zone tree bearing downy yellow to rosy fruits -12025220 __tetraneuris_acaulis_NN_1 perennial having tufted basal leaves and short leafless stalks each bearing a solitary yellow flower head; dry hillsides and plains of west central North America -02331046 __rat_NN_1 any of various long-tailed rodents similar to but larger than a mouse -11628284 __pseudotsuga_NN_1 douglas fir; closely related to genera Larix and Cathaya -14015731 __temporary_state_NN_1 a state that continues for a limited time -07768423 __plantain_NN_3 starchy banana-like fruit; eaten (always cooked) as a staple vegetable throughout the tropics -10246913 __larcenist_NN_1 a person who commits larceny -00310386 __thrive_VB_1 grow vigorously; "The deer population in this town is thriving"; "business is booming" -11627168 __hemlock_tree_NN_1 an evergreen tree -14113798 __nephritis_NN_1 an inflammation of the kidney -10782791 __winner_NN_2 a gambler who wins a bet -07780627 __tunny_NN_1 important warm-water fatty fish of the genus Thunnus of the family Scombridae; usually served as steaks -07907548 __scotch_whisky_NN_1 whiskey distilled in Scotland; especially whiskey made from malted barley in a pot still -05217168 __soma_NN_3 alternative names for the body of a human being; "Leonardo studied the human body"; "he has a strong physique"; "the spirit is willing but the flesh is weak" -01623284 __otus_NN_1 a genus of Strigidae -06617752 __silents_NN_1 a movie without a soundtrack -04972451 __umber_NN_2 a medium brown to dark-brown color -02179012 __meloid_NN_1 beetle that produces a secretion that blisters the skin -06255354 __airwave_NN_1 medium for radio and television broadcasting; "the program was on the air from 9 til midnight"; "the president used the airwaves to take his message to the people" -03022978 __coricidin_NN_1 an antihistamine (trade names Coricidin and Chlor-Trimeton) -08389094 __ninja_NN_2 a class of 14th century Japanese who were trained in martial arts and were hired for espionage and assassinations -01742967 __genus_eunectes_NN_1 anacondas -01269633 __battle_of_atlanta_NN_1 a siege in which Federal troops under Sherman cut off the railroads supplying the city and then burned it; 1864 -03639077 __landing_net_NN_1 a bag-shaped fishnet on a long handle to take a captured fish from the water -01012125 __muster_call_NN_1 a call of the names of personnel at a military assembly -03972799 __pocket_NN_9 an opening at the corner or on the side of a billiard table into which billiard balls are struck -06248863 __theogony_NN_1 the study of the origins and genealogy of the gods -00162688 __replace_VB_1 substitute a person or thing for (another that is broken or inefficient or lost or no longer working or yielding what is expected); "He replaced the old razor blade"; "We need to replace the secretary that left a month ago"; "the insurance will replace the lost income"; "This antique vase can never be replaced" -00610373 __learned_profession_NN_1 one of the three professions traditionally believed to require advanced learning and high principles -05508943 __pit_of_the_stomach_NN_1 a slight depression in the midline just below the sternum (where a blow can affect the solar plexus) -07398659 __trampling_NN_1 the sound of heavy treading or stomping; "he heard the trample of many feet" -05331653 __tear_gland_NN_1 any of the glands in the eyes that secrete tears -02332755 __fieldmouse_NN_1 any nocturnal Old World mouse of the genus Apodemus inhabiting woods and fields and gardens -14790979 __camphor_NN_1 a resin obtained from the camphor tree; used in making celluloid and liniment -00866505 __bless_VB_1 give a benediction to; "The dying man blessed his son" -07572957 __tinned_goods_NN_1 food preserved by canning -11618750 __larix_NN_1 larches -01137987 __shakeup_NN_1 the imposition of a new organization; organizing differently (often involving extensive and drastic changes); "a committee was appointed to oversee the reorganization of the curriculum"; "top officials were forced out in the cabinet shakeup" -10803031 __yardmaster_NN_1 a railroad employer who is in charge of a railway yard -01981543 __majidae_NN_1 spider crabs -01019372 __reiteration_NN_1 the act of repeating over and again (or an instance thereof) -03353616 __fitting_NN_2 a small and often standardized accessory to a larger system -00693679 __transplantation_NN_1 an operation moving an organ from one organism (the donor) to another (the recipient); "he had a kidney transplant"; "the long-term results of cardiac transplantation are now excellent"; "a child had a multiple organ transplant two months ago" -14895189 __copal_NN_1 a brittle aromatic resin used in varnishes -15017121 __nitrogen_trichloride_NN_1 a yellow pungent volatile oil (trade name Agene) formerly used for bleaching and aging flour -01419888 __giardia_NN_1 a suspected cause of diarrhea in humans -06516955 __invoice_NN_1 an itemized statement of money owed for goods shipped or services rendered; "he paid his bill and left"; "send me an account of what I owe" -11614713 __pinus_jeffreyi_NN_1 tall symmetrical pine of western North America having long blue-green needles in bunches of 3 and elongated cones on spreading somewhat pendulous branches; sometimes classified as a variety of ponderosa pine -04860065 __cowardliness_NN_1 the trait of lacking courage -08015731 __corsican_army_NN_1 a terrorist organization founded in 1999 to oppose the link between nationalists and the Corsican mafia; "the attacks of Armata Corsa are aimed at symbolic targets of colonialism in Corsica" -00774107 __sexual_assault_NN_1 a statutory offense that provides that it is a crime to knowingly cause another person to engage in an unwanted sexual act by force or threat; "most states have replaced the common law definition of rape with statutes defining sexual assault" -00632236 __take_for_granted_VB_1 take to be the case or to be true; accept without verification or proof; "I assume his train was late" -06428792 __rewriting_NN_1 editing that involves writing something again -11612349 __swiss_mountain_pine_NN_1 low shrubby pine of central Europe with short bright green needles in bunches of two -02600490 __use_VB_4 seek or achieve an end by using to one's advantage; "She uses her influential friends to get jobs"; "The president's wife used her good connections" -04553703 __washbowl_NN_2 a basin for washing the hands (`wash-hand basin' is a British expression) -13684140 __myanmar_monetary_unit_NN_1 monetary unit in the Union of Burma -07272545 __sticker_NN_2 an adhesive label -07949463 __nationality_NN_1 people having common origins or traditions and often comprising a nation; "immigrants of the same nationality often seek each other out"; "such images define their sense of nationality" -11608885 __pine_NN_2 straight-grained durable and often resinous white to yellowish timber of any of numerous trees of the genus Pinus -11608250 __true_pine_NN_1 a coniferous tree -11608055 __pinus_NN_1 type genus of the Pinaceae: large genus of true pines -02330830 __superfamily_muroidea_NN_1 a superfamily of rodents essentially equal to the suborder Myomorpha but with the Dipodidae excluded -05238282 __tegument_NN_1 a natural protective body covering and site of the sense of touch; "your skin is the largest organ of your body" -09736633 __uygur_NN_1 a member of a people who speak Uighur and live in Xinjiang and adjacent areas -00753685 __put-on_NN_2 something intended to deceive; deliberate trickery intended to gain an advantage -11607071 __subdivision_pinophytina_NN_1 most conifers: in some systems classified as a class (Pinopsida) and in others as a subdivision (Pinophytina); used in some classifications for one of five subdivisions of Gymnospermophyta -09689435 __afghanistani_NN_1 a native or inhabitant of Afghanistan -11606661 __family_cordaitaceae_NN_1 chiefly Paleozoic plants; Cordaites is the chief and typical genus -06637973 __relational_database_NN_1 a database in which relations between information items are explicitly specified as accessible attributes; "in a relational database the data are organized as a number of differently sized tables" -00388296 __objectify_VB_2 make impersonal or present as an object; "Will computers depersonalize human interactions?"; "Pornography objectifies women" -10401331 __parrot_NN_2 a copycat who does not understand the words or acts being imitated -11605708 __subdivision_coniferophytina_NN_1 cone-bearing gymnosperms dating from the Carboniferous period; most are substantial trees; includes the classes Pinopsida (subdivision Pinophytina) and Ginkgopsida (subdivision Ginkgophytina) and Taxopsida (subdivision Taxophytina) which in turn include the surviving orders Coniferales and Taxales (yews) and sometimes Ginkgoales as well as extinct orders such as Cordaitales (of the Carboniferous and Permian) -10085101 __fence_NN_2 a dealer in stolen property -10041195 __otologist_NN_1 a physician who specializes in the ear and its diseases -03290195 __entablature_NN_1 (architecture) the structure consisting of the part of a classical temple above the columns between a capital and the roof -13662190 __franc_NN_1 the basic monetary unit in many countries; equal to 100 centimes -01167710 __strife_NN_2 bitter conflict; heated often violent dissension -11605147 __pteridospermaphyta_NN_1 used in some classification systems: a group of extinct fossil gymnosperms coextensive with the order Cycadofilicales -01004403 __quote_VB_4 put quote marks around; "Here the author is quoting his colleague" -05808102 __revelation_NN_2 an enlightening or astonishing disclosure -02519555 __volatile_JJ_1 evaporating readily at normal temperatures and pressures; "volatile oils"; "volatile solvents" -12134300 __setaria_NN_1 annual or perennial grasses of warm regions: bristlegrasses -00245457 __grow_VB_4 cause to grow or develop; "He grows vegetables in his backyard" -08124256 __food_and_drug_administration_NN_1 a federal agency in the Department of Health and Human Services established to regulate the release of new foods and health-related products -02363996 __sewellel_NN_1 bulky nocturnal burrowing rodent of uplands of the Pacific coast of North America; the most primitive living rodent -05272545 __triquetral_bone_NN_1 a wrist bone that articulates with the pisiform and hamate and lunate bones -11601177 __sago_palm_NN_2 dwarf palmlike cycad of Japan that yields sago -11600900 __genus_cycas_NN_1 type genus of Cycadaceae: genus of widely distributed Old World evergreen tropical trees having pinnate leaves and columnar stems covered with persistent bases of old leaves -07331400 __separation_NN_2 coming apart -01931845 __family_cephalobidae_NN_1 a family of Nematoda -01224517 __ridicule_NN_2 the act of deriding or treating with contempt -05780718 __derivation_NN_3 a line of reasoning that shows how a conclusion follows logically from accepted propositions -00799236 __charm_campaign_NN_1 a campaign of flattery and friendliness (by a company, politician, etc.) to become more popular and gain support -03376279 __folder_NN_2 covering that is folded over to protect the contents -01392843 __order_foraminifera_NN_1 foraminifers -11595312 __gymnospermophyta_NN_1 plants having naked seeds not enclosed in an ovary; in some systems considered a class (Gymnospermae) and in others a division (Gymnospermophyta); comprises three subdivisions (or classes): Cycadophytina (class Cycadopsida) and Gnetophytina (class Gnetopsida) and Coniferophytina (class Coniferopsida); in some classifications the Coniferophytina are divided into three groups: Pinophytina (class Pinopsida) and Ginkgophytina (class Ginkgopsida) and Taxophytina (class Taxopsida) -02461128 __tamandua_tetradactyla_NN_1 small toothless anteater with prehensile tail and four-clawed forelimbs; of tropical South America and Central America -04153751 __screw_NN_4 a fastener with a tapered threaded shank and a slotted head -08018189 __euskadi_ta_askatasuna_NN_1 a terrorist organization organized in 1959 by student activists who were dissatisfied with the moderate nationalism of the traditional Basque party; want to create an independent homeland in Spain's western Pyrenees; "in 1968 ETA launched a campaign of political assassinations of government officials" -09533498 __taoist_trinity_NN_1 the three pure ones; the three chief gods of Taoism -01007609 __projective_test_NN_1 any personality test designed to yield information about someone's personality on the basis of their unrestricted response to ambiguous objects or situations -11571907 __magnoliid_dicot_genus_NN_1 genus of dicotyledonous flowering plants regarded as among the most primitive of extant angiosperms -08482271 __head_NN_5 the front of a military formation or procession; "the head of the column advanced boldly"; "they were at the head of the attack" -08977428 __lahore_NN_1 city in northeast Pakistan -11566682 __rosid_dicot_family_NN_1 a family of dicotyledonous plants -11994827 __matricaria_NN_1 chiefly Old World strong-smelling weedy herbs; comprises plants sometimes included in other genera: e.g. Tanacetum; Tripleurospermum -11564734 __hamamelid_dicot_family_NN_1 family of mostly woody dicotyledonous flowering plants with flowers often unisexual and often borne in catkins -08380340 __separatism_NN_1 a social system that provides separate facilities for minority groups -13450636 __compensation_NN_2 (psychiatry) a defense mechanism that conceals your undesirable shortcomings by exaggerating desirable behaviors -11552806 __annual_NN_1 (botany) a plant that completes its entire life cycle within the space of a year -11552686 __balsam_NN_1 any seed plant yielding balsam -02869563 __visual_JJ_1 any wheeled vehicle that is dilapidated and uncomfortable; "that old bike without rubber tires was a real boneshaker" relating to or using sight; "ocular inspection"; "an optical illusion"; "visual powers"; "visual navigation" -10511425 __repeater_NN_2 someone who is repeatedly arrested for criminal behavior (especially for the same criminal behavior) -02619861 __sleeper_goby_NN_1 tropical fish that resembles a goby and rests quietly on the bottom in shallow water -06195839 __outlook_NN_1 a habitual or characteristic mental attitude that determines how you will interpret and respond to situations -01664862 __genus_eretmochelys_NN_1 hawksbills -04356056 __sunglasses_NN_1 spectacles that are darkened or polarized to protect the eyes from the glare of the sun; "he was wearing a pair of mirrored shades" -03530910 __hood_NN_9 protective covering consisting of a metal part that covers the engine; "there are powerful engines under the hoods of new cars"; "the mechanic removed the cowling in order to repair the plane's engine" -04981139 __sound_NN_1 the particular auditory effect produced by a given cause; "the sound of rain on the roof"; "the beautiful sound of music" -06598244 __bumph_NN_1 reading materials (documents, written information) that you must read and deal with but that you think are extremely boring -01899891 __flutter_VB_1 move along rapidly and lightly; skim or dart; "The hummingbird flitted among the branches" -11544314 __sphaerocarpaceae_NN_1 liverworts with bilaterally symmetrical gametophytes; sometimes placed in the order Jungermanniales -02265717 __family_corydalidae_NN_1 dobsons -01053623 __twitter_VB_1 make high-pitched sounds, as of birds -11542640 __liverwort_NN_1 any of numerous small green nonvascular plants of the class Hepaticopsida growing in wet places and resembling green seaweeds or leafy mosses -04935239 __stickiness_NN_1 the property of sticking to a surface -11541713 __sphagnales_NN_1 coextensive with the genus Sphagnum; in some classifications isolated in a separate subclass -11541322 __mniaceae_NN_1 family of erect mosses with club-shaped paraphyses and the hexagonal cells of the upper leaf surface; sometimes treated as a subfamily of Bryaceae -11540970 __family_bryaceae_NN_1 a family of acrocarpous mosses -11540747 __order_eubryales_NN_1 mosses with perennial erect gametophores and stems with rows of leaves and drooping capsules -00131426 __posterior_JJ_1 located at or near or behind a part or near the end of a structure -08391206 __territorial_reserve_NN_1 a territorial military unit -01821869 __shell_parakeet_NN_1 small Australian parakeet usually light green with black and yellow markings in the wild but bred in many colors -11538935 __musci_NN_1 true mosses: bryophytes having leafy rather than thalloid gametophytes: comprises orders Andreaeales; Bryales; Dicranales; Eubryales; Sphagnales -10375506 __old_man_NN_1 a man who is very old -10041887 __wage_earner_NN_1 someone who earn wages in return for their labor -11537886 __moss_genus_NN_1 a genus of mosses -03870672 __pack_NN_9 a bundle (especially one carried on the back) -01884266 __forge_VB_4 move ahead steadily; "He forged ahead" -10714465 __yearling_NN_1 a young child -05398023 __extracellular_fluid_NN_1 liquid containing proteins and electrolytes including the liquid in blood plasma and interstitial fluid; "the body normally has about 15 quarts of extracellular fluid" -03634034 __pile_dwelling_NN_1 dwelling built on piles in or near a lake; specifically in prehistoric villages -12512947 __genus_centrosema_NN_1 a genus of chiefly tropical American vines of the family Leguminosae having trifoliate leaves and large flowers -10252222 __reader_NN_7 a public lecturer at certain universities -05698982 __skepticism_NN_1 doubt about the truth of something -11531090 __plantlet_NN_1 a young plant or a small plant -06738162 __word_NN_2 a brief statement; "he didn't say a word about it" -00285506 __incarnadine_VB_1 make flesh-colored showing or affected by prejudice or envy or distaste; "looked with a jaundiced eye on the growth of regimentation"; "takes a jaundiced view of societies and clubs" -07375781 __upthrust_NN_1 (geology) a rise of land to a higher elevation (as in the process of mountain building) -09546280 __oberson_NN_1 (Middle Ages) the king of the fairies and husband of Titania in medieval folklore -08648658 __sector_NN_5 a portion of a military position -07943480 __cohort_NN_3 a group of people having approximately the same age -04608923 __xerox_machine_NN_1 a duplicator (trade mark Xerox) that copies graphic matter by the action of light on an electrically charged photoconductive insulating surface in which the latent image is developed with a resinous powder -01017222 __predicate_VB_1 make the (grammatical) predicate in a proposition; "The predicate `dog' is predicated of the subject `Fido' in the sentence `Fido is a dog'" -00605430 __trusteeship_NN_2 the position of trustee -00073813 __purge_VB_7 excrete or evacuate (someone's bowels or body); "The doctor decided that the patient must be purged" -11171851 __philipp_schwarzerd_NN_1 German theologian and Luther's successor as leader of the Reformation in Germany (1497-1560) -11527967 __flotation_NN_1 the phenomenon of floating (remaining on the surface of a liquid without sinking) -00144728 __unarmoured_JJ_2 (used of persons or things military) without protective armor -00551585 __overacting_NN_1 poor acting by a ham actor -11813309 __paronychia_NN_2 low-growing annual or perennial herbs or woody plants; whitlowworts -00360092 __leave_behind_VB_2 be survived by after one's death; "He left six children"; "At her death, she left behind her husband and 11 cats" -15055633 __vapour_NN_1 a visible suspension in the air of particles of some substance -11527177 __x_ray_NN_1 electromagnetic radiation of short wavelength produced when high-speed electrons strike a solid target -01693020 __lacerta_NN_1 type genus of the Lacertidae -11527014 __windstorm_NN_1 a storm consisting of violent winds -00052548 __inseminate_VB_2 introduce semen into (a female) -04099429 __rocket_NN_1 any vehicle self-propelled by a rocket engine -11524451 __wave_NN_8 a persistent and widespread unusual weather condition (especially of unusual temperatures); "a heat wave" -05453145 __granulocyte_NN_1 a leukocyte that has granules in its cytoplasm -11900058 __poppy_family_NN_1 herbs or shrubs having milky and often colored juices and capsular fruits -03492250 __harbour_NN_2 a place of refuge and comfort and security -08687150 __libra_the_scales_NN_1 the seventh sign of the zodiac; the sun is in this sign from about September 23 to October 22 -05713524 __visual_sensation_NN_1 the perceptual experience of seeing; "the runners emerged from the trees into his clear vision"; "he had a visual sensation of intense light" -11522448 __draught_NN_3 a current of air (usually coming into a chimney or room or vehicle) -11522206 __sunray_NN_3 a ray of artificial ultraviolet light from a sunray lamp -07288801 __miracle_NN_2 a marvellous event manifesting a supernatural act of a divine agent -00604228 __sinecure_NN_2 an office that involves minimal duties -03584111 __ipratropium_bromide_NN_1 an inhaled bronchodilator (trade name Atrovent) -01537959 __taint_VB_1 place under suspicion or cast doubt upon; "sully someone's reputation" -06705079 __honoris_causa_NN_1 a degree conferred to honor the recipient -10516016 __refugee_NN_1 an exile who flees for safety -04426618 __thoroughfare_NN_1 a public road from one place to another -05115040 __teemingness_NN_1 the property of a more than adequate quantity or supply; "an age of abundance" -11519450 __twister_NN_1 a localized and violently destructive windstorm occurring over land characterized by a funnel-shaped cloud extending toward the ground -08945277 __savoy_NN_1 a geographical region of historical importance; a former duchy in what is now southwestern France, western Switzerland, and northwestern Italy -04429756 __throughput_NN_1 output relative to input; the amount passing through a system from input to output (especially of a computer program over a period of time) -00585406 __facility_NN_4 something designed and created to serve a particular function and to afford a particular convenience or service; "catering facilities"; "toilet facilities"; "educational facilities" -10421183 __pharisee_NN_2 a member of an ancient Jewish sect noted for strict obedience to Jewish traditions -02488702 __colobus_monkey_NN_1 arboreal monkey of western and central Africa with long silky fur and reduced thumbs -10013114 __nitwit_NN_1 a stupid incompetent person -08473787 __religious_movement_NN_1 a movement intended to bring about religious reforms -09367827 __neckar_river_NN_1 a river in Germany; rises in the Black Forest and flows north into the Rhine -06024230 __first_moment_NN_1 the sum of the values of a random variable divided by the number of values -12168385 __genus_lobelia_NN_1 in some classifications considered the type genus of a separate family Lobeliaceae -00916123 __speak_up_VB_2 speak louder; raise one's voice; "The audience asked the lecturer to please speak up" -00207622 __blackball_NN_1 the act of excluding someone by a negative vote or veto -11408243 __zwingli_NN_1 Swiss theologian whose sermons began the Reformation in Switzerland (1484-1531) -02152504 __scan_VB_1 examine minutely or intensely; "the surgeon scanned the X-ray" -01480880 __holocephalian_NN_1 fish with high compressed head and a body tapering off into a long tail -10400998 __parodist_NN_1 mimics literary or musical style for comic effect -11515051 __tension_NN_4 (physics) a stress that produces an elongation of an elastic physical body; "the direction of maximum tension moves asymptotically toward the direction of the shear" -05614657 __sense_NN_4 sound practical judgment; "Common sense is not so common"; "he hasn't got the sense God gave little green apples"; "fortunately she had the good sense to run away" -03225108 __dormitory_room_NN_1 a large sleeping room containing several beds -02325042 __transfuse_VB_1 impart gradually; "Her presence instilled faith into the children"; "transfuse love of music into the students" -09192708 __allegheny_mountains_NN_1 the western part of the Appalachian Mountains; extending from northern Pennsylvania to southwestern Virginia -04071393 __regimentals_NN_1 the military uniform and insignia of a regiment -01170813 __dispute_NN_2 coming into conflict with -11512992 __propagation_NN_3 the movement of a wave through a medium -08800911 __western_roman_empire_NN_1 the western part after the Roman Empire was divided in 395; it lasted only until 476 -13687906 __german_monetary_unit_NN_1 monetary unit in Germany -11511176 __facula_NN_2 a large bright spot on the sun's photosphere occurring most frequently in the vicinity of sunspots -04532022 __vestiture_NN_1 an archaic term for clothing -01006239 __scribble_VB_1 write down quickly without much attention to detail -04550426 __wardrobe_NN_2 collection of clothing belonging to one person -11510067 __solar_radiation_NN_1 radiation from the sun -03720163 __map_NN_1 a diagrammatic representation of the earth's surface (or part of it) -00636061 __infer_VB_4 guess correctly; solve by guessing; "He guessed the right number of beans in the jar and won the prize" -12579593 __virgilia_NN_1 genus of South African trees having pinnate leaves and rose-purple flowers followed by leathery pods -10452752 __ponce_NN_1 a man who is effeminate in his manner and fussy in the way he dresses -06754972 __middle_term_NN_1 the term in a syllogism that is common to both premises and excluded from the conclusion -11506167 __sprinkling_NN_2 a light shower that falls in some locations and not others nearby -00798245 __movement_NN_6 a series of actions advancing a principle or tending toward a particular end; "he supported populist campaigns"; "they worked in the cause of world peace"; "the team was ready for a drive toward the pennant"; "the movement to end slavery"; "contributed to the war effort" -00213903 __immunity_NN_4 an act exempting someone; "he was granted immunity from prosecution" -04474035 __transporter_NN_1 a long truck for carrying motor vehicles -13774010 __snuff_NN_2 a pinch of smokeless tobacco inhaled at a single time -02492240 __genus_aotus_NN_1 douroucoulis -09994119 __stargazer_NN_1 someone indifferent to the busy world; "in the Odyssey Homer tells of lotus-eaters who live in dreamy indolence" -04806804 __worthiness_NN_1 the quality or state of having merit or value -05229198 __concha_NN_1 (anatomy) a structure that resembles a shell in shape -06515662 __chronological_record_NN_1 a chronological account of events in successive years -05987835 __sophistication_NN_1 uplifting enlightenment -00233614 __defusing_NN_1 the act of deactivating or making ineffective (as a bomb) -15232712 __lower_paleolithic_NN_1 the oldest part of the Paleolithic Age with the emergence of the hand ax; ended about 120,000 years ago -01004582 __reading_NN_8 the act of measuring with meters or similar instruments; "he has a job meter reading for the gas company" -00356367 __using_up_NN_1 the act of consuming something -04708543 __effortlessness_NN_1 the quality of requiring little effort; "such effortlessness is achieved only after hours of practice" -00192836 __liven_up_VB_1 make lively; "let's liven up this room a bit" -12260208 __family_fagaceae_NN_1 chiefly monoecious trees and shrubs: beeches; chestnuts; oaks; genera Castanea, Castanopsis, Chrysolepis, Fagus, Lithocarpus, Nothofagus, Quercus -07749969 __grapefruit_NN_2 large yellow fruit with somewhat acid juicy pulp; usual serving consists of a half -03420935 __iron_collar_NN_1 an instrument of execution for execution by strangulation -00652466 __surveillance_NN_1 close observation of a person or group (usually by the police) -10052843 __emotional_person_NN_1 a person subject to strong states of emotion -10702781 __terrorist_NN_1 a radical who employs terror as a political weapon; usually organizes with other terrorists in small cells; often uses religion as a cover for terrorist activities -02767433 __backrest_NN_1 a support that you can lean against while sitting; "the back of the dental chair was adjustable" -00223854 __slaughter_NN_1 the killing of animals (as for food) -12218868 __pincushion_hakea_NN_1 tall straggling shrub with large globose crimson-yellow flowers; western Australia -11498203 __thrust_NN_1 the force used in pushing; "the push of the water on the walls of the tank"; "the thrust of the jet engines" -11124300 __lee_yuen_kam_NN_1 United States actor who was an expert in kung fu and starred in martial arts films (1941-1973) -14585519 __speck_NN_2 (nontechnical usage) a tiny piece of anything -11497586 __prevailing_wind_NN_1 the predominant wind direction; "the prevailing wind is from the southwest" -07708512 __crudites_NN_1 raw vegetables cut into bite-sized strips and served with a dip -03525827 __holding_device_NN_1 a device for holding something -06532330 __law_NN_2 legal document setting forth rules governing a particular kind of activity; "there is a law against kidnapping" -02295870 __underwing_NN_1 moth having dull forewings and brightly colored hind wings -02464132 __skulk_VB_2 avoid responsibilities and duties, e.g., by pretending to be ill -03792334 __pitcher's_mound_NN_1 (baseball) the slight elevation on which the pitcher stands -01964049 __mytilid_NN_1 marine bivalve mollusk having a dark elongated shell; live attached to solid objects especially in intertidal zones -07053993 __work_song_NN_1 a usually rhythmical song to accompany repetitious work -09960315 __contemplative_NN_1 a person devoted to the contemplative life -00696882 __dressing_NN_7 the act of applying a bandage -09624559 __mediator_NN_1 a negotiator who acts as a link between parties -09850121 __donee_NN_1 the recipient of funds or other benefits -01904930 __walk_VB_1 use one's feet to advance; advance by steps; "Walk, don't run!"; "We walked instead of driving"; "She walks with a slight limp"; "The patient cannot walk yet"; "Walk over to the cabinet" -00044455 __emergence_NN_4 the act of coming (or going) out; becoming apparent -02253715 __woolly_plant_louse_NN_1 secretes a waxy substance like a mass of fine curly white cotton or woolly threads -09478355 __white_river_NN_1 a tributary of the Mississippi River that flows southeastward through northern Arkansas and southern Missouri -08518505 __capital_NN_3 a seat of government -04194289 __ship_NN_1 a vessel that carries passengers or freight -01519046 __order_casuariiformes_NN_1 a ratite bird order: cassowaries and emus -05690269 __obstruction_NN_3 something immaterial that stands in the way and must be circumvented or surmounted; "lack of imagination is an obstacle to one's advancement"; "the poverty of a district is an obstacle to good education"; "the filibuster was a major obstruction to the success of their plan" -04984514 __dissonance_NN_3 disagreeable sounds -00717358 __respond_VB_1 show a response or a reaction to something -01665836 __precook_VB_1 cook beforehand so that the actual preparation won't take long; "precook the rice" -02653706 __pertain_VB_2 be a part or attribute of -04588365 __window_NN_2 a transparent opening in a vehicle that allow vision out of the sides or back; usually is capable of being opened -02227362 __ditch_VB_2 throw away; "Chuck these old notes" -13311368 __withholding_tax_NN_1 income tax withheld from employees' wages and paid directly to the government by the employer -02546331 __ribbonfish_NN_2 marine fish having a long compressed ribbonlike body -00164801 __call_NN_12 (sports) the decision made by an umpire or referee; "he was ejected for protesting the call" -00277376 __wetting_NN_1 the act of making something wet -11487732 __sundog_NN_1 a bright spot on the parhelic circle; caused by diffraction by ice crystals; "two or more parhelia are usually seen at once" -09475292 __waterfall_NN_1 a steep descent of the water of a river -07191279 __demand_NN_1 an urgent or peremptory request; "his demands for attention were unceasing" -01826060 __ambition_VB_1 have as one's ambition -05046009 __timing_NN_1 the time when something happens -04687333 __charm_NN_1 attractiveness that interests or pleases or stimulates; "his smile was part of his appeal to her" -11485582 __sunray_NN_1 a ray of sunlight -06160244 __casuistry_NN_1 argumentation that is specious or excessively subtle and intended to be misleading -12187663 __globe_mallow_NN_1 genus of coarse herbs and subshrubs of arid North and South America having pink or scarlet flowers and globose fruits -02967626 __underlayment_NN_1 a pad placed under a carpet -05938795 __pattern_NN_5 a model considered worthy of imitation; "the American constitution has provided a pattern for many republics" -11483990 __shooting_star_NN_1 a streak of light in the sky at night that results when a meteoroid hits the earth's atmosphere and air friction causes the meteoroid to melt or vaporize or explode -05298729 __viscus_NN_1 a main organ that is situated inside the body -11107901 __klinefelter_NN_1 United States physician who first described the XXY-syndrome (born in 1912) -08836329 __austronesia_NN_1 islands of central and South Pacific (Indonesia and Melanesia and Micronesia and Polynesia) -03043958 __clip_NN_3 any of various small fasteners used to hold loose articles together -15233778 __regulation_time_NN_1 (sports) the normal prescribed duration of a game; "the game was finished in regulation time" -00313806 __sailing_NN_2 riding in a sailboat -04489008 __trouser_NN_1 (usually in the plural) a garment extending from the waist to the knee or ankle, covering each leg separately; "he had a sharp crease in his trousers" -12821736 __myosotis_NN_1 forget-me-nots; scorpion grass -14605787 __essential_amino_acid_NN_1 an amino acid that is required by animals but that they cannot synthesize; must be supplied in the diet -02557461 __stizostedion_NN_1 pike-perches -00524530 __achromatize_VB_1 remove color from; "achromatize the lenses" -06184270 __christian_theology_NN_1 the teachings of Christian churches -01439657 __genus_cyprinus_NN_1 type genus of the family Cyprinidae: carp -02292692 __trichophaga_tapetzella_NN_1 larvae feed on carpets and other woolens -02630468 __istiophorus_NN_1 type genus of the Istiophoridae -03560430 __iglu_NN_1 an Eskimo hut; usually built of blocks (of sod or snow) in the shape of a dome -02529772 __clupeid_fish_NN_1 any of numerous soft-finned schooling food fishes of shallow waters of northern seas -08769439 __aken_NN_1 a city in western Germany near the Dutch and Belgian borders; formerly it was Charlemagne's northern capital -00006802 __puff_VB_8 blow hard and loudly; "he huffed and puffed as he made his way up the mountain" -07257582 __windsock_NN_1 a truncated cloth cone mounted on a mast; used (e.g., at airports) to show the direction of the wind -07638676 __friedcake_NN_1 small cake in the form of a ring or twist or ball or strip fried in deep fat -13175484 __genus_drynaria_NN_1 large robust epiphytic ferns of tropical forest and scrub; Africa and Asia and Australia -11312709 __stanislavsky_NN_1 Russian actor and theater director who trained his actors to emphasize the psychological motivation of their roles (1863-1938) -07757312 __sweet_cherry_NN_2 any of several fruits of cultivated cherry trees that have sweet flesh -08991182 __samoan_islands_NN_1 a group of volcanic islands in the South Pacific midway between Hawaii and Australia; its climate and scenery and Polynesian culture make it a popular tourist stop -09758643 __maltreater_NN_1 someone who abuses -11476430 __luminescence_NN_1 light not due to incandescence; occurs at low temperatures -11476231 __atmospheric_electricity_NN_1 electrical discharges in the atmosphere -01720773 __support_VB_9 play a subordinate role to (another performer); "Olivier supported Gielgud beautifully in the second act" -01177583 __punch-up_NN_1 a fistfight; "the quarrel ended in a punch-up" -00971802 __dogfight_NN_4 a violent fight between dogs (sometimes organized illegally for entertainment and gambling) -08897843 __lower_egypt_NN_1 one of the two main administrative districts of Egypt; consists of the Nile delta -10529231 __wealthy_person_NN_1 a person who possesses great material wealth -08986374 __porto_NN_1 port city in northwest Portugal; noted for port wine -11473138 __purchase_NN_4 the mechanical advantage gained by being in a position to use a lever -05284851 __zygomatic_arch_NN_1 the slender arch formed by the temporal process of the cheekbone that bridges to the zygomatic process of the temporal bone -09801864 __prentice_NN_1 works for an expert to learn a trade -08011266 __rpa-abb_NN_1 an urban hit squad and guerrilla group of the Communist Party in the Philippines; formed in the 1980s -01874126 __order_marsupialia_NN_1 coextensive with the subclass Metatheria -05008943 __feminineness_NN_1 the properties characteristic of the female sex -07566863 __starches_NN_1 foodstuff rich in natural starch (especially potatoes, rice, bread) -04441528 __titfer_NN_1 a hat (Cockney rhyming slang: `tit for tat' rhymes with `hat') -00634286 __etymologize_VB_2 construct the history of words -11471097 __latent_heat_NN_1 heat absorbed or radiated during a change of phase at a constant temperature and pressure -02390101 __mule_NN_1 hybrid offspring of a male donkey and a female horse; usually sterile -09096664 __cambridge_NN_2 a city in Massachusetts just to the north of Boston; site of Harvard University and the Massachusetts Institute of Technology -01840643 __melanerpes_NN_1 a genus of Picidae -07212190 __making_known_NN_1 a speech act that conveys information -05712076 __sense_impression_NN_1 an unelaborated elementary awareness of stimulation; "a sensation of touch" -02592667 __tutor_VB_2 act as a guardian to someone -08330298 __circuit_court_of_appeals_NN_1 one of the twelve federal United States courts of appeals that cover a group of states known as a `circuit' -09610405 __commoner_NN_1 a person who holds no title -00239910 __startup_NN_2 the act of starting a new operation or practice; "he opposed the inauguration of fluoridation"; "the startup of the new factory was delayed by strikes" -12871074 __trichostema_NN_1 genus of North American aromatic herbs or subshrubs: blue curls -04836683 __push_NN_3 enterprising or ambitious drive; "Europeans often laugh at American energy" -02079851 __phoca_vitulina_NN_1 small spotted seal of coastal waters of the northern hemisphere -11465017 __gust_NN_1 a strong current of air; "the tree was bent almost double by the gust" -07745803 __lanset_NN_1 East Indian tart yellow berrylike fruit -07682624 __flatbread_NN_1 any of various breads made from usually unleavened dough -00077698 __suffocate_VB_7 struggle for breath; have insufficient oxygen intake; "he swallowed a fishbone and gagged" -01655344 __caecilian_NN_1 any of the small slender limbless burrowing wormlike amphibians of the order Gymnophiona; inhabit moist soil in tropical regions -00172710 __way_NN_2 how a result is obtained or an end is achieved; "a means of control"; "an example is the best agency of instruction"; "the true way to success" -11461825 __gale_NN_1 a strong wind moving 45-90 knots; force 7 to 10 on Beaufort scale -15025942 __hematohiston_NN_1 a colorless protein obtained by removing heme from hemoglobin; the oxygen carrying compound in red blood cells -12454159 __tulip_NN_1 any of numerous perennial bulbous herbs having linear or broadly lanceolate leaves and usually a single showy flower -03681477 __local_area_network_NN_1 a local computer network for communication between computers; especially a network connecting computers and word processors and other electronic office equipment to create a communication system between offices -11460488 __front_NN_7 (meteorology) the atmospheric phenomenon created at the boundary between two different air masses -02131942 __ursus_NN_1 type genus of Ursidae: brown bears; in some classifications genus Ursus includes all bears -04597066 __wood_NN_8 a golf club with a long shaft used to hit long shots; originally made with a wooden head; "metal woods are now standard" -08573674 __front_line_NN_1 the line along which opposing armies face each other -06561942 __complaint_NN_5 (criminal law) a pleading describing some wrong or offense; "he was arrested on a charge of larceny" -09422964 __san_joaquin_valley_NN_1 a vast valley in central California known for its rich farmland -01246926 __trap_NN_5 the act of concealing yourself and lying in wait to attack by surprise -08798195 __yafo_NN_1 a port in western Israel on the Mediterranean; incorporated into Tel Aviv in 1950 -09340203 __little_horn_NN_1 a river that flows from northern Wyoming into the Bighorn River in southern Montana; site of Custer's Last Stand -07985628 __twosome_NN_2 a pair who associate with one another; "the engaged couple"; "an inseparable twosome" -03877472 __pyjama_NN_2 (usually plural) loose-fitting nightclothes worn for sleeping or lounging; have a jacket top and trousers -14958405 __naphtha_NN_1 any of various volatile flammable liquid hydrocarbon mixtures; used chiefly as solvents -10526096 __reveller_NN_1 a celebrant who shares in a noisy party; "the clubs attract revelers as young as thirteen" -10884597 __rachel_louise_carson_NN_1 United States biologist remembered for her opposition to the use of pesticides that were hazardous to wildlife (1907-1964) -04680893 __stretch_mark_NN_1 a narrow band resulting from tension on the skin (as on abdominal skin after pregnancy) -11455695 __focus_NN_6 a point of convergence of light (or other radiation) or a point from which it diverges -11455092 __flashflood_NN_1 a sudden local flood of great volume and short duration -02163144 __order_collembola_NN_1 minute wingless arthropods: springtails -09912765 __chebab_NN_1 a Palestinian juvenile 10-15 years old who fights against the Israelis -11450869 __nonparticulate_radiation_NN_1 radiation consisting of waves of energy associated with electric and magnetic fields resulting from the acceleration of an electric charge -01589582 __genus_certhia_NN_1 type genus of the Certhiidae -04751098 __heterogeneousness_NN_1 the quality of being diverse and not comparable in kind -07106502 __hyperbole_NN_1 extravagant exaggeration -11999656 __ozothamnus_secundiflorus_NN_1 shrub with white woolly branches and woolly leaves having fragrant flowers forming long sprays; flowers suitable for drying; sometimes placed in genus Helichrysum -03688192 __long_johns_NN_1 warm underwear with long legs -02256354 __cash_in_VB_1 exchange for cash; "I cashed the check as soon as it arrived in the mail" -10259348 __lieutenant_NN_1 a commissioned military officer -11094055 __thaddaeus_NN_1 (New Testament) supposed brother of St. James; one of the Apostles who is invoked in prayer when a situation seems hopeless -07976936 __pair_NN_3 two people considered as a unit -05177285 __legal_right_NN_1 a right based in law -07803310 __buckwheat_NN_2 grain ground into flour -01849747 __oxyura_NN_1 ruddy duck -02600135 __mullus_NN_1 type genus of the Mullidae: goatfishes -00812298 __face_up_VB_1 deal with (something unpleasant) head on; "You must confront your problems"; "He faced the terrible consequences of his mistakes" -05982152 __purpose_NN_1 an anticipated outcome that is intended or that guides your planned actions; "his intent was to provide a new translation"; "good intentions are not enough"; "it was created with the conscious aim of answering immediate needs"; "he made no secret of his designs" -01360899 __plaster_VB_5 coat with plaster; "daub the wall" -08653706 __stand_NN_2 the position where a thing or person stands -07339098 __shock_NN_9 a sudden jarring impact; "the door closed with a jolt"; "all the jars and jolts were smoothed out by the shock absorbers" -02633844 __paprilus_NN_1 a genus of Stromateidae -11771924 __natal_plum_NN_1 very large closely branched South African shrub having forked bright green spines and shiny leaves -10675481 __supergrass_NN_1 a police informer who implicates many people -06428646 __erasure_NN_1 a correction made by erasing; "there were many erasures in the typescript" -11643684 __thuja_NN_1 red cedar -01342269 __moneron_NN_1 organisms that typically reproduce by asexual budding or fission and whose nutritional mode is absorption or photosynthesis or chemosynthesis -06057539 __general_anatomy_NN_1 the branch of morphology that deals with the structure of animals -00946650 __seeking_NN_1 the act of searching for something; "a quest for diamonds" -10193967 __married_man_NN_1 a married man; a woman's partner in marriage -00604321 __solicitorship_NN_1 the position of solicitor -02637337 __genus_eucinostomus_NN_1 a genus of Gerreidae -04872531 __ingenuousness_NN_2 openly straightforward or frank -03838160 __objectification_NN_2 a concrete representation of an abstract idea or principle -03222516 __doorbell_NN_1 a push button at an outer door that gives a ringing or buzzing signal when pushed -13076181 __gymnopilus_NN_1 a genus of fungus characterized by the orange color of the spore deposit -01650901 __pacific_tree_toad_NN_1 the most commonly heard frog on the Pacific coast of America -03105810 __crow_step_NN_1 (architecture) a step on the top of a gable wall -04167759 __tilting_board_NN_1 a plaything consisting of a board balanced on a fulcrum; the board is ridden up and down by children at either end -06763273 __note_NN_7 a comment or instruction (usually added); "his notes were appended at the end of the article"; "he added a short notation to the address on the envelope" -09250165 __colorado_plateau_NN_1 a large plateau to the south and west of the Rocky Mountains; abuts mountains on the north and east and ends in an escarpment overlooking lowlands to the south and west; the Grand Canyon is carved out of the southwestern corner -07907037 __firewater_NN_1 any strong spirits (such as strong whisky or rum) -03497182 __hashish_NN_1 purified resinous extract of the hemp plant; used as a hallucinogen -09795334 __announcer_NN_1 someone who proclaims a message publicly -10789963 __woodcarver_NN_1 makes decorative wooden panels -11439031 __circulation_NN_2 movement through a circuit; especially the movement of blood through the heart and blood vessels -08708609 __lobito_NN_1 a seaport on the Atlantic coast of Angola -07983170 __roman_mythology_NN_1 the mythology of the ancient Romans -03396654 __friction_clutch_NN_1 a clutch in which one part turns the other by the friction between them -11437577 __ionizing_radiation_NN_1 high-energy radiation capable of producing ionization in substances through which it passes -01396458 __genus_stentor_NN_1 trumpet-shaped protozoa with a ciliated spiral feeding funnel -06291318 __function_word_NN_1 a word that is uninflected and serves a grammatical function but has little identifiable meaning -06288527 __portmanteau_word_NN_1 a new word formed by joining two others and combining their meanings; "`smog' is a blend of `smoke' and `fog'"; "`motel' is a portmanteau word made by combining `motor' and `hotel'"; "`brunch' is a well-known portmanteau" -11436283 __chemical_bond_NN_1 an electrical force linking atoms -03309808 __textile_NN_1 artifact made by weaving or felting or knitting or crocheting natural or synthetic fibers; "the fabric in the curtains was light and semitransparent"; "woven cloth originated in Mesopotamia around 5000 BC"; "she measured off enough material for a dress" -04080454 __resonator_NN_1 a hollow chamber whose dimensions allow the resonant oscillation of electromagnetic or acoustic waves -11435028 __electric_charge_NN_1 the quantity of unbalanced electricity in a body (either positive or negative) and construed as an excess or deficiency of electrons; "the battery needed a fresh charge" -01688812 __genus_moloch_NN_1 genus of Australian desert lizard -14487443 __debasement_NN_1 being mixed with extraneous material; the product of adulterating -09154607 __spokane_NN_1 a city in eastern Washington near the Idaho border -03292736 __epicyclic_train_NN_1 a system of epicyclic gears in which at least one wheel axis itself revolves about another fixed axis -09103943 __ms_NN_2 a state in the Deep South on the gulf of Mexico; one of the Confederate States during the American Civil War -02276355 __vanessa_atalanta_NN_1 of temperate Europe and Asia; having black wings with red and white markings -07137129 __prattle_NN_1 idle or foolish and irrelevant talk -08236621 __trust_NN_4 a consortium of independent organizations formed to limit competition by controlling the production and distribution of a product or service; "they set up the trust in the hope of gaining a monopoly" -02168542 __family_cerambycidae_NN_1 long-horned beetles -11630017 __cedar_tree_NN_1 any of numerous trees of the family Cupressaceae that resemble cedars -01699415 __gavialidae_NN_1 gavials -07451463 __funeral_NN_1 a ceremony at which a dead person is buried or cremated; "hundreds of people attended his funeral" -10348526 __seal_NN_4 a member of a Naval Special Warfare unit who is trained for unconventional warfare; "SEAL is an acronym for Sea Air and Land" -13623636 __ml_NN_1 a metric unit of volume equal to one thousandth of a liter -01363719 __spirillum_NN_1 spirally twisted elongate rodlike bacteria usually living in stagnant water -04653627 __comradeship_NN_1 the quality of affording easy familiarity and sociability -04505470 __typewriter_keyboard_NN_1 a keyboard for manually entering characters to be printed -09815790 __supporter_NN_3 a person who contributes to the fulfillment of a need or furtherance of an effort or purpose; "my invaluable assistant"; "they hired additional help to finish the work" -03309465 __ocular_NN_1 combination of lenses at the viewing end of optical instruments -12406488 __white_elm_NN_1 large ornamental tree with graceful gradually spreading branches common in eastern North America -11429968 __blood_pressure_NN_1 the pressure of the circulating blood against the walls of the blood vessels; results from the systole of the left ventricle of the heart; sometimes measured for a quick evaluation of a person's health; "adult blood pressure is considered normal at 120/80 where the first number is the systolic pressure and the second is the diastolic pressure" -05236322 __rete_NN_1 a network of intersecting blood vessels or intersecting nerves or intersecting lymph vessels -06618937 __three-d_NN_1 a movie with images having three dimensional form or appearance -08770518 __karl-marx-stadt_NN_1 a city in east central Germany; formerly called Karl-Marx-Stadt until 1990; noted for textile manufacturing -02608004 __neighbour_VB_2 be located near or adjacent to; "Pakistan neighbors India" -03779370 __mould_NN_8 container into which liquid is poured to create a given shape when it hardens -00781912 __stickup_NN_1 robbery at gunpoint -04811995 __refinement_NN_5 the quality of excellence in thought and manners and taste; "a man of intellectual refinement"; "he is remembered for his generosity and civilization" -02246166 __black_marketeer_VB_1 deal on the black market -02369633 __dispatch_VB_4 dispose of rapidly and without delay and efficiently; "He dispatched the task he was assigned" -11424400 __alternative_energy_NN_1 energy derived from sources that do not use up natural resources or harm the environment -08774374 __nurnberg_NN_1 a city in southeastern Germany; site of Allied trials of Nazi war criminals (1945-46) -06609503 __rhetoric_NN_3 loud and confused and empty talk; "mere rhetoric" -05972585 __physicalism_NN_1 (philosophy) the philosophical theory that matter is the only reality -04975122 __hue_NN_1 the quality of a color as determined by its dominant wavelength -06506757 __reminder_NN_1 a message that helps you remember something; "he ignored his wife's reminders" -07978924 __classical_mythology_NN_1 the system of mythology of the Greeks and Romans together; much of Roman mythology (especially the gods) was borrowed from the Greeks -11420139 __optical_aberration_NN_1 an optical phenomenon resulting from the failure of a lens or mirror to produce a good image -11419404 __physical_phenomenon_NN_1 a natural phenomenon involving the physical properties of matter and energy -11418750 __organic_phenomenon_NN_1 (biology) a natural phenomenon involving living plants and animals -10578162 __seminarist_NN_1 a student at a seminary (especially a Roman Catholic seminary) -00881545 __outlook_NN_3 the act of looking out -08397856 __horse_cavalry_NN_1 troops trained to fight on horseback; "500 horse led the attack" -09209263 __atlantic_ocean_NN_1 the 2nd largest ocean; separates North and South America on the west from Europe and Africa on the east -00387680 __resile_VB_4 return to the original position or state after being stretched or compressed; "The rubber tubes resile" -02072501 __inch_VB_1 advance slowly, as if by inches; "He edged towards the car" -14793921 __cellulose_NN_1 a polysaccharide that is the chief constituent of all plant tissues and fibers -07816052 __sassafras_NN_2 dried root bark of the sassafras tree -11415721 __outgrowth_NN_1 a natural consequence of development -04927445 __oldness_NN_1 the opposite of youngness -04257223 __soft_pedal_NN_1 a pedal on a piano that moves the action closer to the strings and so soften the sound -11415084 __variation_NN_8 (astronomy) any perturbation of the mean motion or orbit of a planet or satellite (especially a perturbation of the earth's moon) -11414874 __perturbation_NN_2 (physics) a secondary influence on a system that causes it to deviate slightly -02232951 __dictyopterous_insect_NN_1 cockroaches and mantids -06787835 __markup_language_NN_1 a set of symbols and rules for their use when doing a markup of a document -00539121 __country_dancing_NN_1 a type of folk dance in which couples are arranged in sets or face one another in a line -11414257 __harvest_NN_2 the consequence of an effort or activity; "they gathered a harvest of examples"; "a harvest of love" -02175440 __genus_cetonia_NN_1 a genus of Cetoniidae -04355821 __sun_gear_NN_1 the central gear in an epicyclic train -00075283 __snafu_NN_1 an acronym often used by soldiers in World War II: situation normal all fucked up -10096126 __foolish_woman_NN_1 a female fool -11414041 __domino_effect_NN_1 the consequence of one event setting off a chain of similar events (like a falling domino causing a whole row of upended dominos to fall) -00139758 __interception_NN_2 (American football) the act of catching a football by a player on the opposing team -02935387 __tea_caddy_NN_1 a can for storing tea -00100551 __work_out_VB_8 give a workout to; "Some parents exercise their infants"; "My personal trainer works me hard"; "work one's muscles"; "this puzzle will exercise your mind" -11412727 __change_NN_4 the result of alteration or modification; "there were marked changes in the lining of the lungs"; "there had been no change in the mountains" -05233741 __mandibular_notch_NN_1 small indentation in the middle of the lower jawbone -11412592 __byproduct_NN_1 a secondary and sometimes unexpected consequence -02544348 __take_chances_VB_1 take a risk in the hope of a favorable outcome; "When you buy these stocks you are gambling" -02558980 __family_brotulidae_NN_1 chiefly deep-sea fishes related to the Ophidiidae -00442847 __plunge_NN_1 a brief swim in water turn from a liquid to a solid mass; "his blood curdled" -10451263 __politician_NN_1 a leader engaged in civil administration -02368399 __rat_chinchilla_NN_1 ratlike rodent with soft fur and large ears of the Andes -05196582 __say-so_NN_3 the power or right to give orders or make decisions; "he has the authority to issue warrants"; "deputies are given authorization to make arrests"; "a place of potency in the state" -04151581 __screen_NN_5 a protective covering consisting of netting; can be mounted in a frame; "they put screens in the windows for protection against insects"; "a metal screen protected the observers" -05985381 __traditional_knowledge_NN_1 knowledge gained through tradition or anecdote; "early peoples passed on plant and animal lore through legend" -08742205 __acapulco_de_juarez_NN_1 a port and fashionable resort city on the Pacific coast of southern Mexico; known for beaches and water sports (including cliff diving) -12199790 __terrietia_trifoliolata_NN_1 large tree of Australasia -05445668 __organelle_NN_1 a specialized part of a cell; analogous to an organ; "the first organelle to be identified was the nucleus" -02542017 __tenpounder_NN_1 game fish resembling the tarpon but smaller -02430929 __genus_cervus_NN_1 the type genus of the Cervidae -04495450 __tuck_shop_NN_1 a candy store in Great Britain -10059904 __entomologist_NN_1 a zoologist who studies insects -01161821 __discipline_NN_5 the act of punishing; "the offenders deserved the harsh discipline they received" -10133644 __government_agent_NN_1 a representative or official of a government or administrative department of a government -01160031 __harmful_JJ_1 causing or capable of causing harm; "too much sun is harmful to the skin"; "harmful effects of smoking" -07042862 __canon_NN_4 a contrapuntal piece of music in which a melody in one part is imitated exactly in other parts -14758536 __shell_NN_2 the material that forms the hard outer covering of many animals -13355656 __capital_account_NN_1 (economics) that part of the balance of payments recording a nation's outflow and inflow of financial securities -04819026 __understandability_NN_1 the quality of comprehensible language or thought -01325060 __pleurodont_NN_1 an animal having teeth fused with the inner surface of the alveolar ridge without sockets -03091374 __connexion_NN_4 an instrumentality that connects; "he soldered the connection"; "he didn't have the right connector between the amplifier and the speakers" -06702458 __doctorate_NN_1 one of the highest earned academic degrees conferred by a university -08063446 __dealer_NN_2 a firm engaged in trading -00530017 __escape_VB_7 issue or leak, as from a small opening; "Gas escaped into the bedroom" -05685879 __tangle_NN_2 something jumbled or confused; "a tangle of government regulations" -05422668 __vena_cava_NN_1 either of two large veins that return oxygen-depleted blood to the right atrium of the heart -06022727 __nonparametric_statistic_NN_1 a statistic computed without knowledge of the form or the parameters of the distribution from which observations are drawn -11071677 __william_ralph_inge_NN_1 English prelate noted for his pessimistic sermons and articles (1860-1954) -09754633 __abnegator_NN_1 one who gives up or relinquishes or renounces something -02926727 __butacaine_sulfate_NN_1 a white crystalline ester that is applied to mucous membranes as a local anesthetic -00628883 __pandiculation_NN_1 yawning and stretching (as when first waking up) -06759776 __stalking-horse_NN_2 something serving to conceal plans; a fictitious reason that is concocted in order to conceal the real reason -02598747 __seriphus_NN_1 a genus of Sciaenidae -04962240 __oxford_grey_NN_1 a very dark grey color -11400837 __wyszynski_NN_1 Polish prelate who persuaded the Soviet to allow greater religious freedom in Poland (1901-1981) -02482650 __pygmy_chimpanzee_NN_1 small chimpanzee of swamp forests in Zaire; a threatened species -03374102 __flying_carpet_NN_1 (Asian folktale) an imaginary carpet that will fly people anywhere they wish to go -01828405 __yearn_VB_1 desire strongly or persistently -04793016 __admissibility_NN_1 acceptability by virtue of being admissible -02445715 __wood_pussy_NN_1 American musteline mammal typically ejecting an intensely malodorous fluid when startled; in some classifications put in a separate subfamily Mephitinae -02511551 __regulate_VB_2 bring into conformity with rules or principles or usage; impose regulations; "We cannot regulate the way people dress"; "This town likes to regulate" -10370381 __occultist_NN_1 a believer in occultism; someone versed in the occult arts -07406765 __stream_NN_5 a steady flow of a fluid (usually from natural causes); "the raft floated downstream on the current"; "he felt a stream of air"; "the hose ejected a stream of water" -00357275 __tweak_NN_1 a squeeze with the fingers -12661045 __rubia_cordifolia_NN_1 perennial East Indian creeping or climbing herb used for dye in the orient -04077734 __rescue_equipment_NN_1 equipment used to rescue passengers in case of emergency -01878203 __lagorchestes_NN_1 hare wallabies -05530657 __vestibular_fold_NN_1 either of the upper two vocal cords that are not involved in vocalization -13189428 __scented_fern_NN_1 fern of eastern North America with pale green fronds and an aroma like hay -02316180 __echinoderm_genus_NN_1 a genus of echinoderms -01537544 __passerina_cyanea_NN_1 small deep blue North American bunting -10561320 __scoffer_NN_2 someone who jeers or mocks or treats something with contempt or calls out in derision -05766247 __rendition_NN_2 an explanation of something that is not immediately obvious; "the edict was subject to many interpretations"; "he annoyed us with his interpreting of parables"; "often imitations are extended to provide a more accurate rendition of the child's intended meaning" -01173813 __pick_up_VB_15 eat by pecking at, like a bird -01702623 __suborder_marginocephalia_NN_1 includes boneheaded (pachycephalosaurs) and horned (ceratopsian) dinosaurs -06787150 __name_and_address_NN_1 written directions for finding some location; written on letters or packages that are to be delivered to that location -02616705 __genus_anarhichas_NN_1 type genus of the Anarhichadidae -04459610 __towelling_NN_1 any of various fabrics (linen or cotton) used to make towels -05786184 __meditation_NN_2 (religion) contemplation of spiritual matters (usually on religious or philosophical subjects) -12661538 __woodruff_NN_2 any plant of the genus Asperula -01289061 __okinawa_campaign_NN_1 a campaign in the closing days of World War II in the Pacific (April to June 1945); in savage close-quarter fighting United States marines and regular army troops took the island from the Japanese; considered the greatest victory of the Pacific campaign for the Americans -05940414 __fuzz_NN_3 a hazy or indistinct representation; "it happened so fast it was just a blur"; "he tried to clear his head of the whisky fuzz" -14422035 __continuity_NN_1 uninterrupted connection or union -12940427 __myrrhis_NN_1 European perennial herbs having pinnate leaves and umbels of white flowers -01685960 __charge_VB_15 place a heraldic bearing on; "charge all weapons, shields, and banners" -05764197 __colligation_NN_2 the connection of isolated facts by a general hypothesis -15223916 __nowruz_NN_1 (Persian) the new year holiday in Iran and Azerbaijan and Afghanistan and Pakistan and parts of India and among the Kurds; comes at the vernal equinox -09070487 __district_of_columbia_NN_1 the district occupied entirely by the city of Washington; chosen by George Washington as the site of the capital of the United States and created out of land ceded by Maryland and Virginia -03906590 __pelican_crossing_NN_1 an acronym for pedestrian light control; a pedestrian crossing with traffic lights that are controlled by pedestrians -00830257 __wearing_NN_2 the act of having on your person as a covering or adornment; "she bought it for everyday wear" -08463817 __sampler_NN_3 an assortment of various samples; "a candy sampler"; "a sampler of French poets" -11775340 __rauwolfia_NN_2 any shrub or small tree of the genus Rauwolfia having leaves in whorls and cymose flowers; yield substances used medicinally especially as emetics or purgatives or antihypertensives -10644179 __stabber_NN_1 someone who stabs another person -15129572 __priscoan_eon_NN_1 the earliest eon in the history of the Earth from the first accretion of planetary material (around 4,600 million years ago) until the date of the oldest known rocks (about 3,800 million years ago); no evidence of life -06713377 __blowing_up_NN_1 a severe rebuke; "he deserved the berating that the coach gave him" -14538113 __xerophthalmus_NN_1 abnormal dryness of the conjunctiva and cornea of the eyes; may be due to a systemic deficiency of vitamin A -13566436 __teratogenesis_NN_1 the development of defects in an embryo -09432430 __shell_NN_5 the exterior covering of a bird's egg -05081300 __pose_NN_2 a posture assumed by models for photographic or artistic purposes -12933403 __cultivated_celery_NN_1 widely cultivated herb with aromatic leaf stalks that are eaten raw or cooked -02257536 __family_cercopidae_NN_1 froghoppers or spittlebugs -11387179 __wilkes_NN_1 English reformer who published attacks on George III and supported the rights of the American colonists (1727-1797) -12112918 __reed_grass_NN_1 any of various tall perennial grasses of the genus Calamagrostis having feathery plumes; natives of marshland fens and wet woodlands of temperate northern hemisphere -01889129 __quiver_VB_1 shake with fast, tremulous movements; "His nostrils palpitated" -02083038 __family_canidae_NN_1 dogs; wolves; jackals; foxes -11386346 __wilde_NN_1 Irish writer and wit (1854-1900) -04785908 __naturalness_NN_1 the quality of being natural or based on natural principles; "he accepted the naturalness of death"; "the spontaneous naturalness of his manner" -08025497 __islamic_great_eastern_raiders-front_NN_1 a Turkish terrorist organization that claimed responsibility for bombing a British consulate and bank in Istanbul; a violent opponent of Turkey's secular government and its ties to the European Union and NATO -00776732 __peculation_NN_1 the fraudulent appropriation of funds or property entrusted to your care but actually owned by someone else -00504975 __ludo_NN_1 a simple board game in which players move counters according to the throw of dice -11385748 __wiesel_NN_1 United States writer (born in Romania) who survived Nazi concentration camps and is dedicated to keeping alive the memory of the Holocaust (born in 1928) -11385126 __whitney_NN_1 United States inventor of the mechanical cotton gin (1765-1825) -03439491 __glen_canyon_dam_NN_1 a large dam built in 1964 on the Colorado River in Arizona -00898127 __scrimmage_NN_1 (American football) practice play between a football team's squads -03916720 __peripheral_device_NN_1 (computer science) electronic equipment connected by cable to the CPU of a computer; "disk drives and printers are important peripherals" -00057665 __twin_VB_4 give birth to twins -02291220 __tineoid_moth_NN_1 small dull-colored moth with chewing mouthparts -10120671 __gardener_NN_2 someone employed to work in a garden -02232408 __subclass_exopterygota_NN_1 subclass of insects characterized by gradual and usually incomplete metamorphosis -02643713 __synanceja_NN_1 stonefishes -01380902 __genus_streptococcus_NN_1 a genus of bacteria -08900204 __suez_NN_1 a city in northeastern Egypt at the head of the Gulf of Suez and at the southern end of the Suez Canal -11380923 __wellington_NN_1 British general and statesman; he defeated Napoleon at Waterloo; subsequently served as Prime Minister (1769-1852) -09173777 __pico_de_orizaba_NN_1 an extinct volcano in southern Mexico between Mexico City and Veracruz; the highest peak in Mexico (18,695 feet) -01798484 __prairie_grouse_NN_1 brown mottled North American grouse of western prairies without or seeming to be without plan or method; offhand; "a casual remark"; "information collected by casual methods and in their spare time" -02293732 __bail_VB_2 deliver something in trust to somebody for a special purpose and for a limited period -00038262 __course_of_action_NN_1 a mode of action; "if you persist in that course you will surely fail"; "once a nation is embarked on a course of action it becomes extremely difficult for any retraction to take place" -14114555 __renal_failure_NN_1 inability of the kidneys to excrete wastes and to help maintain the electrolyte balance -01595830 __weld_VB_1 join together by heating; "weld metal" -14136187 __leprosy_NN_1 chronic granulomatous communicable disease occurring in tropical and subtropical regions; characterized by inflamed nodules beneath the skin and wasting of body parts; caused by the bacillus Mycobacterium leprae -06545528 __assignment_NN_2 the instrument by which a claim or right or interest or property is transferred from one person to another -05835747 __construct_NN_1 an abstract or general idea inferred or derived from specific instances -12934479 __carum_carvi_NN_1 a Eurasian plant with small white flowers yielding caraway seed -05070290 __convexness_NN_1 the property possessed by a convex shape -05646926 __idiocy_NN_1 extreme mental retardation -00742320 __put_across_VB_1 transmit information ; "Please communicate this message to all employees"; "pass along the good news" -11377043 __watts_NN_1 English poet and theologian (1674-1748) -04526964 __ventilator_NN_1 a device (such as a fan) that introduces fresh air or expels foul air -03346455 __open_fireplace_NN_1 an open recess in a wall at the base of a chimney where a fire can be built; "the fireplace was so large you could walk inside it"; "he laid a fire in the hearth and lit it"; "the hearth was black with the charcoal of many fires" -03520811 __preventive_NN_2 any obstruction that impedes or is burdensome -04527808 __verapamil_NN_1 a drug (trade names Calan and Isoptin) used as an oral or parenteral calcium blocker in cases of hypertension or congestive heart failure or angina or migraine -06845599 __trade_name_NN_1 a name given to a product or service -10056103 __vitalizer_NN_1 someone who imparts energy and vitality and spirit to other people -00309582 __pop_VB_13 burst open with a sharp, explosive sound; "The balloon popped"; "This popcorn pops quickly in the microwave oven" -00971309 __sortie_NN_1 a military action in which besieged troops burst forth from their position -10569744 __secretary_NN_2 an assistant who handles correspondence and clerical work for a boss or an organization -02729965 __widget_NN_2 a device or control that is very useful for a particular job -10311661 __mestiza_NN_1 a woman of mixed racial ancestry (especially mixed European and Native American ancestry) -00349369 __stroke_NN_12 a single complete movement -11782522 __genus_amorphophallus_NN_1 genus of large tropical east Asian cormous aroids: devil's tongue; snake palm -08698126 __balkan_state_NN_1 any one of the countries on the Balkan Peninsula -12797025 __water_mat_NN_1 aquatic herb with yellowish flowers; central and western United States -11372599 __walpole_NN_1 English writer and historian; son of Sir Robert Walpole (1717-1797) -03820318 __net_NN_4 a goal lined with netting (as in soccer or hockey) -13148791 __piperaceae_NN_1 tropical woody vines and herbaceous plants having aromatic herbage and minute flowers in spikelets -01176431 __free-for-all_NN_1 a noisy fight in a crowd -00775286 __seizure_NN_3 the act of taking of a person by force -11370654 __waldheim_NN_1 Austrian diplomat who was Secretary General of the United Nations from 1972 to 1981; in 1986 he was elected president of Austria in spite of worldwide allegations that he had direct knowledge of Nazi atrocities during World War II (born in 1918) -01424220 __poke_VB_3 stir by poking; "poke the embers in the fireplace" -08198137 __service_NN_6 a force that is a branch of the armed forces -05763412 __identity_NN_2 the individual characteristics by which a thing or person is recognized or known; "geneticists only recently discovered the identity of the gene that causes it"; "it was too dark to determine his identity"; "she guessed the identity of his lover" -00717208 __premiss_VB_1 the act of applying paint to a surface; "you can finish the job of painting faster with a roller than with a brush" take something as preexisting and given -01457576 __family_aulostomidae_NN_1 trumpetfishes -00807461 __object_VB_1 express or raise an objection or protest or criticism or express dissent; "She never objected to the amount of work her boss charged her with"; "When asked to drive the truck, she objected that she did not have a driver's license" -12711398 __rangpur_lime_NN_1 hybrid between mandarin orange and lemon having very acid fruit with orange peel -11368638 __voltaire_NN_1 French writer who was the embodiment of 18th century Enlightenment (1694-1778) -04904162 __sang-froid_NN_1 great coolness and composure under strain; "keep your cool" -06633363 __apology_NN_1 an expression of regret at having caused trouble for someone; "he wrote a letter of apology to the hostess" -06930934 __sino-tibetan_language_NN_1 the family of tonal languages spoken in eastern Asia -12969670 __star_earthball_NN_1 an earthball with a smooth upper surface that is at first buried in sand; the top of the fruiting body opens up to form segments like the ray of an umbel -03550420 __hutment_NN_1 an encampment of huts (chiefly military) -01749582 __mamba_NN_1 arboreal snake of central and southern Africa whose bite is often fatal -09862345 __boarder_NN_3 a pupil who lives at school during term time -01529766 __nest_VB_2 fit together or fit inside; "nested bowls" -00963896 __mutiny_NN_1 open rebellion against constituted authority (especially by seamen or soldiers against their officers) -06546633 __conveyance_NN_1 document effecting a property transfer -00907340 __exposure_NN_8 the act of exposing film to light -11366405 __villa_NN_1 Mexican revolutionary leader (1877-1923) -01680478 __fence_lizard_NN_1 spiny lizard often seen basking on fences in the United States and northern Mexico -00510723 __tear_NN_3 an occasion for excessive eating or drinking; "they went on a bust that lasted three days" -02051694 __travel_by_VB_1 move past; "A black limousine passed by when she looked out the window"; "He passed his professor in the hall"; "One line of soldiers surpassed the other" -08027920 __jerusalem_warriors_NN_1 ethnic Turkish Sunni terrorists who are linked with the Turkish Hizballah; killed a United States Air Force sergeant in 1991 -02933462 __storage_locker_NN_1 a storage compartment for clothes and valuables; usually it has a lock -14704640 __cement_NN_3 something that hardens to act as adhesive material -01577941 __crested_myna_NN_1 dark brown crested bird of southeastern Asia -04767805 __periodicity_NN_1 the quality of recurring at regular intervals -04801532 __conventionality_NN_3 orthodoxy as a consequence of being conventional -04484160 __trimming_NN_2 a decoration or adornment on a garment; "the trimming on a hat"; "the trim on a shirt" -00698104 __make_VB_44 calculate as being; "I make the height about 100 feet" -00606335 __drill_VB_4 teach by repetition -13467700 __dissociation_NN_3 (chemistry) the temporary or reversible process in which a molecule or ion is broken down into smaller molecules or ions -07398097 __tinkle_NN_1 a light clear metallic sound as of a small bell -01954202 __subclass_amphineura_NN_1 a class of Gastropoda -05046659 __earliness_NN_1 quality of coming early or earlier in time -09626238 __peer_NN_1 a person who is of equal standing with another in a group -03414814 __ghb_NN_1 a club drug available in liquid or powder form is taken orally (frequently combined with alcohol); used to incapacitate individuals for the commission of sexual assault and rape -01489161 __freight_VB_2 load with goods for transportation -00065791 __adventurous_JJ_1 willing to undertake or seeking out new and daring enterprises; "adventurous pioneers"; "the risks and gains of an adventuresome economy" -02544781 __go_for_broke_VB_1 risk everything in one big effort; "the cyclist went for broke at the end of the race" -09801102 __apprehender_NN_2 a person who seizes or arrests (especially a person who seizes or arrests in the name of justice) -05825245 __verification_NN_1 additional proof that something that was believed (some fact or hypothesis or theory) is correct; "fossils provided further confirmation of the evolutionary theory" -02266580 __sialidae_NN_1 an arthropod family including: alderflies -15147097 __childhood_NN_1 the time of person's life when they are a child -12293419 __genus_gentiana_NN_1 type genus of the Gentianaceae; cosmopolitan genus of herbs nearly cosmopolitan in cool temperate regions; in some classifications includes genera Gentianopsis and Gentianella -01770795 __pseudoscorpion_NN_1 small nonvenomous arachnid resembling a tailless scorpion -05921868 __hypostasis_NN_4 (metaphysics) essential nature or underlying reality -02986348 __cattleship_NN_1 a cargo ship for the transport of livestock -04543158 __wagon_NN_1 any of various kinds of wheeled vehicles drawn by an animal or a tractor -01835584 __genus_caprimulgus_NN_1 type genus of the Caprimulgidae -01652850 __genus_gastrophryne_NN_1 primarily tropical narrow-mouthed toads -09157163 __wisconsin_NN_2 a midwestern state in north central United States -10113583 __strawman_NN_1 a person used as a cover for some questionable activity -02593863 __sciaenidae_NN_1 warm-water marine fishes including the drums and grunts and croakers and sea trout -03104594 __copy_NN_2 a thing made to be similar or identical to another thing; "she made a copy of the designer dress"; "the clone was a copy of its ancestor" -03067912 __montage_NN_1 a paste-up made by sticking together pieces of paper or photographs to form an artistic image; "he used his computer to make a collage of pictures superimposed on a map" -09266453 __dhaulagiri_NN_1 a mountain in the Himalayas in Nepal (26,820 feet high) -00579952 __territorialize_VB_2 place on a territorial basis; "The railways were territorialized" -03048598 __plavix_NN_1 a blood thinner (trade name Plavix) approved for the treatment of mild heart attacks; works by preventing blood platelets from sticking together to form clots that would restrict blood flow -04537602 __virility_drug_NN_1 drug to treat impotence attributable to erectile dysfunction -01047937 __regeneration_NN_3 the activity of spiritual or physical renewal -02273545 __order_lepidoptera_NN_1 moths and butterflies -02273120 __forficulidae_NN_1 typical earwigs -02613487 __offer_up_VB_1 present as an act of worship; "offer prayers to the gods" -02545153 __spotted_bonytongue_NN_1 a species of large fish found in Australian rivers -02364520 __cavy_NN_1 short-tailed rough-haired South American rodent -02357741 __spermophilus_NN_1 typical ground squirrels -02433796 __rangifer_NN_1 reindeer or caribou -06707555 __distinguished_service_cross_NN_1 a United States Army decoration for extraordinary heroism against an armed enemy -14724436 __inhibitor_NN_1 a substance that retards or stops an activity -00915041 __clamour_VB_1 utter or proclaim insistently and noisily; "The delegates clamored their disappointment" -01946118 __neritidae_NN_1 neritids -07315790 __famine_NN_2 a severe shortage of food (as through crop failure) resulting in violent hunger and starvation and death -12564840 __pterocarpus_NN_1 genus of tropical trees or climbers having usually broadly winged pods -02540983 __sparling_NN_2 the common smelt of Europe -01067664 __throw_VB_10 utter with force; utter vehemently; "hurl insults"; "throw accusations at someone" -03189461 __pessary_NN_1 a contraceptive device consisting of a flexible dome-shaped cup made of rubber or plastic; it is filled with spermicide and fitted over the uterine cervix -11345181 __tolkien_NN_1 British philologist and writer of fantasies (born in South Africa) (1892-1973) -00954038 __yarn_VB_1 tell or spin a yarn -04285965 __suv_NN_1 a high-performance four-wheel drive car built on a truck chassis -07455301 __potlatch_NN_1 a ceremonial feast held by some Indians of the northwestern coast of North America (as in celebrating a marriage or a new accession) in which the host gives gifts to tribesmen and others to display his superior wealth (sometimes, formerly, to his own impoverishment) -02549989 __needlefish_NN_1 elongate European surface-dwelling predacious fishes with long toothed jaws; abundant in coastal waters -08136260 __federal_bureau_of_investigation_NN_1 a federal law enforcement agency that is the principal investigative arm of the Department of Justice -02544960 __scleropages_NN_1 a genus of large freshwater fishes of Australia and Borneo -06453119 __haphtorah_NN_1 a short selection from the Prophets read on every Sabbath in a Jewish synagogue following a reading from the Torah -10783734 __wirer_NN_2 a worker who installs and repairs electric wiring -03659292 __lever_NN_1 a rigid bar pivoted about a fulcrum -10368414 __whacko_NN_1 a person who is regarded as eccentric or mad -03089014 __conduit_NN_1 a passage (a pipe or tunnel) through which water or electric wires can pass; "the computers were connected through a system of conduits" -05592126 __costa_NN_1 a riblike part of a plant or animal (such as a middle rib of a leaf or a thickened vein of an insect wing) -13393427 __maundy_money_NN_1 specially minted silver coins that are distributed by the British sovereign on Maundy Thursday -08950407 __the_hague_NN_1 the site of the royal residence and the de facto capital in the western part of the Netherlands; seat of the International Court of Justice -03958752 __plastic_wrap_NN_1 wrapping consisting of a very thin transparent sheet of plastic -11335878 __theresa_NN_1 Indian nun and missionary in the Roman Catholic Church (born of Albanian parents in what is now Macedonia); dedicated to helping the poor in India (1910-1997) -04111190 __shaft_NN_11 a revolving rod that transmits power or motion -08911602 __abadan_NN_1 a port city in southwestern Iran -11999140 __genus_othonna_NN_1 genus of western African herbs or shrubs -05455912 __visual_cell_NN_1 one of the cells of the retina that is sensitive to light -07372959 __visitation_NN_1 an annoying or frustrating or catastrophic event; "his mother-in-law's visits were a great trial for him"; "life is full of tribulations"; "a visitation of the plague" -01206153 __loyalty_NN_3 the act of binding yourself (intellectually or emotionally) to a course of action; "his long commitment to public service"; "they felt no loyalty to a losing team" -01738601 __sand_snake_NN_1 small North American burrowing snake -03738472 __mechanism_NN_5 device consisting of a piece of machinery; has moving parts that perform some function -00084371 __borrowing_NN_1 the appropriation (of ideas or words etc) from another source; "the borrowing of ancient motifs was very apparent" -00372448 __deposition_NN_3 the act of putting something somewhere -02569151 __genus_epinephelus_NN_1 genus of groupers or sea bass -08986066 __lisbon_NN_1 capital and largest city and economic and cultural center of Portugal; a major port in western Portugal on Tagus River where it broadens and empties into the Atlantic -04905842 __tameness_NN_2 the attribute of having been domesticated -10603528 __waverer_NN_1 one who hesitates (usually out of fear) -00350380 __diversion_NN_2 a turning aside (of your course or attention or concern); "a diversion from the main highway"; "a digression into irrelevant details"; "a deflection from his goal" -10074578 __medical_extern_NN_1 a nonresident doctor or medical student; connected with a hospital but not living there -04023249 __puncher_NN_3 a tool for making holes or indentations -02533424 __sardinops_NN_1 pilchards -00239614 __rust_VB_3 become coated with oxide -10671042 __substitute_NN_2 an athlete who plays only when a starter on the team is replaced -01988971 __order_mysidacea_NN_1 opossum shrimp -12690653 __incense_tree_NN_1 any of various tropical trees of the family Burseraceae yielding fragrant gums or resins that are burned as incense -07593774 __ready-mix_NN_1 a commercial preparation containing most of the ingredients for a dish -04880830 __naturalness_NN_2 the quality of innocent naivete -03571942 __ink-jet_printer_NN_1 a printer that produces characters by projecting electrically charged droplets of ink -10335931 __mover_NN_3 someone who moves -00708017 __breakable_JJ_1 capable of being broken or damaged; "earthenware pottery is breakable"; "breakable articles should be packed carefully" -04773899 __movableness_NN_1 the quality of being movable; capable of being moved or rearranged -10468750 __prexy_NN_1 the head administrative officer of a college or university -05940869 __unrealism_NN_1 a representation having no reference to concrete objects or specific examples -02075927 __pinniped_mammal_NN_1 aquatic carnivorous mammal having a streamlined body specialized for swimming with limbs modified as flippers -03299788 __placidyl_NN_1 a mild sedative-hypnotic drug (trade name Placidyl) -00763630 __cyberwar_NN_1 an assault on electronic communication networks -11322627 __stroheim_NN_1 United States film actor (born in Austria) (1885-1957) -09108728 __billings_NN_1 the largest city in Montana; located in southern Montana on the Yellowstone river -02561108 __pike_NN_5 any of several elongate long-snouted freshwater game and food fishes widely distributed in cooler parts of the northern hemisphere -09631463 __unpleasant_person_NN_1 a person who is not pleasant or agreeable -11386692 __wilder_NN_1 United States writer and dramatist (1897-1975) -02661017 __lefteyed_flounder_NN_1 flatfishes with both eyes on the left side of the head -03662452 __lie_detector_NN_1 a polygraph that records bodily changes sometimes associated with lying -11283300 __saxe_NN_1 a French marshal who distinguished himself in the War of the Austrian Succession (1696-1750) -07191777 __insisting_NN_1 continual and persistent demands -01803764 __genus_argusianus_NN_1 argus pheasants -03480186 __haloperidol_NN_1 tranquilizer (trade name Haldol) used to treat some psychotic disorders and Tourette's syndrome -12076577 __moth_plant_NN_1 any of various orchids of the genus Phalaenopsis having often drooping glossy broad obovate or oval leaves usually dark green flushed purple or mottled grey and silver -01883212 __family_dasyurinae_NN_1 dasyures; native cats; pouched mice; banded anteaters; Tasmanian devils -01908703 __subkingdom_metazoa_NN_1 multicellular animals having cells differentiated into tissues and organs and usually a digestive cavity and nervous system -03119510 __coupling_NN_2 a mechanical device that serves to connect the ends of adjacent objects -04141975 __weighing_machine_NN_1 a measuring instrument for weighing; shows amount of mass -09013830 __republic_of_lithuania_NN_1 a republic in northeastern Europe on the Baltic Sea -09851876 __wagerer_NN_1 someone who bets -09158501 __racine_NN_2 a city in southeastern Wisconsin on Lake Michigan to the south of Milwaukee -04645599 __unwillingness_NN_1 the trait of being unwilling; "his unwillingness to cooperate vetoed every proposal I made"; "in spite of our warnings he plowed ahead with the involuntariness of an automaton" -02698178 __individuate_VB_1 give individual character to -11313726 __starr_NN_1 rock star and drummer for the Beatles (born in 1940) -01602630 __vireo_NN_1 any of various small insectivorous American birds chiefly olive-grey in color -10238272 __kneeler_NN_1 a person in a kneeling position -14987695 __resorcinolphthalein_NN_1 a yellow dye that is visible even when highly diluted; used as an absorption indicator when silver nitrate solution is added to sodium chloride in order to precipitate silver chloride (turns pink when no chloride ions are left in solution and negative fluorescein ions are then absorbed) -07180787 __disagreement_NN_3 the speech act of disagreeing or arguing or disputing -01766952 __withdraw_VB_10 lose interest; "he retired from life when his wife died" -02814774 __beachwear_NN_1 clothing to be worn at a beach -11308120 __solzhenitsyn_NN_1 Soviet writer and political dissident whose novels exposed the brutality of Soviet labor camps (born in 1918) -00931467 __refer_VB_6 have as a meaning; "`multi-' denotes `many' " -11460063 __grinding_NN_3 the wearing down of rock particles by friction due to water or wind or ice -10213319 __interviewer_NN_1 a person who conducts an interview -01549905 __disfigure_VB_1 mar or spoil the appearance of; "scars defaced her cheeks"; "The vandals disfigured the statue" -11306175 __smith_NN_2 United States sculptor (1906-1965) -11306008 __smith_NN_3 United States singer noted for her rendition of patriotic songs (1909-1986) -00740712 __evasion_NN_3 nonperformance of something distasteful (as by deceit or trickery) that you are supposed to do; "his evasion of his clear duty was reprehensible"; "that escape from the consequences is possible but unattractive" -04404200 __telex_machine_NN_1 a character printer connected to a telegraph that operates like a typewriter -02052358 __fly_by_VB_1 pass by while flying; "An enemy plane flew by" -00290302 __step_up_VB_1 increase in extent or intensity; "The Allies escalated the bombing" -09790482 __analyst_NN_1 someone who is skilled at analyzing data -01314663 __critter_NN_1 a regional term for `creature' (especially for domestic animals) -11302772 __singer_NN_2 United States inventor of an improved chain-stitch sewing machine (1811-1875) -08728595 __taiyuan_NN_1 an ancient city in northeastern China noted for coal mining and steel production -05453267 __monocyte_NN_1 a type of granular leukocyte that functions in the ingestion of bacteria -06430784 __granth_sahib_NN_1 the principal sacred text of Sikhism contains hymns and poetry as well as the teachings of the first five gurus -00023773 __need_NN_3 the psychological feature that arouses an organism to action toward a desired goal; the reason for the action; that which gives purpose and direction to behavior; "we did not understand his motivation"; "he acted with the best of motives" -10113997 __fruiterer_NN_1 a person who sells fruit -00863513 __unconditioned_reflex_NN_1 an automatic instinctive unlearned reaction to a stimulus -00418025 __mistreatment_NN_1 the practice of treating (someone or something) badly; "he should be punished for his mistreatment of his mother" -08055150 __issuer_NN_1 an institution that issues something (securities or publications or currency etc.) -06708475 __purple_heart_NN_1 a United States military decoration awarded to any member of the armed forces who is wounded in action -04335435 __trolley_car_NN_1 a wheeled vehicle that runs on rails and is propelled by electricity -07316856 __happy_chance_NN_1 an unexpected piece of good luck; "he finally got his big break" -09834699 __ballet_dancer_NN_1 a trained dancer who is a member of a ballet company -04531098 __vessel_NN_3 an object used as a container (especially for liquids) -12666369 __wild_madder_NN_1 Eurasian herb with ample panicles of small white flowers; naturalized in North America -11296139 __shaw_NN_3 United States physician and suffragist (1847-1919) -11295196 __william_shakspere_NN_1 English poet and dramatist considered one of the greatest English writers (1564-1616) -01108402 __conveying_NN_1 act of transferring property title from one person to another -01191975 __finding_NN_2 the decision of a court on issues of fact or law -09351647 __merrimack_river_NN_1 a river that rises in south central New Hampshire and flows through Concord and Manchester into Massachusetts and empties into the Atlantic Ocean -09865398 __bond_servant_NN_1 someone bound to labor without wages -02533545 __sardinops_caerulea_NN_1 small pilchards common off the pacific coast of North America -01144876 __steering_NN_1 the act of guiding or showing the way -01111816 __tally_VB_2 gain points in a game; "The home team scored many times"; "He hit a home run"; "He hit .300 in the past season" -01449374 __mosquitofish_NN_1 silvery topminnow with rows of black spots of tropical North America and West Indies; important in mosquito control -06731378 __contention_NN_1 a point asserted as part of an argument -07632037 __sponge_cake_NN_1 a light porous cake made with eggs and flour and sugar without shortening -11292105 __sellers_NN_1 English comic actor (1925-1980) -02995345 __processor_NN_3 (computer science) the part of a computer (a microprocessor chip) that does most of the data processing; "the CPU and the memory form the central part of a computer to which the peripherals are attached" -09471638 __victoria_falls_NN_1 a waterfall in the Zambezi River on the border between Zimbabwe and Zambia; diminishes seasonally -13559409 __souring_NN_1 the process of becoming sour -02449464 __genus_grison_NN_1 a genus of Mustelidae -12961689 __helminthostachys_NN_1 one species: terrestrial fern of southeastern Asia and Australia -11289709 __scott_NN_1 award-winning United States film actor (1928-1999) -10117511 __gainer_NN_2 a person who gains (gains an advantage or gains profits); "she was clearly the gainer in that exchange" -09714120 __icelander_NN_1 a native or inhabitant of Iceland -01613391 __siphon_VB_2 move a liquid from one container into another by means of a siphon or a siphoning action; "siphon gas into the tank" -00994449 __cannon_fire_NN_1 fire delivered by artillery -03648219 __washing_NN_2 garments or white goods that can be cleaned by laundering -03352628 __fishnet_NN_1 a net that will enclose fish when it is pulled in -00450335 __riding_NN_1 the sport of siting on the back of a horse while controlling its movements -04957176 __primary_colour_NN_1 any of three colors from which all others can be obtained by mixing -00272713 __demoralization_NN_1 destroying the moral basis for a doctrine or policy -04637444 __slothfulness_NN_1 a disinclination to work or exert yourself -02320888 __genus_antedon_NN_1 a genus of echinoderms of the family Antedonidae -01645278 __liopelma_NN_1 type and sole genus of the family Leiopelmatidae -05927813 __scheme_NN_4 an internal representation of the world; an organization of concepts and actions that can be revised by new information about the world -03197446 __digitizer_NN_1 device for converting analogue signals into digital signals -06660942 __foreign_policy_NN_1 a policy governing international relations -00090779 __giving_NN_3 disposing of property by voluntary transfer without receiving value in return; "the alumni followed a program of annual giving" -00287848 __complexion_VB_1 give a certain color to; "The setting sun complexioned the hills" -02336947 __berth_VB_1 provide with a berth -06211078 __slant_NN_1 a biased way of looking at or presenting something -09341673 __llullaillaco_NN_1 a mountain in the Andes on the border between Argentina and Chile (22,057 feet high) -03137228 __crosswalk_NN_1 a path (often marked) where something (as a street or railroad) can be crossed to get from one side to the other -09074834 __st._augustine_NN_2 a resort city in northeastern Florida; the oldest city in the United States -07911371 __mixed_drink_NN_1 made of two or more ingredients -01362196 __nitrobacter_NN_1 rod-shaped soil bacteria -05822612 __tasting_NN_1 a small amount (especially of food or wine) -08646306 __shadow_NN_2 an unilluminated area; "he moved off into the darkness" -01248405 __prepose_VB_1 place before another constituent in the sentence; "English preposes the adpositions; Japanese postposes them" -03013718 __chemistry_laboratory_NN_1 a laboratory for research in chemistry -05981230 __target_NN_5 the goal intended to be attained (and which is believed to be attainable); "the sole object of her trip was to see her children" -01576506 __sturnidae_NN_1 Old World starlings -12141037 __stenotaphrum_NN_1 lawn grasses -04995211 __palatableness_NN_1 the property of being acceptable to the mouth -04777852 __steadiness_NN_2 the quality of being steady or securely and immovably fixed in place -01734418 __kingsnake_NN_1 any of numerous nonvenomous North American constrictors; feed on other snakes and small mammals -09472413 __volcanic_crater_NN_1 a bowl-shaped geological formation at the top of a volcano -06473381 __inclosure_NN_1 something (usually a supporting document) that is enclosed in an envelope with a covering letter -04038109 __racing_circuit_NN_1 a racetrack for automobile races -05545439 __hiatus_NN_3 a natural opening or perforation through a bone or a membranous structure -06629610 __so_long_NN_1 a farewell remark; "they said their good-byes" -07756641 __nutmeg_melon_NN_2 the fruit of a variety of muskmelon vine; a melon with netlike markings and deep green flesh -04362821 __surface_lift_NN_1 a ski tow that pulls skiers up a slope without lifting them off the ground -07765999 __jujube_NN_2 dark red plumlike fruit of Old World buckthorn trees -11445564 __shedding_NN_2 loss of bits of outer skin by peeling or shedding or coming off in scales -02758960 __sterilizer_NN_1 a device for heating substances above their boiling point; used to manufacture chemicals or to sterilize surgical instruments -05015678 __nip_NN_4 the property of being moderately cold; "the chilliness of early morning" -11270023 __roosevelt_NN_1 32nd President of the United States; elected four times; instituted New Deal to counter the Great Depression and led country during World War II (1882-1945) -02080291 __mirounga_NN_1 elephant seals -00647770 __calliper_VB_1 measure the diameter of something with calipers -01857392 __stick_around_VB_2 stay put (in a certain place); "We are staying in Detroit; we are not moving to Cincinnati"; "Stay put in the corner here!"; "Stick around and you will learn something!" -08398179 __rank_and_file_NN_1 the ordinary members of an organization (such as the enlisted soldiers of an army); "the strike was supported by the union rank and file"; "he rose from the ranks to become a colonel" -03220513 __dome_NN_4 a hemispherical roof -02753044 __plutonium_bomb_NN_1 a nuclear weapon in which enormous energy is released by nuclear fission (splitting the nuclei of a heavy element like uranium 235 or plutonium 239) -11984144 __hypochaeris_radicata_NN_1 European weed widely naturalized in North America having yellow flower heads and leaves resembling a cat's ears -04298171 __steps_NN_1 a flight of stairs or a flight of steps -05862721 __series_NN_7 (mathematics) the sum of a finite or infinite sequence of expressions -06616806 __infotainment_NN_1 a film or TV program presenting the facts about a person or event -00768483 __cybercrime_NN_1 crime committed using a computer and the internet to steal a person's identity or sell contraband or stalk victims or disrupt operations with malevolent programs -03903424 __treadle_NN_1 a lever that is operated with the foot -02492536 __genus_alouatta_NN_1 howler monkeys -01191645 __luxuriate_VB_2 enjoy to excess; "She indulges in ice cream" -04065464 __recreation_room_NN_1 a room equipped for informal entertaining -08642517 __proximity_NN_2 the region close around a person or thing -13134302 __bulbous_plant_NN_1 plant growing from a bulb -03579355 __interior_decoration_NN_1 decoration consisting of the layout and furnishings of a livable interior -12070177 __genus_liparis_NN_1 genus of terrestrial and epiphytic orchids; pantropical to temperate -12595452 __raffia_taedigera_NN_1 a tall Brazilian feather palm with a terminal crown of very large leathery pinnatisect leaves rising from long strong stems used for structural purposes -00050693 __emersion_NN_2 the act of emerging -00415676 __way_of_life_NN_1 a course of conduct; "the path of virtue"; "we went our separate ways"; "our paths in life led us apart"; "genius usually follows a revolutionary path" -02732072 __marine_museum_NN_1 a tank or pool or bowl filled with water for keeping live fish and underwater animals -08485830 __russian_agency_NN_1 an administrative agency of the Russian government -09128372 __queen_city_NN_1 the largest city in North Carolina; located in south central North Carolina -14628307 __ammonium_alum_NN_1 a white crystalline double sulfate of aluminum: the ammonium double sulfate of aluminum -11259950 __richard_the_lionheart_NN_1 son of Henry II and King of England from 1189 to 1199; a leader of the Third Crusade; on his way home from the crusade he was captured and held prisoner in the Holy Roman Empire until England ransomed him in 1194 (1157-1199) -14656666 __tantalum_NN_1 a hard grey lustrous metallic element that is highly resistant to corrosion; occurs in niobite and fergusonite and tantalite -15091129 __vitamin_b1_NN_1 a B vitamin that prevents beriberi; maintains appetite and growth -08340753 __arda_NN_1 an agency of the Intelligence Community that conducts advanced research and development related to information technology -07477587 __windfall_NN_2 a sudden happening that brings good fortune (as a sudden opportunity to make money); "the demand for testing has created a boom for those unregulated laboratories where boxes of specimen jars are processed like an assembly line" -11656380 __lepidothamnus_NN_1 small usually shrubby conifers -01909111 __phylum_coelenterata_NN_1 hydras; polyps; jellyfishes; sea anemones; corals -01530431 __transplant_VB_3 place the organ of a donor into the body of a recipient -09700492 __egyptian_NN_1 a native or inhabitant of Egypt -00185778 __cesarian_section_NN_1 the delivery of a fetus by surgical incision through the abdominal wall and uterus (from the belief that Julius Caesar was born that way) -08287586 __staff_NN_3 the body of teachers and administrators at a school; "the dean addressed the letter to the entire staff of the university" -02481231 __monetize_VB_1 give legal value to or establish as the legal tender of a country; "They monetized the lira" -09100394 __motown_NN_1 the largest city in Michigan and a major Great Lakes port; center of the United States automobile industry; located in southeastern Michigan on the Detroit river across from Windsor -02584475 __rat_VB_1 desert one's party or group of friends, for example, for one's personal advantage -09477037 __web_NN_1 an intricate network suggesting something that was formed by weaving or interweaving; "the trees cast a delicate web of shadows over the lawn" -00527695 __step_dancing_NN_1 dancing in which the steps are more important than gestures or postures -09118817 __erie_canal_NN_1 an artificial waterway connecting the Hudson river at Albany with Lake Erie at Buffalo; built in the 19th century; now part of the New York State Barge Canal -10159852 __hanoverian_NN_1 any of the British rulers who were members of the House of Hanover -10990733 __president_garfield_NN_1 20th President of the United States; assassinated by a frustrated office-seeker (1831-1881) -01848976 __shoveller_NN_2 freshwater duck of the northern hemisphere having a broad flat bill -04152593 __screen_NN_3 the display that is electronically created on the surface of the large end of a cathode-ray tube -08170535 __suzerain_NN_1 a state exercising a degree of dominion over a dependent state especially in its foreign affairs -04299699 __stall_NN_5 seating in the forward part of the main level of a theater -05266239 __papanicolaou_smear_NN_1 a sample of secretions and superficial cells of the uterine cervix and uterus; examined with a microscope to detect any abnormal cells -02873623 __boot_camp_NN_1 camp for training military recruits -06398401 __ending_NN_5 the last section of a communication; "in conclusion I want to say..." -05713101 __just-noticeable_difference_NN_1 (psychophysics) the difference between two stimuli that (under properly controlled experimental conditions) is detected as often as it is undetected -00599329 __sainthood_NN_2 the status and dignity of a saint -12712626 __gas_plant_NN_1 Eurasian perennial herb with white flowers that emit flammable vapor in hot weather -03892891 __portion_NN_2 something less than the whole of a human artifact; "the rear part of the house"; "glue the two parts together" -05294606 __extensor_muscle_NN_1 a skeletal muscle whose contraction extends or stretches a body part -01775592 __family_ctenizidae_NN_1 large burrowing spiders -00918976 __tank_farming_NN_1 a technique of growing plants (without soil) in water containing dissolved nutrients -13498404 __infection_NN_3 (medicine) the invasion of the body by pathogenic microorganisms and their multiplication which can lead to tissue damage and disease -03766322 __woman's_hat_NN_1 hats for women; the wares sold by a milliner -03690938 __lotion_NN_1 any of various cosmetic preparations that are applied to the skin -08820121 __canada_NN_1 a nation in northern North America; the French were the first Europeans to settle in mainland Canada; "the border between the United States and Canada is the longest unguarded border in the world" -06578323 __web_map_service_NN_1 a computer program that produces maps of spatially referenced data dynamically from geographic information -11245110 __powell_NN_1 United States general who was the first African American to serve as chief of staff; later served as Secretary of State under President George W. Bush (born 1937) -06235977 __salafism_NN_1 a militant group of extremist Sunnis who believe themselves the only correct interpreters of the Koran and consider moderate Muslims to be infidels; seek to convert all Muslims and to insure that its own fundamentalist version of Islam will dominate the world -12285512 __red_alder_NN_1 large tree of Pacific coast of North America having hard red wood much used for furniture -08129883 __noaa_NN_1 an agency in the Department of Commerce that maps the oceans and conserves their living resources; predicts changes to the earth's environment; provides weather reports and forecasts floods and hurricanes and other natural disasters related to weather -12888906 __velvet_plant_NN_1 any of various plants of the genus Verbascum having large usually woolly leaves and terminal spikes of yellow or white or purplish flowers -02460451 __tamanoir_NN_1 large shaggy-haired toothless anteater with long tongue and powerful claws; of South America -01292727 __earth_VB_2 connect to the earth; "earth the circuit" -10121246 __throttler_NN_1 someone who kills by strangling -14498404 __pollution_NN_2 the state of being polluted -02264885 __stink_fly_NN_1 pale green unpleasant-smelling lacewing fly having carnivorous larvae -05563034 __vertebrate_foot_NN_1 the extremity of the limb in vertebrates -01442335 __rutilus_NN_1 roaches -10010864 __devourer_NN_1 someone who eats greedily or voraciously -08725692 __kansu_NN_1 a province in north-central China; formerly part of the Silk Road to Turkistan and India and Persia -05462315 __systema_nervosum_NN_1 the sensory and control apparatus consisting of a network of nerve cells -14110674 __cardiac_arrhythmia_NN_1 an abnormal rate of muscle contractions in the heart -11239271 __plato_NN_1 ancient Athenian philosopher; pupil of Socrates; teacher of Aristotle (428-347 BC) -11237868 __pius_ix_NN_1 Italian pope from 1846 to 1878 who in 1854 declared the dogma of the Immaculate Conception of the Virgin Mary -01947275 __family_buccinidae_NN_1 whelks -11234813 __president_pierce_NN_1 14th President of the United States (1804-1869) -02640453 __genus_acipenser_NN_1 type genus of the Acipenseridae: sturgeons -12719277 __tropaeolaceae_NN_1 coextensive with the genus Tropaeolum -01768596 __chelicera_NN_1 either of the first pair of fang-like appendages near the mouth of an arachnid; often modified for grasping and piercing -01288057 __minden_NN_1 a battle in the Seven Years' War (1759) in which the English forces and their allies defeated the French -00756194 __masquerade_NN_3 making a false outward show; "a beggar's masquerade of wealth" -05245626 __whitehead_NN_2 a small whitish lump in the skin due to a clogged sebaceous gland -02406432 __ayrshire_NN_1 hardy breed of dairy cattle from Ayr, Scotland -00903309 __radioscopy_NN_1 (radiology) examination of the inner structure of opaque objects using X rays or other penetrating radiation -08541841 __zone_NN_2 any of the regions of the surface of the Earth loosely divided according to latitude or longitude -00285141 __somnambulism_NN_1 walking by a person who is asleep -02544754 __osteoglossidae_NN_1 a family of large fishes that live in freshwater; includes bandfish and bonytongues -11441561 __cosmic_radiation_NN_1 radiation coming from outside the solar system -10068804 __excogitator_NN_1 a thinker who considers carefully and thoroughly -02140491 __tube-nosed_fruit_bat_NN_1 any of various fruit bats of the genus Nyctimene distinguished by nostrils drawn out into diverging tubes -01412548 __whang_VB_1 beat with force -04742084 __unalterability_NN_1 the quality of not being alterable -10026553 __porter_NN_2 someone who guards an entrance -03209666 __winchester_drive_NN_1 computer hardware that holds and spins a magnetic or optical disk and reads and writes information on it -04997988 __bodily_property_NN_1 an attribute of the body -01084180 __reapportionment_NN_1 a new apportionment (especially a new apportionment of congressional seats in the United States on the basis of census results) -11228153 __pei_NN_1 United States architect (born in China in 1917) -12593689 __phoenicophorium_NN_1 latanier palm -03279804 __electron_multiplier_NN_1 a vacuum tube that amplifies a flow of electrons -07300960 __stroke_NN_8 anything that happens suddenly or by chance without an apparent cause; "winning the lottery was a happy accident"; "the pregnancy was a stroke of bad luck"; "it was due to an accident or fortuity" -12822955 __symphytum_officinale_NN_1 European herb having small white, pink or purple flowers; naturalized as a weed in North America -05646828 __moronity_NN_1 mild mental retardation -04143140 __scanner_NN_2 an electronic device that generates a digital representation of an image for data input to a computer -02233338 __roach_NN_4 any of numerous chiefly nocturnal insects; some are domestic pests -02606384 __demoiselle_NN_2 small brilliantly colored tropical marine fishes of coral reefs -08431721 __terrace_NN_3 a row of houses built in a similar style and having common dividing walls (or the street on which they face); "Grosvenor Terrace" -11226126 __paul_iii_NN_1 Italian pope from 1534 to 1549 who excommunicated Henry VIII of England in 1538 and initiated the Council of Trent in 1545; was active in the Counter Reformation and promoted the Society of Jesus for this purpose (1468-1549) -12104614 __genus_aegilops_NN_1 goat grass -07733712 __wild_spinach_NN_4 leaves collected from the wild -11225661 __st._paul_NN_2 (New Testament) a Christian missionary to the Gentiles; author of several Epistles in the New Testament; even though Paul was not present at the Last Supper he is considered an Apostle; "Paul's name was Saul prior to his conversion to Christianity" -00810729 __get_out_VB_7 escape potentially unpleasant consequences; get away with a forbidden action; "She gets away with murder!"; "I couldn't get out from under these responsibilities" -07649582 __loaf_NN_2 a quantity of food (other than bread) formed in a particular shape; "meat loaf"; "sugar loaf"; "a loaf of cheese" -05688486 __facer_NN_1 (a dated Briticism) a serious difficulty with which one is suddenly faced -01166517 __rally_NN_5 (sports) an unbroken sequence of several successive strokes; "after a short rally Connors won the point" -05366043 __epigastric_vein_NN_1 veins serving the anterior walls of the abdomen -01596479 __progne_NN_1 a genus of Hirundinidae -02326695 __unregenerate_JJ_1 tenaciously unwilling or marked by tenacious unwillingness to yield -11028074 __tom_hanks_NN_1 United States film actor (born in 1956) -10034201 __toper_NN_1 a person who drinks alcoholic beverages (especially to excess) -02393024 __genus_diceros_NN_1 most common species in Africa -03240140 __electric_drill_NN_1 a rotating power drill powered by an electric motor -09842823 __whoreson_NN_1 the illegitimate offspring of unmarried parents -01778217 __sheep_tick_NN_2 parasitic on sheep and cattle as well as humans; can transmit looping ill in sheep (acute viral disease of the nervous system); a vector for Lyme disease spirochete -09350045 __mediterranean_sea_NN_1 the largest inland sea; between Europe and Africa and Asia -02513560 __young_fish_NN_1 a fish that is young -02454794 __texas_armadillo_NN_1 having nine hinged bands of bony plates; ranges from Texas to Paraguay -04831031 __unmercifulness_NN_1 inhumaneness evidenced by an unwillingness to be kind or forgiving -08827126 __ontario_NN_2 a prosperous and industrialized province in central Canada -11218473 __peter_seamus_o'toole_NN_1 British actor (born in Ireland in 1932) -02291024 __tineoidea_NN_1 clothes moths; carpet moths; leaf miners -04789274 __ostentation_NN_3 pretentious or showy or vulgar display -13694367 __penny_NN_1 a fractional monetary unit of Ireland and the United Kingdom; equal to one hundredth of a pound -11216100 __roy_orbison_NN_1 United States composer and rockabilly tenor popular in the 1950s (1936-1988) -10531227 __rightist_NN_1 a member of a right wing political party -09206985 __upgrade_NN_1 an upward slope or grade (as in a road); "the car couldn't make it up the rise" -01893825 __hedgehog_NN_2 small nocturnal Old World mammal covered with both hair and protective spines -00065070 __suffer_VB_6 feel pain or be in pain -14062725 __habituation_NN_1 being abnormally tolerant to and dependent on something that is psychologically or physically habit-forming (especially alcohol or narcotic drugs) -09419783 __st._johns_river_NN_1 a river in northeastern Florida that flows northward to Jacksonville and then eastward to empty into the Atlantic Ocean -11992806 __yellow_ageratum_NN_1 shrub of southwestern Mediterranean region having yellow daisylike flowers -10526927 __reviewer_NN_1 someone who reads manuscripts and judges their suitability for publication -00671022 __enterotomy_NN_1 surgical operation that creates a permanent opening through the abdominal wall into the intestine -01258251 __probation_NN_3 (law) a way of dealing with offenders without imprisoning them; a defendant found guilty of a crime is released by the court without imprisonment subject to conditions imposed by the court; "probation is part of the sentencing process" -02495387 __intern_VB_1 deprive of freedom; "During WW II, Japanese were interned in camps in the West" -10648237 __substitute_NN_3 someone who takes the place of another (as when things get dangerous or difficult); "the star had a stand-in for dangerous scenes"; "we need extra employees for summer fill-ins" -01294026 __mismatch_VB_1 match badly; match two objects or people that do not go together -01509280 __strike_out_VB_2 put out or be put out by a strikeout; "Oral struck out three batters to close the inning" -09374036 __north_sea_NN_1 an arm of the North Atlantic between the British Isles and Scandinavia; oil was discovered under the North Sea in 1970 -04352070 __sulpha_NN_1 antibacterial consisting of any of several synthetic organic compounds capable of inhibiting the growth of bacteria that require PABA -13007034 __fairy_ring_NN_1 a ring of fungi marking the periphery of the perennial underground growth of the mycelium -10506915 __ranker_NN_1 a commissioned officer who has been promoted from enlisted status -01523401 __clue_VB_1 roll into a ball -02023664 __genus_charadrius_NN_1 type genus of the Charadriidae: plovers -09957156 __conservativist_NN_1 a person who is reluctant to accept changes and new ideas -03072201 __colour_tv_NN_1 a television that transmits images in color -11208172 __richard_nixon_NN_1 vice president under Eisenhower and 37th President of the United States; resigned after the Watergate scandal in 1974 (1913-1994) -05039106 __ph_scale_NN_1 (from potential of Hydrogen) the logarithm of the reciprocal of hydrogen-ion concentration in gram atoms per liter; provides a measure on a scale from 0 to 14 of the acidity or alkalinity of a solution (where 7 is neutral and greater than 7 is more basic and less than 7 is more acidic); -09277010 __mt._everest_NN_1 a mountain in the central Himalayas on the border of Tibet and Nepal; the highest mountain peak in the world (29,028 feet high) -02120387 __urocyon_NN_1 grey foxes -05457469 __spermatozoon_NN_1 the male reproductive cell; the male gamete; "a sperm is mostly a nucleus surrounded by little other cellular material" -01144133 __planning_NN_1 an act of formulating a program for a definite course of action; "the planning was more fun than the trip itself" -02354320 __southeastern_pocket_gopher_NN_1 gopher of Alabama and Georgia and Florida -01859325 __whooper_swan_NN_1 common Old World swan noted for its whooping call -05892427 __requirement_NN_3 something that is required in advance; "Latin was a prerequisite for admission" -04917439 __symmetry_NN_3 (physics) the property of being isotropic; having the same value when measured in different directions -01483980 __isurus_NN_1 mako sharks -11205246 __paul_newman_NN_1 United States film actor (born in 1925) -04376400 __synthesizer_NN_2 (music) an electronic instrument (usually played with a keyboard) that generates and modifies sounds electronically and can imitate a variety of other musical instruments -08083083 __armenian_church_NN_1 an independent Christian church established in Armenia since 300; was influenced by both Roman and Byzantine traditions -11997160 __white_lettuce_NN_1 herb of northeastern North America having drooping clusters of yellowish-white flowers; sometimes placed in genus Prenanthes -01291674 __plevna_NN_1 the town was taken from the Turks by the Russians in 1877 after a siege of 143 days -09400667 __puget_sound_NN_1 an inlet of the North Pacific in northwestern Washington State -02928413 __butt_joint_NN_1 a joint made by fastening ends together without overlapping -03940256 __pin_NN_9 a small slender (often pointed) piece of wood or metal used to support or fasten or attach things -10575787 __seeker_NN_1 someone making a search or inquiry; "they are seekers after truth" -14026376 __depersonalization_NN_2 (existentialism) a loss of personal identity; a feeling of being an anonymous cog in an impersonal social machine -05045208 __rain_NN_3 anything happening rapidly or in quick successive; "a rain of bullets"; "a pelting of insults" -03606719 __kaaba_NN_1 (Islam) a black stone building in Mecca that is shaped like a cube and that is the most sacred Muslim pilgrim shrine; believed to have been given by Gabriel to Abraham; Muslims turn in its direction when praying -04041544 __wireless_NN_4 a communication system based on broadcasting electromagnetic waves -06528992 __overvaluation_NN_1 an appraisal that is too high -08850741 __anvers_NN_1 a busy port and financial center in northern Belgium on the Scheldt river; it has long been a center for the diamond industry and the first stock exchange was opened there in 1460 -00161243 __selection_NN_1 the act of choosing or selecting; "your choice of colors was unfortunate"; "you can take your pick" -05209822 __quantifiability_NN_1 the quality of being measurable -07136711 __wind_NN_4 empty rhetoric or insincere or exaggerated talk; "that's a lot of wind"; "don't give me any of that jazz" -00313245 __crossing_NN_7 a voyage across a body of water (usually across the Atlantic Ocean) -00908099 __discourage_VB_1 try to prevent; show opposition to; "We should discourage this practice among our youth" -01225997 __snub_NN_2 a refusal to recognize someone you know; "the snub was clearly intentional" -06518068 __voucher_NN_3 a negotiable certificate that can be detached and redeemed as needed -00650353 __tell_apart_VB_2 mark as different; "We distinguish several kinds of maple" -10623354 __solicitor_NN_1 a petitioner who solicits contributions or trade or votes -11199727 __nansen_NN_1 Norwegian explorer of the Arctic and director of the League of Nations relief program for refugees of World War I (1861-1930) -10466918 __preserver_NN_3 someone who keeps safe from harm or danger -10359759 __nomad_NN_1 a member of a people who have no permanent home but move about according to the seasons -12570703 __sophora_secundiflora_NN_1 shrub or small tree having pinnate leaves poisonous to livestock and dense racemes of intensely fragrant blue flowers and red beans -01271107 __battle_of_the_bulge_NN_1 a battle during World War II; in December 1944 von Rundstedt launched a powerful counteroffensive in the forest at Ardennes and caught the Allies by surprise -03091996 __nitrous_JJ_1 of or containing nitrogen; "nitric acid" -09933411 __codefendant_NN_1 a defendant who has been joined together with one or more other defendants in a single action -11198375 __mussorgsky_NN_1 Russian composer of operas and orchestral works (1839-1881) -09761068 __confederate_NN_3 a person who joins with another in carrying out some plan (especially an unethical or illegal plan) -09304465 __hole_NN_1 an opening into or through something -09974648 __journeyman_NN_1 a skilled worker who practices some trade or handicraft -00360143 __pruning_NN_2 the act of trimming a plant -11197099 __sir_james_murray_NN_1 Scottish philologist and the lexicographer who shaped the Oxford English Dictionary (1837-1915) -11717007 __subfamily_nelumbonaceae_NN_1 in some classifications considered an independent family of water lilies; comprises the single genus Nelumbo -11432887 __fresh_breeze_NN_1 wind moving 19-24 knots; 5 on the Beaufort scale -01420451 __prizefight_VB_1 box for a prize or money -01872745 __profound_JJ_1 showing intellectual penetration or emotional depth; "the differences are profound"; "a profound insight"; "a profound book"; "a profound mind"; "profound contempt"; "profound regret" -11195619 __regiomontanus_NN_1 German mathematician and astronomer (1436-1476) -04993108 __zest_NN_2 a tart spicy quality -12779233 __sarraceniaceae_NN_1 insectivorous plants -04631067 __good-temperedness_NN_1 a cheerful willingness to be obliging -01258852 __revocation_NN_2 the act (by someone having the authority) of annulling something previously done; "the revocation of a law" -00512522 __toying_NN_1 playful behavior intended to arouse sexual interest -07357101 __relief_NN_7 a change for the better -06404147 __scribble_NN_1 poor handwriting -12745788 __family_buxaceae_NN_1 widely distributed evergreen shrubs and trees -11192666 __samuel_morse_NN_1 United States portrait painter who patented the telegraph and developed the Morse code (1791-1872) -02198714 __hippobosca_NN_1 type genus of the Hippoboscidae -08686129 __ram_NN_3 the first sign of the zodiac which the sun enters at the vernal equinox; the sun is in this sign from about March 21 to April 19 -05849284 __quality_NN_3 a characteristic property that defines the apparent individual nature of something; "each town has a quality all its own"; "the radical character of our demands" -00076393 __clanger_NN_1 a conspicuous mistake whose effects seem to reverberate; "he dropped a clanger" -02405440 __tsine_NN_1 wild ox of the Malay Archipelago -11190774 __sir_henry_morgan_NN_1 a Welsh buccaneer who raided Spanish colonies in the West Indies for the English (1635-1688) -00376400 __breaking_NN_1 the act of breaking something; "the breakage was unavoidable" -00763901 __direct_JJ_3 straightforward in means or manner or behavior or language or action; "a direct question"; "a direct response"; "a direct approach" -12740514 __soapberry_family_NN_1 chiefly tropical New and Old World deciduous and evergreen trees and shrubs bearing leathery drupes with yellow translucent flesh; most plants produce toxic saponins -01113806 __recede_VB_2 retreat -09847727 __worshipper_NN_1 a person who has religious faith -15273626 __sleep_NN_3 a period of time spent sleeping; "he felt better after a little sleep"; "there wasn't time for a nap" -03195118 __dolobid_NN_1 nonsteroidal anti-inflammatory (trade name Dolobid) used to treat arthritis and other inflammatory conditions -03219135 __dolly_NN_3 a small replica of a person; used as a toy -02544191 __override_VB_3 counteract the normal operation of (an automatic gear shift in a vehicle) -03797548 __mugshot_NN_1 a photograph of someone's face (especially one made for police records) -01309109 __thirty_years'_war_NN_1 a series of conflicts (1618-1648) between Protestants and Catholics starting in Germany and spreading until France and Denmark and Sweden were opposing the Holy Roman Empire and Spain -00046109 __adaptive_JJ_1 having a capacity for adaptation; "the adaptive coloring of a chameleon" -02479323 __supply_VB_2 circulate or distribute or equip with; "issue a new uniform to the children"; "supply blankets for the beds" -05304603 __vestibule_NN_2 any of various bodily cavities leading to another cavity (as of the ear or vagina) -02138323 __suricata_NN_1 meerkats -02150482 __vampire_bat_NN_1 any of various tropical American bats of the family Desmodontidae that bite mammals and birds to feed on their blood -03053474 __club_NN_3 stout stick that is larger at one end; "he carried a club in self defense"; "he felt as if he had been hit with a club" -08218393 __shift_NN_7 a crew of workers who work for a specific period of time -08188449 __chorus_line_NN_1 a body of dancers or singers who perform together -06381372 __sonnet_NN_1 a verse form consisting of 14 lines with a fixed rhyme scheme -10774440 __west_indian_NN_1 a native or inhabitant of the West Indies -01746359 __run_VB_20 any of various venomous elapid snakes of Asia and Africa and Australia include as the content; broadcast or publicize; "We ran the ad three times"; "This paper carries a restaurant review"; "All major networks carried the press conference" -08623927 __setting_NN_5 the physical position of something; "he changed the setting on the thermostat" -02575766 __family_carangidae_NN_1 large family of narrow-bodied marine food fishes with widely forked tails; chiefly of warm seas -11182966 __robert_mitchum_NN_1 United States film actor (1917-1997) -06535980 __advice_and_consent_NN_1 a legal expression in the United States Constitution that allows the Senate to constrain the President's powers of appointment and treaty-making -11181634 __mirabeau_NN_1 French revolutionary who was prominent in the early days of the French Revolution (1749-1791) -00598215 __protectorship_NN_1 the position of protector -13173882 __wall_fern_NN_1 mat-forming lithophytic or terrestrial fern with creeping rootstocks and large pinnatifid fronds found throughout North America and Europe and Africa and east Asia -02593354 __proctor_VB_1 watch over (students taking an exam, to prevent cheating) -10618848 __socialist_NN_1 a political advocate of socialism -08241654 __loop_NN_4 an inner circle of advisors (especially under President Reagan); "he's no longer in the loop" -00539110 __run_VB_38 progress by being changed; "The speech has to go through several more drafts"; "run through your presentation before the meeting" -12546962 __wild_lupine_NN_1 stout perennial of eastern and central North America having palmate leaves and showy racemose blue flowers -07497797 __partiality_NN_1 a predisposition to like something; "he had a fondness for whiskey" -01359070 __nostocaceae_NN_1 blue-green algae -07986381 __trip_wire_NN_1 a small military force that serves as a first line of defense; if they become engaged in hostilities it will trigger the intervention of stronger military forces -05194151 __influence_NN_1 a power to affect persons or events especially power based on prestige etc; "used her parents' influence to get the job" -01782378 __panonychus_NN_1 a genus of Tetranychidae -01963730 __mytilidae_NN_1 marine mussels -01562116 __genus_erithacus_NN_1 Old World thrushes -02703499 __amobarbital_NN_1 a barbiturate with sedative and hypnotic effects; used to relieve insomnia and as an anticonvulsant -01363423 __spirillaceae_NN_1 rigid spirally curved elongate bacteria -05279953 __glenoid_fossa_NN_2 the concavity in the head of the scapula that receives the head of the humerus to form the shoulder joint -11173475 __mendeleyev_NN_1 Russian chemist who developed a periodic table of the chemical elements and predicted the discovery of several new elements (1834-1907) -11173199 __mendel_NN_1 Augustinian monk and botanist whose experiments in breeding garden peas led to his eventual recognition as founder of the science of genetics (1822-1884) -13221383 __lycopodineae_NN_1 alternative designation for the class Lycopsida -02407172 __milking_shorthorn_NN_1 breed evolved from shorthorn beef cattle -02580237 __infect_VB_3 corrupt with ideas or an ideology; "society was infected by racism" -02629435 __xiphiidae_NN_1 comprising the common swordfishes -04274396 __spermicide_NN_1 a contraceptive agent that kills spermatozoa -07644706 __poultry_NN_2 flesh of chickens or turkeys or ducks or geese raised for food -05397178 __vascular_structure_NN_1 a structure composed of or provided with blood vessels -00800270 __fund-raising_effort_NN_1 a campaign to raise money for some cause -12306519 __jasminum_NN_1 shrubs and woody climbers mostly of tropical and temperate Old World: jasmine; jessamine -07128060 __snort_NN_1 a disrespectful laugh -02326432 __hare_NN_1 swift timid long-eared mammal larger than a rabbit having a divided upper lip and long hind legs; young born furred and with open eyes -02455584 __genus_euphractus_NN_1 a genus of Dasypodidae -01786879 __pycnogonida_NN_1 sea spiders -06961853 __italic_language_NN_1 a branch of the Indo-European languages of which Latin is the chief representative -00089657 __clawback_NN_1 finding a way to take money back from people that they were given in another way; "the Treasury will find some clawback for the extra benefits members received" -10564224 __screener_NN_1 a guard at an airport who checks passengers or their luggage at a security checkpoint -05870180 __compound_NN_1 a whole formed by a union of two or more elements or parts -01413551 __rhodophyta_NN_1 lower plants; mostly marine and littoral eukaryotic algae -13354420 __working_capital_NN_1 assets available for use in the production of further assets -06344461 __newspaper_headline_NN_1 the heading or caption of a newspaper article -01202184 __sequestration_NN_1 the act of segregating or sequestering; "sequestration of the jury" -04524313 __vehicle_NN_1 a conveyance that transports people or objects -08017257 __band_of_partisans_NN_1 an extremist Palestinian Sunni group active in Lebanon in the early 1990s that advocates Salafism; responsible for murders and bombings; seeks to overthrow the Lebanese government and control Palestinian refugee camps; funded by al-Qaeda -06457796 __paternoster_NN_1 (Roman Catholic Church) the Lord's Prayer in Latin; translates as `our father' -11163859 __massine_NN_1 French choreographer and ballet dancer (born in Russia) (1895-1979) -01989669 __resolute_JJ_1 firm in purpose or belief; characterized by firmness and determination; "stood resolute against the enemy"; "faced with a resolute opposition"; "a resolute and unshakeable faith" -00969137 __satellite_VB_1 broadcast or disseminate via satellite -13863602 __subfigure_NN_1 a figure that is a part of another figure -08251493 __four_hundred_NN_1 the exclusive social set of a city -01469222 __thaliacea_NN_1 small class of free-swimming tunicates; sometimes classified as an order -01189650 __personal_judgment_NN_1 a judgment rendered against an individual (or corporation) for the payment of money damages -05934673 __side_view_NN_1 a view from the side of something -05768252 __vision_NN_1 a vivid mental image; "he had a vision of his own death" -11159698 __martin_NN_4 United States singer (1917-1995) -13945919 __status_NN_1 the relative position or standing of things or especially persons in a society; "he had the status of a minor"; "the novel attained the status of a classic"; "atheists do not enjoy a favorable position in American life" -03566860 __incrustation_NN_3 a decorative coating of contrasting material that is applied to a surface as an inlay or overlay -07725158 __goa_bean_NN_2 Old World tropical bean -09437454 __slope_NN_1 an elevated geological formation; "he climbed the steep slope"; "the house was built on the side of a mountain" -02387910 __school_VB_1 educate in or as if in a school; "The children are schooled at great cost to their parents in private institutions" -14539268 __security_NN_1 the state of being free from danger or injury; "we support the armed services in the name of national security" -02480673 __genus_gorilla_NN_1 gorillas -02640242 __sturgeon_NN_1 large primitive fishes valued for their flesh and roe; widely distributed in the North Temperate Zone -11773138 __mandevilla_NN_1 genus of tropical South American tuberous perennial woody vines with large racemose flowers and milky sap -07047679 __notturno_NN_1 a pensive lyrical piece of music (especially for the piano) -05780104 __generalization_NN_3 the process of formulating general concepts by abstracting common properties of instances -12457250 __hostaceae_NN_1 one of many families or subfamilies into which some classification systems subdivide the Liliaceae but not widely accepted; includes genus Hosta -05449268 __corpuscle_NN_2 either of two types of cells (erythrocytes and leukocytes) and sometimes including platelets -01909422 __coelenterate_NN_1 radially symmetrical animals having saclike bodies with only one opening and tentacles with stinging structures; they occur in polyp and medusa forms -02297635 __spodoptera_NN_1 moths whose larvae are armyworms -08306665 __varna_NN_2 (Hinduism) the name for the original social division of Vedic people into four groups (which are subdivided into thousands of jatis) -07539511 __dissatisfaction_NN_1 the feeling of being displeased and discontent; "he was never slow to express his dissatisfaction with the service he received" -09778537 __annoyance_NN_3 an unpleasant person who is annoying or exasperating -05830059 __pain_in_the_neck_NN_2 something or someone that causes trouble; a source of unhappiness; "washing dishes was a nuisance before we got a dish washer"; "a bit of a bother"; "he's not a friend, he's an infliction" -02470685 __confederate_VB_1 form a group or unite; "The groups banded together" -02572196 __cardinalfish_NN_1 small red fishes of coral reefs and inshore tropical waters -05081957 __asana_NN_1 (Hinduism) a posture or manner of sitting (as in the practice of yoga) -05554051 __lactiferous_duct_NN_1 ducts of the mammary gland that carry milk to the nipple -04701039 __glaze_NN_3 a coating for ceramics, metal, etc. -01002377 __unfertile_JJ_1 incapable of reproducing; "an infertile couple" -10018861 __distributor_NN_1 someone who markets merchandise -14147380 __pulmonary_emphysema_NN_1 an abnormal condition of the lungs marked by decreased respiratory function; associated with smoking or chronic bronchitis or old age -06669384 __highway_code_NN_1 the code of rules governing the use of public roads -03929202 __pickaxe_NN_1 a heavy iron tool with a wooden handle and a curved head that is pointed on both ends; "they used picks and sledges to break the rocks" -01518878 __struthio_camelus_NN_1 fast-running African flightless bird with two-toed feet; largest living bird -11151189 __malcolm_x_NN_1 militant civil rights leader (1925-1965) -06361770 __syllabic_script_NN_1 a writing system whose characters represent syllables -08701296 __galatia_NN_1 an ancient country in central Asia Minor -00631244 __premeditate_VB_2 think or reflect beforehand or in advance; "I rarely premeditate, which is a mistake" -11150634 __major_NN_2 British statesman who was prime minister from 1990 until 1997 (born in 1943) -05574332 __sura_NN_2 the muscular back part of the shank -11150224 __marquise_de_maintenon_NN_1 French consort of Louis XIV who secretly married the king after the death of his first wife (1635-1719) -00604694 __studentship_NN_1 the position of student -07259610 __lubber_line_NN_1 a fixed line on a ship's compass indicating its heading -09781650 __albino_NN_1 a person with congenital albinism: white hair and milky skin; eyes are usually pink -06684572 __swearing_NN_2 a commitment to tell the truth (especially in a court of law); to lie under oath is to become subject to prosecution for perjury -04223580 __sink_NN_1 plumbing fixture consisting of a water basin fixed to a wall or floor and having a drainpipe -01158543 __remilitarization_NN_1 the act of militarizing again -06667317 __codification_NN_2 a set of rules or principles or laws (especially written ones) -08338847 __independent_agency_NN_1 an agency of the United States government that is created by an act of Congress and is independent of the executive departments -08519624 __caucasus_NN_2 a large region between the Black and Caspian seas that contains the Caucasus Mountains; oil is its major resource -02332315 __micromyx_NN_1 Old World harvest mice -04341686 __structure_NN_1 a thing constructed; a complex entity constructed of many parts; "the structure consisted of a series of arches"; "she wore her hair in an amazing construction of whirls and ribbons" -11143163 __lozier_NN_1 United States physician who in 1863 founded a medical school for women (1813-1888) -15003969 __remover_NN_1 a solvent that removes a substance (usually from a surface); "paint remover"; "rust remover"; "hair remover" -00217014 __devastation_NN_5 the termination of something by causing so much damage to it that it cannot be repaired or no longer exists -03202760 __semiconductor_diode_NN_1 a semiconductor that consists of a p-n junction -00577068 __procedure_NN_2 a process or series of acts especially of a practical or mechanical nature involved in a particular form of work; "the operations in building a house"; "certain machine tool operations" -13456715 __decay_NN_1 the process of gradually becoming inferior -07529377 __mirthfulness_NN_1 great merriment -09367733 __neck_NN_2 a narrow elongated projecting strip of land -02186399 __pulicidae_NN_1 many common fleas attacking humans and domestic animals -02724966 __anti-tnf_compound_NN_1 a class of drugs that block the action of tumor necrosis factor (TNF); used in cases of rheumatoid arthritis because TNF instigates inflammation of the joints -02769075 __screen_background_NN_1 (computer science) the area of the screen in graphical user interfaces against which icons and windows appear -07320302 __nativity_NN_1 the event of being born; "they celebrated the birth of their first child" -01227190 __pardon_NN_1 the act of excusing a mistake or offense -02526486 __family_anguillidae_NN_1 eels that live in fresh water as adults but return to the sea to spawn -09338910 __liaodong_peninsula_NN_1 a peninsula in northeastern China that extends into the Yellow Sea, between Bo Hai and Korea Bay -06759974 __putoff_NN_1 a pretext for delay or inaction -02341288 __microtus_pennsylvaticus_NN_1 widely distributed in grasslands of northern United States and Canada -02600298 __surmullet_NN_1 brightly colored tropical fishes with chin barbels -10937611 __dorothea_lynde_dix_NN_1 United States social reformer who pioneered in the reform of prisons and in the treatment of the mentally ill; superintended women army nurses during the American Civil War (1802-1887) -02426339 __raphicerus_NN_1 African antelopes: steenboks -04528630 __vermifuge_NN_1 a medication capable of causing the evacuation of parasitic intestinal worms -01564630 __silvia_NN_1 type genus of the Sylviidae: warblers -02573406 __pomatomidae_NN_1 food and game fishes related to pompanos -09118639 __cooperstown_NN_1 a small town in east central New York; site of the National Baseball Hall of Fame -07730708 __celery_root_NN_2 thickened edible aromatic root of a variety of celery plant -07032292 __bass_part_NN_1 the lowest part in polyphonic music -00137279 __place_kick_NN_1 (sports) a kick in which the ball is placed on the ground before kicking -02168876 __monochamus_NN_1 sawyer beetles -01683422 __distemper_VB_1 paint with distemper -11464143 __gravity_NN_1 (physics) the force of attraction between all masses in the universe; especially the attraction of the earth's mass for bodies near its surface; "the more remote the body the less the gravity"; "the gravitation between two bodies is proportional to the product of their masses and inversely proportional to the square of the distance between them"; "gravitation cannot be held responsible for people falling in love"--Albert Einstein -03407369 __safety_fuse_NN_2 an electrical device that can interrupt the flow of electrical current when it is overloaded -02324045 __rabbit_NN_1 any of various burrowing animals of the family Leporidae having long ears and short tails; some domesticated and raised for pets or food -08048300 __utn_NN_1 a nongovernmental organization of Pakistani scientists that has been a supporter of terrorism; has provided information about chemical and biological and nuclear warfare to Osama bin Laden and al-Qaeda and the Taliban -04634833 __peppiness_NN_1 liveliness and energy; "this tonic is guaranteed to give you more pep" -12577362 __vigna_aconitifolia_NN_1 East Indian legume having hairy foliage and small yellow flowers followed by cylindrical pods; used especially in India for food and forage and as a soil conditioner; sometimes placed in genus Phaseolus -14052046 __unhealthiness_NN_1 a state in which you are unable to function normally and without pain -06621771 __instalment_NN_1 a part of a broadcast serial -05195362 __pressure_NN_2 a force that compels; "the public brought pressure to bear on the government" -08047032 __united_self-defense_group_of_colombia_NN_1 a terrorist organization in Colombia formed in 1997 as an umbrella for local and regional paramilitary groups; is financed by earnings from narcotics and serves to protect the economic interests of its members; "the AUC conducted over 800 assassinations in one year" -09168020 __eastern_desert_NN_1 a desert in Egypt between the Nile River and the Red Sea -03203441 __phenytoin_NN_1 an anticonvulsant drug (trade name Dilantin) used to treat epilepsy and that is not a sedative -12291763 __genus_eustoma_NN_1 small genus of herbs of warm regions of southern North America to northern South America -06518719 __ticket_NN_1 a commercial document showing that the holder is entitled to something (as to ride on public transportation or to enter a public entertainment) -02253592 __genus_eriosoma_NN_1 woolly aphids -03703590 __mackintosh_NN_1 a lightweight waterproof (usually rubberized) fabric -01998741 __rock_barnacle_NN_1 barnacle that attaches to rocks especially in intertidal zones -02405101 __urus_NN_1 large recently extinct long-horned European wild ox; considered one of the ancestors of domestic cattle -02806088 __citadel_NN_1 a stronghold into which people could go for shelter during a battle -01831519 __order_apodiformes_NN_1 swifts; hummingbirds -07350754 __recoil_NN_1 the backward jerk of a gun when it is fired -11123262 __ledbetter_NN_1 United States folk singer and composer (1885-1949) -01366415 __genus_corynebacterium_NN_1 the type genus of the family Corynebacteriaceae which is widely distributed in nature; the best known are parasites and pathogens of humans and domestic animals -01134861 __treatment_NN_2 the management of someone or something; "the handling of prisoners"; "the treatment of water sewage"; "the right to equal treatment in the criminal justice system" -00073343 __void_VB_4 excrete or discharge from the body -02039660 __pluvianus_NN_1 coursers -02492035 __ringtail_NN_3 monkey of Central America and South America having thick hair on the head that resembles a monk's cowl -10191943 __humourist_NN_1 someone who acts speaks or writes in an amusing way -10064229 __esquire_NN_1 (Middle Ages) an attendant and shield bearer to a knight; a candidate for knighthood -11119061 __laughton_NN_1 United States film actor (born in England) (1899-1962) -08925700 __kitakyushu_NN_1 a Japanese city on northern Kyushu -08031386 __laskar_jihad_NN_1 a paramilitary terrorist organization of militant Muslims in Indonesia; wages a jihad against Christians in Indonesia; subscribes to the Wahhabi creed of Islam -02182662 __rustle_VB_1 make a dry crackling sound; "rustling silk"; "the dry leaves were rustling in the breeze" -01672032 __soft-shelled_turtle_NN_1 voracious aquatic turtle with a flat flexible shell covered by a leathery skin; can inflict painful bites -05752544 __learning_NN_1 the cognitive process of acquiring skill or knowledge; "the child's acquisition of language" -03132879 __crocheting_NN_1 needlework done by interlocking looped stitches with a hooked needle -11116642 __samuel_pierpoint_langley_NN_1 United States astronomer and aviation pioneer who invented the bolometer and contributed to the design of early aircraft (1834-1906) -03435382 __gentamicin_NN_1 an antibiotic (trade name Garamycin) that is derived from an actinomycete; used in treating infections of the urinary tract -11138681 __lorenzo_the_magnificent_NN_1 Italian statesman and scholar who supported many artists and humanists including Michelangelo and Leonardo and Botticelli (1449-1492) -10259997 __lieutenant_commander_NN_1 a commissioned officer in the Navy ranking above a lieutenant and below a commander -10719267 __townsman_NN_2 a resident of a town or city -04159354 __seal_NN_8 fastener that provides a tight and perfect closure -10502576 __racer_NN_1 someone who drives racing cars at high speeds -03033362 __electrical_circuit_NN_1 an electrical device that provides a path for electrical current to flow -01496331 __torpedo_NN_7 any sluggish bottom-dwelling ray of the order Torpediniformes having a rounded body and electric organs on each side of the head capable of emitting strong electric discharges -01887896 __calf_NN_1 young of domestic cattle -02176747 __pyrophorus_noctiluca_NN_1 tropical American click beetle having bright luminous spots -14690607 __periclase_NN_1 a white solid mineral that occurs naturally as periclase; a source of magnesium -08245549 __sicilian_mafia_NN_1 a secret terrorist group in Sicily; originally opposed tyranny but evolved into a criminal organization in the middle of the 19th century -01174645 __remise_NN_3 (fencing) a second thrust made on the same lunge (as when your opponent fails to riposte) -02514198 __class_channidae_NN_1 snakeheads -04031884 __quartering_NN_2 living accommodations (especially those assigned to military personnel) -02083863 __genus_canis_NN_1 type genus of the Canidae: domestic and wild dogs; wolves; jackals -04675314 __impression_NN_2 an outward appearance; "he made a good impression"; "I wanted to create an impression of success"; "she retained that bold effect in her reproductions of the original painting" -01594157 __hirundinidae_NN_1 swallows and martins -06656408 __policy_NN_2 a line of argument rationalizing the course of action of a government; "they debated the policy or impolicy of the proposed legislation" -13144511 __vitis_NN_1 the type genus of the family Vitaceae; woody vines with simple leaves and small flowers; includes a wide variety of grapes -11109424 __sir_alexander_korda_NN_1 British filmmaker (born in Hungary) (1893-1956) -05126066 __ballpark_NN_2 near to the scope or range of something; "his answer wasn't even in the right ballpark" -01385170 __combine_VB_6 gather in a mass, sum, or whole -08897065 __united_arab_republic_NN_1 a republic in northeastern Africa known as the United Arab Republic until 1971; site of an ancient civilization that flourished from 2600 to 30 BC -04460947 __tower_of_london_NN_1 a fortress in London on the Thames; used as a palace and a state prison and now as a museum containing the crown jewels -00279835 __movement_NN_2 the act of changing location from one place to another; "police controlled the motion of the crowd"; "the movement of people from the farms to the cities"; "his move put him directly in my path" -12604845 __rumex_scutatus_NN_1 low perennial with small silvery-green ovate to hastate leaves -01048073 __bay_VB_1 utter in deep prolonged tones -00478647 __dribbling_NN_1 the propulsion of a ball by repeated taps or kicks -14112466 __valvular_heart_disease_NN_1 heart disease caused by stenosis of the cardiac valves and obstructed blood flow or caused by degeneration and blood regurgitation -06732350 __avowal_NN_1 a statement asserting the existence or the truth of something -01257542 __flowage_NN_3 the act of flooding; filling to overflowing -08622586 __position_NN_2 a point occupied by troops for tactical reasons -07111047 __speech_sound_NN_1 (phonetics) an individual sound unit of speech without concern as to whether or not it is a phoneme of some language -02738031 __armament_NN_1 weaponry used by military or naval force -09715833 __israeli_NN_1 a native or inhabitant of Israel -06744154 __etymologizing_NN_1 (historical linguistics) an explanation of the historical origins of a word or phrase -06791017 __nicene_creed_NN_1 (Christianity) a formal creed summarizing Christian beliefs; first adopted in 325 and later expanded -01796346 __vibrate_VB_5 feel sudden intense sensation or emotion; "he was thrilled by the speed and the roar of the engine" -06262567 __film_NN_2 a medium that disseminates moving pictures; "theater pieces transferred to celluloid"; "this story would be good cinema"; "film coverage of sporting events" -06736529 __affidavit_NN_1 written declaration made under oath; a written statement sworn to be true before someone legally authorized to administer an oath -01540693 __suck_out_VB_1 remove as if by suction; "aspirate the wound" -02289610 __pyrausta_nubilalis_NN_2 native to Europe; in America the larvae bore into the stem and crown of corn and other plants -10005280 __lieutenant_NN_3 an assistant with power to act when his superior is absent -04520618 __vancomycin_NN_1 an antibiotic (trade name Vancocin) effective against some bacterial infections -06377442 __verse_form_NN_1 a composition written in metrical feet forming rhythmical lines -00999089 __plumbing_NN_3 measuring the depths of the oceans -05790572 __reject_NN_1 the person or thing that is rejected or set aside as inferior in quality -02589576 __push_VB_7 exert oneself continuously, vigorously, or obtrusively to gain an end or engage in a crusade for a certain cause or person; be an advocate for; "The liberal party pushed for reforms"; "She is crusading for women's rights"; "The Dean is pushing for his favorite candidate" -02574072 __welsh_VB_1 cheat by avoiding payment of a gambling debt -07236077 __allegation_NN_1 (law) a formal accusation against somebody (often in a court of law); "an allegation of malpractice" -06803636 __distress_signal_NN_1 an internationally recognized signal sent out by a ship or plane indicating that help is needed -02509552 __train_VB_9 cause to grow in a certain way by tying and pruning it; "train the vine" -08113443 __priesthood_NN_1 the body of ordained religious practitioners -00837675 __pull_NN_6 a slow inhalation (as of tobacco smoke); "he took a puff on his pipe"; "he took a drag on his cigarette and expelled the smoke slowly" -05872477 __principle_NN_3 a basic truth or law or assumption; "the principles of democracy" -03319858 __pepcid_NN_1 a histamine blocker (trade name Pepcid) used to treat peptic ulcers and gastritis and esophageal reflux -02006656 __spoonbill_NN_1 wading birds having a long flat bill with a tip like a spoon -01839086 __picus_viridis_NN_1 woodpecker of Europe and western Asia -00689550 __ostomy_NN_1 surgical procedure that creates an artificial opening for the elimination of bodily wastes -00952963 __military_action_NN_1 a military engagement; "he saw action in Korea" -01679837 __genus_gambelia_NN_1 leopard lizards -01929396 __phylum_nematoda_NN_1 unsegmented worms: roundworms; threadworms; eelworms -07366289 __divergence_NN_2 a variation that deviates from the standard or norm; "the deviation from the mean" -11088059 __president_johnson_NN_2 17th President of the United States; was elected vice president and succeeded Lincoln when Lincoln was assassinated; was impeached but acquitted by one vote (1808-1875) -13498828 __rising_prices_NN_1 a general and progressive increase in prices; "in inflation everything gets more valuable except money" -01498872 __recess_VB_1 put into a recess; "recess lights" -01768969 __class_arachnida_NN_1 a large class of arthropods including spiders and ticks and scorpions and daddy longlegs; have four pairs of walking legs and no wings pointedly referring to or concerning a person's individual personality or intimate affairs especially offensively; "unnecessarily personalized remarks" -01982895 __homaridae_NN_1 large-clawed lobsters -11087359 __st._john_the_baptist_NN_1 (New Testament) a preacher and hermit and forerunner of Jesus (whom he baptized); was beheaded by Herod at the request of Salome -08197742 __armour_NN_1 a military unit consisting of armored fighting vehicles -02333368 __rattus_NN_1 common house rats; upper incisors have a beveled edge -00625774 __unsubstantial_JJ_1 lacking material form or substance; unreal; "as insubstantial as a dream"; "an insubstantial mirage on the horizon" -11086279 __king_john_NN_1 youngest son of Henry II; King of England from 1199 to 1216; succeeded to the throne on the death of his brother Richard I; lost his French possessions; in 1215 John was compelled by the barons to sign the Magna Carta (1167-1216) -05517837 __bulla_NN_1 (pathology) an elevation of the skin filled with serous fluid -00117959 __winking_NN_1 a reflex that closes and opens the eyes rapidly -01948573 __limpet_NN_2 any of various usually marine gastropods with low conical shells; found clinging to rocks in littoral areas befitting a man of good breeding; "gentlemanly behavior" -02545687 __lampris_NN_1 type genus of the Lampridae -04408330 __temple_of_solomon_NN_1 any of three successive temples in Jerusalem that served as the primary center for Jewish worship; the first temple contained the Ark of the Covenant and was built by Solomon in the 10th century BC and destroyed by Nebuchadnezzar in 586 BC; the second was built in 515 BC and the third was an enlargement by Herod the Great in 20 BC that was destroyed by the Romans during a Jewish revolt in AD 70; all that remains is the Wailing Wall -10128909 __monster_NN_2 someone or something that is abnormally large and powerful -06502378 __written_record_NN_1 a written document preserving knowledge of facts or events -08986691 __qatar_peninsula_NN_1 a peninsula extending northward from the Arabian mainland into the Persian Gulf -02804772 __mongrel_NN_1 derogatory term for a variation that is not genuine; something irregular or inferior or of dubious origin; "the architecture was a kind of bastard suggesting Gothic but not true Gothic" -02324850 __oryctolagus_cuniculus_NN_1 common greyish-brown burrowing animal native to southern Europe and northern Africa but introduced elsewhere; widely domesticated and developed in various colors and for various needs; young are born naked and helpless -02594250 __sciaenid_fish_NN_1 widely distributed family of carnivorous percoid fishes having a large air bladder used to produce sound -03761084 __microwave_oven_NN_1 kitchen appliance that cooks food by passing an electromagnetic wave through it; heat results from the absorption of energy by the water molecules in the food -13727209 __therm_NN_1 a unit of heat equal to 100,000 British thermal units -11080745 __jansen_NN_1 a Dutch Roman Catholic theologian (1585-1638) -03238407 __dressing_station_NN_1 (military) a station located near a combat area for giving first aid to the wounded -11078982 __st._james_the_apostle_NN_1 (New Testament) disciple of Jesus; brother of John; author of the Epistle of James in the New Testament -11078404 __jaffar_umar_thalib_NN_1 Indonesian terrorist and Islamic militant who commands the Laskar Jihad; uses violence to achieve political ends (1965-2000) -05361391 __vena_cerebri_NN_1 any of several veins serving the cerebral hemispheres of the brain -01881857 __trichosurus_vulpecula_NN_1 bushy-tailed phalanger -05960121 __divine_right_of_kings_NN_1 the doctrine that kings derive their right to rule directly from God and are not accountable to their subjects; rebellion is the worst of political crimes; "the doctrine of the divine right of kings was enunciated by the Stuarts in Britain in the 16th century" -08764899 __lofoten_NN_1 a string of islands off the northwestern coast of Norway in the Norwegian Sea -07994941 __pack_NN_6 a group of hunting animals -02021438 __order_charadriiformes_NN_1 large diverse order of aquatic birds found along seacoasts and inland waters: shorebirds and coastal diving birds; most feed on anima life -06376154 __drama_NN_3 the literary genre of works intended for the theater -14446652 __uncomfortableness_NN_1 the state of being tense and feeling pain -04916342 __property_NN_2 a basic or essential attribute shared by all members of a class; "a study of the physical properties of atomic particles" -02192127 __lucilia_NN_1 greenbottle flies -02950018 __cannery_NN_1 a factory where food is canned -01183798 __paternity_suit_NN_1 a lawsuit filed to determine the father of a child born out of wedlock (and to provide for the support of the child once paternity is determined) -09636106 __person_of_colour_NN_1 (formal) any non-European non-white person -00369138 __strewing_NN_1 the act of scattering -03548626 __hull_NN_6 the frame or body of ship -11071960 __lotario_di_segni_NN_1 Italian pope from 1198 to 1216 who instituted the Fourth Crusade and under whom papal intervention in European politics reached its height (1161-1216) -02128925 __panthera_onca_NN_1 a large spotted feline of tropical America similar to the leopard; in some classifications considered a member of the genus Felis -02005598 __threskiornithidae_NN_1 ibises -01233027 __pat_VB_2 hit lightly; "pat him on the shoulder" -10670885 __subsidizer_NN_1 someone who assists or supports by giving a subsidy -00475787 __softball_game_NN_1 a game closely resembling baseball that is played on a smaller diamond and with a ball that is larger and softer -00889229 __sign_VB_3 be engaged by a written agreement; "He signed to play the casino on Dec. 18"; "The soprano signed to sing the new opera" -04191943 __shelter_NN_2 protective covering that provides protection from the weather -02310334 __vetchworm_NN_1 larva of a noctuid moth; highly destructive to especially corn and cotton and tomato crops -01538498 __plectrophenax_NN_1 snow bunting -10672908 __suffragist_NN_1 an advocate of the extension of voting rights (especially to women) -00583933 __spiritualization_NN_1 the act of making something spiritual; infusing it with spiritual content -05044387 __solarization_NN_1 exposure to the rays of the sun -00594146 __lectureship_NN_1 the post of lecturer not occurring at expected times -05616786 __know-how_NN_1 the (technical) knowledge and skill required to do something -01194904 __eviction_NN_1 action by a landlord that compels a tenant to leave the premises (as by rendering the premises unfit for occupancy); no physical expulsion or legal process is involved -04551950 __warp_NN_4 yarn arranged lengthways on a loom and crossed by the woof -01012360 __grouping_NN_2 the activity of putting things together in groups -09175016 __mount_fuji_NN_1 an extinct volcano in south central Honshu that is the highest peak in Japan; last erupted in 1707; famous for its symmetrical snow-capped peak; a sacred mountain and site for pilgrimages -08260961 __labour_party_NN_2 a left-of-center political party formed to represent the interest of ordinary working people -04850117 __justness_NN_2 the quality of being just or fair -01580644 __genus_cyanocitta_NN_1 New World jays -11062285 __leslie_howard_stainer_NN_1 English actor of stage and screen (1893-1943) -06378298 __lay_NN_2 a narrative poem of popular origin -04069276 __reflector_NN_1 device that reflects radiation -14832193 __rna_NN_1 (biochemistry) a long linear polymer of nucleotides found in the nucleus but mainly in the cytoplasm of a cell where it is associated with microsomes; it transmits genetic information from DNA to the cytoplasm and controls certain chemical processes in the cell; "ribonucleic acid is the genetic material of some viruses" -01814091 __zenaidura_NN_1 mourning doves -03527243 __holograph_NN_2 the intermediate photograph (or photographic record) that contains information for reproducing a three-dimensional image by holography -10939856 __john_donne_NN_1 English clergyman and metaphysical poet celebrated as a preacher (1572-1631) -09557387 __pallas_athene_NN_1 (Greek mythology) goddess of wisdom and useful arts and prudent warfare; guardian of Athens; identified with Roman Minerva -00581671 __vascularize_VB_1 become vascular and have vessels that circulate fluids; "The egg yolk vascularized" -05595083 __joint_NN_1 (anatomy) the point of connection between two bones or elements of a skeleton (especially if it allows motion) -12863624 __mountain_mint_NN_1 any of a number of perennial herbs of the genus Pycnanthemum; eastern North America and California -13578267 __systeme_international_d'unites_NN_1 a complete metric system of units of measurement for scientists; fundamental quantities are length (meter) and mass (kilogram) and time (second) and electric current (ampere) and temperature (kelvin) and amount of matter (mole) and luminous intensity (candela); "Today the United States is the only country in the world not totally committed to the Systeme International d'Unites" -02502357 __genus_cynocephalus_NN_1 type genus of the family Cynocephalidae -01469770 __invite_VB_6 ask to enter; "We invited the neighbors in for a cup of coffee" -02455310 __genus_cabassous_NN_1 solely the tatouay -01408880 __volvocales_NN_1 chiefly freshwater green algae; solitary or colonial -00797878 __venture_NN_1 any venturesome undertaking especially one with an uncertain outcome -03674440 __linkage_NN_3 a mechanical system of rods or springs or pivots that transmits power or motion -02576921 __wangle_VB_2 tamper, with the purpose of deception; "Fudge the figures"; "cook the books"; "falsify the data" -01976488 __tumble_VB_1 fall down, as if collapsing; "The tower of the World Trade Center tumbled after the plane hit it" -09167767 __great_arabian_desert_NN_1 a desert on the Arabian Peninsula in southwestern Asia -07337390 __variation_NN_1 an instance of change; the rate or magnitude of change -12202936 __linden_tree_NN_1 any of various deciduous trees of the genus Tilia with heart-shaped leaves and drooping cymose clusters of yellowish often fragrant flowers; several yield valuable timber -12700219 __toona_NN_1 formerly included in genus Cedrela -01453433 __drag_VB_1 pull, as against a resistance; "He dragged the big suitcase behind him"; "These worries were dragging at him" -11052672 __hitler_NN_1 German Nazi dictator during World War II (1889-1945) -03508101 __warmer_NN_1 device that heats water or supplies warmth to a room -03295357 __pediamycin_NN_1 an antibiotic (trade name Erythrocin or E-Mycin or Ethril or Ilosone or Pediamycin) obtained from the actinomycete Streptomyces erythreus; effective against many Gram-positive bacteria and some Gram-negative -00073713 __distortion_NN_6 the mistake of misrepresenting the facts -08654360 __state_NN_1 the territory occupied by one of the constituent administrative districts of a nation; "his state is in the deep south" -03362293 __fleapit_NN_1 an old shabby movie theater -04507155 __umbrella_NN_1 a lightweight handheld collapsible canopy -04331277 __straight_chair_NN_1 a straight-backed chair without arms -00147187 __encounter_NN_3 a casual meeting with a person or thing -07386614 __miaul_NN_1 the sound made by a cat (or any sound resembling this) -02644113 __rockfish_NN_2 marine food fish found among rocks along the northern coasts of Europe and America -08964810 __malay_peninsula_NN_1 a peninsula in southeastern Asia occupied by parts of Malaysia and Thailand and Myanmar -05861067 __total_NN_2 a quantity obtained by the addition of a group of numbers -09164417 __haiphong_NN_1 a port city in northern Vietnam; industrial center -03396311 __key_pattern_NN_1 an ornamental pattern consisting of repeated vertical and horizontal lines (often in relief); "there was a simple fret at the top of the walls" -08190482 __enemy_NN_1 an opposing military force; "the enemy attacked at dawn" -09092497 __pine_tree_state_NN_1 a state in New England -06580646 __systems_software_NN_1 a program (as an operating system or compiler or utility program) that controls some aspect of the operation of a computer -10146559 __greengrocer_NN_1 a grocer who sells fresh fruits and vegetables -02341108 __microtus_NN_1 voles of the northern hemisphere -09943811 __commissioner_NN_1 a government administrator -07856270 __spread_NN_5 a tasty mixture to be spread on bread or crackers or used in preparing other dishes -03163973 __input_device_NN_1 a device that can be used to insert data into a computer or other computational device -02004855 __wood_stork_NN_2 an American stork that resembles the true ibises in having a downward-curved bill; inhabits wooded swamps of New World tropics -10612373 __sloganeer_NN_1 someone who coins and uses slogans to promote a cause -11060103 __mark_hopkins_NN_1 United States educator and theologian (1802-1887) -09148662 __burlington_NN_1 the largest city in Vermont; located in northwestern Vermont on Lake Champlain; site of the University of Vermont -10394141 __palsgrave_NN_1 (Middle Ages) the lord of a palatinate who exercised sovereign powers over his lands -04829282 __mercy_NN_2 a disposition to be kind and forgiving; "in those days a wife had to depend on the mercifulness of her husband" -09916788 __chief_justice_NN_1 the judge who presides over a supreme court -06128307 __telecommunication_NN_2 (often plural) the branch of electrical engineering concerned with the technology of electronic communication at a distance -01166258 __interchange_NN_3 the act of changing one thing for another thing; "Adam was promised immortality in exchange for his disobedience"; "there was an interchange of prisoners" -02257715 __spittlebug_NN_1 small leaping herbivorous insect that lives in a mass of protective froth which it and its larvae secrete -02244963 __pyrrhocoridae_NN_1 firebugs -01938155 __hirudinidae_NN_1 a family of Hirudinea -06694540 __testimonial_NN_3 something that recommends (or expresses commendation of) a person or thing as worthy or desirable -00364297 __recess_VB_3 close at the end of a session; "The court adjourned" -10450303 __politico_NN_1 a person active in party politics -00245289 __slake_VB_2 make less active or intense -01056411 __stopover_NN_2 a brief stay in the course of a journey; "they made a stopover to visit their friends" -02138042 __paradoxurus_NN_1 palm civets -00413195 __take_in_VB_16 take into one's family; "They adopted two children from Nicaragua" -07317519 __trip_NN_3 an accidental misstep threatening (or causing) a fall; "he blamed his slip on the ice"; "the jolt caused many slips and a few spills" -11732052 __goldthread_NN_1 low-growing perennial of North America woodlands having trifoliate leaves and yellow rootstock and white flowers -13491616 __healing_NN_1 the natural process by which the body repairs itself -10565502 __scrutineer_NN_1 someone who examines votes at an election -02938514 __calcium_blocker_NN_1 any of a class of drugs that block the flow of the electrolyte calcium (either in nerve cell conduction or smooth muscle contraction of the heart); has been used in the treatment of angina or arrhythmia or hypertension or migraine -11030025 __william_averell_harriman_NN_1 United States financier who negotiated a treaty with the Soviet Union banning tests of nuclear weapons (1891-1986) -05374980 __vena_ophthalmica_NN_1 either of two veins that serve the eye; empties into the cavernous sinus -02301151 __overbid_VB_1 to bid for more tricks than one can expect to win, -00580512 __transfigure_VB_1 elevate or idealize, in allusion to Christ's transfiguration -02513269 __virtuous_JJ_1 morally excellent -06947479 __american_language_NN_1 the English language as used in the United States -07240925 __nomination_NN_3 an address (usually at a political convention) proposing the name of a candidate to run for election; "the nomination was brief and to the point" -06487897 __catalogue_NN_1 a complete list of things; usually arranged systematically; "it does not pretend to be a catalog of his achievements" -02289307 __wax_moth_NN_1 moth whose larvae live in and feed on bee honeycombs -02497832 __family_daubentoniidae_NN_1 comprising solely the aye-aye -07746334 __west_indian_cherry_NN_2 acid red or yellow cherry-like fruit of a tropical American shrub very rich in vitamin C -01646134 __genus_bufo_NN_1 type genus of the Bufonidae; common toads of New and Old Worlds -09764201 __acquirer_NN_1 a person who acquires something (usually permanently) -03406966 __furrow_NN_1 a long shallow trench in the ground (especially one made by a plow) -10076307 __faquir_NN_1 a Muslim or Hindu mendicant monk who is regarded as a holy man -12339972 __tupelo_family_NN_1 a family of dicotyledonous trees of order Myrtales that includes the sour gum trees -04580298 __white_goods_NN_2 drygoods for household use that are typically made of white cloth -11020888 __nell_gywn_NN_1 English comedienne and mistress of Charles II (1650-1687) -01383638 __plankton_NN_1 the aggregate of small plant and animal organisms that float or drift in great numbers in fresh or salt water -04072960 __relay_NN_5 electrical device such that current flowing through it in one circuit can switch on and off a current in a second circuit -02319095 __sea_urchin_NN_1 shallow-water echinoderms having soft bodies enclosed in thin spiny globular shells -00714944 __handicraft_NN_2 a craft that requires skillful hands -04933852 __phenotype_NN_1 what an organism looks like as a consequence of the interaction of its genotype and the environment -01348530 __bacterium_NN_1 (microbiology) single-celled or noncellular spherical or spiral or rod-shaped organisms lacking chlorophyll that reproduce by fission; important as pathogens and for biochemical properties; taxonomy is difficult; often considered to be plants -02235761 __mantidae_NN_1 mantises -02796995 __taproom_NN_1 a room or establishment where alcoholic drinks are served over a counter; "he drowned his sorrows in whiskey at the bar" -02703894 __trimox_NN_1 an antibiotic; a semisynthetic oral penicillin (trade names Amoxil and Larotid and Polymox and Trimox and Augmentin) used to treat bacterial infections -02185988 __pop_VB_3 make a sharp explosive noise; "The cork of the champagne bottle popped" -00023271 __noesis_NN_1 the psychological result of perception and learning and reasoning -04372370 __switch_NN_1 control consisting of a mechanical or electrical or electronic device for making or breaking or changing the connections in a circuit -03081021 __element_NN_2 an artifact that is one of the individual parts of which a composite entity is made up; especially a part that can be separated from or attached to a system; "spare components for cars"; "a component or constituent element of a system" -06186301 __theological_doctrine_NN_1 the doctrine of a religious group -00619869 __misunderstand_VB_1 interpret in the wrong way; "Don't misinterpret my comments as criticism"; "She misconstrued my remarks" -11014212 __hildebrand_NN_1 the Italian pope who fought to establish the supremacy of the pope over the Roman Catholic Church and the supremacy of the church over the state (1020-1085) -11013876 __st._gregory_i_NN_1 (Roman Catholic Church) an Italian pope distinguished for his spiritual and temporal leadership; a saint and Doctor of the Church (540?-604) -01395254 __ciliophoran_NN_1 a protozoan with a microscopic appendage extending from the surface of the cell -08835875 __oceanica_NN_1 a large group of islands in the south Pacific including Melanesia and Micronesia and Polynesia (and sometimes Australasia and the Malay Archipelago) -08275185 __school_NN_4 a body of creative artists or writers or thinkers linked by a similar style or by similar teachers; "the Venetian school of painting" -11480698 __mechanical_phenomenon_NN_1 a physical phenomenon associated with the equilibrium or motion of objects -01161161 __corporal_punishment_NN_1 the infliction of physical injury on someone convicted of committing a crime -05122099 __prevalence_NN_3 a superiority in numbers or amount; "a preponderance of evidence against the defendant" -01853379 __melanitta_NN_1 scoters -01299224 __battle_of_wake_island_NN_1 in December 1941 the island was captured by the Japanese after a gallant last-ditch stand by a few hundred United States marines -07351031 __wring_NN_1 a twisting squeeze; "gave the wet cloth a wring" -02934641 __funicular_railway_NN_1 a railway up the side of a mountain pulled by a moving cable and having counterbalancing ascending and descending cars -06672297 __word_of_advice_NN_1 cautionary advice about something imminent (especially imminent danger or other unpleasantness); "a letter of admonition about the dangers of immorality"; "the warning was to beware of surprises"; "his final word of advice was not to play with matches" -08697827 __scandinavian_nation_NN_1 any one of the countries occupying Scandinavia -02034300 __turn_away_VB_2 turn from a straight course, fixed direction, or line of interest -02517202 __misdemean_VB_1 behave badly; "The children misbehaved all morning" -03819994 __net_NN_2 a trap made of netting to catch fish or birds or insects -09297729 __gulf_of_campeche_NN_1 a part of the Gulf of Mexico to the west of Yucatan -02202678 __punky_NN_1 minute two-winged insect that sucks the blood of mammals and birds and other insects -04321238 __stitch_NN_1 a link or loop or knot made by an implement in knitting, crocheting, embroidery, or sewing -12717072 __ailanthus_NN_1 any of several deciduous Asian trees of the genus Ailanthus -10496193 __putterer_NN_1 a person who putters about -00958477 __naval_battle_NN_1 a pitched battle between naval fleets -15190084 __july_4_NN_1 a legal holiday in the United States -01243674 __work_stoppage_NN_1 a group's refusal to work in protest against low pay or bad work conditions; "the strike lasted more than a month before it was settled" -01152973 __communization_NN_2 the organization of a nation of the basis of communism -02532918 __sprat_NN_2 small herring processed like a sardine -07302267 __derailment_NN_1 an accident in which a train runs off its track -11002191 __john_herschel_glenn_jr._NN_1 made the first orbital rocket-powered flight by a United States astronaut in 1962; later in United States Senate (1921-) -13463656 __destalinization_NN_1 social process of neutralizing the influence of Joseph Stalin by revising his policies and removing monuments dedicated to him and renaming places named in his honor; "his statue was demolished as part of destalinization" -09075329 __tampa_NN_1 a resort city in western Florida; located on Tampa Bay on the Gulf of Mexico -02198859 __horsefly_NN_1 winged fly parasitic on horses -09208702 __asteroid_NN_1 any of numerous small celestial bodies composed of rock and metal that move around the sun (mainly between the orbits of Mars and Jupiter) -02601344 __mullet_NN_2 freshwater or coastal food fishes a spindle-shaped body; found worldwide -12664005 __cinchona_lancifolia_NN_1 Colombian tree; source of Cartagena bark (a cinchona bark) -10999410 __william_gilbert_NN_2 English court physician noted for his studies of terrestrial magnetism (1540-1603) -02762508 __autostrada_NN_1 an expressway in an Italian-speaking country -06582403 __subroutine_NN_1 a set sequence of steps, part of larger computer program -04768028 __rhythm_NN_2 recurring at regular intervals -05708818 __perceptual_constancy_NN_1 (psychology) the tendency for perceived objects to give rise to very similar perceptual experiences in spite of wide variations in the conditions of observation -10995850 __george_v_NN_1 King of Great Britain and Ireland and emperor of India from 1910 to 1936; gave up his German title in 1917 during World War I (1865-1936) -10995592 __george_iv_NN_1 King of Great Britain and Ireland and Hanover from 1820 to 1830; his attempt to divorce his estranged wife undermined the prestige of the Crown (1762-1830) -09109882 __lincoln_NN_2 capital of the state of Nebraska; located in southeastern Nebraska; site of the University of Nebraska -01401517 __tribonemaceae_NN_1 simple filamentous freshwater yellow-green algae -12050959 __helleborine_NN_3 any of several orchids of the genus Cephalanthera -06626446 __excuse_NN_2 a note explaining an absence; "he had to get his mother to write an excuse for him" -13631687 __zettabyte_NN_1 a unit of information equal to 1000 exabytes or 10^21 bytes -03434943 __genre_NN_4 a class of art (or artistic endeavor) having a characteristic form or technique -02563327 __run_VB_19 carry out a process or program, as on a computer or a machine; "Run the dishwasher"; "run a new program on the Mac"; "the computer executed the instruction" -04810035 __legitimacy_NN_1 lawfulness by virtue of being authorized or in accordance with law -13405296 __ledger_entry_NN_1 a written record of a commercial transaction -04872236 __truthfulness_NN_1 the quality of being truthful -11640471 __genus_sequoia_NN_1 redwoods; until recently considered a genus of a separate family Taxodiaceae -00446493 __fight_NN_5 a boxing or wrestling match; "the fight was on television last night" -06567865 __freeware_NN_1 software that is provided without charge -03749807 __mercury_thermometer_NN_1 thermometer consisting of mercury contained in a bulb at the bottom of a graduated sealed glass capillary tube marked in degrees Celsius or Fahrenheit; mercury expands with a rise in temperature causing a thin thread of mercury to rise in the tube -00713996 __correlate_VB_2 bring into a mutual, complementary, or reciprocal relation; "I cannot correlate these two pieces of information" -07985223 __pair_NN_1 a set of two similar things considered as a unit -01693995 __genus_chamaeleon_NN_1 type genus of the Chamaeleontidae -00084738 __drug_VB_1 administer a drug to; "They drugged the kidnapped tourist" -11400704 __wynette_NN_1 United States country singer (1942-1998) -03463832 __woodlet_NN_1 garden consisting of a small cultivated wood without undergrowth -01163779 __execution_NN_1 putting a condemned person to death -13978166 __stir_NN_1 a prominent or sensational but short-lived news event; "he made a great splash and then disappeared" -05802912 __conversion_NN_2 a change in the units or form of an expression: "conversion from Fahrenheit to Centigrade" -04997472 __edibleness_NN_1 the property of being fit to eat -11854232 __zygocactus_NN_1 small genus of Brazilian cacti having flat fleshy usually branched joints and showy red or pink flowers followed by red fleshy fruits -00604523 __stewardship_NN_1 the position of steward -02685365 __air_bag_NN_1 a safety restraint in an automobile; the bag inflates on collision and prevents the driver or passenger from being thrown forward -11202063 __nebuchadrezzar_ii_NN_1 (Old Testament) king of Chaldea who captured and destroyed Jerusalem and exiled the Israelites to Babylonia (630?-562 BC) -08409835 __junior_high_school_NN_1 a secondary school usually including 7th and 8th grades -13259630 __windfall_profit_NN_1 profit that occurs unexpectedly as a consequence of some event not controlled by those who profit from it -00513251 __mishegoss_NN_1 (Yiddish) craziness; senseless behavior or activity -01692579 __letter_VB_2 set down or print with letters -01941223 __scaphopod_NN_1 burrowing marine mollusk -05957428 __relation_back_NN_1 (law) the principle that an act done at a later time is deemed by law to have occurred at an earlier time; "his attorney argued for the relation back of the amended complaint to the time the initial complaint was filed" -06435651 __i_chronicles_NN_1 the first of two Old Testament books telling the history of Judah and Israel until the return from the Babylonian Captivity in 536 BC -04455442 __top_of_the_line_NN_1 the best (most expensive) in a given line of merchandise -03510987 __heliotype_NN_1 duplicator consisting of a gelatin plate from which ink can be taken to make a copy -13795180 __pertinency_NN_1 relevance by virtue of being applicable to the matter at hand -04246855 __smoking_compartment_NN_1 a passenger car for passengers who wish to smoke -10979079 __franklin_NN_2 printer whose success as an author led him to take up politics; he helped draw up the Declaration of Independence and the Constitution; he played a major role in the American Revolution and negotiated French support for the colonists; as a scientist he is remembered particularly for his research in electricity (1706-1790) -07184149 __wrangle_NN_1 an angry dispute; "they had a quarrel"; "they had words" -01060746 __render_VB_11 bestow; "give homage"; "render thanks" -09617161 __panegyrist_NN_1 an orator who delivers eulogies or panegyrics -00553823 __tumult_NN_3 the act of making a noisy disturbance -00721431 __stead_NN_1 the post or function properly or customarily occupied or served by another; "can you go in my stead?"; "took his place"; "in lieu of" -03797703 __mukataa_NN_1 an Arabic word for headquarters or administrative center; "Arafat was holed up in the mukataa of his West Bank compound" -08567600 __finger_lakes_NN_1 a geographical area in central New York State that is named for a series of narrow glacial lakes that lie parallel in a north-south direction -01709484 __thunder_lizard_NN_1 huge quadrupedal herbivorous dinosaur common in North America in the late Jurassic -02174896 __simple_JJ_1 having few parts; not complex or complicated or involved; "a simple problem"; "simple mechanisms"; "a simple design"; "a simple substance" -13792842 __communication_NN_3 a connection allowing access between persons or places; "how many lines of communication can there be among four people?"; "a secret passageway provided communication between the two rooms" -04523525 __vault_NN_3 an arched brick or stone ceiling or roof -07710007 __solanaceous_vegetable_NN_1 any of several fruits of plants of the family Solanaceae; especially of the genera Solanum, Capsicum, and Lycopersicon -05474346 __nervus_NN_1 any bundle of nerve fibers running to various organs and tissues of the body -01825417 __order_coraciiformes_NN_1 rollers; kingfishers; hornbills; hoopoes; motmots; bee eaters; todies -00312403 __field_trip_NN_1 a group excursion (to a museum or the woods or some historic place) for firsthand examination -00636728 __inquiry_NN_3 a systematic investigation of a matter of public interest -00573247 __deaminize_VB_1 remove the amino radical (usually by hydrolysis) from an amino compound; to perform deamination -03899612 __patina_NN_1 a fine coating of oxide on the surface of a metal -01269360 __alamo_NN_1 a siege and massacre at a mission in San Antonio in 1836; Mexican forces under Santa Anna besieged and massacred American rebels who were fighting to make Texas independent of Mexico -01061320 __carry_VB_17 pass on a communication; "The news was carried to every village in the province" -02652132 __flying_robin_NN_1 tropical fish with huge fanlike pectoral fins for underwater gliding; unrelated to searobins -05137557 __lowness_NN_3 the quality of being low; lacking height; "he was suddenly aware of the lowness of the ceiling" -10490141 __psychotic_person_NN_1 a person afflicted with psychosis -12236546 __huckleberry_NN_2 any of several shrubs of the genus Gaylussacia bearing small berries resembling blueberries -03335600 __figure_NN_4 a model of a bodily form (especially of a person); "he made a figure of Santa Claus" -00076072 __fluff_NN_3 a blunder (especially an actor's forgetting the lines) -03918480 __personal_computer_NN_1 a small digital computer based on a microprocessor and designed to be used by one person at a time -10965550 __fairbanks_NN_1 United States film actor; son of Douglas Elton Fairbanks, (1909-2000) -14856263 __waste_product_NN_1 any materials unused and rejected as worthless or unwanted; "they collect the waste once a week"; "much of the waste material is carried off in the sewers" -00397953 __segmentation_NN_2 the act of dividing or partitioning; separation by the creation of a boundary that divides or keeps apart -00226951 __retch_NN_1 an involuntary spasm of ineffectual vomiting; "a bad case of the heaves" -02328820 __ochotona_princeps_NN_1 North American pika -05678932 __unconsciousness_NN_1 a state lacking normal awareness of the self or environment -12770529 __ebony_tree_NN_1 tropical tree of southern Asia having hard dark-colored heartwood used in cabinetwork -03277771 __electronic_device_NN_1 a device that accomplishes its purpose electronically -07083958 __modulation_NN_4 a manner of speaking in which the loudness or pitch or tone of the voice is modified -04496035 __tuileries_gardens_NN_1 formal gardens next to the Louvre in Paris -01999082 __surmount_VB_3 reach the highest point of; "We scaled the Mont Blanc" -02629230 __oceanic_bonito_NN_1 fish whose flesh is dried and flaked for Japanese cookery; may be same species as skipjack tuna -05679611 __unknowingness_NN_2 unconsciousness resulting from lack of knowledge or attention -02393489 __exchange_VB_4 hand over one and receive another, approximately equivalent; "exchange prisoners"; "exchange employees between branches of the company" -02421158 __thrifty_JJ_1 careful and diligent in the use of resources -13925752 __situation_NN_2 a condition or position in which you find yourself; "the unpleasant situation (or position) of having to choose between two evils"; "found herself in a very fortunate situation" -02449921 __martes_NN_1 martens -02080713 __squareflipper_square_flipper_NN_1 medium-sized greyish to yellow seal with bristles each side of muzzle; of the Arctic Ocean -09913329 __cheerer_NN_1 a spectator who shouts encouragement -06264812 __airpost_NN_1 a system of conveying mail by aircraft -10255096 __lessor_NN_1 someone who grants a lease -01542316 __genus_chlorura_NN_1 towhees -11890022 __woad_NN_2 any of several herbs of the genus Isatis -12861751 __genus_physostegia_NN_1 genus of North American perennial herbs -04166553 __sedative_drug_NN_1 a drug that reduces excitability and calms a person -00891850 __refresher_course_NN_1 a course that reviews and updates a topic for those who have not kept abreast of developments -04780958 __offensiveness_NN_1 the quality of being offensive -02290153 __genus_ephestia_NN_1 small moths whose larvae spin silken tunnels and feed on stored food products -08186761 __bus_service_NN_1 a public utility providing local transportation -10955483 __sergei_mikhailovich_eisenstein_NN_1 Russian film maker who pioneered the use of montage and is considered among the most influential film makers in the history of motion pictures (1898-1948) -00597532 __primateship_NN_1 the office of primate -01948917 __patella_NN_2 type genus of the family Patellidae: common European limpets -10623175 __solicitor_NN_2 a British lawyer who gives legal advice and prepares legal documents -00574735 __intensify_VB_4 make the chemically affected part of (a negative) denser or more opaque in order produce a stronger contrast between light and dark -04680027 __leer_NN_2 a suggestive or sneering look or grin -10751785 __viceroy_NN_1 governor of a country or province who rules as the representative of his or her king or sovereign -00657550 __grade_VB_4 determine the grade of or assign a grade to -01245637 __smoothen_VB_2 make (a surface) shine; "shine the silver, please"; "polish my shoes" -05714894 __stink_NN_1 a distinctive odor that is offensively unpleasant -02178244 __family_curculionidae_NN_1 true weevils: snout beetles -11983739 __hyalosperma_NN_1 genus of herbs of temperate Australia including some from genus Helipterum -05792842 __excogitation_NN_1 thinking something out with care in order to achieve complete understanding of it -10369528 __observer_NN_2 an expert who observes and comments on something -03273740 __electric_range_NN_1 a kitchen range in which the heat for cooking is provided by electric power -02277268 __viceroy_NN_2 showy American butterfly resembling the monarch but smaller -10947108 __dylan_NN_1 United States songwriter noted for his protest songs (born in 1941) -04623612 __temperament_NN_1 your usual mood; "he has a happy disposition" -12342852 __zauschneria_californica_NN_1 shrublet of southwestern United States to Mexico having brilliant scarlet flowers -06448868 __rheims-douay_version_NN_1 an English translation of the Vulgate by Roman Catholic scholars -02348036 __genus_erethizon_NN_1 a genus of Erethizontidae -00073177 __rounding_error_NN_1 (mathematics) a miscalculation that results from rounding off numbers to a convenient number of decimals; "the error in the calculation was attributable to rounding"; "taxes are rounded off to the nearest dollar but the rounding error is surprisingly small" -01752889 __genus_bitis_NN_1 a genus of Viperidae -01398941 __chlorophyll_d_NN_1 the chlorophyll found (together with chlorophyll a) in red algae not permitting the passage of water -05833840 __thought_NN_1 the content of cognition; the main thing you are thinking about; "it was not a good idea"; "the thought never entered my mind" -10940669 __fyodor_mikhailovich_dostoyevsky_NN_1 Russian novelist who wrote of human suffering with humor and psychological insight (1821-1881) -10940053 __jimmy_doolittle_NN_1 United States Air Force officer who electrified the world in 1942 by leading a squadron of 16 bombers on a daylight raid over Tokyo (1896-1993) -00722232 __rivet_VB_1 direct one's attention on something; "Please focus on your studies and not on your hobbies" -03304730 __explosive_NN_1 a chemical substance that undergoes a rapid chemical change (with the production of gas) on being heated or struck -07217349 __presentation_NN_6 formally making a person known to another or to the public -06647614 __proof_NN_2 a formal series of statements showing that if one thing is true something else necessarily follows from it -04606358 __wreckage_NN_1 the remaining parts of something that has been wrecked; "they searched the wreckage for signs of survivors" -00729285 __lesson_NN_4 a task assigned for individual study; "he did the lesson for today" -10935304 __marlene_dietrich_NN_1 United States film actress (born in Germany) who made many films with Josef von Sternberg and later was a successful cabaret star (1901-1992) -09376198 __ocean_NN_1 a large body of water constituting a principal part of the hydrosphere -00935940 __drawing_NN_3 the creation of artistic pictures or diagrams; "he learned drawing from his father" -01449586 __platypoecilus_NN_1 platys -10932495 __hugo_devries_NN_1 Dutch botanist who rediscovered Mendel's laws and developed the mutation theory of evolution (1848-1935) -06356515 __reference_NN_9 (computer science) the code that identifies where a piece of information is stored -04446162 __togs_NN_1 informal terms for clothing -10076778 __faller_NN_2 a person who falls; "one of them was safe but they were unable to save the faller"; "a faller among thieves" -10930428 __demosthenes_NN_1 Athenian statesman and orator (circa 385-322 BC) -10439629 __platonist_NN_1 an advocate of Platonism -10514784 __refiner_NN_1 one whose work is to refine a specific thing; "he was a sugar refiner" -14646942 __niobium_NN_1 a soft grey ductile metallic element used in alloys; occurs in niobite; formerly called columbium -06721949 __sassing_NN_1 an impudent or insolent rejoinder; "don't give me any of your sass" -05659856 __somesthesis_NN_1 the faculty of bodily perception; sensory systems associated with the body; includes skin senses and proprioception and the internal organs -03787904 __photomosaic_NN_1 arrangement of aerial photographs forming a composite picture -06602472 __signified_NN_1 the meaning of a word or expression; the way in which a word or expression or situation can be interpreted; "the dictionary gave several senses for the word"; "in the best sense charity is really a duty"; "the signifier is linked to the signified" -01590837 __sitta_NN_1 type genus of the Sittidae -01997119 __water_flea_NN_1 minute free-swimming freshwater copepod having a large median eye and pear-shaped body and long antennae used in swimming; important in some food chains and as intermediate hosts of parasitic worms that affect man e.g. Guinea worms travel backward; "back into the driveway"; "The car backed up and hit the tree" -05922175 __quintessence_NN_2 the purest and most concentrated essence of something -09944529 __couch_potato_NN_1 an idler who spends much time on a couch (usually watching television) -05151869 __realism_NN_1 the attribute of accepting the facts of life and favoring practicality and literal truth -00250259 __development_NN_1 act of improving by expanding or enlarging or refining; "he congratulated them on their development of a plan to meet the emergency"; "they funded research and development" -04504770 __typesetting_machine_NN_1 a printer that sets textual material in type -03508628 __heating_element_NN_1 the component of a heater or range that transforms fuel or electricity into heat -04912982 __politeness_NN_1 a courteous manner that respects accepted social usage -00342755 __whirling_NN_1 the act of rotating in a circle or spiral certified as professional by evidence or testimonials; "credentialled day care workers" -00283568 __walking_NN_1 the act of traveling by foot; "walking is a healthy form of exercise" -12520864 __broom_NN_2 any of various shrubs of the genera Cytisus or Genista or Spartium having long slender branches and racemes of yellow flowers -08147188 __protestant_denomination_NN_1 group of Protestant congregations -00002452 __thing_NN_12 a separate and self-contained entity -09180431 __urge_NN_1 an instinctive motive; "profound religious impulses" -07520112 __tingle_NN_1 an almost pleasurable sensation of fright; "a frisson of surprise shot through him" -07064715 __rock_music_NN_1 a genre of popular music originating in the 1950s; a blend of black rhythm-and-blues with white country-and-western; "rock is a generic term for the range of styles that evolved out of rock'n'roll." -05451265 __free_phagocyte_NN_1 a phagocyte that circulates in the blood -13792579 __linkage_NN_1 an associative relation -11895980 __genus_schizopetalon_NN_1 small genus of South American herbs grown for its flowers -02350845 __zapodidae_NN_1 jumping mice -10736394 __underperformer_NN_1 a student who does not perform as well as expected or as well as the IQ indicates -01476418 __conodont_NN_2 small (2 inches long) extinct eellike fish with a finned tail and a notochord and having cone-shaped teeth containing cellular bone; late Cambrian to late Triassic; possible predecessor of the cyclostomes -10916731 __harry_lillis_crosby_NN_1 United States singer and film actor (1904-1977) -10915862 __crohn_NN_1 United States physician who specialized in diseases of the intestines; he was the first to describe regional ileitis which is now known as Crohn's disease (1884-1983) -02599557 __spotted_weakfish_NN_1 weakfish of southern Atlantic and Gulf Coasts of United States -06102865 __holistic_theory_NN_1 the theory that the parts of any whole cannot exist and cannot be understood except in their relation to the whole; "holism holds that the whole is greater than the sum of its parts"; "holistic theory has been applied to ecology and language and mental states" -05194043 __sway_NN_1 controlling influence -03269203 __electrical_converter_NN_1 converter that converts alternating current into direct current or vice versa -06973610 __iranian_language_NN_1 the modern Persian language spoken in Iran -01981276 __paralithodes_camtschatica_NN_1 large edible crab of northern Pacific waters especially along the coasts of Alaska and Japan -12437311 __genus_kniphofia_NN_1 genus of showy clump-forming African herbs with grasslike leaves; sometimes placed in family Aloeaceae -06885083 __identification_NN_2 evidence of identity; something that identifies a person or thing -00378985 __compounding_NN_1 the act of combining things to form a new whole -10913641 __sir_noel_pierce_coward_NN_1 English dramatist and actor and composer noted for his witty and sophisticated comedies (1899-1973) -05699600 __peradventure_NN_1 doubt or uncertainty as to whether something is the case; "this proves beyond peradventure that he is innocent" -00359492 __severing_NN_1 the act of severing -03781244 __monastery_NN_1 the residence of a religious community -05228264 __cauda_NN_1 any taillike structure -00611972 __politics_NN_3 the profession devoted to governing and to political affairs -08349138 __osha_NN_1 a government agency in the Department of Labor to maintain a safe and healthy work environment -08976799 __lyallpur_NN_1 city in northeast Pakistan -01477184 __suborder_petromyzoniformes_NN_1 lampreys as distinguished from hagfishes -14159623 __trisomy_21_NN_1 a congenital disorder caused by having an extra 21st chromosome; results in a flat face and short stature and mental retardation -00550771 __performance_NN_2 the act of presenting a play or a piece of music or other entertainment; "we congratulated him on his performance at the rehearsal"; "an inspired performance of Mozart's C minor concerto" -10910580 __marie_anne_charlotte_corday_d'armont_NN_1 French revolutionary heroine (a Girondist) who assassinated Marat (1768-1793) -07185668 __notification_NN_3 a request for payment; "the notification stated the grace period and the penalties for defaulting" -11814584 __soapwort_NN_1 plant of European origin having pink or white flowers and leaves yielding a detergent when bruised -11253802 __rankin_NN_1 leader in the women's suffrage movement in Montana; the first woman to serve in the United States House of Representatives (1880-1973) -05018674 __incandescence_NN_2 light from heat -10646942 __trampler_NN_2 someone who walks with a heavy noisy gait or who stamps on the ground -04648207 __frivolousness_NN_1 the trait of being frivolous; not serious or sensible -08906952 __xizang_NN_1 an autonomous region of the Peoples Republic of China; located in the Himalayas -14496193 __cleanness_NN_1 the state of being clean; without dirt or other impurities -01939598 __mollusk_genus_NN_1 a genus of mollusks -10906048 __comstock_NN_1 United States reformer who led moral crusades against art and literature that he considered obscene (1844-1915) -05943066 __trust_NN_5 complete confidence in a person or plan etc; "he cherished the faith of a good woman"; "the doctor-patient relationship is based on trust" -09128947 __greensboro_NN_1 a city of north central North Carolina -11698433 __genus_caulophyllum_NN_1 blue cohosh -04660981 __introspectiveness_NN_1 thoughtfulness about your own situation and feelings -10873059 __edmund_burke_NN_1 British statesman famous for his oratory; pleaded the cause of the American colonists in British Parliament and defended the parliamentary system (1729-1797) -01302449 __six_day_war_NN_1 tension between Arabs and Israeli erupted into a brief war in June 1967; Israel emerged as a major power in the Middle East -06441607 __matthew_NN_2 one of the Gospels in the New Testament; includes the Sermon on the Mount -01356459 __family_bacillaceae_NN_1 typically rod-shaped usually Gram-positive bacteria that produce endospores -00754118 __jugglery_NN_1 artful trickery designed to achieve an end; "the senator's tax program was mere jugglery" -01195299 __try_out_VB_4 take a sample of; "Try these new crackers"; "Sample the regional dishes" -08383690 __privately_held_corporation_NN_1 a corporation owned by a few people; shares have no public market -02030442 __heteroscelus_NN_1 tattlers -02486261 __patas_NN_1 reddish long-tailed monkey of west Africa -00304851 __sortie_NN_2 (military) an operational flight by a single aircraft (as in a military operation) -08698379 __african_nation_NN_1 any one of the countries occupying the African continent -09049303 __mid-atlantic_states_NN_1 a region of the eastern United States comprising New York and New Jersey and Pennsylvania and Delaware and Maryland -01074498 __obstruction_NN_4 the act of obstructing; "obstruction of justice" -12545635 __lotus_corniculatus_NN_1 European forage plant having claw-shaped pods introduced in America -05980412 __unorthodoxy_NN_2 a belief that rejects the orthodox tenets of a religion -00987863 __shelling_NN_1 the heavy fire of artillery to saturate an area rather than hit a specific target; "they laid down a barrage in front of the advancing troops"; "the shelling went on for hours without pausing" -04664413 __wariness_NN_1 the trait of being cautious and watchful -03176084 __dentifrice_NN_1 a substance for cleaning the teeth; applied with a toothbrush -02968473 __rig_NN_6 a vehicle with wheels drawn by one or more horses -10893830 __vicomte_de_chateaubriand_NN_1 French statesman and writer; considered a precursor of the romantic movement in France (1768-1848) -14361182 __wrick_NN_1 a painful muscle spasm especially in the neck or back (`rick' and `wrick' are British) -07429484 __tremor_NN_2 a small earthquake -11087612 __john_paul_i_NN_1 the first Pope to assume a double name; he reigned for only 34 days (1912-1978) -01065441 __loafing_NN_1 having no employment -01258642 __poleaxe_VB_1 fell with or as if with a poleax -04089152 __rooftree_NN_1 a beam laid along the edge where two sloping sides of a roof meet at the top; provides an attachment for the upper ends of rafters -01473806 __aquatic_vertebrate_NN_1 animal living wholly or chiefly in or on water -00433458 __contact_sport_NN_1 a sport that necessarily involves body contact between opposing players -00219403 __dry_out_VB_1 become dry or drier; "The laundry dries in the sun" -05087297 __distribution_NN_2 the spatial or geographic property of being scattered about over a range, area, or volume; "worldwide in distribution"; "the distribution of nerve fibers"; "in complementary distribution" -14350292 __myositis_NN_1 inflammation of muscle tissue -12395068 __richweed_NN_2 a plants of the genus Pilea having drooping green flower clusters and smooth translucent stems and leaves -00149084 __tying_NN_1 the act of tying or binding things together -10883688 __carrel_NN_1 French surgeon and biologist who developed a way to suture and graft blood vessels (1873-1944) -10025487 __don_juan_NN_2 any successful womanizer (after the legendary profligate Spanish nobleman) -03286572 __endoscope_NN_1 a long slender medical instrument for examining the interior of a bodily organ or performing minor surgery -02158846 __flag_NN_7 a conspicuously marked or shaped tail -04091097 __rig_NN_1 gear (including necessary machinery) for a particular enterprise -02112826 __welsh_corgi_NN_1 either of two Welsh breeds of long-bodied short-legged dogs with erect ears and a fox-like head -01596142 __riparia_NN_1 a genus of Hirundinidae -05566504 __finger_NN_1 any of the terminal members of the hand (sometimes excepting the thumb); "her fingers were long and thin" -06263369 __public_press_NN_1 the print media responsible for gathering and publishing news in the form of newspapers or magazines -00164345 __assignment_NN_3 the act of distributing something to designated places or persons; "the first task is the assignment of an address to each datum" -02056300 __stampede_VB_4 run away in a stampede -05701944 __basic_cognitive_process_NN_1 cognitive processes involved in obtaining and storing knowledge -10876798 __richard_evelyn_byrd_NN_1 explorer and United States naval officer; led expeditions to explore Antarctica (1888-1957) -09375223 __nucleus_NN_4 (astronomy) the center of the head of a comet; consists of small solid particles of ice and frozen gas that vaporizes on approaching the sun to form the coma and tail -00197419 __supersession_NN_1 act of replacing one person or thing by another especially one held to be superior -03336575 __filament_NN_4 a thin wire (usually tungsten) that is heated white hot by the passage of an electric current -06513764 __solicitation_NN_2 request for a sum of money; "an appeal to raise money for starving children" -00856847 __queerness_NN_2 a sexual attraction to (or sexual relations with) persons of the same sex -00980904 __peacekeeping_operation_NN_1 the activity of keeping the peace by military forces (especially when international military forces enforce a truce between hostile groups or nations) -06520222 __receipt_NN_2 an acknowledgment (usually tangible) that payment has been made -11939380 __genus_bellis_NN_1 daisy -03337140 __filing_cabinet_NN_1 office furniture consisting of a container for keeping papers in order -10518194 __reliever_NN_3 a pitcher who does not start the game -08744750 __oaxaca_de_juarez_NN_1 a city of southeastern Mexico -07990956 __flock_NN_2 a group of birds -04394031 __tare_NN_5 (chemical analysis) a counterweight used in chemical analysis; consists of an empty container that counterbalances the weight of the container holding chemicals -05104548 __wideness_NN_2 unusual largeness in size or extent or number -12241192 __privet_andromeda_NN_1 deciduous much-branched shrub with dense downy panicles of small bell-shaped white flowers -00385385 __convert_VB_5 cause to adopt a new or different faith; "The missionaries converted the Indian population" -04009552 __projector_NN_2 an optical instrument that projects an enlarged image onto a screen -13546169 __rationalization_NN_2 (psychiatry) a defense mechanism by which your true motivation is concealed by explaining your actions and feelings in a way that is not threatening -09020961 __tajikistan_NN_1 a landlocked mountainous republic in southeast central Asia to the north of Afghanistan; formerly an Asian soviet -07410745 __smack_NN_1 a blow from a flat object (as an open hand) -01626134 __amphibian_family_NN_1 any family of amphibians -03966751 __plexor_NN_1 (medicine) a small hammer with a rubber head used in percussive examinations of the chest and in testing reflexes -00033599 __look_VB_3 have a certain outward or facial expression; "How does she look?"; "The child looks unhappy"; "She looked pale after the surgery" -08928933 __mombasa_NN_1 a port city in southern Kenya on a coral island in a bay of the Indian Ocean -01809655 __pointed_JJ_1 having a point -03371532 __flurbiprofen_NN_1 a nonsteroidal anti-inflammatory drug (trade name Ansaid) that is administered only orally -08542081 __climatic_zone_NN_1 any of the geographical zones loosely divided according to prevailing climate and latitude -01771390 __move_VB_11 arouse sympathy or compassion in; "Her fate moved us all" -02331960 __mus_NN_1 type genus of the Muridae: common house mice; the tips of the upper incisors have a square notch -09944160 __committee_member_NN_1 a member of a committee -01008801 __orchestration_NN_3 an arrangement of events that attempts to achieve a maximum effect; "the skillful orchestration of his political campaign" -02570684 __break_in_VB_1 enter someone's (virtual or real) property in an unauthorized manner, usually with the intent to steal or commit a violent act; "Someone broke in while I was on vacation"; "They broke into my car and stole my radio!"; "who broke into my account last night?" -05965749 __pluralism_NN_2 the doctrine that reality consists of several basic substances or elements -06159473 __moral_philosophy_NN_1 the philosophical study of moral values and rules -05941210 __shape_NN_4 a concrete representation of an otherwise nebulous concept; "a circle was the embodiment of his concept of life" -04339291 __strip_NN_2 artifact consisting of a narrow flat piece of material -01459791 __foetus_NN_1 an unborn or unhatched vertebrate in the later stages of development showing the main recognizable features of the mature animal -04474466 __trap_NN_1 a device in which something (usually an animal) can be caught and penned -09754051 __abator_NN_1 a person who abates a nuisance -10521100 __service_man_NN_1 a skilled worker whose job is to repair things -01344963 __uninteresting_JJ_1 arousing no interest or attention or curiosity or excitement; "a very uninteresting account of her trip" -10700201 __tenant_NN_1 someone who pays rent to use land or a building or a car that is owned by someone else; "the landlord can evict a tenant who doesn't pay the rent" -00357906 __thickening_NN_3 the act of thickening -10852803 __louis_bleriot_NN_1 French aviator who in 1909 made the first flight across the English Channel (1872-1936) -02264397 __graduate_VB_1 receive an academic degree upon completion of one's studies; "She graduated in 1990" -07180183 __harmony_NN_4 agreement of opinions -10851599 __von_bismarck_NN_1 German statesman under whose leadership Germany was united (1815-1898) -14407283 __restlessness_NN_2 a lack of patience; irritation with anything that causes delay -14064044 __ectasis_NN_1 dilatation or distension of a hollow organ -06304059 __terminology_NN_1 a system of words used to name things in a particular discipline; "legal terminology"; "biological nomenclature"; "the language of sociology" -04536866 __violin_NN_1 bowed stringed instrument that is the highest member of the violin family; this instrument has four strings and a hollow body and an unfretted fingerboard and is played with a bow -01904845 __pure_JJ_6 (used of persons or behaviors) having no faults; sinless; "I felt pure and sweet as a new baby"- Sylvia Plath; "pure as the driven snow" -02690270 __chaetognathous_JJ_1 a hose that carries air under pressure of or relating to arrowworms -04918210 __straightness_NN_3 trueness of course toward a goal; "rivaling a hawk in directness of aim" -10848122 __giovanni_lorenzo_bernini_NN_1 Italian sculptor and architect of the baroque period in Italy; designed many churches and chapels and tombs and fountains (1598-1680) -09372504 __north_america_NN_1 a continent (the third largest) in the western hemisphere connected to South America by the Isthmus of Panama -09029884 __darfur_NN_1 an impoverished region of western Sudan; "Darfur was a semi-independent sultanate until 1917 and is ethnically distinct from central Sudan" -04210390 __shrine_NN_1 a place of worship hallowed by association with some sacred thing or person -15127507 __upper_carboniferous_period_NN_1 from 310 million to 280 million years ago; warm climate; swampy land -05297523 __organ_NN_1 a fully differentiated structural and functional unit in an animal that is specialized for some particular function -11987722 __lagenophera_NN_1 small genus of herbs of Australia and South America having small solitary white or purple flowers similar to true daisies of genus Bellis -00590761 __intuit_VB_1 know or grasp by intuition or feeling -06352782 __nagari_script_NN_1 a syllabic script used in writing Sanskrit and Hindi -00369802 __muscular_contraction_NN_1 (physiology) a shortening or tensing of a part or organ (especially of a muscle or muscle fiber) -01493380 __park_VB_1 place temporarily; "park the car in the yard"; "park the children with the in-laws"; "park your bag in this locker" -10839617 __simone_de_beauvoir_NN_1 French feminist and existentialist and novelist (1908-1986) -01723224 __rehearse_VB_1 engage in a rehearsal (of) -07503260 __disgust_NN_1 strong feelings of dislike -00596193 __praetorship_NN_1 the office of praetor -08454191 __maritime_law_NN_1 the branch of international law that deals with territorial and international waters or with shipping or with ocean fishery etc. -10102800 __sire_NN_2 the founder of a family; "keep the faith of our forefathers" -00467719 __field_game_NN_1 an outdoor game played on a field of specified dimensions -10306279 __spiritualist_NN_1 someone who serves as an intermediary between the living and the dead; "he consulted several mediums" -05799952 __beta_test_NN_1 (computer science) a second test of an experimental product (such as computer software) carried out by an outside organization -08497294 __country_NN_5 a particular geographical region of indefinite boundary (usually serving some special purpose or distinguished by its people or culture or geography); "it was a mountainous area"; "Bible country" -11819354 __genus_carpobrotus_NN_1 a caryophyllaceous genus of Carpobrotus -12291959 __tulip_gentian_NN_1 one of the most handsome prairie wildflowers having large erect bell-shaped bluish flowers; of moist places in prairies and fields from eastern Colorado and Nebraska south to New Mexico and Texas -04470232 __tranquillizer_NN_1 a drug used to reduce stress or tension without reducing mental clarity -04643662 __pugnacity_NN_1 a natural disposition to be hostile -10834690 __barkley_NN_1 United States politician and lawyer; vice president of the United States (1877-1956) -11648617 __genus_cephalotaxus_NN_1 the genus of Cephalotaxus (see plum-yews) -01573074 __meadowlark_NN_1 North American songbirds having a yellow breast -01916925 __stony_coral_NN_1 corals having calcareous skeletons aggregations of which form reefs and islands -01932800 __family_ancylostomatidae_NN_1 hookworms -11999958 __packera_NN_1 genus of American of east Asian perennial herbs with yellow to orange or red flower rays; sometimes included in genus Senecio -00954086 __encirclement_NN_1 a war measure that isolates some area of importance to the enemy -09752246 __ram_NN_2 (astrology) a person who is born while the sun is in Aries -05105265 __spaciousness_NN_1 spatial largeness and extensiveness (especially inside a building); "the capaciousness of Santa's bag astounded the child"; "roominess in this size car is always a compromise"; "his new office lacked the spaciousness that he had become accustomed to" -04120842 __runway_NN_4 a strip of level paved surface where planes can take off and land -05034989 __valency_NN_2 (biology) a relative capacity to unite or react or interact as with antigens or a biological substrate -02093056 __bullterrier_NN_1 a powerful short-haired terrier originated in England by crossing the bulldog with terriers -02044778 __skua_NN_1 gull-like jaeger of northern seas -10831363 __pearl_mae_bailey_NN_1 United States singer (1918-1990) -08762495 __republic_of_djibouti_NN_1 a country in northeastern Africa on the Somali peninsula; formerly under French control but became independent in 1997 -00126721 __fielding_NN_1 (baseball) handling the ball while playing in the field -02674912 __phenylacetamide_NN_1 a white crystalline compound used as an analgesic and also as an antipyretic -06473168 __right_of_first_publication_NN_1 a document granting exclusive right to publish and sell literary or musical or artistic work -07939638 __classification_NN_2 a group of people or things arranged by class or category -10830456 __viscount_st._albans_NN_1 English statesman and philosopher; precursor of British empiricism; advocated inductive reasoning (1561-1626) -04610879 __yard_NN_2 the enclosed land around a house or other building; "it was a small house with almost no yard" -11544540 __sphaerocarpus_NN_1 type genus of Sphaerocarpaceae; liverworts with small many-lobed usually orbicular thallus -06268567 __newspaper_column_NN_1 an article giving opinions or perspectives -04077430 __reproducer_NN_1 an audio system that can reproduce and amplify signals to produce sound -10826952 __mustafa_kemal_NN_1 Turkish statesman who abolished the caliphate and founded Turkey as a modern secular state (1881-1938) -00119079 __rumination_NN_3 regurgitation of small amounts of food; seen in some infants after feeding -00684128 __prefrontal_lobotomy_NN_1 surgical interruption of nerve tracts to and from the frontal lobe of the brain; often results in marked cognitive and personality changes -10823199 __satchmo_NN_1 United States pioneering jazz trumpeter and bandleader (1900-1971) -10381369 __systemizer_NN_1 an organizer who puts things in order; "Aristotle was a great orderer of ideas" -10822338 __aristotle_NN_1 one of the greatest of the ancient Athenian philosophers; pupil of Plato; teacher of Alexander the Great (384-322 BC) -06081833 __neuroscience_NN_1 the scientific study of the nervous system -02141713 __leafnose_bat_NN_1 bat having a leaflike flap at the end of the nose; especially of the families Phyllostomatidae and Rhinolophidae and Hipposideridae -01149494 __unhappy_JJ_1 experiencing or marked by or causing sadness or sorrow or discontent; "unhappy over her departure"; "unhappy with her raise"; "after the argument they lapsed into an unhappy silence"; "had an unhappy time at school"; "the unhappy (or sad) news"; "he looks so sad" -01042228 __rumour_VB_1 tell or spread rumors; "It was rumored that the next president would be a woman" -05793907 __meat_and_potatoes_NN_1 the fundamental part; "successful negotiation is the meat and potatoes of arbitration" -02971691 __cartridge_NN_1 ammunition consisting of a cylindrical casing containing an explosive charge and a bullet; fired from a rifle or handgun -03869389 __terramycin_NN_1 a yellow crystalline antibiotic (trademark Terramycin) obtained from a soil actinomycete; used to treat various bacterial and rickettsial infections -10226060 __judge_advocate_general_NN_1 the senior legal advisor to a branch of the military -10820790 __thomas_aquinas_NN_1 (Roman Catholic Church) Italian theologian and Doctor of the Church who is remembered for his attempt to reconcile faith and reason in a comprehensive theology; presented philosophical proofs of the existence of God (1225-1274) -03610270 __token_NN_4 something of sentimental value -06697703 __associate_degree_NN_1 a degree granted by a two-year college on successful completion of the undergraduates course of studies -01705717 __hadrosauridae_NN_1 duck-billed dinosaurs; upper Cretaceous -04519153 __valve_NN_3 control consisting of a mechanical device for controlling the flow of a fluid -05667196 __practice_NN_5 knowledge of how something is usually done; "it is not the local practice to wear shorts to dinner" -00586973 __subtract_VB_2 take off or away; "this prefix was subtracted when the word was borrowed from French" -01296127 __syracuse_NN_4 the Athenian siege of Syracuse (415-413 BC) was eventually won by Syracuse -01593937 __squelch_VB_4 to compress with violence, out of natural shape or condition; "crush an aluminum can"; "squeeze a lemon" -13237343 __periploca_NN_1 genus of woody vines of warm regions of the Old World -09616573 __oenologist_NN_1 a specialist in wine making -10131815 __gladiator_NN_1 (ancient Rome) a professional combatant or a captive who entertained the public by engaging in mortal combat -01466047 __pyramid_VB_3 arrange or build up as if on the base of a pyramid -15141486 __occupation_NN_5 the period of time during which a place or position or nation is occupied; "during the German occupation of Paris" -09167101 __zimbabwe_NN_1 a landlocked republic in south central Africa formerly called Rhodesia; achieved independence from the United Kingdom in 1980 -10813204 __rodrigo_borgia_NN_1 Pope and father of Cesare Borgia and Lucrezia Borgia (1431-1503) -07195404 __reexamination_NN_1 (law) questioning of a witness by the party that called the witness after that witness has been subject to cross-examination -10812800 __czar_alexander_ii_NN_1 the son of Nicholas I who, as czar of Russia, introduced reforms that included limited emancipation of the serfs (1818-1881) -10810923 __ikhanaton_NN_1 early ruler of Egypt who rejected the old gods and replaced them with sun worship (died in 1358 BC) -00261972 __glamourization_NN_1 the act of glamorizing; making something or someone more beautiful (often in a superficial way) -06135915 __nutrition_NN_3 the scientific study of food and drink (especially in humans) -05770926 __thought_process_NN_1 the process of using your mind to consider something carefully; "thinking always made him frown"; "she paused for thought" -08110373 __species_NN_1 (biology) taxonomic group whose members can interbreed -15168790 __sunup_NN_1 the first light of day; "we got up before dawn"; "they talked until morning" -09797375 __antipope_NN_1 someone who is elected pope in opposition to another person who is held to be canonically elected; "the antipopes resided in Avignon during the Great Schism" -12118661 __ragi_NN_1 East Indian cereal grass whose seed yield a somewhat bitter flour, a staple in the Orient -00833870 __hyperventilation_NN_1 an increased depth and rate of breathing greater than demanded by the body needs; can cause dizziness and tingling of the fingers and toes and chest pain if continued -08076578 __underperformer_NN_2 a business that is less successful than expected -02024763 __pewit_NN_2 large crested Old World plover having wattles and spurs -00224738 __poisoning_NN_2 the act of giving poison to a person or animal with the intent to kill -10805501 __zionist_NN_1 a Jewish supporter of Zionism -08841483 __republic_of_nauru_NN_1 an island republic on Nauru Island; phosphate exports support the economy -10804287 __young_man_NN_1 a teenager or a young adult male -10804102 __yokel_NN_1 a person who is not very intelligent or interested in culture -01829747 __shine_VB_9 experience a feeling of well-being or happiness, as from good health or an intense emotion; "She was beaming with joy"; "Her face radiated with happiness" -04120339 __running_board_NN_1 a narrow footboard serving as a step beneath the doors of some old cars -02875436 __stone_drill_NN_1 a drill for penetrating rock -10857001 __william_h._bonney_NN_1 United States outlaw who was said to have killed 21 men (1859-1881) -12823164 __morning-glory_family_NN_1 morning glory; bindweed; sweet potato; plants having trumpet-shaped flowers and a climbing or twining habit -02046045 __plautus_NN_2 a genus of Alcidae -02474110 __homo_soloensis_NN_1 extinct primitive hominid of late Pleistocene; Java; formerly Javanthropus -02609617 __razor_fish_NN_1 any of several small wrasses with compressed sharp-edged heads of the West Indies and Mediterranean -01081628 __association_NN_2 the act of consorting with or joining with others; "you cannot be convicted of criminal guilt by association" -06844903 __virgule_NN_1 a punctuation mark (/) used to separate related items of information -02657805 __pleuronectidae_NN_1 righteye flounders -05815890 __remit_NN_1 the topic that a person, committee, or piece of research is expected to deal with or has authority to deal with; "they set up a group with a remit to suggest ways for strengthening family life" -10792856 __wrecker_NN_1 someone who demolishes or dismantles buildings as a job -10792178 __worrywart_NN_1 thinks about unfortunate things that might happen -06545960 __enfeoffment_NN_1 under the feudal system, the deed by which a person was given land in exchange for a pledge of service -00615887 __encryption_NN_1 the activity of converting data or information into code -06202686 __nonpartisanship_NN_1 an inclination to weigh both views or opinions equally -00365513 __chlamydeous_JJ_1 having a floral envelope or perianth consisting of a calyx and/or corolla -02558724 __ophidiidae_NN_1 eellike marine fishes -04737020 __inconvertibility_NN_1 the quality of not being exchangeable; "the inconvertibility of their currency made international trade impossible" -01487311 __weight_down_VB_1 weight down with a load -10790192 __woodworker_NN_1 makes things out of wood -09961739 __convener_NN_1 the member of a group whose duty it is to convene meetings -09190918 __agent_NN_1 an active and efficient cause; capable of producing a certain effect; "their research uncovered new disease agents" -02446645 __rooter_skunk_NN_1 large naked-muzzled skunk with white back and tail; of southwestern North America and Mexico -04870643 __noble-mindedness_NN_1 elevated ideals or conduct; the quality of believing that ideals should be pursued -05998526 __bibliotics_NN_1 the scientific study of documents and handwriting etc. especially to determine authorship or authenticity -03891664 __parlour_car_NN_1 a passenger car for day travel; you pay extra fare for individual chairs -10786517 __witness_NN_5 (law) a person who testifies under oath in a court of law -11767196 __genus_apocynum_NN_1 perennial herbs with small pink or white flowers -02302459 __silkworm_moth_NN_1 any silkworm moth of the family Saturniidae -02520015 __pylodictus_NN_1 flathead catfishes -04294212 __stabilizer_NN_3 a device for making something stable -10785085 __withdrawer_NN_4 a contestant who withdraws from competition -10784544 __witch_doctor_NN_1 someone who is believed to heal through magical powers -10555679 __stirrer_NN_1 a person who spreads frightening rumors and stirs up trouble -00159899 __wheedling_NN_1 the act of urging by means of teasing or flattery -09455640 __tennessee_river_NN_1 a river formed by the confluence of two other rivers near Knoxville; it follows a U-shaped course to become a tributary of the Ohio River in western Kentucky -03255648 __dummy_NN_3 a figure representing the human form -05843236 __perpendicular_style_NN_1 a Gothic style in 14th and 15th century England; characterized by vertical lines and a four-centered (Tudor) arch and fan vaulting -01222666 __terrorization_NN_1 the act of inspiring with fear -11634526 __genus_calocedrus_NN_1 tall evergreens of western North America and eastern Asia; formerly included in genus Libocedrus -09882007 __man_of_affairs_NN_1 a person engaged in commercial or industrial business (especially an owner or executive) -10781984 __winder_NN_1 a worker who winds (e.g., a winch or clock or other mechanism) -00212205 __retirement_NN_2 withdrawal from your position or occupation -02238770 __secure_VB_1 get by special effort; "He procured extra cigarettes even though they were rationed" -02321903 __holothuria_NN_1 type genus of the Holothuridae -01405250 __tang_NN_4 a common rockweed used in preparing kelp and as manure -09091398 __capital_of_louisiana_NN_1 capital of Louisiana -08186221 __telephone_service_NN_1 a public utility that provides telephone service -00935827 __spring_VB_5 produce or disclose suddenly or unexpectedly; "He sprang these news on me just as I was leaving" -12443929 __genus_blandfordia_NN_1 small genus of tuberous Australian perennial herbs -05552106 __smaller_pectoral_muscle_NN_1 a skeletal muscle that draws down the scapula or raises the ribs -08770274 __bremerhaven_NN_1 a port city in northwestern Germany at the mouth of the Weser River on the North Sea; has a deep natural harbor and is an important shipping center -02931417 __nightspot_NN_1 a spot that is open late at night and that provides entertainment (as singers or dancers) as well as dancing and food and drink; "don't expect a good meal at a cabaret"; "the gossip columnist got his information by visiting nightclubs every night"; "he played the drums at a jazz club" -15234764 __minute_NN_1 a unit of time equal to 60 seconds or 1/60th of an hour; "he ran a 4 minute mile" -10777894 __whited_sepulchre_NN_1 a person who is inwardly evil but outwardly professes to be virtuous -08382570 __us_cabinet_NN_1 a board to advise the President; members are the secretaries of executive departments; the United States constitution does not provide for the cabinet -10774870 __wetnurse_NN_1 a woman hired to suckle a child of someone else -00355955 __dissolve_VB_10 bring the association of to an end or cause to break up; "The decree officially dissolved the marriage"; "the judge dissolved the tobacco company" -10773665 __welder_NN_1 joins pieces of metal by welding them together -01255648 __singsong_NN_2 informal group singing of popular songs -04094859 __riser_pipeline_NN_1 a vertical pipe in a building -10773527 __welsher_NN_1 someone who swindles you by not repaying a debt or wager -02224055 __remove_VB_3 dispose of; "Get rid of these old shoes!"; "The company got rid of all the dead wood" -01249294 __fillet_VB_2 cut into filets; "filet the fish" -10772190 __weaver_NN_1 a craftsman who weaves cloth -12834408 __waterleaf_family_NN_1 perennial woodland herbs -01673503 __squamata_NN_1 diapsid reptiles: snakes and lizards -05784242 __study_NN_8 attentive consideration and meditation; "after much cogitation he rejected the offer" -09593937 __phrygian_deity_NN_1 deity of the ancient Phrygians of west central Asia Minor -01007053 __iq_test_NN_1 a psychometric test of intelligence; "they used to think that intelligence is what an intelligence test tests" -12289744 __order_gentianales_NN_1 an order of dicotyledonous plants having gamopetalous flowers; Gentianaceae; Apocynaceae; Asclepiadaceae; Loganiaceae; Oleaceae; Salvadoraceae -12108249 __genus_andropogon_NN_1 tall annual or perennial grasses with spikelike racemes; warm regions -11545714 __fern_NN_1 any of numerous flowerless and seedless vascular plants having true roots from a rhizome and fronds that uncurl upward; reproduce by spores -10770767 __waterer_NN_1 someone who waters plants or crops -06781383 __funniness_NN_1 a comic incident or series of incidents -04601690 __work_of_art_NN_1 art that is a product of one of the fine arts (especially a painting or sculpture of artistic merit) -02085374 __toy_dog_NN_1 any of several breeds of very small dogs kept purely as pets -11164671 __st._matthew_the_apostle_NN_1 (New Testament) disciple of Jesus; traditionally considered to be the author of the first Gospel -02741681 __army_high_performance_computing_research_center_NN_1 a United States defense laboratory to conduct research in high-performance computing for defense technology applications; a partnership of government and university and industry -10768903 __washer_NN_1 someone who washes things for a living -01721754 __simulate_VB_3 make a pretence of; "She assumed indifference, even though she was seething with anger"; "he feigned sleep" -00611143 __practice_of_law_NN_1 the learned profession that is mastered by graduate study in a law school and that is responsible for the judicial system; "he studied law at Yale" -04773596 __motivity_NN_1 the power or ability to move -00590269 __chaplainship_NN_1 the position of chaplain -02128873 __witness_VB_2 perceive or be contemporaneous with; "We found Republicans winning the offices"; "You'll see a lot of cheating in this school"; "The 1960's saw the rebellion of the younger generation against established traditions"; "I want to see results" -12254168 __styphelia_humifusum_NN_1 small prostrate or ascending shrub having scarlet flowers and succulent fruit resembling cranberries; sometimes placed in genus Styphelia -11990627 __pyrenees_daisy_NN_1 perennial of Portugal similar to the oxeye daisy -00384802 __dissociation_NN_1 the act of removing from association -10767020 __ward_NN_1 a person who is under the protection or in the custody of another -00176874 __decorticate_VB_2 remove the cortex of (an organ) -02861617 __pictural_JJ_1 pertaining to or consisting of pictures; "pictorial perspective"; "pictorial records" -10765098 __walloper_NN_1 a very hard hitter -11871294 __genus_arabidopsis_NN_1 a genus of the mustard family having white or yellow or purplish flowers; closely related to genus Arabis -09453008 __tableland_NN_1 a relatively flat highland -03294604 __erasable_programmable_read-only_memory_NN_1 (computer science) a read-only memory chip that can be erased by ultraviolet light and programmed again with new data -02252608 __genus_aphis_NN_1 type genus of the Aphididae: injurious to fruit trees and vegetables -00608037 __mechanical_drawing_NN_2 the craft of drawing blueprints -03559999 __idler_pulley_NN_1 a pulley on a shaft that presses against a guide belt to guide or tighten it -03755991 __methyldopa_NN_1 antihypertensive drug (trade name Aldomet) used in the treatment of high blood pressure -10764296 __walk-in_NN_1 person who walks in without having an appointment; "the emergency room was overrun with walk-ins" -10764128 __walk-in_NN_2 an operative who initiates his own defection (usually to a hostile country) for political asylum -11508092 __smoke_NN_1 a cloud of fine particles suspended in a gas -09387624 __paulo_afonso_falls_NN_1 a major waterfall in northeastern Brazil -01843932 __trogonidae_NN_1 coextensive with the order Trogoniformes -10762064 __waddler_NN_1 someone who walks with a waddling gait; "fat waddlers who walk like pigeons" -07676425 __chipolata_NN_1 a small thin sausage -04783247 __legitimacy_NN_2 undisputed credibility -05624042 __talent_NN_1 natural abilities or qualities -10761326 __voyeur_NN_1 a viewer who enjoys seeing the sex acts or sex organs of others -09612848 __consumer_NN_1 a person who uses goods or services -01401772 __smash_VB_1 hit hard; "He smashed a 3-run homer" -02272428 __genus_thrips_NN_1 type genus of the Thripidae -02763740 __shine_VB_2 emit light; be bright, as of the sun or a light; "The sun shone bright that day"; "The fire beamed on their faces" -05011568 __refractivity_NN_1 the physical property of a medium as determined by its index of refraction -10758847 __voicer_NN_2 a speaker who voices an opinion -03608661 __kaopectate_NN_1 trade name for a fixed-combination antidiarrheal drug that use kaolin as the adsorbent and pectin as the emollient -10757625 __visually_impaired_person_NN_1 someone who has inferior vision -06180720 __sound_law_NN_1 a law describing sound changes in the history of a language -07293180 __deal_NN_7 the type of treatment received (especially as the result of an agreement); "he got a good deal on his car" -05383598 __vena_thyroidea_NN_1 any of several small veins draining blood from the thyroid area -08290928 __cycladic_culture_NN_1 the Bronze Age civilization on the Cyclades islands in the southern Aegean Sea that flourished 3000-1100 BC -01209220 __succour_NN_1 assistance in time of difficulty; "the contributions provided some relief for the victims" -01853072 __somateria_NN_1 eider ducks -10754449 __violator_NN_1 someone who violates the law -10345804 __teller_NN_4 someone who tells a story -08739669 __colon_NN_4 a port city at the Caribbean entrance to the Panama Canal -10753779 __villain_NN_2 the principal bad character in a film or work of fiction -02059916 __trail_VB_3 move, proceed, or walk draggingly or slowly; "John trailed behind his class mates"; "The Mercedes trailed behind the horse cart" -02330582 __suborder_myomorpha_NN_1 true rats and mice and related rodents -10753061 __victorian_NN_1 a person who lived during the reign of Victoria -00559919 __spice_up_VB_2 make more interesting or flavorful; "Spice up the evening by inviting a belly dancer" -00205598 __turn_around_VB_3 improve significantly; go from bad to good; "Her performance in school picked up" -03005769 __change_NN_7 a different or fresh set of clothes; "she brought a change in her overnight bag" -08274923 __academia_NN_1 the academic world -08417920 __sitting_NN_3 a meeting of spiritualists; "the seance was held in the medium's parlor" -05050668 __modernness_NN_1 the quality of being current or of the present; "a shopping mall would instill a spirit of modernity into this village" -04790449 __unwholesomeness_NN_1 the quality of being unhealthful and generally bad for you -10752480 __victim_NN_2 a person who is tricked or swindled -09119277 __new_york_city_NN_1 the largest city in New York State and in the United States; located in southeastern New York at the mouth of the Hudson river; a major financial and cultural center -04539053 __visual_display_unit_NN_1 (British) British term for video display -10751265 __vice_president_NN_1 an executive officer ranking immediately below a president; may serve in the president's place under certain circumstances -10750640 __vicar-general_NN_1 (Roman Catholic Church) an administrative deputy who assists a bishop -10749123 __warhorse_NN_2 an experienced person who has been through many battles; someone who has given long service -02167820 __calosoma_NN_1 any beetle of the genus Calosoma -12695975 __pride-of-india_NN_1 tree of northern India and China having purple blossoms and small inedible yellow fruits; naturalized in the southern United States as a shade tree -10260166 __lieutenant_general_NN_1 a general officer ranking above a major general and below a full general -08684294 __yard_NN_3 a tract of land enclosed for particular activities (sometimes paved and usually associated with buildings); "they opened a repair yard on the edge of town" -01645157 __incarnate_VB_1 make concrete and real -02052511 __fregatidae_NN_1 frigate birds -01278817 __rumple_VB_2 to gather something into small wrinkles or folds; "She puckered her lips" -10782940 __winner_NN_1 the contestant who wins the contest -13424183 __absorption_NN_2 (physics) the process in which incident radiated energy is retained without reflection or transmission on passing through a medium; "the absorption of photons by atoms or molecules" -01017550 __shoring_up_NN_1 the act of propping up with shores -09852679 __booklover_NN_1 someone who loves (and usually collects) books -00667847 __castration_NN_2 surgical removal of the testes or ovaries (usually to inhibit hormone secretion in cases of breast cancer in women or prostate cancer in men); "bilateral castration results in sterilization" -04702127 __transparentness_NN_1 the quality of being clear and transparent -01731351 __present_JJ_1 temporal sense; intermediate between past and future; now existing or happening or in consideration; "the present leader"; "articles for present use"; "the present topic"; "the present system"; "present observations" -05405554 __lacrimal_apparatus_NN_1 the structures that secrete and drain tears from the eye -12490671 __genus_bauhinia_NN_1 mountain ebony, orchid tree -01519873 __emu_novaehollandiae_NN_1 large Australian flightless bird similar to the ostrich but smaller -01643687 __leptodactylus_NN_1 type genus of the Leptodactylidae; in some classifications placed in the family Bufonidae -00594580 __lieutenancy_NN_1 the position of a lieutenant -15237567 __dog_days_NN_1 the hot period between early July and early September; a period of inactivity -02603926 __adjudicatory_JJ_1 concerned with adjudicating -00819274 __conservation_NN_2 the preservation and careful management of the environment and of natural resources -09062791 __beverly_hills_NN_1 a city in southwestern California surrounded by Los Angeles; home of many Hollywood actors -01298931 __snap_off_VB_1 break a piece from a whole; "break a branch from a tree" -04253751 __soap_NN_3 street names for gamma hydroxybutyrate -10734963 __tympanist_NN_1 a person who plays the kettledrums -12853080 __origanum_NN_1 any of various fragrant aromatic herbs of the genus Origanum used as seasonings -00019131 __accessible_JJ_1 capable of being reached; "a town accessible by rail" -02350105 __kangaroo_rat_NN_1 any of various leaping rodents of desert regions of North America and Mexico; largest members of the family Heteromyidae -04516354 __used-car_NN_1 a car that has been previously owned; not a new car -12455342 __genus_colchicum_NN_1 chiefly fall-blooming perennial cormous herbs; sometimes placed in family Colchicaceae -10470779 __priest_NN_1 a clergyman in Christian churches who has the authority to perform or administer various religious rites; one of the Holy Orders -03836062 __nursery_NN_1 a child's room for a baby -04229107 __skid_lid_NN_1 a crash helmet -07112550 __vowel_sound_NN_1 a speech sound made with the vocal tract open -06791195 __real_presence_NN_1 (Christianity) the Christian doctrine that the body of Christ is actually present in the Eucharist -00744616 __unfairness_NN_3 an unjust act -07746186 __persimmon_NN_2 orange fruit resembling a plum; edible when fully ripe -00596081 __plum_NN_3 a highly desirable position or assignment; "a political plum" -07651454 __variety_meat_NN_1 edible viscera of a butchered animal -03331244 __vulcanized_fiber_NN_1 a leatherlike material made by compressing layers of paper or cloth -02659667 __microstomus_NN_1 a genus of Pleuronectidae -04364160 __surge_suppressor_NN_1 electrical device inserted in a power line to protect equipment from sudden fluctuations in current -07434473 __fertilization_NN_2 making fertile as by applying fertilizer or manure -00565081 __gelatinize_VB_3 convert into gelatinous form or jelly; "hot water will gelatinize starch" -00787061 __whirl_NN_3 a usually brief attempt; "he took a crack at it"; "I gave it a whirl" -00227507 __best_JJ_1 (superlative of `good') having the most positive qualities; "the best film of the year"; "the best solution"; "the best time for planting"; "wore his best suit" -05008227 __masculinity_NN_1 the properties characteristic of the male sex -10123844 __general_NN_1 a general officer of the highest rank -10729330 __trifler_NN_1 one who behaves lightly or not seriously -04692157 __mar_NN_2 a mark or flaw that spoils the appearance of something (especially on a person's body); "a facial blemish" -02147603 __mask_VB_1 hide under a false appearance; "He masked his disappointment" -01048059 __resurrection_NN_2 a revival from inactivity and disuse; "it produced a resurrection of hope" -00855674 __onanism_NN_1 manual stimulation of the genital organs (of yourself or another) for sexual pleasure -12328241 __lythrum_NN_1 loosestrife -10557699 __shnorrer_NN_1 (Yiddish) a scrounger who takes advantage of the generosity of others -10725438 __transmigrante_NN_1 a Latin American who buys used goods in the United States and takes them to Latin America to sell -01550761 __cotinga_NN_1 passerine bird of New World tropics -10722965 __treasonist_NN_1 someone who betrays his country by committing treason -10722758 __trainman_NN_1 an employee of a railroad -12450840 __yellow_adder's_tongue_NN_1 eastern North American dogtooth having solitary yellow flowers marked with brown or purple and spotted interiors -10722385 __trainee_NN_1 someone who is being trained -00735571 __set_up_VB_13 arrange thoughts, ideas, temporal events; "arrange my schedule"; "set up one's life"; "I put these memories with those of bygone times" -04844891 __dullness_NN_4 lack of sensibility; "there was a dullness in his heart"; "without him the dullness of her life crept into her work no matter how she tried to compartmentalize it." -00062203 __menstruate_VB_1 undergo menstruation; "She started menstruating at the age of 11" -01173965 __thrust_NN_2 a strong blow with a knife or other sharp pointed instrument; "one strong stab to the heart killed him" -07371168 __liftoff_NN_1 the initial ascent of a rocket from its launching pad -09163192 __vietnam_NN_1 a communist state in Indochina on the South China Sea; achieved independence from France in 1945 -07151380 __saying_NN_1 a word or phrase that particular people use in particular situations; "pardon the expression" -10603959 __sitter_NN_2 an organism (person or animal) that sits -01052450 __planting_NN_1 the act of fixing firmly in place; "he ordered the planting of policemen outside every doorway" -13855627 __direct_contrast_NN_1 the opposition or dissimilarity of things that are compared; "in contrast to", "by contrast" -01541261 __richmondena_NN_1 cardinals -06661562 __intervention_NN_2 a policy of intervening in the affairs of other countries -00090708 __mutilate_VB_3 destroy or injure severely; "mutilated bodies" -02394662 __substitute_VB_3 act as a substitute; "She stood in for the soprano who suffered from a cold" -10718665 __tovarisch_NN_1 a comrade (especially in Russian communism) -02176261 __elaterid_beetle_NN_1 any of various widely distributed beetles -03331390 __particle_board_NN_1 wallboard composed of wood chips or shavings bonded together with resin and compressed into rigid sheets -00384329 __insert_NN_4 (film) a still picture that is introduced and that interrupts the action of a film -10717196 __wanker_NN_1 terms of abuse for a masturbator -12121610 __meadow_fescue_NN_1 grass with wide flat leaves cultivated in Europe and America for permanent pasture and hay and for lawns -09222742 __schwarzwald_NN_1 a hilly forest region in southwestern Germany -02623194 __bridge_over_VB_2 connect or reduce the distance between -10714684 __tollman_NN_1 someone employed to collect tolls -00407090 __protrusion_NN_2 the act of projecting out from something -13430495 __constructive_metabolism_NN_1 the synthesis in living organisms of more complex substances (e.g., living tissue) from simpler ones together with the storage of energy -02530861 __warm_JJ_2 psychologically warm; friendly and responsive; "a warm greeting"; "a warm personality"; "warm support" -09151411 __roanoke_NN_1 a city in southwestern Virginia -09356320 __missouri_river_NN_1 the longest river in the United States; arises in Montana and flows southeastward to become a tributary of the Mississippi at Saint Louis; "The Missouri and Mississippi Rivers together form the third longest river in the world" -03942397 __pine-tar_rag_NN_1 baseball equipment consisting of a rag soaked with pine tar; used on the handle of a baseball bat to give a batter a firm grip -00776059 __oppose_VB_6 be resistant to; "The board opposed his motion" -00163779 __naming_NN_2 the act of putting a person into a non-elective position; "the appointment had to be approved by the whole committee" -07519040 __torment_NN_4 a feeling of intense annoyance caused by being tormented; "so great was his harassment that he wanted to destroy his tormentors" -03788601 __motel_room_NN_1 a sleeping room in a motel -10713923 __tobacconist_NN_1 a retail dealer in tobacco and tobacco-related articles -14243877 __chronic_leukemia_NN_1 slowly progressing leukemia -03032811 __round_NN_14 any circular or rotating mechanism; "the machine punched out metal circles" -00110964 __penalty_free_throw_NN_1 an unhindered basketball shot from the foul line; given to penalize the other team for committing a foul -00567418 __forehand_stroke_NN_1 (sports) a return made with the palm of the hand facing the direction of the stroke (as in tennis or badminton or squash) -11259054 __rhodes_NN_1 British colonial financier and statesman in South Africa; made a fortune in gold and diamond mining; helped colonize the territory now known as Zimbabwe; he endowed annual fellowships for British Commonwealth and United States students to study at Oxford University (1853-1902) -10549925 __sandbagger_NN_1 someone who deceives you about his true nature or intent in order to take advantage of you -06477209 __royal_charter_NN_1 a charter granted by the sovereign (especially in Great Britain) -09541434 __leprechaun_NN_1 a mischievous elf in Irish folklore -01918803 __waddle_VB_1 walk unsteadily; "small children toddle" -00487874 __tag_NN_4 a game in which one child chases the others; the one who is caught becomes the next chaser -07748753 __sour_orange_NN_2 highly acidic orange used especially in marmalade -01466472 __notochord_NN_1 a flexible rodlike structure that forms the supporting axis of the body in the lowest chordates and lowest vertebrates and in embryos of higher vertebrates -10709256 __third-rater_NN_1 one who is third-rate or distinctly inferior -10708976 __third_sacker_NN_1 (baseball) the person who plays third base -07905618 __pulque_NN_1 fermented Mexican drink from juice of various agave plants especially the maguey -10708292 __thinker_NN_1 an important intellectual; "the great minds of the 17th century" -10705615 __theologizer_NN_1 someone who is learned in theology or who speculates about theology -10705345 __thatcherite_NN_1 an advocate of Thatcherism -00307631 __ride_NN_1 a journey in a vehicle (usually an automobile); "he took the family for a drive in his new car" -01651487 __cricket_frog_NN_1 either of two frogs with a clicking call -06214580 __collectivism_NN_2 a political theory that the people should own the means of production -02476219 __australopithecine_NN_1 any of several extinct humanlike bipedal primates with relatively small brains of the genus Australopithecus; from 1 to 4 million years ago -05320362 __lens_of_the_eye_NN_1 biconvex transparent body situated behind the iris in the eye; its role (along with the cornea) is to focuses light on the retina -05309050 __tonsilla_NN_1 either of two masses of lymphatic tissue one on each side of the oral pharynx -07238102 __implication_NN_3 an accusation that brings into intimate and usually incriminating connection -10703692 __testee_NN_1 someone who is tested (as by an intelligence test or an academic examination) -05861855 __polynomial_NN_1 a mathematical function that is the sum of a number of terms -03928589 __piano_action_NN_1 action consisting of a system of levers that move a felt hammer to strike the strings when a key is depressed -10702307 __territorial_NN_1 nonprofessional soldier member of a territorial military unit -07770180 __sorb_apple_NN_2 acid gritty-textured fruit -04296562 __stage_NN_3 a large platform on which people can stand and can be seen by an audience; "he clambered up onto the stage and got the actors to help him into the box" -05453523 __basophile_NN_1 a leukocyte with basophilic granules easily stained by basic stains -01259211 __revoke_NN_1 the mistake of not following suit when able to do so -09026614 __malaga_NN_1 a port city and resort in Andalusia in southern Spain on the Mediterranean -04988478 __colouration_NN_1 the timbre of a musical sound; "the recording fails to capture the true color of the original music" -02557033 __perca_NN_1 type genus of the Percidae -02613434 __genus_blennius_NN_1 type genus of the Blenniidae -03324928 __fatigues_NN_1 military uniform worn by military personnel when doing menial labor -00228236 __water_VB_1 supply with water, as with channels or ditches or streams; "Water the fields" -06543246 __mandatory_injunction_NN_1 injunction requiring the performance of some specific act -09416076 __stone_NN_1 a lump or mass of hard consolidated mineral matter; "he threw a rock at me" -10695450 __tearaway_NN_1 a reckless and impetuous person -02020027 __raid_VB_2 enter someone else's territory and take spoils; "The pirates raided the coastal villages regularly" -02433205 __genus_dama_NN_1 fallow deer -11909527 __fumitory_NN_1 delicate European herb with greyish leaves and spikes of purplish flowers; formerly used medicinally -00117124 __accommodation_reflex_NN_1 reflex changes in the eyes that enable an object to be focused on the retina -01245159 __racial_extermination_NN_1 systematic killing of a racial or cultural group -06254669 __medium_NN_1 a means or instrumentality for storing or communicating information -08027518 __malaysian_mujahidin_group_NN_1 a clandestine group of southeast Asian terrorists organized in 1993 and trained by al-Qaeda; supports militant Muslims in Indonesia and the Philippines and has cells in Singapore and Malaysia and Indonesia -09976119 __creeper_NN_2 a person who crawls or creeps along the ground -10692883 __tax_assessor_NN_1 an official who evaluates property for the purpose of taxing it -10692696 __telltale_NN_1 someone who gossips indiscreetly -07986617 __trimurti_NN_1 the triad of divinities of later Hinduism -10692482 __taster_NN_1 someone who samples food or drink for its quality -04077594 __upper_cannon_NN_1 cannon that provides plate armor for the upper arm -02267060 __spend_VB_2 pay out; "spend money" -10690849 __tantalizer_NN_1 someone who tantalizes; a tormentor who offers something desirable but keeps it just out of reach -10690421 __tallyman_NN_1 one who sells goods on the installment plan -01972298 __fall_VB_1 descend in free fall under the influence of gravity; "The branch fell from the tree"; "The unfortunate hiker fell into a crevasse" -00829170 __sensitizing_NN_1 rendering an organism sensitive to a serum by a series of injections -05150129 __useableness_NN_1 the quality of being able to provide good service -05058140 __swiftness_NN_1 a rate (usually rapid) at which something happens; "the project advanced with gratifying speed" -02371344 __unguiculate_mammal_NN_1 a mammal having nails or claws -10688356 __tactician_NN_1 a person who is skilled at planning tactics -03174991 __demulen_NN_1 trade name for an oral contraceptive -05962043 __functionalism_NN_2 any doctrine that stresses utility or purpose -02431122 __wapiti_NN_2 common deer of temperate Europe and Asia -12341412 __genus_circaea_NN_1 enchanter's nightshade -10551265 __isolde_NN_1 (Middle Ages) the bride of the king of Cornwall who (according to legend) fell in love with the king's nephew (Tristan) after they mistakenly drank a love potion that left them eternally in love with each other -01643255 __robber_frog_NN_2 small terrestrial frog of tropical America -10687231 __synthesizer_NN_1 an intellectual who synthesizes or uses synthetic methods -00353469 __lowering_NN_1 the act of causing to become less -06102476 __atomistic_theory_NN_1 (chemistry) any theory in which all matter is composed of tiny discrete finite indivisible indestructible particles; "the ancient Greek philosophers Democritus and Epicurus held atomic theories of the universe" -00369194 __federate_VB_2 unite on a federal basis or band together as a league; "The country was federated after the civil war" -05817145 __familiarity_NN_1 personal knowledge or information about someone or something -10685123 __syllogizer_NN_1 logician skilled in syllogistic reasoning -03242713 __parkway_NN_1 a wide scenic road planted with trees; "the riverside drive offers many exciting scenic views" -02572904 __malacanthidae_NN_1 short-headed marine fishes; often brightly colored -05317191 __capsule_NN_5 a structure that encloses a body part -08075647 __sisterhood_NN_3 a religious society of women who live together as sisters (especially an order of nuns) -04737934 __unchangingness_NN_1 the quality of being unchangeable; having a marked tendency to remain unchanged -09796974 __anti-american_NN_1 a person who is opposed to the United States and its policies -00836788 __intake_NN_3 the act of inhaling; the drawing in of air (or other gases) as in breathing -07464969 __elimination_tournament_NN_1 a tournament in which losers are eliminated in successive rounds -08750334 __republic_of_cuba_NN_1 a communist state in the Caribbean on the island of Cuba -10683126 __swimmer_NN_2 a person who travels through the water by swimming; "he is not a good swimmer" -10682380 __swearer_NN_2 someone who takes a solemn oath -10682038 __swaggerer_NN_1 someone who walks in an arrogant manner -01541922 __towhee_NN_1 any of numerous long-tailed American finches -00293916 __running_NN_2 the act of running; traveling on foot at a fast pace; "he broke into a run"; "his daily run keeps him fit" -07477945 __crash_NN_3 a sudden large decline of business or the prices of stocks (especially one that causes additional failures) -10681557 __victualler_NN_2 a supplier of victuals or supplies to an army -01188783 __non_prosequitur_NN_1 a judgment entered in favor of the defendant when the plaintiff has not continued his action (e.g., has not appeared in court) -01851731 __lesser_scaup_duck_NN_1 common scaup of North America; males have purplish heads -10680910 __survivalist_NN_1 someone who tries to insure their personal survival or the survival of their group or nation -10680609 __surveyor_NN_1 an engineer who determines the boundaries and elevations of land or structures -07083246 __elocution_NN_1 an expert manner of speaking involving control of voice and gesture -09052314 __union_NN_2 the United States (especially the northern states during the American Civil War); "he has visited every state in the Union"; "Lee hoped to detach Maryland from the Union"; "the North's superior resources turned the scale" -03109486 __turning_point_NN_2 the intersection of two streets; "standing on the corner watching all the girls go by" -08086356 __orthodox_church_NN_1 derived from the Byzantine Church and adhering to Byzantine rites -02650840 __people_VB_2 furnish with people; "The plains are sparsely populated" -13220842 __lycopsida_NN_1 club mosses and related forms: includes Lycopodiales; Isoetales; Selaginellales; and extinct Lepidodendrales; sometimes considered a subdivision of Tracheophyta -10676877 __supervisor_NN_1 one who supervises or has charge and direction of -10675876 __superior_NN_2 the head of a religious community -02924554 __jalopy_NN_1 a car that is old and unreliable; "the fenders had fallen off that old bus" -12494115 __genus_chamaecrista_NN_1 genus of tropical herbs or subshrubs having sensitive leaves and suddenly dehiscing pods; some species placed in genus Cassia -05967097 __reformism_NN_1 a doctrine of reform -02541431 __family_elopidae_NN_1 tarpons and ladyfishes -10673946 __suit_NN_3 (slang) a businessman dressed in a business suit; "all the suits care about is the bottom line" -02142575 __phyllostomus_NN_1 type genus of the family Phyllostomatidae -03531281 __hood_NN_8 a headdress that protects the head and face -04728786 __excellence_NN_1 the quality of excelling; possessing good qualities in high degree -07386920 __muttering_NN_1 a low continuous indistinct sound; often accompanied by movement of the lips without the production of articulate speech -10671898 __succourer_NN_1 someone who gives help in times of need or distress or difficulty -01810700 __columbiform_bird_NN_1 a cosmopolitan order of land birds having small heads and short legs with four unwebbed toes -10364643 __nuclear_physicist_NN_1 a physicist who specializes in nuclear physics -03996145 __sawing_machine_NN_1 a power tool for cutting wood -02110552 __feel_VB_6 undergo passive experience of:"We felt the effects of inflation"; "her fingers felt their way through the string quartet"; "she felt his contempt of her" -05513020 __urethra_NN_1 duct through which urine is discharged in most mammals and which serves as the male genital duct -03268790 __electric_car_NN_1 a car that is powered by electricity -02347744 __new_world_porcupine_NN_1 arboreal porcupine -09308398 __ice_NN_2 the frozen part of a body of water -10667709 __subaltern_NN_1 a British commissioned army officer below the rank of captain -04586761 __wind_park_NN_1 a power plant that uses wind turbines to generate electricity -02296480 __heliothis_NN_1 a genus of Noctuidae -10664340 __stripteaser_NN_1 a performer who provides erotic entertainment by undressing to music -05349445 __labyrinthine_artery_NN_1 an artery that is a branch of the basilar artery that supplies the labyrinth -02289177 __genus_galleria_NN_1 a genus of Pyralidae -02694426 __warning_device_NN_1 a device that signals the occurrence of some undesirable event -03859000 __outboard_motor_NN_1 internal-combustion engine that mounts at stern of small boat -07160424 __whammy_NN_2 an evil spell; "a witch put a curse on his whole family"; "he put the whammy on me" -07747607 __orange_NN_1 round yellow to orange fruit of any of several citrus trees -01978744 __portunidae_NN_1 swimming crabs -10661563 __strategist_NN_1 an expert in strategy (especially in warfare) -09769636 __adjudicator_NN_1 a person who studies and settles conflicts and disputes -03441778 __glutethimide_NN_1 sedative (trade name Doriden) used to treat some sleep disorders -04568298 __weave_NN_1 pattern of weaving or structure of a fabric -07574923 __brunch_NN_1 combination breakfast and lunch; usually served in late morning -10659762 __stooper_NN_2 a person who carries himself or herself with the head and shoulders habitually bent forward -01282466 __jutland_NN_2 an indecisive naval battle in World War I (1916); fought between the British and German fleets off the northwestern coast of Denmark -10550090 __sandboy_NN_1 a young peddler of sand; used now only to express great happiness in `happy as a sandboy' -03018971 __great_wall_of_china_NN_1 a fortification 1,500 miles long built across northern China in the 3rd century BC; it averages 6 meters in width -10657835 __stock_trader_NN_1 someone who buys and sells stock shares -12222334 __persoonia_NN_1 Australian undershrubs to small trees: geebungs -10656832 __stinter_NN_1 an economizer who stints someone with something -10656488 __stigmatist_NN_1 a person whose body is marked by religious stigmata (such as marks resembling the wounds of the crucified Christ) -08954057 __zetland_NN_1 an archipelago of about 100 islands in the North Atlantic off the north coast of Scotland -00654234 __undercover_work_NN_1 the act of keeping a secret watch for intelligence purposes -10655594 __steward_NN_3 an attendant on an airplane -00638080 __biological_research_NN_1 scientific research conducted by biologists -01044533 __mutter_VB_1 talk indistinctly; usually in a low voice -10506544 __ranch_hand_NN_1 a hired hand on a ranch -02211283 __megachile_NN_1 type genus of the Megachilidae: leaf-cutting bees -01568630 __strangle_VB_2 conceal or hide; "smother a yawn"; "muffle one's anger"; "strangle a yawn" -09543021 __succubus_NN_1 a female demon believed to have sexual intercourse with sleeping men -06522501 __charter_NN_2 a contract to hire or lease transportation -10652511 __stateswoman_NN_1 a woman statesman -03929660 __plectrum_NN_1 a small thin device (of metal or plastic or ivory) used to pluck a stringed instrument -04791740 __unhealthfulness_NN_1 the quality of promoting poor health -01497634 __pigeonhole_VB_1 place into a small compartment -10154186 __rommany_NN_1 a member of a people with dark skin and hair who speak Romany and who traditionally live by seasonal work and fortunetelling; they are believed to have originated in northern India but now are living on all continents (but mostly in Europe, North Africa, and North America) -03282401 __embellishment_NN_2 a superfluous ornament -13206178 __leather_fern_NN_1 stout tropical swamp fern (especially tropical America) having large fronds with golden yellow sporangia covering the undersides -04958634 __colourlessness_NN_1 the visual property of being without chromatic color -10646780 __stutterer_NN_1 someone who speaks with involuntary pauses and repetitions -09150662 __newport_news_NN_1 a port city in southeastern Virginia at the mouth of the James River off Hampton Roads; large shipyards -01594514 __steamroller_VB_3 crush with a steamroller as if to level; "steamroller the road" -12891469 __water_speedwell_NN_1 plant of wet places in Eurasia and America -08279298 __academy_NN_1 a secondary school (usually private) -10644301 __stableman_NN_1 someone employed in a stable to take care of the horses -01746605 __perceptible_JJ_1 capable of being perceived by the mind or senses; "a perceptible limp"; "easily perceptible sounds"; "perceptible changes in behavior" -00972191 __qualify_VB_2 pronounce fit or able; "She was qualified to run the marathon"; "They nurses were qualified to administer the injections" -03869222 __oxyphencyclimine_NN_1 an anticholinergic drug (trade name Daricon) used in treating peptic ulcers -08840200 __tuvalu_NN_2 a group of coral islands in Micronesia to the southwest of Hawaii -01153548 __favouritism_NN_2 unfair treatment of a person or group on the basis of prejudice -00634276 __analysis_NN_1 an investigation of the component parts of a whole and their relations in making up the whole -11889473 __iberis_NN_1 Old World herbs and subshrubs: candytuft -02102796 __insensible_JJ_1 incapable of physical sensation; "insensible to pain"; "insensible earth" -06808720 __mathematical_notation_NN_1 a notation used by mathematicians -03730893 __matting_NN_1 a covering of coarse fabric (usually of straw or hemp) -02621107 __family_acanthuridae_NN_1 surgeonfishes -01424282 __genus_plasmodium_NN_1 type genus of the family Plasmodiidae -04405907 __tv_set_NN_1 an electronic device that receives television signals and displays them on a screen; "the British call a tv set a telly" -05541231 __os_frontale_NN_1 the large cranial bone forming the front part of the cranium: includes the upper part of the orbits -10636874 __spitter_NN_1 a person who spits (ejects saliva or phlegm from the mouth) -10635788 __sphinx_NN_1 an inscrutable person who keeps his thoughts and intentions secret -00133668 __smacking_NN_1 the act of smacking something; a blow delivered with an open hand -05280998 __sphenoid_bone_NN_1 butterfly-shaped bone at the base of the skull -10635460 __spendthrift_NN_1 someone who spends money prodigally -00382109 __conglutination_NN_2 the union of diverse things into one body or form or group; the growing together of parts -10634316 __speculator_NN_1 someone who makes conjectures without knowing the facts -01013156 __indexing_NN_1 the act of classifying and providing an index in order to make items easier to retrieve -05159948 __wiseness_NN_1 the quality of being prudent and sensible -10049896 __electrotherapist_NN_1 someone who specializes in the treatment of disease by electricity -01616086 __sea_eagle_NN_1 large harmless hawk found worldwide that feeds on fish and builds a bulky nest often occupied for years -02184965 __plunk_VB_1 make or move along with a sound as of a horse's hooves striking the ground -02035337 __wrong_JJ_2 contrary to conscience or morality or law; "it is wrong for the rich to take advantage of the poor"; "cheating is wrong"; "it is wrong to lie" -05641959 __mastery_NN_1 great skillfulness and knowledge of some subject or activity; "a good command of French" -03489162 __hand_tool_NN_1 a tool used with workers' hands -10626540 __sorceress_NN_1 a woman sorcerer -04604009 __wtc_NN_1 twin skyscrapers 110 stories high in New York City; built 1368 feet tall in 1970 to 1973; destroyed by a terrorist attack on September 11, 2001 -00416135 __emigrate_VB_1 leave one's country of residence for a new one; "Many people had to emigrate during the Nazi period" -10112129 __monk_NN_1 a male religious living in a cloister and devoting himself to contemplation and prayer and work -03563710 __implant_NN_1 a prosthesis placed permanently in tissue -02827606 __belt_NN_2 a band to tie or buckle around the body (usually at the waist) -02112546 __sun_VB_2 expose to the rays of the sun or affect by exposure to the sun; "insolated paper may turn yellow and crumble"; "These herbs suffer when sunned" -01588858 __genus_acanthisitta_NN_1 a genus of Xenicidae -00605812 __wardenship_NN_1 the position of warden -02293352 __gelechiid_moth_NN_1 small slender-winged moths whose larvae are agricultural pests -10621400 __sodalist_NN_1 a member of a sodality -05615028 __logic_NN_2 reasoned and reasonable judgment; "it made a certain kind of logic" -10536897 __roisterer_NN_1 an especially noisy and unrestrained merrymaker -05539454 __noodle_NN_2 informal terms for a human head -01476135 __order_conodontophorida_NN_1 extinct order of primitive vertebrates; the precise taxonomy is not clear; in some classifications considered a separate phylum -03006626 __melody_pipe_NN_1 reed pipe with finger holes on which the melody is played -08187033 __troupe_NN_1 organization of performers and associated personnel (especially theatrical); "the traveling company all stayed at the same hotel" -01282888 __cavern_out_VB_1 hollow out as if making a cavern -02119874 __scratch_VB_3 scrape or rub as if to relieve itching; "Don't scratch your insect bites!" -06756680 __scheme_NN_2 a statement that evades the question by cleverness or trickery -07177924 __settlement_NN_3 a conclusive resolution of a matter and disposition of it -00281132 __access_NN_6 the act of approaching or entering; "he gained access to the building" -00530018 __modern_dance_NN_1 a style of theatrical dancing that is not as restricted as classical ballet; movements are expressive of feelings -15267536 __stopping_point_NN_1 the temporal end; the concluding time; "the stopping point of each round was signaled by a bell"; "the market was up at the finish"; "they were playing better at the close of the season" -14583670 __impurity_NN_1 worthless or dangerous material that should be removed; "there were impurities in the water" -02415253 __white_sheep_NN_1 large white wild sheep of northwestern Canada and Alaska -10617904 __snuffer_NN_2 a person who snuffs out candles -06550206 __driving_license_NN_1 a license authorizing the bearer to drive a motor vehicle -12854443 __melissa_NN_1 a genus of Old World mints of the family Labiatae -03322099 __farm_NN_1 workplace consisting of farm buildings and cultivated land as a unit; "it takes several people to work the farm" -02608823 __start_VB_12 have a beginning characterized in some specified way; "The novel begins with a murder"; "My property begins with the three maple trees"; "Her day begins with a workout"; "The semester begins with a convocation ceremony" -05279407 __sacrum_NN_1 wedge-shaped bone consisting of five fused vertebrae forming the posterior part of the pelvis; its base connects with the lowest lumbar vertebra and its tip with the coccyx -04960729 __whiteness_NN_1 the quality or state of the achromatic color of greatest lightness (bearing the least resemblance to black) -07327805 __factor_NN_1 anything that contributes causally to a result; "a number of factors determined the outcome" -13789462 __exponential_function_NN_1 a function in which an independent variable appears as an exponent -00849059 __withdrawal_method_NN_1 a method of birth control in which coitus is initiated but the penis is deliberately withdrawn before ejaculation -09808080 __peripatetic_NN_2 a follower of Aristotle or an adherent of Aristotelianism -07184965 __bust-up_NN_1 a serious quarrel (especially one that ends a friendship) -03540267 __hosiery_NN_1 socks and stockings and tights collectively (the British include underwear) -05893916 __false_belief_NN_1 a misconception resulting from incorrect reasoning -08308497 __conference_NN_1 a prearranged meeting for consultation or exchange of information or discussion (especially one with a formal agenda) -09840639 __bart_NN_1 a member of the British order of honor; ranks below a baron but above a knight; "since he was a baronet he had to be addressed as Sir Henry Jones, Bart." -09976728 __creditor_NN_1 a person to whom money is owed by a debtor; someone to whom an obligation exists -00886807 __secondary_education_NN_1 education beyond the elementary grades; provided by a high school or college preparatory school -03596285 __jet_engine_NN_1 a gas turbine produces a stream of hot gas that propels a jet plane by reaction propulsion -01929951 __phasmidia_NN_1 one of two subgroups of Nematoda used in some classification systems -13121104 __xerophytic_plant_NN_1 plant adapted for life with a limited supply of water; compare hydrophyte and mesophyte -06170498 __rhetoric_NN_4 study of the technique and rules for using language effectively (especially in public speaking) -06731802 __formula_NN_1 a group of symbols that make a mathematical statement -06543781 __legal_brief_NN_1 a document stating the facts and points of law of a client's case -03504420 __military_headquarters_NN_1 the military installation from which a commander performs the functions of command; "the general's headquarters were a couple of large tents" -02469914 __primate_NN_2 any placental mammal of the order Primates; has good eyesight and flexible hands and feet -05548840 __shoulder_NN_1 the part of the body between the neck and the upper arm -10609556 __striver_NN_1 someone who works as hard as a slave -03422072 __gas_jet_NN_1 burner such that combustible gas issues from a nozzle to form a steady flame -04706290 __patency_NN_2 the property of being easy to see and understand -10609198 __trollop_NN_1 a dirty untidy woman -09310806 __inclusion_body_NN_1 any small intracellular body found within another (characteristic of certain diseases); "an inclusion in the cytoplasm of the cell" -00136048 __rabbit_punch_NN_1 a short chopping blow to the back of the neck -00468480 __football_game_NN_1 any of various games played with a ball (round or oval) in which two teams try to kick or carry or propel the ball into each other's goal -00989602 __present_VB_8 deliver (a speech, oration, or idea); "The commencement speaker presented a forceful speech that impressed the students" -05892096 __supposition_NN_2 a hypothesis that is taken for granted; "any society is built upon certain assumptions" -10605848 __skirmisher_NN_1 someone who skirmishes (e.g., as a member of a scouting party) -01532664 __genus_carpodacus_NN_1 house finches and purple finches -01880152 __rat_kangaroo_NN_1 any of several rabbit-sized ratlike Australian kangaroos -05160574 __reasonableness_NN_2 goodness of reason and judgment; "the judiciary is built on the reasonableness of judges" -10605088 __slipper_NN_2 a person who slips or slides because of loss of traction -05556943 __venter_NN_2 the region of the body of a vertebrate between the thorax and the pelvis -00220461 __strengthen_VB_2 gain strength; "His body strengthened" -02298833 __manduca_NN_1 moths whose larvae are tobacco hornworms or tomato hornworms -02185694 __menopon_NN_1 chicken lice -03102371 __cookstove_NN_1 a stove for cooking (especially a wood- or coal-burning kitchen stove) -07042137 __octette_NN_4 a musical composition written for eight performers -10602695 __beguine_NN_1 (Roman Catholic Church) a member of a lay sisterhood (one of several founded in the Netherlands in the 12th and 13th centuries); though not taking religious vows the sisters followed an austere life -04403279 __telephotograph_NN_1 a photograph transmitted and reproduced over a distance -10601526 __sir_NN_2 a title used before the name of knight or baronet -04179126 __sewerage_NN_2 a waste pipe that carries away sewage or surface water -08195797 __air_unit_NN_1 a military unit that is part of the airforce -11947079 __genus_centaurea_NN_1 knapweed; star thistle -11220461 __shah_pahlavi_NN_1 Shah of Iran who was deposed in 1979 by Islamic fundamentalists (1919-1980) -10597234 __signer_NN_2 someone who signs and is bound by a document -10596689 __tripper_NN_3 a tourist who is visiting sights of interest -09926246 __clarinettist_NN_1 a musician who plays the clarinet -10595361 __sibyl_NN_2 (ancient Rome) a woman who was regarded as an oracle or prophet -08179205 __poor_people_NN_1 people without possessions or wealth (considered as a group); "the urban poor need assistance" -10594408 __shuffler_NN_2 someone who walks without raising the feet -04807971 __sordidness_NN_2 unworthiness by virtue of lacking higher values -10167565 __heckler_NN_1 someone who tries to embarrass you with gibes and questions and objections -05898568 __programme_NN_6 a series of steps to be carried out or goals to be accomplished; "they drew up a six-step plan"; "they discussed plans for a new bond issue" -13630213 __pib_NN_1 a unit of information equal to 1024 tebibytes or 2^50 bytes -03875218 __pigment_NN_3 a substance used as a coating to protect or decorate a surface (especially a mixture of pigment suspended in a liquid); dries to form a hard coating; "artists use `paint' and `pigment' interchangeably" -00921300 __signal_VB_2 be a signal for or a symptom of; "These symptoms indicate a serious illness"; "Her behavior points to a severe neurosis"; "The economic indicators signal that the euro is undervalued" -02226183 __orthopterous_insect_NN_1 any of various insects having leathery forewings and membranous hind wings and chewing mouthparts -10270468 __lollipop_woman_NN_1 a woman hired to help children cross a road safely near a school -07767847 __pear_NN_1 sweet juicy gritty-textured fruit available in many varieties -00285856 __handcolour_VB_1 color by hand; "Some old photographs are handcolored" -00855301 __cock_sucking_NN_1 slang for fellatio -10588357 __tribal_sheikh_NN_1 the leader of an Arab village or family -04482543 __tricyclic_antidepressant_drug_NN_1 an antidepressant drug that acts by blocking the reuptake of norepinephrine and serotonin and thus making more of those substances available to act on receptors in the brain -02436067 __tragulus_NN_1 type genus of the Tragulidae -00810598 __retention_NN_1 the act of retaining something -09927089 __cleaner_NN_3 someone whose occupation is cleaning -14482620 __potentiality_NN_1 the inherent capacity for coming into being -02872752 __boot_NN_1 footwear that covers the whole foot and lower leg -14588219 __colloid_NN_1 a mixture with properties between those of a solution and fine suspension -10583916 __settler_NN_2 a negotiator who settles disputes -10582154 __servant_NN_1 a person working in the service of another (especially in the household) -14745635 __steroid_hormone_NN_1 any hormone affecting the development and growth of sex organs -08923348 __yedo_NN_1 the capital and largest city of Japan; the economic and cultural center of Japan -01010334 __scaling_NN_1 the act of arranging in a graduated series -10580772 __sergeant_NN_1 any of several noncommissioned officer ranks in the Army or Air Force or Marines ranking above a corporal -07517417 __infuriation_NN_1 a feeling of intense anger -01271428 __marne_river_NN_1 a World War I battle in northwestern France where the Allies defeated the Germans in 1918 -05521111 __vagina_NN_1 the lower part of the female reproductive tract; a moist canal in female mammals extending from the labia minora to the uterus; "the vagina receives the penis during coitus"; "the vagina is elastic enough to allow the passage of a fetus" -02999757 __string_NN_10 a necklace made by a stringing objects together; "a string of beads"; "a strand of pearls"; -01493687 __squalus_NN_1 spiny dogfishes -01733094 __ptyas_NN_1 Asian rat snakes -11122114 __richard_leakey_NN_1 English paleontologist (son of Louis Leakey and Mary Leakey) who continued the work of his parents; he was appointed director of a wildlife preserve in Kenya but resigned under political pressure (born in 1944) -02308852 __loxostege_NN_1 garden webworms -01168468 __eat_VB_1 take in solid food; "She was eating a banana"; "What did you eat for dinner last night?" -02892392 __brassard_NN_1 armor plate that protects the arm -10576071 __seer_NN_2 an observer who perceives visually; "an incurable seer of movies" -03982430 __snooker_table_NN_1 game equipment consisting of a heavy table on which pool is played -05220461 __body_part_NN_1 any part of an organism such as an organ or extremity -01284124 __leyte_island_NN_1 a battle in World War II; the return of United States troops to the Philippines began with landings on Leyte Island in October 1944; the battle marked first use of kamikaze aircraft by the Japanese -00851146 __reciprocal_cross_NN_1 hybridization involving a pair of crosses that reverse the sexes associated with each genotype -02962200 __carburettor_NN_1 mixes air with gasoline vapor prior to explosion -02998363 __cervical_cap_NN_1 a contraceptive device consisting of a small thimble-shaped cup that is placed over the uterine cervix to prevent the entrance of spermatozoa -02251452 __planococcus_NN_1 a genus of Pseudococcidae -03354903 __flag_NN_1 emblem usually consisting of a rectangular piece of cloth of distinctive design -00928371 __planning_NN_2 the act or process of drawing up plans or layouts for some project or enterprise -01740005 __hypsiglena_NN_1 night snakes -02520730 __make_up_VB_4 make up work that was missed due to absence at a later point; "I have to make up a French exam"; "Can I catch up with the material or is it too late?" -01733634 __pituophis_NN_1 bull snakes -01819147 __discourage_VB_2 deprive of courage or hope; take away hope from; cause to feel discouraged -10538154 __romper_NN_1 a person who romps or frolics -01262441 __disforestation_NN_1 the removal of trees -01643896 __south_american_bullfrog_NN_1 large toothed frog of South America and Central America resembling the bullfrog -00649482 __spectrum_analysis_NN_1 the use of spectroscopes to analyze spectra -04371774 __swing_NN_2 mechanical device used as a plaything to support someone swinging back and forth -02627292 __thunnus_thynnus_NN_1 largest tuna; to 1500 pounds; of mostly temperate seas: feed in polar regions but breed in tropics -14214584 __talipes_NN_1 congenital deformity of the foot usually marked by a curled shape or twisted position of the ankle and heel and toes -04018667 __wash_room_NN_1 a toilet that is available to the public -02199712 __suborder_nematocera_NN_1 mosquitoes; fungus gnats; crane flies; gnats; sand flies -02970685 __car_seat_NN_1 a seat in a car -02482784 __burke_VB_1 murder without leaving a trace on the body -12466450 __zigadenus_NN_1 genus of mostly North American poisonous plants; sometimes placed in family Melanthiaceae -01943899 __conch_NN_1 any of various edible tropical marine gastropods of the genus Strombus having a brightly-colored spiral shell with large outer lip -00741478 __soldiering_NN_2 the evasion of work or duty -04753799 __cert_NN_1 an absolute certainty; "it's a dead cert" -10563826 __scratcher_NN_1 a workman who uses a tool for scratching -09224325 __blue_ridge_mountains_NN_1 a range of the Appalachians extending from southern Pennsylvania to northern Georgia -06287620 __anagram_NN_1 a word or phrase spelled by rearranging the letters of another word or phrase -08672738 __village_NN_2 a settlement smaller than a town -05282746 __tooth_NN_1 hard bonelike structures in the jaws of vertebrates; used for biting and chewing or for attack and defense -07432337 __transudation_NN_2 the process of exuding; the slow escape of liquids from blood vessels through pores or breaks in the cell membranes -01380298 __lactobacillus_acidophilus_NN_1 a bacterium that is used to make yogurt and to supplement probiotics -02343187 __mesocricetus_NN_1 golden hamsters -07203126 __statement_NN_5 the act of affirming or asserting or stating something -03450018 __regulator_NN_3 a control that maintains a steady speed in a machine (as by controlling the supply of fuel) -07354731 __win_NN_1 a victory (as in a race or other competition); "he was happy to get the win" -02408903 __genus_anoa_NN_1 a genus of mammals of the family Bovidae -01914830 __actiniarian_NN_1 any sea anemone or related animal -00978413 __bombing_NN_1 an attack by dropping bombs -04580777 __white_house_NN_2 the government building that serves as the residence and office of the President of the United States -00225150 __shooting_NN_2 killing someone by gunfire; "when the shooting stopped there were three dead bodies" -05120310 __redundancy_NN_2 the attribute of being superfluous and unneeded; "the use of industrial robots created redundancy among workers" -06369829 __story_NN_2 a piece of fiction that narrates a chain of related events; "he writes stories for the magazines" -00020827 __matter_NN_3 that which has mass and occupies space; "physicists study both the nature of matter and the forces which govern it" -08247251 __quartette_NN_1 four performers or singers who perform together -09646608 __algonquin_NN_1 a member of any of the North American Indian groups speaking an Algonquian language and originally living in the subarctic regions of eastern Canada; many Algonquian tribes migrated south into the woodlands from the Mississippi River to the Atlantic coast -00977301 __strike_NN_2 an attack that is intended to seize or inflict damage on or destroy an objective; "the strike was scheduled to begin at dawn" -10554243 __saxophonist_NN_1 a musician who plays the saxophone -09335916 __landmass_NN_1 a large continuous extent of land -10553235 __stroller_NN_1 someone who walks at a leisurely pace -02276866 __swipe_VB_2 make off with belongings of others -12259615 __sarcodes_NN_1 snow plant; in some classifications placed in family Pyrolaceae -03648066 __laundry_NN_2 workplace where clothes are washed and ironed -10552486 __satanist_NN_1 an adherent of Satan or Satanism -01789386 __gallinaceous_bird_NN_1 heavy-bodied largely ground-feeding domestic or game birds -03063689 __coffeepot_NN_1 tall pot in which coffee is brewed -08804845 __brescia_NN_1 an ancient Italian city in central Lombardy -02604954 __spadefish_NN_1 deep-bodied disk-shaped food fish of warmer western Atlantic coastal waters -10551576 __sapper_NN_2 a military engineer who does sapping (digging trenches or undermining fortifications) -08890097 __scotland_NN_1 one of the four countries that make up the United Kingdom of Great Britain and Northern Ireland; located on the northern part of the island of Great Britain; famous for bagpipes and plaids and kilts -10549510 __salvor_NN_1 someone who salvages -10548419 __saleswoman_NN_1 a woman salesperson -11720891 __water_crowfoot_NN_1 plant of ponds and slow streams having submerged and floating leaves and white flowers; Europe and North America -01580077 __jay_NN_2 crested largely blue bird -10301261 __mathematician_NN_1 a person skilled in mathematics -01518659 __pleach_VB_2 interlace the shoots of; "pleach a hedge" -01983048 __true_lobster_NN_1 large edible marine crustaceans having large pincers on the first pair of legs -03405595 __trappings_NN_1 (usually plural) accessory wearing apparel -10544232 __rustic_NN_1 an unsophisticated country person -09633969 __wrongdoer_NN_1 a person who transgresses moral or civil law -04063661 __recording_NN_1 a signal that encodes something (e.g., picture or sound) that has been recorded -02483915 __family_cercopithecidae_NN_1 Old World monkeys: guenon; baboon; colobus monkey; langur; macaque; mandrill; mangabey; patas; proboscis monkey -10736926 __underseller_NN_1 a seller that sells at a lower price than others do; "he went all over town looking for undersellers" -12265266 __lithocarpus_NN_1 tanbark oaks -10540526 __roundhead_NN_2 a supporter of parliament and Oliver Cromwell during the English Civil War -08926381 __toyonaki_NN_1 a Japanese city in southern Honshu; main residential suburb of Osaka -01036996 __wedding_NN_2 the act of marrying; the nuptial ceremony; "their marriage was conducted in the chapel" -02300378 __genus_bombyx_NN_1 type genus of the Bombycidae: Chinese silkworm moth -10539160 __rosebud_NN_2 (a literary reference to) a pretty young girl -11194205 __moynihan_NN_1 United States politician and educator (1927-2003) -02638835 __family_amiidae_NN_1 only the bowfins -09160295 __uruguay_NN_1 a South American republic on the southeast coast of South America; achieved independence from Brazil in 1825 -11428379 __ray_NN_4 a group of nearly parallel lines of electromagnetic radiation -02402425 __oxen_NN_1 domesticated bovine animals as a group regardless of sex or age; "so many head of cattle"; "wait till the cows come home"; "seven thin and ill-favored kine"- Bible; "a team of oxen" -10536728 __varlet_NN_1 a deceitful and unreliable scoundrel -01193714 __unheeding_JJ_1 marked by or paying little heed or attention; "We have always known that heedless self-interest was bad morals; we know now that it is bad economics"--Franklin D. Roosevelt; "heedless of danger"; "heedless of the child's crying" -00366521 __stretching_NN_1 act of expanding by lengthening or widening -00709379 __specify_VB_6 design or destine; "She was intended to become the director" -00288486 __lope_NN_2 a smooth three-beat gait; between a trot and a gallop -00495524 __widely_RB_2 a card game played by one person to or over a great extent or range; far; "wandered wide through many lands"; "he traveled widely" -10391653 __painter_NN_1 an artist who paints -01015310 __harvesting_NN_1 the gathering of a ripened crop -01989562 __collapse_VB_5 cause to burst; "The ice broke the pipe" -10531694 __ring_girl_NN_1 a young woman who holds up cards indicating the number of the next round at prize fights -03625783 __knitting_stitch_NN_1 a stitch taken in knitting -01439514 __carp_NN_2 any of various freshwater fish of the family Cyprinidae -02524202 __pollock_NN_3 important food and game fish of northern seas (especially the northern Atlantic); related to cod -06769670 __typographical_error_NN_1 a mistake in printed matter resulting from mechanical failures of some kind -12782108 __sundew_family_NN_1 a family of carnivorous herbs and shrubs -03533014 __water_pipe_NN_1 an oriental tobacco pipe with a long flexible tube connected to a container where the smoke is cooled by passing through water; "a bipolar world with the hookah and Turkish coffee versus hamburgers and Coca Cola" -00488770 __ventilate_VB_1 expose to cool or cold air so as to cool or freshen; "air the old winter clothes"; "air out the smoke-filled rooms" -06840187 __runic_letter_NN_1 any character from an ancient Germanic alphabet used in Scandinavia from the 3rd century to the Middle Ages; "each rune had its own magical significance" -05060783 __acceleration_NN_1 an increase in rate of change; "modern science caused an acceleration of cultural change" -02954340 __cap_NN_1 a tight-fitting headdress -06552639 __pardon_NN_2 a warrant granting release from punishment for an offense -02122725 __tomcat_NN_1 male cat -02625851 __scomberomorus_cavalla_NN_1 large mackerel with long pointed snout; important food and game fish of the eastern Atlantic coast southward to Brazil -00165942 __move_NN_1 the act of deciding to do something; "he didn't make a move to help"; "his first move was to hire a lawyer" -01578180 __indian_grackle_NN_1 glossy black Asiatic starling often taught to mimic speech -07257227 __table_tapping_NN_1 alleged form of communication with spirits of the dead -02147591 __pallid_bat_NN_1 drab yellowish big-eared bat that lives in caves -11378462 __weber_NN_5 German conductor and composer of romantic operas (1786-1826) -02653359 __genus_balistes_NN_1 type genus of the Balistidae -01321854 __young_mammal_NN_1 any immature mammal -01803641 __tease_VB_3 both sexes are brightly colored to arouse hope, desire, or curiosity without satisfying them; "The advertisement is intended to tease the customers"; "She has a way of teasing men with her flirtatious behavior" -07594840 __savoury_NN_2 an aromatic or spicy dish served at the end of dinner or as an hors d'oeuvre -10524413 __responder_NN_1 someone who responds -06986558 __hamito-semitic_NN_1 a large family of related languages spoken both in Asia and Africa -10523076 __researcher_NN_1 a scientist who devotes himself to doing research -05264081 __solid_body_substance_NN_1 the solid parts of the body -07869937 __kedgeree_NN_1 a dish of rice and hard-boiled eggs and cooked flaked fish -03885535 __pantry_NN_1 a small storeroom for storing foods or wines -01697986 __coin_VB_1 make up; "coin phrases or words" -10522759 __saver_NN_1 someone who saves something from danger or violence -12006081 __raoulia_NN_1 genus of low-growing mat-forming New Zealand plants; in some classifications includes species placed in genus Haastia -10280674 __prestidigitator_NN_1 someone who performs magic tricks to amuse an audience -01273491 __bull_run_NN_2 either of two battles during the American Civil War (1861 and 1862); Confederate forces defeated the Federal army in both battles -10520804 __renter_NN_2 an owner of property who receives payment for its use by another person -09891470 __paddler_NN_1 someone paddling a canoe -04123567 __sacking_NN_1 coarse fabric used for bags or sacks -10153414 __hombre_NN_1 an informal term for a youth or man; "a nice guy"; "the guy's only doing it for some doll" -11204962 __newman_NN_2 English prelate and theologian who (with John Keble and Edward Pusey) founded the Oxford movement; Newman later turned to Roman Catholicism and became a cardinal (1801-1890) -14908977 __humate_NN_1 material that is high in humic acids -00601822 __sweep_up_VB_2 the position of the head of the Department of Labor; "the post of Labor Secretary was created in 1913" take up the cause, ideology, practice, method, of someone and use it as one's own; "She embraced Catholicism"; "They adopted the Jewish faith" -04350458 __suede_cloth_NN_1 a fabric made to resemble suede leather -02803129 __low_relief_NN_1 a sculptural relief in which forms extend only slightly from the background; no figures are undercut -06726761 __papal_bull_NN_1 a formal proclamation issued by the pope (usually written in antiquated characters and sealed with a leaden bulla) -10514962 __restorer_NN_1 a skilled worker who is employed to restore or refinish buildings or antique furniture -11926640 __genus_arnica_NN_1 large genus of herbs of north temperate and Arctic regions -01374989 __order_actinomycetales_NN_1 filamentous or rod-shaped bacteria -02117369 __genus_hyaena_NN_1 type genus of the Hyaenidae -00955601 __lucubrate_VB_1 add details, as to an account or idea; clarify the meaning of and discourse in a learned way, usually in writing; "She elaborated on the main ideas in her dissertation" -10513823 __redheader_NN_1 someone who has red hair -02865665 __bolt_NN_6 a screw that screws into a nut to form a fastener -12339526 __syzygium_aromaticum_NN_1 moderate sized very symmetrical red-flowered evergreen widely cultivated in the tropics for its flower buds which are source of cloves -00161888 __sampling_NN_1 (statistics) the selection of a suitable sample for study -00051942 __dandify_VB_1 dress like a dandy -10512708 __recruiter_NN_1 someone who supplies members or employees -00858060 __zooerasty_NN_1 sexual activity between a person and an animal -00592001 __discipleship_NN_1 the position of disciple -08439955 __staff_NN_1 personnel who assist their superior in carrying out an assigned task; "the hospital has an excellent nursing staff"; "the general relied on his staff to make routine decisions" -10824710 __artaxerxes_ii_NN_1 king of Persia who subdued numerous revolutions and made peace with Sparta (?-359 BC) -08339454 __intelligence_service_NN_1 a unit responsible for gathering and interpreting information about an enemy -07330666 __predestination_NN_1 previous determination as if by destiny or fate -10511239 __reversionist_NN_1 someone who lapses into previous undesirable patterns of behavior -10509389 __realist_NN_3 a painter who represents the world realistically and not in an idealized or romantic style -02439286 __okapia_NN_1 okapis -10509161 __realist_NN_1 a philosopher who believes that universals are real and exist independently of anyone thinking of them -05123760 __coverage_NN_2 the extent to which something is covered; "the dictionary's coverage of standard English is excellent" -04325409 __stokehole_NN_1 (nautical) chamber or compartment in which the furnaces of a ship are stoked or fired -10508862 __reader_NN_3 a person who can read; a literate person -06004067 __arithmetic_NN_1 the branch of pure mathematics dealing with the theory of numerical calculations -02576503 __wander_VB_2 be sexually unfaithful to one's partner in marriage; "She cheats on her husband"; "Might her husband be wandering?" -03777283 __simulation_NN_3 representation of something (sometimes on a smaller scale) -02568392 __sodomize_VB_2 practice anal sex upon -02541302 __sick_JJ_1 affected by an impairment of normal physical or mental function; "ill from the monotony of his suffering" -06674542 __propaganda_NN_1 information that is spread for the purpose of promoting some cause -05847956 __heuristic_rule_NN_1 a commonsense rule (or set of rules) intended to increase the probability of solving some problem -00359511 __suffocate_VB_5 be asphyxiated; die from lack of oxygen; "The child suffocated under the pillow" -02136901 __genus_genetta_NN_1 genets -02586121 __sway_VB_3 win approval or support for; "Carry all before one"; "His speech did not sway the voters" -03970156 __plunger_NN_3 hand tool consisting of a stick with a rubber suction cup at one end; used to clean clogged drains -10503452 __radical_NN_3 a person who has radical ideas or opinions -14675569 __ytterbite_NN_1 a mineral that is a source of rare earths; consists of silicates of iron and beryllium and cerium and yttrium and erbium -06619428 __programme_NN_3 a radio or television show; "did you see his program last night?" -01522594 __order_dinornithiformes_NN_1 a ratite bird order: recently extinct flightless birds of New Zealand -10502046 __quitter_NN_1 a person who gives up too easily -09069752 __waterbury_NN_1 a city in west central Connecticut -06062407 __radiology_NN_1 the branch of medical science dealing with the medical use of X-rays or other penetrating radiation -12408466 __wheately_elm_NN_1 a variety of the English elm with erect branches and broader leaves -00908977 __patronize_VB_3 treat condescendingly -10032676 __drawing_card_NN_1 an entertainer who attracts large audiences; "he was the biggest drawing card they had" -08540903 __city_NN_2 an incorporated administrative district established by state charter; "the city raised the tax rate" -02220055 __pharaoh_ant_NN_1 small red ant of warm regions; a common household pest -10498551 __quarryman_NN_1 a man who works in a quarry -02500267 __indris_NN_1 large short-tailed lemur of Madagascar having thick silky fur in black and white and fawn -10550551 __sanyasi_NN_1 a Hindu religious mendicant -09863238 __body_servant_NN_1 a valet or personal maid -10271677 __nobleman_NN_1 a titled peer of the realm -03474896 __helve_NN_1 the handle of a weapon or tool -08138466 __foreign_service_NN_1 the part of the State Department that supplies diplomats for the United States embassies and consulates around the world -01109467 __exchange_NN_4 the act of giving something in return for something received; "deductible losses on sales or exchanges of property are allowable" -08643015 __retreat_NN_2 a place of privacy; a place affording peace and quiet -06382590 __rhapsody_NN_1 an epic poem adapted for recitation -14545353 __myotonia_NN_1 abnormally long muscular contractions; slow relaxation of a muscle after a contraction -12192877 __silver_quandong_tree_NN_1 Australian tree having hard white timber and glossy green leaves with white flowers followed by one-seeded glossy blue fruit -02493673 __genus_ateles_NN_1 spider monkeys -09848285 __taoist_NN_1 an adherent of any branch of Taoism -10493093 __punster_NN_1 someone overly fond of making puns -08702805 __north_american_nation_NN_1 any country on the North American continent -07843775 __dairy_product_NN_1 milk and butter and cheese -00072473 __mix-up_NN_1 a mistake that results from taking one thing to be another; "he changed his name in order to avoid confusion with the notorious outlaw" -01173660 __swing_NN_3 a sweeping blow or stroke; "he took a wild swing at my head" -10490965 __public_relations_person_NN_1 a person employed to establish and promote a favorable relationship with the public -09465135 __ulugh_muztagh_NN_1 a mountain in the Kunlun range in China (25,340 feet high) -10490699 __publicizer_NN_1 someone who publicizes -10488865 __psychologist_NN_1 a scientist trained in psychology -02113622 __overexpose_VB_1 expose to too much light; "the photographic film was overexposed and there is no image" -10486679 __stalker_NN_3 someone who prowls or sneaks about; usually with unlawful intentions -05124057 __limit_NN_1 the greatest possible degree of something; "what he did was beyond the bounds of acceptable behavior"; "to the limit of his ability" -08923755 __nagoya_NN_1 an industrial city in southern Honshu -05327767 __secretory_organ_NN_1 any of various organs that synthesize substances needed by the body and release it through ducts or directly into the bloodstream -10486349 __provider_NN_2 someone who provides the means for subsistence -12613968 __limnobium_NN_1 American frogbit -10484858 __public_prosecutor_NN_1 a government official who conducts criminal prosecutions on behalf of the state -07092592 __verse_NN_1 literature in metrical form -10484526 __proposer_NN_2 (parliamentary procedure) someone who makes a formal motion -05770391 __quest_NN_1 a search for an alternative that meets cognitive criteria; "the pursuit of love"; "life is more than the pursuance of fame"; "a quest for wealth" -01912893 __walk_VB_4 traverse or cover by walking; "Walk the tightrope"; "Paul walked the streets of Damascus"; "She walks 3 miles every day" -06877742 __wry_face_NN_1 a disdainful grimace -14302261 __amenorrhoea_NN_1 absence or suppression of normal menstrual flow -05624700 __creativity_NN_1 the ability to create -01751722 __fret_VB_8 decorate with an interlaced design -08406486 __foundation_NN_2 an institution supported by an endowment -05268965 __fatty_tissue_NN_1 a kind of body tissue containing stored fat that serves as a source of energy; it also cushions and insulates vital organs; "fatty tissue protected them from the severe cold" -10419630 __pesterer_NN_1 a persistently annoying person -01465713 __tusk_NN_2 a long pointed tooth specialized for fighting or digging; especially in an elephant or walrus or hog -10482414 __theater_prompter_NN_1 someone who assists a performer by providing the next words of a forgotten speech -04858455 __fearlessness_NN_2 the trait of feeling no fear -10482220 __promoter_NN_1 someone who is an active supporter and advocate -10481711 __worker_NN_2 a member of the working class (not necessarily employed); "workers of the world--unite!" -11108767 __prince_fumimaro_konoye_NN_1 Japanese statesman who set Japan's expansionist policies and formed an alliance with Germany and Italy (1891-1945) -00417397 __embracing_NN_1 the act of clasping another person in the arms (as in greeting or affection) -07510625 __stupor_NN_1 the feeling of distress and disbelief that you have when something bad happens accidentally; "his mother's death left him in a daze"; "he was numb with shock" -10481003 __profiteer_NN_1 someone who makes excessive profit (especially on goods in short supply) -01724055 __order_ichthyosauria_NN_1 extinct marine reptiles: ichthyosaurs -13797313 __concord_NN_3 the determination of grammatical inflection on the basis of word relations -10480583 __professional_NN_2 an athlete who plays for pay -01077881 __debarment_NN_2 the act of prevention by legal means; "they achieved his debarment from holding public office" -04370288 __sweatpants_NN_1 loose-fitting trousers with elastic cuffs; worn by athletes -06825120 __type_NN_4 printed characters; "small type is hard to read" -09014850 __kishinev_NN_1 the capital of Moldova -06907567 __attacapan_NN_2 a language spoken by the Atakapa of the Gulf Coast of Louisiana and Texas -07342049 __repetition_NN_1 an event that repeats; "the events today were a repeat of yesterday's" -10478626 __procrastinator_NN_1 someone who postpones work (especially out of laziness or habitual carelessness) -10252921 __southpaw_NN_1 a baseball pitcher who throws the ball with the left hand -08569998 __field_NN_1 a piece of land cleared of trees and usually enclosed; "he planted a field of wheat" -00966504 __rustling_NN_1 the stealing of cattle -06199142 __understanding_NN_3 an inclination to support or be loyal to or to agree with an opinion; "his sympathies were always with the underdog"; "I knew I could count on his understanding" -10476928 __privateersman_NN_1 an officer or crew member of a privateer -10476671 __sherlock_NN_1 someone who can be employed as a detective to collect information -10475297 __printer_NN_1 someone whose occupation is printing -04336034 __strengthener_NN_1 a device designed to provide additional strength; "the cardboard backing was just a strengthener"; "he used gummed reinforcements to hold the page in his notebook" -05064541 __topography_NN_1 the configuration of a surface and the relations among its man-made and natural features -10471948 __primary_care_physician_NN_1 the physician who provides primary care; "the primary care physician acts as a gatekeeper to the medical system" -05578095 __heel_NN_2 the back part of the human foot -01588589 __xenicus_NN_1 type genus for the Xenicidae -06736405 __attestation_NN_1 the action of bearing witness -10469611 __publicity_man_NN_1 someone employed to arrange publicity (for a firm or a public figure) -10316527 __sky_pilot_NN_1 a chaplain in one of the military services -09482916 __yukon_river_NN_1 a North American river that flows westward from the Yukon Territory through central Alaska to the Bering Sea -02562315 __sunfish_NN_3 small carnivorous freshwater percoid fishes of North America usually having a laterally compressed body and metallic luster: crappies; black bass; bluegills; pumpkinseed -01882689 __jazz_around_VB_1 wander aimlessly in search of pleasure -00667246 __brain_surgery_NN_1 any surgical procedure involving the brain -04512476 __university_of_pennsylvania_NN_1 a university in Philadelphia, Pennsylvania -10464542 __preceptor_NN_1 teacher at a university or college (especially at Cambridge or Oxford) -09346120 __mainland_NN_1 the main land mass of a country or continent; as distinguished from an island or peninsula -13104059 __tree_NN_1 a tall perennial woody plant having a main trunk and branches forming a distinct elevated crown; includes both gymnosperms and angiosperms -10463943 __prattler_NN_1 someone who speaks in a childish way -09162414 __ciudad_bolivar_NN_1 a port in eastern Venezuela on the Orinoco river -04289027 __sprinkler_NN_1 mechanical device that attaches to a garden hose for watering lawn or garden -07972425 __feudalism_NN_1 the social system that developed in Europe in the 8th century; vassals were protected by lords who they had to serve in war -01721010 __division_dicynodontia_NN_1 a division of Therapsida -10462860 __practitioner_NN_1 someone who practices a learned profession -00340662 __reshuffling_NN_1 shuffling again; "the gambler demanded a reshuffle" -02004492 __xenorhyncus_asiaticus_NN_1 large mostly white Australian stork -10461747 __influence_NN_5 one having power to influence another; "she was the most important influence in my life"; "he was a bad influence on the children" -10461169 __powderer_NN_1 someone who applies or scatters powder -00050195 __appearance_NN_5 the act of appearing in public view; "the rookie made a brief appearance in the first period"; "it was Bernhardt's last appearance in America" -10460806 __thrower_NN_3 a craftsman who shapes pottery on a potter's wheel and bakes them it a kiln -01498268 __genus_dasyatis_NN_1 type genus of the Dasyatidae -10460286 __spelunker_NN_1 a person who explores caves -12366675 __mangosteen_tree_NN_1 East Indian tree with thick leathery leaves and edible fruit -02436645 __water_deer_NN_1 largest chevrotain; of marshy areas of west Africa -01690005 __genus_anguis_NN_1 type genus of the Anguidae: blindworms -13417410 __bond_certificate_NN_1 a certificate of debt (usually interest-bearing or discounted) that is issued by a government or corporation in order to raise money; the issuer is required to pay a fixed sum annually until maturity and then a fixed sum to repay the principal -10183157 __homunculus_NN_2 a tiny fully formed individual that (according to the discredited theory of preformation) is supposed to be present in the sperm cell -07763629 __kiwi_fruit_NN_1 fuzzy brown egg-shaped fruit with slightly tart green flesh -10457444 __postulator_NN_2 someone who assumes or takes something for granted as the basis of an argument -02366825 __myocastor_NN_1 a genus of Capromyidae -01816635 __psittaciformes_NN_1 an order of birds including parrots and amazons and cockatoos and lorikeets and lories and macaws and parakeets -13931145 __friendship_NN_1 the state of being friends (or friendly) -01753959 __pit_viper_NN_1 New World vipers with hollow fangs and a heat-sensitive pit on each side of the head -04270147 __spatula_NN_1 a turner with a narrow flexible blade -00662589 __see_to_it_VB_1 be careful or certain to do something; make certain of something; "He verified that the valves were closed"; "See that the curtains are closed"; "control the quality of the product" -06995222 __sotho_NN_2 any of the mutually intelligible southern Bantu languages of the Sotho in Botswana and South Africa and Lesotho -02364989 __genus_dolichotis_NN_1 maras -10454972 __pork_butcher_NN_1 a vendor of pork and products made from pork -01989701 __stomatopoda_NN_1 mantis shrimps -03305522 __explosive_device_NN_1 device that bursts with sudden violence from internal energy -02085742 __dock_VB_1 come into dock; "the ship docked" -02802721 __basketball_equipment_NN_1 sports equipment used in playing basketball -03015254 __dresser_NN_1 furniture with drawers for keeping clothes -02172870 __may_bug_NN_2 any of various large usually brown North American leaf-eating beetles common in late spring; the larvae feed on roots of grasses etc. -10452260 __polygamist_NN_1 someone who is married to two or more people at the same time -00882702 __tasting_NN_2 a kind of sensing; distinguishing substances by means of the taste buds; "a wine tasting" -04180314 __sewing_stitch_NN_1 a stitch made with thread and a threaded sewing needle through fabric or leather -01158190 __demobilization_NN_1 act of changing from a war basis to a peace basis including disbanding or discharging troops; "demobilization of factories"; "immediate demobilization of the reserves" -00610374 __recognize_VB_4 perceive to be the same -07201365 __description_NN_2 the act of describing something -02336129 __reithrodontomys_NN_1 New World harvest mice -01783706 __symphilid_NN_1 minute arthropod often infesting the underground parts of truck-garden and greenhouse crops -00965404 __violence_NN_1 an act of aggression (as one against a person who resists); "he may accomplish by craft in the long run what he cannot do by force and violence in the short one" -06892016 __turn_NN_10 a short theatrical performance that is part of a longer program; "he did his act three times every evening"; "she had a catchy little routine"; "it was one of the best numbers he ever did" -00052146 __tying_up_NN_1 the act of securing an arriving vessel with ropes -10443170 __spoiler_NN_2 someone who takes spoils or plunder (as in war) -08143926 __federal_aviation_agency_NN_1 an agency in the Department of Transportation that is responsible for the safety of civilian aviation -05082507 __stance_NN_1 standing posture -00169458 __change_VB_5 change clothes; put on different clothes; "Change before you go to the opera" -14761806 __shammy_leather_NN_1 a soft suede leather formerly from the skin of the chamois antelope but now from sheepskin -00981180 __amphibious_operation_NN_1 a military operation by both land and sea forces -01587148 __melanotis_NN_1 a genus of Mimidae -03339643 __filter_NN_1 device that removes something from whatever passes through it -02288295 __win_VB_2 win something through one's efforts; "I acquired a passing knowledge of Chinese"; "Gain an understanding of international finance" -02579557 __pompano_NN_2 any of several deep-bodied food fishes of western Atlantic and Gulf of Mexico -15256915 __playing_period_NN_1 (in games or plays or other performances) the time during which play proceeds; "rain stopped play in the 4th inning" -05059132 __speediness_NN_1 a rate that is rapid -01085098 __share_NN_3 the allotment of some amount by dividing something; "death gets more than its share of attention from theologians" -15124183 __phanerozoic_eon_NN_1 the period from about 5,400 million years ago until the present -08095160 __conservative_judaism_NN_1 Jews who keep some of the requirements of the Mosaic law but allow for adaptation of other requirements (as some of the dietary laws) to fit modern circumstances -07154046 __platitude_NN_1 a trite or obvious remark -10437698 __plainsman_NN_1 an inhabitant of a plains region (especially the Great Plains of North America) -01640855 __fulfill_VB_1 put in effect; "carry out a task"; "execute the decision of the people"; "He actioned the operation" -01521602 __pterocnemia_NN_1 a genus of birds of the family Rheidae -00981544 __stutter_VB_1 speak haltingly; "The speaker faltered when he saw his opponent enter the room" -02508021 __racoon_NN_1 an omnivorous nocturnal mammal native to North America and Central America -02661892 __grey_flounder_NN_1 flounder found from North Carolina to Florida and the eastern Gulf of Mexico -10791115 __working_girl_NN_1 a young woman who is employed -04654652 __geniality_NN_1 a disposition to be friendly and approachable (easy to talk to) -13357178 __money_supply_NN_1 the total stock of money in the economy; currency held by the public plus money in accounts in banks -10433737 __procurer_NN_1 someone who procures customers for whores (in England they call a pimp a ponce) -01368216 __escherichia_NN_1 a genus of enteric bacteria -01872772 __spiny_anteater_NN_1 a burrowing monotreme mammal covered with spines and having a long snout and claws for hunting ants and termites; native to New Guinea -09356080 __mississippi_river_NN_1 a major North American river and the chief river of the United States; rises in northern Minnesota and flows southward into the Gulf of Mexico -08133855 __united_states_public_health_service_NN_1 an agency that serves as the office of Surgeon General; includes agencies whose mission is to improve the public health -10589243 __shikse_NN_1 a derogatory term used by Jews to refer to non-Jewish women -04841358 __thoughtfulness_NN_2 kind and considerate regard for others; "he showed no consideration for her feelings" -03884778 __pantheon_NN_3 (antiquity) a temple to all the gods -01773535 __envenom_VB_1 cause to be bitter or resentful; "These injustices embittered her even more" -09160968 __vila_NN_1 capital of Vanuatu -01965747 __pectinidae_NN_1 scallops -02363005 __beaver_NN_7 large semiaquatic rodent with webbed hind feet and a broad flat tail; construct complex dams and underwater lodges -00952524 __tell_VB_2 let something be known; "Tell them that you will be late" -03327841 __wing_NN_10 a barrier that surrounds the wheels of a vehicle to block splashing water or mud; "in Britain they call a fender a wing" -04258982 __sole_NN_1 the underside of footwear or a golf club -11084110 __el_nino_NN_2 the Christ child -10420277 __petty_juror_NN_1 a member of a petit jury -01648494 __genus_bombina_NN_1 fire-bellied toads -00169955 __attractive_JJ_3 having the properties of a magnet; the ability to draw or pull; "an attractive force"; -01384491 __microbe_NN_1 a minute life form (especially a disease-causing bacterium); the term is not in technical use -04163364 __trade_route_NN_1 a lane at sea that is a regularly used route for vessels -10418841 __persuader_NN_1 someone who tries to persuade or induce or lead on -04612840 __yoke_NN_7 stable gear that joins two draft animals at the neck so they can work together as a team -00967310 __predation_NN_1 an act of plundering and pillaging and marauding -01991233 __family_armadillidiidae_NN_1 pill bugs -10613387 __smallholder_NN_1 a person owning or renting a smallholding -10418302 __incarnation_NN_1 a new personification of a familiar idea; "the embodiment of hope"; "the incarnation of evil"; "the very avatar of cunning" -01566888 __parulidae_NN_1 New World warblers -08028999 __party_of_democratic_kampuchea_NN_1 a communist organization formed in Cambodia in 1970; became a terrorist organization in 1975 when it captured Phnom Penh and created a government that killed an estimated three million people; was defeated by Vietnamese troops but remained active until 1999 -02065726 __megaptera_novaeangliae_NN_1 large whalebone whale with long flippers noted for arching or humping its back as it dives -07346344 __soliton_wave_NN_1 (physics) a quantum of energy or quasiparticle that can be propagated as a traveling wave in nonlinear systems and is neither preceded nor followed by another such disturbance; does not obey the superposition principle and does not dissipate; "soliton waves can travel long distances with little loss of energy or structure" -06783768 __question_NN_2 the subject matter at issue; "the question of disease merits serious discussion"; "under the head of minor Roman poets" -10415638 __performing_artist_NN_1 an entertainer who performs a dramatic or musical work for an audience -07234230 __accusation_NN_1 a formal charge of wrongdoing brought against a person; the act of imputing blame or guilt -10412910 __peer_NN_2 a nobleman (duke or marquis or earl or viscount or baron) who is a member of the British peerage -10133458 __goniff_NN_1 (Yiddish) a thief or dishonest person or scoundrel (often used as a general term of abuse) -10386196 __out-and-outer_NN_1 someone who is excellent at something -02970408 __tote_bag_NN_1 a capacious bag or basket -01762525 __arthropod_genus_NN_1 a genus of arthropods -10411551 __pitchman_NN_2 someone who travels about selling his wares (as on the streets or at carnivals) -10410668 __provincial_NN_2 a country person -01153947 __pay_off_VB_6 take vengeance on or get even; "We'll get them!"; "That'll fix him good!"; "This time I got him" -02453373 __order_edentata_NN_1 order of mammals having few or no teeth including: New World anteaters; sloths; armadillos -02245592 __suborder_homoptera_NN_1 plant lice (aphids); whiteflies; cicadas; leafhoppers; plant hoppers; scale insects and mealybugs; spittle insects -01839598 __flicker_NN_2 North American woodpecker -05651971 __sentiency_NN_1 the faculty through which the external world is apprehended; "in the dark he had to depend on touch and on his senses of smell and hearing" -00122954 __shoot_NN_2 the act of shooting at targets; "they hold a shoot every weekend during the summer" -10407552 __patroller_NN_1 someone on patrol duty; an individual or a member of a group that patrols an area -10407310 __patriot_NN_1 one who loves and defends his or her country -10406391 __patriarch_NN_3 any of the early biblical characters regarded as fathers of the human race -10405694 __patient_NN_1 a person who requires medical care; "the number of emergency patients has grown rapidly" -10404672 __passerby_NN_1 a person who passes by casually or by chance -04200637 __shoestring_NN_1 a lace used for fastening shoes -12648424 __sand_cherry_NN_1 small straggling American cherry growing on sandy soil and having minute scarcely edible purplish-black fruit -10404426 __passer_NN_3 a student who passes an examination -10536416 __rock_star_NN_1 a famous singer of rock music -10402417 __partner_NN_3 a person who is a member of a partnership -10402086 __zealot_NN_2 a fervent and even militant proponent of something -10401639 __sharer_NN_1 someone who has or gives or receives a part or a share -01079604 __suppression_NN_3 forceful prevention; putting down by power or authority; "the suppression of heresy"; "the quelling of the rebellion"; "the stifling of all dissent" -02714731 __protuberate_VB_1 cause to bulge out or project -02378870 __prancer_NN_1 a mettlesome or fiery horse -04297476 __stage_set_NN_1 representation consisting of the scenery and other properties used to identify the location of a dramatic production; "the sets were meticulously authentic" -01684435 __genus_eumeces_NN_1 New World skinks -10399130 __pardoner_NN_2 a medieval cleric who raised money for the church by selling papal indulgences -10398624 __paraprofessional_NN_1 a trained worker who is not a member of a profession but who assists a professional -00237259 __reduce_VB_17 be cooked until very little liquid is left; "The sauce should reduce to one cup" -00382739 __tribalization_NN_1 the act of making tribal; unification on a tribal basis -03069752 __college_NN_3 a complex of buildings in which an institution of higher education is housed -02447793 __indorse_VB_3 guarantee as meeting a certain standard; "certified grade AAA meat" -05808794 __reading_NN_1 the cognitive process of understanding a written linguistic message; "his main reading was detective stories"; "suggestions for further reading" -10395390 __spoiler_NN_3 someone who pampers or spoils by excessive indulgence -06687883 __visa_NN_1 an endorsement made in a passport that allows the bearer to enter the country issuing it -02907082 __broomstick_NN_1 the handle of a broom -04921754 __upbringing_NN_1 properties acquired during a person's formative years -02409702 __genus_bibos_NN_1 wild ox -01983771 __change_posture_VB_1 undergo a change in bodily posture -06744000 __rubric_NN_2 an explanation or definition of an obscure word in a text -14314850 __sternutation_NN_1 a symptom consisting of the involuntary expulsion of air from the nose -03174211 __demeclocycline_hydrochloride_NN_1 tetracycline antibacterial (trade name Declomycin) effective in the treatment of some bacterial and rickettsial and other infections -10389398 __possessor_NN_1 a person who owns something; "they are searching for the owner of the car"; "who is the owner of that friendly smile?" -00383952 __interruption_NN_1 an act of delaying or interrupting the continuity; "it was presented without commercial breaks"; "there was a gap in his account" -05891572 __scheme_NN_5 a schematic or preliminary plan -10387586 __left_fielder_NN_1 the person who plays left field -14030820 __impendency_NN_1 the state of being imminent and liable to happen soon -03433877 __generator_NN_2 engine that converts mechanical energy into electrical energy by electromagnetic induction -04892544 __subjectivity_NN_1 judgment based on individual personal impressions and feelings and opinions rather than external facts -03049457 __closet_NN_4 a small private room for study or prayer -10386984 __outfielder_NN_1 (baseball) a person who plays in the outfield -01209576 __service_NN_2 an act of help or assistance; "he did them a service" -02152881 __quarry_NN_3 animal hunted or caught for food -00788973 __struggle_NN_1 an energetic attempt to achieve something; "getting through the crowd was a real struggle"; "he fought a battle for recognition" -09228619 __brazos_river_NN_1 a river that rises in Mexico and flows across Texas into the Gulf of Mexico -00684988 __microsurgery_NN_1 surgery using operating microscopes and miniaturized precision instruments to perform intricate procedures on very small structures -01584529 __troglodytes_NN_1 type genus of the Troglodytidae -00548173 __officiation_NN_2 the performance of a religious or ceremonial or public duty -04287153 __spout_NN_1 an opening that allows the passage of liquids or grain -01818704 __nestor_NN_2 a genus of Psittacidae -04332243 __strainer_NN_1 a filter to retain larger pieces while smaller pieces and liquids pass through -10380672 __speechmaker_NN_1 a person who delivers a speech or oration -06804199 __bugle_call_NN_1 a signal broadcast by the sound of a bugle -10380305 __optometrist_NN_1 a person skilled in testing for defects of vision in order to prescribe corrective glasses -02923129 __burner_NN_1 an apparatus for burning fuel (or refuse); "a diesel engine is an oil burner" -03027250 __chuck_NN_3 a holding device consisting of adjustable jaws that center a workpiece in a lathe or center a tool in a drill -10379376 __self-seeker_NN_1 a person who places expediency above principle -13740168 __zippo_NN_1 a quantity of no importance; "it looked like nothing I had ever seen before"; "reduced to nil all the work we had done"; "we racked up a pathetic goose egg"; "it was all for naught"; "I didn't hear zilch about it" -01084637 __deal_NN_9 the act of apportioning or distributing something; "the captain was entrusted with the deal of provisions" -10689104 __tail_NN_5 a spy employed to follow someone and report their movements -01471682 __vertebrate_NN_1 animals having a bony or cartilaginous skeleton with a segmented spinal column and a large brain enclosed in a skull or cranium -01381044 __streptococcus_NN_1 spherical Gram-positive bacteria occurring in pairs or chains; cause e.g. scarlet fever and tonsillitis -10378412 __operator_NN_2 an agent that operates some apparatus or machine; "the operator of the switchboard" -01179167 __protest_march_NN_1 occasion when you can express opposition by marching (usually on some government institution) without a license -02690429 __chaffy_JJ_1 abounding in or covered with or resembling or consisting of chaff -02153203 __game_bird_NN_1 any bird (as grouse or pheasant) that is hunted for sport -03762602 __mihrab_NN_1 (Islam) a design in the shape of niche in a Muslim prayer rug; during worship the niche must be pointed toward Mecca -09125354 __schenectady_NN_1 a city of eastern New York on the Mohawk river; it prospered after the opening of the Erie Canal -01505991 __melted_JJ_1 changed from a solid to a liquid state; "rivers filled to overflowing by melted snow" -10375690 __old_man_NN_5 (slang) boss -08335886 __united_states_supreme_court_NN_1 the highest federal court in the United States; has final appellate jurisdiction and has jurisdiction over all other courts in the nation -05594037 __leg_bone_NN_1 a bone of the leg -02738535 __armchair_NN_1 chair with a support on each side for arms -05850624 __facet_NN_1 a distinct feature or element in a problem; "he studied every facet of the question" -05951323 __expectancy_NN_2 something expected (as on the basis of a norm); "each of them had their own anticipations"; "an indicator of expectancy in development" -01296697 __tarawa-makin_NN_1 battles in World War II in the Pacific (November 1943); United States Marines took the islands from the Japanese after bitter fighting -01994846 __retrograde_VB_3 move back; "The glacier retrogrades" -10374282 __ogler_NN_1 a viewer who gives a flirtatious or lewd look at another person -10372076 __official_NN_2 someone who administers the rules of a game or sport; "the golfer asked for an official who could give him a ruling" -10371450 __officer_NN_2 someone who is appointed or elected to an office and who holds a position of trust; "he is an officer of the court"; "the club elected its officers for the coming year" -07882886 __premix_NN_1 a commercially prepared mixture of dry ingredients -10150556 __irregular_NN_1 a member of an irregular armed force that fights a stronger force by sabotage and harassment -13289845 __appropriation_NN_1 money set aside (as by a legislature) for a specific purpose -04117216 __rudder_NN_2 (nautical) steering mechanism consisting of a hinged vertical plate mounted at the stern of a vessel -00521209 __showing_NN_2 something shown to the public; "the museum had many exhibits of oriental art" -05662532 __accounting_NN_2 a system that provides quantitative information about finances -02171039 __take_heed_VB_1 listen and pay attention; "Listen to your father"; "We must hear the expert before we make a decision" -00961586 __commentate_VB_1 make a commentary on -10366966 __nurse_NN_1 one skilled in caring for young children or the sick (usually under the supervision of a physician) -10366779 __numismatologist_NN_1 a collector and student of money (and coins in particular) -01301630 __war_between_the_states_NN_1 civil war in the United States between the North and the South; 1861-1865 -10226803 __jumper_NN_2 an athlete who competes at jumping; "he is one hell of a jumper" -05114371 __shortfall_NN_1 the property of being an amount by which something is less than expected or required; "new blood vessels bud out from the already dilated vascular bed to make up the nutritional deficit" -03148324 __cupboard_NN_1 a small room (or recess) or cabinet used for storage space -01856748 __subgenus_chen_NN_1 wild goose having white adult plumage -10363913 __tyro_NN_1 someone new to a field or activity -05463533 __nerve_centre_NN_2 a cluster of nerve cells governing a specific bodily process; "in most people the speech center is in the left hemisphere" -13252395 __hacienda_NN_1 a large estate in Spanish-speaking countries -10363149 __notary_public_NN_1 someone legally empowered to witness signatures and certify a document's validity and to take depositions -01808785 __subfamily_numidinae_NN_1 guinea fowl and related birds of Africa and Madagascar -01778212 __physical_JJ_1 involving the body as distinguished from the mind or spirit; "physical exercise"; "physical suffering"; "was sloppy about everything but her physical appearance" -00795008 __trying_on_NN_1 putting clothes on to see whether they fit -02398732 __suborder_ruminantia_NN_1 cattle; bison; sheep; goats; antelopes; deer; chevrotains; giraffes; camels -10362319 __nonsmoker_NN_1 a person who does not smoke tobacco -02593019 __snapper_NN_4 Australian food fish having a pinkish body with blue spots -06542830 __injunction_NN_2 (law) a judicial remedy issued in order to prohibit a party from doing or continuing to do a certain activity; "injunction were formerly obtained by writ but now by a judicial order" -13252293 __signory_NN_1 the estate of a seigneur -00876874 __sensing_NN_2 becoming aware of something via the senses -10361525 __unperson_NN_1 a person regarded as nonexistent and having no rights; a person whose existence is systematically ignored (especially for ideological or political reasons); "the former senator is treated as a nonperson by this administration"; "George Orwell predicted that political dissidents would be treated as unpersons" -03096273 __contraband_NN_1 goods whose importation or exportation or possession is prohibited by law -02889035 __gold_braid_NN_1 trimming used to decorate clothes or curtains -10361296 __nonparticipant_NN_1 a person who does not participate -04170515 __self-starter_NN_2 an electric starting motor that automatically starts an internal-combustion engine -00045646 __rallying_NN_2 the feat of mustering strength for a renewed effort; "he singled to start a rally in the 9th inning"; "he feared the rallying of their troops for a counterattack" -11059079 __william_hoover_NN_1 United States industrialist who manufactured vacuum cleaners (1849-1932) -13157137 __pinnate_leaf_NN_1 a leaf resembling a feather; having the leaflets on each side of a common axis -05751173 __rage_NN_5 an interest followed with exaggerated zeal; "he always follows the latest fads"; "it was all the rage that season" -04238321 __zipper_NN_1 a fastener for locking together two toothed edges by means of a sliding tab -01668257 __pseudemys_NN_1 sliders; red-bellied terrapin -01989097 __mysidae_NN_1 small shrimp-like crustaceans -13988101 __rapture_NN_2 a state of elated bliss -10358032 __night_porter_NN_1 a porter on duty during the night -06764867 __cross-reference_NN_1 a reference at one place in a work to information at another place in the same work -06991980 __bantu_NN_2 a family of languages widely spoken in the southern half of the African continent -01631830 __excusatory_JJ_1 offering or expressing apology; "an apologetic note"; "an apologetic manner" -01878803 __petrogale_NN_1 rock wallabies -07260623 __touchstone_NN_1 a basis for comparison; a reference point against which other things can be evaluated; "the schools comply with federal standards"; "they set the measure for all subsequent work" -02072209 __monodontidae_NN_1 narwhals -01773930 __theridiidae_NN_1 a family of comb-footed spiders -02846260 __black_NN_6 (board games) the darker pieces -05648247 __unskillfulness_NN_1 a lack of cognitive skill -10593745 __showman_NN_2 a sponsor who books and stages public entertainments -03473966 __habit_NN_3 a distinctive attire worn by a member of a religious order -12296218 __genus_gentianopsis_NN_1 genus of fringed gentians; in some classifications included in genus Gentiana -09036098 __serengeti_plain_NN_1 a vast plain in Tanzania to the west of the Great Rift Valley known for its wildlife -05675905 __knowingness_NN_1 having knowledge of; "he had no awareness of his mistakes"; "his sudden consciousness of the problem he faced"; "their intelligence and general knowingness was impressive" -09998101 __trickster_NN_2 someone who leads you to believe something that is not true -00962567 __civil_war_NN_1 a war between factions in the same country -04654337 __friendliness_NN_2 a friendly disposition -00675064 __gastrostomy_NN_1 surgical creation of an opening through the abdominal wall into the stomach (as for gastrogavage) produced in quantity at a factory -13487409 __glaciation_NN_2 the process of covering the earth with glaciers or masses of ice -01716732 __suborder_maniraptora_NN_1 advanced theropods including oviraptorids and dromaeosaurs and possibly even modern birds -09094217 __capital_of_maryland_NN_1 state capital of Maryland; site of the United States Naval Academy -13071029 __hygrophorus_NN_1 a genus of fungi belonging to the family Hygrophoraceae -05273684 __centrum_NN_1 the main body of a vertebra -02030709 __genus_catoptrophorus_NN_1 willet -10347593 __naval_officer_NN_1 an officer in the navy -08984567 __iberian_peninsula_NN_1 a peninsula in southwestern Europe -10346015 __nationalist_NN_2 an advocate of national independence of or a strong national government -14761122 __caffeine_NN_1 a bitter alkaloid found in coffee and tea that is responsible for their stimulating effects -10345015 __nan_NN_1 your grandmother -04385079 __tailor-made_NN_1 custom-made clothing -03106110 __cord_NN_1 a line made of twisted fibers or threads; "the bundle was tied with a cord" -00449692 __empty_VB_1 make void or empty of contents; "Empty the box"; "The alarm emptied the building" -10246703 __lapidary_NN_1 an expert on precious stones and the art of cutting and engraving them -02658944 __limanda_NN_1 a genus of Pleuronectidae; righteye flounders having a humped nose and small scales; the underside is often brightly colored -01567530 __parula_NN_1 type genus of the Parulidae: wood warblers -13660337 __nautical_mile_NN_2 a unit of length used in navigation; exactly 1,852 meters; historically based on the distance spanned by one minute of arc in latitude -01086081 __giving_NN_1 the act of giving -01018366 __protraction_NN_2 the act of prolonging something; "there was an indefinite prolongation of the peace talks" -10339504 __ruminator_NN_1 a reflective thinker characterized by quiet contemplation -10339350 __muscleman_NN_1 a bully employed as a thug or bodyguard; "the drug lord had his muscleman to protect him" -10338231 __mullah_NN_1 a Muslim trained in the doctrine and law of Islam; the head of a mosque -10338094 __skinner_NN_5 a worker who drives mules -10334782 __mountebank_NN_1 a flamboyant deceiver; one who attracts customers with tricks or jokes -01905661 __invertebrate_NN_1 any animal lacking a backbone or notochord; the term is not used as a scientific classification -02515914 __subclass_dipnoi_NN_1 bony fishes of the southern hemisphere that breathe by a modified air bladder as well as gills; sometimes classified as an order of Crossopterygii -01374457 __nitrobacterium_NN_1 any of the bacteria in the soil that take part in the nitrogen cycle; they oxidize ammonium compounds into nitrites or oxidize nitrites into nitrates -01357967 __schizophyta_NN_1 former term for the Cyanophyta -10333165 __mother_hen_NN_1 a person who cares for the needs of others (especially in an overprotective or interfering way) -02630739 __billfish_NN_2 giant warm-water game fish having a prolonged and rounded toothless upper jaw -06889330 __ostentation_NN_1 a gaudy outward display -02196214 __salt_VB_1 add salt to -10329337 __monopolizer_NN_1 someone who monopolizes the means of producing or selling something -05273408 __unciform_bone_NN_1 the wrist bone in line with the 4th and 5th fingers -00717748 __splattering_NN_2 the act of splashing a (liquid) substance on a surface -04341133 __strongroom_NN_1 a burglarproof and fireproof room in which valuables are kept -06488880 __character_set_NN_1 an ordered list of characters that are used together in writing or printing -02801938 __handbasket_NN_1 a container that is usually woven and has handles -04906923 __sycophancy_NN_1 fawning obsequiousness -02484473 __old_world_monkey_NN_1 of Africa or Arabia or Asia; having nonprehensile tails and nostrils close together -04333500 __strap_NN_3 a band that goes over the shoulder and supports a garment or bag -01215902 __support_NN_1 the activity of providing for or maintaining by supplying with money or necessities; "his support kept the family together"; "they gave him emotional support during difficult times" -00588881 __apostleship_NN_1 the position of apostle -10327475 __moll_NN_1 the girlfriend of a gangster -08192817 __marines_NN_1 members of a body of troops trained to serve on land or at sea -02984699 __cathode_NN_1 a negatively charged electrode that is the source of electrons entering an electrical device -10254392 __loaner_NN_1 someone who lends money or gives credit in business matters -08245425 __mafia_NN_3 any tightly knit group of trusted associates -00689729 __uvulopalatopharyngoplasty_NN_1 surgical resection of unnecessary palatal and oropharyngeal tissue to open the airway; intended to cure extreme cases of snoring (with or without sleep apnea) -10326087 __moderator_NN_4 someone who mediates disputes and attempts to avoid violence -10325549 __class_act_NN_1 someone who shows impressive and stylish excellence -10325243 __saint_NN_3 model of excellence or perfection of a kind; one having no equal -13342692 __venture_NN_2 an investment that is very risky but could yield great profits; "he knew the stock was a speculation when he bought it" -10323182 __missioner_NN_1 someone sent on a mission--especially a religious or charitable mission to a foreign country -05911560 __401-k_plan_NN_1 a retirement savings plan that is funded by employee contributions and (often) matching contributions from the employer; contributions are made from your salary before taxes and the funds grow tax-free until they are withdrawn, at which point they can be converted into an IRA; funds can be transferred if you change employers and you can (to some extent) manage the investments yourself -01024763 __touch_on_VB_1 refer to or discuss briefly -00354884 __relief_NN_9 the act of reducing something unpleasant (as pain or annoyance); "he asked the nurse for relief from the constant pain" -05265139 __smear_NN_2 a thin tissue or blood sample spread on a glass slide and stained for cytologic examination and diagnosis under a microscope -05669934 __state_of_mind_NN_2 the state of a person's cognitive processes -00897564 __turn_to_VB_1 speak to; "He addressed the crowd outside the window" -04759849 __concreteness_NN_1 the quality of being concrete (not abstract) -04634161 __high-spiritedness_NN_1 exuberant liveliness -10319796 __mineworker_NN_1 laborer who works in a mine -06248361 __graphology_NN_1 the study of handwriting (especially as an indicator of the writer's character or disposition) -00590047 __chairmanship_NN_1 the position of chairman -00580865 __vesiculate_VB_2 cause to become vesicular or full of air cells; "vesiculate an organ" -10317500 __mp_NN_1 a member of the military police who polices soldiers and guards prisoners -00716055 __suturing_NN_1 surgical joining of two surfaces -10316164 __military_advisor_NN_1 a military officer who serves as an adviser to the troops of an allied nation -05874232 __rule_NN_10 a rule or law concerning a natural phenomenon or the function of a complex system; "the principle of the conservation of mass"; "the principle of jet propulsion"; "the right-hand rule for inductive fields" -10314703 __midshipman_NN_1 a temporary rank held by young naval officers in training -03808977 __narcotic_antagonist_NN_1 an antagonist used to counteract the effects of narcotics (especially to counteract the depression of respiration) -10269458 __roomer_NN_1 a tenant in someone's house -09072810 __fort_lauderdale_NN_1 a city in southeast Florida on the Atlantic coast to the north of Miami; a favorite place for college students to go on their spring vacations -01566386 __timaliidae_NN_1 babblers -09179776 __motivator_NN_1 a positive motivational influence -09031061 __paramaribo_NN_1 the capital and largest city and major port of Surinam -05238036 __sheath_NN_2 an enveloping structure or covering enclosing an animal or plant organ or part -08062970 __paper_NN_6 a business firm that publishes newspapers; "Murdoch owns many newspapers" -09618760 __exponent_NN_2 someone who expounds and interprets or explains -00679389 __prefer_VB_2 select as an alternative over another; "I always choose the fish over the meat courses in this restaurant"; "She opted for the job on the East coast" -07184391 __fight_NN_4 an intense verbal dispute; "a violent fight over the bill is expected in the Senate" -02062209 __order_cetacea_NN_1 an order of Eutheria -05704096 __advertency_NN_1 the process of being heedful -07551691 __good_temper_NN_1 a cheerful and agreeable mood -04495843 __tugboat_NN_1 a powerful small boat designed to pull or push larger ships -08152787 __clergy_NN_1 in Christianity, clergymen collectively (as distinguished from the laity) -03351979 __fishing_rod_NN_1 a rod of wood or steel or fiberglass that is used in fishing to extend the fishing line -10176475 __hipster_NN_1 someone who rejects the established culture; advocates extreme liberalism in politics and lifestyle -03969259 __plumbing_fixture_NN_1 a fixture for the distribution and use of water in a building -11015080 __st._gregory_of_nazianzen_NN_1 (Roman Catholic Church) a church father known for his constant fight against perceived heresies; a saint and Doctor of the Church (329-391) -03022406 __trichloromethane_NN_1 a volatile liquid haloform (CHCl3); formerly used as an anesthetic; "chloroform was the first inhalation anesthetic" -08305942 __ally_NN_1 a friendly nation -00670991 __stand_VB_6 have or maintain a position or stand on an issue; "Where do you stand on the War?" -03836451 __nut_and_bolt_NN_1 a fastener made by screwing a nut onto a threaded bolt -09911570 __spouter_NN_1 an obnoxious and foolish and loquacious talker -00749991 __double_cross_NN_1 an act of betrayal; "he gave us the old double cross"; "I could no longer tolerate his impudent double-crossing" -08508736 __wellspring_NN_1 the source of water for a well -03259505 __home_NN_2 housing that someone is living in; "he built a modest dwelling near the pond"; "they raise money to provide homes for the homeless" -14543552 __riskiness_NN_1 a state of danger involving risk -10298912 __skipper_NN_2 an officer who is licensed to command a merchant ship -10298647 __master_NN_4 directs the work of others -10297367 __masochist_NN_1 someone who obtains pleasure from receiving punishment -05617467 __generalship_NN_1 the leadership ability of a military general -01493366 __squalidae_NN_1 dogfishes having a spine in each dorsal fin -10295819 __married_NN_1 a person who is married; "we invited several young marrieds" -00573268 __approach_shot_NN_1 a relatively short golf shot intended to put the ball onto the putting green; "he lost the hole when his approach rolled over the green" -10294602 __tar_NN_2 a man who serves as a sailor -00163047 __willing_NN_1 the act of making a choice; "followed my father of my own volition" -02078882 __genus_eumetopias_NN_1 sea lions -02720725 __antihistamine_NN_1 a medicine used to treat allergies and hypersensitive reactions and colds; works by counteracting the effects of histamine on a receptor site -10291730 __man_jack_NN_1 a single individual; "every man jack" -00099721 __work_out_VB_4 do physical exercise; "She works out in the gym every day" -01635432 __visualize_VB_1 imagine; conceive of; see in one's mind; "I can't see him on horseback!"; "I can see what will happen"; "I can see a risk in this strategy" -10214637 __inventor_NN_1 someone who is the first to think of or make something -07215568 __unmasking_NN_1 the exposure of an impostor or a fraud; "he published an expose of the graft and corruption in city government" -01163047 __whipping_NN_1 beating with a whip or strap or rope as a form of punishment -13024763 __hemiascomycetes_NN_1 class of fungi in which no ascocarps are formed: yeasts and some plant parasites -04974681 __snuff-colour_NN_1 dark yellowish brown -03293321 __epsom_salts_NN_2 (used with a singular noun) hydrated magnesium sulfate used as a laxative -00933566 __tone_down_VB_2 make less strong or intense; soften; "Tone down that aggressive letter"; "The author finally tamed some of his potentially offensive statements" -01555586 __muscicapidae_NN_1 Old World (true) flycatchers -01237231 __broadside_VB_1 collide with the broad side of; "her car broad-sided mine" -15193271 __january_1_NN_1 (Roman Catholic Church and Anglican Church) feast day celebrating the circumcision of Jesus; celebrated on January 1st -10285762 __transgressor_NN_1 someone who transgresses; someone who violates a law or command; "the way of transgressors is hard" -08977527 __peshawar_NN_1 city in northern Pakistan at the eastern end of the Khyber Pass -04461294 __towrope_NN_1 (nautical) a rope used in towing -06481156 __negotiable_instrument_NN_1 an unconditional order or promise to pay an amount of money -10284064 __shaper_NN_1 a person who makes things -03905730 __tholepin_NN_1 a holder attached to the gunwale of a boat that holds the oar in place and acts as a fulcrum for rowing -06365467 __matter_NN_6 written works (especially in books or magazines); "he always took some reading matter with him on the plane" -01033458 __office_NN_6 a religious rite or service prescribed by ecclesiastical authorities; "the offices of the mass" -10283037 __postman_NN_1 a man who delivers the mail -02945379 __camp_NN_5 a penal institution (often for forced labor); "China has many camps for political prisoners" -12661420 __genus_asperula_NN_1 woodruff -02073679 __trichechus_NN_1 type and sole genus of the Trichechidae -02642107 __scorpaenoid_fish_NN_1 fishes having the head armored with bony plates -15283097 __tempo_NN_2 the rate of some repeating event -01017738 __unfit_JJ_2 not in good physical or mental condition; out of condition; "fat and very unfit"; "certified as unfit for army service"; "drunk and unfit for service" -02963821 __car_door_NN_1 the door of a car -07224774 __alerting_NN_2 a warning serves to make you more alert to danger -10279540 __macushla_NN_1 (an Irish term of address expressing affection) darling -01614038 __harpy_eagle_NN_1 large black-and-white crested eagle of tropical America -07545594 __soft_spot_NN_2 a sentimental affection; "she had a soft spot for her youngest son" -01772222 __spider_NN_1 predatory arachnid with eight legs, two poison fangs, two feelers, and usually two silk-spinning organs at the back end of the body; they spin silk to make cocoons for eggs or traps for prey -10277638 __lutist_NN_1 a musician who plays the lute -06000400 __natural_science_NN_1 the sciences involved in the study of the physical world and its phenomena -08294696 __world_organization_NN_1 an international alliance involving many different countries -10276764 __maniac_NN_1 an insane person -01621714 __strigidae_NN_1 a family of nocturnal birds of the order Strigiformes -10276045 __lumberman_NN_1 a person who fells trees -02237730 __poecilocapsus_NN_1 a genus of Miridae -09137451 __providence_NN_1 the capital and largest city of Rhode Island; located in northeastern Rhode Island on Narragansett Bay; site of Brown University -05254795 __hair_NN_1 a covering for the body (or parts of it) consisting of a dense growth of threadlike structures (as on the human head); helps to prevent heat loss; "he combed his hair"; "each hair consists of layers of dead keratinized cells" -02388143 __pacesetter_NN_2 a horse used to set the pace in racing -10272171 __lord_high_chancellor_NN_1 the highest officer of the Crown who is head of the judiciary and who presides in the House of Lords -05818741 __observation_NN_4 facts learned by observing; "he reported his observations to the mayor" -09923418 __nonentity_NN_2 a person of no influence -06174404 __grammar_NN_1 the branch of linguistics that deals with syntax and morphology (and sometimes also deals with semantics) -06824955 __small_capital_NN_1 a character having the form of an upper-case letter but the same height as lower-case letters -00783063 __rip-off_NN_1 the act of stealing -04072551 __rein_NN_1 one of a pair of long straps (usually connected to the bit or the headpiece) used to control a horse -02500775 __scourge_VB_1 punish severely; excoriate -01239868 __commitment_NN_3 an engagement by contract involving financial obligation; "his business commitments took him to London" -01884476 __thylacinus_cynocephalus_NN_1 rare doglike carnivorous marsupial of Tasmania having stripes on its back; probably extinct -08405124 __headquarters_staff_NN_1 military staff stationed at headquarters -00204814 __tergiversation_NN_2 the act of abandoning a party for cause -04703424 __opaqueness_NN_2 the quality of being opaque to a degree; the degree to which something reduces the passage of light -07398276 __toot_NN_1 a blast of a horn -10265070 __social_lion_NN_1 a celebrity who is lionized (much sought after) -08494459 __south_frigid_zone_NN_1 the region around the south pole: Antarctica and surrounding waters -06953731 __scandinavian_language_NN_1 the northern family of Germanic languages that are spoken in Scandinavia and Iceland -02501278 __try_VB_3 put on trial or hear a case and sit as the judge at the trial of; "The football star was tried for the murder of his wife"; "The judge tried both father and son in separate trials" -07434102 __warping_NN_1 a moral or mental distortion -04777098 __secureness_NN_2 the quality of being fixed in place as by some firm attachment -05979350 __witchery_NN_1 the art of sorcery -00751887 __command_VB_1 be in command of; "The general commanded a huge army" -08049401 __association_NN_1 a formal organization of people or groups of people; "he joined the Modern Language Association" -13286254 __allowance_NN_1 an amount allowed or granted (as during a given period); "travel allowance"; "my weekly allowance of two eggs"; "a child's allowance should not be too generous" -01452954 __zeus_NN_2 type genus of the family Zeidae -09946957 __compiler_NN_1 a person who compiles information (as for reference purposes) -02639605 __polyodon_spathula_NN_1 primitive fish of the Mississippi valley having a long paddle-shaped snout -06392001 __subdivision_NN_4 a self-contained part of a larger composition (written or musical); "he always turns first to the business section"; "the history of this work is discussed in the next section" -01221542 __conglutinate_VB_2 stick together; "the edges of the wound conglutinated" -00758972 __wrath_NN_2 belligerence aroused by a real or supposed wrong (personified as one of the deadly sins) -10094782 __flak_catcher_NN_1 a slick spokesperson who can turn any criticism to the advantage of their employer -02835271 __tandem_bicycle_NN_1 a bicycle with two sets of pedals and two seats -05232691 __mesophyron_NN_1 a smooth prominence of the frontal bone between and above the eyebrows; the most forward projecting point of the forehead in the midline at the level of the supraorbital ridges -00152727 __diagnosis_NN_1 identifying the nature or cause of some phenomenon -02559862 __robalo_NN_1 a kind of percoid fish suggesting an unhealthy mental state; "morbid interest in death"; "morbid curiosity" -00501080 __pool_NN_9 any of various games played on a pool table having 6 pockets -00279239 __alphabetize_VB_1 arrange in alphabetical order; "Alphabetize the list" -08793489 __west_bank_NN_1 an area between Israel and Jordan on the west bank of the Jordan river; populated largely by Palestinians -05695806 __vis-a-vis_NN_1 a person or thing having the same function or characteristics as another -08558155 __realm_NN_2 the domain ruled by a king or queen -06890846 __flaunt_NN_1 the act of displaying something ostentatiously; "his behavior was an outrageous flaunt" -07534108 __loneliness_NN_2 sadness resulting from being forsaken or abandoned -01495493 __squatina_squatina_NN_1 sharks with broad flat bodies and winglike pectoral fins but that swim the way sharks do -10251125 __lazarus_NN_1 the person who Jesus raised from the dead after four days in the tomb; this miracle caused the enemies of Jesus to begin the plan to put him to death -10249950 __lawyer_NN_1 a professional person authorized to practice law; conducts lawsuits or gives legal advice -00677038 __hypophysectomy_NN_1 surgical removal of the pituitary gland -01044983 __word-worship_NN_1 the worship of words -11949402 __chamomile_NN_1 Eurasian plant with apple-scented foliage and white-rayed flowers and feathery leaves used medicinally; in some classification systems placed in genus Anthemis -14052403 __upset_NN_3 a physical condition in which there is a disturbance of normal functioning; "the doctor prescribed some medicine for the disorder"; "everyone gets stomach upsets from time to time" -02704949 __coliseum_NN_1 an oval large stadium with tiers of seats; an arena in which contests and spectacles are held -10067968 __inspector_NN_2 an investigator who observes carefully; "the examiner searched for clues" -10246511 __lapidist_NN_1 a skilled worker who cuts and engraves precious stones -10245639 __property_owner_NN_1 a holder or proprietor of land -02590072 __resort_VB_1 have recourse to; "The government resorted to rationing meat" -01408547 __ulva_NN_1 type genus of the family Ulvaceae; green seaweed having a thallus two cells thick: sea lettuce -00023868 __zonk_out_VB_1 lose consciousness due to a sudden trauma, for example -01264447 __vent_NN_5 activity that frees or expresses creative energy or emotion; "she had no other outlet for her feelings"; "he gave vent to his anger" -00150591 __lick_NN_2 touching with the tongue; "the dog's laps were warm and wet" -03759795 __micronor_NN_1 trade name for and oral contraceptive containing the progestin compound norethindrone -09213828 __cant_NN_2 a slope in the turn of a road or track; the outside is higher than the inside in order to reduce the effects of centrifugal force -08903636 __kolkata_NN_1 the largest city in India and one of the largest cities in the world; located in eastern India; suffers from poverty and overcrowding -01855188 __smew_NN_1 smallest merganser and most expert diver; found in northern Eurasia -01152787 __collectivization_NN_1 the organization of a nation or economy on the basis of collectivism -01808447 __oreortyx_NN_1 mountain quail of western United States -00606119 __treadmill_NN_3 a job involving drudgery and confinement -02013034 __grus_NN_2 type genus of the Gruidae: typical cranes -01745125 __elapid_snake_NN_1 any of numerous venomous fanged snakes of warmer parts of both hemispheres -00815173 __steering_NN_3 the act of steering a ship -04420461 __volume-detonation_bomb_NN_1 a bomb that uses a fuel-air explosive; "a thermobaric bomb can create overpressures equal to an atomic bomb" -01967094 __teredinid_NN_1 wormlike marine bivalve that bores into wooden piers and ships by means of drill-like shells -09469152 __variable_star_NN_1 a star that varies noticeably in brightness -12190410 __white_silk-cotton_tree_NN_1 massive tropical tree with deep ridges on its massive trunk and bearing large pods of seeds covered with silky floss; source of the silky kapok fiber -05579239 __biceps_NN_1 any skeletal muscle having two origins (but especially the muscle that flexes the forearm) -10236842 __kink_NN_3 a person with unusual sexual tastes -10236663 __patrisib_NN_1 one related on the father's side -01282711 __kennesaw_mountain_NN_1 battle of the American Civil War (1864); Union forces under William Tecumseh Sherman were repulsed by Confederate troops under Joseph Eggleston Johnston -01697027 __mould_VB_1 form in clay, wax, etc; "model a head with clay" -00211776 __follow-through_NN_2 the act of carrying a stroke to its natural completion; "his follow-through was straight down the line toward the target"; "squash can be dangerous if your opponent has a long follow-through" -08542403 __commonwealth_NN_1 the official name of some states in the United States (Massachusetts and Pennsylvania and Virginia and Kentucky) and associated territories (Puerto Rico) -10231515 __rex_NN_1 a male sovereign; ruler of a kingdom -04461148 __tower_of_pharos_NN_1 a great lighthouse (500 feet high) built at Alexandria in 285 BC -02446512 __genus_conepatus_NN_1 a genus of Mustelidae -10371221 __office-bearer_NN_1 the person who holds an office -10228864 __kafir_NN_1 an offensive and insulting term for any Black African -01117723 __sales_event_NN_1 an occasion (usually brief) for buying at specially reduced prices; "they held a sale to reduce their inventory"; "I got some great bargains at their annual sale" -05387395 __pancreatic_duct_NN_1 a duct connecting the pancreas with the intestine -00964105 __peasant's_revolt_NN_1 a widespread rebellion in 1381 against poll taxes and other inequities that oppressed the poorer people of England; suppressed by Richard II -05485314 __islets_of_langerhans_NN_1 cell clusters in the pancreas that form the endocrine part of that organ; secrete insulin and other hormones -01892876 __neomys_NN_1 a genus of Soricidae -12511239 __wonder_bean_NN_1 annual semi-erect bushy plant of tropical South America bearing long pods with white seeds grown especially for forage -04295881 __stadium_NN_1 a large structure for open-air sports or entertainments -01957335 __steamer_clam_NN_2 an edible clam with thin oval-shaped shell found in coastal regions of the United States and Europe -00487182 __polarize_VB_3 become polarized in a conflict or contrasting situation -10487182 __trimmer_NN_1 a worker who thins out and trims trees and shrubs; "untouched by the pruner's axe" -09012101 __baltic_state_NN_1 European countries bordering the Baltic Sea -05230357 __landmark_NN_4 an anatomical structure used as a point of origin in locating other anatomical structures (as in surgery) or as point from which measurements can be taken -00204199 __escape_NN_4 an avoidance of danger or difficulty; "that was a narrow escape" -08772667 __dusseldorf_NN_1 an industrial city in western Germany on the Rhine -10222353 __jimhickey_NN_1 someone excellent of their kind; "he's a jimdandy of a soldier" -04191595 __shelter_NN_1 a structure that provides privacy and protection from danger -03699975 __machine_NN_1 any mechanical or electrical device that transmits or modifies energy to perform or assist in the performance of human tasks -10219879 __jat_NN_1 a member of an Indo-European people widely scattered throughout the northwest of the Indian subcontinent and consisting of Muslims and Hindus and Sikhs -10217684 __isolationist_NN_1 an advocate of isolationism in international affairs -06581410 __utility_program_NN_1 (computer science) a program designed for general support of the processes of a computer; "a computer system provides utility programs to perform the tasks needed by most users" -10407726 __patron_NN_1 a regular customer -02443484 __mustela_nigripes_NN_1 musteline mammal of prairie regions of United States; nearly extinct -10216403 __invigilator_NN_1 someone who watches examination candidates to prevent cheating -03334017 __field-sequential_color_tv_system_NN_1 an early form of color TV in which successive fields are scanned in three primary colors -02600503 __red_goatfish_NN_1 body bright scarlet with 2 yellow to reddish strips on side -00043912 __prank_VB_2 dress up showily; "He pranked himself out in his best clothes" -05956651 __legal_principle_NN_1 (law) a principle underlying the formulation of jurisprudence -05061345 __slowing_NN_1 a decrease in rate of change; "the deceleration of the arms race" -10213652 __trespasser_NN_1 someone who intrudes on the privacy or property of another without permission -14753414 __prednisone_NN_1 a dehydrogenated analogue of cortisol (trade names Orasone or Deltasone or Liquid Pred or Meticorten); used as an anti-inflammatory drug in the treatment of arthritis and as an immunosuppressant -10213034 __intervenor_NN_1 (law) a party who interposes in a pending proceeding -10212780 __interpreter_NN_2 someone who uses art to represent something; "his paintings reveal a sensitive interpreter of nature"; "she was famous as an interpreter of Shakespearean roles" -05299178 __sensory_receptor_NN_1 an organ having nerve endings (in the skin or viscera or eye or ear or nose or mouth) that respond to stimulation -03936269 __stilt_NN_1 a column of wood or steel or concrete that is driven into the ground to provide support for a structure -02319967 __crinoidea_NN_1 sea lilies -02054502 __snakebird_NN_1 fish-eating bird of warm inland waters having a long flexible neck and slender sharp-pointed bill -06480506 __derivative_instrument_NN_1 a financial instrument whose value is based on another security -10209731 __underwriter_NN_2 an agent who sells insurance -01621994 __genus_athene_NN_1 a genus of Strigidae -02811936 __crenellation_NN_1 a rampart built around the top of a castle with regular gaps for firing arrows or guns -08064523 __defense_team_NN_1 the defendant and his legal advisors collectively; "the defense called for a mistrial" -00434374 __go_bad_VB_1 stop operating or functioning; "The engine finally went"; "The car died on the road"; "The bus we travelled in broke down on the way to town"; "The coffee maker broke"; "The engine failed on the way to town"; "her eyesight went after the accident" -14380140 __psychopathy_NN_1 any disease of the mind; the psychological state of someone who has emotional or behavioral problems serious enough to require psychiatric intervention -09983572 __rector_NN_1 a person authorized to conduct religious worship; "clergymen are usually called ministers in Protestant churches" -00666350 __amputation_NN_2 a surgical removal of all or part of a limb -03024064 __choir_NN_3 the area occupied by singers; the part of the chancel between sanctuary and nave -10208287 __interrogator_NN_1 a questioner who is excessively harsh -09634494 __african_NN_1 a native or inhabitant of Africa -10205985 __source_NN_5 a person who supplies information -01166926 __submission_NN_2 the act of submitting; usually surrendering power to another -10808200 __president_john_adams_NN_1 2nd President of the United States (1735-1826) -01891865 __sorex_NN_1 type genus of the family Soricidae: shrews -02548247 __monkfish_NN_2 fishes having large mouths with a wormlike filament attached for luring prey -03241093 __oilrig_NN_1 rig used in drilling for oil or gas -02235666 __sell_VB_5 give up for a price or reward; "She sold her principles for a successful career" -01770967 __genus_chelifer_NN_1 a genus of Chelonethida -13143285 __ziziphus_jujuba_NN_1 spiny tree having dark red edible fruits -01036333 __sacramental_manduction_NN_1 the act of participating in the celebration of the Eucharist; "the governor took Communion with the rest of the congregation" -01613921 __butterfly_VB_2 cut and spread open, as in preparation for cooking; "butterflied shrimp" -10196965 __idealist_NN_1 someone guided more by ideals than by practical considerations -06014730 __first_derivative_NN_1 the result of mathematical differentiation; the instantaneous change of one quantity relative to another; df(x)/dx -04608567 __writing_implement_NN_1 an implement that is used to write -09565099 __moirai_NN_1 any of the three Greek goddesses of fate or destiny; identified with the Roman Parcae and similar to the Norse Norns -10195261 __mesmerizer_NN_1 a person who induces hypnosis -06414727 __crammer_NN_4 a textbook designed for cramming -02628259 __sarda_chiliensis_NN_1 common bonito of Pacific coast of the Americas; its dark oily flesh cans well -01877355 __swing_VB_2 move or walk in a swinging or swaying manner; "He swung back" -05003590 __gracility_NN_1 elegance and beauty of movement or expression; "a beautiful figure which she used in subtle movements of unparalleled grace" -00027807 __shape_NN_2 the spatial arrangement of something as distinct from its substance; "geometry is the mathematical science of shape" -01383800 __pearl_VB_1 gather pearls, from oysters in the ocean -08950035 __apeldoorn_NN_1 a city of east central Netherlands; a popular tourist center and site of the summer residence of the Dutch royal family -10191001 __hugger_NN_1 a person who hugs -10698064 __telephonist_NN_1 someone who helps callers get the person they are calling -10190516 __huckster_NN_1 a seller of shoddy goods -01709278 __genus_brontosaurus_NN_1 large quadrupedal herbivorous dinosaurs with very long neck and tail; late Jurassic -01005284 __scaling_NN_2 act of measuring or arranging or adjusting according to a scale -03997484 __power_tool_NN_1 a tool driven by a motor -05389939 __heart_muscle_NN_1 the muscle tissue of the heart; adapted to continued rhythmic contraction -00690058 __deep_JJ_3 having great spatial extension or penetration downward or inward from an outer surface or backward or laterally or outward from a center; sometimes used in combination; "a deep well"; "a deep dive"; "deep water"; "a deep casserole"; "a deep gash"; "deep massage"; "deep pressure receptors in muscles"; "deep shelves"; "a deep closet"; "surrounded by a deep yard"; "hit the ball to deep center field"; "in deep space"; "waist-deep" -00387897 __snick_NN_1 a small cut -03064239 __epizoan_JJ_1 of or relating to epizoa -03446832 __golf_equipment_NN_1 sports equipment used in playing golf -09145655 __odessa_NN_2 a city in western Texas -03117939 __twin_NN_4 a duplicate copy -00020090 __substance_NN_7 a particular kind or species of matter with uniform properties; "shigella is one of the most toxic substances known to man" -01971280 __squid_NN_2 widely distributed fast-moving ten-armed cephalopod mollusk having a long tapered body with triangular tail fins -09219858 __wain_NN_2 a group of seven bright stars in the constellation Ursa Major -00325502 __clamber_NN_1 an awkward climb; "reaching the crest was a real clamber" -10186350 __plantsman_NN_1 an expert in the science of cultivating plants (fruit or flowers or vegetables or ornamental plants) -01163620 __mine_VB_1 get from the earth by excavation; "mine ores and metals" -09186709 __river_acheron_NN_1 (Greek mythology) a river in Hades across which the souls of the dead were carried by Charon -01824575 __coucal_NN_1 Old World ground-living cuckoo having a long dagger-like hind claw -01156438 __mobilization_NN_1 act of assembling and putting into readiness for war or other emergency: "mobilization of the troops" -08953029 __thorshavn_NN_1 the administrative center of the Faroe Islands -01089483 __philanthropy_NN_1 voluntary promotion of human welfare -01198588 __test_suit_NN_1 a representative legal action whose outcome is likely to become a precedent -06021761 __norm_NN_2 a statistic describing the location of a distribution; "it set the norm for American homes" -13196942 __genus_diacalpa_NN_1 one species: delicate fern of foothills of Himalayas -07227772 __pledge_NN_4 a binding commitment to do or give or refrain from something; "an assurance of help when needed"; "signed a pledge never to reveal the secret" -12290116 __gentianaceae_NN_1 chiefly herbaceous plants with showy flowers; some are cultivated as ornamentals -05934396 __glimpse_NN_2 a brief or incomplete view; "from the window he could catch a glimpse of the lake" -12614317 __pondweed_NN_2 submerged freshwater perennials -02043999 __stercorariidae_NN_1 jaegers and skuas: -03409393 __gable_wall_NN_1 the vertical triangular wall between the sloping ends of gable roof -01305551 __korean_war_NN_1 a war between North and South Korea; South Korea was aided by the United States and other members of the United Nations; 1950-1953 -02429682 __caucus_VB_1 meet to select a candidate or promote a policy -12234176 __genus_chamaedaphne_NN_1 one species: leatherleaf -10176679 __hired_man_NN_1 a hired laborer on a farm or ranch; "the hired hand fixed the railing"; "a ranch hand" -05074774 __spatial_relation_NN_1 the spatial property of a place where or way in which something is situated; "the position of the hands on the clock"; "he specified the spatial relations of every piece of furniture on the stage" -07547805 __ill_will_NN_1 the feeling of a hostile person; "he could no longer contain his hostility" -04621738 __extroversion_NN_1 (psychology) an extroverted disposition; concern with what is outside the self -10171755 __religious_outcast_NN_1 a person who holds religious beliefs in conflict with the dogma of the Roman Catholic Church -00949134 __practical_application_NN_1 the act of bringing something to bear; using it for a particular purpose; "he advocated the application of statistics to the problem"; "a novel application of electronics to medical diagnosis" -07891726 __wine_NN_1 fermented juice (of grapes especially) -10171219 __trumpeter_NN_2 (formal) a person who announces important news; "the chieftain had a herald who announced his arrival with a trumpet" -01817314 __transport_VB_3 hold spellbound -10170598 __helpmeet_NN_1 a helpful partner -01780696 __trombiculid_NN_1 mite that as nymph and adult feeds on early stages of small arthropods but whose larvae are parasitic on terrestrial vertebrates -00156812 __compulsion_NN_3 using force to cause something to occur; "though pressed into rugby under compulsion I began to enjoy the game"; "they didn't have to use coercion" -10169937 __hierarch_NN_1 a person who holds a high position in a hierarchy -02544937 __luck_through_VB_1 act by relying on one's luck -04495051 __tuck_box_NN_1 a box for storing eatables (especially at boarding school) -09154731 __tacoma_NN_1 a city in west central Washington on an arm of Puget Sound to the south of Seattle -03318983 __fallboard_NN_1 the hinged protective covering that protects the keyboard of a piano when it is not being played -04820258 __pellucidity_NN_1 free from obscurity and easy to understand; the comprehensibility of clear expression -01928517 __ribbon_worm_NN_1 soft unsegmented marine worms that have a threadlike proboscis and the ability to stretch and contract -06551784 __opinion_NN_4 the legal document stating the reasons for a judicial decision; "opinions are usually written by a single judge" -04709253 __difficulty_NN_4 the quality of being difficult; "they agreed about the difficulty of the climb" -10164605 __head_of_household_NN_1 the head of a household or family or tribe -12489524 __brazilwood_NN_1 heavy wood of various brazilwood trees; used for violin bows and as dyewoods -02924116 __passenger_vehicle_NN_1 a vehicle carrying many passengers; used for public transport; "he always rode the bus to work" -07827284 __saffron_NN_2 dried pungent stigmas of the Old World saffron crocus -00584367 __work_NN_3 the occupation for which you are paid; "he is looking for employment"; "a lot of people are out of work" -02934888 __cache_NN_1 a hidden storage space (for money or provisions or weapons) -01569713 __icteria_NN_1 New World chats -10162507 __haulier_NN_1 a haulage contractor -10162354 __modiste_NN_1 someone who makes and sells hats -02545569 __lampridae_NN_1 opahs -02203739 __psychodidae_NN_1 very small two-winged flies with hairy wings that develop in moss and damp vegetable matter: sand flies -04581595 __whorehouse_NN_1 a building where prostitutes are available -08739206 __republic_of_panama_NN_1 a republic on the Isthmus of Panama; achieved independence from Colombia in 1903 -15160418 __sell-by_date_NN_1 a date stamped on perishable produce indicating the date by which it should be sold -12335664 __mallee_NN_1 any of several low-growing Australian eucalypts -10160624 __harmonizer_NN_1 a musician who sings or plays in harmony -02790012 __bar_NN_14 a heating element in an electric fire; "an electric fire with three bars" -00444651 __skin_diving_NN_1 underwater swimming without any more breathing equipment than a snorkel -00948206 __exploitation_NN_1 the act of making some area of land or water more profitable or productive or useful; "the development of Alaskan resources"; "the exploitation of copper deposits" -06442239 __john_NN_5 the last of the four Gospels in the New Testament -01095218 __serve_VB_2 do duty or hold offices; serve in a specific function; "He served as head of the department for three years"; "She served in Congress for two terms" -03455033 __tomb_NN_1 a place for the burial of a corpse (especially beneath the ground and marked by a tombstone); "he put flowers on his mother's grave" -04924103 __age_NN_1 how long something has existed; "it was replaced because of its age" -13740591 __nihil_NN_1 (Latin) nil; nothing (as used by a sheriff after an unsuccessful effort to serve a writ); "nihil habet" -02340186 __neotoma_fuscipes_NN_1 host to Lyme disease tick (Ixodes pacificus) in northern California -05035264 __sea_power_NN_1 naval strength -02650541 __searobin_NN_1 American gurnard; mostly found in bays and estuaries -10158756 __handicapped_person_NN_1 a person who has some condition that markedly restricts their ability to function physically or mentally or socially -12079352 __genus_pleurothallis_NN_1 large genus of epiphytic or lithophytic orchids of tropical America -10008388 __desperate_criminal_NN_1 a bold outlaw (especially on the American frontier) -00218045 __tearing_down_NN_1 complete destruction of a building -00345641 __winding_NN_1 the act of winding or twisting; "he put the key in the old clock and gave it a good wind" -04187061 __sheath_NN_1 a protective covering (as for a knife or sword) -05258985 __fringe_NN_5 a border of hair that is cut short and hangs across the forehead -10519984 __remover_NN_2 someone who works for a company that moves furniture -09410928 __tear_NN_2 an opening made forcibly as by pulling apart; "there was a rip in his pants"; "she had snags in her stockings" -13861050 __sheet_NN_4 (mathematics) an unbounded two-dimensional shape; "we will refer to the plane of the graph as the X-Y plane"; "any line joining two points on a plane lies wholly on that plane" -01920932 __hike_VB_2 walk a long way, as for pleasure or physical exercise; "We were hiking in Colorado"; "hike the Rockies" -10149436 __grunter_NN_1 a person who grunts -04565375 __weapon_system_NN_1 any instrument or instrumentality used in fighting or hunting; "he was licensed to carry a weapon" -00782518 __war_crime_NN_1 a crime committed in wartime; violation of rules of war -06777164 __satire_NN_1 witty language used to convey insults or scorn; "he used sarcasm to upset his opponent"; "irony is wasted on the stupid"; "Satire is a sort of glass, wherein beholders do generally discover everybody's face but their own"--Jonathan Swift -05205340 __uninterestingness_NN_1 inability to capture or hold one's interest -02242049 __bootleg_VB_1 sell illicit products such as drugs or alcohol; "They were bootlegging whiskey" -00136152 __sucker_punch_NN_1 an unexpected punch -01819600 __nymphicus_NN_1 a genus of Psittacidae -03529629 __homestead_NN_3 dwelling that is usually a farmhouse and adjoining land -11332572 __tati_NN_1 French filmmaker (1908-1982) -10141811 __grand_dragon_NN_1 a high ranking person in the Ku Klux Klan -10141590 __grandchild_NN_1 a child of your son or daughter -08717629 __douala_NN_1 the largest city of Cameroon -10282014 __mahdi_NN_1 (Islam) a messianic leader who (according to popular Muslim belief) will appear before the end of the world and restore justice and religion -04863497 __intransigency_NN_1 the trait of being intransigent; stubbornly refusing to compromise -04285008 __sports_car_NN_1 a small low car with a high-powered engine; usually seats two persons -13729902 __real_number_NN_1 any rational or irrational number -07780874 __albacore_NN_1 relatively small tuna with choice white flesh; major source of canned tuna -09382362 __ozarks_NN_1 an area of low mountains in northwestern Arkansas and southeastern Missouri and northeastern Oklahoma -13240514 __ownership_NN_1 the relation of an owner to the thing possessed; possession with the right to transfer possession to others -02939866 __calliper_NN_1 an instrument for measuring the distance between two points (often used in the plural) -02261883 __order_ephemeroptera_NN_1 mayflies -06679457 __planography_NN_1 the process of printing from a surface on which the printing areas are not raised but are ink-receptive (as opposed to ink repellent) -12790835 __genus_philadelphus_NN_1 mock orange: type and sole genus of the subfamily Philadelphaceae; sometimes placed in family Saxifragaceae -02652979 __family_balistidae_NN_1 triggerfishes -12859873 __nepeta_NN_1 catmint -01466828 __chordate_family_NN_1 any family in the phylum Chordata -08773098 __halle-an-der-saale_NN_1 a city in the Saxony region of Germany on the Saale River; a member of the Hanseatic League during the 13th and 14th centuries -07397955 __tocktact_NN_1 steady recurrent ticking sound as made by a clock -09617696 __experimenter_NN_2 a person who enjoys testing innovative ideas; "she was an experimenter in new forms of poetry" -01900150 __hair_NN_6 a filamentous projection or process on an organism -10129338 __gibson_girl_NN_1 the idealized American girl of the 1890s as pictured by C. D. Gibson -07086323 __speech_rhythm_NN_1 the arrangement of spoken words alternating stressed and unstressed elements; "the rhythm of Frost's poetry" -01485673 __family_alopiidae_NN_1 thresher sharks -01820664 __glossopsitta_NN_1 a genus of Loriinae -01442855 __phoxinus_NN_1 minnows -04442831 __tobacco_NN_1 leaves of the tobacco plant dried and prepared for smoking or ingestion -09420030 __st._lawrence_river_NN_1 a North American river; flows into the Gulf of Saint Lawrence and the North Atlantic -04347754 __u-boat_NN_1 a submersible warship usually armed with torpedoes -11517494 __suction_NN_1 a force over an area produced by a pressure difference -07760859 __custard_apple_NN_2 the fruit of any of several tropical American trees of the genus Annona having soft edible pulp -07151122 __conciliation_NN_2 any of various forms of mediation whereby disputes may be settled short of arbitration -12243693 __pieris_floribunda_NN_1 ornamental evergreen shrub of southeastern United States having small white bell-shaped flowers -08925830 __fukuoka_NN_1 a city in southern Japan on Kyushu -03207305 __saucer_NN_3 directional antenna consisting of a parabolic reflector for microwave or radio frequency radiation -00647270 __quantitative_chemical_analysis_NN_1 chemical analysis to determine the amounts of each element in the substance -08714966 __varna_NN_1 a port city in northeastern Bulgaria on the Black Sea -05662876 __discipline_NN_2 a system of rules of conduct or method of practice; "he quickly learned the discipline of prison routine"; "for such a plan to work requires discipline"; -09167505 __salisbury_NN_1 the capital and largest city of Zimbabwe -00391407 __split_NN_10 the act of rending or ripping or splitting something; "he gave the envelope a vigorous rip" -02578510 __observe_VB_6 behave as expected during of holidays or rites; "Keep the commandments"; "celebrate Christmas"; "Observe Yom Kippur" -02109811 __sledge_dog_NN_1 a dog trained to draw a sled usually in a team -07914128 __refresher_NN_2 a drink that refreshes; "he stopped at the bar for a quick refresher" -04651784 __uncommunicativeness_NN_1 the trait of being uncommunicative -01526956 __pad_VB_3 line or stuff with soft material; "pad a bra" -08908248 __java_NN_1 an island in Indonesia to the south of Borneo; one of the world's most densely populated regions -01237872 __centralization_NN_1 the act of consolidating power under a central control -12350234 __order_musales_NN_1 tropical plants -10119609 __gamine_NN_2 a girl of impish appeal -00093483 __saving_NN_2 recovery or preservation from loss or danger; "work is the deliverance of mankind"; "a surgeon's job is the saving of lives" -08560027 __wasteyard_NN_1 a piece of land where waste materials are dumped -10117267 __gagwriter_NN_1 someone who writes comic material for public performers -10117017 __gadgeteer_NN_1 a person who delights in designing or building or using gadgets -04082344 __resuscitator_NN_1 a breathing apparatus used for resuscitation by forcing oxygen into the lungs of a person who has undergone asphyxia or arrest of respiration -10115082 __runaway_NN_2 someone who flees from an uncongenial situation; "fugitives from the sweatshops" -00297062 __wandering_NN_1 travelling about without any clear destination; "she followed him in his wanderings and looked after him" -02161737 __order_mantophasmatodea_NN_1 an order of insect identified in 2002 in a 45 million year old piece of amber from the Baltic region -08167046 __developing_country_NN_1 a country that is poor and whose citizens are mostly agricultural workers but that wants to become more advanced socially and economically -06433035 __leviticus_NN_1 the third book of the Old Testament; contains Levitical law and ritual precedents -01707433 __iguanodontidae_NN_1 iguanodons -15107876 __zinc_blende_NN_1 an ore that is the chief source of zinc; consists largely of zinc sulfide in crystalline form -03773035 __mirror_NN_1 polished surface that forms images by reflecting light -01048569 __bellow_VB_1 shout loudly and without restraint -10110421 __self-employed_person_NN_1 a writer or artist who sells services to different employers without a long-term contract with any of them -04836491 __aspiration_NN_1 a will to succeed -04110654 __rotary_engine_NN_1 an internal-combustion engine in which power is transmitted directly to rotating components -10108719 __francophile_NN_1 an admirer of France and everything French -05230603 __craniometric_point_NN_1 a landmark on the skull from which craniometric measurements can be taken -04510090 __usacil_NN_1 a defense laboratory of the Criminal Investigation Command; the United States Army's primary forensic laboratory in support of criminal intelligence -05564590 __paw_NN_2 the (prehensile) extremity of the superior limb; "he had the hands of a surgeon"; "he extended his mitt" -05584928 __wrist_joint_NN_1 a joint between the distal end of the radius and the proximal row of carpal bones -10285938 __man-child_NN_1 a child who is male -10363573 __novelist_NN_1 one who writes novels -14213512 __misshapenness_NN_1 an affliction in which some part of the body is misshapen or malformed -00478217 __snuff_out_VB_1 put an end to; kill; "The Nazis snuffed out the life of many Jewish children" -14521648 __murkiness_NN_1 an atmosphere in which visibility is reduced because of a cloud of some substance -02475078 __neanderthal_man_NN_1 extinct robust human of Middle Paleolithic in Europe and western Asia -10102369 __forebear_NN_1 a person from whom you are descended -10101634 __footballer_NN_1 an athlete who plays American football -02468965 __lot_VB_1 divide into lots, as of land, for example -10100124 __follower_NN_2 someone who travels behind or pursues another -12030654 __crownbeard_NN_1 any plant of the genus Verbesina having clustered white or yellow flower heads -01240514 __rake_VB_6 scrape gently; "graze the skin" -10098710 __foe_NN_2 a personal enemy; "they had been political foes for years" -09895701 __caretaker_NN_1 a custodian who is hired to take care of something (property or a person) -02578235 __unworldly_JJ_1 influence by slyness not concerned with the temporal world or swayed by mundane considerations; "was unworldly and did not greatly miss worldly rewards"- Sheldon Cheney -10096217 __flyer_NN_2 someone who travels by air -10095869 __flatterer_NN_1 a person who uses flattery -00312553 __voyage_NN_2 a journey to some distant place -05318263 __aqueous_humour_NN_1 the limpid fluid within the eyeball between the cornea and the lens -10095420 __flapper_NN_1 a young woman in the 1920s who flaunted her unconventional conduct and dress -02792049 __barbiturate_NN_1 organic compound having powerful soporific effect; overdose can be fatal -04938228 __softness_NN_1 the property of giving little resistance to pressure and being easily cut or molded -01362623 __nitrous_bacteria_NN_1 soil bacteria that oxidize ammonia to nitrites -03051249 __clothespin_NN_1 wood or plastic fastener; for holding clothes on a clothesline -05060476 __suddenness_NN_1 the quality of happening with headlong haste or without warning -02252429 __family_aphididae_NN_1 small soft-bodied plant lice -07009421 __prologue_NN_1 an introduction to a play -10093658 __fisherman_NN_1 someone whose occupation is catching fish -10093396 __first-rater_NN_1 one who is first-rate -01338685 __herpes_virus_NN_1 any of the animal viruses that cause painful blisters on the skin -12356023 __zingiber_officinale_NN_1 tropical Asian plant widely cultivated for its pungent root; source of gingerroot and powdered ginger -09206693 __river_arno_NN_1 a river in central Italy rising in the Apennines and flowing through Florence and Pisa to the Ligurian Sea -00867790 __suckling_reflex_NN_1 reflex behavior in newborn mammals; includes finding and grasping the nipple in the mouth and sucking on it and swallowing the milk -05228496 __decussation_NN_1 an intersection or crossing of two tracts in the form of the letter X -02808695 __bathymeter_NN_1 an instrument that measures the depth of water -02076196 __seal_NN_9 any of numerous marine mammals that come on shore to breed; chiefly of cold regions -09814567 __assenter_NN_1 a person who assents -00352558 __wind_up_VB_1 finally be or do something; "He ended up marrying his high school sweetheart"; "he wound up being unemployed and living at home again" -00974444 __assault_NN_1 close fighting during the culmination of a military attack -10085217 __swordsman_NN_1 someone skilled at fencing -02523877 __melanogrammus_aeglefinus_NN_1 important food fish on both sides of the Atlantic; related to cod but usually smaller -02501101 __tarsioidea_NN_1 in some classifications assigned to the suborder Prosimii -13275288 __spending_NN_2 money paid out; an amount spent -09405515 __rappahannock_river_NN_1 a river that flows across eastern Virginia into the Tidewater region -00296263 __circumnavigation_NN_1 traveling around something (by ship or plane); "Magellan's circumnavigation of the earth proved that it is a globe" -01048330 __bleat_VB_2 cry plaintively; "The lambs were bleating" -00457382 __turn_NN_3 (game) the activity of doing something in an agreed succession; "it is my turn"; "it is still my play" -05051249 __length_NN_2 continuance in time; "the ceremony was of short duration"; "he complained about the length of time required" -12055317 __genus_cymbidium_NN_1 genus of tropical epiphytic or terrestrial Old World orchids; one of the most popular orchid genera -05126362 __contrast_NN_5 the range of optical density and tone on a photographic negative or print (or the extent to which adjacent areas on a television screen differ in brightness) -02928608 __button_NN_1 a round fastener sewn to shirts and coats etc to fit through buttonholes -08399586 __range_NN_6 a variety of different things or activities; "he answered a range of questions"; "he was impressed by the range and diversity of the collection" -01248191 __admittance_NN_2 the act of admitting someone to enter; "the surgery was performed on his second admission to the clinic" -05169813 __significance_NN_1 the quality of being significant; "do not underestimate the significance of nuclear power" -10073992 __expurgator_NN_1 a person who edits a text by removing obscene or offensive words or passages; "Thomas Bowdler was a famous expurgator" -01363121 __thiobacillus_NN_1 small rod-shaped bacteria living in sewage or soil and oxidizing sulfur -08163792 __assembly_NN_4 a group of persons who are gathered together for a common purpose -09983889 __curator_NN_1 the custodian of a collection (as a museum or library) -10072054 __exorcist_NN_2 someone who practices exorcism -04779649 __unpleasantness_NN_2 the quality of giving displeasure; "the recent unpleasantness of the weather" -09495103 __gorgon_NN_1 (Greek mythology) any of three winged sister monsters and the mortal Medusa who had live snakes for hair; a glance at Medusa turned the beholder to stone -01517966 __flying_bird_NN_1 birds having keeled breastbones for attachment of flight muscles -03214051 __disulfiram_NN_1 a drug (trade name Antabuse) used in the treatment of alcoholism; causes nausea and vomiting if alcohol is ingested -02415971 __genus_ammotragus_NN_1 genus of wild sheep -09905530 __tshatshke_NN_1 (Yiddish) an attractive, unconventional woman -13341350 __reversion_NN_1 (law) an interest in an estate that reverts to the grantor (or his heirs) at the end of some period (e.g., the death of the grantee) -12224669 __genus_casuarina_NN_1 genus of trees and shrubs widely naturalized in southern United States and West Indies; coextensive with the family Casuarinaceae and order Casuarinales -10069120 __money_changer_NN_1 one whose business is to exchange the money of one country for that of another country -05510506 __upper_respiratory_tract_NN_1 the nose and throat and trachea -02457585 __tolerate_VB_2 recognize and respect (rights and beliefs of others); "We must tolerate the religions of others" -08766846 __upsala_NN_1 a city in east central Sweden to the northwest of Stockholm -08984010 __katowice_NN_1 an industrial city of southern Poland -00863433 __whang_VB_3 attack forcefully; "whang away at the school reform plan" -03946532 __pipracil_NN_1 a synthetic type of penicillin antibiotic (trade name Pipracil) used for moderate to severe infections -11765099 __prosopis_NN_1 genus of tropical or subtropical branching shrubs or trees: mesquite -09889539 __cinematographer_NN_1 a photographer who operates a movie camera -12796192 __genus_boykinia_NN_1 genus of perennial rhizomatous herbs with flowers in panicles; North America; Japan -05117660 __moderation_NN_1 quality of being moderate and avoiding extremes -02165877 __two-spotted_ladybug_NN_1 red ladybug with a black spot on each wing -13542947 __psychoanalytic_process_NN_1 a process that is assumed to occur in psychoanalytic theory -00911048 __construction_NN_1 the act of constructing something; "during the construction we had to take a detour"; "his hobby was the building of boats" -10283170 __major_NN_1 a commissioned military officer in the United States Army or Air Force or Marines; below lieutenant colonel and above captain -10055847 __opposition_NN_7 an armed adversary (especially a member of an opposing military force); "a soldier must be prepared to kill his enemies" -12433429 __shallot_NN_1 aggregate bulb of the multiplier onion -10051975 __outgoer_NN_1 someone who leaves one country to settle in another -02571034 __hipsurus_NN_1 a genus of Embiotocidae -08324514 __committee_NN_1 a special group delegated to consider some matter; "a committee is a group that keeps minutes and loses hours" - Milton Berle -05913538 __rule_NN_5 a basic generalization that is accepted as true and that can be used as a basis for reasoning or conduct; "their principles of composition characterized all their works" -04099969 __rocking_chair_NN_1 a chair mounted on rockers -12559518 __piscidia_piscipula_NN_1 small tree of West Indies and Florida having large odd-pinnate leaves and panicles of red-striped purple to white flowers followed by decorative curly winged seedpods; yields fish poisons -01794460 __genus_agriocharis_NN_1 a genus of birds of the family Meleagrididae including the ocellated turkey -10240514 __queer_duck_NN_1 someone regarded as eccentric or crazy and standing out from a group -12162758 __prairie_gourd_NN_1 small hard green-and-white inedible fruit of the prairie gourd plant -00503164 __stimulate_VB_1 act as a stimulant; "The book stimulated her imagination"; "This play stimulates" -10048218 __senior_NN_2 a person who is older than you are -05981768 __terminus_NN_2 the ultimate goal for which something is done -09326467 __klamath_river_NN_1 a river flowing southwest from Oregon through northern California to the Pacific Ocean -10047822 __egyptologist_NN_1 an archeologist who specializes in Egyptology -03022041 __librium_NN_1 a tranquilizer (trade names Librium and Libritabs) used in the treatment of alcoholism -05827253 __induction_NN_4 stimulation that calls up (draws forth) a particular class of behaviors; "the elicitation of his testimony was not easy" -02575168 __genus_echeneis_NN_1 type genus of the Echeneididae: typical remoras -10047199 __egoist_NN_2 a self-centered person with little regard for others -00155298 __refutation_NN_3 the act of determining that something is false -06650070 __confirmation_NN_2 information that confirms or verifies -00396029 __drainage_NN_1 emptying something accomplished by allowing liquid to run out of it -10045713 __pedagogue_NN_1 someone who educates young people -00137791 __strike_a_blow_VB_1 affect adversely; "The court ruling struck a blow at the old segregation laws" -04852750 __wickedness_NN_3 the quality of being wicked -04796086 __usualness_NN_1 commonness by virtue of not being unusual -00207184 __upgrade_VB_2 to improve what was old or outdated; "I've upgraded my computer so I can run better software"; "The company upgraded their personnel" -00467995 __hockey_NN_1 a game resembling ice hockey that is played on an open field; two opposing teams use curved sticks try to drive a ball into the opponents' net -10040789 __dynamitist_NN_1 a person who uses dynamite in a revolutionary cause -10039663 __shithead_NN_1 a stupid person; these words are used to express a low opinion of someone's intelligence -04770211 __unregularity_NN_1 not characterized by a fixed principle or rate; at irregular intervals -01728445 __genus_carphophis_NN_1 thunder snake -11133551 __linnaeus_NN_1 Swedish botanist who proposed the modern system of biological nomenclature (1707-1778) -10037385 __wino_NN_1 a chronic drinker -10036266 __user_NN_3 a person who takes drugs -06755776 __boundary_condition_NN_1 (mathematics) a condition specified for the solution to a set of differential equations -12958772 __salviniaceae_NN_1 water ferns -10034785 __jabberer_NN_1 someone whose talk is trivial drivel -09810867 __art_critic_NN_1 a critic of paintings -10033225 __dresser_NN_2 a person who dresses in a particular way; "she's an elegant dresser"; "he's a meticulous dresser" -02824448 __bell_NN_1 a hollow device made of metal that makes a ringing sound when struck -15137890 __vacation_NN_1 leisure time away from work devoted to rest or pleasure; "we get two weeks of vacation every summer"; "we took a short holiday in Puerto Rico" -01478511 __slime_eels_NN_1 eellike cyclostome having a tongue with horny teeth in a round mouth surrounded by eight tentacles; feeds on dead or trapped fishes by boring into their bodies -10032342 __drawee_NN_1 the person (or bank) who is expected to pay a check or draft when it is presented for payment -06894544 __artificial_language_NN_1 a language that is deliberately created for a specific purpose -00324834 __heaving_NN_3 the act of lifting something with great effort -02828884 __bench_NN_1 a long seat for more than one person -12609379 __pipewort_NN_1 aquatic perennial of North America and Ireland and Hebrides having translucent green leaves in a basal spiral and dense buttonlike racemes of minute white flowers -04005340 __prism_NN_2 optical device having a triangular shape and made of glass or quartz; used to deviate a beam or invert an image -00006336 __absorptive_JJ_1 having power or capacity or tendency to absorb or soak up something (liquids or energy etc.); "as absorbent as a sponge" -09764900 __active_NN_3 a person who is a participating member of an organization; "the club issues a list of members, both the actives and the retirees" -01244853 __vacuum-clean_VB_1 clean with a vacuum cleaner; "vacuum the carpets" -10022759 __slyboots_NN_1 a shifty deceptive person -10022111 __doctor_of_the_church_NN_1 (Roman Catholic Church) a title conferred on 33 saints who distinguished themselves through the orthodoxy of their theological teaching; "the Doctors of the Church greatly influenced Christian thought down to the late Middle Ages" -06074372 __paleobotany_NN_1 the study of fossil plants -05706228 __inattention_NN_1 lack of attention -02074726 __steller's_sea_cow_NN_1 extinct large sirenian mammal formerly found near the Asiatic coast of the Bering Sea -01634891 __genus_dicamptodon_NN_1 type genus of the Dicamptodontidae -01699831 __dinosaur_NN_1 any of numerous extinct terrestrial reptiles of the Mesozoic era -10020031 __diviner_NN_1 someone who claims to discover hidden knowledge with the aid of supernatural powers -09973490 __coxcomb_NN_1 a conceited dandy who is overly impressed by his own accomplishments -02669477 __transcend_VB_1 be greater in scope or size than some standard; "Their loyalty exceeds their national bonds" -08512736 __mete_NN_1 a line that indicates a boundary -09090825 __pelican_state_NN_1 a state in southern United States on the Gulf of Mexico; one of the Confederate states during the American Civil War -13512238 __ripening_NN_1 coming to full development; becoming mature -02589486 __genus_anisotremus_NN_1 a genus of Haemulidae -01040646 __consecration_NN_2 (religion) sanctification of something by setting it apart (usually with religious rites) as dedicated to God; "the Cardinal attended the consecration of the church" -02797881 __base_NN_3 a place that the runner must touch before scoring; "he scrambled to get back to the bag" -08267640 __matrix_NN_1 (mathematics) a rectangular array of quantities or expressions set out by rows and columns; treated as a single element and manipulated according to rules -01874434 __pouched_mammal_NN_1 mammals of which the females have a pouch (the marsupium) containing the teats where the young are fed and carried -09780828 __commander_NN_4 an officer in the airforce -11240609 __sidney_poitier_NN_1 United States film actor and director (born in 1927) -05608868 __receptor_NN_1 a cellular structure that is postulated to exist in order to mediate between a chemical agent that acts on nervous tissue and the physiological response -01452798 __dory_NN_3 marine fishes widely distributed in mid-waters and deep slope waters -10009671 __knocker_NN_3 one who disparages or belittles the worth of something -03247620 __drug_NN_1 a substance that is used as a medicine or narcotic -14910165 __spreading_factor_NN_1 an enzyme (trade name Hyazyme) that splits hyaluronic acid and so lowers its viscosity and increases the permeability of connective tissue and the absorption of fluids -10007109 __turncoat_NN_1 a disloyal person who betrays or deserts his cause or religion or political party or friend etc. -10006842 __deserter_NN_2 a person who abandons their duty (as on a military post) -01350226 __bacillus_anthracis_NN_1 a species of bacillus that causes anthrax in humans and in animals (cattle and swine and sheep and rabbits and mice and guinea pigs); can be used a bioweapon -00360485 __shrinking_NN_2 the act of becoming less -00039121 __bob_VB_5 cut hair in the style of a bob; "Bernice bobs her hair these days!" -13912992 __constriction_NN_1 a narrowing that reduces the flow through a channel -08139795 __united_states_treasury_NN_1 the federal department that collects revenue and administers federal finances; the Treasury Department was created in 1789 -10004282 __tooth_doctor_NN_1 a person qualified to practice dentistry -03146219 __cuirass_NN_1 medieval body armor that covers the chest and back -13197670 __lastreopsis_NN_1 tropical terrestrial shield ferns -10003120 __demonstrator_NN_1 a teacher or teacher's assistant who demonstrates the principles that are being taught -13954253 __existence_NN_1 the state or fact of existing; "a point of view gradually coming into being"; "laws in existence for centuries" -10002760 __protester_NN_2 someone who participates in a public display of group feeling -01703341 __suborder_ceratopsia_NN_1 horned dinosaurs -02600953 __suborder_mugiloidea_NN_1 fishes distinguished by abdominal pelvic fins: families Mugilidae; Atherinidae; Sphyraenidae -01930995 __genus_ascaridia_NN_1 roundworm having a preanal sucker -09822955 __auditor_NN_3 a qualified accountant who inspects the accounting records and practices of a business or other organization -10578021 __semifinalist_NN_1 one of four competitors remaining in a tournament by elimination -02821627 __sleeping_room_NN_1 a room used primarily for sleeping -07906111 __vodka_NN_1 unaged colorless liquor originating in Russia -08419984 __nondepository_financial_institution_NN_1 a financial institution that funds their investment activities from the sale of securities or insurance -09999532 __defaulter_NN_2 someone who fails to meet a financial obligation -09998788 __roustabout_NN_1 a member of a ship's crew who performs manual labor -09997212 __degrader_NN_1 a person who lowers the quality or character or value (as by adding cheaper metal to coins) -00591115 __understand_VB_2 perceive (an idea or situation) mentally; "Now I see!"; "I just can't see your point"; "Does she realize how important this decision is?"; "I don't understand the idea" -03622058 __klaxon_NN_1 a kind of loud horn formerly used on motor vehicles -13662703 __subunit_NN_1 a monetary unit that is valued at a fraction (usually one hundredth) of the basic monetary unit -09014979 __ukrayina_NN_1 a republic in southeastern Europe; formerly a European soviet; the center of the original Russian state which came into existence in the ninth century -01498822 __myliobatidae_NN_1 eagle rays -12372233 __wild_cinnamon_NN_1 large evergreen shrub or small tree having white aromatic bark and leathery leaves and small purple to red flowers in terminal cymes -00886039 __university_extension_NN_1 an educational opportunity provided by colleges and universities to people who are not enrolled as regular students -06471737 __charter_NN_1 a document incorporating an institution and specifying its rights; includes the articles of incorporation and the certificate of incorporation -09991530 __swashbuckler_NN_1 a reckless impetuous irresponsible person -01284928 __lucknow_NN_2 the British residents of Lucknow were besieged by Indian insurgents during the Indian Mutiny (1857) -09991026 __swell_NN_4 a man who is much concerned with his dress and appearance -00306900 __stage_NN_6 a section or portion of a journey or course; "then we embarked on the second stage of our Caribbean cruise" -00639998 __average_out_VB_1 compute the average of -06885389 __positive_identification_NN_1 evidence proving that you are who you say you are; evidence establishing that you are among the group of people already known to the system; recognition by the system leads to acceptance; "a system for positive identification can prevent the use of a single identity by several people" -01052301 __peep_VB_3 make high-pitched sounds; "the birds were chirping in the bushes" -01838961 __picus_NN_1 type genus of Picidae -09989168 __demoiselle_NN_1 a young unmarried woman -02711573 __angiogram_NN_1 an X-ray representation of blood vessels made after the injection of a radiopaque substance; "angiograms are produced by angiography" -07536437 __survivor_guilt_NN_1 a deep feeling of guilt often experienced by those who have survived some catastrophe that took the lives of many others; derives in part from a feeling that they did not do enough to save the others who perished and in part from feelings of being unworthy relative to those who died; "survivor guilt was first noted in those who survived the Holocaust" -07199922 __riposte_NN_1 a quick reply to a question or remark (especially a witty or critical one); "it brought a sharp rejoinder from the teacher" -13449714 __cohesion_NN_2 (botany) the process in some plants of parts growing together that are usually separate (such as petals) -00672277 __judge_VB_1 determine the result of (a competition) -01398212 __chlorophyll_NN_1 any of a group of green pigments found in photosynthetic organisms; there are four naturally occurring forms -02504770 __mammoth_NN_1 any of numerous extinct elephants widely distributed in the Pleistocene; extremely large with hairy coats and long upcurved tusks -00883297 __teaching_NN_3 the activities of educating or instructing; activities that impart knowledge or skill; "he received no formal education"; "our instruction was carefully programmed"; "good classroom teaching is seldom rewarded" -14554011 __longsightedness_NN_1 abnormal condition in which vision for distant objects is better than for near objects -03034860 __circus_NN_5 an arena consisting of an oval or circular area enclosed by tiers of seats and usually covered by a tent; "they used the elephants to help put up the circus" -01199035 __entrapment_NN_1 a defense that claims the defendant would not have broken the law if not tricked into doing it by law enforcement officials -03882611 __panelling_NN_1 a panel or section of panels in a wall or door -10154601 __hacker_NN_4 one who works hard at boring tasks -09982152 __cuckold_NN_1 a man whose wife committed adultery -03968581 __plughole_NN_1 a hole into which a plug fits (especially a hole where water drains away) -09538915 __angel_NN_1 spiritual being attendant upon God -06959932 __yeniseian_NN_2 the Uralic language spoken by the Yeniseian -07464725 __tourney_NN_1 a sporting competition in which contestants play a series of games to decide the winner -03530803 __honkytonk_NN_1 a cheap disreputable nightclub or dance hall -09974054 __crabby_person_NN_1 a quarrelsome grouch -07437990 __self-fertilization_NN_1 fertilization by the union of male and female gametes from the same individual -01413188 __family_desmidiaceae_NN_1 unicellular algae -03932203 __piece_NN_1 a separate part of a whole; "an important piece of the evidence" -09728137 __qatari_NN_1 a native or inhabitant of Qatar -02911890 __bufferin_NN_1 aspirin coated with a substance capable of neutralizing acid (trade name Bufferin) -09972010 __full_cousin_NN_1 the child of your aunt or uncle -07790081 __scup_NN_2 lean flesh of fish found in warm waters of southern Atlantic coast of the United States -12358293 __elettaria_cardamomum_NN_1 rhizomatous herb of India having aromatic seeds used as seasoning -01630532 __extract_VB_3 deduce (a principle) or construe (a meaning); "We drew out some interesting linguistic data from the native informant" -12703190 __shamrock_NN_2 Eurasian plant with heart-shaped trifoliate leaves and white purple-veined flowers -04179385 __stitchery_NN_1 needlework on which you are working with needle and thread; "she put her sewing back in the basket" -02616397 __wrymouth_NN_1 eellike Atlantic bottom fish with large almost vertical mouth -05001482 __thinness_NN_2 the property of having little body fat -01826223 __family_coraciidae_NN_1 rollers -12567768 __robinia_NN_1 deciduous flowering trees and shrubs -09968259 __costumier_NN_1 someone who designs or supplies costumes (as for a play or masquerade) -09966941 __corsair_NN_1 a pirate along the Barbary Coast -12242668 __phyllodoce_NN_1 small genus of evergreen Arctic and alpine shrubs -02217334 __family_chalcididae_NN_1 an arthropod family including: chalcidflies -08624656 __pitch_NN_3 a vendor's position (especially on the sidewalk); "he was employed to see that his paper's news pitches were not trespassed upon by rival vendors" -03962525 __weapons_platform_NN_1 any military structure or vehicle bearing weapons -09962789 __conveyor_NN_1 a person who conveys (carries or transmits); "the conveyer of good tidings" -00397191 __bowdlerization_NN_1 written material that has been bowdlerized having the color of fresh cream -00313647 __water_travel_NN_1 travel by water -09959387 __constitutionalist_NN_1 an advocate of constitutional government -05714745 __incense_NN_2 the pleasing scent produced when incense is burned; "incense filled the room" -02538406 __charr_NN_1 any of several small trout-like fish of the genus Salvelinus -02856463 __board_NN_3 a flat piece of material designed for a special purpose; "he nailed boards across the windows" -02900219 __molar_JJ_2 designating a solution containing one mole of solute per liter of solution -05088804 __tightness_NN_3 the spatial property of being crowded together -09953965 __conferee_NN_2 a member of a conference -09953615 __confederate_NN_1 a supporter of the Confederate States of America -10717589 __toucher_NN_1 a person who causes or allows a part of the body to come in contact with someone or something -07527817 __jubilation_NN_1 a feeling of extreme joy -02507649 __procyonid_NN_1 plantigrade carnivorous mammals -07161741 __proposal_of_marriage_NN_1 an offer of marriage -02357072 __return_VB_6 return in kind; "return a compliment"; "return her love" -09952539 __music_director_NN_1 the person who leads a musical group -02271427 __thysanoptera_NN_1 thrips -09952393 __paramour_NN_2 a woman who cohabits with an important man -05738625 __check_NN_2 an appraisal of the state of affairs; "they made an assay of the contents"; "a check on its dependability under stress" -10835709 __lionel_barrymore_NN_1 United States actor; son of Maurice Barrymore and Georgiana Barrymore (1878-1954) -05274247 __tail_bone_NN_1 the end of the vertebral column in humans and tailless apes -08331357 __drumhead_court-martial_NN_1 a military court convened to hear urgent charges of offenses committed in action -01253778 __harmonization_NN_2 singing in harmony -05051896 __protraction_NN_1 the consequence of being lengthened in duration -00677299 __hysterotomy_NN_1 surgical incision into the uterus (as in cesarean section) -01846320 __voyage_VB_1 travel on water propelled by wind or by other means; "The QE2 will sail to Southampton tomorrow" -12771597 __possumwood_NN_1 medium-sized tree of dry woodlands in the southern and eastern United States bearing yellow or orange very astringent fruit that is edible when fully ripe -05967773 __feminism_NN_1 a doctrine that advocates equal rights for women -00605246 __treasurership_NN_1 the position of treasurer -00759186 __overeating_NN_1 eating to excess (personified as one of the deadly sins) -01534745 __mud_VB_1 soil with mud, muck, or mire; "The child mucked up his shirt while playing ball in the garden" -09944763 __councillor_NN_1 a member of a council -01468532 __class_ascidiaceae_NN_1 sometimes classified as an order: sea squirts -05825942 __redundancy_check_NN_1 a system of checking for errors in computer functioning -05400601 __blood_type_NN_1 human blood cells (usually just the red blood cells) that have the same antigens -11090631 __jones_NN_2 United States railroad engineer who died trying to stop his train from crashing into another train; a friend wrote a famous ballad describing the incident (1864-1900) -15217443 __saphar_NN_1 the second month of the Islamic calendar -09942431 __reviewer_NN_2 a writer who reports and analyzes events of the day -01395382 __tin_VB_1 plate with tin -07416107 __isomerization_NN_1 the conversion of a compound into an isomer of itself -09941571 __commander_NN_3 a commissioned naval officer who ranks above a lieutenant commander and below a captain -07675262 __soybean_oil_NN_1 oil from soya beans -09938080 __coloratura_soprano_NN_1 a lyric soprano who specializes in coloratura vocal music -01645093 __liopelmidae_NN_1 primitive New Zealand frogs -08620881 __pole_NN_7 one of two antipodal points where the Earth's axis of rotation intersects the Earth's surface -02015554 __crake_NN_1 any of several short-billed Old World rails -04127633 __safety_valve_NN_1 a valve in a container in which pressure can build up (as a steam boiler); it opens automatically when the pressure reaches a dangerous level -00118066 __animate_JJ_2 endowed with animal life as distinguished from plant life; "we are animate beings" -00089027 __subjugation_NN_3 the act of conquering -10132988 __trencherman_NN_1 a person who is devoted to eating and drinking to excess -01503736 __rick_VB_1 pile in ricks; "rick hay" -02054376 __genus_anhinga_NN_1 type genus of the Anhingidae -00656107 __dichotomize_VB_1 divide into two opposing groups or kinds -09930464 __closer_NN_1 a person who closes something; "whoever is the closer has to turn out the lights and lock up" -04487081 __trolleybus_NN_1 a passenger bus with an electric motor that draws power from overhead wires -09930102 __clocksmith_NN_1 someone whose occupation is making or repairing clocks and watches -03450230 __gown_NN_1 a woman's dress, usually with a close-fitting bodice and a long flared skirt, often worn on formal occasions -09928451 __clerk_NN_1 an employee who performs clerical work (e.g., keeps records or accounts) -03496296 __harpsichord_NN_1 a clavier with strings that are plucked by plectra mounted on pivots -12518725 __genus_coronilla_NN_1 genus of Old World shrubs and herbs -05021884 __plasticity_NN_1 the property of being physically malleable; the property of something that can be worked or hammered or shaped without breaking -00759335 __luxuria_NN_1 self-indulgent sexual desire (personified as one of the deadly sins) -03909160 __pendulum_NN_1 an apparatus consisting of an object mounted so that it swings freely under the influence of gravity -05805475 __understanding_NN_1 the cognitive condition of someone who understands; "he has virtually no understanding of social cause and effect" -11902709 __white_thistle_NN_1 any plant of the genus Argemone having large white or yellow flowers and prickly leaves and stems and pods; chiefly of tropical America -09921792 __father_of_the_church_NN_1 (Christianity) any of about 70 theologians in the period from the 2nd to the 7th century whose writing established and confirmed official church doctrine; in the Roman Catholic Church some were later declared saints and became Doctor of the Church; the best known Latin Church Fathers are Ambrose, Augustine, Gregory the Great, and Jerome; those who wrote in Greek include Athanasius, Basil, Gregory Nazianzen, and John Chrysostom -00899927 __figuration_NN_1 representing figuratively as by emblem or allegory -00336805 __kicking_NN_1 a rhythmic thrusting movement of the legs as in swimming or calisthenics; "the kick must be synchronized with the arm movements"; "the swimmer's kicking left a wake behind him" -03790230 __powerboat_NN_1 a boat propelled by an internal-combustion engine -13142695 __genus_colubrina_NN_1 mostly tropical American shrubs or small trees with small yellowish flowers and yellow or red fruits -09918248 __kid_NN_4 a human offspring (son or daughter) of any age; "they had three children"; "they were able to send their kids to college" -04085365 __reverse_transcriptase_inhibitor_NN_1 an antiviral drug that inhibits the action of reverse transcriptase in retroviruses such as HIV -04630547 __tepidness_NN_2 lack of passion, force or animation -12550210 __mucuna_NN_1 any of several erect or climbing woody plants of the genus Mucuna; widespread in tropics of both hemispheres -12541157 __yellow_vetchling_NN_1 scrambling perennial Eurasian wild pea having yellowish flowers and compressed seed pods; cultivated for forage -01923171 __phylum_acanthocephala_NN_1 phylum or class of elongated wormlike parasites that live in the intestines of vertebrates: spiny-headed worms -01274171 __caporetto_NN_1 battle of World War I (1917); Italians were defeated by the Austrian and German forces -09913110 __checker_NN_1 an attendant who checks coats or baggage -14412564 __appro_NN_1 an informal British abbreviation of approval; "he accepted it on appro" -09869171 __leaper_NN_1 someone who bounds or leaps (as in competition) -06824227 __uppercase_NN_1 one of the large alphabetic characters used as the first letter in writing or printing proper names and sometimes for emphasis; "printers once kept the type for capitals and for small letters in separate cases; capitals were kept in the upper half of the type case and so became known as upper-case letters" -13813591 __consanguinity_NN_1 (anthropology) related by blood -09130883 __cincinnati_NN_1 a city in southern Ohio on the Ohio river -09910222 __charioteer_NN_1 the driver of a chariot -02740300 __armoured_personnel_carrier_NN_1 (military) an armored vehicle (usually equipped with caterpillar treads) that is used to transport infantry -11482312 __microwave_NN_1 a short electromagnetic wave (longer than infrared but shorter than radio waves); used for radar and microwave ovens and for transmitting telephone, facsimile, video and data -02615157 __pholis_NN_1 type genus of the Pholidae: gunnels -13286099 __ration_NN_2 a fixed portion that is allotted (especially in times of scarcity) -07775197 __sunflower_seed_NN_1 edible seed of sunflowers; used as food and poultry feed and as a source of oil -09907919 __changeling_NN_2 a child secretly exchanged for another in infancy -00457228 __innings_NN_1 the batting turn of a cricket player or team -03481172 __hammer_NN_2 a hand tool with a heavy rigid head and a handle; used to deliver an impulsive force by striking -07108123 __prosopopoeia_NN_1 representing an abstract quality or idea as a person or creature -05756414 __stimulus_generalization_NN_1 (psychology) transfer of a response learned to one stimulus to a similar stimulus -00649760 __dialysis_NN_1 separation of substances in solution by means of their unequal diffusion through semipermeable membranes -05740300 __bioassay_NN_1 appraisal of the biological activity of a substance by testing its effect on an organism and comparing the result with some agreed standard -07527352 __joyousness_NN_1 the emotion of great happiness -01491520 __genus_galeorhinus_NN_1 a genus of Carcharhinidae -03336839 __file_NN_4 a steel hand tool with small sharp teeth on some or all of its surfaces; used for smoothing wood or metal -08100907 __vicarship_NN_1 the religious institution under the authority of a vicar -00138069 __tell_on_VB_2 produce an effect or strain on somebody; "Each step told on his tired legs" -08356375 __legislative_branch_NN_1 the branch of the United States government that has the power of legislating -02279637 __danaid_butterfly_NN_1 large tropical butterfly with degenerate forelegs and an unpleasant taste -10049017 __electrical_engineer_NN_1 a person trained in practical applications of the theory of electricity -06551339 __wedding_license_NN_1 a license authorizing two people to marry -07439883 __radiation_NN_5 the spread of a group of organisms into new habitats -12343480 __fuchsia_NN_1 any of various tropical shrubs widely cultivated for their showy drooping purplish or reddish or white flowers; Central and South America and New Zealand and Tahiti -00238527 __induction_NN_5 the act of bringing about something (especially at an early time); "the induction of an anesthetic state" -08391696 __ngb_NN_1 the agency that administers the Army National Guard and the Air National Guard; provides liaison between the Army and the Air Force and various National Guard units -02043501 __send_around_VB_1 forward to others; "he is sending around an appeal for funds" -09898346 __cartoonist_NN_1 a person who draws cartoons -11643354 __sandarach_NN_1 a brittle and faintly aromatic translucent resin used in varnishes -02248368 __coccid_insect_NN_1 scale insects and mealybugs -09897696 __toter_NN_1 someone whose employment involves carrying something; "the bonds were transmitted by carrier" -02409870 __asian_wild_ox_NN_1 genus of Asiatic wild oxen -04050410 __ram_NN_4 a tool for driving or forcing something by impact -13074084 __family_cortinariaceae_NN_1 a family of fungi belonging to the order Agaricales -01958914 __genus_ensis_NN_1 razor clams -01362480 __nitrosomonas_NN_1 ellipsoidal soil bacteria -00064370 __sleeper_NN_9 an unexpected hit; "that movie was the sleeper of the summer" -09716047 __italian_NN_1 a native or inhabitant of Italy -09896170 __caricaturist_NN_1 someone who parodies in an exaggerated manner -06611147 __twaddle_NN_1 pretentious or silly talk or writing -09053947 __pittsburgh_of_the_south_NN_1 the largest city in Alabama; located in northeastern Alabama -14462193 __rawness_NN_2 the state of being crude and incomplete and imperfect; "the study was criticized for incompleteness of data but it stimulated further research"; "the rawness of his diary made it unpublishable" -07920989 __mocha_NN_2 a flavoring made from coffee mixed with chocolate -00278810 __mastication_NN_1 biting and grinding food in your mouth so it becomes soft enough to swallow -09893191 __captain_NN_1 an officer holding a rank below a major but above a lieutenant -04942869 __disposition_NN_4 a natural or acquired habit or characteristic tendency in a person or thing; "a swelling with a disposition to rupture" -00980453 __word_VB_1 put into words or an expression; "He formulated his concerns to the board of trustees" -11606379 __order_cordaitales_NN_1 extinct plants having tall arborescent trunks comparable to or more advanced than cycads; known from the Pennsylvanian period; probably extinct since the Mesozoic era -10193026 __huntsman_NN_1 someone who hunts game -09890296 __camp_follower_NN_1 a prostitute who provides service to military personnel -05014099 __boiling_point_NN_1 the temperature at which a liquid boils at sea level; "they brought the water to a boil" -05580416 __hinge_joint_NN_1 a freely moving joint in which the bones are so articulated as to allow extensive movement in one plane -00951037 __railroading_NN_1 the activity of designing and constructing and operating railroads -04244379 __sluiceway_NN_1 conduit that carries a rapid flow of water controlled by a sluicegate -01631903 __genus_ambystoma_NN_1 type genus of the Ambystomatidae -00248368 __seasoning_NN_2 the act of adding a seasoning to food -00418903 __victimization_NN_2 an act that exploits or victimizes someone (treats them unfairly); "capitalistic exploitation of the working class"; "paying Blacks less and charging them more is a form of victimization" -01790943 __genus_gallus_NN_1 common domestic birds and related forms -03469493 __gunlock_NN_1 the action that ignites the charge in a firearm -08070465 __underwriter_NN_3 a financial institution that sells insurance -00410247 __practice_NN_1 a customary way of operation or behavior; "it is their practice to give annual raises"; "they changed their dietary pattern" -00764588 __nuclear_terrorism_NN_1 the use of a nuclear device by a terrorist organization to cause massive devastation or the use (or threat of use) of fissionable radioactive materials; "assaults on nuclear power plants is one form of nuclear terrorism" -02766792 __parlour_grand_piano_NN_1 a small grand piano -08677801 __vertex_NN_2 the highest point (of something); "at the peak of the pyramid" -01911511 __hydrozoa_NN_1 coelenterates typically having alternation of generations; hydroid phase is usually colonial giving rise to the medusoid phase by budding: hydras and jellyfishes -02235842 __give_VB_4 convey or reveal information; "Give one's name" -00128477 __bunt_NN_1 (baseball) the act of hitting a baseball lightly without swinging the bat -00877127 __looking_at_NN_1 the act of directing the eyes toward something and perceiving it visually; "he went out to have a look"; "his look was fixed on her eyes"; "he gave it a good looking at"; "his camera does his looking for him" -02180898 __ring_VB_1 sound loudly and sonorously; "the bells rang" -00875671 __logistic_assessment_NN_1 a judgment of the logistic support required for some particular military operation -06261744 __multimedia_system_NN_1 transmission that combine media of communication (text and graphics and sound etc.) -01107254 __outshine_VB_2 attract more attention and praise than others; "This film outshone all the others in quality" -12282235 __grey_birch_NN_1 medium-sized birch of eastern North America having white or pale grey bark and valueless wood; occurs often as a second-growth forest tree -08889657 __limerick_NN_1 port city in southwestern Ireland -00504844 __tombola_NN_1 a lottery in which tickets are drawn from a revolving drum -02497824 __appeal_VB_4 challenge (a decision); "She appealed the verdict" -00167278 __exchange_NN_10 (chess) gaining (or losing) a rook in return for a knight or bishop; "black lost the exchange" attractive especially by means of smallness or prettiness or quaintness; "a cute kid with pigtails"; "a cute little apartment"; "cunning kittens"; "a cunning baby" -06293229 __loanblend_NN_1 a word that is composed of parts from different languages (e.g., `monolingual' has a Greek prefix and a Latin root) -00048790 __jacket_VB_2 put a jacket on; "The men were jacketed" -06026088 __normal_curve_NN_1 a symmetrical curve representing the normal distribution -12830974 __genus_alsobia_NN_1 tropical American herbs sometimes included in genus Episcia -02603540 __sphyraena_barracuda_NN_1 large (up to 6 ft) greyish-brown barracuda highly regarded as a food and sport fish; may be dangerous to swimmers relating to or resembling lymphatic glands or lymphoid tissue -08207001 __mujahedeen_khalq_NN_1 Iranian guerillas based in Iraq -00082870 __laying_claim_NN_1 the act of taking possession of or power over something; "his assumption of office coincided with the trouble in Cuba"; "the Nazi assumption of power in 1934"; "he acquired all the company's assets for ten million dollars and the assumption of the company's debts" -09875353 __hand_NN_11 a card player in a game of bridge; "we need a 4th hand for bridge" -00592446 __fatherhood_NN_3 the status of a religious leader -05293944 __musculus_articularis_genus_NN_1 the articular muscle of the knee -09434661 __sierra_madre_oriental_NN_1 a mountain range in northeastern Mexico the runs parallel to the coastline of the Gulf of Mexico -03036866 __clinch_NN_4 a device (generally used by carpenters) that holds things firmly together -09873348 __brawler_NN_1 a fighter (especially one who participates in brawls) -14747168 __provera_NN_1 a progestin compound (trade name Provera) used to treat menstrual disorders -01897851 __marabou_NN_2 the downy feathers of marabou storks are used for trimming garments -03176594 __deodourant_NN_1 a toiletry applied to the skin in order to mask unpleasant odors -06408779 __version_NN_3 a written work (as a novel) that has been recast in a new form; "the play is an adaptation of a short novel" -01894520 __breeze_VB_2 to proceed quickly and easily -07324380 __genesis_NN_1 a coming into being -09868270 __plant_scientist_NN_1 a biologist specializing in the study of plants -04478512 __trellis_NN_1 latticework used to support climbing plants -05203649 __strength_NN_2 capability in terms of personnel and materiel that affect the capacity to fight a war; "we faced an army of great strength"; "politicians have neglected our military posture" -05811884 __execration_NN_3 the object of cursing or detestation; that which is execrated -02405577 __welsh_black_NN_1 a breed of dual-purpose cattle developed in Wales -00949619 __technology_NN_1 the practical application of science to commerce or industry -02636854 __mojarra_NN_1 small silvery schooling fishes with protrusible mouths found in warm coastal waters -10051337 __peculator_NN_1 someone who violates a trust by taking (money) for his own use -03415252 __gamp_NN_1 colloquial terms for an umbrella -02822220 __spread_NN_9 decorative cover for a bed -12060380 __genus_eburophyton_NN_1 a monocotyledonous genus of the family Orchidaceae -09433442 __shore_NN_1 the land along the edge of a body of water -01176219 __whipping_NN_4 the act of overcoming or outdoing -09863339 __boffin_NN_1 (British slang) a scientist or technician engaged in military research -09863031 __escort_NN_1 someone who escorts and protects a prominent person -09862845 __muscleman_NN_2 someone who does special exercises to develop a brawny musculature -05658826 __nose_NN_6 the sense of smell (especially in animals); "the hound has a good nose" -09861287 __bluecoat_NN_1 a person dressed all in blue (as a soldier or sailor) -09860940 __blubberer_NN_1 someone who sniffles and weeps with loud sobs -01857632 __honker_NN_3 common greyish-brown wild goose of North America with a loud, trumpeting call -14451020 __urgency_NN_1 the state of being urgent; an earnest and insistent necessity -07389931 __plonk_NN_2 the noise of something dropping (as into liquid) -01350994 __coccobacillus_NN_1 a bacterial cell intermediate in morphology between a coccus and a bacillus; a very short bacillus -02425228 __tragelaphus_scriptus_NN_1 antelope with white markings like a harness and twisted horns -06618822 __talking_picture_NN_1 a movie with synchronized speech and singing -03052464 __mens_store_NN_1 a store where men's clothes are sold -01070566 __point_duty_NN_1 the control of traffic by a policeman stationed at an intersection -01750315 __notechis_NN_1 tiger snakes -02266864 __sialis_lutaria_NN_1 dark-colored insect having predaceous aquatic larvae -06514621 __etymology_NN_1 a history of a word -00859001 __response_NN_2 a bodily process occurring due to the effect of some antecedent stimulus or agent; "a bad reaction to the medicine"; "his responses have slowed with age" -09853305 __bigamist_NN_1 someone who marries one person while already legally married to another -01546660 __tyranni_NN_1 New World flycatchers; antbirds; oven birds; woodhewers -03993403 __poultice_NN_1 a medical dressing consisting of a soft heated mass of meal or clay that is spread on a cloth and applied to the skin to treat inflamed areas or improve circulation etc. -12929403 __camellia_NN_1 any of several shrubs or small evergreen trees having solitary white or pink or reddish flowers -14156488 __hirschsprung's_disease_NN_1 congenital condition in which the colon does not have the normal network of nerves; there is little urge to defecate so the feces accumulate and cause megacolon -08752974 __puerto_rico_NN_1 a self-governing commonwealth associated with the United States occupying the island of Puerto Rico -02582450 __litigate_VB_1 engage in legal proceedings -02409202 __tamarau_NN_1 small buffalo of Mindoro in the Philippines -04629194 __unemotionality_NN_2 absence of emotion -04622415 __solitariness_NN_2 a disposition toward being alone -01648620 __fire-bellied_toad_NN_1 toad of central and eastern Europe having red or orange patches mixed with black on its underside -09076982 __athens_NN_3 a university town in northeast Georgia -03387016 __understructure_NN_1 lowest support of a structure; "it was built on a base of solid rock"; "he stood at the foot of the tower" -04369025 __wrapping_NN_2 an enveloping bandage -10162194 __hater_NN_1 a person who hates -02302817 __vend_VB_1 sell or offer for sale from place to place -04623113 __nature_NN_4 the complex of emotional and intellectual attributes that determine a person's characteristic actions and reactions; "it is his nature to help others" -14043243 __anoxia_NN_1 severe hypoxia; absence of oxygen in inspired gases or in arterial blood or in the tissues -01593857 __irena_NN_1 type genus of the Irenidae: fairy bluebirds -03058949 __coat_of_paint_NN_1 a layer of paint covering something else -09843602 __bather_NN_2 a person who takes a bath -04962062 __silver_grey_NN_1 a light shade of grey -10516527 __rn_NN_2 a graduate nurse who has passed examinations for registration -00343898 __go_over_VB_2 happen in a particular manner; "how did your talk go over?" -04805136 __infallibility_NN_1 the quality of never making an error -09148970 __virginia_NN_1 a state in the eastern United States; one of the original 13 colonies; one of the Confederate States in the American Civil War -07581346 __starter_NN_5 food or drink to stimulate the appetite (usually served before a meal or as the first course) -03867675 __serax_NN_1 a tranquilizing drug (trade name Serax) used to treat anxiety and insomnia and alcohol withdrawal -02585446 __swimmeret_NN_1 one of the paired abdominal appendages of certain aquatic crustaceans that function primarily for carrying the eggs in females and are usually adapted for swimming -02919414 __sheaf_NN_1 a package of several things tied together for carrying or storing -13928668 __relationship_NN_3 a state involving mutual dealings between people or parties or countries -06362441 __hieroglyphic_NN_2 a writing system using picture symbols; used in ancient Egypt -03473465 __gyrostabilizer_NN_1 a stabilizer consisting of a heavy gyroscope that spins on a vertical axis; reduces side-to-side rolling of a ship or plane -02264021 __antlion_fly_NN_1 winged insect resembling a dragonfly; the larvae (doodlebugs) dig conical pits where they wait to catch e.g. ants -07827750 __poppy_seed_NN_1 small grey seed of a poppy flower; used whole or ground in baked items -00106592 __gown_VB_1 dress in a gown -09833997 __noncompliant_NN_1 a person who refuses to comply -00116687 __projection_NN_10 the act of expelling or projecting or ejecting -00263492 __tittivation_NN_1 sprucing up; making decorative additions to -00619142 __costing_NN_1 cost accounting -09720033 __sami_NN_1 a member of an indigenous nomadic people living in northern Scandinavia and herding reindeer -05903229 __legal_system_NN_1 a system for interpreting and enforcing the laws -12640607 __apricot_tree_NN_1 Asian tree having clusters of usually white blossoms and edible fruit resembling the peach -10258896 __slugabed_NN_1 a person who stays in bed until a relatively late hour -01654957 __order_gymnophiona_NN_1 an order of amphibians including caecilians -05566919 __extremity_NN_5 that part of a limb that is farthest from the torso -01302982 __girth_VB_1 tie a cinch around; "cinch horses" -08252602 __party_NN_2 a group of people gathered together for pleasure; "she joined the party after dinner" -07379223 __clink_NN_1 a short light metallic sound -11353195 __turner_NN_1 United States slave and insurrectionist who in 1831 led a rebellion of slaves in Virginia; he was captured and executed (1800-1831) -07047505 __potpourri_NN_2 a musical composition consisting of a series of songs or other musical pieces from various sources -07007684 __dramatic_work_NN_1 a play for performance on the stage or television or in a movie etc. -09824609 __authority_NN_2 (usually plural) persons who exercise (administrative) control over others; "the authorities have issued a curfew" -00664276 __authenticate_VB_1 establish the authenticity of something -09821253 __attacker_NN_1 someone who attacks -00190783 __solution_NN_5 the successful action of solving a problem; "the solution took three hours" -02166229 __mexican_bean_beetle_NN_1 introduced into the United States from Mexico; feeds on the foliage of the bean plant -08230477 __sorority_NN_1 a social club for female undergraduates -09818343 __uranologist_NN_1 a physicist who studies astronomy -09817816 __astrologist_NN_1 someone who predicts the future by the positions of the planets and sun and Moon -14863521 __manure_NN_1 any animal or plant material used to fertilize land especially animal excreta usually with litter material -05131283 __elevation_NN_5 distance of something above a reference point (such as sea level); "there was snow at the higher elevations" -06171388 __musicology_NN_1 the scholarly and scientific study of music -09356781 __mobile_bay_NN_1 a bay of the Gulf of Mexico; fed by the Mobile River -02384041 __install_VB_2 put into an office or a position; "the new president was installed immediately after the election" -02028175 __yellowlegs_NN_1 either of two North American shorebird with yellow legs -10673451 __suggester_NN_1 someone who advances a suggestion or proposal; "the suggester of this absurd strategy was a fool" -02688794 __overlap_VB_2 extend over and cover a part of; "The roofs of the houses overlap in this crowded city" -12319204 __juglans_nigra_NN_1 North American walnut tree with hard dark wood and edible nut -09810364 __arrogator_NN_1 a person who through conceit makes pretentious claims to rights or advantages that he or she is not entitled to or to qualities that he or she does not possess -02066450 __suborder_odontoceti_NN_1 toothed whales: dolphins; porpoises; sperm whales; beaked whales -03595860 __jet_plane_NN_1 an airplane powered by one or more jet engines -09807754 __patrician_NN_2 a member of the aristocracy -07394236 __snap_NN_5 the noise produced by the rapid movement of a finger from the tip to the base of the thumb on the same hand; "servants appeared at the snap of his fingers" -09639719 __paleface_NN_1 (slang) a derogatory term for a white person (supposedly used by North American Indians) -08019523 __popular_democratic_front_for_the_liberation_of_palestine_NN_1 a Marxist-Leninist group that believes Palestinian goals can only be achieved by revolutionary change; "in 1974 the DFLP took over a schoolhouse and massacred Israeli schoolchildren" -04889162 __snobbism_NN_1 the trait of condescending to those of lower social status -09807075 __primate_NN_1 a senior clergyman and dignitary -09873604 __ledgeman_NN_1 a quarry worker who splits off blocks of stone -09805475 __designer_NN_2 someone who creates plans to be used in making something (such as buildings) -04407007 __temazepam_NN_1 a frequently prescribed benzodiazepine (trade name Restoril); takes effect slowly and lasts long enough to help those people who wake up frequently during the night -08050678 __regime_NN_1 the organization that is the governing authority of a political unit; "the government reduced taxes"; "the matter was referred to higher authorities" -09662038 __muskogean_NN_1 a member of any of the peoples formerly living in southeastern United States and speaking Muskhogean languages -01822423 __order_cuculiformes_NN_1 cuckoos; touracos; etc. -00348252 __enter_VB_9 set out on (an enterprise or subject of study); "she embarked upon a new career" -02435853 __mouse_deer_NN_1 very small hornless deer-like ruminant of tropical Asia and west Africa -01418620 __zoomastigote_NN_1 flagellate protozoan lacking photosynthesis and other plant-like characteristics -00596692 __premiership_NN_1 the office of premier -12205694 __herbaceous_plant_NN_1 a plant lacking a permanent woody stem; many are flowering garden plants or potherbs; some having medicinal properties; some are pests -09305358 __hood_NN_2 a protective covering that is part of a plant -08729094 __grand_canal_NN_2 an inland waterway 1000 miles long in eastern China; extends from Tianjin in the north to Hangzhou in the south -09798534 __vindicator_NN_1 a person who argues to defend or justify some policy or institution; "an apologist for capital punishment" -03790755 __tourist_court_NN_1 a hotel for motorists; provides direct access from rooms to parking area -09349192 __matterhorn_NN_1 a mountain in the Alps on the border between Switzerland and Italy (14,780 feet high); noted for its distinctive shape -09086635 __davenport_NN_1 a city in eastern Iowa on the Mississippi River across from Moline and Rock Island -09795639 __anointer_NN_1 one who anoints as a religious ceremony -09793830 __angiologist_NN_1 a physician who specializes in angiology -02882647 __pin_NN_11 a club-shaped wooden object used in bowling; set up in triangular groups of ten as the target -09125629 __utica_NN_1 a city in central New York -01644900 __tailed_toad_NN_1 western North American frog with a taillike copulatory organ -14334122 __pustule_NN_1 a small inflamed elevation of skin containing pus; a blister filled with pus -03668642 __semblance_NN_3 picture consisting of a graphic image of a person or thing -07769731 __rambutan_NN_2 pleasantly acid bright red oval Malayan fruit covered with soft spines -01687441 __family_agamidae_NN_1 an Old World reptile family of Sauria -01445305 __ictiobus_NN_1 buffalo fishes -09786338 __graduate_NN_1 a person who has received a degree from a school (high school or college or university) -11375418 __washington_NN_4 1st President of the United States; commander-in-chief of the Continental Army during the American Revolution (1732-1799) -02139671 __megabat_NN_1 large Old World bat of warm and tropical regions that feeds on fruit -09476331 __waterway_NN_1 a navigable body of water -01532107 __spinus_NN_1 in some classifications considered a subgenus of Carduelis: siskins and New World goldfinches -03069213 __collectible_NN_1 things considered to be worth collecting (not necessarily valuable or antique) -03216562 __dixie_NN_2 a large metal pot (12 gallon camp kettle) for cooking; used in military camps -05126849 __register_NN_2 (music) the timbre that is characteristic of a certain range and manner of production of the human voice or of different pipe organ stops or of different musical instruments -08389572 __battery_NN_1 group of guns or missile launchers operated together at one place -13025647 __yeast_NN_2 any of various single-celled fungi that reproduce asexually by budding or division -03139089 __jacket_crown_NN_1 (dentistry) dental appliance consisting of an artificial crown for a broken or decayed tooth; "tomorrow my dentist will fit me for a crown" -06551627 __patent_NN_2 an official document granting a right or privilege -00552097 __roleplaying_NN_1 acting a particular role (as in psychotherapy) -01476829 __order_cyclostomata_NN_1 primitive jawless aquatic vertebrate: lampreys; hagfishes -01436015 __project_VB_3 transfer (ideas or principles) from one domain into another -08192557 __us_coast_guard_NN_1 an agency of the Department of Transportation responsible for patrolling shores and facilitating nautical commerce -06769032 __demythologization_NN_1 the restatement of a message (as a religious one) in rational terms -02501275 __tarsiidae_NN_1 coextensive with the genus Tarsius: tarsiers -02214203 __genus_eumenes_NN_1 mason wasps -04232153 __skullcap_NN_1 rounded brimless cap fitting the crown of the head -03214670 __water_pill_NN_1 any substance that tends to increase the flow of urine, which causes the body to get rid of excess water -00592535 __foremanship_NN_1 the position of foreman -00562303 __deflate_VB_5 reduce or cut back the amount or availability of, creating a decline in value or prices; "deflate the currency" -02819474 __bed_NN_2 a plot of ground in which plants are growing; "the gardener planted a bed of roses" -11996092 __mikania_NN_1 large genus of evergreen lianas of tropical America -04760024 __tangibleness_NN_1 the quality of being perceivable by touch -05435477 __nucleolus_organizer_NN_1 the particular part of a chromosome that is associated with a nucleolus after nuclear division -05658985 __sense_of_movement_NN_1 the ability to feel movements of the limbs and body -09772746 __fornicator_NN_1 someone who commits adultery or fornication -00784934 __shakedown_NN_3 extortion of money (as by blackmail) -12289433 __filbert_NN_1 small nut-bearing tree much grown in Europe -09771435 __adorer_NN_1 someone who admires a young woman; "she had many admirers" -09770949 __decision_maker_NN_1 someone who administers a business -12326842 __myriophyllum_NN_1 chiefly monoecious and usually aquatic herbs (as the milfoils) -02063224 __whalebone_whale_NN_1 whale with plates of whalebone along the upper jaw for filtering plankton from the water -02394822 __suidae_NN_1 pigs; hogs; boars -01800286 __ortalis_NN_1 chachalacas -09131205 __dayton_NN_1 a city in southwest Ohio; manufacturing center -06542047 __proscription_NN_1 a decree that prohibits something -01918152 __ctenophore_genus_NN_1 a genus of ctenophores -07171940 __exegesis_NN_1 an explanation or critical interpretation (especially of the Bible) -09760609 __companion_NN_3 one paid to accompany or assist or live with another -09758885 __academic_administrator_NN_1 an administrator in a college or university -09757944 __nondrinker_NN_1 a person who refrains from drinking intoxicating beverages -00799809 __front-porch_campaigning_NN_1 a campaign in which the candidate makes speeches but does not travel; "William McKinley's dignified front-porch campaign won him the presidency in 1896"; "her approach was the opposite of a passive front-porch campaign" -07821107 __winter_savoury_NN_1 resinous leaves used in stews and stuffings and meat loaf -08593924 __line_NN_20 in games or sports; a mark indicating positions or bounds of the playing area -09756400 __abiogenist_NN_1 a believer in abiogenesis -08896092 __negara_brunei_darussalam_NN_1 a sultanate in northwestern Borneo; became independent of Great Britain in 1984 -09755398 __absolutist_NN_1 one who advocates absolutism -09752927 __virgo_NN_1 (astrology) a person who is born while the sun is in Virgo -01518347 __struthioniformes_NN_1 a ratite bird order: ostriches and related extinct birds; known from the Pleistocene onward -07478169 __loss_of_consciousness_NN_1 the occurrence of a loss of the ability to perceive and respond -04810865 __unlawfulness_NN_1 the quality of failing to conform to law -02598438 __genyonemus_NN_1 a genus of Sciaenidae -00597821 __proconsulship_NN_1 the position of proconsul -02317212 __class_asteroidea_NN_1 sea stars -05176188 __entree_NN_2 the right to enter -07094508 __scansion_NN_1 analysis of verse into metrical patterns -04814872 __eclat_NN_3 brilliant or conspicuous success or effect; "the eclat of a great achievement" -09619168 __female_person_NN_1 a person who belongs to the sex that can have babies -05782140 __dissection_NN_2 a minute and critical analysis -03797390 __mug_NN_4 with handle and usually cylindrical -00086297 __poundage_NN_4 placing private property in the custody of an officer of the law -14044930 __impotency_NN_2 an inability (usually of the male animal) to copulate -00672433 __judge_VB_3 judge tentatively or form an estimate of (quantities or time); "I estimate this chicken to weigh three pounds" -01532329 __splotch_VB_1 blotch or spot -05689645 __millstone_NN_1 (figurative) something that hinders or handicaps; "she was an albatross around his neck" -02048514 __order_gaviiformes_NN_1 large aquatic birds: loons and some extinct forms -02619424 __visit_VB_7 stay with as a guest; "Every summer, we visited our relatives in the country for a month" -06943771 __slavonic_language_NN_1 a branch of the Indo-European family of languages -07336214 __receding_NN_1 a slow or gradual disappearance -02232606 __order_dictyoptera_NN_1 in some classifications replaced by the orders (here suborders) Blattodea (cockroaches) and Manteodea (mantids); in former classifications often subsumed under a much broader order Orthoptera -09210604 __atmosphere_NN_5 the envelope of gases surrounding any celestial body -09734885 __turk_NN_1 a native or inhabitant of Turkey -09733028 __sherpa_NN_1 a member of the Himalayan people living in Nepal and Tibet who are famous for their skill as mountaineers -02606590 __pomacentrus_NN_1 type genus of the Pomacentridae: damselfishes -11561228 __liliid_monocot_genus_NN_1 genus of monocotyledonous plants comprising mostly herbs having usually petaloid sepals and petals and compound pistils -10319580 __thought-reader_NN_2 a magician who seems to discern the thoughts of another person (usually by clever signals from an accomplice) -05542539 __pterygoid_process_NN_1 two bony processes descending from the body of the sphenoid bone -06716234 __scoffing_NN_1 showing your contempt by derision -04707409 __predomination_NN_2 the quality of being more noticeable than anything else; "the predomination of blues gave the painting a quiet tone" -08319198 __parliament_NN_1 a legislative assembly in certain countries -09731571 __south_american_NN_1 a native or inhabitant of South America -01655577 __superorder_labyrinthodontia_NN_1 extinct amphibians typically resembling heavy-bodied salamanders or crocodiles and having a solid flattened skull and conical teeth; Devonian through Triassic -07168131 __dictation_NN_1 an authoritative direction or instruction to do something -00059552 __manoeuvre_NN_5 an action aimed at evading an opponent -01816336 __syrrhaptes_NN_1 a genus of Pteroclididae -09311259 __indian_ocean_NN_1 the 3rd largest ocean; bounded by Africa on the west, Asia on the north, Australia on the east and merging with the Antarctic Ocean to the south -06836929 __gimel_NN_1 the 3rd letter of the Hebrew alphabet -08928083 __zarqa_NN_1 city in northwestern Jordan -11968931 __thoroughwort_NN_1 perennial herb of southeastern United States having white-rayed flower heads; formerly used as in folk medicine -02907985 __brown_university_NN_1 a university in Rhode Island -09727440 __filipino_NN_1 a native or inhabitant of the Philippines -02719450 __antidiuretic_drug_NN_1 a drug that limits the formation of urine -02899257 __bridge_deck_NN_1 an upper deck where a ship is steered and the captain stands -05602548 __forehead_NN_1 the part of the face above the eyes -05910940 __schedule_NN_1 a temporally organized plan for matters to be attended to -09722399 __mauritanian_NN_1 a native or inhabitant of Mauritania -02490030 __family_callithricidae_NN_1 marmosets -09720256 __latino_NN_1 a native of Latin America -09719794 __laotian_NN_1 a member of a Buddhist people inhabiting the area of the Mekong River in Laos and Thailand and speaking the Lao language; related to the Thais -01834485 __stand_still_VB_1 remain in place; hold still; remain fixed or immobile; "Traffic stood still when the funeral procession passed by" -14191037 __toxemia_of_pregnancy_NN_1 an abnormal condition of pregnancy characterized by hypertension and edema and protein in the urine -06054892 __pharmacology_NN_1 the science or study of drugs: their preparation and properties and uses and effects -00365471 __contraction_NN_4 the act of decreasing (something) in size or volume or quantity or scope -01450081 __order_berycomorphi_NN_1 an order of spiny-finned fish in the superorder Acanthopterygii -09716439 __wop_NN_1 (ethnic slur) offensive term for a person of Italian descent -03909835 __penicillamine_NN_1 a drug (trade name Cuprimine) used to treat heavy metal poisoning and Wilson's disease and severe arthritis -02653145 __triggerfish_NN_1 any of numerous compressed deep-bodied tropical fishes with sandpapery skin and erectile spines in the first dorsal fin -07419792 __recovery_NN_1 return to an original state; "the recovery of the forest after the fire was surprisingly rapid" -01725886 __rag_VB_3 play in ragtime; "rag that old tune" -05847438 __algorithmic_rule_NN_1 a precise rule (or set of rules) specifying how to solve some problem -00984609 __reconnaissance_mission_NN_1 the act of reconnoitring (especially to gain information about an enemy or potential enemy); "an exchange of fire occurred on a reconnaissance mission" -01018928 __stipulate_VB_1 specify as a condition or requirement in a contract or agreement; make an express demand or provision in an agreement; "The will stipulates that she can live in the house for the rest of her life"; "The contract stipulates the dates of the payments" -00906367 __convict_VB_1 find or declare guilty; "The man was convicted of fraud and sentenced" -00029025 __grin_VB_1 to draw back the lips and reveal the teeth, in a smile, grimace, or snarl -03945167 __tobacco_pipe_NN_1 a tube with a small bowl at one end; used for smoking tobacco -13793504 __involvement_NN_2 a connection of inclusion or containment; "he escaped involvement in the accident"; "there was additional involvement of the liver and spleen" -02384686 __invite_VB_2 invite someone to one's house; "Can I invite you for dinner on Sunday night?" -01443398 __genus_carassius_NN_1 goldfish -02498888 __nycticebus_NN_1 a genus of Lorisidae -06422740 __guidebook_NN_1 something that offers basic information or instruction -02117135 __hyena_NN_1 doglike nocturnal mammal of Africa and southern Asia that feeds chiefly on carrion -02446352 __mephitis_macroura_NN_1 of Mexico and southernmost parts of southwestern United States -09702134 __anglo-saxon_NN_2 a person of Anglo-Saxon (especially British) descent whose native tongue is English and whose culture is strongly influenced by English culture as in WASP for `White Anglo-Saxon Protestant'; "in the ninth century the Vikings began raiding the Anglo-Saxons in Britain"; "his ancestors were not just British, they were Anglo-Saxons" -05961867 __formalism_NN_1 the doctrine that formal structure rather than content is what should be represented -02895881 __rear_of_tube_NN_1 opening in the rear of the barrel of a gun where bullets can be loaded -00733483 __violation_NN_3 entry to another's property without right or permission -09774783 __proponent_NN_1 a person who pleads for a cause or propounds an idea -10788852 __woman_NN_2 a female person who plays a significant role (wife or mistress or girlfriend) in the life of a particular man; "he was faithful to his woman" -09049599 __gulf_states_NN_1 a region of the United States comprising states bordering the Gulf of Mexico; Alabama and Florida and Louisiana and Mississippi and Texas -03326948 __magic_marker_NN_1 a pen with a writing tip made of felt (trade name Magic Marker) -00105778 __clown_around_VB_1 act as or like a clown -00211593 __follow-through_NN_1 carrying some project or intention to full completion; "I appreciated his follow-through on his promise" -02709367 __ground_tackle_NN_1 a mechanical device that prevents a vessel from moving -09280380 __firth_NN_2 a long narrow estuary (especially in Scotland) -08756884 __republic_of_cyprus_NN_1 a country on the island of Cyprus; 80% of the people are of Greek origin and 20% or Turkish origin -09698108 __chinese_NN_2 a native or inhabitant of Communist China or of Nationalist China -03199647 __diner_NN_3 a restaurant that resembles a dining car -09697070 __carthaginian_NN_1 a native or inhabitant of ancient Carthage -10179649 __pig_NN_3 a person regarded as greedy and pig-like -09693618 __tswana_NN_1 a member of a Bantu people living chiefly in Botswana and western South Africa -02418064 __goat_antelope_NN_1 bovid related to goats but having antelope-like features: mountain goats; gorals; serows; chamois; gnu goats -14370391 __cerebral_hemorrhage_NN_1 bleeding from a ruptured blood vessel in the brain -02285179 __codling_moth_NN_1 a small grey moth whose larvae live in apples and English walnuts -00061792 __consummation_NN_1 the completion of marriage by sexual intercourse -14177423 __viral_hemorrhagic_fever_NN_1 a group of illnesses caused by a viral infection (usually restricted to a specific geographic area); fever and gastrointestinal symptoms are followed by capillary hemorrhage -00768921 __forgery_NN_2 criminal falsification by making or altering an instrument with intent to defraud -12940778 __oenanthe_NN_1 poisonous herbs: water dropworts -09690371 __armenian_NN_1 a native or inhabitant of Armenia -05018103 __luminousness_NN_1 the quality of being luminous; emitting or reflecting light; "its luminosity is measured relative to that of our sun" -00866273 __micturition_reflex_NN_1 relaxation of the urethral sphincter in response to increased pressure in the bladder -00912274 __dismantling_NN_1 the act of taking something apart (as a piece of machinery); "Russia and the United States discussed the dismantling of their nuclear weapons" -02159117 __horse's_foot_NN_1 the hoof of a horse -11994718 __madia_oil_NN_1 used as a substitute for olive oil -01204677 __gutter_VB_4 provide with gutters; "gutter the buildings" -02239659 __genus_anasa_NN_1 squash bugs -02362601 __shaft_VB_1 equip with a shaft -09463919 __turf_NN_1 surface layer of ground containing a mat of grass and grass roots -04727214 __aura_NN_3 a distinctive but intangible quality surrounding a person or thing; "an air of mystery"; "the house had a neglected air"; "an atmosphere of defeat pervaded the candidate's headquarters"; "the place had an aura of romance" -06649915 __attestation_NN_2 the evidence by which something is attested -09686536 __european_NN_1 a native or inhabitant of Europe -15236859 __fall_NN_1 the season when the leaves fall from the trees; "in the fall of 1973" -14658855 __tin_NN_1 a silvery malleable metallic element that resists corrosion; used in many alloys and to coat other metals to prevent corrosion; obtained chiefly from cassiterite where it occurs as tin oxide -09685564 __shivaist_NN_1 worshipper of Shiva -00589309 __sense_VB_4 comprehend; "I sensed the real meaning of his letter" -14779550 __chemical_agent_NN_1 an agent that produces chemical reactions -09268236 __dnieper_river_NN_1 a river that rises in Russia near Smolensk and flowing south through Belarus and Ukraine to empty into the Black Sea -09685085 __jainist_NN_1 a believer in Jainism -12317919 __walnut_family_NN_1 trees having usually edible nuts: butternuts; walnuts; hickories; pecans -01637478 __genus_batrachoseps_NN_1 slender salamanders -09683924 __zen_buddhist_NN_1 an adherent of the doctrines of Zen Buddhism -01879701 __hypsiprymnodon_NN_1 musk kangaroos -04277034 __wasteweir_NN_1 a channel that carries excess water over or around a dam or other obstruction -00737005 __drink_in_VB_1 be fascinated or spell-bound by; pay close attention to; "The mother drinks in every word of her son on the stage" -14422488 __decline_NN_2 a condition inferior to an earlier condition; a gradual falling off from a better state -09681351 __jew_NN_1 a person belonging to the worldwide group claiming descent from Jacob (or converted to it) and connected by cultural or religious ties -00347276 __get_to_VB_2 arrive at the point of; "She gets to fretting if I stay away from home too long" -01891638 __shake_VB_3 shake or vibrate rapidly and intensively; "The old engine was juddering" -05544432 __sutura_internasalis_NN_1 the suture between the two nasal bones -04491388 __truncheon_NN_1 a short stout club used primarily by policemen -01820937 __trichoglossus_NN_1 a genus of Loriinae -05251537 __ductulus_NN_1 a very small duct -01392380 __amoeba_NN_1 naked freshwater or marine or parasitic protozoa that form temporary pseudopods for feeding and locomotion -02829696 __curve_NN_5 curved segment (of a road or river or railroad track etc.) -05010801 __sound_reflection_NN_1 the repetition of a sound resulting from reflection of the sound waves; "she could hear echoes of her own footsteps" -03891851 __paxil_NN_1 a selective-serotonin reuptake inhibitor commonly prescribed as an antidepressant (trade name Paxil) -09678009 __christian_NN_1 a religious person who believes Jesus is the Christ and who is a member of a Christian denomination -03431745 __train_NN_6 wheelwork consisting of a connected set of rotating gears by which force is transmitted or motion or torque is changed; "the fool got his tie caught in the geartrain" -09676490 __native_australian_NN_1 a dark-skinned member of a race of people living in Australia when Europeans arrived -03574816 __instrument_NN_1 a device that requires skill for proper use -02809692 __technological_JJ_2 of or relating to a practical subject that is organized according to scientific principles; "technical college"; "technological development" -13828905 __opposition_NN_6 a direction opposite to another -09673916 __dravidian_NN_1 a member of one of the aboriginal races of India (pushed south by Caucasians and now mixed with them) -10768391 __warrant_officer_NN_1 holds rank by virtue of a warrant -02548522 __family_batrachoididae_NN_1 toadfishes; related to anglers and batfishes -01595624 __martin_NN_5 any of various swallows with squarish or slightly forked tail and long pointed wings; migrate around Martinmas -02219901 __monomorium_NN_1 a genus of Formicidae -10111144 __mason_NN_5 a member of a widespread secret fraternal order pledged to mutual assistance and brotherly love -07517737 __outrage_NN_1 a feeling of righteous anger -07541053 __hope_NN_2 the general feeling that some desire will be fulfilled; "in spite of his troubles he never gave up hope" -00928077 __designing_NN_1 the act of working out the form of something (as by making a sketch or outline or plan); "he contributed to the design of a new instrument" -04636397 __passivity_NN_1 the trait of remaining inactive; a lack of initiative -05775407 __vaticination_NN_1 knowledge of the future (usually said to be obtained from a divine source) -03188979 __diaphoretic_NN_1 used to produce perspiration -05904135 __voting_system_NN_1 a legal system for making democratic choices -03231476 __drag_NN_4 clothing that is conventionally worn by the opposite sex (especially women's clothing when worn by a man); "he went to the party dressed in drag"; "the waitresses looked like missionaries in drag" -01728738 __genus_diadophis_NN_1 a genus of reptiles of the family Colubridae including ringneck snakes -07080778 __mot_juste_NN_1 the appropriate word or expression -03163222 __fascia_NN_2 instrument panel on an automobile or airplane containing dials and controls -02678528 __zovirax_NN_1 an oral antiviral drug (trade name Zovirax) used to treat genital herpes; does not cure the disease but relieves the symptoms -07815588 __peppercorn_NN_1 pungent seasoning from the berry of the common pepper plant of East India; use whole or ground -11715810 __white_lotus_NN_1 white Egyptian lotus: water lily of Egypt to southeastern Africa; held sacred by the Egyptians -00955060 __operation_NN_5 activity by a military or naval force (as a maneuver or campaign); "it was a joint operation of the navy and air force" -01299888 __strict_JJ_3 characterized by strictness, severity, or restraint -08660339 __surface_NN_2 the extended two-dimensional outer boundary of a three-dimensional object; "they skimmed over the surface of the water"; "a brush small enough to clean every dental surface"; "the sun has no distinct surface" -08427629 __wagon_train_NN_1 a procession (of wagons or mules or camels) traveling together in single file; "we were part of a caravan of almost a thousand camels"; "they joined the wagon train for safety" -00260648 __touch_on_VB_3 restore by replacing a part or putting together what is torn or broken; "She repaired her TV set"; "Repair my shoes please" -07324917 __rise_NN_1 a growth in strength or number or importance -01408253 __ulvales_NN_1 an order of protoctist -02239528 __coreid_bug_NN_1 a true bug -09110422 __silver_state_NN_1 a state in the southwestern United States -02614945 __altitudinal_JJ_1 pertaining to altitude -09239740 __heavenly_body_NN_1 natural objects visible in the sky -08240966 __bloomsbury_group_NN_1 an inner circle of writers and artists and philosophers who lived in or around Bloomsbury early in the 20th century and were noted for their unconventional lifestyles -01284444 __little_bighorn_NN_2 a battle in Montana near the Little Bighorn River between United States cavalry under Custer and several groups of Native Americans (1876); Custer was pursuing Sioux led by Sitting Bull; Custer underestimated the size of the Sioux forces (which were supported by Cheyenne warriors) and was killed along with all his command -09546772 __water_sprite_NN_2 a fairy that inhabits water -00629257 __rationalize_VB_4 think rationally; employ logic or reason; "When one wonders why one is doing certain things, one should rationalize" -00432689 __spare-time_activity_NN_1 an auxiliary activity -10422540 __philhellenist_NN_1 an admirer of Greece and everything Greek -01159655 __harmless_JJ_1 not causing or capable of causing harm; "harmless bacteria"; "rendered the bomb harmless" -02314001 __phylum_ectoprocta_NN_1 coextensive with or a subphylum of Bryozoa -09198574 __antarctic_ocean_NN_1 the southern waters surrounding Antarctica -00798539 __snub_VB_2 reject outright and bluntly; "She snubbed his proposal" -09011518 __minsk_NN_1 the capital of Belarus and of the Commonwealth of Independent States -06545137 __title_NN_5 a legal document signed and sealed and delivered to effect a transfer of property and to show the legal right to possess it; "he signed the deed"; "he kept the title to his car in the glove compartment" -00763787 __domestic_terrorism_NN_1 terrorism practiced in your own country against your own people; "the 1995 bombing of a federal building in Oklahoma City was an instance of domestic terrorism" -09641226 __white_trash_NN_1 (slang) an offensive term for White people who are impoverished -11268667 __virginia_mcmath_NN_1 United States dancer and film actress who partnered with Fred Astaire (1911-1995) -00049309 __overdress_VB_1 dress too warmly; "You should not overclothe the child--she will be too hot" -03247083 __eye_dropper_NN_1 pipet consisting of a small tube with a vacuum bulb at one end for drawing liquid in and releasing it a drop at a time; "she used an eye dropper to administer medication to the eyes" -10311823 __mestizo_NN_1 a person of mixed racial ancestry (especially mixed European and Native American ancestry) -09637512 __colored_person_NN_1 a United States term for Blacks that is now considered offensive -01805801 __peafowl_NN_1 very large terrestrial southeast Asian pheasant often raised as an ornamental bird having received what was desired -14659512 __wolfram_NN_1 a heavy grey-white metallic element; the pure form is used mainly in electrical applications; it is found in several ores including wolframite and scheelite -02426813 __eland_NN_1 either of two large African antelopes of the genus Taurotragus having short spirally twisted horns in both sexes -09632274 __unskilled_person_NN_1 a person who lacks technical training -03302121 __excavation_NN_3 a hole in the ground made by excavating -09626589 __percipient_NN_1 a person who becomes aware (of things or events) through the senses -09620078 __inhabitant_NN_1 a person who inhabits a particular place -06806469 __symbol_NN_1 an arbitrary sign (written or printed) that has acquired a conventional significance -04217546 __signal_tower_NN_1 a building from which signals are sent to control the movements of railway trains -10033412 __sempstress_NN_1 someone who makes or mends dresses -01045719 __rumble_VB_2 to utter or emit low dull rumbling sounds; "he grumbled a rude response"; "Stones grumbled down the cliff" -00429440 __escapism_NN_1 an inclination to retreat from unpleasant realities through diversion or fantasy; "romantic novels were her escape from the stress of daily life"; "his alcohol problem was a form of escapism" -13484937 __lyophilization_NN_1 a method of drying food or blood plasma or pharmaceuticals or tissue without destroying their physical structure; material is frozen and then warmed in a vacuum so that the ice sublimes -01719403 __synapsid_reptile_NN_1 extinct reptile having a single pair of lateral temporal openings in the skull -09615211 __withstander_NN_2 a fighter who holds out against attack -09614684 __shielder_NN_1 a person who cares for persons or property -09614047 __coward_NN_1 a person who shows fear or timidity -07888909 __malt_NN_3 a cereal grain (usually barley) that is kiln-dried after having been germinated by soaking in water; used especially in brewing and distilling -01619354 __re-create_VB_1 create anew; "Re-create the boom of the West on a small scale" -00473322 __rationalize_VB_2 weed out unwanted or unnecessary things; "We had to lose weight, so we cut the sugar from our diet" -09612291 __contester_NN_1 someone who contests an outcome (of a race or an election etc.) -09016860 __kharkov_NN_1 a city in northeastern Ukraine; former capital of the Ukraine -09610255 __color-blind_person_NN_1 a person unable to distinguish differences in hue -09608002 __meeter_NN_1 a person who is present and participates in a meeting; "he was a regular attender at department meetings"; "the gathering satisfied both organizers and attendees" -01139194 __permit_NN_2 the act of giving a formal (usually written) authorization -04517408 __vacation_home_NN_1 a dwelling (a second home) where you live while you are on vacation -09604981 __self_NN_2 a person considered as a unique individual; "one's own self" -10561861 __scolder_NN_1 someone (especially a woman) who annoys people by constantly finding fault -08663156 __tip_NN_1 the extreme end of something; especially something pointed -06289250 __open-class_word_NN_1 a word to which an independent meaning can be assigned -01992935 __orchestiidae_NN_1 beach fleas -00364629 __pasteurize_VB_1 heat food in order to kill harmful microorganisms; "pasteurize milk" -06685456 __warranty_NN_1 a written assurance that some product or service will be provided or will meet certain specifications -06627006 __card_NN_3 a rectangular piece of stiff paper used to send messages (may have printed greetings or pictures); "they sent us a card from Miami" -12992022 __genus_cetraria_NN_1 foliose lichens chiefly of northern latitudes -09590495 __brynhild_NN_1 a Valkyrie or a queen in the Nibelungenlied who loved the hero Siegfried; when he deceived her she had him killed and then committed suicide -01156899 __equipping_NN_1 the act of equiping with weapons in preparation for war -07211950 __wail_NN_1 a cry of sorrow and grief; "their pitiful laments could be heard throughout the ward" -00064504 __strike_NN_6 a conspicuous success; "that song was his first hit and marked the beginning of his career"; "that new Broadway show is a real smasher"; "the party went with a bang" -09586011 __anglo-saxon_deity_NN_1 (Anglo-Saxon mythology) a deity worshipped by the Anglo-Saxons -01201100 __heterosexual_JJ_1 sexually attracted to members of the opposite sex -11466043 __heat_energy_NN_1 a form of energy that is transferred by a difference in temperature -02466670 __pass_VB_3 make laws, bills, etc. or bring into effect by legislation; "They passed the amendment"; "We cannot legislate how people spend their free time" -02409148 __overwork_VB_2 work excessively hard; "he is exploiting the students" -01468238 __urochordate_NN_1 primitive marine animal having a saclike unsegmented body and a urochord that is conspicuous in the larva -08838887 __marshall_islands_NN_2 a group of coral islands in eastern Micronesia -09163584 __north_vietnam_NN_1 a former country in southeastern Asia that existed from 1954 (after the defeat of the French at Dien Bien Phu) until 1975 when South Vietnam collapsed at the end of the Vietnam War -13030438 __peziza_NN_1 type genus of the Pezizaceae: a variety of cup fungus -13140993 __rhamnus_NN_1 type genus of the Rhamnaceae: buckthorns -03118969 __country_house_NN_1 a house (usually large and impressive) on an estate in the country -09481523 __yangtze_river_NN_1 the longest river of Asia; flows eastward from Tibet into the East China Sea near Shanghai -06205411 __narrowness_NN_2 an inclination to criticize opposing opinions or shocking behavior -00162632 __determination_NN_5 the act of making up your mind about something; "the burden of decision was his"; "he drew his conclusions quickly" -03009477 __charlestown_navy_yard_NN_1 the navy yard in Boston where the frigate `Constitution' is anchored -06136258 __psychology_NN_1 the science of mental life -03915320 __percussion_cap_NN_1 a detonator that explodes when struck -09573966 __jupiter_NN_2 (Roman mythology) supreme god of Romans; counterpart of Greek Zeus -14356720 __tennis_elbow_NN_1 painful inflammation of the tendon at the outer border of the elbow resulting from overuse of lower arm muscles (as in twisting of the hand) -02231680 __genus_diapheromera_NN_1 a genus of Phasmidae -00935264 __out_VB_2 reveal (something) about somebody's identity or lifestyle; "The gay actor was outed last week"; "Someone outed a CIA agent" -00155143 __rise_VB_2 increase in value or to a higher point; "prices climbed steeply"; "the value of our house rose sharply last year" -09565999 __muse_NN_1 in ancient Greek mythology any of 9 daughters of Zeus and Mnemosyne; protector of an art or science -07535010 __heartbreak_NN_1 intense sorrow caused by loss of a loved one (especially by death) -04033995 __quilt_NN_1 bedding made of two layers of cloth filled with stuffing and stitched together -02724207 __antiseptic_NN_1 a substance that destroys micro-organisms that carry disease without harming body tissues -12926689 __tapioca_plant_NN_1 cassava with long tuberous edible roots and soft brittle stems; used especially to make cassiri (an intoxicating drink) and tapioca -03918737 __personal_organizer_NN_1 a lightweight consumer electronic device that looks like a hand-held computer but instead performs specific tasks; can serve as a diary or a personal database or a telephone or an alarm clock etc. -01160370 __put_VB_4 attribute or give; "She put too much emphasis on her the last statement"; "He put all his efforts into this job"; "The teacher put an interesting twist to the interpretation of the story" -01109687 __trade_NN_7 an equal exchange; "we had no money so we had to live by barter" -08761868 __kobenhavn_NN_1 the capital and largest city of Denmark; located on the island of Zealand; "Copenhagen is sometimes called the Paris of the North" -01142324 __toleration_NN_2 official recognition of the right of individuals to hold dissenting opinions (especially in religion) -01601068 __satin_bowerbird_NN_1 of southeast Australia; male is glossy violet blue; female is light grey-green -01843055 __trip_VB_3 make a trip for pleasure -00631378 __practice_NN_4 the exercise of a profession; "the practice of the law"; "I took over his practice when he retired" -13253255 __acquisition_NN_2 something acquired; "a recent acquisition by the museum" -00667224 __validate_VB_2 prove valid; show or confirm the validity of something -06686174 __guarantee_NN_2 an unconditional commitment that something will happen or that something is true; "there is no guarantee that they are not lying" -05613478 __subconscious_mind_NN_1 psychic activity just below the level of awareness -06437824 __song_of_songs_NN_1 an Old Testament book consisting of a collection of love poems traditionally attributed to Solomon but actually written much later -04105438 __roof_NN_2 protective covering on top of a motor vehicle -08639776 __anchorage_ground_NN_1 place for vessels to anchor -01183373 __countersuit_NN_1 a suit brought against someone who has sued you -02795670 __honky-tonk_NN_1 a cheap drinking and dancing establishment -01589286 __tree_creeper_NN_1 any of various small insectivorous birds of the northern hemisphere that climb up a tree trunk supporting themselves on stiff tail feathers and their feet -09544876 __eblis_NN_1 (Islam) the principal evil jinni in Islamic mythology -09544746 __shaytan_NN_1 (Islam) a rebellious jinni who leads men astray -09544433 __jinni_NN_1 (Islam) an invisible spirit mentioned in the Koran and believed by Muslims to inhabit the earth and influence mankind by appearing in the form of humans or animals -01683758 __illuminate_VB_3 add embellishments and paintings to (medieval manuscripts) -02480495 __pongo_pygmaeus_NN_1 large long-armed ape of Borneo and Sumatra having arboreal habits -15047313 __solvent_NN_1 a liquid substance capable of dissolving other substances; "the solvent does not change its state in forming a solution" -11940006 __sticktight_NN_1 any of several plants of the genus Bidens having yellow flowers and prickly fruits that cling to fur and clothing -09542697 __good_spirit_NN_1 a benevolent spirit -09541919 __evil_spirit_NN_1 a spirit tending to cause harm -02401031 __bovid_NN_1 hollow-horned ruminants -00337486 __eye_movement_NN_1 the movement of the eyes -02765464 __take_in_VB_3 suck or take up or in; "A black star absorbs all matter" -09540055 __guardian_spirit_NN_1 an angel believed to have special affection for a particular individual -12589286 __genus_corypha_NN_1 large fan palms of tropical Asia to Australia -01461646 __heterodyne_VB_1 early stage of an embryo produced by cleavage of an ovum; a liquid-filled sphere whose wall is composed of a single layer of cells; during this stage (about eight days after fertilization) implantation in the wall of the uterus occurs combine (a radio frequency wave) with a locally generated wave of a different frequency so as to produce a new frequency equal to the sum or the difference between the two -00087218 __sequestration_NN_4 seizing property that belongs to someone else and holding it until profits pay the demand for which it was seized -13908021 __indenture_NN_1 a concave cut into a surface or edge (as in a coastline) -08726463 __yunnan_province_NN_1 a province of southern China -09534428 __japanese_deity_NN_1 a deity worshipped by the Japanese -01684941 __family_cordylidae_NN_1 small family of spiny ovoviviparous African lizards -09533048 __chinese_deity_NN_1 a deity worshipped by the ancient Chinese -00643250 __originative_JJ_1 having the ability or power to create; "a creative imagination" -03503718 __headgear_NN_3 stable gear consisting of any part of a harness that fits about the horse's head -05970311 __sensationalism_NN_4 (philosophy) the doctrine that knowledge derives from experience -04002931 __primidone_NN_1 an anticonvulsant (trade name Mysoline) used to treat grand mal seizures and essential tremor -02336015 __canalize_VB_1 provide (a city) with a canal -13233548 __genus_asclepias_NN_1 genus of chiefly North American perennial herbs: silkweed; milkweed -05373924 __vena_metatarsus_NN_1 dorsal and plantar branches of veins serving the metatarsal region of the foot -04574999 __wheel_NN_1 a simple machine consisting of a circular frame with spokes (or a solid disc) that can rotate on a shaft or axle (as in vehicles or other machines) -05055503 __fugacity_NN_2 the lack of enduring qualities (used chiefly of plant parts) -03420559 __garrison_NN_1 a fortified military post where troops are stationed -11132462 __president_lincoln_NN_1 16th President of the United States; saved the Union during the American Civil War and emancipated the slaves; was assassinated by Booth (1809-1865) -08916111 __edirne_NN_1 a city in northwestern Turkey; a Thracian town that was rebuilt and renamed by the Roman Emperor Hadrian -09191875 __alabama_river_NN_1 a river in Alabama formed by the confluence of the Coosa and Tallapoosa Rivers near Montgomery; flows southwestward to become a tributary of the Mobile River -07573103 __tinned_meat_NN_1 meat preserved in a can or tin -01955084 __sea_cradle_NN_1 primitive elongated bilaterally symmetrical marine mollusk having a mantle covered with eight calcareous plates -10580535 __villein_NN_1 (Middle Ages) a person who is bound to the land and owned by the feudal lord -02561888 __narrow_JJ_1 not wide; "a narrow bridge"; "a narrow line across the page" -03764276 __military_vehicle_NN_1 vehicle used by the armed forces -07891433 __saki_NN_2 Japanese alcoholic beverage made from fermented rice; usually served hot -03837422 __oar_NN_1 an implement used to propel or steer a boat -02900160 __bridle_NN_1 headgear for a horse; includes a headstall and bit and reins to give the rider or driver control -03534776 __hoover_NN_4 a kind of vacuum cleaner -07721325 __hot_pepper_NN_2 any of various pungent capsicum fruits -02715229 __transmitting_aerial_NN_1 an electrical device that sends or receives radio or television signals -02719588 __counterpoison_NN_1 a remedy that stops or controls the effects of a poison -10727016 __traverser_NN_1 someone who moves or passes across; "the traversers slowly ascended the mountain" -11609684 __nut_pine_NN_1 any of several pinons bearing edible nutlike seeds -00403466 __disfigurement_NN_2 the act of damaging the appearance or surface of something; "the defacement of an Italian mosaic during the Turkish invasion"; "he objected to the dam's massive disfigurement of the landscape" -07283608 __occurrent_NN_1 an event that happens -03747281 __mesantoin_NN_1 a toxic anticonvulsant drug (trade name Mesantoin) used in the treatment of epilepsy when less toxic anticonvulsants have been ineffective -02696503 __tower_VB_1 appear very large or occupy a commanding position; "The huge sculpture predominates over the fountain"; "Large shadows loomed on the canyon wall" -09510305 __lugh_NN_1 ancient Celtic god -01364162 __vibrion_NN_1 curved rodlike motile bacterium -03689157 __loom_NN_1 a textile machine for weaving yarn into a textile -07783210 __shellfish_NN_1 meat of edible aquatic invertebrate with a shell (especially a mollusk or crustacean) -11805544 __crown-of-the-field_NN_1 European annual having large trumpet-shaped reddish-purple flowers and poisonous seed; a common weed in grainfields and beside roadways; naturalized in America -04636610 __spiritlessness_NN_1 the trait of lacking enthusiasm for or interest in things generally -13431722 __androgeny_NN_1 male parthenogenesis in which the embryo contains only paternal chromosomes due to the failure of the egg nucleus to participate in fertilization -04178190 __seventy-eight_NN_2 a shellac based phonograph record that played at 78 revolutions per minute -01552956 __formicariidae_NN_1 antbirds -00923995 __making_NN_1 the act that results in something coming to be; "the devising of plans"; "the fashioning of pots and pans"; "the making of measurements"; "it was already in the making" -09507097 __celtic_deity_NN_1 a deity worshipped by the Celts -04642258 __temper_NN_3 a disposition to exhibit uncontrolled anger; "his temper was well known to all his employees" -04314914 __step_NN_4 support consisting of a place to rest the foot while ascending or descending a stairway; "he paused on the bottom step" -07162194 __proposal_NN_1 something proposed (such as a plan or assumption) -02065026 __finback_whale_NN_1 large flat-headed whalebone whale having deep furrows along the throat; of Atlantic and Pacific -12019190 __stenotus_NN_1 genus of western North American low evergreen shrubs growing in dense tufts -09505153 __spiritual_leader_NN_1 a leader in religious or sacred affairs -00700652 __psychotherapy_NN_2 the treatment of mental or emotional problems by psychological means -08395465 __us_military_academy_NN_1 a school for training men and women to become officers in the United States Army -08616311 __route_NN_1 an established line of travel or access -02988486 __compact_disc_write-once_NN_1 a compact disc on which you can write only once and thereafter is read-only memory -03048412 __clonidine_NN_1 an antihypertensive (trade name Catapres) that can be administered orally or via transdermal patches -00396703 __admix_VB_1 mix or blend; "Hyaline casts were admixed with neutrophils" -15279957 __mhz_NN_1 one million periods per second -00592795 __governorship_NN_1 the office of governor -12077944 __platanthera_bifolia_NN_1 south European orchid having fragrant greenish-white flowers; sometimes placed in genus Habenaria -10678662 __supremacist_NN_1 a person who advocates the supremacy of some particular group or race over all others -04259771 __sonar_NN_1 a measuring instrument that sends out an acoustic pulse in water and measures distances in terms of the time for the echo of the pulse to return; "sonar is an acronym for sound navigation ranging"; "asdic is an acronym for antisubmarine detection investigation committee" -06776679 __jeu_d'esprit_NN_1 a witty comment or writing -09493562 __chimera_NN_1 (Greek mythology) fire-breathing female monster with a lion's head and a goat's body and a serpent's tail; daughter of Typhon -01591697 __titmouse_NN_1 small insectivorous birds -08309409 __council_NN_3 a meeting of people for consultation; "emergency council" -01228877 __respect_NN_4 a courteous expression (by word or deed) of esteem or regard; "his deference to her wishes was very flattering"; "be sure to give my respects to the dean" -02590987 __porgy_NN_2 important deep-bodied food and sport fish of warm and tropical coastal waters; found worldwide -01950952 __tethyidae_NN_1 sea hares -06232880 __judaism_NN_2 the monotheistic religion of the Jews having its spiritual and ethical principles embodied chiefly in the Torah and in the Talmud -02012306 __order_gruiformes_NN_1 inland marsh-dwelling birds with long legs and necks and bills that wade in water in search of food: cranes; rails; bustards -07029819 __statement_NN_3 (music) the presentation of a musical theme; "the initial statement of the sonata" -09784564 __alliterator_NN_1 a speaker or writer who makes use of alliteration -07263220 __electronic_signal_NN_1 a signal generated by electronic means -02332606 __genus_apodemus_NN_1 Old World field mice -00076884 __tumble_NN_2 a sudden drop from an upright position; "he had a nasty spill on the ice" -02764614 __blaze_VB_1 the center around which something rotates shine brightly and intensively; "Meteors blazed across the atmosphere" -02044866 __angle_VB_1 move or proceed at an angle; "he angled his way into the room" -12761123 __mangifera_NN_1 tropical tree native to Asia bearing fleshy fruit -00698609 __venesection_NN_1 surgical incision into a vein; used to treat hemochromatosis -05829480 __negative_stimulus_NN_1 a stimulus with undesirable consequences -10629020 __sower_NN_1 someone who sows -07098193 __rhetorical_device_NN_1 a use of language that creates a literary effect (but often without regard for literal significance) -09464652 __tyrolean_alps_NN_1 a popular tourist area in the Tyrol -01552192 __genus_cephalopterus_NN_1 a genus of Cotingidae -12533588 __halimodendron_NN_1 one species: salt tree -00119568 __jumping_NN_2 the act of jumping; propelling yourself off the ground; "he advanced in a series of jumps"; "the jumping was unexpected" -08254195 __beanfeast_NN_1 an annual dinner party given by an employer for the employees -11951511 __golden_aster_NN_1 any of several shrubby herbs or subshrubs of the genus Chrysopsis having bright golden-yellow flower heads that resemble asters; throughout much of United States and into Canada -04003241 __primus_stove_NN_1 a portable paraffin cooking stove; used by campers -09459114 __tirich_mir_NN_1 a mountain in the Hindu Kush in Pakistan (25,230 feet high) -09969491 __counter_NN_5 a person who counts things -09458587 __tyan_shan_NN_1 a major mountain range of central Asia; extends 1,500 miles -01379389 __staphylococcus_NN_1 spherical Gram-positive parasitic bacteria that tend to form irregular colonies; some cause boils or septicemia or infections -05275905 __submaxilla_NN_1 the jaw in vertebrates that is hinged to open the mouth -09456860 __teton_range_NN_1 a mountain range in northwest Wyoming; contains the Grand Teton -09454412 __tangle_NN_1 a twisted and tangled mass that is highly interwoven; "they carved their way through the tangle of vines" -13736799 __one-half_NN_1 one of two equal parts of a divisible whole; "half a loaf"; "half an hour"; "a century and one half" -12610186 __genus_eichhornia_NN_1 water hyacinth; water orchid -01622596 __strix_NN_1 owls lacking ear tufts -05139561 __worthlessness_NN_1 having no qualities that would render it valuable or useful; "the drill sergeant's intent was to convince all the recruits of their worthlessness" -09449949 __subcontinent_NN_1 a large and distinctive landmass (as India or Greenland) that is a distinct part of some continent -12058429 __genus_dactylorhiza_NN_1 genus of terrestrial orchids of Europe and Asia and North Africa -10998651 __gide_NN_1 French author and dramatist who is regarded as the father of modern French literature (1869-1951) -08161477 __senate_NN_1 assembly possessing high legislative powers -09445289 __steppe_NN_1 extensive plain without trees (associated with eastern Russia and Siberia) -09445088 __st._elias_range_NN_1 a range of mountains between Alaska and the Yukon territory -01416354 __mastigophora_NN_1 protozoa having flagella -00032823 __social_relation_NN_1 a relation between living organisms (especially between people) -04781755 __obnoxiousness_NN_1 the quality of being hateful -01922303 __worm_NN_1 any of numerous relatively small elongated soft-bodied animals especially of the phyla Annelida and Chaetognatha and Nematoda and Nemertea and Platyhelminthes; also many insect larvae -11639863 __genus_metasequoia_NN_1 genus of deciduous conifers comprising both living and fossil forms; 1 extant species: dawn redwood of China; variously classified as member of Pinaceae or Taxodiaceae -01259005 __nick_VB_2 cut a nick into -05467758 __astrocyte_NN_1 comparatively large neuroglial cell -02534307 __dispense_VB_2 grant a dispensation; grant an exemption; "I was dispensed from this terrible task" -09429387 __segment_NN_2 one of the parts into which something naturally divides; "a segment of an orange" -00877625 __glimpse_NN_1 a quick look -08179879 __population_NN_1 the people who inhabit a territory or state; "the population seemed to be well fed and clothed" -02036053 __stilt_NN_3 long-legged three-toed wading bird of brackish marshes of Australia -07503430 __odium_NN_2 hate coupled with disgust -09425607 __scurf_NN_2 a thin flake of dead epidermis shed from the surface of the skin -11835568 __spinacia_oleracea_NN_1 southwestern Asian plant widely cultivated for its succulent edible dark green leaves -07861421 __sops_NN_1 piece of solid food for dipping in a liquid -09726970 __quechua_NN_1 a member of a South American Indian people in Peru who were formerly the ruling class of the Inca empire -11136214 __lloyd_NN_1 United States comic actor in silent films; he used physical danger as a source of comedy (1893-1971) -09418169 __saale_river_NN_1 a river that rises in central Germany and flows north to join the Elbe River -02706586 __talisman_NN_1 a trinket or piece of jewelry usually hung about the neck and thought to be a magical protection against evil or disease -01927456 __tapeworm_NN_1 ribbonlike flatworms that are parasitic in the intestines of humans and other vertebrates -09893600 __captive_NN_3 a person held in the grip of a strong emotion or passion -00325110 __mount_NN_2 the act of climbing something; "it was a difficult climb to the top" -09410724 __rio_grande_NN_1 a North American river; boundary between the United States and Mexico; flows into Gulf of Mexico -10685685 __symbolist_NN_1 a member of an artistic movement that expressed ideas indirectly via symbols -01797767 __genus_bonasa_NN_1 ruffed grouse -04629604 __iciness_NN_2 a lack of affection or enthusiasm; "a distressing coldness of tone and manner" -13471815 __ejaculation_NN_2 the discharge of semen in males -09409512 __ridge_NN_1 a long narrow natural elevation or striation -05700625 __abstraction_NN_5 preoccupation with something to the exclusion of all else -09140993 __knoxville_NN_1 a city in eastern Tennessee on the Tennessee River -05717342 __saltiness_NN_2 the taste experience when common salt is taken into the mouth -02647144 __liparis_NN_2 type genus of the Liparididae: snailfishes -01809106 __numida_meleagris_NN_1 a west African bird having dark plumage mottled with white; native to Africa but raised for food in many parts of the world -01299735 __wilderness_campaign_NN_1 American Civil War; a series of indecisive battles in Grant's campaign (1864) against Lee in which both armies suffered terrible losses -00847770 __assortative_mating_NN_1 mating of individuals having more traits in common than likely in random mating -00765081 __theoterrorism_NN_1 terrorism for a religious purpose -09397607 __puddle_NN_2 a small body of standing water (rainwater) or other liquid; "there were puddles of muddy water in the road after the rain"; "the body lay in a pool of blood" -01707737 __orchestrate_VB_1 write an orchestra score for -13482781 __focalization_NN_1 the confinement of an infection to a limited area -01792640 __hen_NN_1 adult female chicken -00138599 __smooch_NN_1 an enthusiastic kiss -00558008 __assist_NN_2 (sports) the act of enabling another player to make a good play -00765193 __terrorization_NN_2 an act of terrorism -00103140 __launching_NN_3 the act of propelling with force -07967382 __ethnos_NN_1 people of the same race or nationality who share a distinctive culture -10765305 __wally_NN_1 a silly and inept person; someone who is regarded as stupid -11827775 __goosefoot_family_NN_1 includes spinach and beets -09394007 __planet_NN_1 (astronomy) any of the nine large celestial bodies in the solar system that revolve around the sun and shine by reflected light; Mercury, Venus, Earth, Mars, Jupiter, Saturn, Uranus, Neptune, and Pluto in order of their proximity to the sun; viewed from the constellation Hercules, all the planets rotate around the sun in a counterclockwise direction -15248269 __epoch_NN_3 a unit of geological time that is a subdivision of a period and is itself divided into ages -00455599 __game_NN_1 a contest with rules to determine a winner; "you need four people to play this game" -06783598 __estimate_NN_4 a statement indicating the likely cost of some job; "he got an estimate from the car repair shop" -00165178 __delegacy_NN_3 the appointment of a delegate -05060189 __precipitation_NN_6 overly eager speed (and possible carelessness); "he soon regretted his haste" -02048952 __genus_gavia_NN_1 type genus of the Gavidae: loons -09388121 __pecos_river_NN_1 a tributary of the Rio Grande that flows southeastward from New Mexico through western Texas -01857325 __brent_goose_NN_1 small dark geese that breed in the north and migrate southward -10065758 __ethnologist_NN_1 an anthropologist who studies ethnology -01685313 __create_VB_3 pursue a creative activity; be engaged in a creative activity; "Don't disturb him--he is creating" -03597317 __jewelled_headdress_NN_1 a headdress adorned with jewels -03302938 __exhaust_system_NN_1 system consisting of the parts of an engine through which burned gases or steam are discharged -00362128 __kink_VB_2 form a curl, curve, or kink; "the cigar smoke curled up at the ceiling" -09384921 __parana_river_NN_1 a South American river; tributary of Rio de la Plata -02182045 __seed_weevil_NN_1 a small beetle that infests the seeds of legumes -09382099 __oxbow_NN_1 the land inside an oxbow bend in a river -01625275 __tytonidae_NN_1 comprising only the barn owls -04729984 __stateliness_NN_2 impressiveness in scale or proportion -02004343 __xenorhyncus_NN_1 East Indian and Australian storks -07795598 __rock_salmon_NN_1 any of several coarse fishes (such as dogfish or wolffish) when used as food -08956461 __tegu_NN_1 a city in southeastern South Korea -01216515 __logistic_support_NN_1 assistance between and within military commands -08479407 __zhou_dynasty_NN_1 the imperial dynasty of China from 1122 to 221 BC; notable for the rise of Confucianism and Taoism -02082632 __orycteropus_NN_1 coextensive with the family Orycteropodidae -09377657 __ojos_del_salado_NN_1 a mountain in the Andes on the border between Argentina and Chile (22,572 feet high) -00622384 __vex_VB_5 be a mystery or bewildering to; "This beats me!"; "Got me--I don't know the answer!"; "a vexing problem"; "This question really stuck me" -11594676 __fungus_order_NN_1 the order of fungi -07711799 __uruguay_potato_NN_2 similar to the common potato -00305153 __unbecomingly_RB_1 landing an aircraft without decorousness -00559724 __return_NN_12 (American football) the act of running back the ball after a kickoff or punt or interception or fumble -01653384 __hypopachus_NN_1 sheep frogs -09366317 __natural_elevation_NN_1 a raised or elevated geological formation -14367797 __pachyderma_NN_1 thickening of the skin (usually unilateral on an extremity) caused by congenital enlargement of lymph vessel and lymph vessel obstruction -06942252 __albanian_NN_2 the Indo-European language spoken by the people of Albania -00426526 __colonialism_NN_1 exploitation by a stronger country of weaker one; the use of the weaker country's resources to strengthen and enrich the stronger country -05866199 __attractor_NN_2 (physics) a point in the ideal multidimensional phase space that is used to describe a system toward which the system tends to evolve regardless of the starting conditions of the system -00290276 __lurch_NN_4 the act of moving forward suddenly -09853645 __bigot_NN_1 a prejudiced person who is intolerant of any opinions differing from his own -03553248 __thermonuclear_bomb_NN_1 a nuclear weapon that releases atomic energy by union of light (hydrogen) nuclei at high temperatures to form helium -10584021 __trustor_NN_1 (law) a person who creates a trust by giving real or personal property in trust to a trustee for the benefit of a beneficiary; a person who gives such property is said to settle it on the trustee -09351547 __mere_NN_1 a small pond of standing water -15078768 __triamcinolone_NN_1 a synthetic corticosteroid (trade names Aristocort or Aristopak or Kenalog) used as an anti-inflammatory agent -12131767 __poa_pratensis_NN_1 valuable meadow and pasture grass in Europe and especially central United States having tall stalks and slender bright green leaves; a chief constituent in lawn grass mixtures -03561169 __ignition_switch_NN_1 switch that operates a solenoid that closes a circuit to operate the starter -01390123 __sarcodinian_NN_1 protozoa that move and capture food by forming pseudopods -04277204 __spinal_anesthetic_NN_1 an anesthetic that is injected into the spine -00007846 __soul_NN_2 a human being; "there was too much for one person to do" -04188368 __weather_sheet_NN_1 (nautical) a line (rope or chain) that regulates the angle at which a sail is set in relation to the wind -08708481 __nova_lisboa_NN_1 a city in the mountains in western Angola -09343422 __long_island_sound_NN_1 a sound between Long Island and Connecticut -01529672 __finch_NN_1 any of numerous small songbirds with short stout bills adapted for crushing seeds -09070793 __washington_d.c._NN_1 the capital of the United States in the District of Columbia and a tourist mecca; George Washington commissioned Charles L'Enfant to lay out the city in 1791 -12978654 __family_blastodiaceae_NN_1 a family of saprobic fungi of order Blastocladiales -09340935 __little_sioux_river_NN_1 a river that rises in southwestern Minnesota and flows southwestward to the Missouri River in western Iowa -10812550 __czar_alexander_i_NN_1 the czar of Russia whose plans to liberalize the government of Russia were unrealized because of the wars with Napoleon (1777-1825) -13889843 __inclination_of_an_orbit_NN_1 (astronomy) the angle between the plane of the orbit and the plane of the ecliptic stated in degrees -03667829 __light_microscope_NN_1 microscope consisting of an optical instrument that magnifies the image of an object -01059719 __refueling_NN_1 the activity of supplying or taking on fuel -00583461 __specialty_NN_3 the special line of work you have adopted as your career; "his specialization is gastroenterology" -02157206 __hexapod_NN_1 an animal having six feet -01223488 __stigmatization_NN_1 the act of stigmatizing -05143690 __better_NN_4 the superior one of two alternatives; "chose the better of the two" -10604634 __skeptic_NN_1 someone who habitually doubts accepted beliefs -13366428 __meal_ticket_NN_1 a source of income or livelihood -09989290 __madam_NN_1 a woman of refinement; "a chauffeur opened the door of the limousine for the grand lady" -01357328 __clostridium_botulinum_NN_1 anaerobic bacterium producing botulin the toxin that causes botulism -14291010 __hypopigmentation_NN_1 unusual lack of skin color -07893891 __burgundy_wine_NN_1 red table wine from the Burgundy region of France (or any similar wine made elsewhere) -09327881 __kunlun_mountains_NN_1 a mountain range in western China that extends eastward from the Indian border for 1000 miles -06636259 __fact_NN_2 a statement or assertion of verified information about something that is the case or has happened; "he supported his argument with an impressive array of facts" -10731244 __troubler_NN_1 someone who deliberately stirs up trouble -06050901 __gynecology_NN_1 the branch of medicine that deals with the diseases and hygiene of women -09321180 __james_river_NN_1 a river in Virginia that flows east into Chesapeake Bay at Hampton Roads -04186455 __shawl_NN_1 cloak consisting of an oblong piece of cloth used to cover the head and shoulders -01535310 __zonotrichia_NN_1 large New World sparrows -05384817 __vena_umbilicalis_NN_1 a vein in the umbilical cord; returns nutrient blood from the placenta to the fetus -02597367 __whiting_NN_4 any of several food fishes of North American coastal waters -02363818 __genus_aplodontia_NN_1 type genus of the Aplodontiidae: comprising the mountain beavers -06617413 __skin_flick_NN_1 a pornographic movie -03685962 __loestrin_NN_1 trade name for an oral contraceptive containing estradiol and norethindrone -13723061 __milligram_NN_1 one thousandth (1/1,000) gram -09314603 __interplanetary_medium_NN_1 interplanetary space including forms of energy and gas and dust -10669991 __underling_NN_1 an assistant subject to the authority or control of another -01349735 __bacteroid_NN_1 a rodlike bacterium (especially any of the rod-shaped or branched bacteria in the root nodules of nitrogen-fixing plants) -09313241 __inside_passage_NN_1 a naturally protected waterway from Seattle to Skagway in southeastern Alaska -14428160 __tier_NN_1 a relative position or degree of value in a graded group; "lumber of the highest grade" -00433115 __opaque_JJ_1 not transmitting or reflecting light or radiant energy; impenetrable to sight; "opaque windows of the jail"; "opaque to X-rays" -01817772 __psittacus_NN_1 type genus of the Psittacidae: usually restricted to the African grey -03926575 __print_NN_7 a printed picture produced from a photographic negative -03884639 __pantechnicon_NN_1 a large moving van (especially one used for moving furniture) -00328885 __slippage_NN_3 failing to hold or slipping out of place; "the knots allowed no slippage" -09304164 __hindu_kush_mountains_NN_1 a mountain range extending to the west of the Himalayas -09020440 __kyrgyzstan_NN_1 a landlocked republic in west central Asia bordering on northwestern China; formerly an Asian soviet but became independent in 1991 -09300674 __hadron_NN_1 any elementary particle that interacts strongly with other particles -00771133 __solicit_VB_4 incite, move, or persuade to some act of lawlessness or insubordination; "He was accused of soliciting his colleagues to destroy the documents" -04105068 __roof_NN_1 a protective covering that covers or forms the top of a building -00262549 __troubleshoot_VB_1 solve problems; "He is known to be good at trouble-shooting" -09288946 __gila_river_NN_1 a river that rises in western New Mexico and flows westward through southern Arizona to become a tributary of the Colorado River -09287968 __geological_formation_NN_1 (geology) the geological features of the earth -06162653 __metaphysics_NN_1 the philosophical study of being and knowing -09287289 __gasherbrum_NN_1 a mountain in northern Kashmir (26,470 feet high) -09285254 __fragment_NN_1 a piece broken off or cut off of something else; "a fragment of rock" -09281777 __floater_NN_7 an object that floats or is capable of floating -02881757 __plug_hat_NN_1 a felt hat that is round and hard with a narrow brim -15182805 __rosh_hashonah_NN_1 (Judaism) a solemn Jewish feast day celebrated on the 1st or 1st and 2nd of Tishri; noted for the blowing of the shofar -11490638 __optical_phenomenon_NN_1 a physical phenomenon related to or involving light -02275773 __tortoiseshell_butterfly_NN_1 brilliantly colored; larvae feed on nettles -09277279 __everglades_NN_1 a large subtropical swamp in southern Florida that is noted for its wildlife -09275016 __eurasia_NN_1 the land mass formed by the continents of Europe and Asia -09273291 __natural_enclosure_NN_1 a naturally enclosed space -00046344 __stunt_NN_1 a difficult or unusual or dangerous feat; usually done to gain attention -05498048 __lentiform_nucleus_NN_1 a basal ganglion shaped like a lens and including the outer reddish putamen and the inner pale yellow pallidum -02472693 __submersible_JJ_1 capable of being immersed in water or functioning while submerged; "a submersible pump"; "a submergible electric frying pan" -09270894 __world_NN_4 the 3rd planet from the sun; the planet we live on; "the Earth moves around the sun"; "he sailed around the world" -06167328 __philosophical_theory_NN_1 a doctrine accepted by adherents to a philosophy -06709692 __disapprobation_NN_1 an expression of strong disapproval; pronouncing as wrong or morally culpable; "his uncompromising condemnation of racism" -12559842 __pisum_NN_1 small genus of variable annual Eurasian vines: peas -00956687 __qualify_VB_6 describe or portray the character or the qualities or peculiarities of; "You can characterize his behavior as that of an egotist"; "This poem can be characterized as a lament for a dead lover" -00419644 __molestation_NN_2 the act of tormenting by continued persistent attacks and criticism -04801877 __traditionality_NN_1 strict adherence to traditional methods or teachings -05549576 __axillary_fossa_NN_1 the hollow under the arm where it is joined to the shoulder; "they were up to their armpits in water" -07866571 __egg_fu_yung_NN_1 omelet containing onions and celery and chopped meat or fish -09264803 __delta_NN_1 a low triangular area of alluvial deposits where a river divides before entering a larger body of water; "the Mississippi River delta"; "the Nile delta" -02950482 __cannon_NN_4 heavy automatic gun fired from an airplane -02679142 __adder_NN_2 a machine that adds numbers -01811909 __pigeon_NN_1 wild and domesticated birds having a heavy body and short legs -12319414 __persian_walnut_NN_1 Eurasian walnut valued for its large edible nut and its hard richly figured wood; widely cultivated -12554526 __locoweed_NN_1 any of several leguminous plants of western North America causing locoism in livestock -04029734 __pyrometer_NN_1 a thermometer designed to measure high temperatures -05485098 __pineal_gland_NN_1 a small endocrine gland in the brain; situated beneath the back part of the corpus callosum; secretes melatonin -09260010 __earth's_crust_NN_1 the outer layer of the Earth -09258715 __scissure_NN_1 a long narrow opening -11046169 __sir_john_herschel_NN_1 English astronomer (son of William Herschel) who extended the catalogue of stars to the southern hemisphere and did pioneering work in photography (1792-1871) -03493333 __hardware_NN_3 (computer science) the mechanical, magnetic, electronic, and electrical components making up a computer system -08045428 __tareekh_e_kasas_NN_1 an organization of Muslims in India who killed Hindus in September 2002; believed to have ties with Muslim terrorists in Pakistan -09257563 __couple_NN_5 (physics) something joined by two equal and opposite forces that act along parallel lines -01683582 __draught_VB_1 make a blueprint of -13404655 __general_ledger_NN_1 the ledger that contains all of the financial accounts of a business; contains offsetting debit and credit accounts (including control accounts) -09248477 __coast_range_NN_1 a string of mountain ranges along the Pacific coast of North America from southeastern Alaska to Lower California -06337693 __soubriquet_NN_1 a familiar name for a person (often a shortened version of a person's given name); "Joe's mother would not use his nickname and always called him Joseph"; "Henry's nickname was Slim" -05114262 __abstemiousness_NN_1 restricted to bare necessities -00249017 __climb_VB_5 improve one's social status; "This young man knows how to climb the social ladder" -01443537 __goldfish_NN_1 small golden or orange-red freshwater fishes of Eurasia used as pond or aquarium fishes -09581129 __hothr_NN_1 (Norse mythology) a blind god; misled by Loki, he kills his brother Balder by throwing a shaft of mistletoe -08631531 __possession_NN_5 a territory that is controlled by a ruling state -12837803 __pholistoma_auritum_NN_1 straggling California annual herb with deep purple or violet flowers; sometimes placed in genus Nemophila -06780882 __sport_NN_7 verbal wit or mockery (often at another's expense but not to be taken seriously); "he became a figure of fun"; "he said it in sport" -00990655 __come_up_to_VB_1 speak to someone -09238425 __catskills_NN_1 a range of the Appalachians to the west of the Hudson in southeastern New York; includes many popular resort areas -08427163 __close_order_NN_1 a military formation for drill or marching -12960211 __ophioglossum_NN_1 the type genus of the fern family Ophioglossaceae -06054700 __otology_NN_1 the branch of medicine concerned with the ear -11523839 __vitality_NN_3 (biology) a hypothetical force (not physical or chemical) once thought by Henri Bergson to cause the evolution and development of organisms -05916739 __opinion_NN_6 a vague idea in which some confidence is placed; "his impression of her was favorable"; "what are your feelings about the crisis?"; "it strengthened my belief in his sincerity"; "I had a feeling that she was lying" -03673027 __ocean_liner_NN_1 a large commercial ship (especially one that carries passengers on a regular schedule) -09294066 __green_river_NN_1 a river that rises in western Wyoming and flows southward through Utah to become a tributary of the Colorado River -00046151 __put_on_VB_9 increase (one's body weight); "She gained 20 pounds when she stopped exercising" -06012726 __algebra_NN_1 the mathematics of generalized arithmetical operations -00154689 __monetization_NN_1 establishing something (e.g. gold or silver) as the legal tender of a country -01075164 __start_VB_11 play in the starting lineup -06207199 __reputation_NN_3 the general estimation that the public has for a person; "he acquired a reputation as an actor before he started writing"; "he was a person of bad report" -00697365 __shot_NN_7 the act of putting a liquid into the body by means of a syringe; "the nurse gave him a flu shot" -09220046 __bighorn_river_NN_1 a river that flows from central Wyoming to the Yellowstone River in southern Montana -05090441 __magnitude_NN_1 the property of relative size or extent (whether large or small); "they tried to predict the magnitude of the explosion"; "about the magnitude of a small pea" -00572285 __hooking_NN_1 a golf shot that curves to the left for a right-handed golfer; "he took lessons to cure his hooking" -01971603 __slump_VB_4 go down in value; "the stock market corrected"; "prices slumped" -05796750 __problem_solving_NN_2 the thought processes involved in solving a problem -01091905 __trade_NN_1 the commercial exchange (buying and selling on domestic or international markets) of goods and services; "Venice was an important center of trade with the East"; "they are accused of conspiring to constrain trade" -05065386 __bilaterality_NN_1 the property of being symmetrical about a vertical plane -09217414 __beachfront_NN_1 a strip of land running along a beach -01983958 __nephropsidae_NN_1 in some classifications coextensive with the Homaridae -08856945 __sao_goncalo_NN_1 an industrial city in southeastern Brazil across the bay from Rio de Janeiro -12116267 __genus_dactylis_NN_1 a monocotyledonous grass of the family Gramineae (has only one species) -06440937 __haggai_NN_2 an Old Testament book telling the prophecies of Haggai which are concerned mainly with rebuilding the temples after the Babylonian Captivity -09212935 __plattensee_NN_1 a large shallow lake in western Hungary -09212572 __badlands_NN_1 deeply eroded barren land -02965300 __cargo_vessel_NN_1 a ship designed to carry cargo -00768353 __capital_offense_NN_1 a crime so serious that capital punishment is considered appropriate -06671484 __advice_NN_1 a proposal for an appropriate course of action -06751974 __term_NN_5 one of the substantive phrases in a logical proposition; "the major term of a syllogism must occur twice" -00155797 __echolocation_NN_1 determining the location of something by measuring the time it takes for an echo to return from it -02897820 __brick_NN_1 rectangular block of clay baked by the sun or in a kiln; used as a building or paving material -01536474 __melospiza_NN_1 American song sparrow and swamp sparrow -07924033 __fruit_juice_NN_1 drink produced by squeezing or crushing fruit -09203827 __archipelago_NN_1 a group of many islands in a large body of water -09488259 __death_NN_6 the personification of death; "Death walked the streets of the plague-bound city" -00738314 __break_VB_51 find the solution or key to; "break the code" -01877134 __kangaroo_NN_1 any of several herbivorous leaping marsupials of Australia and New Guinea having large powerful hind legs and a long thick tail -13549488 __relaxation_NN_1 (physiology) the gradual lengthening of inactive muscle or muscle fibers -09196611 __andes_NN_1 a mountain range in South America running 5000 miles along the Pacific coast -00438495 __slow_down_VB_4 reduce the speed of; "He slowed down the car" -12766043 __spondias_purpurea_NN_1 common tropical American shrub or small tree with purplish fruit -10490421 __tavern_keeper_NN_1 the keeper of a public house -06149192 __politics_NN_4 the opinion you hold with respect to political questions -12374862 __common_gum_cistus_NN_1 shrub having white flowers and viscid stems and leaves yielding a fragrant oleoresin used in perfumes especially as a fixative -00001930 __physical_entity_NN_1 an entity that has physical existence -07030718 __voice_NN_11 the melody carried by a particular voice or instrument in polyphonic music; "he tried to sing the tenor part" -09185612 __charge_NN_9 (psychoanalysis) the libidinal energy invested in some idea or person or object; "Freud thought of cathexis as a psychic analog of an electrical charge" -08038995 __psf_NN_1 a terrorist group of radical Palestinians who split with al-Fatah in 1967 but now have close relations with al-Fatah; staged terrorist attacks against Israel across the Lebanese border -09184668 __light_within_NN_1 a divine presence believed by Quakers to enlighten and guide the soul -09183971 __hedonism_NN_1 the pursuit of pleasure as a matter of ethical principle -00853835 __stimulation_NN_4 mutual sexual fondling prior to sexual intercourse -02648456 __hexagrammidae_NN_1 greenlings -07649854 __meat_NN_1 the flesh of animals (including fishes and birds and snails) used as food -06343971 __heading_NN_1 a line of text serving to indicate what the passage below it is about; "the heading seemed to have little to do with the text" -04538878 __vizor_NN_1 a piece of armor plate (with eye slits) fixed or hinged to a medieval helmet to protect the face -02235321 __family_cryptocercidae_NN_1 a family of Blattodea -05341920 __cervical_artery_NN_1 an artery that supplies the muscles of the neck -12609128 __genus_eriocaulon_NN_1 type genus of the Eriocaulaceae: rushlike aquatic or marginal perennials usually found in shallow waters of acid lakes and pools and bogs -01522789 __family_dinornithidae_NN_1 moas -09178141 __north_africa_NN_1 an area of northern Africa between the Sahara and the Mediterranean Sea -09177883 __vesuvius_NN_1 a volcano in southwestern Italy on the Mediterranean coast; a Plinian eruption in 79 AD buried Pompeii and killed Pliny the Elder; last erupted in 1944 -00765791 __maintenance_NN_5 the unauthorized interference in a legal action by a person having no interest in it (as by helping one party with money or otherwise to continue the action) so as to obstruct justice or promote unnecessary litigation or unsettle the peace of the community; "unlike champerty, criminal maintenance does not necessarily involve personal profit" -04110955 __rotating_mechanism_NN_1 a mechanism that rotates -07734555 __tomatillo_NN_3 small edible yellow to purple tomato-like fruit enclosed in a bladderlike husk -03344784 __fire_control_radar_NN_1 naval radar that controls the delivery of fire on a military target -08320385 __plo_NN_1 a political movement uniting Palestinian Arabs in an effort to create an independent state of Palestine; when formed in 1964 it was a terrorist organization dominated by Yasser Arafat's al-Fatah; in 1968 Arafat became chairman; received recognition by the United Nations and by Arab states in 1974 as a government in exile; has played a largely political role since the creation of the Palestine National Authority -05952490 __supernaturalism_NN_1 a belief in forces beyond ordinary human understanding -09173288 __taklimakan_desert_NN_1 a desert in western China -05269901 __os_NN_5 rigid connective tissue that makes up the skeleton of vertebrates -09172480 __sub-saharan_africa_NN_1 the region of Africa to the south of the Sahara Desert -02384858 __racer_NN_3 an animal that races -12083591 __lady's_tresses_NN_1 an orchid of the genus Spiranthes having slender often twisted spikes of white flowers -00896688 __square-bashing_NN_1 drill on a barracks square -07422800 __dwindling_away_NN_1 a becoming gradually less; "there is no greater sadness that the dwindling away of a family" -06208021 __orientation_NN_2 an integrated set of attitudes and beliefs -05442131 __chromosome_NN_1 a threadlike strand of DNA in the cell nucleus that carries the genes in a linear order; "humans have 22 chromosome pairs plus two sex chromosomes" -00834636 __smoking_NN_1 the act of smoking tobacco or other substances; "he went outside for a smoke"; "smoking stinks" -09856827 __birth-control_reformer_NN_1 a social reformer who advocates birth control and family planning -00726100 __lineman_NN_4 (American football) the position of a player on a football team who is stationed on the line of scrimmage -01169317 __resistance_NN_11 group action in opposition to those in power -10720964 __unionist_NN_1 a worker who belongs to a trade union -05484355 __anterior_pituitary_gland_NN_1 the anterior lobe of the pituitary body; primarily glandular in nature -09840050 __trouper_NN_2 an actor who travels around the country presenting plays -09161452 __vatican_city_NN_1 the capital of the State of the Vatican City -10431330 __pickaninny_NN_1 (ethnic slur) offensive term for a Black child -02578454 __selene_vomer_NN_1 similar to moonfish but with eyes high on the truncated forehead -09159003 __wyoming_NN_1 a state in the western United States; mountainous in the west and north with the Great Plains in the east -09158024 __madison_NN_2 capital of the state of Wisconsin; located in the southern part of state; site of the main branch of the University of Wisconsin -09157766 __green_bay_NN_1 a city of eastern Wisconsin on an arm of Lake Michigan -13001930 __shiitake_mushroom_NN_1 edible east Asian mushroom having a golden or dark brown to blackish cap and an inedible stipe -02061425 __oceanites_NN_1 a genus of Hydrobatidae -03795976 __movie_projector_NN_1 projects successive frames from a reel of film to create moving pictures -09153570 __aberdeen_NN_1 a town in western Washington -05110408 __rise_NN_9 an increase in cost; "they asked for a 10% rise in rates" -09152401 __spotsylvania_NN_1 a village in northeastern Virginia where battles were fought during the American Civil War -00562935 __check_NN_12 obstructing an opponent in ice hockey -05287090 __collagen_NN_1 a fibrous scleroprotein in bone and cartilage and tendon and other connective tissue; yields gelatin on boiling -09150863 __norfolk_NN_1 port city located in southeastern Virginia on the Elizabeth River at the mouth of Chesapeake Bay; headquarters of the Atlantic fleet of the United States Navy -08736779 __abidjan_NN_1 city recognized by the United States as the capital of the Ivory Coast; largest city of the Ivory Coast -04037443 __racing_car_NN_1 a fast car that competes in races -03264542 __edge_NN_6 the outside limit of an object or area or surface; a place farthest away from the center of something; "the edge of the leaf is wavy"; "she sat on the edge of the bed"; "the water's edge" -03845190 __tanker_NN_1 a cargo ship designed to carry crude oil in bulk -01238204 __thud_VB_2 strike with a dull sound; "Bullets were thudding against the wall" -01120069 __set_on_VB_1 attack someone physically or emotionally; "The mugger assaulted the woman"; "Nightmares assailed him regularly" -02005102 __family_balaenicipitidae_NN_1 shoebills -02033041 __dowitcher_NN_1 shorebird of the sandpiper family that resembles a snipe -09143649 __corpus_christi_NN_2 a city in southern Texas on an arm of the Gulf of Mexico -03979377 __polyester_NN_3 any of a large class of synthetic fabrics -04313220 __steering_system_NN_1 a mechanism by which something is steered (especially a motor vehicle) -09143017 __capital_of_texas_NN_1 state capital of Texas on the Colorado River; site of the University of Texas -09142887 __arlington_NN_1 a city in northern Texas between Dallas and Fort Worth -09141526 __tx_NN_1 the second largest state; located in southwestern United States on the Gulf of Mexico -09139508 __pierre_NN_1 capital of the state of South Dakota; located in central South Dakota on the Missouri river -09136182 __philadelphia_NN_1 the largest city in Pennsylvania; located in the southeastern part of the state on the Delaware river; site of Independence Hall where the Declaration of Independence and the Constitution were signed; site of the University of Pennsylvania -09135993 __chester_NN_1 a city of southeastern Pennsylvania on the Delaware river (an industrial suburb of Philadelphia) -08418631 __national_bank_NN_1 a commercial bank chartered by the federal government -01595260 __solder_VB_1 join or fuse with solder; "solder these two pipes together" -03037709 __clarinet_NN_1 a single-reed instrument with a straight tube -01418389 __churn_VB_1 stir (cream) vigorously in order to make butter -10591949 __shop_boy_NN_1 a young male shop assistant -08857099 __sao_joao_de_meriti_NN_1 a city in southeastern Brazil that is a residential suburb of Rio de Janeiro -03528901 __plate_NN_1 (baseball) base consisting of a rubber slab where the batter stands; it must be touched by a base runner in order to score; "he ruled that the runner failed to touch home" -00916285 __beekeeping_NN_1 the cultivation of bees on a commercial scale for the production of honey -09127461 __cape_hatteras_NN_1 a promontory on Hatteras Island off the Atlantic coast of North Carolina; "frequent storms drive ships to their destruction on Cape Hatteras" -09125984 __borsht_circuit_NN_1 (informal) a resort area in the Catskill Mountains of New York that was patronized primarily by Jewish guests; "many comedians learned their trade playing the borscht circuit" -04952242 __brightness_NN_1 the location of a visual perception along a continuum from black to white -09125203 __rochester_NN_1 a city in western New York; a center of the photographic equipment industry -09124039 __long_island_NN_1 an island in southeastern New York; Brooklyn and Queens are on its western end -00337234 __crack_VB_6 break partially but keep its integrity; "The glass cracked" -05380822 __vena_lienalis_NN_1 a vein formed by several small veins on the surface of the spleen; joins the superior mesenteric to form the portal vein -00189511 __feed_in_VB_1 introduce continuously; "feed carrots into a food processor" still asleep -08435388 __system_NN_2 a group of independent but interrelated elements comprising a unified whole; "a vast system of production and distribution and consumption keep the country going" -09118313 __capital_of_new_york_NN_1 state capital of New York; located in eastern New York State on the west bank of the Hudson river -09117351 __ny_NN_1 a Mid-Atlantic state; one of the original 13 colonies -09117118 __new_netherland_NN_1 a Dutch colony in North America along the Hudson and lower Delaware rivers although the colony centered in New Amsterdam; annexed by the English in 1664 -05650820 __speech_NN_8 the mental faculty or power of vocal communication; "language sets homo sapiens apart from all other animals" -09114128 __princeton_NN_1 a university town in central New Jersey -01528542 __genus_anthus_NN_1 pipits -02706373 __inocor_NN_1 a drug (trade name Inocor) used intravenously in heart failure; increases strength of contraction of myocardium -03689840 __lo/ovral_NN_1 trade name for an oral contraceptive containing estradiol and norgestrel -10875107 __richard_burton_NN_2 Welsh film actor who often co-starred with Elizabeth Taylor (1925-1984) -09173023 __syrian_desert_NN_1 a desert of northern Arabia occupying western Iraq, southern Syria, eastern Jordan, and northern Saudi Arabia -02595702 __sciaenops_ocellatus_NN_1 large edible fish found off coast of United States from Massachusetts to Mexico -10008123 __desk_officer_NN_1 a military officer who is not assigned to active duty -02198021 __philophylla_NN_1 leaf miners -08945110 __lyonnais_NN_1 a former province of east central France; now administered by Rhone-Alpes -05566097 __digit_NN_3 a finger or toe in human beings or corresponding body part in other vertebrates -09107626 __st._louis_NN_1 the largest city in Missouri; a busy river port on the Mississippi River near its confluence with the Missouri River; was an important staging area for wagon trains westward in the 19th century -03483316 __hand_blower_NN_1 a hand-held electric blower that can blow warm air onto the hair; used for styling hair -07577538 __nosh_NN_1 (Yiddish) a snack or light meal -02271544 __naive_JJ_1 marked by or showing unaffected simplicity and lack of guile or worldly experience; "a teenager's naive ignorance of life"; "the naive assumption that things can only get better"; "this naive simple creature with wide friendly eyes so eager to believe appearances" -08348091 __nsa_NN_1 the United States cryptologic organization that coordinates and directs highly specialized activities to protect United States information systems and to produce foreign intelligence information -02280223 __pieridae_NN_1 arthropod family including cabbage butterflies; sulphur butterflies -04880573 __naivety_NN_1 lack of sophistication or worldliness -02611827 __redefine_VB_1 give a new or different definition to; "She redefined his duties" -09102016 __north_star_state_NN_1 a midwestern state -03850746 __opiate_NN_1 a narcotic drug that contains opium or an opium derivative -06730241 __dibs_NN_1 a claim of rights; "I have dibs on that last slice of pizza" -00018158 __uprise_VB_8 get up and out of bed; "I get up at 7 A.M. every day"; "They rose early"; "He uprose at night" -05777830 __palmistry_NN_1 telling fortunes by lines on the palm of the hand -12882945 __fingerroot_NN_1 tall leafy European biennial or perennial having spectacular clusters of large tubular pink-purple flowers; leaves yield drug digitalis and are poisonous to livestock -01598588 __shrike_NN_1 any of numerous Old World birds having a strong hooked bill that feed on smaller animals -05243879 __dermis_NN_1 the deep vascular inner layer of the skin -05850823 __magnet_NN_2 a characteristic that provides pleasure and attracts; "flowers are an attractor for bees" -09093472 __portland_NN_2 largest city in Maine in the southwestern corner of the state -00470966 __rugger_NN_1 a form of football played with an oval ball -01852142 __wood_widgeon_NN_1 showy North American duck that nests in hollow trees -09091909 __new_orleans_NN_1 a port and largest city in Louisiana; located in southeastern Louisiana near the mouth of the Mississippi river; a major center for offshore drilling for oil in the Gulf of Mexico; jazz originated here among black musicians in the late 19th century; Mardi Gras is celebrated here each year -02443609 __preside_VB_1 act as president; "preside over companies and corporations" -01145015 __takeover_NN_1 a sudden and decisive change of government illegally or by force -00805524 __devaluation_NN_1 an official lowering of a nation's currency; a decrease in the value of a country's currency relative to that of foreign countries -09089923 __louisville_NN_1 the largest city in Kentucky; located in north central Kentucky on the Ohio river; site of the Kentucky Derby -10300303 __mate_NN_3 the partner of an animal (especially a sexual partner); "he loved the mare and all her mates"; "camels hate leaving their mates" -10212338 __internuncio_NN_1 (Roman Catholic Church) a diplomatic representative of the Pope ranking below a nuncio -12220654 __genus_lomatia_NN_1 small genus of low-growing evergreens of Chile and Australia; some yield dyes -02371718 __symmetrical_JJ_1 having similarity in size, shape, and relative position of corresponding parts -09086070 __south_bend_NN_1 a city in northern Indiana -04648749 __levity_NN_2 a manner lacking seriousness -06300823 __lexical_entry_NN_1 the entry in a dictionary of information about a word -04013729 __prosthetic_device_NN_1 corrective consisting of a replacement for a part of the body -04918767 __immediateness_NN_2 lack of an intervening or mediating agency; "the immediacy of television coverage" -08994339 __medina_NN_1 a city in western Saudi Arabia; site of the tomb of Muhammad; the second most holy city of Islam -02182498 __genus_acanthoscelides_NN_1 a genus of Bruchidae -01105737 __navigation_NN_2 ship traffic; "the channel will be open to navigation as soon as the ice melts" -02134589 __viverrinae_NN_1 genets; civets; mongooses -01463520 __unsnarl_VB_1 extricate from entanglement; "Can you disentangle the cord?" -09078784 __honolulu_NN_1 the capital and largest city of Hawaii; located on a large bay on the island of Oahu -09077821 __savannah_NN_1 a port in eastern Georgia near the mouth of the Savannah river -09077556 __macon_NN_1 a city in central Georgia to the southeast of Atlanta -01335659 __animal_virus_NN_1 an animal pathogen that is a virus -01817424 __psittacidae_NN_1 coextensive with the order Psittaciformes -00996513 __jihad_NN_2 a holy struggle or striving by a Muslim for a moral or spiritual or political goal -09073258 __jacksonville_NN_1 Florida's largest city; a port and important commercial center in northeastern Florida -05372428 __vena_lacrimalis_NN_1 drains the lacrimal gland; empties into the superior ophthalmic vein -14094068 __multiple_sclerosis_NN_1 a chronic progressive nervous disorder involving loss of myelin sheath around certain nerve fibers -09069190 __hartford_NN_1 the state capital of Connecticut; located in central Connecticut on the Connecticut river; a center of the insurance business -09068921 __bridgeport_NN_1 a port in southwestern Connecticut on Long Island Sound -09068320 __pueblo_NN_2 a city in Colorado to the south of Colorado Springs -03600977 __joint_NN_5 junction by which parts or objects are joined together -09065557 __san_francisco_NN_1 a port in western California near the Golden Gate that is one of the major industrial and transportation centers; it has one of the world's finest harbors; site of the Golden Gate Bridge -09064966 __sacramento_NN_1 a city in north central California 75 miles to the northeast of San Francisco on the Sacramento River; capital of California -00694990 __giving_medication_NN_1 the act of administering medication -09063673 __los_angeles_NN_1 a city in southern California; motion picture capital of the world; most populous city of California and second largest in the United States -07803545 __wheat_berry_NN_2 grains of common wheat; sometimes cooked whole or cracked as cereal; usually ground into flour -09054480 __mobile_NN_2 a port in southwestern Alabama on Mobile Bay -05799581 __field_trial_NN_1 a test of the performance of some new product under the conditions in which it will be used -09052652 __north_NN_1 the region of the United States lying to the north of the Mason-Dixon line -02822865 __hive_NN_2 a man-made receptacle that houses a swarm of bees -09051898 __tidewater_region_NN_1 the coastal plain of the South: eastern parts of Virginia and North Carolina and South Carolina and Georgia -05828263 __turnoff_NN_1 something causing antagonism or loss of interest -01520789 __rheiformes_NN_1 a ratite bird order: birds intermediate in characteristics between ostriches and emus: recent and extinct rheas -09050244 __south_NN_2 the southern states that seceded from the United States in 1861 -05578251 __gliding_joint_NN_1 a freely moving joint in which the articulations allow only gliding motions -00091013 __abandonment_NN_3 the voluntary surrender of property (or a right to property) without attempting to reclaim it or give it away -06138582 __cognitive_psychology_NN_1 an approach to psychology that emphasizes internal mental processes -09048303 __west_coast_NN_1 the western seaboard of the United States from Washington to southern California -09044190 __united_arab_emirates_NN_1 a federation of seven Arab emirates on the eastern Arabian peninsula; achieved independence from the United Kingdom in 1971; rich in oil reserves -04260934 __soporific_NN_1 a drug that induces sleep -11720088 __ranunculus_NN_1 annual, biennial or perennial herbs: buttercup; crowfoot -01402381 __phaeophyta_NN_1 coextensive with class Phaeophyceae; in some classifications subsumed in the division Heterokontophyta -00979411 __retroflex_VB_2 articulate (a consonant) with the tongue curled back against the palate; "Indian accents can be characterized by the fact that speakers retroflex their consonants" -03285348 __enkaid_NN_1 antiarrhythmic drug (trade name Enkaid) used to treat life-threatening arrhythmias but increases the risk of sudden death in heart attack patients -02610234 __tautogolabrus_NN_1 a genus of Labridae -03794136 __mousse_NN_3 toiletry consisting of an aerosol foam used in hair styling -07762114 __pawpaw_NN_3 fruit with yellow flesh; related to custard apples -09030467 __port_sudan_NN_1 port city in Sudan on the Red Sea -09027679 __zaragoza_NN_1 an ancient city on the Ebro River in northeastern Spain; formerly the capital of Aragon -02625418 __scomberomorus_NN_1 Spanish mackerels -03894051 __particle_detector_NN_1 a chamber in which particles can be made visible -03778600 __module_NN_4 a self-contained component (unit or item) that is used in combination with other components -05441468 __suppressor_gene_NN_1 a gene that suppresses the phenotypic expression of another gene (especially of a mutant gene) -09025728 __cordova_NN_2 a city in southern Spain; center of Moorish culture -09025451 __cadiz_NN_1 an ancient port city in southwestern Spain -03782190 __monitoring_device_NN_1 display produced by a device that takes signals and displays them on a television screen or a computer monitor -01402169 __phaeophyceae_NN_1 brown algae; mostly marine and littoral eukaryotic algae -09022831 __latin_america_NN_1 the parts of North America and South America to the south of the United States where Romance languages are spoken -00499812 __urbanize_VB_1 make more industrial or city-like; "The area was urbanized after many people moved in" -09022265 __uzbekistan_NN_1 a landlocked republic in west central Asia; formerly an Asian soviet -14403560 __swither_NN_1 agitation resulting from active worry; "don't get in a stew"; "he's in a sweat about exams" -03151500 __cushion_NN_3 a soft bag filled with air or a mass of padding such as feathers or foam rubber etc. -01795088 __grouse_NN_2 popular game bird having a plump body and feathered legs and feet -00848098 __unlawful_carnal_knowledge_NN_1 forbidden or tabu sexual intercourse between individuals -03750912 __peyote_NN_2 the hallucinatory alkaloid that is the active agent in mescal buttons -00709625 __design_VB_2 plan something for a specific role or purpose or effect; "This room is not designed for work" subject to breaking into sharp slender pieces -09014066 __memel_NN_1 a city in western Lithuania on the Baltic Sea; formerly an important trading town of the Hanseatic League -06047275 __cardiology_NN_1 the branch of medicine dealing with the heart and its diseases -00638837 __process_VB_3 perform mathematical and logical operations on (data) according to programmed instructions in order to obtain the required information; "The results of the elections were still being processed when he gave his acceptance speech" -04620216 __fibre_NN_3 the inherent complex of attributes that determines a persons moral and ethical actions and reactions; "education has for its object the formation of character"- Herbert Spencer -09010085 __volgograd_NN_1 a city in the European part of Russia on the Volga; site of German defeat in World War II in the winter of 1942-43 -09008130 __nizhnyi_novgorod_NN_1 an industrial city in the European part of Russia; birthplace of Maksim Gorky -04412727 __terbinafine_NN_1 an oral antifungal drug (trade name Lamisil) used to treat cases of fungal nail disease -14836960 __distillation_NN_2 a purified liquid produced by condensation from a vapor during distilling; the product of distilling -04877530 __trueness_NN_2 the quality of being loyal -01439121 __cyprinid_fish_NN_1 soft-finned mainly freshwater fishes typically having toothless jaws and cycloid scales -00585810 __minister_NN_4 the job of a head of a government department -08999154 __somali_peninsula_NN_1 a peninsula of northeastern Africa (the easternmost part of Africa) comprising Somalia and Djibouti and Eritrea and parts of Ethiopia -04310018 __steam_locomotive_NN_1 a locomotive powered by a steam engine -02486787 __mandrillus_NN_1 baboons -00946806 __rummage_NN_2 a thorough search for something (often causing disorder or confusion); "he gave the attic a good rummage but couldn't find his skis" -02315309 __phylum_brachiopoda_NN_1 marine invertebrates that resemble mollusks -00691834 __relativize_VB_1 consider or treat as relative -06379568 __lament_NN_3 a mournful poem; a lament for the dead -00095329 __reparation_NN_4 something done or paid in expiation of a wrong; "how can I make amends" -02191273 __tzetze_fly_NN_1 bloodsucking African fly; transmits sleeping sickness etc. -03991202 __potbelly_stove_NN_1 a bulbous stove in which wood or coal is burned -12840749 __bugleweed_NN_2 any of various low-growing annual or perennial evergreen herbs native to Eurasia; used for ground cover -08246302 __syndicate_NN_1 a loose affiliation of gangsters in charge of organized criminal activities -03386011 __fortress_NN_1 a fortified defensive structure -08994834 __jiddah_NN_1 port city in western Saudi Arabia on the Red Sea; near Mecca -02318165 __smash_VB_3 reduce to bankruptcy; "My daughter's fancy wedding is going to break me!"; "The slump in the financial markets smashed him" -08103457 __superphylum_NN_1 (biology) a taxonomic group ranking between a phylum and below a class or subclass -01304716 __drop_anchor_VB_1 secure a vessel with an anchor; "We anchored at Baltimore" -05953416 __patchwork_NN_1 a theory or argument made up of miscellaneous or incongruous ideas -08992181 __san_marino_NN_2 the smallest republic in the world; the oldest independent country in Europe (achieved independence in 301); located in the Apennines and completely surrounded by Italy -08991752 __capital_of_western_samoa_NN_1 the capital of Western Samoa -00228283 __abolition_NN_1 the act of abolishing a system or practice or institution (especially abolishing slavery); "the abolition of capital punishment" -02309337 __caterpillar_NN_1 a wormlike and often brightly colored and hairy or spiny larva of a butterfly or moth -08989697 __french_polynesia_NN_1 a French overseas possession in the South Pacific -08094659 __orthodox_judaism_NN_1 Jews who strictly observe the Mosaic law as interpreted in the Talmud -08988333 __sombrero_NN_1 one of the islands of Saint Christopher-Nevis -08988068 __basseterre_NN_1 the capital of Saint Kitts and Nevis on the island of Saint Christopher -08984457 __zabrze_NN_1 an industrial city in southern Poland -08983413 __krakow_NN_1 an industrial city in southern Poland on the Vistula -08981244 __republic_of_the_philippines_NN_1 a republic on the Philippine Islands; achieved independence from the United States in 1946 -01490546 __negaprion_NN_1 lemon sharks -07552729 __petulance_NN_1 an irritable petulant feeling -01967104 __caper_VB_1 jump about playfully -01498769 __mensurable_JJ_2 capable of being measured; "measurable depths" -00408624 __prime_VB_1 insert a primer into (a gun, mine, or charge) preparatory to detonation or firing; "prime a cannon"; "prime a mine" -08975435 __muscat_NN_2 a port on the Gulf of Oman and capital of the sultanate of Oman -03398467 __front_NN_4 the side that is seen or that goes first -08973776 __nigeria_NN_1 a republic in West Africa on the Gulf of Guinea; gained independence from Britain in 1960; most populous African country -06919712 __navajo_NN_2 the Athapaskan language spoken by the Navaho -01486151 __sack_VB_4 put in a sack; "The grocer sacked the onions" -02761134 __catch_VB_20 start burning; "The fire caught" -06429590 __sacred_writing_NN_1 writing that is venerated for the worship of a deity -01895128 __chine_NN_2 backbone of an animal -08968390 __tatary_NN_1 the vast geographical region of Europe and Asia that was controlled by the Mongols in the 13th and 14th centuries; "under Genghis Khan Tartary extended as far east as the Pacific Ocean" -08159031 __tudor_NN_1 an English dynasty descended from Henry Tudor; Tudor monarchs ruled from Henry VII to Elizabeth I (from 1485 to 1603) -00123234 __firing_off_NN_1 the act of discharging a gun -01279342 __fredericksburg_NN_2 an important battle in the American Civil War (1862); the Union Army under A. E. Burnside was defeated by the Confederate Army under Robert E. Lee -08926543 __toyota_NN_1 an industrial city of Japan in southern Honshu -09735258 __turki_NN_1 any member of the peoples speaking a Turkic language -08772794 __essen_NN_1 a city in western Germany; industrial center of the Ruhr -08966085 __timbuktu_NN_1 a city in central Mali near the Niger river; formerly famous for its gold trade -01201429 __separation_NN_8 (law) the cessation of cohabitation of man and wife (either by mutual agreement or under a court order) -05782884 __resolving_NN_1 analysis into clear-cut components -02521241 __order_gadiformes_NN_1 cods, haddocks, grenadiers; in some classifications considered equivalent to the order Anacanthini -02723595 __febrifuge_NN_1 any medicine that lowers body temperature to prevent or alleviate fever -00331082 __mash_VB_3 reduce to small pieces or particles by pounding or abrading; "grind the spices in a mortar"; "mash the garlic" -09246883 __ring_NN_4 (chemistry) a chain of atoms in a molecule that forms a closed loop -08959254 __republic_of_liberia_NN_1 a republic in West Africa; established in 1822 by Americans as a way to free negro slaves -04188064 __sheepwalk_NN_1 farm devoted to raising sheep -06520944 __contract_NN_1 a binding agreement between two or more persons that is enforceable by law -08955397 __pyongyang_NN_1 capital of North Korea and an industrial center; "Pyongyang is Korea's oldest city but little of its history has been preserved" -08953324 __republic_of_iceland_NN_1 an island republic on the island of Iceland; became independent of Denmark in 1944 -07121361 __yowl_NN_1 a very loud utterance (like the sound of an animal); "his bellow filled the hallway" -09371360 __nile_river_NN_1 the world's longest river (4150 miles); flows northward through eastern Africa into the Mediterranean; the Nile River valley in Egypt was the site of the world's first great civilization -12216382 __genus_embothrium_NN_1 small genus of South American evergreen shrubs or small trees with long willowy branches and flowers in flamboyant terminal clusters -04439122 __tincture_NN_4 (pharmacology) a medicine consisting of an extract in an alcohol solution -08948027 __capital_of_guinea-bissau_NN_1 the capital of Guinea-Bissau -00802962 __gamble_NN_2 a risky act or venture -04538249 __viscosimeter_NN_1 a measuring instrument for measuring viscosity -08947617 __konakri_NN_1 a port and the capital of Guinea -10635275 __spender_NN_3 someone who spends money to purchase goods or services -08941681 __ardennes_NN_1 a wooded plateau in the Champagne-Ardenne region of France; the site of intense fighting in World War I and World War II -02676789 __hold_VB_25 be pertinent or relevant or applicable; "The same laws apply to you!"; "This theory holds for all irrational numbers"; "The same rules go for everyone" -08940209 __elsass_NN_1 a region of northeastern France famous for its wines -08939201 __riviera_NN_1 a coastal area between La Spezia in Italy and Cannes in France; "the Riviera contains some of Europe's most popular resorts" -04353189 __sulfonylurea_NN_1 antidiabetic consisting of any of several drugs that reduce the level of glucose in the blood; used to treat diabetes mellitus -14294678 __frostbite_NN_1 destruction of tissue by freezing and characterized by tingling, blistering and possibly gangrene -05565192 __meat_hooks_NN_1 large strong hand (as of a fighter); "wait till I get my hooks on him" -04480625 __triazolam_NN_1 a form of benzodiazepine (trade name Halcion) frequently prescribed as a sleeping pill; usually given to people who have trouble falling asleep -02169119 __pry_VB_3 search or inquire in a meddlesome way; "This guy is always nosing around the office" -00471613 __baseball_game_NN_1 a ball game played with a bat and ball between two teams of nine players; teams take turns at bat trying to score runs; "he played baseball in high school"; "there was a baseball game on every empty lot"; "there was a desire for National League ball in the area"; "play ball!" -04889527 __humility_NN_1 a disposition to be humble; a lack of false pride; "not everyone regards humility as a virtue" -04578559 __whipstitching_NN_1 a sewing stitch passing over an edge diagonally -12558425 __sieva_bean_NN_1 bush bean plant cultivated especially in southern United States having small flat edible seeds -08918944 __assyria_NN_1 an ancient kingdom in northern Mesopotamia which is in present-day Iraq -08915784 __thrace_NN_1 an ancient country and wine producing region in the east of the Balkan Peninsula to the north of the Aegean Sea; colonized by ancient Greeks; later a Roman province; now divided between Bulgaria and Greece and Turkey -08915017 __mosul_NN_1 a city in northern Iraq on the Tigris across from the ruins of Nineveh -08914573 __kerbela_NN_1 a city of central Iraq to the south of Baghdad; a holy city for Shiite Muslims because it is the site of the tomb of Mohammed's grandson who was killed there in 680 -08912703 __qum_NN_1 a city in northwestern Iran; a place of pilgrimage for Shiite Muslims -05617606 __intelligence_NN_1 the ability to comprehend; to understand and profit from experience -04060904 __receptacle_NN_1 a container that is used to put or keep things in -08909537 __kalimantan_NN_1 the part of Indonesia on the southern side of the island of Borneo -12315818 __genus_fothergilla_NN_1 small genus of deciduous shrubs of the southeastern United States -06153846 __liberal_arts_NN_1 studies intended to provide general knowledge and intellectual skills (rather than occupational or professional skills); "the college of arts and sciences" -08908954 __sumatra_NN_1 a mountainous island in western Indonesia -05223550 __sulcus_NN_1 (anatomy) any of the narrow grooves in an organ or tissue especially those that mark the convolutions on the surface of the brain -08907377 __lhasa_NN_1 the sacred city of Lamaism; known as the Forbidden City for its former inaccessibility and hostility to strangers -08905936 __maharashtra_NN_1 a historical area in west-central India -08905467 __tamil_nadu_NN_1 a state in southeastern India on the Bay of Bengal (south of Andhra Pradesh); formerly Madras -09879297 __yobo_NN_1 a cruel and brutal fellow -03376438 __trumpery_NN_2 ornamental objects of no great value -08902894 __punjab_NN_1 a historical region on northwestern India and northern Pakistan -08902753 __kanara_NN_1 a historical region of southwestern India on the west coast -02080934 __genus_cystophora_NN_1 hooded seals -12790656 __subfamily_philadelphaceae_NN_1 one genus; usually included in family Hydrangeaceae -08895928 __mona_NN_1 an island to the northwest of Wales -06670521 __differential_equation_NN_1 an equation containing differentials of a function -07927197 __soft_drink_NN_1 nonalcoholic beverage (usually carbonated) -06984953 __biu-mandara_NN_1 a group of Chadic languages spoken in the border area between Cameroon and Nigeria south of Lake Chad -00754280 __scam_NN_1 a fraudulent business scheme -08889191 __irish_capital_NN_1 capital and largest city and major port of the Irish Republic -03994008 __powder_NN_3 any of various cosmetic or medical preparations dispensed in the form of a pulverized powder -14049552 __vitalization_NN_1 the state of being vitalized and filled with life -13809920 __particular_NN_2 a small part that can be considered separately from the whole; "it was perfect in all details" -02668393 __abrader_NN_1 a tool or machine used for wearing down or smoothing or polishing -06650701 __guidance_NN_1 something that provides direction or advice as to a decision or course of action -13024967 __order_endomycetales_NN_1 fungi having a zygote or a single cell developing directly into an ascus -05472032 __processus_coronoideus_NN_1 a sharp triangular process projecting from a bone -02707344 __anaglyph_NN_1 moving or still pictures in contrasting colors that appear three-dimensional when superimposed -12227909 __briarroot_NN_1 hard woody root of the briar Erica arborea -14323683 __aching_NN_1 a dull persistent (usually moderately intense) pain -00751779 __tergiversation_NN_1 falsification by means of vague or ambiguous language -01179865 __feed_VB_6 take in food; used of animals only; "This dog doesn't eat certain kinds of meat"; "What do whales eat?" -02428653 __pseudoryx_NN_1 species of large cow-like mammals of Vietnam discovered by scientists in 1992 -09070233 __dover_NN_1 the capital of the state of Delaware -08857682 __british_empire_NN_1 a former empire consisting of Great Britain and all the territories under its control; reached its greatest extent at the end of World War I; it included the British Isles, British West Indies, Canada, British Guiana; British West Africa, British East Africa, India, Australia, New Zealand; "the sun never sets on the British Empire" -03830448 __nor-q-d_NN_1 trade name for an oral contraceptive containing norethindrone -00514128 __practical_joke_NN_1 a prank or trick played on a person (especially one intended to make the victim appear foolish) -01805199 __lophophorus_NN_1 monals -00597634 __master_VB_1 be or become completely proficient or skilled in; "She mastered Japanese in less than two years" -00284798 __walk_NN_4 the act of walking somewhere; "he took a walk after lunch" -00931721 __lexicography_NN_1 the act of writing dictionaries -10497373 __quadripara_NN_1 (obstetrics) woman who has given birth to a viable infant in each of four pregnancies -08851364 __charleroi_NN_1 city in southwestern Belgium; center of an industrial region -01678522 __genus_callisaurus_NN_1 zebra-tailed lizard -12320627 __pignut_hickory_NN_1 an American hickory tree having bitter nuts -01103159 __printing_NN_2 the business of producing printed material for sale or distribution -02744977 __act_VB_6 be suitable for theatrical performance; "This scene acts well" -12563913 __psophocarpus_NN_1 species of tropical Asian and African climbing herbs -12440869 __genus_asparagus_NN_1 large genus of Old World perennial herbs with erect or spreading or climbing stems and small scalelike leaves and inconspicuous flowers; sometimes placed in family Asparagaceae -00218427 __decimation_NN_1 destroying or killing a large part of the population (literally every tenth person as chosen by lot) -02158896 __camouflage_VB_1 disguise by camouflaging; exploit the natural surroundings to disguise something; "The troops camouflaged themselves before they went into enemy territory" -03585073 __iron_NN_2 a golf club that has a relatively narrow metal head -01275389 __chattanooga_NN_2 in the American Civil War (1863) the Union armies of Hooker, Thomas, and Sherman under the command of Ulysses S. Grant won a decisive victory over the Confederate Army under Braxton Bragg -12791539 __schizophragma_NN_1 small genus of deciduous climbing and creeping shrubs with white flowers in flat clusters; sometimes placed in family Saxifragaceae -08841956 __malay_archipelago_NN_1 a group of islands in the Indian and Pacific Oceans between Asia and Australia -14019039 __sottishness_NN_1 stupefaction from drink -02968333 __stall_NN_6 small individual study area in a library -00595935 __know_VB_2 know how to do or perform something; "She knows how to knit"; "Does your husband know how to cook?" -08839092 __republic_of_the_marshall_islands_NN_1 a republic (under United States protection) on the Marshall Islands -08837864 __northern_marianas_NN_1 a self-governing territory comprising all of the Mariana Islands except Guam -08837552 __marianas_NN_1 a chain of coral and volcanic islands in Micronesia (including Guam and the Northern Marianas) halfway between New Guinea and Japan; discovered by Magellan in 1521 -08836630 __melanesia_NN_1 the islands in the southwestern part of Oceania -01852544 __genus_cairina_NN_1 a genus of Anatidae -10731848 __trudger_NN_1 someone who walks in a laborious heavy-footed manner -02725714 __refrain_VB_1 resist doing something; "He refrained from hitting him back"; "she could not forbear weeping" -04438304 __timer_NN_1 a timepiece that measures a time interval and signals its end -04152387 __screen_NN_9 partition consisting of a decorative frame or panel that serves to divide a space -00922327 __mining_NN_1 the act of extracting ores or coal etc from the earth -05500465 __inferior_colliculus_NN_1 an essential auditory center in the midbrain -06609672 __rigmarole_NN_1 a set of confused and meaningless statements -00605023 __throne_NN_3 the position and power of an exalted person (a sovereign or bishop) who is entitled to sit in a chair of state on ceremonial occasions -14376855 __psychotic_belief_NN_1 (psychology) an erroneous belief that is held in the face of evidence to the contrary -01175316 __pounding_NN_3 the act of pounding (delivering repeated heavy blows); "the sudden hammer of fists caught him off guard"; "the pounding of feet on the hallway" -00682080 __selective_lipectomy_NN_1 plastic surgery involving the breakdown and removal of fatty tissue -00320246 __brown_VB_1 fry in a pan until it changes color; "brown the meat in the pan" -02460684 __genus_cyclopes_NN_1 only the silky anteater -08822855 __british_columbia_NN_1 a province in western Canada -08819883 __labrador_NN_1 the mainland part of the province of Newfoundland and Labrador in the eastern part of the large Labrador-Ungava Peninsula in northeastern Canada -08819223 __dalmatia_NN_1 a historical region of Croatia on the Adriatic Sea; mountainous with many islands -10080869 __male_parent_NN_1 a male parent (also used as a term of address to your father); "his father was born in Atlanta" -01070892 __suppression_NN_4 (psychology) the conscious exclusion of unacceptable thoughts or desires -04683136 __stripe_NN_5 a narrow marking of a different color or texture from the background; "a green toad with small black stripes or bars"; "may the Stars and Stripes forever wave" -04052757 __read/write_memory_NN_1 the most common computer memory which can be used by programs to perform necessary tasks while the computer is on; an integrated circuit memory chip allows information to be stored or accessed in any order and all storage locations are equally accessible -08819016 __split_NN_6 an old Croatian city on the Adriatic Sea -08817630 __republic_of_bosnia_and_herzegovina_NN_1 a mountainous republic of south-central Europe; formerly part of the Ottoman Empire and then a part of Yugoslavia; voted for independence in 1992 but the mostly Serbian army of Yugoslavia refused to accept the vote and began ethnic cleansing in order to rid Bosnia of its Croats and Muslims -04476259 __tray_NN_1 an open receptacle for holding or displaying or serving articles or food -14991712 __plant_substance_NN_1 material derived from plants -04742535 __sameness_NN_1 the quality of being alike; "sameness of purpose kept them together" -04562658 __water_system_NN_2 a facility that provides a source of water; "the town debated the purification of the water supply"; "first you have to cut off the water" -02684649 __aiglet_NN_1 metal or plastic sheath over the end of a shoelace or ribbon -08814333 __brasov_NN_1 a city in central Romania in the foothills of the Transylvanian Alps -08813807 __etruria_NN_1 an ancient country in central Italy; assimilated by the Romans by about 200 BC -05828552 __reinforcing_stimulus_NN_1 (psychology) a stimulus that strengthens or weakens the behavior that produced it -00597629 __principalship_NN_1 the post of principal -01605119 __family_accipitridae_NN_1 hawks; Old World vultures; kites; harriers; eagles -03876519 __picture_NN_2 graphic art consisting of an artistic composition made by applying paints to a surface; "a small painting by Picasso"; "he bought the painting as an investment"; "his pictures hang in the Louvre" -04668139 __womanishness_NN_1 the trait of being effeminate (derogatory of a man); "the students associated science with masculinity and arts with effeminacy"; "Spartans accused Athenians of effeminateness"; "he was shocked by the softness of the atmosphere surrounding the young prince, arising from the superfluity of the femininity that guided him" -08811982 __tuscany_NN_1 a region in central Italy -08810999 __sicily_NN_2 the largest island in the Mediterranean -02043898 __rounded_JJ_1 curving and somewhat round in shape rather than jagged; "low rounded hills"; "rounded shoulders" -06920497 __tanoan_language_NN_1 a family of North American Indian language spoken in southwestern United States -04381994 __tableware_NN_1 articles for use at the table (dishes and silverware and glassware) -08808292 __liguria_NN_1 region of northwestern Italy on the Ligurian Sea -06687701 __okey_NN_1 an endorsement; "they gave us the O.K. to go ahead" -02344381 __reward_VB_3 act or give recompense in recognition of someone's behavior or actions excellent or splendid; "that's a perfectly spiffing idea" -01506157 __repulse_VB_3 cause to move back by force or influence; "repel the enemy"; "push back the urge to smoke"; "beat back the invaders" -08804049 __herculaneum_NN_1 ancient city; now destroyed -10486561 __provost_marshal_NN_1 the supervisor of the military police -07743902 __cranberry_NN_2 very tart red berry used for sauce or juice -02280649 __cabbage_butterfly_NN_1 white butterfly whose larvae (cabbageworms) feed on cabbage -01276361 __line_VB_4 mark with lines; "sorrow had lined his face" -03402941 __funeral_parlour_NN_1 a mortuary where those who knew the deceased can come to pay their last respects -07289956 __episode_NN_1 a happening that is distinctive in a series of related events -08793310 __akko_NN_1 a town and port in northwestern Israel in the eastern Mediterranean -00656292 __stereotype_VB_1 care for the teeth treat or classify according to a mental stereotype; "I was stereotyped as a lazy Southern European" -01198307 __prosecution_NN_1 the institution and conduct of legal proceedings against a defendant for criminal behavior -07199565 __response_NN_6 the speech act of continuing a conversational exchange; "he growled his reply" -07658814 __beef_loin_NN_1 cut of meat from a loin of beef -05262422 __toothbrush_NN_2 slang for a mustache -12154773 __screw_pine_NN_1 any of various Old World tropical palmlike trees having huge prop roots and edible conelike fruits and leaves like pineapple leaves -08786283 __attica_NN_1 the territory of Athens in ancient Greece where the Ionic dialect was spoken -14471724 __polydactyly_NN_1 birth defect characterized by the presence of more than the normal number of fingers or toes -08782976 __khios_NN_1 an island in the Aegean Sea off the west coast of Turkey; belongs to Greece -07453195 __installation_NN_3 a formal entry into an organization or position or office; "his initiation into the club"; "he was ordered to report for induction into the army"; "he gave a speech as part of his installation into the hall of fame" -04882968 __restraint_NN_2 discipline in personal and social activities; "he was a model of polite restraint"; "she never lost control of herself" -09802050 __valuator_NN_1 one who estimates officially the worth or value or quality of things -08778401 __new_flower_NN_1 the capital of Ethiopia and the country's largest city; located in central Ethiopia -00436339 __hang_NN_3 a gymnastic exercise performed on the rings or horizontal bar or parallel bars when the gymnast's weight is supported by the arms -03513137 __helmet_NN_2 a protective headgear made of hard material to resist blows -05554653 __tit_NN_2 the small projection of a mammary gland -08775297 __rhineland_NN_1 a picturesque region of Germany around the Rhine river -01085237 __umpire_VB_1 be a referee or umpire in a sports competition -06285559 __complex_sentence_NN_1 a sentence composed of at least one main clause and one subordinate clause -00093127 __overcapitalization_NN_1 (business) too much capitalization (the sale of more stock than the business warrants) -08773880 __lubeck_NN_1 a city in northwestern Germany and an important Baltic port; a leading member of the Hanseatic League -04241042 __slipknot_NN_1 a knot at the end of a cord or rope that can slip along the cord or rope around which it is made -00568879 __rationalize_VB_5 remove irrational quantities from; "This function can be rationalized" -05021535 __toughness_NN_3 the elasticity and hardness of a metal object; its ability to absorb considerable energy before cracking -08765623 __trondheim_NN_1 a port in central Norway on Trondheim Fjord -08765460 __stavanger_NN_1 a port city in southwestern Norway; center for shipbuilding industry -08763193 __dominica_NN_1 a country on the island of Dominica -08761697 __zealand_NN_1 the largest island of Denmark and the site of Copenhagen -08759852 __cotonou_NN_1 chief port of Benin on the Bight of Benin -09698644 __congolese_NN_1 a native or inhabitant of the Republic of the Congo -01569423 __myrtle_warbler_NN_1 similar to Audubon's warbler -06753299 __postulate_NN_1 (logic) a proposition that is accepted as true in order to provide a basis for logical reasoning -08403225 __missionary_station_NN_1 an organization of missionaries in a foreign land sent to carry on religious work -01567133 __wood_warbler_NN_1 small bright-colored American songbird with a weak unmusical song -08751494 __republic_of_haiti_NN_1 a republic in the West Indies on the western part of the island of Hispaniola; achieved independence from France in 1804; the poorest and most illiterate nation in the western hemisphere -02180046 __genus_dendroctonus_NN_1 genus of small bark beetles destructive especially to mature conifers -15077571 __transferase_NN_1 any of various enzymes that move a chemical group from one compound to another compound -03456024 __sauceboat_NN_1 a dish (often boat-shaped) for serving gravy or sauce -00939628 __transcription_NN_4 the act of arranging and adapting a piece of music -01771246 __uropygi_NN_1 whip scorpions -01616764 __old_world_vulture_NN_1 any of several large vultures of Africa and Eurasia -01443998 __family_electrophoridae_NN_1 small family comprising the electric eels -08745011 __puebla_de_zaragoza_NN_1 a city in south central Mexico (southeast of Mexico City) on the edge of central Mexican plateau -06353445 __spelling_NN_1 forming words with letters according to the principles underlying accepted usage -01361973 __nitrobacteriaceae_NN_1 usually rod-shaped bacteria that oxidize ammonia or nitrites: nitrobacteria -01002677 __mental_measurement_NN_1 a generic term used to cover any application of measurement techniques to the quantification of mental functions -01448767 __poeciliidae_NN_1 topminnows -08738820 __republic_of_nicaragua_NN_1 a republic in Central America; achieved independence from Spain in 1821 -08738715 __santa_ana_NN_4 a city in western El Salvador -08736107 __republic_of_costa_rica_NN_1 a republic in Central America; one of the most politically stable countries in Latin America -04492856 __truth_serum_NN_1 an intravenous anesthetic drug that has a hypnotic effect; induces relaxation and weakens inhibitions; is believed to induce people to talk freely -08733897 __federal_islamic_republic_of_the_comoros_NN_1 a country on the Comoro Islands -02013571 __displace_VB_1 cause to move, usually with force or pressure; "the refugees were displaced by the war" -02393401 __tasteless_JJ_2 lacking aesthetic or social taste -04774511 __play_NN_13 movement or space for movement; "there was too much play in the steering wheel" -01393714 __sweep_VB_3 sweep with a broom or as if with a broom; "Sweep the crumbs off the table"; "Sweep under the bed" -00521970 __demonstration_NN_2 a show of military force or preparedness; "he confused the enemy with feints and demonstrations" -08746636 __villahermosa_NN_1 a city in southeastern Mexico; the capital of the state of Tabasco -02286204 __turn_up_VB_3 discover the location of; determine the place of; find by searching or examining; "Can you locate your cousins in the Midwest?"; "My search turned up nothing" -01078050 __draw_VB_14 choose at random; "draw a card"; "cast lots" -05785311 __exploration_NN_3 a systematic consideration; "he called for a careful exploration of the consequences" -00307314 __fare-stage_NN_1 a section along the route of a bus for which the fare is the same -02964389 __shipment_NN_1 goods carried by a large vehicle -08722645 __cape_horn_NN_1 a rocky headland belonging to Chile at the southernmost tip of South America (south of Tierra del Fuego) -07153727 __quip_NN_1 a witty saying -04891184 __circumspection_NN_2 the trait of being circumspect and prudent -08720037 __tchad_NN_1 a landlocked desert republic in north-central Africa; was under French control until 1960 -03448590 __gorget_NN_1 armor plate that protects the neck -14741730 __polyunsaturated_fatty_acid_NN_1 an unsaturated fatty acid whose carbon chain has more than one double or triple valence bond per molecule; found chiefly in fish and corn and soybean oil and safflower oil -00571643 __unconscious_JJ_1 not conscious; lacking awareness and the capacity for sensory perception as if asleep or dead; "lay unconscious on the floor" -01020117 __replay_NN_2 the immediate rebroadcast of some action (especially sports action) that has been recorded on videotape having abnormal sagging of the spine (especially in horses) -03787759 __mosaic_NN_1 art consisting of a design made of small pieces of colored stone or glass -02051474 __pelecaniform_seabird_NN_1 large fish-eating seabird with four-toed webbed feet -08714795 __plovdiv_NN_1 an ancient city in southern Bulgaria; commercial center of an agricultural region -11069534 __thomas_huxley_NN_1 English biologist and a leading exponent of Darwin's theory of evolution (1825-1895) -08713772 __balkans_NN_2 a large peninsula in southeastern Europe containing the Balkan Mountain Range -03670456 __lincoln_memorial_NN_1 memorial building in Washington containing a large marble statue of Abraham Lincoln -07809368 __seasoning_NN_1 something added to food primarily for the savor it imparts -03719343 __mantlepiece_NN_1 shelf that projects from wall above fireplace; "in Britain they call a mantel a chimneypiece" -10860999 __tom_bradley_NN_1 United States politician who was elected the first black mayor of Los Angeles (1917-1998) -10912451 __cosimo_the_elder_NN_1 Italian financier and statesman and friend of the papal court (1389-1464) -08695539 __state_capital_NN_1 the capital city of a political subdivision of a country -02792552 __lighter_NN_3 a flatbottom boat for carrying heavy loads (especially on canals) -05917174 __presence_NN_4 the impression that something is present; "he felt the presence of an evil force" -03834604 __nuclear_weapon_NN_1 a weapon of mass destruction whose explosive power derives from a nuclear reaction -00841901 __tasting_NN_3 taking a small amount into the mouth to test its quality; "cooking was fine but it was the savoring that he enjoyed most" -07183151 __tilt_NN_2 a contentious speech act; a dispute where there is strong disagreement; "they were involved in a violent argument" -01670378 __testudo_NN_2 type genus of the Testudinidae -01745902 __micrurus_fulvius_NN_1 ranges from Central America to southeastern United States -00629176 __arm_exercise_NN_1 exercise designed to strengthen the arm muscles -01392237 __wipe_VB_1 rub with a circular motion; "wipe the blackboard"; "He passed his hands over the soft cloth" -08682819 __western_united_states_NN_1 the region of the United States lying to the west of the Mississippi River -02705944 __amplifier_NN_1 electronic equipment that increases strength of signals passing through it -05518870 __uterine_tube_NN_1 either of a pair of tubes conducting the egg from the ovary to the uterus -00893167 __excuse_VB_6 excuse, overlook, or make allowances for; be lenient with; "excuse someone's behavior"; "She condoned her husband's occasional infidelities" -07970721 __sept_NN_2 people descended from a common ancestor; "his family has lived in Massachusetts since the Mayflower" -08674344 __subtropics_NN_1 regions adjacent to the tropics -02148512 __spotted_bat_NN_1 a large bat of the southwestern United States having spots and enormous ears -05514410 __female_genitals_NN_1 external female sex organs; "in England `fanny' is vulgar slang for female genitals" -06311334 __oblique_case_NN_1 any grammatical case other than the nominative -01352574 __bacteria_genus_NN_1 a genus of bacteria -09195615 __america_NN_2 North America and South America and Central America -03060294 __cocaine_NN_1 a narcotic (alkaloid) extracted from coca leaves; used as a surface anesthetic or taken for pleasure; can become powerfully addictive -01713635 __genus_tyrannosaurus_NN_1 includes a single species -03748456 __purinethol_NN_1 a drug (trade name Purinethol) that interferes with the metabolism of purine and is used to treat acute lymphocytic leukemia -00751145 __misrepresentation_NN_2 a willful perversion of facts -00210797 __finis_NN_2 the concluding part of any performance -01993065 __orchestia_NN_1 type genus of the family Orchestiidae -00959367 __harp_VB_1 come back to; "Don't dwell on the past"; "She is always harping on the same old things" -08655464 __american_state_NN_1 one of the 50 states of the United States -00937895 __moulding_NN_4 a preliminary sculpture in wax or clay from which a finished work can be copied -01523908 __passeriformes_NN_1 largest order of birds comprising about half the known species; rooks; finches; sparrows; tits; warblers; robins; wrens; swallows; etc.; the four suborders are Eurylaimi and Tyranni and Menurae and Oscines or Passeres -02229867 __genus_acheta_NN_1 common house and field crickets -09870208 __pugilist_NN_1 someone who fights with his fists for sport -04897762 __deportment_NN_1 (behavioral attributes) the way a person behaves toward other people -01365549 __hook_VB_1 fasten with a hook -01539925 __passer_domesticus_NN_1 small hardy brown-and-grey bird native to Europe -01063350 __waver_NN_2 the act of pausing uncertainly; "there was a hesitation in his speech" -00117267 __babinski_sign_NN_1 extension upward of the toes when the sole of the foot is stroked firmly on the outer side from the heel to the front; normal in infants under the age of two years but a sign of brain or spinal cord injury in older persons -00003553 __whole_NN_2 an assemblage of parts that is regarded as a single entity; "how big is that part compared to the whole?"; "the team is a unit" coming into existence; "an emergent republic" -08647945 __seat_NN_5 a center of authority (as a city from which authority is exercised) -07230502 __naming_NN_1 the verbal act of naming; "the part he failed was the naming of state capitals" -03836699 __nux_vomica_NN_1 a medicine made from the seeds of an Asiatic tree; contains strychnine and brucine; formerly used as a stimulant -09559201 __asklepios_NN_1 son of Apollo; a hero and the Roman god of medicine and healing; his daughters were Hygeia and Panacea -08647457 __scour_NN_1 a place that is scoured (especially by running water) -02587761 __ocyurus_NN_1 snappers -00844994 __defloration_NN_2 the act of depriving a woman of her virginity (especially by rupturing the hymen through sexual intercourse) -01748560 __ophiophagus_NN_1 king cobra -14873951 __thus_NN_1 an aromatic gum resin obtained from various Arabian or East African trees; formerly valued for worship and for embalming and fumigation -04163530 __secateurs_NN_1 small pruning shears with a spring that holds the handles open and a single blade that closes against a flat surface -12810595 __phlox_NN_1 any polemoniaceous plant of the genus Phlox; chiefly North American; cultivated for their clusters of flowers -09146912 __wichita_falls_NN_1 a city in north central Texas near the Oklahoma border -05285623 __marrow_NN_1 the fatty network of connective tissue that fills the cavities of bones -04019696 __pull_NN_4 a device used for pulling something; "he grabbed the pull and opened the drawer" -08619343 __picnic_ground_NN_1 a tract of land set aside for picnicking -13607985 __pressure_unit_NN_1 a unit measuring force per unit area -02579247 __solemnize_VB_1 observe or perform with dignity or gravity; "The King solemnized this day of morning" -02628467 __genus_euthynnus_NN_1 a genus of Scombridae -09213565 __bank_NN_1 sloping land (especially the slope beside a body of water); "they pulled the canoe up on the bank"; "he sat on the bank of the river and watched the currents" -12807409 __platanus_occidentalis_NN_1 very large spreading plane tree of eastern and central North America to Mexico -03777568 __model_t_NN_1 the first widely available automobile powered by a gasoline engine; mass-produced by Henry Ford from 1908 to 1927 -11206544 __sir_harold_george_nicolson_NN_1 English diplomat and author (1886-1968) -09037394 __tunisia_NN_1 a republic in northwestern Africa on the Mediterranean coast; achieved independence from France in 1956; "southern Tunisia is mostly desert" -06781878 __topper_NN_4 an exceedingly good witticism that surpasses all that have gone before -05459769 __striated_muscle_fiber_NN_1 an elongated contractile cell in striated muscle tissue -12220019 __mountain_devil_NN_1 erect bushy shrub of eastern Australia having terminal clusters of red flowers yielding much nectar -08610305 __yellowstone_national_park_NN_1 the first national park in the United States; located in the border area between Wyoming and Montana and Idaho; spectacular wilderness; famous for Old Faithful geyser and for buffalo and bears -08605261 __great_smoky_mountains_national_park_NN_1 a national park in Tennessee and North Carolina that includes the highest mountain in the eastern United States -08789243 __boeotia_NN_1 a district of ancient Greece to the northwest of Athens -10441037 __playmate_NN_1 a companion at play -04928008 __staleness_NN_2 having lost purity and freshness as a consequence of aging -04472726 __transmitter_NN_3 set used to broadcast radio or tv signals -00102974 __slobber_VB_1 let saliva drivel from the mouth; "The baby drooled" -13462795 __desalinization_NN_1 the removal of salt (especially from sea water) -08598823 __meridian_NN_3 an imaginary great circle on the surface of the earth passing through the north and south poles at right angles to the equator; "all points on the same meridian have the same longitude" -08597727 __mandatory_NN_2 a territory surrendered by Turkey or Germany after World War I and put under the tutelage of some other European power until they are able to stand by themselves -08597176 __observation_post_NN_1 an elevated post affording a wide view -10690538 __tamer_NN_1 an animal trainer who tames wild animals -02269196 __trichopterous_insect_NN_1 caddis fly -04311595 __steelworks_NN_1 a factory where steel is made -07497473 __liking_NN_1 a feeling of pleasure and enjoyment; "I've always had a liking for reading"; "she developed a liking for gin" -00387657 __cutting_NN_8 the act of penetrating or opening open with a sharp edge; "his cut in the lining revealed the hidden jewels" -02933112 __cabinet_NN_1 a piece of furniture resembling a cupboard with doors and shelves and drawers; for storage or display -08590369 __jurisdiction_NN_2 in law; the territory within which power can be exercised -01054227 __lodging_NN_3 the act of lodging -00826789 __taichichuan_NN_1 a Chinese system of slow meditative physical exercise designed for relaxation and balance and health -02225492 __save_VB_2 to keep up and reserve for personal or special use; "She saved the old family photographs in a drawer" -05121418 __number_NN_1 the property possessed by a sum or total or indefinite quantity of units or individuals; "he had a number of chores to do"; "the number of parameters is small"; "the figure was about a thousand" -03507241 __hearth_NN_2 home symbolized as a part of the fireplace; "driven from hearth and home"; "fighting in defense of their firesides" -05471837 __mandibular_condyle_NN_1 the condyle of the ramus of the mandible that articulates with the skull -08584787 __hilltop_NN_1 the peak of a hill; "the sun set behind the brow of distant hills" -08584449 __hiding_place_NN_1 a place suitable for hiding something (such as yourself) -04693384 __nick_NN_1 an impression in a surface (as made by a blow) -01579260 __raven_NN_1 large black bird with a straight bill and long wedge-shaped tail -08578174 __dust_bowl_NN_1 a region subject to dust storms; especially the central region of United States subject to dust storms in the 1930s -12914433 __vervain_family_NN_1 family of New World tropical and subtropical herbs and shrubs and trees -01877407 __macropus_NN_1 type genus of the family Macropodidae: typical kangaroos and wallabies -01536344 __wash_VB_7 separate dirt or gravel from (precious minerals) -09164903 __aden_NN_1 an important port of Yemen; located on the Gulf of Aden; its strategic location has made it a major trading center of southern Arabia since ancient times -00624738 __workout_NN_1 the activity of exerting your muscles in various ways to keep fit; "the doctor recommended regular exercise"; "he did some exercising"; "the physical exertion required by his work kept him fit" -02376791 __colt_NN_1 a young male horse under the age of four -06543536 __temporary_injunction_NN_1 injunction issued during a trial to maintain the status quo or preserve the subject matter of the litigation until the trial is over -05068461 __slope_NN_2 the property possessed by a line or surface that departs from the horizontal; "a five-degree gradient" -06773434 __treaty_NN_1 a written agreement between two states or sovereigns -02496913 __lemur_NN_1 large-eyed arboreal prosimian having foxy faces and long furry tails -02754756 __atropine_NN_1 a poisonous crystalline alkaloid extracted from the nightshade family; used as an antispasmodic and to dilate the eye pupil; also administered in large amounts as an antidote for organophosphate nerve agents or organophosphate insecticides -02481823 __pan_troglodytes_NN_1 intelligent somewhat arboreal ape of equatorial African forests -01122754 __pump_priming_NN_1 spending money raised by borrowing; used by governments to stimulate their economy -01236296 __warfare_NN_2 an active struggle between competing entities; "a price war"; "a war of wits"; "diplomatic warfare" -09381242 __rock_outcrop_NN_1 the part of a rock formation that appears above the surface of the surrounding land -01914415 __order_actiniaria_NN_1 sea anemones -03274561 __electro-acoustic_transducer_NN_1 a transducer that converts electrical to acoustic energy or vice versa -08553280 __federal_district_NN_1 a district set apart as the seat of government of a federation -00605511 __vice-presidency_NN_2 the office and function of a vice president -03256166 __tipper_truck_NN_1 truck whose contents can be emptied without handling; the front end of the platform can be pneumatically raised so that the load is discharged by gravity -02610664 __pollyfish_NN_1 gaudy tropical fishes with parrotlike beaks formed by fusion of teeth -07293678 __decision_NN_3 (boxing) a victory won on points when no knockout has occurred; "had little trouble in taking a unanimous decision over his opponent" -12195391 __sterculia_NN_1 any tree of the genus Sterculia -00539951 __square_dancing_NN_1 American country dancing in which couples form squares -04928416 __youngness_NN_1 the opposite of oldness -01447001 __genus_fundulus_NN_1 killifish -06063588 __surgery_NN_1 the branch of medical science that treats disease or injury by operative procedures; "he is professor of surgery at the Harvard Medical School" -08437847 __canebrake_NN_1 a dense growth of cane (especially giant cane) -08544813 __state_NN_7 the territory occupied by a nation; "he returned to the land of his birth"; "he visited several European countries" -08543081 __financial_center_NN_1 the part of a city where financial institutions are centered -05000116 __oleaginousness_NN_1 consisting of or covered with oil -08537837 __city_district_NN_1 a district of a town or city -00612160 __practice_of_medicine_NN_1 the learned profession that is mastered by graduate training in a medical school and that is devoted to preventing or alleviating or curing diseases and injuries; "he studied medicine at Harvard" -08522287 __centre_of_immersion_NN_1 (physics) the center of mass of the immersed part of ship or other floating object -08521267 __welkin_NN_1 the apparent surface of the imaginary sphere on which celestial bodies appear to be projected -03561889 __tofranil_NN_1 a tricyclic antidepressant (trade names Imavate and Tofranil) used to treat clinical depression -02286294 __voiceless_JJ_1 produced without vibration of the vocal cords; "unvoiced consonants such as `p' and `k' and `s'" -02042342 __pagophila_NN_1 a genus of Laridae -01155893 __sexism_NN_1 discriminatory or abusive behavior towards members of the opposite sex -03654086 __leflunomide_NN_1 an anti-TNF compound (trade name Arava) that is given orally; can slow the progression of rheumatoid arthritis by slowing the proliferation of white blood cells which reduces inflammation in the synovium -03541393 __hospital_train_NN_1 a military train built to transport wounded troops to a hospital -08513718 __property_NN_3 any area set aside for a particular purpose; "who owns this place?"; "the president was concerned about the property across from the White House" -01980471 __pinnotheres_NN_1 type genus of the family Pinnotheridae: pea crabs -02486138 __genus_erythrocebus_NN_1 patas -08511777 __base_NN_5 (anatomy) the part of an organ nearest its point of attachment; "the base of the skull" -08508449 __headspring_NN_1 the source of water from which a stream arises; "they tracked him back toward the head of the stream" -03192142 __voltaren_NN_1 a nonsteroidal anti-inflammatory drug (trade name Voltaren) that is administered only orally -03518631 __high_gear_NN_1 a forward gear with a gear ratio that gives the greatest vehicle velocity for a given engine speed -08504851 __heathland_NN_1 a tract of level wasteland; uncultivated land with sandy soil and scrubby vegetation -12557995 __shell_bean_plant_NN_1 a bean plant grown primarily for its edible seed rather than its pod -02292272 __tineola_NN_1 webbing clothes moths -08842258 __sunda_islands_NN_1 a chain of islands in the western Malay Archipelago -03204558 __dual_inline_package_switch_NN_1 (computer science) one of a set of small on-off switches mounted in computer hardware; used in place of jumpers to configure the machine for a user -08501565 __heliosphere_NN_1 the region inside the heliopause containing the sun and solar system -00650912 __microwave_spectroscopy_NN_1 the use of spectroscopy to study atomic or molecular resonances in the microwave spectrum -08493261 __andalusia_NN_1 a region in southern Spain on the Atlantic and the Mediterranean; formerly a center of Moorish civilization -01671874 __trionychidae_NN_1 soft-shelled turtles -08493064 __territory_NN_3 the geographical area under the jurisdiction of a sovereign state; "American troops were stationed on Japanese soil" -04923743 __origin_NN_2 properties attributable to your ancestry; "he comes from good origins" -02784998 __band_NN_13 a restraint put around something to hold it together -00736586 __hold_VB_22 hold the attention of; "The soprano held the audience"; "This story held our interest"; "She can hold an audience spellbound" -03077074 __commodity_exchange_NN_1 an exchange for buying and selling commodities for future delivery -01235258 __revenge_NN_1 action taken in return for an injury or offense -08486971 __wto_NN_1 an international organization based in Geneva that monitors and enforces rules governing global trade -03501152 __hazard_NN_3 an obstacle on a golf course -01292928 __rossbach_NN_1 a battle in the Seven Years' War (1757); Prussian forces under Frederick the Great defeated the armies of France and Austria -14313440 __sphacelus_NN_1 necrotic tissue; a mortified or gangrenous part or mass -05878440 __gestalt_principle_of_organization_NN_1 a principle of Gestalt psychology that identifies factors leading to particular forms of perceptual organization -01572174 __icterus_NN_2 type genus of the Icteridae -08475722 __pietism_NN_1 17th and 18th-century German movement in the Lutheran Church stressing personal piety and devotion -03662887 __life_vest_NN_1 life preserver consisting of a sleeveless jacket of buoyant or inflatable design -03584254 __ipod_NN_1 (trademark) a pocket-sized device used to play music files -04822223 __incomprehensibility_NN_1 the quality of being incomprehensible -06633041 __salute_NN_2 a formal military gesture of respect -02079706 __phoca_NN_1 type genus of the Phocidae: earless seals -01769902 __impress_VB_2 impress positively; "The young chess player impressed her audience" -06826589 __gothic_NN_2 a heavy typeface in use from 15th to 18th centuries -12952022 __trichomanes_NN_1 bristle ferns; kidney ferns -02487718 __climactic_JJ_1 consisting of or causing a climax; "a climactic development" -08463647 __mailing_NN_1 mail sent by a sender at one time; "the candidate sent out three large mailings" -05279688 __shoulder_bone_NN_1 either of two flat triangular bones one on each side of the shoulder in human beings -00215013 __use_immunity_NN_1 an exemption that displaces the privilege against self-incrimination; neither compelled testimony or any fruits of it can be used against the witness who therefore can no longer fear self-incrimination -05278395 __patella_NN_1 a small flat triangular bone in front of the knee that protects the knee joint -06620063 __rerun_NN_1 a program that is broadcast again; "she likes to watch `I love Lucy' reruns" -12756457 __holly_NN_1 any tree or shrub of the genus Ilex having red berries and shiny evergreen leaves with prickly edges -04544979 __walkway_NN_1 a path set aside for walking; "after the blizzard he shoveled the front walk" -07367812 __interruption_NN_2 some abrupt occurrence that interrupts an ongoing activity; "the telephone is an annoying interruption"; "there was a break in the action when a player was hurt" -02760658 __automatic_pistol_NN_1 a pistol that will keep firing until the ammunition is gone or the trigger is released -08429167 __suite_NN_3 the group following and attending to some important person -13066129 __smut_fungus_NN_1 any fungus of the order Ustilaginales -03397532 __ruffle_NN_1 a strip of pleated material used as a decoration or a trim -00930736 __drafting_NN_1 writing a first version to be filled out and polished later -09871229 __sonny_boy_NN_1 a male child (a familiar term of address to a boy) -00413239 __usance_NN_3 accepted or habitual practice -09162803 __maracaibo_NN_1 a port city in northwestern Venezuela; a major oil center -05849040 __property_NN_4 a construct whereby objects or individuals can be distinguished; "self-confidence is not an endearing property" -02910353 __buckle_NN_1 fastener that fastens together two ends of a belt or strap; often has loose prong -01215421 __low-pitched_JJ_1 succeed in catching or seizing, especially after a chase; "We finally got the suspect"; "Did you catch the thief?" used of sounds and voices; low in pitch or frequency -02027030 __tag_along_VB_1 go along with, often uninvited; "my younger brother often tagged along when I went out with my friends" -06707382 __distinguished_service_medal_NN_1 a United States military decoration for meritorious service in wartime duty of great responsibility -08418103 __conglomeration_NN_2 a sum total of many heterogenous things taken together -06314808 __subordinate_clause_NN_1 a clause in a complex sentence that cannot stand alone as a complete sentence and that functions within the sentence as a noun or adjective or adverb -11428023 __shaft_of_light_NN_1 a column of light (as from a beacon) -03655720 __leisure_wear_NN_1 informal clothing designed to be worn when you are relaxing -00607114 __study_VB_5 learn by reading books; "He is studying geology in his room"; "I have an exam next week; I must hit the books now" -03733925 __measuring_system_NN_1 instrument that shows the extent or amount or quantity or degree of something -01915093 __order_alcyonaria_NN_1 corals and sea anemones having eight branches -12475774 __tacca_pinnatifida_NN_1 perennial herb of East Indies to Polynesia and Australia; cultivated for its large edible root yielding Otaheite arrowroot starch -00908492 __creative_activity_NN_1 the human act of creating -08521623 __necropolis_NN_1 a tract of land used for burials -00590518 __clerkship_NN_1 the job of clerk -08405267 __supreme_headquarters_NN_1 the highest leaders in an organization (e.g. the commander-in-chief and senior officers of the military) -04032242 __quarterlight_NN_1 car window consisting of a small pivoted glass vent in the door of a car -04835260 __self-love_NN_2 an exceptional interest in and admiration for yourself; "self-love that shut out everyone else" -00741911 __aphorize_VB_1 speak or write in aphorisms -08401819 __riffraff_NN_1 disparaging terms for the common people -08977948 __pelew_NN_1 a chain of more than 200 islands about 400 miles long in the western central Pacific Ocean -08397675 __hostile_NN_1 troops belonging to the enemy's military forces; "the platoon ran into a pack of hostiles" -02739480 __receive_VB_9 experience as a reaction; "My proposal met with much opposition" -01188273 __confession_of_judgment_NN_1 a judgment entered after a written confession by the debtor without the expense of ordinary legal proceedings -05785885 __speculation_NN_4 continuous and profound contemplation or musing on a subject or series of subjects of a deep or abstruse nature; "the habit of meditation is the basis for all real knowledge" -08396207 __disa_NN_2 a combat support agency in the Department of Defense responsible for developing and operating and supporting information systems to serve the needs of the President and the Secretary of Defense and the Joint Chiefs of Staff -08389900 __horse_cavalry_NN_2 an army unit mounted on horseback -04174853 __zoloft_NN_1 a selective-serotonin reuptake inhibitor commonly prescribed as an antidepressant (trade name Zoloft) -08389710 __cavalry_NN_2 a highly mobile army unit -07749582 __lemon_NN_1 yellow oval fruit with juicy acidic flesh -04476633 __trazodone_hydrochloride_NN_1 oral antidepressant (trade name Desyrel) that is a nontricyclic drug used as a sedative -03514974 __liquaemin_NN_1 a polysaccharide produced in basophils (especially in the lung and liver) and that inhibits the activity of thrombin in coagulation of the blood; it (trade names Lipo-Hepin and Liquaemin) is used as an anticoagulant in the treatment of thrombosis and in heart surgery -01854838 __mergus_merganser_americanus_NN_1 common North American diving duck considered a variety of the European goosander -10579835 __sensationalist_NN_1 someone who uses exaggerated or lurid material in order to gain public attention -13171797 __water_sprite_NN_1 aquatic fern of tropical America often used in aquariums -08381820 __cabinet_NN_2 persons appointed by a head of state to head executive departments of government and act as official advisers -09802445 __appreciator_NN_1 a person who is fully aware of something and understands it; "he is not an appreciator of our dilemma" -08087981 __church_of_england_NN_1 the national church of England (and all other churches in other countries that share its beliefs); has its see in Canterbury and the sovereign as its temporal head -06596978 __number_NN_6 one of a series published periodically; "she found an old issue of the magazine in her dentist's waiting room" -02688895 __air_force_research_laboratory_NN_1 a United States Air Force defense laboratory responsible for discovering and developing and integrating fighting technologies for aerospace forces -01474550 __relinquish_VB_4 release, as from one's grip; "Let go of the door handle, please!"; "relinquish your grip on the rope--you won't fall" -02469711 __balkanize_VB_1 divide a territory into small, hostile states -07391240 __rattling_NN_1 a rapid series of short loud sounds (as might be heard with a stethoscope in some types of respiratory disorders); "the death rattle" -07736256 __turnip_greens_NN_1 tender leaves of young white turnips -04830343 __heinousness_NN_1 the quality of being shockingly cruel and inhumane -02825442 __bellbottom_trousers_NN_1 trousers with legs that flare; worn by sailors; absurdly wide hems were fashionable in the 1960s -02528534 __order_isospondyli_NN_1 most primitive teleost fishes; all are soft-finned: salmon; trout; herring; shad; sardines; anchovies; whitefish; smelts; tarpon -08375369 __commune_NN_2 a body of people or families living together and sharing everything -03127024 __starter_NN_6 a hand tool consisting of a rotating shaft with parallel handle -06397307 __narration_NN_3 (rhetoric) the second section of an oration in which the facts are set forth -05314639 __third_eyelid_NN_1 a protective fold of skin in the eyes of reptiles and birds and some mammals -01706889 __harmonize_VB_3 sing or play in harmony -08367880 __political_system_NN_1 the members of a social organization who are in power -05256085 __mane_NN_2 growth of hair covering the scalp of a human being -07957655 __poker_hand_NN_1 the 5 cards held in a game of poker -02039171 __courser_NN_4 swift-footed terrestrial plover-like bird of southern Asia and Africa; related to the pratincoles -08366440 __nazism_NN_1 a form of socialism featuring racism and expansionism and obedience to a strong leader -02270810 __thermobia_NN_1 a genus of Lepismatidae -08194546 __mcia_NN_1 an agency of the United States Marine Corps that provides responsive and broad intelligence support for the worldwide Marine Corps organization -02066245 __grey_whale_NN_1 medium-sized greyish-black whale of the northern Pacific -03378915 __gridiron_NN_2 the playing field on which football is played -10675010 __sunbather_NN_1 someone who basks in the sunshine in order to get a suntan -10140314 __governor_NN_1 the head of a state government -11991080 __liatris_NN_1 genus of perennial North American herbs with aromatic usually cormous roots -03942244 __visken_NN_1 an oral beta blocker (trade name Visken) used in treating hypertension -00273077 __vulgarization_NN_2 the act of making something attractive to the general public -00440747 __skiing_NN_1 a sport in which participants must travel on skis -06199702 __set_NN_6 a relatively permanent inclination to react in a particular way; "the set of his mind was obvious" -05872982 __law_of_nature_NN_1 a generalization that describes recurring facts or events in nature; "the laws of thermodynamics" -04408871 __temporary_hookup_NN_1 a connection intended to be used for a limited time -02519686 __ictalurus_punctatus_NN_1 freshwater food fish common throughout central United States -08344301 __isn_NN_1 Switzerland's information network for security and defense studies and for peace and conflict research and for international relations -00575657 __doddle_NN_1 an easy task -12149144 __phyllostachys_aurea_NN_1 small bamboo of southeastern China having slender culms flexuous when young -07367385 __disruption_NN_3 an event that results in a displacement or discontinuity -01482754 __hexanchidae_NN_1 primitive sharks -13810141 __highlight_NN_1 the most interesting or memorable part; "the highlight of the tour was our visit to the Vatican" -11121451 __stephen_leacock_NN_1 Canadian economist best remembered for his humorous writings (1869-1944) -08334693 __provost_court_NN_1 a military court for trying people charged with minor offenses in an occupied area -05465567 __neuron_NN_1 a cell that is specialized to conduct nerve impulses -11152122 __malone_NN_1 English scholar remembered for his chronology of Shakespeare's plays and his editions of Shakespeare and Dryden (1741-1812) -12959802 __order_ophioglossales_NN_1 coextensive with the family Ophioglossaceae -04736757 __convertibility_NN_1 the quality of being exchangeable (especially the ability to convert a currency into gold or other currencies without restriction) -00681094 __undamaged_JJ_1 not harmed or spoiled; sound -03672352 __linen_NN_3 white goods or clothing made with linen cloth -02788148 __handrail_NN_1 a railing at the side of a staircase or balcony to prevent people from falling -11269236 __rollo_NN_1 Norse chieftain who became the first duke of Normandy (860-931) -05606528 __albuginea_NN_1 whitish tunic -01956481 __clam_NN_1 burrowing marine mollusk living on sand or mud; the shell closes with viselike firmness -00274707 __discolouration_NN_2 the act of changing the natural color of something by making it duller or dingier or unnatural or faded -04061969 __recess_NN_4 an enclosure that is set back or indented -12841686 __genus_ballota_NN_1 perennial herbs or subshrubs of especially Mediterranean area: black horehound -08974818 __yerwa-maiduguri_NN_1 a city in northeastern Nigeria; an agricultural trading center -12097396 __spiceberry_NN_1 shrub with coral-red berries; Japan to northern India -04081844 __restraint_NN_6 a device that retards something's motion; "the car did not have proper restraints fitted" -01935743 __family_branchiobdellidae_NN_1 small annelid worms with the posterior end modified into an adhesive sucker; especially formerly regarded as modified leeches -01487718 __overburden_VB_2 load with excessive weight -01614343 __golden_eagle_NN_1 large eagle of mountainous regions of the northern hemisphere having a golden-brown head and neck -04698656 __order_NN_14 (architecture) one of original three styles of Greek architecture distinguished by the type of column and entablature used or a style developed from the original three by the Romans -12770892 __marblewood_NN_2 large Asiatic tree having hard marbled zebrawood -04413151 __terminal_NN_2 a contact on an electrical device (such as a battery) at which electric current enters or leaves -10404998 __paster_NN_1 a workman who pastes -07747951 __mandarin_orange_NN_2 a somewhat flat reddish-orange loose skinned citrus of China -08305766 __benelux_NN_1 a customs union comprising Belgium and Netherlands and Luxembourg -03521076 __hinge_NN_1 a joint that holds two parts together so that one can swing relative to the other -09077111 __augusta_NN_2 a city in eastern Georgia north-northwest of Savannah; noted for golf tournaments -00636461 __testing_NN_3 the act of giving students or candidates a test (as by questions) to determine what they know or have learned -02542162 __family_albulidae_NN_1 bonefish -00980779 __rollback_NN_1 the act of forcing the enemy to withdraw -11059438 __sir_anthony_philip_hopkins_NN_1 Welsh film actor (born in 1937) -01615949 __pandion_NN_1 type genus of the Pandionidae -08299307 __world_court_NN_1 a court established to settle disputes between members of the United Nations -01736256 __sonora_NN_1 ground snakes -01769635 __phalangida_NN_1 harvestmen -04119892 __stave_NN_3 a crosspiece between the legs of a chair -08293490 __fleet_NN_2 group of motor vehicles operating together under the same ownership -04018399 __taphouse_NN_1 tavern consisting of a building with a bar and public rooms; often provides light meals -08292756 __fleet_NN_4 a group of warships organized as a tactical unit -00127531 __best_NN_1 the supreme effort one can make; "they did their best" -08289449 __youth_subculture_NN_1 a minority youth culture whose distinctiveness depended largely on the social class and ethnic background of its members; often characterized by its adoption of a particular music genre -12157769 __gourd_vine_NN_1 any vine of the family Cucurbitaceae that bears fruits with hard rinds -02833576 __chamfer_NN_1 two surfaces meeting at an angle different from 90 degrees -12566112 __malabar_kino_NN_1 reddish or black juice or resin from certain trees of the genus Pterocarpus and used in medicine and tanning etc -08284481 __secondary_school_NN_1 a school for students intermediate between elementary school and college; usually grades 9 to 12 -08812399 __trentino-alto_adige_NN_1 a region of northeastern Italy bordering Austria -04340935 __stronghold_NN_1 a strongly fortified defensive structure -08279665 __naval_academy_NN_1 an academy for training naval officers -02766044 __b-52_NN_1 United States military aircraft; B- stands for bomber -06504462 __note_NN_1 a brief written record; "he made a note of the appointment" -00381680 __uniting_NN_2 the act of making or becoming a single unit; "the union of opposing factions"; "he looked forward to the unification of his family for the holidays" -04092959 __ring_NN_7 a platform usually marked off by ropes in which contestants box or wrestle -08332330 __federal_court_NN_1 a court establish by the authority of a federal government -08273167 __crew_NN_1 the men and women who man a vehicle (ship, aircraft, etc.) -05219561 __adult_body_NN_1 the body of an adult human being -03295928 __escape_hatch_NN_1 hatchway that provides a means of escape in an emergency -01717016 __maniraptor_NN_1 advanced carnivorous theropod -06892775 __concert_NN_1 a performance of music by players or singers not involving theatrical staging -07543288 __love_NN_1 a strong positive emotion of regard and affection; "his love for his work"; "children need a lot of love" -01975880 __order_decapoda_NN_1 lobsters; crayfish; crabs; shrimps; prawns -02271087 __machilidae_NN_1 jumping bristletails -05705075 __particularism_NN_1 a focus on something particular -12556030 __phaseolus_NN_1 herbs of warm regions including most American beans -01470225 __take_in_VB_7 express willingness to have in one's home or environs; "The community warmly received the refugees" -07683786 __loaf_of_bread_NN_1 a shaped mass of baked bread that is usually sliced before eating -01452546 __plunk_VB_4 pull lightly but sharply with a plucking motion; "he plucked the strings of his mandolin" -12130549 __timothy_NN_1 grass with long cylindrical spikes grown in northern United States and Europe for hay -03809686 __narthex_NN_2 a vestibule leading to the nave of a church -13996300 __subjugation_NN_1 forced submission to control by others -12773917 __satinleaf_NN_1 tropical American timber tree with dark hard heavy wood and small plumlike purple fruit -02551668 __scomberesox_saurus_NN_1 slender long-beaked fish of temperate Atlantic waters -02606926 __genus_amphiprion_NN_1 damsel fishes -05197797 __command_NN_3 the power or authority to command; "an admiral in command" -05836921 __preoccupation_NN_1 an idea that preoccupies the mind and holds the attention -01894207 __tenrec_NN_1 small often spiny insectivorous mammal of Madagascar; resembles a hedgehog -08244346 __nest_NN_4 a gang of people (criminals or spies or terrorists) assembled in one locality; "a nest of thieves" -08242799 __work_party_NN_1 an organized group of workmen -13426376 __activation_NN_1 stimulation of activity in an organism or chemical -08241512 __kitchen_cabinet_NN_1 an inner circle of unofficial advisors to the head of a government -02249673 __genus_aspidiotus_NN_1 a genus of Diaspididae -04049405 __waterproof_NN_2 a water-resistant coat -00959376 __skirmish_NN_1 a minor short-term fight -04673965 __visual_aspect_NN_1 outward or visible aspect of a person or thing -02545841 __opah_NN_1 large elliptical brightly colored deep-sea fish of Atlantic and Pacific and Mediterranean -08235343 __secret_society_NN_1 a society that conceals its activities from nonmembers -01939811 __bobsled_VB_1 ride a bobsled; "The boys bobbed down the hill screaming with pleasure" -01781410 __sarcoptes_NN_1 type genus of the family Sarcoptidae: itch mites -02536864 __silver_salmon_NN_2 small salmon of northern Pacific coasts and the Great Lakes -01926031 __pack_VB_8 hike with a backpack; "Every summer they are backpacking in the Rockies" -12203699 __tilia_cordata_NN_1 large spreading European linden with small dark green leaves; often cultivated as an ornamental -05511286 __vascular_system_NN_1 the vessels and tissue that carry or circulate fluids such as blood or lymph or sap through the body of an animal or plant -08230110 __racket_club_NN_1 club for players of racket sports -00496167 __whist_NN_1 a card game for four players who form two partnerships; a pack of 52 cards is dealt and each side scores one point for each trick it takes in excess of six -13521616 __nitrification_NN_2 the oxidation of ammonium compounds in dead organic material into nitrates and nitrites by soil bacteria (making nitrogen available to plants) -06663617 __ethical_code_NN_1 a system of principles governing morality and acceptable conduct -08223802 __community_NN_1 a group of people living in a particular local area; "the team is drawn from all parts of the community" -02447896 __meles_NN_1 in some classifications: type genus of the subfamily Melinae -05296253 __tendon_NN_1 a cord or band of inelastic tissue connecting a muscle with its bony attachment -06449620 __revised_standard_version_NN_1 a revision of the American Standard Version -02997773 __cerate_NN_1 a hard medicated paste made of lard or oil mixed with wax or resin -02309165 __give_VB_20 give or convey physically; "She gave him First Aid"; "I gave him a punch in the nose" -10951697 __edward_viii_NN_1 King of England and Ireland in 1936; his marriage to Wallis Warfield Simpson created a constitutional crisis leading to his abdication (1894-1972) -06725067 __specification_NN_1 a detailed description of design criteria for a piece of work -04321534 __stock_NN_2 the merchandise that a shop has on hand; "they carried a vast inventory of hardware"; "they stopped selling in exact sizes in order to reduce inventory" -12381666 __genus_fouquieria_NN_1 resinous succulent trees or shrubs of desert and semidesert regions of southwestern United States that are leafless most of the year -04182514 __shaft_NN_10 a long vertical passage sunk into the earth, as for a mine or tunnel -02053425 __sula_bassana_NN_1 very large white gannet with black wing tips -10317007 __officer_NN_1 any person in the armed services who holds a position of authority or command; "an officer is responsible for the lives of his men" -08196622 __air_combat_command_NN_1 a command that is the primary provider of air combat weapon systems to the United States Air Force; operates fighter, bomber, reconnaissance, battle-management, and rescue aircraft -08193448 __nsw_NN_1 the agency that provides units to conduct unconventional and counter-guerilla warfare -05838765 __category_NN_2 a general concept that marks divisions or coordinations in a conceptual scheme -05663671 __government_NN_3 (government) the system or form by which a community or other political unit is governed; "tyrannical government" -03881534 __panda_car_NN_1 a police cruiser -02900705 __briefcase_NN_1 a case with a handle; for carrying papers or files or books -05523420 __clitoris_NN_1 a female sexual organ homologous to the penis -02595217 __genus_bairdiella_NN_1 drumfish -06486874 __bill_NN_7 a list of particulars (as a playbill or bill of fare) -08175233 __supreme_allied_commander_atlantic_NN_1 commanding officer of ACLANT; a general of the United States Army nominated by the President of the United States and approved by the North Atlantic Council -08174995 __allied_command_atlantic_NN_1 a major strategic headquarters of NATO located in the United States; is under the authority of the North Atlantic Council -07481785 __zeal_NN_2 excessive fervor to do something or accomplish some end; "he had an absolute zeal for litigation" -09042213 __bursa_NN_1 a city in northwestern Turkey -09272927 __el_muerto_NN_1 a mountain peak in the Andes on the border between Argentina and Chile (21,457 feet high) -08168367 __foreign_country_NN_1 any state of which one is not a citizen; "working in a foreign country takes a bit of getting used to" -01804921 __old_world_quail_NN_1 small game bird with a rounded body and small tail -10260706 __life_NN_8 a living person; "his heroism saved a life" -04683814 __beauty_NN_1 the qualities that give pleasure to the senses -07300316 __semantic_error_NN_1 an error in logic or arithmetic that must be detected at run time -02496210 __adapid_group_NN_1 extinct small mostly diurnal lower primates that fed on leaves and fruit; abundant in North America and Europe 30 to 50 million years ago; their descendents probably include the lemurs; some authorities consider them ancestral to anthropoids but others consider them only cousins -13390857 __tenpence_NN_1 a decimal coin worth ten pennies -05651399 __retentivity_NN_1 the power of retaining and recalling past experience; "he had a good memory when he was younger" -08157672 __romanov_NN_2 the Russian imperial line that ruled from 1613 to 1917 -02174521 __melolontha_NN_1 a genus of Melolonthidae -08155302 __hapsburg_NN_1 a royal German family that provided rulers for several European states and wore the crown of the Holy Roman Empire from 1440 to 1806 -14706889 __adenine_NN_1 (biochemistry) purine base found in DNA and RNA; pairs with thymine in DNA and with uracil in RNA -12781659 __nepenthaceae_NN_1 coextensive with the genus Nepenthes -02395406 __sus_scrofa_NN_2 domestic swine -08153337 __pantheon_NN_1 all the gods of a religion -01874928 __possum_NN_1 nocturnal arboreal marsupial having a naked prehensile tail found from southern North America to northern South America -04914694 __impoliteness_NN_1 a discourteous manner that ignores accepted social usage -08149160 __dominican_order_NN_1 a Roman Catholic order of mendicant preachers founded in the 13th century -07574602 __breakfast_NN_1 the first meal of the day (usually in the morning) -05528060 __respiratory_organ_NN_1 any organ involved in the process of respiration -03919096 __personnel_carrier_NN_1 a military vehicle (usually armored) for transporting military personnel and their equipment -09352849 __meteorite_NN_1 stony or metallic object that is the remains of a meteoroid that has reached the earth's surface -08142170 __nij_NN_1 the law enforcement agency that is the research and development branch of the Department of Justice -08140219 __bureau_of_alcohol_tobacco_and_firearms_NN_1 the law enforcement and tax collection agency of the Treasury Department that enforces federal laws concerning alcohol and tobacco products and firearms and explosives and arson -10004804 __dependent_NN_1 a person who relies on another person for support (especially financial support) -08136767 __us_border_patrol_NN_1 the mobile law enforcement arm of the Immigration and Naturalization Service that detects and prevents illegal entry of aliens into the United States -04621314 __spirituality_NN_2 concern with things of the spirit -00354183 __devitalization_NN_1 the act of reducing the vitality of something -01272582 __tar-and-feather_VB_1 in 1214 the French under Philip Augustus defeated a coalition formed against him in one of the greatest battles of the middle ages smear the body of (someone) with tar and feathers; done in some societies as punishment; "The thief was tarred and feathered" -04262969 __soundtrack_NN_1 sound recording on a narrow strip of a motion picture film -08132955 __energy_department_NN_1 the federal department responsible for maintaining a national energy policy of the United States; created in 1977 -09134386 __pennsylvania_NN_1 a Mid-Atlantic state; one of the original 13 colonies -00953923 __crack_VB_10 tell spontaneously; "crack a joke" -08132046 __defense_advanced_research_projects_agency_NN_1 the central research and development organization for the United States Department of Defense; responsible for developing new surveillance technologies since 9/11 -12198286 __phoenix_tree_NN_1 deciduous tree widely grown in southern United States as an ornamental for its handsome maplelike foliage and long racemes of yellow-green flowers followed by curious leaflike pods -02052044 __pelecanus_NN_1 type genus of the Pelecanidae -14836468 __disaccharidase_NN_1 an enzyme that catalyzes the hydrolysis of disaccharides into monosaccharides -05582305 __matrix_NN_4 the body substance in which tissue cells are embedded -04034262 __quilted_bedspread_NN_1 a bedspread constructed like a thin quilt -13517843 __multiplication_NN_2 a multiplicative increase; "repeated copying leads to a multiplication of errors"; "this multiplication of cells is a natural correlate of growth" -02263027 __donate_VB_1 give to a charity or good cause; "I donated blood to the Red Cross for the victims of the earthquake"; "donate money to the orphanage"; "She donates to her favorite charity every month" -00193406 __adaptation_NN_3 (physiology) the responsive adjustment of a sense organ (as the eye) to varying conditions (as of light) -08790353 __arcadia_NN_1 a department of Greece in the central Peloponnese -08114861 __section_NN_12 a specialized division of a large organization; "you'll find it in the hardware department"; "she got a job in the historical section of the Treasury" -02466496 __filibuster_VB_1 obstruct deliberately by delaying -14442933 __rule_NN_7 dominance or power through legal authority; "France held undisputed dominion over vast areas of Africa"; "the rule of Caesar" -15075378 __toluene_NN_1 a colorless flammable liquid obtained from petroleum or coal tar; used as a solvent for gums and lacquers and in high-octane fuels -12495509 __gleditsia_NN_1 deciduous trees: honey locusts -08108972 __genus_NN_2 (biology) taxonomic group containing one or more species -08100320 __shinto_NN_1 the native religion and former ethnic cult of Japan -11750508 __hymenaea_courbaril_NN_1 West Indian locust tree having pinnate leaves and panicles of large white or purplish flowers; yields very hard tough wood -03136051 __crossbench_NN_1 any of the seats in the House of Commons used by members who do not vote regularly with either the government or the Opposition -13125117 __root_NN_1 (botany) the usually underground organ that lacks buds or leaves or nodes; absorbs water and mineral salts; usually it anchors the plant to the ground -02223266 __white_ant_NN_1 whitish soft-bodied ant-like social insect that feeds on wood -00884466 __course_of_study_NN_2 education imparted in a series of lessons or meetings; "he took a course in basket weaving"; "flirting is not unknown in college classes" -07215185 __news_leak_NN_1 unauthorized (especially deliberate) disclosure of confidential information -08085824 __sacred_college_NN_1 (Roman Catholic Church) the body of cardinals who advise the Pope and elect new Popes -02129604 __tiger_NN_2 large feline of forests in most of Asia having a tawny coat with black stripes; endangered -06349220 __written_language_NN_1 communication by means of written symbols (either printed or handwritten) -04863074 __stubbornness_NN_2 resolute adherence to your own ideas or desires -03664943 __ligament_NN_2 any connection or unifying bond -01174988 __stinger_NN_5 a sharp stinging blow -03582305 __intravenous_anesthetic_NN_1 an anesthetic that produces anesthesia when injected into the circulatory system -05776015 __prefiguration_NN_2 the act of providing vague advance indications; representing beforehand -01489275 __genus_carcharhinus_NN_1 type genus of the Carcharhinidae -08799462 __samaria_NN_1 an ancient city in central Palestine founded in the 9th century BC as the capital of the northern Hebrew kingdom of Israel; the site is in present-day northwestern Jordan -04872826 __parental_quality_NN_1 a quality appropriate to a parent -04975988 __colouration_NN_2 appearance with regard to color; "her healthy coloration" -08409969 __preparatory_school_NN_1 a private secondary school -06837895 __lamedh_NN_1 the 12th letter of the Hebrew alphabet -01277431 __rut_VB_2 hollow out in the form of a furrow or groove; "furrow soil" -07320176 __eruption_NN_6 the emergence of a tooth as it breaks through the gum -08067077 __automobile_industry_NN_1 the manufacturers of automobiles considered collectively -02919648 __spile_NN_2 a plug used to close a hole in a barrel or flask -01090446 __mercantilism_NN_2 transactions (sales and purchases) having the objective of supplying commodities (goods and services) -07085786 __accentuation_NN_1 the use or application of an accent; the relative prominence of syllables in a phrase or utterance -02038837 __glareola_NN_1 type genus of the Glareolidae: the pratincoles -06825399 __typeface_NN_1 a specific size and style of type within a type family -02178886 __meloidae_NN_1 blister beetles -14716042 __alloy_steel_NN_1 steel who characteristics are determined by the addition of other elements in addition to carbon -08061042 __concern_NN_5 a commercial or industrial enterprise and the people who constitute it; "he bought his brother's business"; "a small mom-and-pop business"; "a racially integrated business concern" -01950731 __sea_slug_NN_1 any of various marine gastropods of the suborder Nudibranchia having a shell-less and often beautifully colored body -00121865 __antecedent_JJ_1 preceding in time or order -15049594 __spill_NN_1 liquid that is spilled; "clean up the spills" -08046346 __turkish_hizballah_NN_1 an ethnic Kurdish group of Sunni extremists formed in the late 1980s in southeastern Turkey; seeks to replace Turkey's secular regime with an Islamic state and strict shariah law; responsible for bombings and the torture and murder of Turkish and Kurdish journalists and businessmen; receives support from Iran -02611373 __stand_VB_2 be in some specified state or condition; "I stand corrected" -08038131 __pentagon_gang_NN_1 a Filipino terrorist group that broke away from the Moro Islamic Liberation Front in 2001 in order to continue terrorism and kidnapping and extortion -02837134 __big_board_NN_2 the large display board at the New York Stock Exchange that reports on stocks traded on the exchange -08036849 __ov_NN_1 a terrorist group of Protestants who oppose any political settlement with Irish nationalists; a paramilitary group that attacks Catholic interests in Northern Ireland -08035601 __national_liberation_army_NN_1 a Marxist terrorist group formed in 1963 by Colombian intellectuals who were inspired by the Cuban Revolution; responsible for a campaign of mass kidnappings and resistance to the government's efforts to stop the drug trade; "ELN kidnappers target foreign employees of large corporations" -02011460 __bittern_NN_1 relatively small compact tawny-brown heron with nocturnal habits and a booming cry; found in marshes -08032023 __world_tamil_movement_NN_1 a terrorist organization in Sri Lanka that began in 1970 as a student protest over the limited university access for Tamil students; currently seeks to establish an independent Tamil state called Eelam; relies on guerilla strategy including terrorist tactics that target key government and military personnel; "the Tamil Tigers perfected suicide bombing as a weapon of war" -08848421 __bahrein_island_NN_1 an island in the Persian Gulf -07950418 __sick_NN_1 people who are sick; "they devote their lives to caring for the sick" -08025112 __islamic_army_of_aden-abyan_NN_1 Yemen-based terrorist group that supports al-Qaeda's goals; seeks to overthrow the Yemeni government and eliminate United States interests; responsible for bombings and kidnappings and killing western tourists in Yemen -00331842 __pestle_VB_1 grind, mash or pulverize in a mortar; "pestle the garlic" -00261258 __self-reformation_NN_1 the act of improving yourself -12043444 __orchis_NN_1 any of various deciduous terrestrial orchids having fleshy tubers and flowers in erect terminal racemes -01891438 __soricidae_NN_1 shrews -10270232 __loiterer_NN_1 someone who lingers aimlessly in or about a place -00338821 __rearrangement_NN_1 changing an arrangement -00361192 __withholding_NN_1 the act of deducting from an employee's salary -08001685 __topological_space_NN_1 (mathematics) any set of points that satisfy a set of postulates of some kind; "assume that the topological space is finite dimensional" -00996056 __germ_warfare_NN_1 the use of harmful bacteria as a weapon -07902799 __aquavit_NN_1 Scandinavian liquor usually flavored with caraway seeds -01127623 __infliction_NN_1 the act of imposing something (as a tax or an embargo) -14193925 __lipoidemia_NN_1 presence of excess lipids in the blood -05555917 __paunch_NN_1 a protruding abdomen -04644512 __willingness_NN_1 cheerful compliance; "he expressed his willingness to help" -07972674 __patriarchy_NN_1 a form of social organization in which a male is the family head and title is traced through the male line -03906997 __pen_NN_1 a writing implement with a point from which ink flows -00692130 __sterilization_NN_1 the act of making an organism barren or infertile (unable to reproduce) -07970079 __mishpocha_NN_1 (Yiddish) the entire family network of relatives by blood or marriage (and sometimes close friends); "she invited the whole mishpocha" -02196119 __robber_fly_NN_1 swift predatory fly having a strong body like a bee with the proboscis hardened for sucking juices of other insects captured on the wing -07967736 __ethnic_minority_NN_1 a group that has different national or cultural traditions from the majority of the population -05079866 __posture_NN_1 the arrangement of the body and its limbs; "he assumed an attitude of surrender" -12677427 __symphoricarpos_NN_1 deciduous shrubs of North America and Central America and China -07964809 __combination_in_restraint_of_trade_NN_1 (law) any monopoly or contract or combination or conspiracy intended to restrain commerce (which are illegal according to antitrust laws of the United States) -07963987 __amalgam_NN_2 a combination or blend of diverse things; "his theory is an amalgam of earlier ideas" -05763916 __connexion_NN_3 the process of bringing ideas or events together in memory or imagination; "conditioning is a form of learning by association" -07959943 __clustering_NN_1 a grouping of a number of similar things; "a bunch of trees"; "a cluster of admirers" -01504699 __wrestle_VB_4 engage in a wrestling match; "The children wrestled in the garden" -02025550 __accompany_VB_2 go or travel along with; "The nurse accompanied the old lady everywhere" -11234951 __picasso_NN_1 prolific and influential Spanish artist who lived in France (1881-1973) -14155834 __inborn_error_of_metabolism_NN_1 any of a number of diseases in which an inherited defect (usually a missing or inadequate enzyme) results in an abnormality of metabolism -03433079 __lopid_NN_1 medication (trade name Lopid) used to lower the levels of triglyceride in the blood -03594734 __jean_NN_1 (usually plural) close-fitting trousers of heavy denim for manual work or casual wear -00752144 __paltering_NN_1 a trivial act of lying or being deliberately unclear -07314427 __mishap_NN_2 an instance of misfortune -03038281 __clasp_NN_1 a fastener (as a buckle or hook) that is used to hold two things together -03048094 __clomiphene_citrate_NN_1 a fertility drug (trade name Clomid) that is used to stimulate ovulation and that has been associated with multiple births -04602044 __workplace_NN_1 a place where work is done; "he arrived at work early today" -04368496 __swallowtail_NN_1 a man's full-dress jacket with two long tapering tails at the back -07939159 __straggle_NN_1 a wandering or disorderly grouping (of things or persons); "a straggle of outbuildings"; "a straggle of followers" -00273319 __profanation_NN_2 degradation of something worthy of respect; cheapening -02039377 __genus_cursorius_NN_1 coursers -01407065 __division_chlorophyta_NN_1 large division of chiefly freshwater eukaryotic algae that possess chlorophyll a and b, store food as starch, and cellulose cell walls; classes Chlorophyceae, Ulvophyceae, and Charophyceae; obviously ancestral to land plants -03857828 __scope_NN_4 electronic equipment that provides visual images of varying electrical quantities -12498457 __petteria_ramentacea_NN_1 erect shrub having large trifoliate leaves and dense clusters of yellow flowers followed by poisonous seeds; Yugoslavia; sometimes placed in genus Cytisus -06152821 __systematics_NN_1 the science of systematic classification -05987522 __thatcherism_NN_1 (England) the political policy of Margaret Thatcher -02889425 __brake_NN_1 a restraint used to slow or stop a vehicle -00043195 __uncovering_NN_2 the act of discovering something -03432972 __treasure_NN_2 art highly prized for its beauty or perfection -06235829 __mahdism_NN_1 belief in the appearance of the Mahdi; devotion to a Mahdi -05016753 __warmth_NN_3 the quality of having a moderate degree of heat; "an agreeable warmth in the house" -03790512 __motorcycle_NN_1 a motor vehicle with two wheels and a strong frame -11088346 __president_lyndon_johnson_NN_1 36th President of the United States; was elected vice president and succeeded Kennedy when Kennedy was assassinated (1908-1973) -07927931 __dope_NN_3 carbonated drink flavored with extract from kola nuts (`dope' is a southernism in the United States) -00113113 __pressure_NN_3 the act of pressing; the exertion of pressure; "he gave the button a press"; "he used pressure to stop the bleeding"; "at the pressing of a button" -01203715 __prey_VB_1 profit from in an exploitatory manner; "He feeds on her insecurity" -07784810 __kingfish_NN_1 the lean flesh of any of several fish caught off the Atlantic coast of the United States -00588888 __understand_VB_1 know and comprehend the nature or meaning of; "She did not understand her husband"; "I understand what she means" -07667151 __lamb_NN_5 the flesh of a young domestic sheep eaten as food -02250133 __genus_dactylopius_NN_1 type genus of the Dactylopiidae -02023107 __see_VB_8 come together; "I'll probably see you at the meeting"; "How nice to see you again!" -02251775 __plant_louse_NN_1 any of several small insects especially aphids that feed by sucking the juices from plants -06804483 __taps_NN_1 (military) signal to turn the lights out -04766620 __tortuousness_NN_2 puzzling complexity -03425956 __gas_system_NN_1 facility (plant and equipment) for providing natural-gas service -02234848 __water_bug_NN_2 small light-brown cockroach brought to United States from Europe; a common household pest -11997969 __daisybush_NN_1 any of various mostly Australian attractively shaped shrubs of the genus Olearia grown for their handsome and sometimes fragrant evergreen foliage and profusion of daisy flowers with white or purple or blue rays -03623556 __knife_NN_1 edge tool used as a cutting instrument; has a pointed blade with a sharp edge and a handle -02963159 __cardigan_NN_1 knitted jacket that is fastened up the front with buttons or a zipper -00591446 __curacy_NN_1 the position of a curate -00216174 __sacking_NN_2 the termination of someone's employment (leaving them free to depart) -02267826 __spongillafly_NN_1 hairy-bodied insect whose larvae feed on freshwater sponges -00790308 __dial_VB_1 operate a dial to select a telephone number; "You must take the receiver off the hook before you dial" -01425817 __subclass_acnidosporidia_NN_1 a subclass of Sporozoa -07905770 __mescal_NN_2 a colorless Mexican liquor distilled from fermented juices of certain desert plants of the genus Agavaceae (especially the century plant) -10708797 __thin_person_NN_1 a person who is unusually thin and scrawny -00628539 __pubococcygeus_exercises_NN_1 exercises for women designed to improve the ability to hold urine -02722458 __cancer_drug_NN_1 any of several drugs that control or kill neoplastic cells; used in chemotherapy to kill cancer cells; all have unpleasant side effects that may include nausea and vomiting and hair loss and suppression of bone marrow function -00373130 __inclusion_NN_4 the act of including -04656448 __mellowness_NN_5 geniality, as through the effects of alcohol or marijuana -01577635 __plunge_VB_1 thrust or throw into; "Immerse yourself in hot water" -01884834 __ursine_dasyure_NN_1 small ferocious carnivorous marsupial having a mostly black coat and long tail -12420335 __haemanthus_NN_1 genus of African deciduous or evergreen bulbous herbs: blood lilies -05934123 __exposure_NN_4 aspect resulting from the direction a building or window faces; "the studio had a northern exposure" -14950937 __mercurous_chloride_NN_1 a tasteless colorless powder used medicinally as a cathartic -09433134 __shoal_NN_2 a stretch of shallow water -02713835 __square_and_rabbet_NN_1 molding in the form of a ring; at top of a column -00712833 __anointment_NN_1 the act of applying oil or an oily liquid -01065630 __babble_VB_1 utter meaningless sounds, like a baby, or utter in an incoherent way; "The old man is only babbling--don't pay attention" -04645943 __reluctance_NN_2 a certain degree of unwillingness; "a reluctance to commit himself"; "his hesitancy revealed his basic indisposition"; "after some hesitation he agreed" -06100236 __mechanics_NN_1 the branch of physics concerned with the motion of bodies in a frame of reference -00582388 __occupation_NN_1 the principal activity in your life that you do to earn money; "he's not in my line of business" -00324056 __transfusion_NN_1 the introduction of blood or blood plasma into a vein or artery -13136556 __nut_NN_1 usually large hard-shelled seed -07866151 __cottage_pie_NN_1 a dish of minced meat topped with mashed potatoes -02998209 __cerivastatin_NN_1 an oral drug (trade name Baycol) to reduce blood cholesterol levels -00884202 __coeducation_NN_1 education of men and women in the same institutions -04611654 __yard_goods_NN_1 merchandise in the form of fabrics sold by the yard -05278714 __pubis_NN_1 one of the three sections of the hipbone; together these two bones form the front of the pelvis -12070950 __listera_NN_1 genus of terrestrial orchids having usually a single pair of broad shining leaves near the middle of the stem; found in temperate Asia and North America and Europe -04846533 __mischief_NN_2 the quality or nature of being harmful or evil -07358060 __deformation_NN_2 alteration in the shape or dimensions of an object as a result of the application of stress to it -02293974 __sitotroga_NN_1 grain moths -13597585 __cardinal_number_NN_1 the number of elements in a mathematical set; denotes a quantity but not the order -07365193 __turkey_NN_5 an event that fails badly or is totally ineffectual; "the first experiment was a real turkey"; "the meeting was a dud as far as new business was concerned" -06562993 __rebutter_NN_2 (law) a pleading by the defendant in reply to a plaintiff's surrejoinder -12952165 __filmy_fern_NN_1 any fern of the genus Trichomanes having large pinnatifid often translucent fronds; most are epiphytic on tree branches and twigs or terrestrial on mossy banks -04756025 __predictability_NN_1 the quality of being predictable -10636598 __spirit_NN_1 the vital principle or animating force within living things -08544125 __corncob_NN_1 the hard cylindrical core that bears the kernels of an ear of corn -12028196 __tripleurospermum_NN_1 small genus comprising plants often included in genus Matricaria -00044037 __tart_up_VB_2 dress up in a cheap and provocative way -09541526 __sandman_NN_1 an elf in fairy stories who sprinkles sand in children's eyes to make them sleepy -01373844 __spray_VB_1 be discharged in sprays of liquid; "Water sprayed all over the floor" -02859184 __straw_hat_NN_1 a stiff hat made of straw with a flat crown -11991993 __ligularia_NN_1 genus of Old World herbs resembling groundsel: leopard plants -04493505 __tubing_NN_1 conduit consisting of a long hollow object (usually cylindrical) used to hold and conduct objects or liquids or gases -07781319 __mackerel_NN_1 flesh of very important usually small (to 18 in) fatty Atlantic fish -12667582 __marmalade_box_NN_1 tree of the West Indies and northern South America bearing succulent edible orange-sized fruit -07828642 __vanilla_bean_NN_1 long bean-like fruit; seeds are used as flavoring -05734018 __critique_NN_2 a serious examination and judgment of something; "constructive criticism is always appreciated" -02099029 __retriever_NN_1 a dog with heavy water-resistant coat that can be trained to retrieve game -11680995 __placentation_NN_2 arrangement of the ovules in the placenta and of the placentas in the ovary -01256743 __lead_NN_4 a position of leadership (especially in the phrase `take the lead'); "he takes the lead in any group"; "we were just waiting for someone to take the lead"; "they didn't follow our lead" -02367131 __family_chinchillidae_NN_1 small bushy-tailed South American burrowing rodents -07820036 __salad_burnet_NN_2 leaves sometimes used for salad -01101329 __publicizing_NN_1 the business of drawing public attention to goods and services -01167385 __truckling_NN_1 the act of obeying meanly (especially obeying in a humble manner or for unworthy reasons) -03454211 __grappling_iron_NN_1 a tool consisting of several hooks for grasping and holding; often thrown with a rope -10609092 __slasher_NN_1 someone who slashes another person -02932523 __caboose_NN_2 a car on a freight train for use of the train crew; usually the last car on the train -12222715 __stenocarpus_NN_1 small genus of timber trees; Australia to Malaysia -04449290 __tollhouse_NN_1 a booth at a tollgate where the toll collector collects tolls -01927159 __schistosome_NN_1 flatworms parasitic in the blood vessels of mammals -04872958 __motherliness_NN_1 the quality of having or showing the tenderness and warmth and affection of or befitting a mother; "the girl's motherliness made her invaluable in caring for the children" -09684609 __hindu_NN_2 a person who adheres to Hinduism -02438535 __process_VB_2 deal with in a routine way; "I'll handle that one"; "process a loan"; "process the applicants" -00630380 __think_over_VB_1 reflect deeply on a subject; "I mulled over the events of the afternoon"; "philosophers have speculated on the question of God for thousands of years"; "The scientist must stop to observe and start to excogitate" -01733346 __genus_arizona_NN_1 glossy snake -00115803 __extirpation_NN_2 the act of pulling up or out; uprooting; cutting off from existence -07804771 __wild_rice_NN_2 grains of aquatic grass of North America -05509889 __systema_respiratorium_NN_1 the system for taking in oxygen and giving off carbon dioxide; in terrestrial animals this is accomplished by breathing -01405737 __genus_sargassum_NN_1 a genus of protoctist -07803093 __barleycorn_NN_2 a grain of barley -00712225 __covering_NN_5 the work of applying something; "the doctor prescribed a topical application of iodine"; "a complete bleach requires several applications"; "the surface was ready for a coating of paint"; -07800740 __fodder_NN_2 coarse food (especially for livestock) composed of entire plants or the leaves and stalks of a cereal crop -00779360 __take_a_breather_VB_1 take a short break from one's activities in order to relax -09841188 __mixologist_NN_1 an employee who mixes and serves alcoholic drinks at a bar -12572021 __templetonia_NN_1 genus of Australian shrubs or subshrubs: coral bush -04837931 __officiousness_NN_1 aggressiveness as evidenced by intruding; by advancing yourself or your ideas without invitation -07792470 __weakfish_NN_1 lean flesh of food and game fishes of the Atlantic coast of the United States -11773860 __nerium_NN_1 one species: oleander -03205760 __dirt_track_NN_1 a racetrack that is not paved -03972524 __pocket_NN_1 a small pouch inside a garment for carrying small articles -10023656 __dogmatist_NN_1 a stubborn person of arbitrary or arrogant opinions -07786686 __clam_NN_3 flesh of either hard-shell or soft-shell clams -02165456 __ladybug_NN_1 small round bright-colored and spotted beetle that usually feeds on aphids and other insect pests -00920510 __culture_NN_4 (biology) the growing of microorganisms in a nutrient medium (such as gelatin or agar); "the culture of cells in a Petri dish" -09113022 __trenton_NN_1 capital of the state of New Jersey; located in western New Jersey on the Delaware river -00719494 __duty_NN_2 work that you are obliged to perform for moral or legal reasons; "the duties of the job" -07781801 __squid_NN_1 (Italian cuisine) squid prepared as food -07228211 __troth_NN_1 a mutual promise to marry -07776866 __seafood_NN_1 edible fish (broadly including freshwater fish) or shellfish or roe etc -07776545 __freshwater_fish_NN_1 flesh of fish from fresh water used as food -04359335 __supply_chamber_NN_1 a mechanical device for holding something and supplying it as needed -05553486 __bosom_NN_2 a person's breast or chest -10307114 __melter_NN_1 a worker who melts substances (metal or wax etc.) -00372977 __stockpiling_NN_1 accumulating and storing a reserve supply; "the stockpiling of war materials" -01689226 __family_anguidae_NN_1 alligator lizards -02046321 __pinguinus_NN_1 great auk -11985053 __marsh_elder_NN_1 any of various coarse shrubby plants of the genus Iva with small greenish flowers; common in moist areas (as coastal salt marshes) of eastern and central North America -07523286 __self-doubt_NN_1 lack of self-confidence -07761461 __jamaica_apple_NN_1 large heart-shaped tropical fruit with soft acid pulp -07755929 __cantaloupe_NN_2 the fruit of a cantaloup vine; small to medium-sized melon with yellowish flesh -00100253 __musical_performance_NN_1 the act of performing music -07755089 __cocoa_NN_2 powder of ground roasted cacao beans with most of the fat removed -01985797 __american_crayfish_NN_1 common large crayfishes of eastern North America -03451473 __graduate_NN_2 a measuring instrument for measuring fluid volume; a glass container (cup or cylinder or flask) whose sides are marked with or divided into amounts -07606278 __mint_candy_NN_1 a candy that is flavored with a mint oil -07871940 __meat_pie_NN_1 pie made with meat or fowl enclosed in pastry or covered with pastry or biscuit dough -12794985 __astilbe_NN_1 any plant of the genus Astilbe having compound leaves and showy panicles of tiny colorful flowers -02244396 __triatoma_NN_1 conenoses -00641252 __take_off_VB_9 make a subtraction; "subtract this amount from my paycheck" -07736371 __sorrel_NN_4 large sour-tasting arrowhead-shaped leaves used in salads and sauces -07735510 __pumpkin_NN_2 usually large pulpy deep-yellow round fruit of the squash family maturing in late summer or early autumn -02338386 __fuel_VB_1 provide with a combustible substance that provides energy; "fuel aircraft, ships, and cars" -01237167 __aggression_NN_4 the act of initiating hostilities -04695963 __tarnish_NN_1 discoloration of metal surface caused by oxidation -00479176 __slaughter_VB_2 kill a large number of people indiscriminately; "The Hutus massacred the Tutsis in Rwanda" -07728804 __shell_bean_NN_2 unripe beans removed from the pod before cooking -02193496 __genus_gasterophilus_NN_1 type genus of the Gasterophilidae: horse botflies -01763829 __simmer_down_VB_1 become quiet or calm, especially after a state of agitation; "After the fight both men need to cool off."; "It took a while after the baby was born for things to settle down again." -05521636 __vulva_NN_1 external parts of the female genitalia -00692907 __idealize_VB_1 consider or render as ideal; "She idealized her husband after his death" -00368939 __spraying_NN_1 the dispersion of fungicides or insecticides or fertilizer on growing crops (often from a low-flying aircraft) -06991277 __niger-kordofanian_language_NN_1 the family of languages that includes most of the languages spoken in Africa south of the Sahara; the majority of them are tonal languages but there are important exceptions (e.g., Swahili or Fula) -07204401 __denial_NN_1 the act of refusing to comply (as with a request); "it resulted in a complete denial of his privileges" -01303582 __chinese_revolution_NN_1 the republican revolution against the Manchu dynasty in China; 1911-1912 -13194036 __marginal_wood_fern_NN_1 North American fern with evergreen fronds -07713895 __chou_NN_2 any of various types of cabbage -07710952 __baked_potato_NN_1 potato that has been cooked by baking it in an oven -02967782 __sweeper_NN_2 a cleaning implement with revolving brushes that pick up dirt as the implement is pushed over a carpet -03770679 __minivan_NN_1 a small box-shaped passenger van; usually has removable seats; used as a family car -10837567 __bernard_mannes_baruch_NN_1 economic advisor to United States Presidents (1870-1965) -02847942 __blackwash_NN_2 a mixture of calomel and limewater that is used on syphilitic sores -04004210 __printed_circuit_NN_1 computer circuit consisting of an electronic sub-assembly; copper conductors are laminated on an insulating board or card and circuit components are inserted into holes and dip soldered -14343597 __panencephalitis_NN_1 diffuse inflammation of the entire brain -05930736 __shape_NN_8 a perceptual structure; "the composition presents problems for students of musical form"; "a visual pattern must include not only objects but the spaces between them" -01950457 __order_nudibranchia_NN_1 comprising numerous marine gastropod mollusks lacking a shell in the adult state and usually having a body like a slug -01737875 __ringed_snake_NN_1 harmless European snake with a bright yellow collar; common in England -03921337 __pyridium_NN_1 analgesic (trade name Pyridium) used to treat urinary tract infections -08230009 __jockey_club_NN_1 a club to promote and regulate horse racing -02005238 __genus_balaeniceps_NN_1 type genus of the Balaenicipitidae: shoebills -02389559 __equus_asinus_NN_2 domestic beast of burden descended from the African wild ass; patient but stubborn -02515560 __latimeria_NN_1 type genus of the Latimeridae: coelacanth -02568884 __shamanize_VB_1 practice shamanism wired together to an alarm system; "all the window alarms are connected" -08206663 __mujahidin_NN_1 a military force of Muslim guerilla warriors engaged in a jihad; "some call the mujahidin international warriors but others just call them terrorists" -00766234 __offense_NN_3 (criminal law) an act punishable by law; usually considered an evil act; "a long record of crimes" -02505809 __mammut_NN_1 extinct type genus of the Mammutidae: mastodons -11907267 __platystemon_NN_1 one species: creamcups -01252280 __settlement_NN_4 the act of colonizing; the establishment of colonies; "the British colonization of America" -01934440 __segmented_worm_NN_1 worms with cylindrical bodies segmented both internally and externally -01205459 __sup_VB_1 take solid or liquid food into the mouth a little at a time either by drinking or by eating with a spoon -00231161 __induced_abortion_NN_1 a deliberate termination of pregnancy -00664788 __show_VB_2 establish the validity of something, as by an example, explanation or experiment; "The experiment demonstrated the instability of the compound"; "The mathematician showed the validity of the conjecture" -07653394 __cut_of_meat_NN_1 a piece of meat that has been cut from an animal carcass -02331919 __railroad_VB_2 supply with railroad lines; "railroad the West" -07652052 __liver_NN_2 liver of an animal used as meat -06838975 __shin_NN_3 the 22nd letter of the Hebrew alphabet -06720964 __name_NN_6 a defamatory or abusive word or phrase -00514041 __dirty_trick_NN_1 an unkind or aggressive trick -02183353 __order_embioptera_NN_1 web spinners -01735475 __wifely_JJ_1 befitting or characteristic of a wife -00128638 __fly_ball_NN_1 (baseball) a hit that flies up in the air -05475134 __sensory_nerve_NN_1 a nerve that passes impulses from receptors toward or to the central nervous system -07634901 __teacake_NN_1 flat semisweet cookie or biscuit usually served with tea -05700401 __obsession_NN_2 an unhealthy and compulsive preoccupation with something or someone -02468864 __quill_feather_NN_1 any of the larger wing or tail feathers of a bird -00926472 __forecast_VB_1 predict in advance -08057633 __common_carrier_NN_1 a person or firm in the business of transporting people or goods or messages -11791569 __water_lettuce_NN_1 pantropical floating plant forming a rosette of wedge-shaped leaves; a widespread weed in rivers and lakes -02071173 __orcinus_NN_1 killer whales -01460457 __egg_NN_1 animal reproductive body consisting of an ovum or embryo together with nutritive and protective envelopes; especially the thin-shelled reproductive body laid by e.g. female birds -03211789 __show_window_NN_2 a window of a store facing onto the street; used to display merchandise for sale in the store -07620485 __spotted_dick_NN_1 a suet pudding containing currants -13007195 __pleurotus_NN_1 agarics with white spores and caps having an eccentric stem; an important mushroom of Japan -05083328 __spatial_arrangement_NN_1 the property possessed by an array of things that have space between them -04050066 __rake_NN_3 a long-handled tool with a row of teeth at its head; used to move leaves or loosen soil -13576982 __relative_quantity_NN_1 a quantity relative to some purpose -02300554 __domesticated_silkworm_moth_NN_1 stocky creamy-white Asiatic moth found almost entirely under human care; the source of most of the silk commerce -00987345 __represent_VB_12 describe or present, usually with respect to a particular quality; "He represented this book as an example of the Russian 19th century novel" -07612996 __pudding_NN_2 (British) the dessert course of a meal (`pud' is used informally) -03880323 __pan_NN_3 shallow container made of metal -06598445 __studying_NN_1 reading carefully with intent to remember -02549392 __minister_VB_1 attend to the wants and needs of others; "I have to minister to my mother all the time" -12602850 __rheum_NN_2 rhubarb -03831899 __nosepiece_NN_1 armor plate that protects the nose -14779796 __siccative_NN_1 a substance that promotes drying (e.g., calcium oxide absorbs water and is used to remove moisture) -07450842 __observance_NN_2 a formal event performed on a special occasion; "a ceremony commemorating Pearl Harbor" -12609968 __wampee_NN_1 American plant having spikes of blue flowers and growing in shallow water of streams and ponds -13716878 __apothecaries'_weight_NN_1 any weight unit used in pharmacy; an ounce is equal to 480 grains and a pound is equal to 12 ounces -03108069 __magnetic_core_NN_1 (computer science) a tiny ferrite toroid formerly used in a random access memory to store one bit of data; now superseded by semiconductor memories; "each core has three wires passing through it, providing the means to select and detect the contents of each bit" -12593341 __cohune_nut_NN_1 nut of the cohune palm having hard white shells like those of ivory nuts -00230324 __abortion_NN_1 termination of pregnancy -02815600 __string_of_beads_NN_1 several beads threaded together on a string -10506220 __rambler_NN_1 a person who takes long walks in the country -09320985 __james_river_NN_2 a river that rises in North Dakota and flows southward across South Dakota to the Missouri -02507337 __procyonidae_NN_1 raccoons; coatis; cacomistles; kinkajous; and sometimes pandas -01017320 __supporting_NN_1 the act of bearing the weight of or strengthening; "he leaned against the wall for support" -07569423 __plain_flour_NN_1 flour that does not contain a raising agent -03895866 __passenger_car_NN_1 a railcar where passengers ride -08153874 __ordnance_survey_NN_1 the official cartography agency of the British government -15212455 __august_NN_1 the month following July and preceding September -05882793 __law_of_thermodynamics_NN_1 (physics) a law governing the relations between states of energy in a closed system -07566340 __foodstuff_NN_2 a substance that can be used or prepared for use as food -02711890 __hypertensin_NN_1 any of several vasoconstrictor substances (trade name Hypertensin) that cause narrowing of blood vessels -07561112 __diet_NN_1 a prescribed selection of foods -07560542 __kosher_NN_1 food that fulfills the requirements of Jewish dietary law -02159271 __insecta_NN_1 insects; about five-sixths of all known animal species -08934694 __brest_NN_1 a port city in northwestern France (in Brittany); the chief naval station of France -09110939 __las_vegas_NN_1 largest city in Nevada; located in southeastern Nevada; originally settled by Mormons but is now famous for entertainment and gambling and general excess -07550369 __malignity_NN_1 wishing evil to others -11727540 __blue_columbine_NN_1 columbine of the Rocky Mountains having long-spurred blue flowers -07548366 __antagonism_NN_3 an actively expressed feeling of dislike and hostility -06974127 __persian_NN_2 the language of Persia (Iran) in any of its ancient forms -07545161 __fond_regard_NN_1 a feeling of affection for a person or an institution -14298815 __wound_NN_1 an injury to living tissue (especially an injury involving a cut or break in the skin) -02593679 __stenotomus_aculeatus_NN_1 porgy of southern Atlantic coastal waters of North America -01019129 __iteration_NN_3 doing or saying again; a repeated performance -02495446 __ptilocercus_NN_1 pentails -01620282 __genus_coragyps_NN_1 a genus of Cathartidae -00403092 __scathe_NN_1 the act of damaging something or someone -02973558 __carving_NN_1 a sculpture created by removing material (as wood or ivory or stone) in order to create a desired shape -07523905 __anxiety_NN_2 a vague unpleasant emotion that is experienced in anticipation of some (usually ill-defined) misfortune -07522128 __presentiment_NN_1 a feeling of evil to come; "a steadily escalating sense of foreboding"; "the lawyer had a presentiment that the judge would dismiss the case" -00506658 __wager_NN_1 the act of gambling; "he did it on a bet" -03087643 __condenser_NN_2 an apparatus that converts vapor into liquid -08961630 __macedonia_NN_1 landlocked republic on the Balkan Peninsula; achieved independence from Yugoslavia in 1991 -11787190 __water_trumpet_NN_1 any plant of the genus Cryptocoryne; evergreen perennials growing in fresh or brackish water; tropical Asia -00391599 __removal_NN_1 the act of removing; "he had surgery for the removal of a malignancy" -05594367 __tibia_NN_1 the inner and thicker of the two bones of the human leg between the knee and ankle -07502980 __scorn_NN_1 lack of respect accompanied by a feeling of intense dislike; "he was held in contempt"; "the despite in which outsiders were held is legendary" -07044088 __sonata_NN_1 a musical composition of 3 or 4 movements of contrasting forms -01002956 __observation_NN_1 the act of making and recording a measurement -09677830 __tunker_NN_1 an adherent of Baptistic doctrines (who practice baptism by immersion) -02089984 __turn_VB_4 cause to move around or rotate; "turn a key"; "turn your palm this way" -05637558 __skill_NN_1 an ability that has been acquired by training -10325957 __moderationist_NN_1 a moderate drinker (as opposed to a total abstainer) -06205154 __intolerance_NN_2 unwillingness to recognize and respect differences in opinions or beliefs -05326900 __meninx_NN_1 a membrane (one of 3) that envelops the brain and spinal cord -13341052 __zero_coupon_bond_NN_1 a bond that is issued at a deep discount from its value at maturity and pays no interest during the life of the bond; the commonest form of zero-coupon security -00338736 __rag_VB_6 break into lumps before sorting; "rag ore" -02642430 __scorpaenidae_NN_1 scorpionfishes; rockfishes; lionfishes -07492655 __solacement_NN_2 the comfort you feel when consoled in times of disappointment; "second place was no consolation to him" -00061171 __surfacing_NN_1 emerging to the surface and becoming apparent -07483782 __unemotionality_NN_1 apathy demonstrated by an absence of emotional reactions -02082690 __spread_out_VB_3 strew or distribute over an area; "He spread fertilizer over the lawn"; "scatter cards across the table" -12607198 __genus_ananas_NN_1 a genus of tropical American plants have sword-shaped leaves and a fleshy compound fruits composed of the fruits of several flowers (such as pineapples) -05842387 __gothic_architecture_NN_1 a style of architecture developed in northern France that spread throughout Europe between the 12th and 16th centuries; characterized by slender vertical piers and counterbalancing buttresses and by vaulting and pointed arches -03198637 __diltiazem_NN_1 a calcium blocker (trade name Cardizem) used in treating hypertension or angina or heart failure -07478874 __crash_NN_5 (computer science) an event that causes a computer system to become inoperative; "the crash occurred during a thunderstorm and the system has been down ever since" -07468861 __track_event_NN_1 a footrace performed on a track (indoor or outdoor) -01574292 __grip_VB_2 to grip or seize, as in a wrestling match; "the two men grappled with each other for several minutes" -01153486 __revenge_VB_1 take revenge for a perceived wrong; "He wants to avenge the murder of his brother" -12521186 __white_spanish_broom_NN_1 low European broom having trifoliate leaves and yellowish-white flowers -08675145 __tropic_NN_1 either of two parallels of latitude about 23.5 degrees to the north and south of the equator representing the points farthest north and south at which the sun can shine directly overhead and constituting the boundaries of the Torrid Zone or tropics -01417041 __order_dinoflagellata_NN_1 in some classifications considered a phylum of the kingdom Protista; in others included in the plant phylum Pyrrophyta -02319050 __surcharge_VB_2 rip off; ask an unreasonable price -02356567 __remember_VB_4 show appreciation to; "He remembered her in his will" -14130166 __epidemic_disease_NN_1 any infectious disease that develops and spreads rapidly to many people -07450343 __jolly_NN_1 a happy party -02830721 __ethyl_aminobenzoate_NN_1 a white crystalline ester used as a local anesthetic -05545212 __soft_spot_NN_3 any membranous gap between the bones of the cranium in an infant or fetus -11873845 __land_cress_NN_1 of southwestern Europe; cultivated in Florida -07448717 __dance_NN_4 a party for social dancing -07445010 __luxation_NN_1 displacement or misalignment of a joint or organ -07443210 __slackening_NN_1 an occurrence of control or strength weakening; "the relaxation of requirements"; "the loosening of his grip"; "the slackening of the wind" -09024972 __canary_islands_NN_1 a group of mountainous islands in the Atlantic off the northwest coast of Africa forming Spanish provinces -07436986 __impregnation_NN_3 creation by the physical union of male and female gametes; of sperm and ova in an animal or pollen and ovule in a plant -03437430 __gilt_NN_1 a coating of gold or of something that looks like gold -07375214 __conglomeration_NN_3 an occurrence combining miscellaneous things into a (more or less) rounded mass -07434942 __outburst_NN_2 a sudden intense happening; "an outburst of heavy rain"; "a burst of lightning" -03391770 __framework_NN_3 a structure supporting or containing something -05407890 __norepinephrine_NN_1 a catecholamine precursor of epinephrine that is secreted by the adrenal medulla and also released at synapses -12100187 __joewood_NN_1 West Indian shrub or small tree having leathery saponaceous leaves and extremely hard wood -01376245 __sprinkle_VB_1 distribute loosely; "He scattered gun powder under the wagon" -07411645 __twinkle_NN_1 a rapid change in brightness; a brief spark or flash -04758452 __improbableness_NN_1 the quality of being improbable; "impossibility should never be confused with improbability"; "the improbability of such rare coincidences" -07409121 __fragmentation_NN_4 the scattering of bomb fragments after the bomb explodes -04229195 __skidpan_NN_1 a paved surface on which cars can be made to skid so that drivers can practice controlling them -07391863 __tintinnabulation_NN_1 the sound of a bell ringing; "the distinctive ring of the church bell"; "the ringing of the telephone"; "the tintinnabulation that so voluminously swells from the ringing and the dinging of the bells"--E. A. Poe -07389569 __ping_NN_2 a sharp high-pitched resonant sound (as of a sonar echo or a bullet striking metal) -05309725 __roof_of_the_mouth_NN_1 the upper surface of the mouth that separates the oral and nasal cavities -00658082 __treatment_NN_1 care provided to improve a situation (especially medical procedures or applications that are intended to relieve illness or injury) -07381678 __crepitation_NN_1 the sharp sound of snapping noises -05127640 __latitude_NN_4 scope for freedom of e.g. action or thought; freedom from restriction -06176322 __syntax_NN_3 studies of the rules for forming admissible sentences -03528263 __household_appliance_NN_1 an appliance that does a particular job in the home -01133106 __occupation_NN_2 the control of a country by military forces of a foreign power -00952214 __capitalization_NN_2 an estimation of the value of a business -07372565 __trouble_NN_2 an angry disturbance; "he didn't want to make a fuss"; "they had labor trouble"; "a spot of bother" -06394564 __rider_NN_2 a clause that is appended to a legislative bill -07370125 __entrance_NN_2 a movement into or inward -03366721 __floorboard_NN_2 the floor of an automobile -02537847 __salvelinus_NN_1 brook trout -04157320 __sculpture_NN_1 a three-dimensional work of plastic art -02157399 __presbyopic_JJ_1 able to see distant objects clearly -12450607 __white_dogtooth_violet_NN_1 North American dogtooth having solitary white flowers with yellow centers and blue or pink exteriors -01804753 __suck_up_VB_2 ingratiate oneself to; often with insincere behavior; "She is playing up to the chairman" -01148283 __regimentation_NN_1 the imposition of order or discipline enjoying or showing or marked by joy or pleasure; "a happy smile"; "spent many happy days on the beach"; "a happy marriage" -07352048 __undulation_NN_2 wavelike motion; a gentle rising and falling in the manner of waves -00428000 __festivity_NN_1 any joyous diversion -07344663 __wavelet_NN_1 a small wave on the surface of a liquid -00193486 __compound_VB_2 put or add together; "combine resources" -07208708 __complaint_NN_3 an expression of grievance or resentment -03778135 __modicon_NN_1 trade name for an oral contraceptive containing estradiol and norethindrone -07335581 __wrack_NN_2 the destruction or collapse of something; "wrack and ruin" -15144371 __time_of_life_NN_1 a period of time during which a person is normally in a particular life state -07687789 __cornbread_NN_1 bread made primarily of cornmeal -01630795 __notophthalmus_NN_1 newts -00849768 __miscegenation_NN_1 reproduction by parents of different races (especially by white and non-white persons) -00602255 __take_in_VB_9 take up mentally; "he absorbed the knowledge or beliefs of his tribe" -00483466 __proportion_VB_1 give pleasant proportions to; "harmonize a building with those surrounding it" -05157574 __profit_NN_2 the advantageous quality of being beneficial -00017222 __plant_life_NN_1 (botany) a living organism lacking the power of locomotion -07317764 __failure_NN_2 an event that does not accomplish its intended purpose; "the surprise party was a complete failure" -07316724 __visitation_NN_2 any disaster or catastrophe; "a visitation of the plague" -03947888 __pirate_ship_NN_1 a ship that is manned by pirates -04092609 __ring_NN_8 jewelry consisting of a circlet of precious metal (often set with jewels) worn on the finger; "she had rings on every finger"; "he noted that she wore a wedding band" -07312221 __circulation_NN_5 free movement or passage (as of cytoplasm within a cell or sap through a plant); "ocean circulation is an important part of global climate"; "a fan aids air circulation" -09393605 __plain_NN_1 extensive tract of level open land; "they emerged from the woods onto a vast open plain"; "he longed for the fields of his youth" -00145929 __interconnection_NN_2 (computer science) the act of interconnecting (wires or computers or theories etc.) -00099588 __improvisation_NN_3 a performance given extempore without planning or preparation -07302542 __hit_NN_4 (physics) a brief event in which two or more bodies come together; "the collision of the particles resulted in an exchange of energy and a change of direction" -01600480 __ptilonorhynchidae_NN_1 bowerbirds -02446206 __striped_skunk_NN_1 most common and widespread North American skunk -03707597 __magnetic_recorder_NN_1 recorder consisting of equipment for making records on magnetic media -02198332 __hippoboscidae_NN_1 winged or wingless dipterans: louse flies -08191987 __usn_NN_1 the navy of the United States of America; the agency that maintains and trains and equips combat-ready naval forces -02396205 __nominate_VB_4 create and charge with a task or function; "nominate a committee" -07484547 __dream_NN_3 a cherished desire; "his ambition is to own his own business" -02994219 __centerfield_NN_1 the piece of ground in the outfield directly ahead of the catcher; "he hit the ball to deep center" -04418644 __theater_light_NN_1 any of various lights used in a theater -10472274 __primipara_NN_1 (obstetrics) woman who has been delivered of a child for the first time -00037457 __active_JJ_1 tending to become more severe or wider in scope; "active tuberculosis" -01067819 __trifling_NN_1 the deliberate act of delaying and playing instead of working -04865114 __industry_NN_3 persevering determination to perform a task; "his diligence won him quick promotions"; "frugality and industry are still regarded as virtues" -02248465 __happen_VB_5 come upon, as if by accident; meet with; "We find this idea in Plato"; "I happened upon the most wonderful bakery not very far from here"; "She chanced upon an interesting book in the bookstore the other day" -07286014 __sign_NN_8 an event that is experienced as indicating important things to come; "he hoped it was an augury"; "it was a sign from God" -08818247 __sarajevo_NN_1 capital and largest city of Bosnia; scene of the assassination of Francis Ferdinand in 1914 which precipitated World War I -07284554 __concomitant_NN_1 an event or situation that happens at the same time as or in connection with another -15194506 __twelfth_day_NN_1 twelve days after Christmas; celebrates the visit of the three wise men to the infant Jesus -09466280 __world_NN_1 everything that exists anywhere; "they study the evolution of the universe"; "the biggest tree in existence" -04663494 __carefulness_NN_2 the quality of being careful and painstaking; "I admired the carefulness of his work" -02860847 __bobsleigh_NN_2 a long racing sled (for 2 or more people) with a steering mechanism -01957591 __veneridae_NN_1 hard-shell clams -13053608 __fistulina_hepatica_NN_1 a popular edible fungus with a cap the color of liver or raw meat; abundant in southeastern United States -02641608 __scleroparei_NN_1 scorpionfishes; sculpins; gurnards; greenlings; flying gurnards -07255791 __psychical_communication_NN_1 communication by paranormal means -02053859 __phalacrocorax_NN_1 type genus: coextensive with the family Phalacrocoracidae -09998907 __ornamentalist_NN_1 someone who decorates -07252378 __urging_NN_1 a verbalization that encourages you to attempt something; "the ceaseless prodding got on his nerves" -07251984 __promotion_NN_3 encouragement of the progress or growth or acceptance of something -00061598 __consummation_NN_2 the act of bringing to completion or fruition -00948868 __recycling_NN_1 the act of processing used or abandoned materials for use in creating new products -02216547 __family_cynipidae_NN_1 a family of Hymenoptera -07245125 __suasion_NN_1 the act of persuading (or attempting to persuade); communication intended to induce belief or action -07235335 __indictment_NN_1 a formal document written for a prosecuting attorney charging a person with some offense -07233634 __execration_NN_2 an appeal to some supernatural power to inflict evil on someone or some group -02276527 __limenitis_NN_1 mainly dark northern butterflies with white wing bars -12526946 __genus_dipogon_NN_1 one species: Australian pea -01172441 __tussle_NN_1 disorderly fighting -01998467 __family_balanidae_NN_1 stalkless barnacles -07247602 __sensationalism_NN_1 subject matter that is calculated to excite and please vulgar tastes -07160883 __speech_act_NN_1 the use of language to perform some act -03178782 __pattern_NN_3 a decorative or artistic work; "the coach had a design on the doors" -01951274 __sea_hare_NN_1 naked marine gastropod having a soft body with reduced internal shell and two pairs of ear-like tentacles -01155044 __racism_NN_2 discriminatory or abusive behavior towards members of another race -04989362 __nasality_NN_1 a quality of the voice that is produced by nasal resonators -02739254 __synchronize_VB_2 happen at the same time -02336684 __slat_VB_1 equip or bar with slats; "Slat the windows" -07206887 __contradiction_in_terms_NN_1 (logic) a statement that is necessarily false; "the statement `he is brave and he is not brave' is a contradiction" -07206302 __withdrawal_NN_1 a retraction of a previously held position -06534659 __roman_law_NN_1 the legal code of ancient Rome; codified under Justinian; the basis for many modern systems of civil law -12174926 __poppy_mallow_NN_1 a plant of the genus Callirhoe having palmately cleft leaves and white to red or purple flowers borne throughout the summer -07107676 __metonymy_NN_1 substituting the name of an attribute or feature for the name of the thing itself (as in `they counted heads') -03427296 __gate_NN_1 a movable barrier in a fence or wall -03556281 __nuprin_NN_1 a nonsteroidal anti-inflammatory and analgesic medicine (trade names Advil and Motrin and Nuprin) used to relieve the pain of arthritis and as an antipyretic; "daily use of ibuprofen can irritate the stomach" -08112630 __health_profession_NN_1 the body of individuals whose work helps to maintain the health of their clients -02374149 __equine_NN_1 hoofed mammals having slender legs and a flat coat with a narrow mane along the back of the neck -07186661 __invite_NN_1 a colloquial expression for invitation; "he didn't get no invite to the party" -12577000 __vigna_NN_1 genus of vines or erect herbs having trifoliate leaves and yellowish or purplish flowers; of warm or tropical regions; most species often placed in genus Phaseolus -06576265 __library_program_NN_1 a program in a program library -06466479 __mantra_NN_2 (Sanskrit) literally a `sacred utterance' in Vedism; one of a collection of orally transmitted poetic hymns -07170753 __interpretation_NN_3 an explanation that results from interpreting something; "the report included his interpretation of the forensic evidence" -11759853 __zamang_NN_1 large ornamental tropical American tree with bipinnate leaves and globose clusters of flowers with crimson stamens and seed pods that are eaten by cattle -05838176 __determination_NN_3 a position or opinion or judgment reached after consideration; "a decision unfavorable to the opposition"; "his conclusion took the evidence into account"; "satisfied with the panel's determination" -06983521 __west_chadic_NN_1 a group of Chadic languages spoken in northern Nigeria; Hausa in the most important member -02270326 __lepismatidae_NN_1 firebrats -07159791 __spell_NN_4 a verbal formula believed to have magical force; "he whispered a spell as he moved his hands"; "inscribed around its base is a charm in Balinese" -07152463 __catchphrase_NN_1 a phrase that has become a catchword -04558804 __watercolour_NN_2 a water-base paint (with water-soluble pigments); used by artists -07144416 __powwow_NN_1 (informal) a quick private conference -01733829 __trumpet_VB_2 play or blow on the trumpet -02279442 __family_danaidae_NN_1 small family of usually tropical butterflies: monarch butterflies -07138915 __consideration_NN_3 a discussion of a topic (as in a meeting); "consideration of the traffic problem took more than an hour" -12386263 __tamarix_NN_1 genus of deciduous shrubs or small trees of eastern Mediterranean regions and tropical Asia -00260051 __optimization_NN_1 the act of rendering optimal; "the simultaneous optimization of growth and profitability"; "in an optimization problem we seek values of the variables that lead to an optimal value of the function that is to be optimized"; "to promote the optimization and diversification of agricultural products" -06794666 __stigma_NN_2 a symbol of disgrace or infamy; "And the Lord set a mark upon Cain"--Genesis -10012713 __diesinker_NN_1 someone who makes dies -07450651 __jubilation_NN_2 a joyful occasion for special festivities to mark some happy event -07129867 __speech_production_NN_1 the utterance of intelligible speech -02018027 __coot_NN_1 slate-black slow-flying birds somewhat resembling ducks -00198631 __preferment_NN_1 the act of preferring; "the preferment went to the younger candidate" -00351334 __tacking_NN_2 (nautical) the act of changing tack -00598970 __regency_NN_3 the office of a regent -04801313 __orthodoxy_NN_1 the quality of being orthodox (especially in religion) -04621963 __introversion_NN_3 (psychology) an introverted disposition; concern with one's own thoughts and feelings -00593837 __internship_NN_1 the position of a medical intern -03511175 __hedgerow_NN_1 a fence formed by a row of closely planted shrubs or bushes -07499615 __friendliness_NN_1 a feeling of liking for another person; enjoyment in their company -01606335 __genus_accipiter_NN_1 type genus of the family Accipitridae -01779148 __wood_tick_NN_1 common tick that can transmit Rocky Mountain spotted fever and tularemia -01954962 __genus_chiton_NN_1 a genus of Polyplacophora -01949330 __genus_fissurella_NN_1 type genus of the family Fissurellidae: keyhole limpets -02678663 __matter_to_VB_1 be of importance or consequence; "This matters to me!" -07084560 __monotone_NN_1 an unchanging intonation -07083441 __outpouring_NN_4 the rapid and continuous delivery of linguistic communication (spoken or written); "a barrage of questions"; "a bombardment of mail complaining about his mistake" -01913237 __crisscross_VB_1 cross in a pattern, often random -03228016 __double_reed_NN_1 a woodwind that has a pair of joined reeds that vibrate together -00241689 __wither_VB_1 wither, as with a loss of moisture; "The fruit dried and shriveled" -07071483 __speech_NN_5 your characteristic style or manner of expressing yourself orally; "his manner of speaking was quite abrupt"; "her speech was barren of southernisms"; "I detected a slight accent in his speech" -07069948 __formulation_NN_3 the style of expressing yourself; "he suggested a better formulation"; "his manner of expression showed how much he cared" -12470512 __smilax_rotundifolia_NN_1 a very prickly woody vine of the eastern United States growing in tangled masses having tough round stems with shiny leathery leaves and small greenish flowers followed by clusters of inedible shiny black berries -01630533 __triturus_NN_1 chiefly aquatic salamanders -02080415 __sea_elephant_NN_1 either of two large northern Atlantic earless seals having snouts like trunks -07065932 __trad_NN_1 traditional jazz as revived in the 1950s -02703790 __verge_VB_1 border on; come close to; "His behavior verges on the criminal" -05696425 __substitute_NN_1 a person or thing that takes or can take the place of another -02274024 __lepidopterous_insect_NN_1 insect that in the adult state has four wings more or less covered with tiny scales -13532886 __parturition_NN_1 the process of giving birth -07045353 __phrase_NN_2 a short musical passage -07039770 __allegro_NN_2 a musical composition or musical passage to be performed quickly in a brisk lively manner -00354845 __die_VB_10 disappear or come to an end; "Their anger died"; "My secret will die with me!" -10356066 __newlywed_NN_1 someone recently married -05965388 __nihilism_NN_1 a revolutionary doctrine that advocates destruction of the social system for its own sake -13982357 __dissonance_NN_1 a conflict of people's opinions or actions or characters -04460130 __tower_NN_1 a structure taller than its diameter; can stand alone or be attached to a larger building -07012534 __line_NN_5 text consisting of a row of words written across a page or computer screen; "the letter consisted of three short lines"; "there are six lines in every stanza" -06337307 __given_name_NN_1 the name that precedes the surname -05603342 __ridge_NN_5 any long raised border or margin of a bone or tooth or membrane -00502415 __board_game_NN_1 a game played on a specially designed board -07006951 __production_NN_2 a presentation for the stage or screen or radio or television; "have you seen the new production of Hamlet?" -01110880 __outmarch_VB_1 march longer distances and for a longer time than; "This guy can outmarch anyone!" -04489817 __trowel_NN_1 a small hand tool with a handle and flat metal blade; used for scooping or spreading plaster or similar materials -01568493 __genus_dendroica_NN_1 a genus of Parulidae -06990836 __cushitic_NN_1 a group of languages spoken in Ethiopia and Somalia and northwestern Kenya and adjacent regions -01154237 __ablism_NN_1 discrimination in favor of the able-bodied -03249569 __tympan_NN_1 a musical percussion instrument; usually consists of a hollow cylinder with a membrane stretched across each end -00529101 __variation_NN_10 (ballet) a solo dance or dance figure -10695917 __tekki_NN_1 a technician who is highly proficient and enthusiastic about some technical field (especially computing) -00039297 __contact_NN_1 close interaction; "they kept in daily contact"; "they claimed that they had been in contact with extraterrestrial beings" -01896031 __plume_NN_3 the light horny waterproof structure forming the external covering of birds -03815482 __neckpiece_NN_1 an article of apparel worn about the neck -13214645 __order_marattiales_NN_1 lower ferns coextensive with the family Marattiaceae -08165455 __executive_NN_2 persons who administer the law -12598629 __plantago_NN_1 type genus of the family Plantaginaceae; large cosmopolitan genus of mostly small herbs -06967710 __rhaeto-romanic_NN_1 Romance dialects spoken in parts of southeastern Switzerland and northern Italy and the Tyrol -02964634 __storage_area_NN_1 the space in a ship or aircraft for storing cargo -06764623 __ps_NN_1 a note appended to a letter after the signature -02123242 __tortoiseshell-cat_NN_1 a cat having black and cream-colored and yellowish markings -03470222 __gun_room_NN_1 military quarters of midshipmen and junior officers on a British warship -05351746 __mesenteric_artery_NN_1 one of two branches of the aorta that pass between the two layers of the mesentery to the intestines -06634960 __misinformation_NN_1 information that is incorrect -06957140 __volgaic_NN_1 a group of Finnic languages spoken around the Volga river -01054876 __cohabitation_NN_1 the act of living together and having a sexual relationship (especially without being married) -10552980 __satyr_NN_1 man with strong sexual desires -07892813 __white_wine_NN_1 pale yellowish wine made from white grapes or red grapes with skins removed before fermentation -02156532 __pincer_NN_2 a grasping structure on the limb of a crustacean or other arthropods -04332987 __strap_NN_4 whip consisting of a strip of leather used in flogging -02553028 __ophiodon_elongatus_NN_1 food fish of the northern Pacific related to greenlings -01270199 __wash_VB_1 clean with some chemical process -13436063 __automatic_data_processing_NN_1 data processing by a computer -06937985 __oceanic_NN_1 an eastern subfamily of Malayo-Polynesian languages -06938887 __malay_NN_2 a western subfamily of Western Malayo-Polynesian languages -10285313 __male_child_NN_1 a youthful male person; "the baby was a boy"; "she made the boy brush his teeth every night"; "most soldiers are only boys in uniform" -08877208 __kingston-upon_hull_NN_1 a large fishing port in northeastern England -04443918 __tonocard_NN_1 antiarrhythmic drug (trade name Tonocard) used to treat ventricular arrhythmias when less dangerous drugs have failed -00249313 __retrogress_VB_1 get worse or fall back to a previous condition -06918042 __eskimo-aleut_language_NN_1 the family of languages that includes Eskimo and Aleut -12972818 __order_mucorales_NN_1 an order of mostly saprophytic fungi -01798782 __try_VB_6 give pain or trouble to; "I've been sorely tried by these students" -06913313 __muskogean_language_NN_1 a family of North American Indian languages spoken in the southeastern United States -06908801 __chiwere_NN_1 the Siouan language spoken by the Iowa and Oto and Missouri -10020366 __grass_widow_NN_1 a divorced woman or a woman who is separated from her husband -02458517 __megatheriid_NN_1 a large extinct ground sloth -12998815 __agaric_NN_2 a saprophytic fungus of the order Agaricales having an umbrellalike cap with gills on the underside -05962602 __imitation_NN_1 the doctrine that representations of nature or human behavior should be accurate imitations -06892358 __stopper_NN_1 an act so striking or impressive that the show must be delayed until the audience quiets down -06891493 __public_presentation_NN_1 a dramatic or musical entertainment; "they listened to ten different performances"; "the play ran for 100 performances"; "the frequent performances of the symphony testify to its popularity" -03744684 __memory_chip_NN_1 a RAM microchip that can be plugged into a computer to provide additional memory -02164825 __contemplate_VB_1 look at thoughtfully; observe deep in thought; "contemplate one's navel" -06879180 __demonstration_NN_5 a visual presentation showing how something works; "the lecture was accompanied by dramatic demonstrations"; "the lecturer shot off a pistol as a demonstration of the startle response" -02315696 __sipuncula_NN_1 peanut worms -03907654 __penal_institution_NN_1 an institution where persons are confined for punishment and to protect the public -02228901 __reallot_VB_1 allot again; "They were realloted additional farm land" showing lack of art; "an artless translation" -00128976 __pop_fly_NN_1 a short high fly ball -00474762 __refine_VB_3 treat or prepare so as to put in a usable condition; "refine paper stock"; "refine pig iron"; "refine oil" -07041688 __quartette_NN_4 a musical composition for four performers -02276078 __vanessa_virginiensis_NN_1 American butterfly having dark brown wings with white and golden orange spots -02569770 __paranthias_NN_1 a genus of Serranidae -00294190 __trot_NN_1 a slow pace of running -02111626 __spitz_NN_1 any of various stocky heavy-coated breeds of dogs native to northern regions having pointed muzzles and erect ears with a curled furry tail -00677445 __skim_off_VB_2 pick the best -01034932 __stonewall_VB_1 obstruct or hinder any discussion; "Nixon stonewalled the Watergate investigation"; "When she doesn't like to face a problem, she simply stonewalls" -04103491 __smoke_NN_5 tobacco leaves that have been made into a cylinder -08632258 __staging_area_NN_1 an area where troops and equipment in transit are assembled before a military operation -00980394 __dirty_war_NN_1 an offensive conducted by secret police or the military of a regime against revolutionary and terrorist insurgents and marked by the use of kidnapping and torture and murder with civilians often being the victims; "thousands of people disappeared and were killed during Argentina's dirty war in the late 1970s" -02534559 __salmonid_NN_1 soft-finned fishes of cold and temperate waters -10609686 __slave_NN_3 someone entirely dominated by some influence or person; "a slave to fashion"; "a slave to cocaine"; "his mother was his abject slave" -06838329 __ayin_NN_1 the 16th letter of the Hebrew alphabet -08018666 __black_september_movement_NN_1 a former Palestinian terrorist organization (now merged with Fatah Revolutionary Council) that assassinated the Prime Minister of Jordan and during the 1972 Olympic Games in Munich killed 11 Israeli athletes -06171040 __philology_NN_1 the humanistic study of language and literature -05996646 __subject_field_NN_1 a branch of knowledge; "in what discipline is his doctorate?"; "teachers should be well trained in their subject"; "anthropology is the study of human beings" -02374451 __horse_NN_1 solid-hoofed herbivorous quadruped domesticated since prehistoric times -00779061 __pause_VB_2 cease an action temporarily; "We pause for station identification"; "let's break for lunch" -12717524 __irvingia_NN_1 wild mango -06820964 __diacritical_mark_NN_1 a mark added to a letter to indicate a special pronunciation -00395797 __voidance_NN_1 the act of removing the contents of something -00236581 __rise_to_power_NN_1 the act of attaining or gaining access to a new office or right or position (especially the throne); "Elizabeth's accession in 1558" -01077350 __prevention_NN_1 the act of preventing; "there was no bar against leaving"; "money was allocated to study the cause and prevention of influenza" -03048883 __loop_NN_9 a complete electrical circuit around which current flows or a signal circulates -01566490 __ruin_VB_4 reduce to ruins; "The country lay ruined after the war" -11950345 __chrysanthemum_NN_2 any of numerous perennial Old World herbs having showy brightly colored flower heads of the genera Chrysanthemum, Argyranthemum, Dendranthema, Tanacetum; widely cultivated -01202904 __cooperation_NN_1 joint operation or action; "their cooperation with us was essential for the success of our mission" -02685299 __cellular_JJ_1 relating to cells; "cellular walls"; "cellular physiology" -06798750 __print_NN_3 a visible indication made on a surface; "some previous reader had covered the pages with dozens of marks"; "paw prints were everywhere" -02331479 __muridae_NN_1 originally Old World rats now distributed worldwide; distinguished from the Cricetidae by typically lacking cheek pouches -03118846 __countinghouse_NN_1 office used by the accountants of a business -02645823 __hemitripterus_NN_1 sea ravens -04236182 __sleeping_tablet_NN_1 a soporific drug in the form of a pill (or tablet or capsule) -05126228 __confines_NN_1 a bounded scope; "he stayed within the confines of the city" -01636984 __genus_aneides_NN_1 climbing salamanders -06769238 __mythologization_NN_1 the restatement of a message as a myth -06759349 __pretense_NN_2 pretending with intention to deceive -06754816 __minor_term_NN_1 the term in a syllogism that is the subject of the conclusion -03294833 __eraser_NN_1 an implement used to erase something -06747670 __notice_NN_1 an announcement containing information about an event; "you didn't give me enough notice"; "an obituary notice"; "a notice of sale -07775375 __fish_NN_2 the flesh of fish used as food; "in Japan most fish is eaten raw"; "after the scare about foot-and-mouth disease a lot of people started eating fish instead of meat"; "they have a chef who specializes in fish" -02880940 __bowl_NN_3 a dish that is round and open at the top for serving foods -04835028 __self-interest_NN_2 concern for your own interests and welfare -12594533 __vegetable_ivory_NN_1 nutlike seed of a South American palm; the hard white shell takes a high polish and is used for e.g. buttons -01201021 __separation_NN_5 the social act of separating or parting company; "the separation of church and state" -05717747 __finish_NN_8 (wine tasting) the taste of a wine on the back of the tongue (as it is swallowed); "the wine has a nutty flavor and a pleasant finish" -06734467 __testimony_NN_1 a solemn statement made under oath -04143712 __strawman_NN_3 an effigy in the shape of a man to frighten birds away from seeds -00083975 __appropriation_NN_3 a deliberate act of acquisition of something, often without the permission of the owner; "the necessary funds were obtained by the government's appropriation of the company's operating unit"; "a person's appropriation of property belonging to another is dishonest" -01074694 __occlusion_NN_5 the act of blocking -06726158 __proclamation_NN_1 a formal public statement; "the government made an announcement about changes in the drug war"; "a declaration of independence" -02778669 __ball_NN_1 round object that is hit or thrown or kicked in games; "the ball travelled 90 mph on his serve"; "the mayor threw out the first ball"; "the ball rolled into the corner pocket" -06713512 __reproach_NN_1 a mild rebuke or criticism; "words of reproach" -00419908 __maltreatment_NN_1 cruel or inhumane treatment; "the child showed signs of physical abuse" -08649345 __side_NN_1 a place within a region identified relative to a center or reference location; "they always sat on the right side of the church"; "he never left my side" -06707846 __distinguished_flying_cross_NN_1 a United States Air Force decoration for heroism while participating in an aerial flight -13554343 __sensitization_NN_2 (psychology) the process of becoming highly sensitive to specific events or situations (especially emotional events or situations) -07585208 __stock_NN_8 liquid in which meat and vegetables are simmered; used as a basis for e.g. soups or sauces; "she made gravy with a base of beef stock" -10268180 __liver_NN_4 someone who lives in a place; "a liver in cities" -06574473 __driver_NN_4 (computer science) a program that determines how a computer will communicate with a peripheral device -10879789 __guy_of_burgundy_NN_1 pope who in 1122 forced the Holy Roman Emperor Henry V to sign a concordat that recognized the right of the church to choose its own leadership (died in 1124) -06691442 __encouragement_NN_1 the expression of approval and support -06691083 __passport_NN_1 any authorization to pass or go somewhere; "the pass to visit had a strict time limit" -06690226 __pass_NN_12 a permit to enter or leave a military installation; "he had to show his pass in order to get out" -04936403 __thickness_NN_4 resistance to flow -01546768 __stand_up_VB_3 put into an upright position; "Can you stand the bookshelf up?" -06677302 __printing_process_NN_1 reproduction by applying ink to paper as for publication -02008316 __genus_ardea_NN_1 type genus of the Ardeidae: large New and Old World herons -07250868 __teaser_NN_3 an advertisement that offers something free in order to arouse customers' interest -04965179 __orangeness_NN_1 orange color or pigment; any of a range of colors between red and yellow -02185973 __siphonaptera_NN_1 fleas -00720565 __role_NN_1 the actions and activities assigned to or required or expected of a person or group; "the function of a teacher"; "the government must do its part"; "play its role" -03765561 __milling_machinery_NN_1 machinery that processes materials by grinding or crushing -05604535 __humour_NN_3 (Middle Ages) one of the four fluids in the body whose balance was believed to determine your emotional and physical state; "the humors are blood and phlegm and yellow and black bile" -06648207 __testimony_NN_3 something that serves as evidence; "his effort was testimony to his devotion" -07475107 __walkaway_NN_1 an easy victory -02547947 __lophiidae_NN_1 large-headed marine fishes comprising the anglers -06642138 __word_NN_3 information about recent and important events; "they awaited news of the outcome" -01663939 __genus_caretta_NN_1 loggerhead turtles -10859669 __thomas_bowdler_NN_1 English editor who in 1818 published an expurgated edition of the works of Shakespeare (1754-1825) -01052618 __implantation_NN_2 the act of planting or setting in the ground -12701901 __ruptiliocarpon_NN_1 new (1993) genus of trees of Central America now recognized as similar to those of genus Lepidobotrys -06637824 __database_NN_1 an organized body of related information -01665507 __devil_VB_2 coat or stuff with a spicy paste; "devilled eggs" -11647131 __genus_agathis_NN_1 kauri pine -06634095 __refusal_NN_2 a message refusing to accept something that is offered -14132524 __herpes_genitalis_NN_1 an infection caused by herpes simplex virus type 2 (HSV-2) that is usually transmitted by sexual contact; marked by recurrent attacks of painful eruptions on the skin and mucous membranes of the genital area -06610143 __lallation_NN_2 gibberish resembling the sounds of a baby -02068413 __spurt_VB_1 gush forth in a sudden stream or jet; "water gushed forth" -08873147 __blighty_NN_1 a slang term for Great Britain used by British troops serving abroad -06606191 __subtlety_NN_1 a subtle difference in meaning or opinion or attitude; "without understanding the finer nuances you can't enjoy the humor"; "don't argue about shades of meaning" -10902051 __stephen_grover_cleveland_NN_1 22nd and 24th President of the United States (1837-1908) -07181043 __showdown_NN_1 a hostile disagreement face-to-face -11547562 __fern_ally_NN_1 pteridophytes of other classes than Filicopsida -08368308 __sovietism_NN_1 Soviet communism -02613960 __family_clinidae_NN_1 viviparous blennies of temperate and tropical seas -04899031 __rightness_NN_2 appropriate conduct; doing the right thing -01737197 __natrix_NN_1 water snakes; a cosmopolitan genus -06588785 __dbms_NN_1 a software system that facilitates the creation and maintenance and use of an electronic database -02362420 __petaurista_NN_1 very large Asiatic flying squirrels -05654362 __visual_sense_NN_1 the ability to see; the visual faculty -06584702 __utility_routine_NN_1 a routine that can be used as needed -03638321 __landing_place_NN_1 structure providing a place where boats can land people or goods -03907227 __pen_NN_2 an enclosure for confining livestock -04455250 __topmast_NN_1 the mast next above a lower mast and topmost in a fore-and-aft rig -03587715 __nydrazid_NN_1 antibacterial drug (trade name Nydrazid) used to treat tuberculosis -11404666 __zaharias_NN_1 outstanding United States athlete (1914-1956) -12475035 __wild_oats_NN_1 any of various plants of the genus Uvularia having yellowish drooping bell-shaped flowers -03871083 __parcel_NN_1 a wrapped container -03067506 __georgian_JJ_4 of or relating to the Hanoverian kings of England; "the first Georgian monarch" -06552984 __writ_NN_1 (law) a legal document issued by a court or judicial officer -01640846 __true_frog_NN_1 insectivorous usually semiaquatic web-footed amphibian with smooth moist skin and long hind legs -01718535 __try_out_VB_3 perform in order to get a role; "She auditioned for a role on Broadway" -00767826 __assault_NN_2 a threatened or attempted physical attack by someone who appears to be able to cause bodily harm if not stopped -01782050 __tetranychidae_NN_1 plant-feeding mites -06525588 __covenant_NN_2 (Bible) an agreement between God and his people in which God makes certain promises and requires certain behavior from them in return -02622033 __interdepend_VB_1 be connected; "In my heart I can make the world hang together" -07752264 __victoria_plum_NN_1 a large red plum served as dessert -00553173 __perturbation_NN_5 the act of causing disorder -06501311 __program_NN_4 a document stating the aims and principles of a political party; "their candidate simply ignored the party platform"; "they won the election even though they offered no positive program" -02451575 __fictional_animal_NN_1 animals that exist only in fiction (usually in children's stories) -01026482 __routine_NN_1 an unvarying or habitual method or procedure -00511817 __romp_NN_3 gay or light-hearted recreational activity for diversion or amusement; "it was all done in play"; "their frolic in the surf threatened to become ugly" -01960911 __swim_VB_1 travel through water; "We had to swim for 20 minutes to reach the shore"; "a big fish was swimming in the tank" -12179391 __shoeblack_plant_NN_1 large showy Asiatic shrub or small tree having large single or double red to deep-red flowers -06486161 __lineup_NN_1 (baseball) a list of batters in the order in which they will bat; "the managers presented their cards to the umpire at home plate" -01070187 __dieting_NN_1 the act of restricting your food intake (or your intake of particular foods) -01782519 __impious_JJ_1 lacking piety or reverence for a god -00344125 __changeful_JJ_1 such that alteration is possible; having a marked tendency to change; "changeable behavior"; "changeable moods"; "changeable prices" -00579201 __national_service_NN_1 compulsory service in the military during peacetime -07255998 __thought_transference_NN_1 apparent communication from one mind to another without using sensory perceptions -12039743 __orchidaceae_NN_1 enormous cosmopolitan family of perennial terrestrial or epiphytic plants with fleshy tubers or rootstocks and unusual flowers -00303297 __flypast_NN_1 a flight at a low altitude (usually of military aircraft) over spectators on the ground -01189282 __sentence_NN_2 (criminal law) a final judgment of guilty in a criminal case and the punishment that is imposed; "the conviction came as no surprise" -06452601 __prophets_NN_1 the second of three divisions of the Hebrew Scriptures -08222293 __audience_NN_2 the part of the general public interested in a source of information or entertainment; "every artist needs an audience"; "the broadcast reached an audience of millions" -02218563 __tenthredinidae_NN_1 sawflies -01977366 __menippe_NN_1 stone crabs -04314522 __sten_gun_NN_1 a lightweight British submachine gun -04272638 __spectrograph_NN_2 a photographic record of a spectrum -06436717 __esther_NN_2 an Old Testament book telling of a beautiful Jewess who became queen of Persia and saved her people from massacre -06435916 __ii_chronicles_NN_1 the second of two Old Testament books telling the history of Judah and Israel until the return from the Babylonian Captivity in 536 BC -04833458 __stinginess_NN_1 a lack of generosity; a general unwillingness to part with money -06432715 __exodus_NN_2 the second book of the Old Testament: tells of the departure of the Israelites out of slavery in Egypt led by Moses; God gave them the Ten Commandments and the rest of Mosaic law on Mount Sinai during the Exodus -00102779 __cybernation_NN_1 the control of processes by computer -06431496 __mahabharatum_NN_1 (Hinduism) a sacred epic Sanskrit poem of India dealing in many episodes with the struggle between two rival families -12718483 __picrasma_excelsum_NN_1 West Indian tree yielding the drug Jamaica quassia -12648045 __prunus_persica_NN_1 cultivated in temperate regions -06418901 __lexicon_NN_2 a reference book containing an alphabetical list of words with information about them -01414502 __genus_chondrus_NN_1 a genus of protoctist -06413889 __pamphlet_NN_1 a small book usually having a paper cover -14624743 __rare_earth_NN_1 any element of the lanthanide series (atomic numbers 57 through 71) -08748280 __lesser_antilles_NN_1 a group of islands in the southeastern West Indies -03393324 __free-reed_instrument_NN_1 a wind instrument with a free reed -06402565 __typing_NN_1 writing done with a typewriter -02290664 __fig_moth_NN_1 a moth whose larvae feed on and mat together with webbing various stored products of vegetable origin -00992331 __geological_dating_NN_1 use of chemical analysis to estimate the age of geological specimens -06350918 __italic_NN_1 a style of handwriting with the letters slanting to the right -03678362 __litter_NN_3 conveyance consisting of a chair or bed carried on two poles by bearers -05771836 __mental_synthesis_NN_1 the creation of a construct; the process of combining ideas into a congruous object of thought -06631921 __ciao_NN_1 an acknowledgment that can be used to say hello or goodbye (aloha is Hawaiian and ciao is Italian) -02009750 __great_white_heron_NN_2 widely distributed Old World white egret -06371267 __romance_NN_4 a story dealing with love -06607809 __ridiculousness_NN_1 a message whose content is at variance with reason -09203217 __araxes_NN_1 a river that rises in northeastern Turkey (near the source of the Euphrates) and flows generally eastward through Armenia to the Caspian Sea; ancient name was Araxes -06364149 __rewrite_NN_1 something that has been written again; "the rewrite was much better" -06362953 __written_material_NN_1 the work of a writer; anything expressed in letters of the alphabet (especially when considered from the point of view of style and effect); "the writing in her novels is excellent"; "that editorial was a fine piece of writing" -02584145 __paracheirodon_axelrodi_NN_1 small bright red and blue aquarium fish from streams in Brazil and Colombia -06343520 __title_NN_2 the name of a work of art or literary composition etc.; "he looked for books with the word `jazz' in the title"; "he refused to give titles to his paintings"; "I can never remember movie titles" -01990627 __order_isopoda_NN_1 woodlice -01837746 __piciformes_NN_1 woodpeckers; jacamars; puffbirds; barbets; honey guides; toucans -01963876 __mytilus_NN_1 type genus of the family Mytilidae: smooth-shelled marine mussels -02527145 __muraenidae_NN_1 marine eels -01539136 __genus_coereba_NN_1 type genus of the Coerebidae -03739518 __medical_building_NN_1 building where medicine is practiced -06308049 __affix_NN_1 a linguistic element added to a word to produce an inflected or derived form -01288052 __shackle_VB_2 restrain with fetters -04097373 __two-seater_NN_1 an open automobile having a front seat and a rumble seat -01778017 __worship_VB_1 love unquestioningly and uncritically or to excess; venerate as an idol; "Many teenagers idolized the Beatles" -10004539 __leaver_NN_1 someone who leaves -06280816 __fibreoptics_NN_1 the transmission of light signals via glass fibers -10312077 __metallurgist_NN_1 an engineer trained in the extraction and refining and alloying and fabrication of metals -06269674 __morceau_NN_1 a short literary or musical composition -13456567 __decline_NN_3 a gradual decrease; as of stored charge or current -01953032 __family_cypraeidae_NN_1 family of marine gastropods comprising the cowries -06258031 __spreadhead_NN_1 two facing pages of a book or other publication -01960301 __ostreidae_NN_1 oysters -02871060 __ethereal_JJ_2 of or containing or dissolved in ether; "ethereal solution" -06254475 __medium_NN_3 an intervening substance through which signals can travel as a means for communication -05627785 __heaven_NN_2 the abode of God and the angels -01923414 __mount_up_VB_1 get up on the back of; "mount a horse" -05489394 __language_zone_NN_1 a large cortical area (in the left hemisphere in most people) containing all the centers associated with language -02512938 __food_fish_NN_1 any fish used for food by human beings -00439826 __track_and_field_NN_1 participating in athletic sports performed on a running track or on the field associated with it -03659809 __lever_NN_2 a simple machine that gives a mechanical advantage when given a fulcrum -05382855 __thalamostriate_vein_NN_1 a vein serving the thalamus and corpus striatum -03920989 __pharmaceutical_NN_1 drug or medicine that is prepared or dispensed in pharmacies and used in medical treatment -01048912 __hiding_NN_1 the activity of keeping something secret -06185748 __nullification_NN_1 the states'-rights doctrine that a state can refuse to recognize or to enforce a federal law passed by the United States Congress -06014435 __method_of_fluxions_NN_1 the part of calculus that deals with the variation of a function with respect to changes in the independent variable (or variables) by means of the concepts of derivative and differential -11997032 __rattlesnake_root_NN_2 a plant of the genus Nabalus -00761713 __talk_terms_VB_1 discuss the terms of an arrangement; "They negotiated the sale of the house" -00042457 __active_JJ_6 exerting influence or producing a change or effect; "an active ingredient" -06836822 __beth_NN_1 the 2nd letter of the Hebrew alphabet -11250287 __qadhafi_NN_1 Libyan leader who seized power in a military coup d'etat in 1969; deposed the Libyan monarchy and imposed socialism and Islamic orthodoxy on the country (born in 1942) -06157326 __performing_arts_NN_1 arts or skills that require public performance -10667187 __stupid_person_NN_1 a person who is not very bright; "The economy, stupid!" -06156346 __chronology_NN_3 the determination of the actual temporal sequence of past events -10519494 __religious_leader_NN_1 leader of a religious order -06144081 __archeology_NN_1 the branch of anthropology that studies prehistoric people and their cultures -01433042 __bucket_VB_2 carry in a bucket -07039949 __allegretto_NN_2 a musical composition or musical passage to be performed at a somewhat quicker tempo than andante but not as fast as allegro -10038929 __duellist_NN_1 a person who fights duels -01213886 __patronage_NN_1 the act of providing approval and support; "his vigorous backing of the conservatives got him in trouble with progressives" -06125041 __technology_NN_2 the discipline dealing with the art or science of applying scientific knowledge to practical problems; "he had trouble deciding which branch of engineering to study" -00297532 __crossing_NN_1 traveling across -00302394 __flying_NN_1 an instance of traveling by air; "flying was still an exciting adventure for him" -04979425 __value_NN_4 relative darkness or lightness of a color; "I establish the colors and principal values by organizing the painting into three values--dark, medium...and light"-Joe Hing Lowe -11896904 __genus_sisymbrium_NN_1 genus of Old World annual or biennial or perennial herbs with racemose flowers; many are considered to be weeds -01963795 __snorkel_VB_1 dive with a snorkel -03546766 __housing_NN_2 a protective cover designed to contain or support a mechanical component -12573911 __yellow_jacaranda_NN_1 semi-evergreen South American tree with odd-pinnate leaves and golden yellow flowers cultivated as an ornamental -07310507 __approaching_NN_1 the event of one object coming closer to another -00562398 __blocking_NN_1 the act of obstructing or deflecting someone's movements -08229605 __glee_club_NN_1 a club organized to sing together -08759013 __slovakia_NN_1 a landlocked republic in central Europe; separated from the Czech Republic in 1993 -03161450 __muffler_NN_3 a device that decreases the amplitude of electronic, mechanical, acoustical, or aerodynamic oscillations -05532795 __digestive_gland_NN_1 any gland having ducts that pour secretions into the digestive tract -06027264 __statistical_regression_NN_1 the relation between selected values of x and observed values of y (from which the most probable value of y can be predicted for any value of x) -08679972 __way_NN_3 a line leading to a place or point; "he looked the other direction"; "didn't know the way home" -06021247 __multivariate_analysis_NN_1 a generic term for any statistical technique used to analyze data from more than one variable -09975933 __crammer_NN_1 a student who crams -04445154 __toga_virilis_NN_1 (ancient Rome) a toga worn by a youth as a symbol of manhood and citizenship -00329227 __stream_NN_3 the act of flowing or streaming; continuous progression -01015996 __numismatology_NN_1 the collection and study of money (and coins in particular) -01801479 __mallee_fowl_NN_1 Australian mound bird; incubates eggs naturally in sandy mounds -08176077 __organization_of_american_states_NN_1 an association including most countries in the western hemisphere; created in 1948 to promote military and economic and social and cultural cooperation -02490964 __leontocebus_NN_1 tamarins -10012244 __dictator_NN_1 a speaker who dictates to a secretary or a recording machine -02550868 __save_VB_1 save from ruin, destruction, or harm -02227430 __melanoplus_NN_1 New World migratory locusts and common American grasshoppers -02547213 __pediculati_NN_1 anglers and batfishes; spiny-finned marine fishes having pectoral fins at the ends of armlike processes and a long movable spine on the dorsal fin to lure prey to the large mouth -04029125 __pyramids_of_egypt_NN_1 a massive monument with a square base and four triangular sides; begun by Cheops around 2700 BC as royal tombs in ancient Egypt -01796729 __moorhen_NN_2 female red grouse -01481599 __subclass_selachii_NN_1 sharks; rays; dogfishes; skates -00476788 __run-up_NN_2 the approach run during which an athlete gathers speed -02921325 __romanic_JJ_1 of or relating to or derived from Rome (especially ancient Rome); "Roman architecture"; "the old Roman wall" -05119714 __surplusage_NN_1 a quantity much larger than is needed -03115180 __cotton_NN_2 fabric woven from cotton fibers -11704401 __genus_cinnamomum_NN_1 Asiatic and Australian aromatic trees and shrubs -00043902 __hit_NN_1 (baseball) a successful stroke in an athletic contest (especially in baseball); "he came all the way around on Williams' hit" -01694178 __chamaeleo_chamaeleon_NN_1 a chameleon found in Africa -10030277 __playwright_NN_1 someone who writes plays -01955508 __send_on_VB_1 send or ship onward from an intermediate post or station in transit; "forward my mail" -02058453 __genus_diomedea_NN_1 type of the Diomedeidae -12064996 __habenaria_NN_1 chiefly terrestrial orchids with tubers or fleshy roots often having long slender spurs and petals and lip lobes; includes species formerly placed in genus Gymnadeniopsis -11072189 __innocent_viii_NN_1 Italian pope from 1484 to 1492 who was known as a nepotist and was attacked by Savonarola for his worldliness (1432-1492) -02547014 __ribbonfish_NN_1 thin deep-water tropical fish 20 to 30 feet long having a red dorsal fin -01499261 __genus_aetobatus_NN_1 a genus of Myliobatidae -05070849 __angularity_NN_2 the property possessed by a shape that has angles -06796119 __stamp_NN_4 a small adhesive token stuck on a letter or package to indicate that that postal fees have been paid -13020623 __genus_clitocybe_NN_1 a genus of agarics with white to pale yellow spore deposits and fleshy stalks centrally attached to the cap and closely attached gills -01654429 __xenopus_NN_1 an African clawed frog; in some classifications made the type genus of a separate family Xenopodidae -01030820 __ritual_NN_2 the prescribed procedure for conducting religious ceremonies -05690091 __drag_NN_2 something that slows or delays progress; "taxation is a drag on the economy"; "too many laws are a drag on the use of new land" -05913275 __generalization_NN_2 an idea or conclusion having general application; "he spoke in broad generalities" -03593526 __jar_NN_1 a vessel (usually cylindrical) with a wide mouth and without handles -02726305 __flat_NN_7 a suite of rooms usually on one floor of an apartment house -03426574 __gas_turbine_NN_1 turbine that converts the chemical energy of a liquid fuel into mechanical energy by internal combustion; gaseous products of the fuel (which is burned in compressed air) are expanded through a turbine -05542686 __tuberosity_NN_1 a protuberance on a bone especially for attachment of a muscle or ligament -00589948 __cardinalship_NN_1 the office of cardinal -14061805 __unwellness_NN_1 impairment of normal physiological function affecting part or all of an organism -13395799 __two_dollar_bill_NN_1 a United States bill worth 2 dollars -05249636 __porta_NN_1 an aperture or hole that opens into a bodily cavity; "the orifice into the aorta from the lower left chamber of the heart" -03114839 __cotter_NN_3 fastener consisting of a wedge or pin inserted through a slot to hold two other pieces together -03282933 __fancywork_NN_1 decorative needlework -01836673 __poorwill_NN_1 goatsucker of western North America -00929718 __writing_NN_1 the act of creating written works; "writing was a form of therapy for him"; "it was a matter of disputed authorship" -06681551 __write_up_NN_1 a short account of the news; "the report of his speech"; "the story was on the 11 o'clock news"; "the account of his speech that was given on the evening news made the governor furious" -04359589 __support_NN_10 any device that bears the weight of another thing; "there was no place to attach supports for a shelf" -12282933 __river_birch_NN_1 birch of swamps and river bottoms throughout the eastern United States having reddish-brown bark -05861317 __degree_NN_5 the highest power of a term or variable -07094731 __common_meter_NN_1 the usual (iambic) meter of a ballad -02015685 __genus_crex_NN_1 corncrakes -01306358 __napoleonic_wars_NN_1 a series of wars fought between France (led by Napoleon Bonaparte) and alliances involving England and Prussia and Russia and Austria at different times; 1799-1815 -00621627 __travail_NN_2 use of physical or mental energy; hard work; "he got an A for effort"; "they managed only with great exertion" -02003994 __genus_ephippiorhynchus_NN_1 saddlebills -01080691 __play_VB_31 shoot or hit in a particular manner; "She played a good backhand last night" -02877513 __bottle_bank_NN_1 a place where bottles can be deposited for recycling -11144431 __lugosi_NN_1 United States film actor (born in Hungary) noted for portraying monsters (1884-1956) -02585732 __family_cichlidae_NN_1 cichlids -00266806 __reparation_NN_3 the act of putting something in working order again -06804988 __retreat_NN_3 (military) a signal to begin a withdrawal from a dangerous position -03328201 __pilot_NN_6 an inclined metal frame at the front of a locomotive to clear the track -04892794 __prudence_NN_1 discretion in practical affairs -02994312 __liturgical_JJ_1 of or relating to or in accord with liturgy -14019840 __ketoacidosis_NN_1 acidosis with an accumulation of ketone bodies; occurs primarily in diabetes mellitus -08231184 __league_NN_1 an association of sports teams that organizes matches for its members -04302334 __standing_room_NN_1 room for passengers or spectators to stand; "there was standing room for thousands more people" -04546855 __wall_NN_1 an architectural partition with a height and length greater than its thickness; used to divide or enclose an area or to support another structure; "the south wall had a small window"; "the walls were covered with pictures" -01940736 __shellfish_NN_2 invertebrate having a soft unsegmented body usually enclosed in a shell -04612722 __yield_NN_3 an amount of a product -01444922 __sucker_NN_7 mostly North American freshwater fishes with a thick-lipped mouth for feeding by suction; related to carps -06753550 __axiom_NN_2 (logic) a proposition that is not susceptible of proof or disproof; its truth is assumed to be self-evident -05343718 __coronary_artery_NN_1 the artery that branches from the aorta to supply blood to the heart -00125126 __wipe_NN_1 the act of rubbing or wiping; "he gave the hood a quick rub" -03339296 __plastic_film_NN_1 a thin sheet of (usually plastic and usually transparent) material used to wrap or cover things -01672275 __trionyx_NN_1 type genus of the Trionychidae -05917477 __effect_NN_3 an impression (especially one that is artificial or contrived); "he just did it for effect" -02128120 __panthera_NN_1 lions; leopards; snow leopards; jaguars; tigers; cheetahs; saber-toothed tigers -05809192 __mental_object_NN_1 the sum or range of what has been perceived, discovered, or learned -15032071 __tetanus_immunoglobulin_NN_1 sterile solution of globulins derived from the blood plasma of a person who has been immunized for tetanus; provides short-term immunization against tetanus in cases of possible exposure to the tetanus bacillus -00804802 __take_issue_VB_1 be of different opinions; "I beg to differ!"; "She disagrees with her husband on many questions" -06428976 __revision_NN_2 the act of rewriting something -07735803 __turnip_NN_2 root of any of several members of the mustard family -00403911 __morphologically_RB_1 damage inflicted by fire in a morphological manner; with regard to morphology; "these two plants are morphologically related" -00389610 __pairing_NN_2 the act of grouping things or people in pairs -00115500 __tug_NN_1 a sudden abrupt pull -05733090 __pigeonholing_NN_1 a system for classifying things into groups -05779116 __syllogism_NN_1 deductive reasoning in which a conclusion is derived from two premises -13233727 __silkweed_NN_1 any of numerous plants of the genus Asclepias having milky juice and pods that split open releasing seeds with downy tufts -07601999 __chocolate_NN_2 a food made from roasted ground cacao beans -05776679 __rhabdomancy_NN_1 searching for underground water or minerals by using a dowsing rod -05774614 __inference_NN_1 the reasoning involved in drawing a conclusion or making a logical judgment on the basis of circumstantial evidence and prior conclusions rather than on the basis of direct observation -05053688 __strength_NN_9 permanence by virtue of the power to resist stress or force; "they advertised the durability of their products" -03287733 __engine_NN_1 motor that converts thermal energy to mechanical work -05761380 __retrieval_NN_2 the cognitive operation of accessing information in memory; "my retrieval of people's names is very poor" -08524262 __core_NN_2 the center of an object; "the ball has a titanium core" -00229605 __raise_VB_13 increase; "This will enhance your enjoyment"; "heighten the tension" -05757049 __assimilation_NN_5 the process of assimilating new ideas into an existing cognitive structure -10215623 __investigator_NN_2 someone who investigates -05751794 __culture_NN_2 the tastes in art and manners that are favored by a social group -02294761 __noctuidae_NN_1 cutworms; armyworms -02650928 __prionotus_NN_1 a genus of Triglidae -04273659 __speed_bump_NN_1 a hindrance to speeding created by a crosswise ridge in the surface of a roadway -10143725 __granter_NN_1 a person who grants or gives something -00070641 __motivation_NN_3 the act of motivating; providing incentive -11219635 __paderewski_NN_1 Polish pianist who in 1919 served as the first Prime Minister of independent Poland (1860-1941) -02982790 __stop_NN_10 a restraint that checks the motion of something; "he used a book as a stop to hold the door open" -02692232 __drome_NN_1 an airfield equipped with control tower and hangars as well as accommodations for passengers and cargo -14066492 __crack-up_NN_1 a mental or physical breakdown -04137444 __satellite_NN_1 man-made equipment that orbits around the earth or the moon -00582868 __occupation_NN_3 any activity that occupies a person's attention; "he missed the bell in his occupation with the computer game" -09415938 __streamlet_NN_1 a small stream -01887474 __stock_NN_17 any animals kept for use or profit -00592367 __fatherhood_NN_4 the status of a father -05771532 __free_association_NN_1 a thought process in which ideas (words or images) suggest other ideas in a sequence -05728678 __plan_NN_2 an arrangement scheme; "the awkward design of the keyboard made operation difficult"; "it was an excellent design for living"; "a plan for seating guests" -02255144 __pineus_NN_1 a genus of Adelgidae -11831730 __kochia_NN_1 summer cypress -02807731 __bathroom_NN_1 a room (as in a residence) containing a bathtub or shower and usually a washbasin and toilet -05720248 __racket_NN_3 the auditory experience of sound that lacks musical quality; sound that is a disagreeable auditory experience; "modern music is just noise to me" -00533527 __vamp_VB_4 provide (a shoe) with a new vamp; "revamp my old boots" -02472293 __man_NN_4 any living or extinct member of the family Hominidae characterized by superior intelligence, articulate speech, and erect carriage -04997032 __tastelessness_NN_1 the property of having no flavor -03150232 __roller_NN_5 a mechanical device consisting of a cylindrical tube around which the hair is wound to curl it; "a woman with her head full of curlers is not a pretty sight" -04502502 __tweed_NN_1 thick woolen fabric used for clothing; originated in Scotland -02866578 __bomb_NN_1 an explosive device fused to explode under specific conditions -04418818 __theatre_stage_NN_1 a stage in a theater on which actors can perform -00822970 __safeguard_NN_1 a precautionary measure warding off impending danger or damage or injury etc.; "he put an ice pack on the injury as a precaution"; "an insurance policy is a good safeguard"; "we let our guard down" -04399537 __tee_NN_3 a short peg put into the ground to hold a golf ball off the ground -01617949 __genus_aegypius_NN_1 a genus of Accipitridae -01890718 __uropsilus_NN_1 shrew moles -13640050 __luminous_intensity_unit_NN_1 a measure of luminous intensity -06349597 __written_text_NN_1 something written, especially copied from one medium to another, as a typewritten version of dictation -05682570 __wonder_NN_3 a state in which you want to learn more about something -02072355 __monodon_NN_1 type genus of the Monodontidae -01477745 __petromyzon_NN_1 typical lampreys -06958615 __ugric_NN_1 one of the two branches of the Finno-Ugric family of languages; spoken in Hungary and northwestern Siberia -12837259 __whitlavia_NN_1 desert plant of southern California with blue or violet tubular flowers in terminal racemes -09637684 __darky_NN_1 (ethnic slur) offensive term for Black people -03820728 __network_NN_5 (electronics) a system of interconnected electronic components or circuits -10581094 __serjeant-at-arms_NN_1 an officer (as of a legislature or court) who maintains order and executes commands -01811682 __family_columbidae_NN_1 doves and pigeons -09053801 __montgomery_NN_3 the state capital of Alabama on the Mobile River -04490091 __truck_NN_1 an automotive vehicle suitable for hauling -08441039 __police_state_NN_1 a country that maintains repressive control over the people by means of police (especially secret police) -01168369 __direct_action_NN_1 a protest action by labor or minority groups to obtain their demands -09359803 __mountain_NN_1 a land mass that projects well above its surroundings; higher than a hill -00919513 __planting_NN_3 putting seeds or young plants in the ground to grow; "the planting of corn is hard work" -01282289 __jena_NN_1 the battle in 1806 in which Napoleon decisively defeated the Prussians -08293982 __coalition_NN_1 an organization of people (or countries) involved in a pact or treaty -02693246 __airport_terminal_NN_1 a terminal that serves air travelers or air freight -02069701 __bottlenose_dolphin_NN_1 any of several dolphins with rounded forehead and well-developed beak; chiefly of northern Atlantic and Mediterranean -02265471 __suborder_megaloptera_NN_1 in some classifications considered a separate order: alderflies; dobsonflies; snake flies -12855042 __mint_NN_2 any north temperate plant of the genus Mentha with aromatic leaves and small mauve flowers -02413480 __work_VB_1 exert oneself by doing mental or physical work for a purpose or out of necessity; "I will work hard to improve my grades"; "she worked hard for better living conditions for the poor" -02706691 __cryptological_JJ_1 of or relating to cryptanalysis -12382484 __ochnaceae_NN_1 family of tropical evergreen trees and shrubs with thick shining parallel-veined leaves -00911752 __erection_NN_3 the act of building or putting up -04508062 __underfelt_NN_1 a carpet pad of thick felt -05587288 __axial_skeleton_NN_1 the part of the skeleton that includes the skull and spinal column and sternum and ribs -01520058 __order_apterygiformes_NN_1 a ratite bird order: flightless ground birds having vestigial wings and long bills and small eyes: kiwis -02067462 __kogia_NN_1 pygmy sperm whales -05578911 __girdle_NN_1 an encircling or ringlike structure -02519494 __attitudinize_VB_1 assume certain affected attitudes -03289025 __engraving_NN_2 a block or plate or other hard surface that has been engraved -09267854 __divot_NN_2 a piece of turf dug out of a lawn or fairway (by an animals hooves or a golf club) -01411085 __whip_VB_1 beat severely with a whip or rod; "The teacher often flogged the students"; "The children were severely trounced" -07711080 __fries_NN_1 strips of potato fried in deep fat -02406533 __brown_swiss_NN_1 large hardy brown breed of dairy cattle from Switzerland -05539595 __poll_NN_2 the top of the head -11664929 __magnoliophyta_NN_1 comprising flowering plants that produce seeds enclosed in an ovary; in some systems considered a class (Angiospermae) and in others a division (Magnoliophyta or Anthophyta) -00604811 __teachership_NN_1 the position of teacher -05398609 __succus_NN_1 any of several liquids of the body; "digestive juices" -02783790 __balsam_NN_3 an ointment containing a fragrant resin -00370458 __uterine_contraction_NN_1 a rhythmic tightening in labor of the upper uterine musculature that contracts the size of the uterus and pushes the fetus toward the birth canal -05530871 __true_vocal_fold_NN_1 either of the two lower vocal folds that come together to form the glottis; produce a vocal tone when they are approximated and air from the lungs passes between them -02184114 __pediculidae_NN_1 true lice: human lice and related forms -07447261 __social_occasion_NN_1 a vaguely specified social event; "the party was quite an affair"; "an occasion arranged to honor the president"; "a seemingly endless round of social functions" -01620967 __strigiformes_NN_1 owls -03381126 __footwear_NN_1 clothing worn on a person's feet -04211001 __shunt_NN_2 a conductor having low resistance in parallel with another device to divert a fraction of the current -10299250 __master_of_ceremonies_NN_1 a person who acts as host at formal occasions (makes an introductory speech and introduces other speakers) -03726233 __massage_parlor_NN_1 a place where illicit sex is available under the guise of therapeutic massage -01261490 __incitement_NN_1 an act of urging on or spurring on or rousing to action or instigating; "the incitement of mutiny" -09452395 __swampland_NN_1 low land that is seasonally flooded; has more woody plants than a marsh and better drainage than a bog -03786417 __morphine_NN_1 an alkaloid narcotic drug extracted from opium; a powerful, habit-forming narcotic used to relieve pain -01876326 __bandicoot_NN_1 any of various agile ratlike terrestrial marsupials of Australia and adjacent islands; insectivorous and herbivorous -02493390 __genus_callicebus_NN_1 titis -02243744 __gerris_NN_1 type genus of the Gerrididae -05456456 __rod_cell_NN_1 a visual receptor cell that is sensitive to dim light -03673767 __lining_NN_1 a protective covering that protects an inside surface -08926877 __volcano_islands_NN_1 a group of Japanese Islands in the northwestern Pacific Ocean to the north of the Marianas -00015806 __sleep_late_VB_1 sleep later than usual or customary; "On Sundays, I sleep in" -02134350 __feel_VB_12 produce a certain impression; "It feels nice to be home again" -10562749 __scout_NN_4 someone who can find paths through unexplored territory -05406782 __melancholy_NN_3 a humor that was once believed to be secreted by the kidneys or spleen and to cause sadness and melancholy -01187620 __naturalization_NN_2 the proceeding whereby a foreigner is granted citizenship -06505517 __transcript_NN_2 a reproduction of a written record (e.g. of a legal or school record) -01949684 __family_ancylidae_NN_1 freshwater gastropod -01970866 __order_decapoda_NN_2 squids and cuttlefishes -02585489 __persecute_VB_1 cause to suffer; "Jews were persecuted in the former Soviet Union" -02981911 __trebucket_NN_1 an engine that provided medieval artillery used during sieges; a heavy war engine for hurling large stones and other missiles -10058585 __enlisted_man_NN_1 a male enlisted person in the armed forces -01699539 __paragraph_VB_3 write paragraphs; work as a paragrapher -01440949 __leuciscus_NN_1 a genus of fish including: dace, chub -13682450 __ore_NN_2 a monetary subunit in Denmark and Norway and Sweden; 100 ore equal 1 krona -05544906 __parietomastoid_suture_NN_1 the suture between the parietal and the temporal bones -01615825 __pandionidae_NN_1 ospreys -09169038 __kavir_desert_NN_1 a salt desert in north central Iran -04785669 __inconsequence_NN_2 invalid or incorrect reasoning -02241911 __scalp_VB_1 sell illegally, as on the black market -02759614 __light_VB_4 cause to start burning; subject to fire or great heat; "Great heat can ignite almost any dry matter"; "Light a cigarette" -00593944 __judicature_NN_4 the position of judge -04776699 __immovableness_NN_1 not capable of being moved or rearranged -11764231 __pithecolobium_NN_1 thorny shrubs and trees of tropical and subtropical America and Asia -13139055 __seedpod_NN_1 a several-seeded dehiscent fruit as e.g. of a leguminous plant -01763303 __ferment_VB_1 be in an agitated or excited state; "The Middle East is fermenting"; "Her mind ferments" -14170337 __hemophilia_NN_1 congenital tendency to uncontrolled bleeding; usually affects males and is transmitted from mother to son -01906328 __subkingdom_parazoa_NN_1 multicellular organisms having less-specialized cells than in the Metazoa; comprises the single phylum Porifera -05302899 __buccal_cavity_NN_1 the cavity between the jaws and the cheeks -01660252 __preform_VB_1 form into a shape resembling the final, desired one -00635523 __resolve_VB_4 understand the meaning of; "The question concerning the meaning of life cannot be answered" -03116530 __counter_NN_1 table consisting of a horizontal surface over which business is transacted -01271669 __bismarck_sea_NN_2 a naval battle in World War II; Allied land-based bombers destroyed a Japanese convoy in the Bismarck Sea in March 1943 -12794367 __starry_saxifrage_NN_1 small often mat-forming alpine plant having small starlike white flowers; Europe -01635659 __plethodontidae_NN_1 small mostly terrestrial New World salamanders having neither lungs nor gills as adults -00280853 __coming_NN_1 the act of drawing spatially closer to something; "the hunter's approach scattered the geese" -04802776 __deviation_NN_3 the error of a compass due to local magnetic disturbances -05280365 __acromion_NN_1 the outermost point of the spine of the shoulder blade -01294502 __shiloh_NN_1 the second great battle of the American Civil War (1862); the battle ended with the withdrawal of Confederate troops but it was not a Union victory -01682293 __genus_basiliscus_NN_1 a reptile genus of Iguanidae -07331759 __scattering_NN_4 spreading widely or driving off -03520654 __hilt_NN_1 the handle of a sword or dagger -05905152 __tactics_NN_2 a plan for attaining a particular goal -13282419 __rent-rebate_NN_1 a rebate on rent given by a local government authority -02863750 __steam_boiler_NN_1 sealed vessel where water is converted to steam -05250659 __epithelial_duct_NN_1 a bodily passage or tube lined with epithelial cells and conveying a secretion or other substance; "the tear duct was obstructed"; "the alimentary canal"; "poison is released through a channel in the snake's fangs" -11252627 __walter_raleigh_NN_1 English courtier (a favorite of Elizabeth I) who tried to colonize Virginia; introduced potatoes and tobacco to England (1552-1618) -04580493 __white_goods_NN_1 large electrical home appliances (refrigerators or washing machines etc.) that are typically finished in white enamel -15163005 __day_of_the_week_NN_1 any one of the seven days in a week -02635659 __result_VB_2 have as a result or residue; "The water left a mark on the silk dress"; "Her blood left a stain on the napkin" -02186868 __splosh_VB_1 make a splashing sound; "water was splashing on the floor" -12583529 __genus_acrocomia_NN_1 Central and South American feather palms -09863936 __bolshevist_NN_1 a Russian member of the left-wing majority group that followed Lenin and eventually became the Russian communist party -04643221 __disagreeableness_NN_2 an ill-tempered and offensive disposition -14445226 __scourge_NN_2 something causing misery or death; "the bane of my life" -00692349 __emasculation_NN_2 neutering a male animal by removing the testicles -13634615 __magnetomotive_force_unit_NN_1 a unit of measurement of magnetomotive force -00397010 __expurgation_NN_1 the deletion of objectionable parts from a literary work -04497962 __tunnel_NN_1 a passageway through or under something, usually underground (especially one for trains or cars); "the tunnel reduced congestion at that intersection" -03759954 __mike_NN_1 device for converting sound waves into electrical energy -04802907 __truth_NN_4 the quality of being near to the true value; "he was beginning to doubt the accuracy of his compass"; "the lawyer questioned the truth of my account" -00237869 __creation_NN_5 (theology) God's act of bringing the universe into existence -04407844 __temple_of_apollo_NN_1 (Greek mythology) the oracle at Delphi where a priestess supposedly delivered messages from Apollo to those who sought advice; the messages were usually obscure or ambiguous -00539510 __longways_dance_NN_1 country dancing performed with couples in two long lines facing each other -02581957 __mahimahi_NN_2 large slender food and game fish widely distributed in warm seas (especially around Hawaii) -07231048 __indication_NN_2 the act of indicating or pointing out by name -05113133 __insufficiency_NN_3 lack of an adequate quantity or number; "the inadequacy of unemployment benefits" -04371979 __swinging_door_NN_1 a door that swings on a double hinge; opens in either direction -00132982 __triple_NN_1 a base hit at which the batter stops safely at third base -05089367 __transmission_density_NN_1 (physics) a measure of the extent to which a substance transmits light or other electromagnetic radiation -03799710 __wall_painting_NN_1 a painting that is applied to a wall surface -10726233 __trapper_NN_1 someone who sets traps for animals (usually to obtain their furs) -11794267 __lemnaceae_NN_1 family of small free-floating thalloid plants -05073131 __sphericity_NN_1 the roundness of a 3-dimensional object -02720201 __fungicide_NN_1 any agent that destroys or prevents the growth of fungi -01254882 __cantillation_NN_1 liturgical chanting -11509066 __snowflake_NN_1 a crystal of snow -00104539 __throw_NN_1 the act of throwing (propelling something with a rapid movement of the arm and wrist); "the catcher made a good throw to second base" -00620673 __obscure_VB_2 make unclear, indistinct, or blurred; "Her remarks confused the debate"; "Their words obnubilate their intentions" -03697109 __lumber_room_NN_1 a storeroom in a house where odds and ends can be stored (especially furniture) -11635152 __white_cypress_NN_1 slow-growing medium-sized cedar of east coast of the United States; resembles American arborvitae -07081043 __verbalization_NN_1 the words that are spoken in the activity of verbalization -02038329 __steganopus_NN_1 a genus of Phalaropidae -02236044 __mantis_NN_1 predacious long-bodied large-eyed insect of warm regions; rests with forelimbs raised as in prayer -01561318 __phoenicurus_NN_1 Old World thrushes -13523661 __nutrition_NN_1 (physiology) the organic process of nourishing or being nourished; the processes by which an organism assimilates food and uses it for growth and maintenance -01752165 __viper_NN_1 venomous Old World snakes characterized by hollow venom-conducting fangs in the upper jaw -04945254 __thirstiness_NN_3 strong desire for something (not food or drink); "a thirst for knowledge"; "hunger for affection" -06652242 __rule_NN_3 prescribed guide for conduct or action -12049282 __grass_pink_NN_1 an orchid -01876667 __rabbit_bandicoot_NN_1 bandicoot with leathery ears like a rabbit -04954534 __lambency_NN_1 an appearance of reflected light -04946553 __tactile_property_NN_1 a property perceived by touch -03510072 __heat_shield_NN_1 a protective covering that protects a spacecraft from overheating on reentry -09676884 __slav_NN_1 any member of the people of eastern Europe or Asian Russia who speak a Slavonic language -01252800 __dismount_NN_1 the act of dismounting (a horse or bike etc.) -02486410 __baboon_NN_1 large terrestrial monkeys having doglike muzzles -06258361 __centrefold_NN_1 a magazine center spread; especially a foldout of a large photograph or map or other feature -00750890 __falsification_NN_3 the act of rendering something false as by fraudulent changes (of documents or measures etc.) or counterfeiting -03722288 __mart_NN_1 an area in a town where a public mercantile establishment is set up -15279596 __kilohertz_NN_1 one thousand periods per second -02586865 __lutjanus_NN_1 type genus of the Lutjanidae: snappers -02646757 __buy_VB_3 be worth or be capable of buying; "This sum will buy you a ride on the train" -11616852 __virginia_pine_NN_1 common small shrubby pine of the eastern United States having straggling often twisted or branches and short needles in bunches of 2 -00379588 __grafting_NN_1 the act of grafting something onto something else -04463017 __tracer_NN_2 an instrument used to make tracings -08703035 __central_american_nation_NN_1 any one of the countries occupying Central America; these countries (except for Belize and Costa Rica) are characterized by low per capita income and unstable governments -12619306 __rose_family_NN_1 a large family of dicotyledonous plants of order Rosales; have alternate leaves and five-petaled flowers with numerous stamens -01380118 __lactobacillus_NN_1 a Gram-positive rod-shaped bacterium that produces lactic acid (especially in milk) -07886176 __hootch_NN_1 an illicitly distilled (and usually inferior) alcoholic liquor -04761815 __insubstantiality_NN_2 lacking substance or reality -00808614 __hold-down_NN_1 a limitation or constraint; "taxpayers want a hold-down on government spending" marked by a willingness to tackle a job and get it done; "a can-do kind of person"; "the city's indomitable optimism and can-do spirit" -00653388 __nosecount_NN_1 a periodic count of the population -03879116 __winding-sheet_NN_1 burial garment in which a corpse is wrapped -01022008 __pursuance_NN_2 the continuance of something begun with a view to its completion -02599958 __mullet_NN_3 bottom dwelling marine warm water fishes with two barbels on the chin -09979321 __critic_NN_2 anyone who expresses a reasoned judgment of something -01756089 __western_rattlesnake_NN_1 widely distributed between the Mississippi and the Rockies -04022434 __slide_action_NN_1 action mechanism in a modern rifle or shotgun; a back and forward motion of a sliding lever ejects the empty shell case and cocks the firearm and loads a new round -08957381 __lebanon_NN_1 an Asian republic at east end of Mediterranean -08965598 __republic_of_mali_NN_1 a landlocked republic in northwestern Africa; achieved independence from France in 1960; Mali was a center of West African civilization for more than 4,000 years -06641181 __price_level_NN_1 an index that traces the relative changes in the price of an individual good (or a market basket of goods) over time -04694090 __burn_mark_NN_1 a place or area that has been burned (especially on a person's body) -03584829 __smoothing_iron_NN_1 home appliance consisting of a flat metal base that is heated and used to smooth cloth -02540637 __osmerus_NN_1 type genus of the Osmeridae -01619152 __genus_cathartes_NN_1 type genus of the Cathartidae: turkey vultures -04613158 __yoke_NN_6 a connection (like a clamp or vise) between two things so they move together -05399847 __blood_NN_1 the fluid (red in vertebrates) that is pumped through the body by the heart and contains plasma, blood cells, and platelets; "blood carries oxygen and nutrients to the tissues and carries away waste products"; "the ancients believed that blood was the seat of the emotions" -03763727 __military_quarters_NN_1 living quarters for personnel on a military post -01621635 __owlet_NN_1 young owl -12876032 __scrophulariaceae_NN_1 a family of dicotyledonous plants of the order Polemoniales; includes figwort and snapdragon and foxglove and toadflax and speedwell and mullein; in some classifications placed in the order Scrophulariales -08726305 __szechwan_province_NN_1 a populous province of south central China -00377169 __splintering_NN_1 the act of chipping something -13552270 __rusting_NN_1 the formation of reddish-brown ferric oxides on iron by low-temperature oxidation in the presence of water -02128286 __witness_VB_1 be a witness to; "She witnessed the accident and had to testify in court" -04978561 __nonsolid_colour_NN_1 a color produced by a pattern of differently colored dots that together simulate the desired color -13637376 __ampere_NN_2 the basic unit of electric current adopted under the Systeme International d'Unites; "a typical household circuit carries 15 to 50 amps" -11793403 __yautia_NN_1 tropical American aroid having edible tubers that are cooked and eaten like yams or potatoes -11818515 __vaccaria_NN_1 cow-cockles -09969718 __counterwoman_NN_1 someone who attends a counter (as in a diner) -11620673 __true_fir_NN_1 any of various evergreen trees of the genus Abies; chiefly of upland areas -03108193 __quadrisonic_JJ_1 of or relating to quadraphony; "his quadraphonic sound system" -02573075 __lopholatilus_NN_1 large brightly colored food fish of deep Atlantic waters -02421308 __genus_connochaetes_NN_1 African antelopes: gnus -08772551 __brunswick_NN_3 a city in central Germany -03956922 __works_NN_1 buildings for carrying on industrial labor; "they built a large plant to manufacture automobiles" -08254055 __gaudy_NN_1 (Britain) a celebratory reunion feast or entertainment held a college -02045024 __family_alcidae_NN_1 web-footed diving seabirds of northern seas: auks; puffins; guillemots; murres; etc. -04383130 __tack_NN_2 a short nail with a sharp point and a large head -02651846 __family_dactylopteridae_NN_1 flying gurnards -04263760 __source_of_illumination_NN_1 any device serving as a source of visible electromagnetic radiation -01223877 __dirty_tricks_NN_1 underhand commercial or political behavior designed to discredit an opponent -09135447 __erie_NN_3 a port city on Lake Erie in northwestern Pennsylvania -02291748 __clothes_moth_NN_1 any of several small yellowish or buff-colored moths whose larvae eat organic matter e.g. woolens -10749353 __veteran_NN_2 a person who has served in the armed forces -00028270 __time_NN_5 the continuum of experience in which events pass from the future through the present to the past -02514825 __bony_fish_NN_1 any fish of the class Osteichthyes -04447028 __toilet_bowl_NN_1 the bowl of a toilet that can be flushed with water -00196084 __switching_NN_1 the act of changing one thing or position for another; "his switch on abortion cost him the election" -02752615 __suspensor_NN_1 a support for the genitals worn by men engaging in strenuous exercise -04038440 __stand_NN_5 a support for displaying various articles; "the newspapers were arranged on a rack" -01122601 __expenditure_NN_2 the act of spending money for goods or services -02075296 __carnivore_NN_1 a terrestrial or aquatic flesh-eating mammal; "terrestrial carnivores have four or five clawed digits on each limb" -00794367 __trial_NN_3 the act of undergoing testing; "he survived the great test of battle"; "candidates must compete in a trial of skill" -03692942 __louvre_museum_NN_1 an art museum that is a famous tourist attraction in Paris -00884540 __plight_VB_2 promise solemnly and formally; "I pledge that I will honor my wife" -01599919 __subfamily_malaconotinae_NN_1 an African bush shrikes -14473917 __providence_NN_3 a manifestation of God's foresightful care for his creatures -00744305 __injury_NN_5 wrongdoing that violates another's rights and is unjustly inflicted -01808626 __turn_off_VB_3 cause to feel intense dislike or distaste -03439064 __glasswork_NN_1 an article of tableware made of glass -00048912 __frock_VB_1 put a frock on -03372656 __lescol_NN_1 least expensive statin drug (trade name Lescol); usually taken orally at bedtime -01107359 __affairs_NN_2 transactions of professional or public interest; "news of current affairs"; "great affairs of state" -05578740 __tendon_of_achilles_NN_1 a large tendon that runs from the heel to the calf -02040113 __genus_burhinus_NN_1 type genus of the Burhinidae: stone curlews -10227266 __junior_NN_3 the younger of two persons; "she is two years my junior" diff --git a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_record/do_tokenization.py b/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_record/do_tokenization.py deleted file mode 100644 index 994ace38c40a0d0b401daffffb8ec28b74b26f7b..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_record/do_tokenization.py +++ /dev/null @@ -1,308 +0,0 @@ -# -*- coding: utf-8 -*- -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -# This script performs the same tokenization process as run_record.py, dumping tokenization results -# compared with v1: add query and passage entity span in output - -import argparse -import logging -import json -import os -import pickle -from tqdm import tqdm, trange - -import tokenization - -logging.basicConfig(format = '%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt = '%m/%d/%Y %H:%M:%S', - level = logging.INFO) -logger = logging.getLogger(__name__) - -class ReCoRDExample(object): - """A single training/test example for simple sequence classification.""" - - def __init__(self, - qas_id, - question_text, - doc_tokens, - passage_entities, - orig_answer_text=None, - start_position=None, - end_position=None): - self.passage_entities = passage_entities - self.qas_id = qas_id - self.question_text = question_text - self.doc_tokens = doc_tokens - self.orig_answer_text = orig_answer_text - self.start_position = start_position - self.end_position = end_position - - def __str__(self): - return self.__repr__() - - def __repr__(self): - s = "" - s += "qas_id: %s" % (tokenization.printable_text(self.qas_id)) - s += ", question_text: %s" % ( - tokenization.printable_text(self.question_text)) - s += ", doc_tokens: [%s]" % (" ".join(self.doc_tokens)) - if self.start_position: - s += ", start_position: %d" % (self.start_position) - if self.start_position: - s += ", end_position: %d" % (self.end_position) - return s - -# the tokenization process when reading examples -def read_record_examples(input_file, is_training): - """Read a ReCoRD json file into a list of ReCoRDExample.""" - with open(input_file, "r") as reader: - input_data = json.load(reader)["data"] - - def is_whitespace(c): - if c == " " or c == "\t" or c == "\r" or c == "\n" or ord(c) == 0x202F: - return True - return False - - examples = [] - for entry in input_data: - paragraph_text = entry["passage"]["text"].replace('\xa0', ' ') - doc_tokens = [] - char_to_word_offset = [] - prev_is_whitespace = True - for c in paragraph_text: - if is_whitespace(c): - prev_is_whitespace = True - else: - if prev_is_whitespace: - doc_tokens.append(c) - else: - doc_tokens[-1] += c - prev_is_whitespace = False - char_to_word_offset.append(len(doc_tokens) - 1) - - # load entities in passage - passage_entities = [] - for entity in entry['passage']['entities']: - entity_start_offset = entity['start'] - entity_end_offset = entity['end'] - if entity_end_offset < entity_start_offset: # some error labeled entities in record dataset - continue - entity_text = paragraph_text[entity_start_offset: entity_end_offset + 1] - passage_entities.append({'orig_text': entity_text, - 'start_position': char_to_word_offset[entity_start_offset], - 'end_position': char_to_word_offset[entity_end_offset]}) - - for qa in entry["qas"]: - qas_id = qa["id"] - question_text = qa["query"].replace('\xa0', ' ') - start_position = None - end_position = None - orig_answer_text = None - if is_training: - # if len(qa["answers"]) != 1: - # raise ValueError( - # "For training, each question should have exactly 1 answer.") - answer = qa["answers"][0] - orig_answer_text = answer["text"] - answer_offset = answer["start"] - answer_length = len(orig_answer_text) - start_position = char_to_word_offset[answer_offset] - end_position = char_to_word_offset[answer_offset + answer_length - 1] - # Only add answers where the text can be exactly recovered from the - # document. If this CAN'T happen it's likely due to weird Unicode - # stuff so we will just skip the example. - # - # Note that this means for training mode, every example is NOT - # guaranteed to be preserved. - actual_text = " ".join(doc_tokens[start_position:(end_position + 1)]) - cleaned_answer_text = " ".join( - tokenization.whitespace_tokenize(orig_answer_text)) - if actual_text.find(cleaned_answer_text) == -1: - logger.warning("Could not find answer: '%s' vs. '%s'", - actual_text, cleaned_answer_text) - continue - - example = ReCoRDExample( - qas_id=qas_id, - question_text=question_text, - doc_tokens=doc_tokens, - passage_entities=passage_entities, - orig_answer_text=orig_answer_text, - start_position=start_position, - end_position=end_position) - examples.append(example) - return examples - -def _improve_entity_span(doc_tokens, input_start, input_end, tokenizer, - orig_entity_text): - """Returns token-level tokenized entity spans that better match the annotated entity.""" - tok_entity_text = " ".join(tokenizer.basic_tokenizer.tokenize(orig_entity_text)) - - for new_start in range(input_start, input_end + 1): - for new_end in range(input_end, new_start - 1, -1): - text_span = " ".join(doc_tokens[new_start:(new_end + 1)]) - if text_span == tok_entity_text: - return (new_start, new_end) - - return (input_start, input_end) - -def _is_real_subspan(start, end, other_start, other_end): - return (start >= other_start and end < other_end) or (start > other_start and end <= other_end) - -def match_query_entities(query_tokens, document_entities, document_tokens): - # transform query_tokens list into a whitespace separated string - query_string = " ".join(query_tokens) - offset_to_tid_map = [] - tid = 0 - for char in query_string: - offset_to_tid_map.append(tid) - if char == ' ': - tid += 1 - - # transform entity_tokens into whitespace separated strings - entity_strings = set() - for document_entity in document_entities: - entity_tokens = document_tokens[document_entity[1]: document_entity[2] + 1] - entity_strings.add(" ".join(entity_tokens)) - - # do matching - results = [] - for entity_string in entity_strings: - start = 0 - while True: - pos = query_string.find(entity_string, start) - if pos == -1: - break - token_start, token_end = offset_to_tid_map[pos], offset_to_tid_map[pos] + entity_string.count(' ') - # assure the match is not partial match (eg. "ville" matches to "danville") - if " ".join(query_tokens[token_start: token_end + 1]) == entity_string: - results.append((token_start, token_end)) - start = pos + len(entity_string) - - # filter out a result span if it's a subspan of another span - no_subspan_results = [] - for result in results: - if not any([_is_real_subspan(result[0], result[1], other_result[0], other_result[1]) for other_result in results]): - no_subspan_results.append((" ".join(query_tokens[result[0]: result[1] + 1]), result[0], result[1])) - assert len(no_subspan_results) == len(set(no_subspan_results)) - - return no_subspan_results - - -# the further tokenization process when generating features -def tokenization_on_examples(examples, tokenizer): - - tokenization_result = [] - for example in tqdm(examples): - # do tokenization on raw question text - query_subtokens = [] - query_sub_to_ori_index = [] # mapping from sub-token index to token index - query_tokens = tokenizer.basic_tokenizer.tokenize(example.question_text) - for index, token in enumerate(query_tokens): - for sub_token in tokenizer.wordpiece_tokenizer.tokenize(token): - query_subtokens.append(sub_token) - query_sub_to_ori_index.append(index) - - # do tokenization on whitespace tokenized document - document_tokens = [] - document_subtokens = [] - document_sub_to_ori_index = [] - document_up_to_ori_index = [] # map unpunc token index to tokenized token index - for unpunc_tokenized_tokens in example.doc_tokens: - tokens = tokenizer.basic_tokenizer.tokenize(unpunc_tokenized_tokens) # do punctuation tokenization - document_up_to_ori_index.append(len(document_tokens)) - for token in tokens: - for sub_token in tokenizer.wordpiece_tokenizer.tokenize(token): - document_subtokens.append(sub_token) - document_sub_to_ori_index.append(len(document_tokens)) - document_tokens.append(token) - - # generate token-level document entity index - document_entities = [] - for entity in example.passage_entities: - entity_start_position = document_up_to_ori_index[entity['start_position']] - entity_end_position = None - if entity['end_position'] < len(example.doc_tokens) - 1: - entity_end_position = document_up_to_ori_index[entity['end_position'] + 1] - 1 - else: - entity_end_position = len(document_tokens) - 1 - (entity_start_position, entity_end_position) = _improve_entity_span( - document_tokens, entity_start_position, entity_end_position, tokenizer, entity['orig_text']) - document_entities.append((entity['orig_text'], entity_start_position, entity_end_position)) # ('Trump', 10, 10) - - # match query to passage entities - query_entities = match_query_entities(query_tokens, document_entities, document_tokens) # [('trump', 10, 10)] - - tokenization_result.append({ - 'id': example.qas_id, - 'query_tokens': query_tokens, - 'query_subtokens': query_subtokens, - 'query_sub_to_ori_index': query_sub_to_ori_index, - 'query_entities': query_entities, - 'document_tokens': document_tokens, - 'document_subtokens': document_subtokens, - 'document_entities': document_entities, - 'document_sub_to_ori_index': document_sub_to_ori_index, - }) - - return tokenization_result - - -def main(): - parser = argparse.ArgumentParser() - - parser.add_argument("--output_dir", default='tokens', type=str, - help="The output directory to dump tokenization results.") - parser.add_argument("--train_file", default='../../data/ReCoRD/train.json', type=str, help="ReCoRD json for training. E.g., train-v1.1.json") - parser.add_argument("--predict_file", default='../../data/ReCoRD/dev.json', type=str, - help="ReCoRD json for predictions. E.g., dev-v1.1.json or test-v1.1.json") - # parser.add_argument("--do_lower_case", default=False, action='store_true', - # help="Whether to lower case the input text. Should be True for uncased " - # "models and False for cased models.") - # parser.add_argument('--dump_token', action='store_true', help='whether dump the token-level tokenization result') - # parser.add_argument('--dump_subtoken', action='store_true', help='whether dump the subtoken-level tokenization result, with its mapping with token-level result') - args = parser.parse_args() - - # make output directory if not exist - if not os.path.exists(args.output_dir): - os.mkdir(args.output_dir) - - # We do both cased and uncased tokenization - for do_lower_case in (True, False): - tokenizer = tokenization.FullTokenizer( - vocab_file='vocab.{}.txt'.format('uncased' if do_lower_case else 'cased'), do_lower_case=do_lower_case) - - train_examples = read_record_examples(input_file=args.train_file, is_training=True) - train_tokenization_result = tokenization_on_examples( - examples=train_examples, - tokenizer=tokenizer) - with open(os.path.join(args.output_dir, 'train.tokenization.{}.data'.format('uncased' if do_lower_case else 'cased')), 'wb') as fout: - pickle.dump(train_tokenization_result, fout) - - logger.info('Finished {} tokenization for train set.'.format('uncased' if do_lower_case else 'cased')) - - eval_examples = read_record_examples(input_file=args.predict_file, is_training=False) - eval_tokenization_result = tokenization_on_examples( - examples=eval_examples, - tokenizer=tokenizer) - with open(os.path.join(args.output_dir, 'dev.tokenization.{}.data'.format('uncased' if do_lower_case else 'cased')), 'wb') as fout: - pickle.dump(eval_tokenization_result, fout) - - logger.info('Finished {} tokenization for dev set.'.format('uncased' if do_lower_case else 'cased')) - -if __name__ == "__main__": - main() diff --git a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_record/tokenization.py b/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_record/tokenization.py deleted file mode 100644 index 8cf83720d9ec212244f4659236e2436ab1245116..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_record/tokenization.py +++ /dev/null @@ -1,333 +0,0 @@ -# coding=utf-8 -# Copyright 2018 The Google AI Language Team Authors and The HugginFace Inc. team. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Tokenization classes.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import collections -import unicodedata -import six - - -def convert_to_unicode(text): - """Converts `text` to Unicode (if it's not already), assuming utf-8 input.""" - if six.PY3: - if isinstance(text, str): - return text - elif isinstance(text, bytes): - return text.decode("utf-8", "ignore") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - elif six.PY2: - if isinstance(text, str): - return text.decode("utf-8", "ignore") - elif isinstance(text, unicode): - return text - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - else: - raise ValueError("Not running on Python2 or Python 3?") - - -def printable_text(text): - """Returns text encoded in a way suitable for print or `tf.logging`.""" - - # These functions want `str` for both Python2 and Python3, but in one case - # it's a Unicode string and in the other it's a byte string. - if six.PY3: - if isinstance(text, str): - return text - elif isinstance(text, bytes): - return text.decode("utf-8", "ignore") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - elif six.PY2: - if isinstance(text, str): - return text - elif isinstance(text, unicode): - return text.encode("utf-8") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - else: - raise ValueError("Not running on Python2 or Python 3?") - - -def load_vocab(vocab_file): - """Loads a vocabulary file into a dictionary.""" - vocab = collections.OrderedDict() - index = 0 - with open(vocab_file, "r") as reader: - while True: - token = convert_to_unicode(reader.readline()) - if not token: - break - token = token.strip() - vocab[token] = index - index += 1 - return vocab - - -def convert_tokens_to_ids(vocab, tokens): - """Converts a sequence of tokens into ids using the vocab.""" - ids = [] - for token in tokens: - ids.append(vocab[token]) - return ids - - -def whitespace_tokenize(text): - """Runs basic whitespace cleaning and splitting on a peice of text.""" - text = text.strip() - if not text: - return [] - tokens = text.split() - return tokens - - -class FullTokenizer(object): - """Runs end-to-end tokenziation.""" - - def __init__(self, vocab_file, do_lower_case=True): - self.vocab = load_vocab(vocab_file) - self.basic_tokenizer = BasicTokenizer(do_lower_case=do_lower_case) - self.wordpiece_tokenizer = WordpieceTokenizer(vocab=self.vocab) - - def tokenize(self, text): - split_tokens = [] - for token in self.basic_tokenizer.tokenize(text): - for sub_token in self.wordpiece_tokenizer.tokenize(token): - split_tokens.append(sub_token) - - return split_tokens - - def convert_tokens_to_ids(self, tokens): - return convert_tokens_to_ids(self.vocab, tokens) - - -class BasicTokenizer(object): - """Runs basic tokenization (punctuation splitting, lower casing, etc.).""" - - def __init__(self, do_lower_case=True): - """Constructs a BasicTokenizer. - - Args: - do_lower_case: Whether to lower case the input. - """ - self.do_lower_case = do_lower_case - - def tokenize(self, text): - """Tokenizes a piece of text.""" - text = convert_to_unicode(text) - text = self._clean_text(text) - # This was added on November 1st, 2018 for the multilingual and Chinese - # models. This is also applied to the English models now, but it doesn't - # matter since the English models were not trained on any Chinese data - # and generally don't have any Chinese data in them (there are Chinese - # characters in the vocabulary because Wikipedia does have some Chinese - # words in the English Wikipedia.). - text = self._tokenize_chinese_chars(text) - orig_tokens = whitespace_tokenize(text) - split_tokens = [] - for token in orig_tokens: - if self.do_lower_case: - token = token.lower() - token = self._run_strip_accents(token) - split_tokens.extend(self._run_split_on_punc(token)) - - output_tokens = whitespace_tokenize(" ".join(split_tokens)) - return output_tokens - - def _run_strip_accents(self, text): - """Strips accents from a piece of text.""" - text = unicodedata.normalize("NFD", text) - output = [] - for char in text: - cat = unicodedata.category(char) - if cat == "Mn": - continue - output.append(char) - return "".join(output) - - def _run_split_on_punc(self, text): - """Splits punctuation on a piece of text.""" - chars = list(text) - i = 0 - start_new_word = True - output = [] - while i < len(chars): - char = chars[i] - if _is_punctuation(char): - output.append([char]) - start_new_word = True - else: - if start_new_word: - output.append([]) - start_new_word = False - output[-1].append(char) - i += 1 - - return ["".join(x) for x in output] - - def _tokenize_chinese_chars(self, text): - """Adds whitespace around any CJK character.""" - output = [] - for char in text: - cp = ord(char) - if self._is_chinese_char(cp): - output.append(" ") - output.append(char) - output.append(" ") - else: - output.append(char) - return "".join(output) - - def _is_chinese_char(self, cp): - """Checks whether CP is the codepoint of a CJK character.""" - # This defines a "chinese character" as anything in the CJK Unicode block: - # https://en.wikipedia.org/wiki/CJK_Unified_Ideographs_(Unicode_block) - # - # Note that the CJK Unicode block is NOT all Japanese and Korean characters, - # despite its name. The modern Korean Hangul alphabet is a different block, - # as is Japanese Hiragana and Katakana. Those alphabets are used to write - # space-separated words, so they are not treated specially and handled - # like the all of the other languages. - if ((cp >= 0x4E00 and cp <= 0x9FFF) or # - (cp >= 0x3400 and cp <= 0x4DBF) or # - (cp >= 0x20000 and cp <= 0x2A6DF) or # - (cp >= 0x2A700 and cp <= 0x2B73F) or # - (cp >= 0x2B740 and cp <= 0x2B81F) or # - (cp >= 0x2B820 and cp <= 0x2CEAF) or - (cp >= 0xF900 and cp <= 0xFAFF) or # - (cp >= 0x2F800 and cp <= 0x2FA1F)): # - return True - - return False - - def _clean_text(self, text): - """Performs invalid character removal and whitespace cleanup on text.""" - output = [] - for char in text: - cp = ord(char) - if cp == 0 or cp == 0xfffd or _is_control(char): - continue - if _is_whitespace(char): - output.append(" ") - else: - output.append(char) - return "".join(output) - - -class WordpieceTokenizer(object): - """Runs WordPiece tokenization.""" - - def __init__(self, vocab, unk_token="[UNK]", max_input_chars_per_word=100): - self.vocab = vocab - self.unk_token = unk_token - self.max_input_chars_per_word = max_input_chars_per_word - - def tokenize(self, text): - """Tokenizes a piece of text into its word pieces. - - This uses a greedy longest-match-first algorithm to perform tokenization - using the given vocabulary. - - For example: - input = "unaffable" - output = ["un", "##aff", "##able"] - - Args: - text: A single token or whitespace separated tokens. This should have - already been passed through `BasicTokenizer. - - Returns: - A list of wordpiece tokens. - """ - - text = convert_to_unicode(text) - - output_tokens = [] - for token in whitespace_tokenize(text): - chars = list(token) - if len(chars) > self.max_input_chars_per_word: - output_tokens.append(self.unk_token) - continue - - is_bad = False - start = 0 - sub_tokens = [] - while start < len(chars): - end = len(chars) - cur_substr = None - while start < end: - substr = "".join(chars[start:end]) - if start > 0: - substr = "##" + substr - if substr in self.vocab: - cur_substr = substr - break - end -= 1 - if cur_substr is None: - is_bad = True - break - sub_tokens.append(cur_substr) - start = end - - if is_bad: - output_tokens.append(self.unk_token) - else: - output_tokens.extend(sub_tokens) - return output_tokens - - -def _is_whitespace(char): - """Checks whether `chars` is a whitespace character.""" - # \t, \n, and \r are technically contorl characters but we treat them - # as whitespace since they are generally considered as such. - if char == " " or char == "\t" or char == "\n" or char == "\r": - return True - cat = unicodedata.category(char) - if cat == "Zs": - return True - return False - - -def _is_control(char): - """Checks whether `chars` is a control character.""" - # These are technically control characters but we count them as whitespace - # characters. - if char == "\t" or char == "\n" or char == "\r": - return False - cat = unicodedata.category(char) - if cat.startswith("C"): - return True - return False - - -def _is_punctuation(char): - """Checks whether `chars` is a punctuation character.""" - cp = ord(char) - # We treat all non-letter/number ASCII as punctuation. - # Characters such as "^", "$", and "`" are not in the Unicode - # Punctuation class but we treat them as punctuation anyways, for - # consistency. - if ((cp >= 33 and cp <= 47) or (cp >= 58 and cp <= 64) or - (cp >= 91 and cp <= 96) or (cp >= 123 and cp <= 126)): - return True - cat = unicodedata.category(char) - if cat.startswith("P"): - return True - return False diff --git a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_record/vocab.cased.txt b/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_record/vocab.cased.txt deleted file mode 100644 index 2ea941cc79a6f3d7985ca6991ef4f67dad62af04..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_record/vocab.cased.txt +++ /dev/null @@ -1,28996 +0,0 @@ -[PAD] -[unused1] -[unused2] -[unused3] -[unused4] -[unused5] -[unused6] -[unused7] -[unused8] -[unused9] -[unused10] -[unused11] -[unused12] -[unused13] -[unused14] -[unused15] -[unused16] -[unused17] -[unused18] -[unused19] -[unused20] -[unused21] -[unused22] -[unused23] -[unused24] -[unused25] -[unused26] -[unused27] -[unused28] -[unused29] -[unused30] -[unused31] -[unused32] -[unused33] -[unused34] -[unused35] -[unused36] -[unused37] -[unused38] -[unused39] -[unused40] -[unused41] -[unused42] -[unused43] -[unused44] -[unused45] -[unused46] -[unused47] -[unused48] -[unused49] -[unused50] -[unused51] -[unused52] -[unused53] -[unused54] -[unused55] -[unused56] -[unused57] -[unused58] -[unused59] -[unused60] -[unused61] -[unused62] -[unused63] -[unused64] -[unused65] -[unused66] -[unused67] -[unused68] -[unused69] -[unused70] -[unused71] -[unused72] -[unused73] -[unused74] -[unused75] -[unused76] -[unused77] -[unused78] -[unused79] -[unused80] -[unused81] -[unused82] -[unused83] -[unused84] -[unused85] -[unused86] -[unused87] -[unused88] -[unused89] -[unused90] -[unused91] -[unused92] -[unused93] -[unused94] -[unused95] -[unused96] -[unused97] -[unused98] -[unused99] -[UNK] -[CLS] -[SEP] -[MASK] -[unused100] -[unused101] -! -" -# -$ -% -& -' -( -) -* -+ -, -- -. -/ -0 -1 -2 -3 -4 -5 -6 -7 -8 -9 -: -; -< -= -> -? -@ -A -B -C -D -E -F -G -H -I -J -K -L -M -N -O -P -Q -R -S -T -U -V -W -X -Y -Z -[ -\ -] -^ -_ -` -a -b -c -d -e -f -g -h -i -j -k -l -m -n -o -p -q -r -s -t -u -v -w -x -y -z -{ -| -} -~ -¡ -¢ -£ -¥ -§ -¨ -© -ª -« -¬ -® -° -± -² -³ -´ -µ -¶ -· -¹ -º -» -¼ -½ -¾ -¿ -À -Á - -Ä -Å -Æ -Ç -È -É -Í -Î -Ñ -Ó -Ö -× -Ø -Ú -Ü -Þ -ß -à -á -â -ã -ä -å -æ -ç -è -é -ê -ë -ì -í -î -ï -ð -ñ -ò -ó -ô -õ -ö -÷ -ø -ù -ú -û -ü -ý -þ -ÿ -Ā -ā -ă -ą -Ć -ć -Č -č -ď -Đ -đ -ē -ė -ę -ě -ğ -ġ -Ħ -ħ -ĩ -Ī -ī -İ -ı -ļ -Ľ -ľ -Ł -ł -ń -ņ -ň -ŋ -Ō -ō -ŏ -ő -Œ -œ -ř -Ś -ś -Ş -ş -Š -š -Ţ -ţ -ť -ũ -ū -ŭ -ů -ű -ų -ŵ -ŷ -ź -Ż -ż -Ž -ž -Ə -ƒ -ơ -ư -ǎ -ǐ -ǒ -ǔ -ǫ -Ș -ș -Ț -ț -ɐ -ɑ -ɔ -ɕ -ə -ɛ -ɡ -ɣ -ɨ -ɪ -ɲ -ɾ -ʀ -ʁ -ʂ -ʃ -ʊ -ʋ -ʌ -ʐ -ʑ -ʒ -ʔ -ʰ -ʲ -ʳ -ʷ -ʻ -ʼ -ʾ -ʿ -ˈ -ː -ˡ -ˢ -ˣ -́ -̃ -̍ -̯ -͡ -Α -Β -Γ -Δ -Ε -Η -Θ -Ι -Κ -Λ -Μ -Ν -Ο -Π -Σ -Τ -Φ -Χ -Ψ -Ω -ά -έ -ή -ί -α -β -γ -δ -ε -ζ -η -θ -ι -κ -λ -μ -ν -ξ -ο -π -ρ -ς -σ -τ -υ -φ -χ -ψ -ω -ό -ύ -ώ -І -Ј -А -Б -В -Г -Д -Е -Ж -З -И -К -Л -М -Н -О -П -Р -С -Т -У -Ф -Х -Ц -Ч -Ш -Э -Ю -Я -а -б -в -г -д -е -ж -з -и -й -к -л -м -н -о -п -р -с -т -у -ф -х -ц -ч -ш -щ -ъ -ы -ь -э -ю -я -ё -і -ї -ј -њ -ћ -Ա -Հ -ա -ե -ի -կ -մ -յ -ն -ո -ս -տ -ր -ւ -ְ -ִ -ֵ -ֶ -ַ -ָ -ֹ -ּ -א -ב -ג -ד -ה -ו -ז -ח -ט -י -כ -ל -ם -מ -ן -נ -ס -ע -פ -צ -ק -ר -ש -ת -، -ء -آ -أ -إ -ئ -ا -ب -ة -ت -ث -ج -ح -خ -د -ذ -ر -ز -س -ش -ص -ض -ط -ظ -ع -غ -ف -ق -ك -ل -م -ن -ه -و -ى -ي -َ -ِ -ٹ -پ -چ -ک -گ -ہ -ی -ے -ं -आ -क -ग -च -ज -ण -त -द -ध -न -प -ब -भ -म -य -र -ल -व -श -ष -स -ह -ा -ि -ी -ु -े -ो -् -। -॥ -আ -ই -এ -ও -ক -খ -গ -চ -ছ -জ -ট -ত -থ -দ -ধ -ন -প -ব -ম -য -র -ল -শ -স -হ -় -া -ি -ী -ু -ে -ো -্ -য় -க -த -ப -ம -ய -ர -ல -வ -ா -ி -ு -் -ร -་ -ག -ང -ད -ན -བ -མ -ར -ལ -ས -ི -ུ -ེ -ོ -ა -ე -ი -ლ -ნ -ო -რ -ს -ᴬ -ᴵ -ᵀ -ᵃ -ᵇ -ᵈ -ᵉ -ᵍ -ᵏ -ᵐ -ᵒ -ᵖ -ᵗ -ᵘ -ᵢ -ᵣ -ᵤ -ᵥ -ᶜ -ᶠ -ḍ -Ḥ -ḥ -Ḩ -ḩ -ḳ -ṃ -ṅ -ṇ -ṛ -ṣ -ṭ -ạ -ả -ấ -ầ -ẩ -ậ -ắ -ế -ề -ể -ễ -ệ -ị -ọ -ố -ồ -ổ -ộ -ớ -ờ -ợ -ụ -ủ -ứ -ừ -ử -ữ -ự -ỳ -ỹ -ἀ -ἐ -ὁ -ὐ -ὰ -ὶ -ὸ -ῆ -ῖ -ῦ -ῶ -‐ -‑ -‒ -– -— -― -‖ -‘ -’ -‚ -“ -” -„ -† -‡ -• -… -‰ -′ -″ -⁄ -⁰ -ⁱ -⁴ -⁵ -⁶ -⁷ -⁸ -⁹ -⁺ -⁻ -ⁿ -₀ -₁ -₂ -₃ -₄ -₅ -₆ -₇ -₈ -₉ -₊ -₍ -₎ -ₐ -ₑ -ₒ -ₓ -ₕ -ₖ -ₘ -ₙ -ₚ -ₛ -ₜ -₤ -€ -₱ -₹ -ℓ -№ -ℝ -⅓ -← -↑ -→ -↔ -⇌ -⇒ -∂ -∈ -− -∗ -∘ -√ -∞ -∧ -∨ -∩ -∪ -≈ -≠ -≡ -≤ -≥ -⊂ -⊆ -⊕ -⋅ -─ -│ -■ -● -★ -☆ -☉ -♠ -♣ -♥ -♦ -♭ -♯ -⟨ -⟩ -ⱼ -、 -。 -《 -》 -「 -」 -『 -』 -〜 -い -う -え -お -か -き -く -け -こ -さ -し -す -せ -そ -た -ち -つ -て -と -な -に -の -は -ひ -ま -み -む -め -も -や -ゆ -よ -ら -り -る -れ -ん -ア -ィ -イ -ウ -エ -オ -カ -ガ -キ -ク -グ -コ -サ -シ -ジ -ス -ズ -タ -ダ -ッ -テ -デ -ト -ド -ナ -ニ -ハ -バ -パ -フ -ブ -プ -マ -ミ -ム -ャ -ュ -ラ -リ -ル -レ -ロ -ン -・ -ー -一 -三 -上 -下 -中 -事 -二 -井 -京 -人 -亻 -仁 -佐 -侍 -光 -公 -力 -北 -十 -南 -原 -口 -史 -司 -吉 -同 -和 -囗 -国 -國 -土 -城 -士 -大 -天 -太 -夫 -女 -子 -宀 -安 -宮 -宿 -小 -尚 -山 -島 -川 -州 -平 -年 -心 -愛 -戸 -文 -新 -方 -日 -明 -星 -書 -月 -木 -本 -李 -村 -東 -松 -林 -正 -武 -氏 -水 -氵 -江 -河 -海 -版 -犬 -王 -生 -田 -白 -皇 -省 -真 -石 -社 -神 -竹 -美 -義 -花 -藤 -西 -谷 -車 -辶 -道 -郎 -郡 -部 -野 -金 -長 -門 -陽 -青 -食 -馬 -高 -龍 -龸 -사 -씨 -의 -이 -한 -fi -fl -! -( -) -, -- -/ -: -the -of -and -to -in -was -The -is -for -as -on -with -that -##s -his -by -he -at -from -it -her -He -had -an -were -you -be -In -she -are -but -which -It -not -or -have -my -him -one -this -me -has -also -up -their -first -out -who -been -they -She -into -all -would -its -##ing -time -two -##a -##e -said -about -when -over -more -other -can -after -back -them -then -##ed -there -like -so -only -##n -could -##d -##i -##y -what -no -##o -where -This -made -than -if -You -##ly -through -we -before -##r -just -some -##er -years -do -New -##t -down -between -new -now -will -three -most -On -around -year -used -such -being -well -during -They -know -against -under -later -did -part -known -off -while -His -re -... -##l -people -until -way -American -didn -University -your -both -many -get -United -became -head -There -second -As -work -any -But -still -again -born -even -eyes -After -including -de -took -And -long -team -season -family -see -right -same -called -name -because -film -don -10 -found -much -school -##es -going -won -place -away -We -day -left -John -000 -hand -since -World -these -how -make -number -each -life -area -man -four -go -No -here -very -National -##m -played -released -never -began -States -album -home -last -too -held -several -May -own -##on -take -end -School -##h -ll -series -What -want -use -another -city -When -2010 -side -At -may -That -came -face -June -think -game -those -high -March -early -September -##al -2011 -looked -July -state -small -thought -went -January -October -##u -based -August -##us -world -good -April -York -us -12 -2012 -2008 -For -2009 -group -along -few -South -little -##k -following -November -something -2013 -December -set -2007 -old -2006 -2014 -located -##an -music -County -City -former -##in -room -ve -next -All -##man -got -father -house -##g -body -15 -20 -18 -started -If -2015 -town -our -line -War -large -population -named -British -company -member -five -My -single -##en -age -State -moved -February -11 -Her -should -century -government -built -come -best -show -However -within -look -men -door -without -need -wasn -2016 -water -One -system -knew -every -died -League -turned -asked -North -St -wanted -building -received -song -served -though -felt -##ia -station -band -##ers -local -public -himself -different -death -say -##1 -30 -##2 -2005 -16 -night -behind -children -English -members -near -saw -together -son -14 -voice -village -13 -hands -help -##3 -due -French -London -top -told -open -published -third -2017 -play -across -During -put -final -often -include -25 -##le -main -having -2004 -once -ever -let -book -led -gave -late -front -find -club -##4 -German -included -species -College -form -opened -mother -women -enough -West -must -2000 -power -really -17 -making -half -##6 -order -might -##is -given -million -times -days -point -full -service -With -km -major -##7 -original -become -seen -II -north -six -##te -love -##0 -national -International -##5 -24 -So -District -lost -run -couldn -career -always -##9 -2003 -##th -country -##z -House -air -tell -south -worked -woman -player -##A -almost -war -River -##ic -married -continued -Then -James -close -black -short -##8 -##na -using -history -returned -light -car -##ra -sure -William -things -General -##ry -2002 -better -support -100 -among -From -feet -King -anything -21 -19 -established -district -2001 -feel -great -##ton -level -Cup -These -written -games -others -already -title -story -##p -law -thing -US -record -role -however -By -students -England -white -control -least -inside -land -##C -22 -give -community -hard -##ie -non -##c -produced -George -round -period -Park -business -various -##ne -does -present -wife -far -taken -per -reached -David -able -version -working -young -live -created -joined -East -living -appeared -case -High -done -23 -important -President -Award -France -position -office -looking -total -general -class -To -production -##S -football -party -brother -keep -mind -free -Street -hair -announced -development -either -nothing -moment -Church -followed -wrote -why -India -San -election -1999 -lead -How -##ch -##rs -words -European -course -considered -America -arms -Army -political -##la -28 -26 -west -east -ground -further -church -less -site -First -Not -Australia -toward -California -##ness -described -works -An -Council -heart -past -military -27 -##or -heard -field -human -soon -founded -1998 -playing -trying -##x -##ist -##ta -television -mouth -although -taking -win -fire -Division -##ity -Party -Royal -program -Some -Don -Association -According -tried -TV -Paul -outside -daughter -Best -While -someone -match -recorded -Canada -closed -region -Air -above -months -elected -##da -##ian -road -##ar -brought -move -1997 -leave -##um -Thomas -1996 -am -low -Robert -formed -person -services -points -Mr -miles -##b -stop -rest -doing -needed -international -release -floor -start -sound -call -killed -real -dark -research -finished -language -Michael -professional -change -sent -50 -upon -29 -track -hit -event -2018 -term -example -Germany -similar -return -##ism -fact -pulled -stood -says -ran -information -yet -result -developed -girl -##re -God -1995 -areas -signed -decided -##ment -Company -seemed -##el -co -turn -race -common -video -Charles -Indian -##ation -blood -art -red -##able -added -rather -1994 -met -director -addition -design -average -minutes -##ies -##ted -available -bed -coming -friend -idea -kind -Union -Road -remained -##ting -everything -##ma -running -care -finally -Chinese -appointed -1992 -Australian -##ley -popular -mean -teams -probably -##land -usually -project -social -Championship -possible -word -Russian -instead -mi -herself -##T -Peter -Hall -Center -seat -style -money -1993 -else -Department -table -Music -current -31 -features -special -events -character -Two -square -sold -debut -##v -process -Although -Since -##ka -40 -Central -currently -education -placed -lot -China -quickly -forward -seven -##ling -Europe -arm -performed -Japanese -1991 -Henry -Now -Dr -##ion -week -Group -myself -big -UK -Washington -ten -deep -1990 -Club -Japan -space -La -directed -smile -episode -hours -whole -##de -##less -Why -wouldn -designed -strong -training -changed -Society -stage -involved -hadn -towards -leading -police -eight -kept -Institute -study -largest -child -eventually -private -modern -Court -throughout -getting -originally -attack -##E -talk -Great -longer -songs -alone -##ine -wide -dead -walked -shot -##ri -Oh -force -##st -Art -today -friends -Island -Richard -1989 -center -construction -believe -size -White -ship -completed -##B -gone -Just -rock -sat -##R -radio -below -entire -families -league -includes -type -lived -official -range -hold -featured -Most -##ter -president -passed -means -##f -forces -lips -Mary -Do -guitar -##ce -food -wall -Of -spent -Its -performance -hear -##P -Western -reported -sister -##et -morning -##M -especially -##ive -Minister -itself -post -bit -groups -1988 -##tion -Black -##ng -Well -raised -sometimes -Canadian -Paris -Spanish -replaced -schools -Academy -leaving -central -female -Christian -Jack -whose -college -onto -provided -##D -##ville -players -actually -stopped -##son -Museum -doesn -##ts -books -fight -allowed -##ur -beginning -Records -awarded -parents -coach -##os -Red -saying -##ck -Smith -Yes -Lake -##L -aircraft -1987 -##ble -previous -ft -action -Italian -African -happened -vocals -Act -future -court -##ge -1986 -degree -phone -##ro -Is -countries -winning -breath -Love -river -matter -Lord -Other -list -self -parts -##ate -provide -cut -shows -plan -1st -interest -##ized -Africa -stated -Sir -fell -owned -earlier -ended -competition -attention -1985 -lower -nearly -bad -older -stay -Saint -##se -certain -1984 -fingers -blue -try -fourth -Grand -##as -king -##nt -makes -chest -movement -states -moving -data -introduced -model -date -section -Los -deal -##I -skin -entered -middle -success -Texas -##w -summer -island -##N -Republic -length -husband -1980 -##ey -reason -anyone -forced -via -base -500 -job -covered -Festival -Roman -successful -rights -cover -Man -writing -Ireland -##F -related -goal -takes -buildings -true -weeks -1983 -Because -opening -novel -ISBN -meet -gold -##ous -mid -km² -standing -Football -Chicago -shook -whom -##ki -1982 -Day -feeling -scored -boy -higher -Force -leader -heavy -fall -question -sense -army -Second -energy -meeting -themselves -kill -##am -board -census -##ya -##ns -mine -meant -market -required -battle -campaign -attended -approximately -Kingdom -runs -active -##ha -contract -clear -previously -health -1979 -Arts -complete -Catholic -couple -units -##ll -##ty -Committee -shoulder -sea -systems -listed -##O -caught -tournament -##G -northern -author -Film -Your -##men -holding -offered -personal -1981 -southern -artist -traditional -studio -200 -capital -##ful -regular -ask -giving -organization -month -news -Are -read -managed -helped -studied -student -defeated -natural -industry -Year -noted -decision -Government -quite -##id -smiled -1972 -Maybe -tracks -##ke -Mark -al -media -engine -hour -Their -relationship -plays -property -structure -1976 -ago -Hill -Martin -1978 -ready -Many -Like -Bay -immediately -generally -Italy -Greek -practice -caused -division -significant -Joseph -speed -Let -thinking -completely -1974 -primary -mostly -##field -##K -1975 -##to -Even -writer -##led -dropped -magazine -collection -understand -route -highest -particular -films -lines -network -Science -loss -carried -direction -green -1977 -location -producer -according -Women -Queen -neck -thus -independent -view -1970 -Angeles -Soviet -distance -problem -Board -tour -western -income -appearance -access -Mexico -nodded -street -surface -arrived -believed -Old -1968 -1973 -becoming -whether -1945 -figure -singer -stand -Following -issue -window -wrong -pain -everyone -lives -issues -park -slowly -la -act -##va -bring -Lee -operations -key -comes -fine -cold -famous -Navy -1971 -Me -additional -individual -##ner -Zealand -goals -county -contains -Service -minute -2nd -reach -talking -particularly -##ham -movie -Director -glass -paper -studies -##co -railway -standard -Education -45 -represented -Chief -Louis -launched -Star -terms -60 -1969 -experience -watched -Another -Press -Tom -staff -starting -subject -break -Virginia -nine -eye -##age -evidence -foot -##est -companies -Prince -##V -gun -create -Big -People -guy -Green -simply -numerous -##line -increased -twenty -##ga -##do -1967 -award -officer -stone -Before -material -Northern -grew -male -plant -Life -legs -step -Al -unit -35 -except -answer -##U -report -response -Edward -commercial -edition -trade -science -##ca -Irish -Law -shown -rate -failed -##ni -remains -changes -mm -limited -larger -Later -cause -waiting -Time -##wood -cost -Bill -manager -activities -likely -allow -operated -retired -##ping -65 -directly -Who -associated -effect -hell -Florida -straight -hot -Valley -management -girls -expected -eastern -Mike -chance -cast -centre -chair -hurt -problems -##li -walk -programs -Team -characters -Battle -edge -pay -maybe -corner -majority -medical -Joe -Summer -##io -attempt -Pacific -command -Radio -##by -names -municipality -1964 -train -economic -Brown -feature -sex -source -agreed -remember -Three -1966 -1965 -Pennsylvania -victory -senior -annual -III -Southern -results -Sam -serving -religious -Jones -appears -##der -despite -claimed -Both -musical -matches -fast -security -selected -Young -double -complex -hospital -chief -Times -##ve -Championships -filled -Public -Despite -beautiful -Research -plans -Province -##ally -Wales -##ko -artists -metal -nearby -Spain -##il -32 -houses -supported -piece -##no -stared -recording -nature -legal -Russia -##ization -remaining -looks -##sh -bridge -closer -cases -scene -marriage -Little -##é -uses -Earth -specific -Frank -theory -Good -discovered -referred -bass -culture -university -presented -Congress -##go -metres -continue -1960 -isn -Awards -meaning -cell -composed -separate -Series -forms -Blue -cross -##tor -increase -test -computer -slightly -Where -Jewish -Town -tree -status -1944 -variety -responsible -pretty -initially -##way -realized -pass -provides -Captain -Alexander -recent -score -broke -Scott -drive -financial -showed -Line -stories -ordered -soldiers -genus -operation -gaze -sitting -society -Only -hope -actor -follow -Empire -Yeah -technology -happy -focus -policy -spread -situation -##ford -##ba -Mrs -watch -Can -1963 -Commission -touch -earned -troops -Under -1962 -individuals -cannot -19th -##lin -mile -expression -exactly -suddenly -weight -dance -stepped -places -appear -difficult -Railway -anti -numbers -kilometres -star -##ier -department -ice -Britain -removed -Once -##lo -Boston -value -##ant -mission -trees -Order -sports -join -serve -Major -poor -Poland -mainly -Theatre -pushed -Station -##it -Lady -federal -silver -##ler -foreign -##ard -Eastern -##den -box -hall -subsequently -lies -acquired -1942 -ancient -CD -History -Jean -beyond -##ger -El -##les -growing -championship -native -Parliament -Williams -watching -direct -overall -offer -Also -80 -Secretary -spoke -Latin -ability -##ated -safe -presence -##ial -headed -regional -planned -1961 -Johnson -throat -consists -##W -extended -Or -bar -walls -Chris -stations -politician -Olympics -influence -share -fighting -speak -hundred -Carolina -die -stars -##tic -color -Chapter -##ish -fear -sleep -goes -Francisco -oil -Bank -sign -physical -##berg -Dutch -seasons -##rd -Games -Governor -sorry -lack -Centre -memory -baby -smaller -charge -Did -multiple -ships -shirt -Assembly -amount -leaves -3rd -Foundation -conditions -1943 -Rock -Democratic -Daniel -##at -winner -products -##ina -store -latter -Professor -civil -prior -host -1956 -soft -vote -needs -Each -rules -1958 -pressure -letter -normal -proposed -levels -records -1959 -paid -intended -Victoria -purpose -okay -historical -issued -1980s -broadcast -rule -simple -picked -firm -Sea -1941 -Elizabeth -1940 -serious -featuring -highly -graduated -mentioned -choice -1948 -replied -percent -Scotland -##hi -females -constructed -1957 -settled -Steve -recognized -cities -crew -glanced -kiss -competed -flight -knowledge -editor -More -Conference -##H -fifth -elements -##ee -##tes -function -newspaper -recently -Miss -cultural -brown -twice -Office -1939 -truth -Creek -1946 -households -USA -1950 -quality -##tt -border -seconds -destroyed -pre -wait -ahead -build -image -90 -cars -##mi -33 -promoted -professor -et -bank -medal -text -broken -Middle -revealed -sides -wing -seems -channel -1970s -Ben -loved -effort -officers -Will -##ff -70 -Israel -Jim -upper -fully -label -Jr -assistant -powerful -pair -positive -##ary -gives -1955 -20th -races -remain -kitchen -primarily -##ti -Sydney -easy -Tour -whispered -buried -300 -News -Polish -1952 -Duke -Columbia -produce -accepted -00 -approach -minor -1947 -Special -44 -Asian -basis -visit -Fort -Civil -finish -formerly -beside -leaned -##ite -median -rose -coast -effects -supposed -Cross -##hip -Corps -residents -Jackson -##ir -Bob -basketball -36 -Asia -seem -Bishop -Book -##ber -ring -##ze -owner -BBC -##ja -transferred -acting -De -appearances -walking -Le -press -grabbed -1954 -officially -1953 -##pe -risk -taught -review -##X -lay -##well -council -Avenue -seeing -losing -Ohio -Super -province -ones -travel -##sa -projects -equipment -spot -Berlin -administrative -heat -potential -shut -capacity -elections -growth -fought -Republican -mixed -Andrew -teacher -turning -strength -shoulders -beat -wind -1949 -Health -follows -camp -suggested -perhaps -Alex -mountain -contact -divided -candidate -fellow -34 -Show -necessary -workers -ball -horse -ways -questions -protect -gas -activity -younger -bottom -founder -Scottish -screen -treatment -easily -com -##house -dedicated -Master -warm -Night -Georgia -Long -von -##me -perfect -website -1960s -piano -efforts -##ide -Tony -sort -offers -Development -Simon -executive -##nd -save -Over -Senate -1951 -1990s -draw -master -Police -##ius -renamed -boys -initial -prominent -damage -Co -##ov -##za -online -begin -occurred -captured -youth -Top -account -tells -Justice -conducted -forest -##town -bought -teeth -Jersey -##di -purchased -agreement -Michigan -##ure -campus -prison -becomes -product -secret -guess -Route -huge -types -drums -64 -split -defeat -estate -housing -##ot -brothers -Coast -declared -happen -titled -therefore -sun -commonly -alongside -Stadium -library -Home -article -steps -telling -slow -assigned -refused -laughed -wants -Nick -wearing -Rome -Open -##ah -Hospital -pointed -Taylor -lifted -escape -participated -##j -drama -parish -Santa -##per -organized -mass -pick -Airport -gets -Library -unable -pull -Live -##ging -surrounding -##ries -focused -Adam -facilities -##ning -##ny -38 -##ring -notable -era -connected -gained -operating -laid -Regiment -branch -defined -Christmas -machine -Four -academic -Iran -adopted -concept -Men -compared -search -traffic -Max -Maria -greater -##ding -widely -##burg -serves -1938 -37 -Go -hotel -shared -typically -scale -1936 -leg -suffered -yards -pieces -Ministry -Wilson -episodes -empty -1918 -safety -continues -yellow -historic -settlement -400 -Come -Corporation -enemy -content -picture -evening -territory -method -trial -solo -driver -Here -##ls -entrance -Prize -spring -whatever -##ent -75 -##ji -reading -Arthur -##cy -Our -clothes -Prime -Illinois -Kong -code -##ria -sit -Harry -Federal -chosen -administration -bodies -begins -stomach -Though -seats -Hong -density -Sun -leaders -Field -museum -chart -platform -languages -##ron -birth -holds -Gold -##un -fish -combined -##ps -4th -1937 -largely -captain -trust -Game -van -boat -Oxford -basic -beneath -Islands -painting -nice -Toronto -path -males -sources -block -conference -parties -murder -clubs -crowd -calling -About -Business -peace -knows -lake -speaking -stayed -Brazil -allowing -Born -unique -thick -Technology -##que -receive -des -semi -alive -noticed -format -##ped -coffee -digital -##ned -handed -guard -tall -faced -setting -plants -partner -claim -reduced -temple -animals -determined -classes -##out -estimated -##ad -Olympic -providing -Massachusetts -learned -Inc -Philadelphia -Social -carry -42 -possibly -hosted -tonight -respectively -Today -shape -Mount -roles -designated -brain -etc -Korea -thoughts -Brian -Highway -doors -background -drew -models -footballer -tone -turns -1935 -quiet -tower -wood -bus -write -software -weapons -flat -marked -1920 -newly -tight -Eric -finger -Journal -FC -Van -rise -critical -Atlantic -granted -returning -communities -humans -quick -39 -48 -ranked -sight -pop -Swedish -Stephen -card -analysis -attacked -##wa -Sunday -identified -Jason -champion -situated -1930 -expanded -tears -##nce -reaching -Davis -protection -Emperor -positions -nominated -Bridge -tax -dress -allows -avoid -leadership -killing -actress -guest -steel -knowing -electric -cells -disease -grade -unknown -##ium -resulted -Pakistan -confirmed -##ged -tongue -covers -##Y -roof -entirely -applied -votes -drink -interview -exchange -Township -reasons -##ised -page -calls -dog -agent -nose -teaching -##ds -##ists -advanced -wish -Golden -existing -vehicle -del -1919 -develop -attacks -pressed -Sports -planning -resulting -facility -Sarah -notes -1933 -Class -Historic -winter -##mo -audience -Community -household -Netherlands -creation -##ize -keeping -1914 -claims -dry -guys -opposite -##ak -explained -Ontario -secondary -difference -Francis -actions -organizations -yard -animal -Up -Lewis -titles -Several -1934 -Ryan -55 -Supreme -rolled -1917 -distribution -figures -afraid -rural -yourself -##rt -sets -barely -Instead -passing -awards -41 -silence -authority -occupied -environment -windows -engineering -surprised -flying -crime -reports -Mountain -powers -driving -succeeded -reviews -1929 -Head -missing -Song -Jesus -opportunity -inspired -ends -albums -conversation -impact -injury -surprise -billion -learning -heavily -oldest -union -creating -##ky -festival -literature -letters -sexual -##tte -apartment -Final -comedy -nation -orders -##sen -contemporary -Power -drawn -existence -connection -##ating -Post -Junior -remembered -message -Medal -castle -note -engineer -sounds -Beach -crossed -##dy -ear -scientific -sales -##ai -theme -starts -clearly -##ut -trouble -##gan -bag -##han -BC -sons -1928 -silent -versions -daily -Studies -ending -Rose -guns -1932 -headquarters -reference -obtained -Squadron -concert -none -du -Among -##don -prevent -Member -answered -staring -Between -##lla -portion -drug -liked -association -performances -Nations -formation -Castle -lose -learn -scoring -relatively -quarter -47 -Premier -##ors -Sweden -baseball -attempted -trip -worth -perform -airport -fields -enter -honor -Medical -rear -commander -officials -condition -supply -materials -52 -Anna -volume -threw -Persian -43 -interested -Gallery -achieved -visited -laws -relief -Area -Matt -singles -Lieutenant -Country -fans -Cambridge -sky -Miller -effective -tradition -Port -##ana -minister -extra -entitled -System -sites -authorities -acres -committee -racing -1931 -desk -trains -ass -weren -Family -farm -##ance -industrial -##head -iron -49 -abandoned -Out -Holy -chairman -waited -frequently -display -Light -transport -starring -Patrick -Engineering -eat -FM -judge -reaction -centuries -price -##tive -Korean -defense -Get -arrested -1927 -send -urban -##ss -pilot -Okay -Media -reality -arts -soul -thirty -##be -catch -generation -##nes -apart -Anne -drop -See -##ving -sixth -trained -Management -magic -cm -height -Fox -Ian -resources -vampire -principal -Was -haven -##au -Walter -Albert -rich -1922 -causing -entry -##ell -shortly -46 -worry -doctor -composer -rank -Network -bright -showing -regions -1924 -wave -carrying -kissed -finding -missed -Earl -lying -target -vehicles -Military -controlled -dinner -##board -briefly -lyrics -motion -duty -strange -attempts -invited -kg -villages -5th -Land -##mer -Christ -prepared -twelve -check -thousand -earth -copies -en -transfer -citizens -Americans -politics -nor -theatre -Project -##bo -clean -rooms -laugh -##ran -application -contained -anyway -containing -Sciences -1925 -rare -speech -exist -1950s -falling -passenger -##im -stands -51 -##ol -##ow -phase -governor -kids -details -methods -Vice -employed -performing -counter -Jane -heads -Channel -wine -opposition -aged -1912 -Every -1926 -highway -##ura -1921 -aired -978 -permanent -Forest -finds -joint -approved -##pur -brief -doubt -acts -brand -wild -closely -Ford -Kevin -chose -shall -port -sweet -fun -asking -Be -##bury -sought -Dave -Mexican -mom -Right -Howard -Moscow -Charlie -Stone -##mann -admitted -##ver -wooden -1923 -Officer -relations -Hot -combat -publication -chain -shop -inhabitants -proved -ideas -address -1915 -Memorial -explain -increasing -conflict -Anthony -Melbourne -narrow -temperature -slid -1916 -worse -selling -documentary -Ali -Ray -opposed -vision -dad -extensive -Infantry -commissioned -Doctor -offices -programming -core -respect -storm -##pa -##ay -##om -promotion -der -struck -anymore -shit -Region -receiving -DVD -alternative -##ue -ride -maximum -1910 -##ious -Third -Affairs -cancer -Executive -##op -dream -18th -Due -##ker -##worth -economy -IV -Billboard -identity -subsequent -statement -skills -##back -funding -##ons -Round -Foreign -truck -Please -lights -wondered -##ms -frame -yes -Still -districts -fiction -Colonel -converted -150 -grown -accident -critics -fit -Information -architecture -Point -Five -armed -Billy -poet -functions -consisted -suit -Turkish -Band -object -desire -##ities -sounded -flow -Norwegian -articles -Marie -pulling -thin -singing -Hunter -Human -Battalion -Federation -Kim -origin -represent -dangerous -weather -fuel -ex -##sing -Last -bedroom -aid -knees -Alan -angry -assumed -plane -Something -founding -concerned -global -Fire -di -please -Portuguese -touched -Roger -nuclear -Register -Jeff -fixed -royal -lie -finals -NFL -Manchester -towns -handle -shaped -Chairman -Dean -launch -understanding -Children -violence -failure -sector -Brigade -wrapped -fired -sharp -tiny -developing -expansion -Free -institutions -technical -Nothing -otherwise -Main -inch -Saturday -wore -Senior -attached -cheek -representing -Kansas -##chi -##kin -actual -advantage -Dan -Austria -##dale -hoped -multi -squad -Norway -streets -1913 -Services -hired -grow -pp -wear -painted -Minnesota -stuff -Building -54 -Philippines -1900 -##ties -educational -Khan -Magazine -##port -Cape -signal -Gordon -sword -Anderson -cool -engaged -Commander -images -Upon -tied -Security -cup -rail -Vietnam -successfully -##red -Muslim -gain -bringing -Native -hers -occurs -negative -Philip -Kelly -Colorado -category -##lan -600 -Have -supporting -wet -56 -stairs -Grace -observed -##ung -funds -restaurant -1911 -Jews -##ments -##che -Jake -Back -53 -asks -journalist -accept -bands -bronze -helping -##ice -decades -mayor -survived -usual -influenced -Douglas -Hey -##izing -surrounded -retirement -Temple -derived -Pope -registered -producing -##ral -structures -Johnny -contributed -finishing -buy -specifically -##king -patients -Jordan -internal -regarding -Samuel -Clark -##q -afternoon -Finally -scenes -notice -refers -quietly -threat -Water -Those -Hamilton -promise -freedom -Turkey -breaking -maintained -device -lap -ultimately -Champion -Tim -Bureau -expressed -investigation -extremely -capable -qualified -recognition -items -##up -Indiana -adult -rain -greatest -architect -Morgan -dressed -equal -Antonio -collected -drove -occur -Grant -graduate -anger -Sri -worried -standards -##ore -injured -somewhere -damn -Singapore -Jimmy -pocket -homes -stock -religion -aware -regarded -Wisconsin -##tra -passes -fresh -##ea -argued -Ltd -EP -Diego -importance -Census -incident -Egypt -Missouri -domestic -leads -ceremony -Early -camera -Father -challenge -Switzerland -lands -familiar -hearing -spend -educated -Tennessee -Thank -##ram -Thus -concern -putting -inches -map -classical -Allen -crazy -valley -Space -softly -##my -pool -worldwide -climate -experienced -neighborhood -scheduled -neither -fleet -1908 -Girl -##J -Part -engines -locations -darkness -Revolution -establishment -lawyer -objects -apparently -Queensland -Entertainment -bill -mark -Television -##ong -pale -demand -Hotel -selection -##rn -##ino -Labour -Liberal -burned -Mom -merged -Arizona -request -##lia -##light -hole -employees -##ical -incorporated -95 -independence -Walker -covering -joining -##ica -task -papers -backing -sell -biggest -6th -strike -establish -##ō -gently -59 -Orchestra -Winter -protein -Juan -locked -dates -Boy -aren -shooting -Luke -solid -charged -Prior -resigned -interior -garden -spoken -improve -wonder -promote -hidden -##med -combination -Hollywood -Swiss -consider -##ks -Lincoln -literary -drawing -Marine -weapon -Victor -Trust -Maryland -properties -##ara -exhibition -understood -hung -Tell -installed -loud -fashion -affected -junior -landing -flowers -##he -Internet -beach -Heart -tries -Mayor -programme -800 -wins -noise -##ster -##ory -58 -contain -fair -delivered -##ul -wedding -Square -advance -behavior -Program -Oregon -##rk -residence -realize -certainly -hill -Houston -57 -indicated -##water -wounded -Village -massive -Moore -thousands -personnel -dating -opera -poetry -##her -causes -feelings -Frederick -applications -push -approached -foundation -pleasure -sale -fly -gotten -northeast -costs -raise -paintings -##ney -views -horses -formal -Arab -hockey -typical -representative -rising -##des -clock -stadium -shifted -Dad -peak -Fame -vice -disappeared -users -Way -Naval -prize -hoping -values -evil -Bell -consisting -##ón -Regional -##ics -improved -circle -carefully -broad -##ini -Fine -maintain -operate -offering -mention -Death -stupid -Through -Princess -attend -interests -ruled -somewhat -wings -roads -grounds -##ual -Greece -Champions -facing -hide -voted -require -Dark -Matthew -credit -sighed -separated -manner -##ile -Boys -1905 -committed -impossible -lip -candidates -7th -Bruce -arranged -Islamic -courses -criminal -##ened -smell -##bed -08 -consecutive -##ening -proper -purchase -weak -Prix -1906 -aside -introduction -Look -##ku -changing -budget -resistance -factory -Forces -agency -##tone -northwest -user -1907 -stating -##one -sport -Design -environmental -cards -concluded -Carl -250 -accused -##ology -Girls -sick -intelligence -Margaret -responsibility -Guard -##tus -17th -sq -goods -1909 -hate -##ek -capture -stores -Gray -comic -Modern -Silver -Andy -electronic -wheel -##ied -Deputy -##bs -Czech -zone -choose -constant -reserve -##lle -Tokyo -spirit -sub -degrees -flew -pattern -compete -Dance -##ik -secretary -Imperial -99 -reduce -Hungarian -confused -##rin -Pierre -describes -regularly -Rachel -85 -landed -passengers -##ise -##sis -historian -meters -Youth -##ud -participate -##cing -arrival -tired -Mother -##gy -jumped -Kentucky -faces -feed -Israeli -Ocean -##Q -##án -plus -snow -techniques -plate -sections -falls -jazz -##ris -tank -loan -repeated -opinion -##res -unless -rugby -journal -Lawrence -moments -shock -distributed -##ded -adjacent -Argentina -crossing -uncle -##ric -Detroit -communication -mental -tomorrow -session -Emma -Without -##gen -Miami -charges -Administration -hits -coat -protected -Cole -invasion -priest -09 -Gary -enjoyed -plot -measure -bound -friendly -throw -musician -##lon -##ins -Age -knife -damaged -birds -driven -lit -ears -breathing -Arabic -Jan -faster -Jonathan -##gate -Independent -starred -Harris -teachers -Alice -sequence -mph -file -translated -decide -determine -Review -documents -sudden -threatened -##ft -bear -distinct -decade -burning -##sky -1930s -replace -begun -extension -##time -1904 -equivalent -accompanied -Christopher -Danish -##ye -Besides -##more -persons -fallen -Rural -roughly -saved -willing -ensure -Belgium -05 -musicians -##ang -giant -Six -Retrieved -worst -purposes -##bly -mountains -seventh -slipped -brick -07 -##py -somehow -Carter -Iraq -cousin -favor -islands -journey -FIFA -contrast -planet -vs -calm -##ings -concrete -branches -gray -profit -Russell -##ae -##ux -##ens -philosophy -businesses -talked -parking -##ming -owners -Place -##tle -agricultural -Kate -06 -southeast -draft -Eddie -earliest -forget -Dallas -Commonwealth -edited -66 -inner -ed -operates -16th -Harvard -assistance -##si -designs -Take -bathroom -indicate -CEO -Command -Louisiana -1902 -Dublin -Books -1901 -tropical -1903 -##tors -Places -tie -progress -forming -solution -62 -letting -##ery -studying -##jo -duties -Baseball -taste -Reserve -##ru -Ann -##gh -visible -##vi -notably -link -NCAA -southwest -Never -storage -mobile -writers -favorite -Pro -pages -truly -count -##tta -string -kid -98 -Ross -row -##idae -Kennedy -##tan -Hockey -hip -waist -grandfather -listen -##ho -feels -busy -72 -stream -obvious -cycle -shaking -Knight -##ren -Carlos -painter -trail -web -linked -04 -Palace -existed -##ira -responded -closing -End -examples -Marshall -weekend -jaw -Denmark -lady -township -medium -chin -Story -option -fifteen -Moon -represents -makeup -investment -jump -childhood -Oklahoma -roll -normally -Ten -Operation -Graham -Seattle -Atlanta -paused -promised -rejected -treated -returns -flag -##ita -Hungary -danger -glad -movements -visual -subjects -credited -soldier -Norman -ill -translation -José -Quebec -medicine -warning -theater -praised -municipal -01 -commune -churches -acid -folk -8th -testing -add -survive -Sound -devices -residential -severe -presidential -Mississippi -Austin -Perhaps -Charlotte -hanging -Montreal -grin -##ten -racial -partnership -shoot -shift -##nie -Les -downtown -Brothers -Garden -matters -restored -mirror -forever -winners -rapidly -poverty -##ible -Until -DC -faith -hundreds -Real -Ukraine -Nelson -balance -Adams -contest -relative -ethnic -Edinburgh -composition -##nts -emergency -##van -marine -reputation -Down -pack -12th -Communist -Mountains -pro -stages -measures -##ld -ABC -Li -victims -benefit -Iowa -Broadway -gathered -rating -Defense -classic -##ily -ceiling -##ions -snapped -Everything -constituency -Franklin -Thompson -Stewart -entering -Judge -forth -##sk -wanting -smiling -moves -tunnel -premiered -grass -unusual -Ukrainian -bird -Friday -tail -Portugal -coal -element -Fred -guards -Senator -collaboration -beauty -Wood -chemical -beer -justice -signs -##Z -sees -##zi -Puerto -##zed -96 -smooth -Bowl -gift -limit -97 -heading -Source -wake -requires -Ed -Constitution -factor -Lane -factors -adding -Note -cleared -pictures -pink -##ola -Kent -Local -Singh -moth -Ty -##ture -courts -Seven -temporary -involving -Vienna -emerged -fishing -agree -defensive -stuck -secure -Tamil -##ick -bottle -03 -Player -instruments -Spring -patient -flesh -contributions -cry -Malaysia -120 -Global -da -Alabama -Within -##work -debuted -expect -Cleveland -concerns -retained -horror -10th -spending -Peace -Transport -grand -Crown -instance -institution -acted -Hills -mounted -Campbell -shouldn -1898 -##ably -chamber -soil -88 -Ethan -sand -cheeks -##gi -marry -61 -weekly -classification -DNA -Elementary -Roy -definitely -Soon -Rights -gate -suggests -aspects -imagine -golden -beating -Studios -Warren -differences -significantly -glance -occasionally -##od -clothing -Assistant -depth -sending -possibility -mode -prisoners -requirements -daughters -dated -Representatives -prove -guilty -interesting -smoke -cricket -93 -##ates -rescue -Connecticut -underground -Opera -13th -reign -##ski -thanks -leather -equipped -routes -fan -##ans -script -Wright -bishop -Welsh -jobs -faculty -eleven -Railroad -appearing -anniversary -Upper -##down -anywhere -Rugby -Metropolitan -Meanwhile -Nicholas -champions -forehead -mining -drinking -76 -Jerry -membership -Brazilian -Wild -Rio -scheme -Unlike -strongly -##bility -fill -##rian -easier -MP -Hell -##sha -Stanley -banks -Baron -##ique -Robinson -67 -Gabriel -Austrian -Wayne -exposed -##wan -Alfred -1899 -manage -mix -visitors -eating -##rate -Sean -commission -Cemetery -policies -Camp -parallel -traveled -guitarist -02 -supplies -couples -poem -blocks -Rick -Training -Energy -achieve -appointment -Wing -Jamie -63 -novels -##em -1890 -songwriter -Base -Jay -##gar -naval -scared -miss -labor -technique -crisis -Additionally -backed -destroy -seriously -tools -tennis -91 -god -##ington -continuing -steam -obviously -Bobby -adapted -fifty -enjoy -Jacob -publishing -column -##ular -Baltimore -Donald -Liverpool -92 -drugs -movies -##ock -Heritage -##je -##istic -vocal -strategy -gene -advice -##bi -Ottoman -riding -##side -Agency -Indonesia -11th -laughing -sleeping -und -muttered -listening -deck -tip -77 -ownership -grey -Claire -deeply -provincial -popularity -Cooper -##á -Emily -##sed -designer -Murray -describe -Danny -Around -Parker -##dae -68 -rates -suffering -considerable -78 -nervous -powered -tons -circumstances -wished -belonged -Pittsburgh -flows -9th -##use -belt -81 -useful -15th -context -List -Dead -Iron -seek -Season -worn -frequency -legislation -replacement -memories -Tournament -Again -Barry -organisation -copy -Gulf -waters -meets -struggle -Oliver -1895 -Susan -protest -kick -Alliance -components -1896 -Tower -Windows -demanded -regiment -sentence -Woman -Logan -Referee -hosts -debate -knee -Blood -##oo -universities -practices -Ward -ranking -correct -happening -Vincent -attracted -classified -##stic -processes -immediate -waste -increasingly -Helen -##po -Lucas -Phil -organ -1897 -tea -suicide -actors -lb -crash -approval -waves -##ered -hated -grip -700 -amongst -69 -74 -hunting -dying -lasted -illegal -##rum -stare -defeating -##gs -shrugged -°C -Jon -Count -Orleans -94 -affairs -formally -##and -##ves -criticized -Disney -Vol -successor -tests -scholars -palace -Would -celebrated -rounds -grant -Schools -Such -commanded -demon -Romania -##all -Karl -71 -##yn -84 -Daily -totally -Medicine -fruit -Die -upset -Lower -Conservative -14th -Mitchell -escaped -shoes -Morris -##tz -queen -harder -prime -Thanks -indeed -Sky -authors -rocks -definition -Nazi -accounts -printed -experiences -##ters -divisions -Cathedral -denied -depending -Express -##let -73 -appeal -loose -colors -filed -##isation -gender -##ew -throne -forests -Finland -domain -boats -Baker -squadron -shore -remove -##ification -careful -wound -railroad -82 -seeking -agents -##ved -Blues -##off -customers -ignored -net -##ction -hiding -Originally -declined -##ess -franchise -eliminated -NBA -merely -pure -appropriate -visiting -forty -markets -offensive -coverage -cave -##nia -spell -##lar -Benjamin -##ire -Convention -filmed -Trade -##sy -##ct -Having -palm -1889 -Evans -intense -plastic -Julia -document -jeans -vessel -SR -##fully -proposal -Birmingham -le -##ative -assembly -89 -fund -lock -1893 -AD -meetings -occupation -modified -Years -odd -aimed -reform -Mission -Works -shake -cat -exception -convinced -executed -pushing -dollars -replacing -soccer -manufacturing -##ros -expensive -kicked -minimum -Josh -coastal -Chase -ha -Thailand -publications -deputy -Sometimes -Angel -effectively -##illa -criticism -conduct -Serbian -landscape -NY -absence -passage -##ula -Blake -Indians -1892 -admit -Trophy -##ball -Next -##rated -##ians -charts -kW -orchestra -79 -heritage -1894 -rough -exists -boundary -Bible -Legislative -moon -medieval -##over -cutting -print -##ett -birthday -##hood -destruction -Julian -injuries -influential -sisters -raising -statue -colour -dancing -characteristics -orange -##ok -##aries -Ken -colonial -twin -Larry -surviving -##shi -Barbara -personality -entertainment -assault -##ering -talent -happens -license -86 -couch -Century -soundtrack -shower -swimming -cash -Staff -bent -1885 -bay -lunch -##lus -dozen -vessels -CBS -greatly -critic -Test -symbol -panel -shell -output -reaches -87 -Front -motor -ocean -##era -##ala -maintenance -violent -scent -Limited -Las -Hope -Theater -Which -survey -Robin -recordings -compilation -##ward -bomb -insurance -Authority -sponsored -satellite -Jazz -refer -stronger -blow -whilst -Wrestling -suggest -##rie -climbed -##els -voices -shopping -1891 -Neil -discovery -##vo -##ations -burst -Baby -peaked -Brooklyn -knocked -lift -##try -false -nations -Hugh -Catherine -preserved -distinguished -terminal -resolution -ratio -pants -cited -competitions -completion -DJ -bone -uniform -schedule -shouted -83 -1920s -rarely -Basketball -Taiwan -artistic -bare -vampires -arrest -Utah -Marcus -assist -gradually -qualifying -Victorian -vast -rival -Warner -Terry -Economic -##cia -losses -boss -versus -audio -runner -apply -surgery -Play -twisted -comfortable -##cs -Everyone -guests -##lt -Harrison -UEFA -lowered -occasions -##lly -##cher -chapter -youngest -eighth -Culture -##room -##stone -1888 -Songs -Seth -Digital -involvement -expedition -relationships -signing -1000 -fault -annually -circuit -afterwards -meat -creature -##ou -cable -Bush -##net -Hispanic -rapid -gonna -figured -extent -considering -cried -##tin -sigh -dynasty -##ration -cabinet -Richmond -stable -##zo -1864 -Admiral -Unit -occasion -shares -badly -longest -##ify -Connor -extreme -wondering -girlfriend -Studio -##tions -1865 -tribe -exact -muscles -hat -Luis -Orthodox -decisions -amateur -description -##lis -hips -kingdom -##ute -Portland -whereas -Bachelor -outer -discussion -partly -Arkansas -1880 -dreams -perfectly -Lloyd -##bridge -asleep -##tti -Greg -permission -trading -pitch -mill -Stage -liquid -Keith -##tal -wolf -processing -stick -Jerusalem -profile -rushed -spiritual -argument -Ice -Guy -till -Delhi -roots -Section -missions -Glasgow -penalty -NBC -encouraged -identify -keyboards -##zing -##ston -disc -plain -informed -Bernard -thinks -fled -Justin -##day -newspapers -##wick -Ralph -##zer -unlike -Stars -artillery -##ified -recovered -arrangement -searching -##pers -##tory -##rus -deaths -Egyptian -diameter -##í -marketing -corporate -teach -marks -Turner -staying -hallway -Sebastian -chapel -naked -mistake -possession -1887 -dominated -jacket -creative -Fellow -Falls -Defence -suspended -employment -##rry -Hebrew -Hudson -Week -Wars -recognize -Natural -controversial -Tommy -thank -Athletic -benefits -decline -intention -##ets -Lost -Wall -participation -elevation -supports -parliament -1861 -concentration -Movement -##IS -competing -stops -behalf -##mm -limits -funded -discuss -Collins -departure -obtain -woods -latest -universe -alcohol -Laura -rush -blade -funny -Dennis -forgotten -Amy -Symphony -apparent -graduating -1862 -Rob -Grey -collections -Mason -emotions -##ugh -literally -Any -counties -1863 -nomination -fighter -habitat -respond -external -Capital -exit -Video -carbon -sharing -Bad -opportunities -Perry -photo -##mus -Orange -posted -remainder -transportation -portrayed -Labor -recommended -percussion -rated -Grade -rivers -partially -suspected -strip -adults -button -struggled -intersection -Canal -##ability -poems -claiming -Madrid -1886 -Together -##our -Much -Vancouver -instrument -instrumental -1870 -mad -angle -Control -Phoenix -Leo -Communications -mail -##ette -##ev -preferred -adaptation -alleged -discussed -deeper -##ane -Yet -Monday -volumes -thrown -Zane -##logy -displayed -rolling -dogs -Along -Todd -##ivity -withdrew -representation -belief -##sia -crown -Late -Short -hardly -grinned -romantic -Pete -##ken -networks -enemies -Colin -Eventually -Side -donated -##su -steady -grab -guide -Finnish -Milan -pregnant -controversy -reminded -1884 -Stuart -##bach -##ade -Race -Belgian -LP -Production -Zone -lieutenant -infantry -Child -confusion -sang -resident -##ez -victim -1881 -channels -Ron -businessman -##gle -Dick -colony -pace -producers -##ese -agencies -Craig -Lucy -Very -centers -Yorkshire -photography -##ched -Album -championships -Metro -substantial -Standard -terrible -directors -contribution -advertising -emotional -##its -layer -segment -sir -folded -Roberts -ceased -Hampshire -##ray -detailed -partners -m² -##pt -Beth -genre -commented -generated -remote -aim -Hans -credits -concerts -periods -breakfast -gay -shadow -defence -Too -Had -transition -Afghanistan -##book -eggs -defend -##lli -writes -Systems -bones -mess -seed -scientists -Shortly -Romanian -##zy -Freedom -muscle -hero -parent -agriculture -checked -Islam -Bristol -Freyja -Arena -cabin -Germans -electricity -ranks -viewed -medals -Wolf -associate -Madison -Sorry -fort -Chile -detail -widespread -attorney -boyfriend -##nan -Students -Spencer -##ig -bite -Maine -demolished -Lisa -erected -Someone -operational -Commissioner -NHL -Coach -Bar -forcing -Dream -Rico -cargo -Murphy -##fish -##ase -distant -##master -##ora -Organization -doorway -Steven -traded -electrical -frequent -##wn -Branch -Sure -1882 -placing -Manhattan -attending -attributed -excellent -pounds -ruling -principles -component -Mediterranean -Vegas -machines -percentage -infrastructure -throwing -affiliated -Kings -secured -Caribbean -Track -Ted -honour -opponent -Virgin -Construction -grave -produces -Challenge -stretched -paying -murmured -##ata -integrated -waved -Nathan -##ator -transmission -videos -##yan -##hu -Nova -descent -AM -Harold -conservative -Therefore -venue -competitive -##ui -conclusion -funeral -confidence -releases -scholar -##sson -Treaty -stress -mood -##sm -Mac -residing -Action -Fund -##ship -animated -fitted -##kar -defending -voting -tend -##berry -answers -believes -##ci -helps -Aaron -##tis -themes -##lay -populations -Players -stroke -Trinity -electoral -paint -abroad -charity -keys -Fair -##pes -interrupted -participants -murdered -Days -supporters -##ab -expert -borders -mate -##llo -solar -architectural -tension -##bling -Parish -tape -operator -Cultural -Clinton -indicates -publisher -ordinary -sugar -arrive -rifle -acoustic -##uring -assets -##shire -SS -sufficient -options -HMS -Classic -bars -rebuilt -governments -Beijing -reporter -screamed -Abbey -crying -mechanical -instantly -communications -Political -cemetery -Cameron -Stop -representatives -USS -texts -mathematics -innings -civilian -Serbia -##hill -practical -patterns -dust -Faculty -debt -##end -##cus -junction -suppose -experimental -Computer -Food -wrist -abuse -dealing -bigger -cap -principle -##pin -Muhammad -Fleet -Collection -attempting -dismissed -##burn -regime -Herbert -##ua -shadows -1883 -Eve -Lanka -1878 -Performance -fictional -##lock -Noah -Run -Voivodeship -exercise -broadcasting -##fer -RAF -Magic -Bangladesh -suitable -##low -##del -styles -toured -Code -identical -links -insisted -110 -flash -Model -slave -Derek -Rev -fairly -Greater -sole -##lands -connecting -zero -bench -##ome -switched -Fall -Owen -yours -Electric -shocked -convention -##bra -climb -memorial -swept -Racing -decides -belong -##nk -parliamentary -##und -ages -proof -##dan -delivery -1860 -##ów -sad -publicly -leaning -Archbishop -dirt -##ose -categories -1876 -burn -##bing -requested -Guinea -Historical -rhythm -relation -##heim -ye -pursue -merchant -##mes -lists -continuous -frowned -colored -tool -gods -involves -Duncan -photographs -Cricket -slight -Gregory -atmosphere -wider -Cook -##tar -essential -Being -FA -emperor -wealthy -nights -##bar -licensed -Hawaii -viewers -Language -load -nearest -milk -kilometers -platforms -##ys -territories -Rogers -sheet -Rangers -contested -##lation -isolated -assisted -swallowed -Small -Contemporary -Technical -Edwards -express -Volume -endemic -##ei -tightly -Whatever -indigenous -Colombia -##ulation -hp -characterized -##ida -Nigeria -Professional -duo -Soccer -slaves -Farm -smart -Attorney -Attendance -Common -salt -##vin -tribes -nod -sentenced -bid -sample -Drive -switch -instant -21st -Cuba -drunk -Alaska -proud -awareness -hitting -sessions -Thai -locally -elsewhere -Dragon -gentle -touching -##lee -Springs -Universal -Latino -spin -1871 -Chart -recalled -Type -pointing -##ii -lowest -##ser -grandmother -Adelaide -Jacques -spotted -Buffalo -restoration -Son -Joan -farmers -Lily -1879 -lucky -##dal -luck -eldest -##rant -Market -drummer -deployed -warned -prince -sing -amazing -sailed -##oon -1875 -Primary -traveling -Masters -Sara -cattle -Trail -gang -Further -desert -relocated -##tch -##ord -Flight -illness -Munich -ninth -repair -Singles -##lated -Tyler -tossed -boots -Work -sized -earning -shoved -magazines -housed -dam -researchers -Former -spun -premiere -spaces -organised -wealth -crimes -devoted -stones -Urban -automatic -hop -affect -outstanding -tanks -mechanism -Muslims -Ms -shots -argue -Jeremy -connections -Armenian -increases -rubbed -1867 -retail -gear -Pan -bonus -jurisdiction -weird -concerning -whisper -##gal -Microsoft -tenure -hills -www -Gmina -porch -files -reportedly -venture -Storm -##ence -Nature -killer -panic -fate -Secret -Wang -scream -drivers -belongs -Chamber -clan -monument -mixing -Peru -bet -Riley -Friends -Isaac -submarine -1877 -130 -judges -harm -ranging -affair -prepare -pupils -householder -Policy -decorated -Nation -slammed -activist -implemented -Room -qualify -Publishing -establishing -Baptist -touring -subsidiary -##nal -legend -1872 -laughter -PC -Athens -settlers -ties -dual -dear -Draft -strategic -Ivan -reveal -closest -dominant -Ah -##ult -Denver -bond -boundaries -drafted -tables -##TV -eyed -Edition -##ena -1868 -belonging -1874 -Industrial -cream -Ridge -Hindu -scholarship -Ma -opens -initiated -##ith -yelled -compound -random -Throughout -grades -physics -sank -grows -exclusively -settle -Saints -brings -Amsterdam -Make -Hart -walks -battery -violin -##born -explanation -##ware -1873 -##har -provinces -thrust -exclusive -sculpture -shops -##fire -VI -constitution -Barcelona -monster -Devon -Jefferson -Sullivan -bow -##din -desperate -##ć -Julie -##mon -##ising -terminus -Jesse -abilities -golf -##ple -##via -##away -Raymond -measured -jury -firing -revenue -suburb -Bulgarian -1866 -##cha -timber -Things -##weight -Morning -spots -Alberta -Data -explains -Kyle -friendship -raw -tube -demonstrated -aboard -immigrants -reply -breathe -Manager -ease -##ban -##dia -Diocese -##vy -##ía -pit -ongoing -##lie -Gilbert -Costa -1940s -Report -voters -cloud -traditions -##MS -gallery -Jennifer -swung -Broadcasting -Does -diverse -reveals -arriving -initiative -##ani -Give -Allied -Pat -Outstanding -monastery -blind -Currently -##war -bloody -stopping -focuses -managing -Florence -Harvey -creatures -900 -breast -internet -Artillery -purple -##mate -alliance -excited -fee -Brisbane -lifetime -Private -##aw -##nis -##gue -##ika -phrase -regulations -reflected -manufactured -conventional -pleased -client -##ix -##ncy -Pedro -reduction -##con -welcome -jail -comfort -Iranian -Norfolk -Dakota -##tein -evolution -everywhere -Initially -sensitive -Olivia -Oscar -implementation -sits -stolen -demands -slide -grandson -##ich -merger -##mic -Spirit -##° -ticket -root -difficulty -Nevada -##als -lined -Dylan -Original -Call -biological -EU -dramatic -##hn -Operations -treaty -gap -##list -Am -Romanized -moral -Butler -perspective -Furthermore -Manuel -absolutely -unsuccessful -disaster -dispute -preparation -tested -discover -##ach -shield -squeezed -brushed -battalion -Arnold -##ras -superior -treat -clinical -##so -Apple -Syria -Cincinnati -package -flights -editions -Leader -minority -wonderful -hang -Pop -Philippine -telephone -bell -honorary -##mar -balls -Democrat -dirty -thereafter -collapsed -Inside -slip -wrestling -##ín -listened -regard -bowl -None -Sport -completing -trapped -##view -copper -Wallace -Honor -blame -Peninsula -##ert -##oy -Anglo -bearing -simultaneously -honest -##ias -Mix -Got -speaker -voiced -impressed -prices -error -1869 -##feld -trials -Nine -Industry -substitute -Municipal -departed -slept -##ama -Junction -Socialist -flower -dropping -comment -fantasy -##ress -arrangements -travelled -furniture -fist -relieved -##tics -Leonard -linear -earn -expand -Soul -Plan -Leeds -Sierra -accessible -innocent -Winner -Fighter -Range -winds -vertical -Pictures -101 -charter -cooperation -prisoner -interviews -recognised -sung -manufacturer -exposure -submitted -Mars -leaf -gauge -screaming -likes -eligible -##ac -gathering -columns -##dra -belly -UN -maps -messages -speakers -##ants -garage -unincorporated -Number -Watson -sixteen -lots -beaten -Could -Municipality -##ano -Horse -talks -Drake -scores -Venice -genetic -##mal -##ère -Cold -Jose -nurse -traditionally -##bus -Territory -Key -Nancy -##win -thumb -São -index -dependent -carries -controls -Comics -coalition -physician -referring -Ruth -Based -restricted -inherited -internationally -stretch -THE -plates -margin -Holland -knock -significance -valuable -Kenya -carved -emotion -conservation -municipalities -overseas -resumed -Finance -graduation -blinked -temperatures -constantly -productions -scientist -ghost -cuts -permitted -##ches -firmly -##bert -patrol -##yo -Croatian -attacking -1850 -portrait -promoting -sink -conversion -##kov -locomotives -Guide -##val -nephew -relevant -Marc -drum -originated -Chair -visits -dragged -Price -favour -corridor -properly -respective -Caroline -reporting -inaugural -1848 -industries -##ching -edges -Christianity -Maurice -Trent -Economics -carrier -Reed -##gon -tribute -Pradesh -##ale -extend -attitude -Yale -##lu -settlements -glasses -taxes -targets -##ids -quarters -##ological -connect -hence -metre -collapse -underneath -banned -Future -clients -alternate -explosion -kinds -Commons -hungry -dragon -Chapel -Buddhist -lover -depression -pulls -##ges -##uk -origins -computers -crosses -kissing -assume -emphasis -lighting -##ites -personally -crashed -beam -touchdown -lane -comparison -##mont -Hitler -##las -execution -##ene -acre -sum -Pearl -ray -##point -essentially -worker -convicted -tear -Clay -recovery -Literature -Unfortunately -##row -partial -Petersburg -Bulgaria -coaching -evolved -reception -enters -narrowed -elevator -therapy -defended -pairs -##lam -breaks -Bennett -Uncle -cylinder -##ison -passion -bases -Actor -cancelled -battles -extensively -oxygen -Ancient -specialized -negotiations -##rat -acquisition -convince -interpretation -##00 -photos -aspect -colleges -Artist -keeps -##wing -Croatia -##ona -Hughes -Otto -comments -##du -Ph -Sweet -adventure -describing -Student -Shakespeare -scattered -objective -Aviation -Phillips -Fourth -athletes -##hal -##tered -Guitar -intensity -née -dining -curve -Obama -topics -legislative -Mill -Cruz -##ars -Members -recipient -Derby -inspiration -corresponding -fed -YouTube -coins -pressing -intent -Karen -cinema -Delta -destination -shorter -Christians -imagined -canal -Newcastle -Shah -Adrian -super -Males -160 -liberal -lord -bat -supplied -Claude -meal -worship -##atic -Han -wire -°F -##tha -punishment -thirteen -fighters -##ibility -1859 -Ball -gardens -##ari -Ottawa -pole -indicating -Twenty -Higher -Bass -Ivy -farming -##urs -certified -Saudi -plenty -##ces -restaurants -Representative -Miles -payment -##inger -##rit -Confederate -festivals -references -##ić -Mario -PhD -playoffs -witness -rice -mask -saving -opponents -enforcement -automatically -relegated -##oe -radar -whenever -Financial -imperial -uncredited -influences -Abraham -skull -Guardian -Haven -Bengal -impressive -input -mixture -Warsaw -altitude -distinction -1857 -collective -Annie -##ean -##bal -directions -Flying -##nic -faded -##ella -contributing -##ó -employee -##lum -##yl -ruler -oriented -conductor -focusing -##die -Giants -Mills -mines -Deep -curled -Jessica -guitars -Louise -procedure -Machine -failing -attendance -Nepal -Brad -Liam -tourist -exhibited -Sophie -depicted -Shaw -Chuck -##can -expecting -challenges -##nda -equally -resignation -##logical -Tigers -loop -pitched -outdoor -reviewed -hopes -True -temporarily -Borough -torn -jerked -collect -Berkeley -Independence -cotton -retreat -campaigns -participating -Intelligence -Heaven -##ked -situations -borough -Democrats -Harbor -##len -Liga -serial -circles -fourteen -##lot -seized -filling -departments -finance -absolute -Roland -Nate -floors -raced -struggling -deliver -protests -##tel -Exchange -efficient -experiments -##dar -faint -3D -binding -Lions -lightly -skill -proteins -difficulties -##cal -monthly -camps -flood -loves -Amanda -Commerce -##oid -##lies -elementary -##tre -organic -##stein -##ph -receives -Tech -enormous -distinctive -Joint -experiment -Circuit -citizen -##hy -shelter -ideal -practically -formula -addressed -Foster -Productions -##ax -variable -punk -Voice -fastest -concentrated -##oma -##yer -stored -surrender -vary -Sergeant -Wells -ward -Wait -##ven -playoff -reducing -cavalry -##dle -Venezuela -tissue -amounts -sweat -##we -Non -##nik -beetle -##bu -##tu -Jared -Hunt -##₂ -fat -Sultan -Living -Circle -Secondary -Suddenly -reverse -##min -Travel -##bin -Lebanon -##mas -virus -Wind -dissolved -enrolled -holiday -Keep -helicopter -Clarke -constitutional -technologies -doubles -instructions -##ace -Azerbaijan -##ill -occasional -frozen -trick -wiped -writings -Shanghai -preparing -challenged -mainstream -summit -180 -##arian -##rating -designation -##ada -revenge -filming -tightened -Miguel -Montana -reflect -celebration -bitch -flashed -signals -rounded -peoples -##tation -renowned -Google -characteristic -Campaign -sliding -##rman -usage -Record -Using -woke -solutions -holes -theories -logo -Protestant -relaxed -brow -nickname -Reading -marble -##tro -symptoms -Overall -capita -##ila -outbreak -revolution -deemed -Principal -Hannah -approaches -inducted -Wellington -vulnerable -Environmental -Drama -incumbent -Dame -1854 -travels -samples -accurate -physically -Sony -Nashville -##sville -##lic -##og -Producer -Lucky -tough -Stanford -resort -repeatedly -eyebrows -Far -choir -commenced -##ep -##ridge -rage -swing -sequel -heir -buses -ad -Grove -##late -##rick -updated -##SA -Delaware -##fa -Athletics -warmth -Off -excitement -verse -Protection -Villa -corruption -intellectual -Jenny -##lyn -mystery -prayer -healthy -##ologist -Bear -lab -Ernest -Remix -register -basement -Montgomery -consistent -tier -1855 -Preston -Brooks -##maker -vocalist -laboratory -delayed -wheels -rope -bachelor -pitcher -Block -Nevertheless -suspect -efficiency -Nebraska -siege -FBI -planted -##AC -Newton -breeding -##ain -eighteen -Argentine -encounter -servant -1858 -elder -Shadow -Episode -fabric -doctors -survival -removal -chemistry -volunteers -Kane -variant -arrives -Eagle -Left -##fe -Jo -divorce -##ret -yesterday -Bryan -handling -diseases -customer -Sheriff -Tiger -Harper -##oi -resting -Linda -Sheffield -gasped -sexy -economics -alien -tale -footage -Liberty -yeah -fundamental -Ground -flames -Actress -photographer -Maggie -Additional -joke -custom -Survey -Abu -silk -consumption -Ellis -bread -##uous -engagement -puts -Dog -##hr -poured -guilt -CDP -boxes -hardware -clenched -##cio -stem -arena -extending -##com -examination -Steel -encountered -revised -140 -picking -Car -hasn -Minor -pride -Roosevelt -boards -##mia -blocked -curious -drag -narrative -brigade -Prefecture -mysterious -namely -connects -Devil -historians -CHAPTER -quit -installation -Golf -empire -elevated -##eo -releasing -Bond -##uri -harsh -ban -##BA -contracts -cloth -presents -stake -chorus -##eau -swear -##mp -allies -generations -Motor -meter -pen -warrior -veteran -##EC -comprehensive -missile -interaction -instruction -Renaissance -rested -Dale -fix -fluid -les -investigate -loaded -widow -exhibit -artificial -select -rushing -tasks -signature -nowhere -Engineer -feared -Prague -bother -extinct -gates -Bird -climbing -heels -striking -artwork -hunt -awake -##hin -Formula -thereby -commitment -imprisoned -Beyond -##MA -transformed -Agriculture -Low -Movie -radical -complicated -Yellow -Auckland -mansion -tenth -Trevor -predecessor -##eer -disbanded -sucked -circular -witch -gaining -lean -Behind -illustrated -rang -celebrate -bike -consist -framework -##cent -Shane -owns -350 -comprises -collaborated -colleagues -##cast -engage -fewer -##ave -1856 -observation -diplomatic -legislature -improvements -Interstate -craft -MTV -martial -administered -jet -approaching -permanently -attraction -manuscript -numbered -Happy -Andrea -shallow -Gothic -Anti -##bad -improvement -trace -preserve -regardless -rode -dies -achievement -maintaining -Hamburg -spine -##air -flowing -encourage -widened -posts -##bound -125 -Southeast -Santiago -##bles -impression -receiver -Single -closure -##unt -communist -honors -Northwest -105 -##ulated -cared -un -hug -magnetic -seeds -topic -perceived -prey -prevented -Marvel -Eight -Michel -Transportation -rings -Gate -##gne -Byzantine -accommodate -floating -##dor -equation -ministry -##ito -##gled -Rules -earthquake -revealing -Brother -Celtic -blew -chairs -Panama -Leon -attractive -descendants -Care -Ambassador -tours -breathed -threatening -##cho -smiles -Lt -Beginning -##iness -fake -assists -fame -strings -Mobile -Liu -parks -http -1852 -brush -Aunt -bullet -consciousness -##sta -##ther -consequences -gather -dug -1851 -bridges -Doug -##sion -Artists -ignore -Carol -brilliant -radiation -temples -basin -clouds -##cted -Stevens -spite -soap -consumer -Damn -Snow -recruited -##craft -Advanced -tournaments -Quinn -undergraduate -questioned -Palmer -Annual -Others -feeding -Spider -printing -##orn -cameras -functional -Chester -readers -Alpha -universal -Faith -Brandon -François -authored -Ring -el -aims -athletic -possessed -Vermont -programmes -##uck -bore -Fisher -statements -shed -saxophone -neighboring -pronounced -barrel -bags -##dge -organisations -pilots -casualties -Kenneth -##brook -silently -Malcolm -span -Essex -anchor -##hl -virtual -lessons -Henri -Trump -Page -pile -locomotive -wounds -uncomfortable -sustained -Diana -Eagles -##pi -2000s -documented -##bel -Cassie -delay -kisses -##ines -variation -##ag -growled -##mark -##ways -Leslie -studios -Friedrich -aunt -actively -armor -eaten -historically -Better -purse -honey -ratings -##ée -naturally -1840 -peer -Kenny -Cardinal -database -Looking -runners -handsome -Double -PA -##boat -##sted -protecting -##jan -Diamond -concepts -interface -##aki -Watch -Article -Columbus -dialogue -pause -##rio -extends -blanket -pulse -1853 -affiliate -ladies -Ronald -counted -kills -demons -##zation -Airlines -Marco -Cat -companion -mere -Yugoslavia -Forum -Allan -pioneer -Competition -Methodist -patent -nobody -Stockholm -##ien -regulation -##ois -accomplished -##itive -washed -sake -Vladimir -crops -prestigious -humor -Sally -labour -tributary -trap -altered -examined -Mumbai -bombing -Ash -noble -suspension -ruins -##bank -spare -displays -guided -dimensional -Iraqi -##hon -sciences -Franz -relating -fence -followers -Palestine -invented -proceeded -Batman -Bradley -##yard -##ova -crystal -Kerala -##ima -shipping -handled -Want -abolished -Drew -##tter -Powell -Half -##table -##cker -exhibitions -Were -assignment -assured -##rine -Indonesian -Grammy -acknowledged -Kylie -coaches -structural -clearing -stationed -Say -Total -Rail -besides -glow -threats -afford -Tree -Musical -##pp -elite -centered -explore -Engineers -Stakes -Hello -tourism -severely -assessment -##tly -crack -politicians -##rrow -sheets -volunteer -##borough -##hold -announcement -recover -contribute -lungs -##ille -mainland -presentation -Johann -Writing -1849 -##bird -Study -Boulevard -coached -fail -airline -Congo -Plus -Syrian -introduce -ridge -Casey -manages -##fi -searched -Support -succession -progressive -coup -cultures -##lessly -sensation -Cork -Elena -Sofia -Philosophy -mini -trunk -academy -Mass -Liz -practiced -Reid -##ule -satisfied -experts -Wilhelm -Woods -invitation -Angels -calendar -joy -Sr -Dam -packed -##uan -bastard -Workers -broadcasts -logic -cooking -backward -##ack -Chen -creates -enzyme -##xi -Davies -aviation -VII -Conservation -fucking -Knights -##kan -requiring -hectares -wars -ate -##box -Mind -desired -oak -absorbed -Really -Vietnamese -Paulo -athlete -##car -##eth -Talk -Wu -##cks -survivors -Yang -Joel -Almost -Holmes -Armed -Joshua -priests -discontinued -##sey -blond -Rolling -suggesting -CA -clay -exterior -Scientific -##sive -Giovanni -Hi -farther -contents -Winners -animation -neutral -mall -Notes -layers -professionals -Armstrong -Against -Piano -involve -monitor -angel -parked -bears -seated -feat -beliefs -##kers -Version -suffer -##ceae -guidance -##eur -honored -raid -alarm -Glen -Ellen -Jamaica -trio -enabled -##ils -procedures -##hus -moderate -upstairs -##ses -torture -Georgian -rebellion -Fernando -Nice -##are -Aires -Campus -beast -##hing -1847 -##FA -Isle -##logist -Princeton -cathedral -Oakland -Solomon -##tto -Milwaukee -upcoming -midfielder -Neither -sacred -Eyes -appreciate -Brunswick -secrets -Rice -Somerset -Chancellor -Curtis -##gel -Rich -separation -grid -##los -##bon -urge -##ees -##ree -freight -towers -psychology -requirement -dollar -##fall -##sman -exile -tomb -Salt -Stefan -Buenos -Revival -Porter -tender -diesel -chocolate -Eugene -Legion -Laboratory -sheep -arched -hospitals -orbit -Full -##hall -drinks -ripped -##RS -tense -Hank -leagues -##nberg -PlayStation -fool -Punjab -relatives -Comedy -sur -1846 -Tonight -Sox -##if -Rabbi -org -speaks -institute -defender -painful -wishes -Weekly -literacy -portions -snake -item -deals -##tum -autumn -sharply -reforms -thighs -prototype -##ition -argues -disorder -Physics -terror -provisions -refugees -predominantly -independently -march -##graphy -Arabia -Andrews -Bus -Money -drops -##zar -pistol -matrix -revolutionary -##ust -Starting -##ptic -Oak -Monica -##ides -servants -##hed -archaeological -divorced -rocket -enjoying -fires -##nel -assembled -qualification -retiring -##fied -Distinguished -handful -infection -Durham -##itz -fortune -renewed -Chelsea -##sley -curved -gesture -retain -exhausted -##ifying -Perth -jumping -Palestinian -Simpson -colonies -steal -##chy -corners -Finn -arguing -Martha -##var -Betty -emerging -Heights -Hindi -Manila -pianist -founders -regret -Napoleon -elbow -overhead -bold -praise -humanity -##ori -Revolutionary -##ere -fur -##ole -Ashley -Official -##rm -lovely -Architecture -##sch -Baronet -virtually -##OS -descended -immigration -##das -##kes -Holly -Wednesday -maintains -theatrical -Evan -Gardens -citing -##gia -segments -Bailey -Ghost -##city -governing -graphics -##ined -privately -potentially -transformation -Crystal -Cabinet -sacrifice -hesitated -mud -Apollo -Desert -bin -victories -Editor -Railways -Web -Case -tourists -Brussels -Franco -compiled -topped -Gene -engineers -commentary -egg -escort -nerve -arch -necessarily -frustration -Michelle -democracy -genes -Facebook -halfway -##ient -102 -flipped -Won -##mit -NASA -Lynn -Provincial -ambassador -Inspector -glared -Change -McDonald -developments -tucked -noting -Gibson -circulation -dubbed -armies -resource -Headquarters -##iest -Mia -Albanian -Oil -Albums -excuse -intervention -Grande -Hugo -integration -civilians -depends -reserves -Dee -compositions -identification -restrictions -quarterback -Miranda -Universe -favourite -ranges -hint -loyal -Op -entity -Manual -quoted -dealt -specialist -Zhang -download -Westminster -Rebecca -streams -Anglican -variations -Mine -detective -Films -reserved -##oke -##key -sailing -##gger -expanding -recall -discovers -particles -behaviour -Gavin -blank -permit -Java -Fraser -Pass -##non -##TA -panels -statistics -notion -courage -dare -venues -##roy -Box -Newport -travelling -Thursday -warriors -Glenn -criteria -360 -mutual -restore -varied -bitter -Katherine -##lant -ritual -bits -##à -Henderson -trips -Richardson -Detective -curse -psychological -Il -midnight -streak -facts -Dawn -Indies -Edmund -roster -Gen -##nation -1830 -congregation -shaft -##ically -##mination -Indianapolis -Sussex -loving -##bit -sounding -horrible -Continental -Griffin -advised -magical -millions -##date -1845 -Safety -lifting -determination -valid -dialect -Penn -Know -triple -avoided -dancer -judgment -sixty -farmer -lakes -blast -aggressive -Abby -tag -chains -inscription -##nn -conducting -Scout -buying -##wich -spreading -##OC -array -hurried -Environment -improving -prompted -fierce -Taking -Away -tune -pissed -Bull -catching -##ying -eyebrow -metropolitan -terrain -##rel -Lodge -manufacturers -creator -##etic -happiness -ports -##ners -Relations -fortress -targeted -##ST -allegedly -blues -##osa -Bosnia -##dom -burial -similarly -stranger -pursued -symbols -rebels -reflection -routine -traced -indoor -eventual -##ska -##ão -##una -MD -##phone -oh -grants -Reynolds -rid -operators -##nus -Joey -vital -siblings -keyboard -br -removing -societies -drives -solely -princess -lighter -Various -Cavalry -believing -SC -underwent -relay -smelled -syndrome -welfare -authorized -seemingly -Hard -chicken -##rina -Ages -Bo -democratic -barn -Eye -shorts -##coming -##hand -disappointed -unexpected -centres -Exhibition -Stories -Site -banking -accidentally -Agent -conjunction -André -Chloe -resist -width -Queens -provision -##art -Melissa -Honorary -Del -prefer -abruptly -duration -##vis -Glass -enlisted -##ado -discipline -Sisters -carriage -##ctor -##sburg -Lancashire -log -fuck -##iz -closet -collecting -holy -rape -trusted -cleaning -inhabited -Rocky -104 -editorial -##yu -##ju -succeed -strict -Cuban -##iya -Bronze -outcome -##ifies -##set -corps -Hero -barrier -Kumar -groaned -Nina -Burton -enable -stability -Milton -knots -##ination -slavery -##borg -curriculum -trailer -warfare -Dante -Edgar -revival -Copenhagen -define -advocate -Garrett -Luther -overcome -pipe -750 -construct -Scotia -kings -flooding -##hard -Ferdinand -Felix -forgot -Fish -Kurt -elaborate -##BC -graphic -gripped -colonel -Sophia -Advisory -Self -##uff -##lio -monitoring -seal -senses -rises -peaceful -journals -1837 -checking -legendary -Ghana -##power -ammunition -Rosa -Richards -nineteenth -ferry -aggregate -Troy -inter -##wall -Triple -steep -tent -Cyprus -1844 -##woman -commanding -farms -doi -navy -specified -na -cricketer -transported -Think -comprising -grateful -solve -##core -beings -clerk -grain -vector -discrimination -##TC -Katie -reasonable -drawings -veins -consideration -Monroe -repeat -breed -dried -witnessed -ordained -Current -spirits -remarkable -consultant -urged -Remember -anime -singers -phenomenon -Rhode -Carlo -demanding -findings -manual -varying -Fellowship -generate -safely -heated -withdrawn -##ao -headquartered -##zon -##lav -##ency -Col -Memphis -imposed -rivals -Planet -healing -##hs -ensemble -Warriors -##bone -cult -Frankfurt -##HL -diversity -Gerald -intermediate -##izes -reactions -Sister -##ously -##lica -quantum -awkward -mentions -pursuit -##ography -varies -profession -molecular -consequence -lectures -cracked -103 -slowed -##tsu -cheese -upgraded -suite -substance -Kingston -1800 -Idaho -Theory -##een -ain -Carson -Molly -##OR -configuration -Whitney -reads -audiences -##tie -Geneva -Outside -##nen -##had -transit -volleyball -Randy -Chad -rubber -motorcycle -respected -eager -Level -coin -##lets -neighbouring -##wski -confident -##cious -poll -uncertain -punch -thesis -Tucker -IATA -Alec -##ographic -##law -1841 -desperately -1812 -Lithuania -accent -Cox -lightning -skirt -##load -Burns -Dynasty -##ug -chapters -Working -dense -Morocco -##kins -casting -Set -activated -oral -Brien -horn -HIV -dawn -stumbled -altar -tore -considerably -Nicole -interchange -registration -biography -Hull -Stan -bulk -consent -Pierce -##ER -Fifth -marched -terrorist -##piece -##itt -Presidential -Heather -staged -Plant -relegation -sporting -joins -##ced -Pakistani -dynamic -Heat -##lf -ourselves -Except -Elliott -nationally -goddess -investors -Burke -Jackie -##ā -##RA -Tristan -Associate -Tuesday -scope -Near -bunch -##abad -##ben -sunlight -##aire -manga -Willie -trucks -boarding -Lion -lawsuit -Learning -Der -pounding -awful -##mine -IT -Legend -romance -Serie -AC -gut -precious -Robertson -hometown -realm -Guards -Tag -batting -##vre -halt -conscious -1838 -acquire -collar -##gg -##ops -Herald -nationwide -citizenship -Aircraft -decrease -em -Fiction -Female -corporation -Located -##ip -fights -unconscious -Tampa -Poetry -lobby -Malta -##sar -##bie -layout -Tate -reader -stained -##bre -##rst -##ulate -loudly -Eva -Cohen -exploded -Merit -Maya -##rable -Rovers -##IC -Morrison -Should -vinyl -##mie -onwards -##gie -vicinity -Wildlife -probability -Mar -Barnes -##ook -spinning -Moses -##vie -Surrey -Planning -conferences -protective -Plaza -deny -Canterbury -manor -Estate -tilted -comics -IBM -destroying -server -Dorothy -##horn -Oslo -lesser -heaven -Marshal -scales -strikes -##ath -firms -attract -##BS -controlling -Bradford -southeastern -Amazon -Travis -Janet -governed -1842 -Train -Holden -bleeding -gifts -rent -1839 -palms -##ū -judicial -Ho -Finals -conflicts -unlikely -draws -##cies -compensation -adds -elderly -Anton -lasting -Nintendo -codes -ministers -pot -associations -capabilities -##cht -libraries -##sie -chances -performers -runway -##af -##nder -Mid -Vocals -##uch -##eon -interpreted -priority -Uganda -ruined -Mathematics -cook -AFL -Lutheran -AIDS -Capitol -chase -axis -Moreover -María -Saxon -storyline -##ffed -Tears -Kid -cent -colours -Sex -##long -pm -blonde -Edwin -CE -diocese -##ents -##boy -Inn -##ller -Saskatchewan -##kh -stepping -Windsor -##oka -##eri -Xavier -Resources -1843 -##top -##rad -##lls -Testament -poorly -1836 -drifted -slope -CIA -remix -Lords -mature -hosting -diamond -beds -##ncies -luxury -trigger -##lier -preliminary -hybrid -journalists -Enterprise -proven -expelled -insects -Beautiful -lifestyle -vanished -##ake -##ander -matching -surfaces -Dominican -Kids -referendum -Orlando -Truth -Sandy -privacy -Calgary -Speaker -sts -Nobody -shifting -##gers -Roll -Armenia -Hand -##ES -106 -##ont -Guild -larvae -Stock -flame -gravity -enhanced -Marion -surely -##tering -Tales -algorithm -Emmy -darker -VIII -##lash -hamlet -deliberately -occurring -choices -Gage -fees -settling -ridiculous -##ela -Sons -cop -custody -##ID -proclaimed -Cardinals -##pm -Metal -Ana -1835 -clue -Cardiff -riders -observations -MA -sometime -##och -performer -intact -Points -allegations -rotation -Tennis -tenor -Directors -##ats -Transit -thigh -Complex -##works -twentieth -Factory -doctrine -Daddy -##ished -pretend -Winston -cigarette -##IA -specimens -hydrogen -smoking -mathematical -arguments -openly -developer -##iro -fists -somebody -##san -Standing -Caleb -intelligent -Stay -Interior -echoed -Valentine -varieties -Brady -cluster -Ever -voyage -##of -deposits -ultimate -Hayes -horizontal -proximity -##ás -estates -exploration -NATO -Classical -##most -bills -condemned -1832 -hunger -##ato -planes -deserve -offense -sequences -rendered -acceptance -##ony -manufacture -Plymouth -innovative -predicted -##RC -Fantasy -##une -supporter -absent -Picture -bassist -rescued -##MC -Ahmed -Monte -##sts -##rius -insane -novelist -##és -agrees -Antarctic -Lancaster -Hopkins -calculated -startled -##star -tribal -Amendment -##hoe -invisible -patron -deer -Walk -tracking -Lyon -tickets -##ED -philosopher -compounds -chuckled -##wi -pound -loyalty -Academic -petition -refuses -marking -Mercury -northeastern -dimensions -scandal -Canyon -patch -publish -##oning -Peak -minds -##boro -Presbyterian -Hardy -theoretical -magnitude -bombs -cage -##ders -##kai -measuring -explaining -avoiding -touchdowns -Card -theology -##ured -Popular -export -suspicious -Probably -photograph -Lou -Parks -Arms -compact -Apparently -excess -Banks -lied -stunned -territorial -Filipino -spectrum -learns -wash -imprisonment -ugly -##rose -Albany -Erik -sends -##hara -##rid -consumed -##gling -Belgrade -Da -opposing -Magnus -footsteps -glowing -delicate -Alexandria -Ludwig -gorgeous -Bros -Index -##PA -customs -preservation -bonds -##mond -environments -##nto -instructed -parted -adoption -locality -workshops -goalkeeper -##rik -##uma -Brighton -Slovenia -##ulating -##tical -towel -hugged -stripped -Bears -upright -Wagner -##aux -secretly -Adventures -nest -Course -Lauren -Boeing -Abdul -Lakes -450 -##cu -USSR -caps -Chan -##nna -conceived -Actually -Belfast -Lithuanian -concentrate -possess -militia -pine -protagonist -Helena -##PS -##band -Belle -Clara -Reform -currency -pregnancy -1500 -##rim -Isabella -hull -Name -trend -journalism -diet -##mel -Recording -acclaimed -Tang -Jace -steering -vacant -suggestion -costume -laser -##š -##ink -##pan -##vić -integral -achievements -wise -classroom -unions -southwestern -##uer -Garcia -toss -Tara -Large -##tate -evident -responsibilities -populated -satisfaction -##bia -casual -Ecuador -##ght -arose -##ović -Cornwall -embrace -refuse -Heavyweight -XI -Eden -activists -##uation -biology -##shan -fraud -Fuck -matched -legacy -Rivers -missionary -extraordinary -Didn -holder -wickets -crucial -Writers -Hurricane -Iceland -gross -trumpet -accordance -hurry -flooded -doctorate -Albania -##yi -united -deceased -jealous -grief -flute -portraits -##а -pleasant -Founded -Face -crowned -Raja -advisor -Salem -##ec -Achievement -admission -freely -minimal -Sudan -developers -estimate -disabled -##lane -downstairs -Bruno -##pus -pinyin -##ude -lecture -deadly -underlying -optical -witnesses -Combat -Julius -tapped -variants -##like -Colonial -Critics -Similarly -mouse -voltage -sculptor -Concert -salary -Frances -##ground -hook -premises -Software -instructor -nominee -##ited -fog -slopes -##zu -vegetation -sail -##rch -Body -Apart -atop -View -utility -ribs -cab -migration -##wyn -bounded -2019 -pillow -trails -##ub -Halifax -shade -Rush -##lah -##dian -Notre -interviewed -Alexandra -Springfield -Indeed -rubbing -dozens -amusement -legally -##lers -Jill -Cinema -ignoring -Choice -##ures -pockets -##nell -laying -Blair -tackles -separately -##teen -Criminal -performs -theorem -Communication -suburbs -##iel -competitors -rows -##hai -Manitoba -Eleanor -interactions -nominations -assassination -##dis -Edmonton -diving -##dine -essay -##tas -AFC -Edge -directing -imagination -sunk -implement -Theodore -trembling -sealed -##rock -Nobel -##ancy -##dorf -##chen -genuine -apartments -Nicolas -AA -Bach -Globe -Store -220 -##10 -Rochester -##ño -alert -107 -Beck -##nin -Naples -Basin -Crawford -fears -Tracy -##hen -disk -##pped -seventeen -Lead -backup -reconstruction -##lines -terrified -sleeve -nicknamed -popped -##making -##ern -Holiday -Gospel -ibn -##ime -convert -divine -resolved -##quet -ski -realizing -##RT -Legislature -reservoir -Rain -sinking -rainfall -elimination -challenging -tobacco -##outs -Given -smallest -Commercial -pin -rebel -comedian -exchanged -airing -dish -Salvador -promising -##wl -relax -presenter -toll -aerial -##eh -Fletcher -brass -disappear -zones -adjusted -contacts -##lk -sensed -Walt -mild -toes -flies -shame -considers -wildlife -Hanna -Arsenal -Ladies -naming -##ishing -anxiety -discussions -cute -undertaken -Cash -strain -Wyoming -dishes -precise -Angela -##ided -hostile -twins -115 -Built -##pel -Online -tactics -Newman -##bourne -unclear -repairs -embarrassed -listing -tugged -Vale -##gin -Meredith -bout -##cle -velocity -tips -froze -evaluation -demonstrate -##card -criticised -Nash -lineup -Rao -monks -bacteria -lease -##lish -frightened -den -revived -finale -##rance -flee -Letters -decreased -##oh -Sounds -wrap -Sharon -incidents -renovated -everybody -stole -Bath -boxing -1815 -withdraw -backs -interim -react -murders -Rhodes -Copa -framed -flown -Estonia -Heavy -explored -##rra -##GA -##ali -Istanbul -1834 -##rite -##aging -##ues -Episcopal -arc -orientation -Maxwell -infected -##rot -BCE -Brook -grasp -Roberto -Excellence -108 -withdrawal -Marines -rider -Lo -##sin -##run -Subsequently -garrison -hurricane -facade -Prussia -crushed -enterprise -##mber -Twitter -Generation -Physical -Sugar -editing -communicate -Ellie -##hurst -Ernst -wagon -promotional -conquest -Parliamentary -courtyard -lawyers -Superman -email -Prussian -lately -lecturer -Singer -Majesty -Paradise -sooner -Heath -slot -curves -convoy -##vian -induced -synonym -breeze -##plane -##ox -peered -Coalition -##hia -odds -##esh -##lina -Tomorrow -Nadu -##ico -##rah -damp -autonomous -console -Victory -counts -Luxembourg -intimate -Archived -Carroll -spy -Zero -habit -Always -faction -teenager -Johnston -chaos -ruin -commerce -blog -##shed -##the -reliable -Word -Yu -Norton -parade -Catholics -damned -##iling -surgeon -##tia -Allison -Jonas -remarked -##ès -idiot -Making -proposals -Industries -strategies -artifacts -batteries -reward -##vers -Agricultural -distinguish -lengths -Jeffrey -Progressive -kicking -Patricia -##gio -ballot -##ios -skilled -##gation -Colt -limestone -##AS -peninsula -##itis -LA -hotels -shapes -Crime -depicting -northwestern -HD -silly -Das -##² -##ws -##ash -##matic -thermal -Has -forgive -surrendered -Palm -Nacional -drank -haired -Mercedes -##foot -loading -Timothy -##roll -mechanisms -traces -digging -discussing -Natalie -##zhou -Forbes -landmark -Anyway -Manor -conspiracy -gym -knocking -viewing -Formation -Pink -Beauty -limbs -Phillip -sponsor -Joy -granite -Harbour -##ero -payments -Ballet -conviction -##dam -Hood -estimates -lacked -Mad -Jorge -##wen -refuge -##LA -invaded -Kat -suburban -##fold -investigated -Ari -complained -creek -Georges -##uts -powder -accepting -deserved -carpet -Thunder -molecules -Legal -cliff -strictly -enrollment -ranch -##rg -##mba -proportion -renovation -crop -grabbing -##liga -finest -entries -receptor -helmet -blown -Listen -flagship -workshop -resolve -nails -Shannon -portal -jointly -shining -Violet -overwhelming -upward -Mick -proceedings -##dies -##aring -Laurence -Churchill -##rice -commit -170 -inclusion -Examples -##verse -##rma -fury -paths -##SC -ankle -nerves -Chemistry -rectangular -sworn -screenplay -cake -Mann -Seoul -Animal -sizes -Speed -vol -Population -Southwest -Hold -continuously -Qualified -wishing -Fighting -Made -disappointment -Portsmouth -Thirty -##beck -Ahmad -teammate -MLB -graph -Charleston -realizes -##dium -exhibits -preventing -##int -fever -rivalry -Male -mentally -dull -##lor -##rich -consistently -##igan -Madame -certificate -suited -Krishna -accuracy -Webb -Budapest -Rex -1831 -Cornell -OK -surveillance -##gated -habitats -Adventure -Conrad -Superior -Gay -sofa -aka -boot -Statistics -Jessie -Liberation -##lip -##rier -brands -saint -Heinrich -Christine -bath -Rhine -ballet -Jin -consensus -chess -Arctic -stack -furious -cheap -toy -##yre -##face -##gging -gastropod -##nne -Romans -membrane -answering -25th -architects -sustainable -##yne -Hon -1814 -Baldwin -dome -##awa -##zen -celebrity -enclosed -##uit -##mmer -Electronic -locals -##CE -supervision -mineral -Chemical -Slovakia -alley -hub -##az -heroes -Creative -##AM -incredible -politically -ESPN -yanked -halls -Aboriginal -Greatest -yield -##20 -congressional -robot -Kiss -welcomed -MS -speeds -proceed -Sherman -eased -Greene -Walsh -Geoffrey -variables -rocky -##print -acclaim -Reverend -Wonder -tonnes -recurring -Dawson -continent -finite -AP -continental -ID -facilitate -essays -Rafael -Neal -1833 -ancestors -##met -##gic -Especially -teenage -frustrated -Jules -cock -expense -##oli -##old -blocking -Notable -prohibited -ca -dock -organize -##wald -Burma -Gloria -dimension -aftermath -choosing -Mickey -torpedo -pub -##used -manuscripts -laps -Ulster -staircase -sphere -Insurance -Contest -lens -risks -investigations -ERA -glare -##play -Graduate -auction -Chronicle -##tric -##50 -Coming -seating -Wade -seeks -inland -Thames -Rather -butterfly -contracted -positioned -consumers -contestants -fragments -Yankees -Santos -administrator -hypothesis -retire -Denis -agreements -Winnipeg -##rill -1820 -trophy -crap -shakes -Jenkins -##rium -ya -twist -labels -Maritime -##lings -##iv -111 -##ensis -Cairo -Anything -##fort -opinions -crowded -##nian -abandon -##iff -drained -imported -##rr -tended -##rain -Going -introducing -sculptures -bankruptcy -danced -demonstration -stance -settings -gazed -abstract -pet -Calvin -stiff -strongest -wrestler -##dre -Republicans -grace -allocated -cursed -snail -advancing -Return -errors -Mall -presenting -eliminate -Amateur -Institution -counting -##wind -warehouse -##nde -Ethiopia -trailed -hollow -##press -Literary -capability -nursing -preceding -lamp -Thomson -Morton -##ctic -Crew -Close -composers -boom -Clare -missiles -112 -hunter -snap -##oni -##tail -Us -declaration -##cock -rally -huh -lion -straightened -Philippe -Sutton -alpha -valued -maker -navigation -detected -favorable -perception -Charter -##ña -Ricky -rebounds -tunnels -slapped -Emergency -supposedly -##act -deployment -socialist -tubes -anybody -corn -##NA -Seminary -heating -pump -##AA -achieving -souls -##ass -Link -##ele -##smith -greeted -Bates -Americas -Elder -cure -contestant -240 -fold -Runner -Uh -licked -Politics -committees -neighbors -fairy -Silva -Leipzig -tipped -correctly -exciting -electronics -foundations -cottage -governmental -##hat -allied -claws -presidency -cruel -Agreement -slender -accompanying -precisely -##pass -driveway -swim -Stand -crews -##mission -rely -everyday -Wings -demo -##hic -recreational -min -nationality -##duction -Easter -##hole -canvas -Kay -Leicester -talented -Discovery -shells -##ech -Kerry -Ferguson -Leave -##place -altogether -adopt -butt -wolves -##nsis -##ania -modest -soprano -Boris -##ught -electron -depicts -hid -cruise -differ -treasure -##nch -Gun -Mama -Bengali -trainer -merchants -innovation -presumably -Shirley -bottles -proceeds -Fear -invested -Pirates -particle -Dominic -blamed -Fight -Daisy -##pper -##graphic -nods -knight -Doyle -tales -Carnegie -Evil -Inter -Shore -Nixon -transform -Savannah -##gas -Baltic -stretching -worlds -protocol -Percy -Toby -Heroes -brave -dancers -##aria -backwards -responses -Chi -Gaelic -Berry -crush -embarked -promises -Madonna -researcher -realised -inaugurated -Cherry -Mikhail -Nottingham -reinforced -subspecies -rapper -##kie -Dreams -Re -Damon -Minneapolis -monsters -suspicion -Tel -surroundings -afterward -complaints -OF -sectors -Algeria -lanes -Sabha -objectives -Donna -bothered -distracted -deciding -##ives -##CA -##onia -bishops -Strange -machinery -Voiced -synthesis -reflects -interference -##TS -##ury -keen -##ign -frown -freestyle -ton -Dixon -Sacred -Ruby -Prison -##ión -1825 -outfit -##tain -curiosity -##ight -frames -steadily -emigrated -horizon -##erly -Doc -philosophical -Table -UTC -Marina -##DA -secular -##eed -Zimbabwe -cops -Mack -sheriff -Sanskrit -Francesco -catches -questioning -streaming -Kill -testimony -hissed -tackle -countryside -copyright -##IP -Buddhism -##rator -ladder -##ON -Past -rookie -depths -##yama -##ister -##HS -Samantha -Dana -Educational -brows -Hammond -raids -envelope -##sco -##hart -##ulus -epic -detection -Streets -Potter -statistical -für -ni -accounting -##pot -employer -Sidney -Depression -commands -Tracks -averaged -lets -Ram -longtime -suits -branded -chip -Shield -loans -ought -Said -sip -##rome -requests -Vernon -bordered -veterans -##ament -Marsh -Herzegovina -Pine -##igo -mills -anticipation -reconnaissance -##ef -expectations -protested -arrow -guessed -depot -maternal -weakness -##ap -projected -pour -Carmen -provider -newer -remind -freed -##rily -##wal -##tones -intentions -Fiji -timing -Match -managers -Kosovo -Herman -Wesley -Chang -135 -semifinals -shouting -Indo -Janeiro -Chess -Macedonia -Buck -##onies -rulers -Mail -##vas -##sel -MHz -Programme -Task -commercially -subtle -propaganda -spelled -bowling -basically -Raven -1828 -Colony -109 -##ingham -##wara -anticipated -1829 -##iers -graduates -##rton -##fication -endangered -ISO -diagnosed -##tage -exercises -Battery -bolt -poison -cartoon -##ción -hood -bowed -heal -Meyer -Reagan -##wed -subfamily -##gent -momentum -infant -detect -##sse -Chapman -Darwin -mechanics -NSW -Cancer -Brooke -Nuclear -comprised -hire -sanctuary -wingspan -contrary -remembering -surprising -Basic -stealing -OS -hatred -##lled -masters -violation -Rule -##nger -assuming -conquered -louder -robe -Beatles -legitimate -##vation -massacre -Rica -unsuccessfully -poets -##enberg -careers -doubled -premier -battalions -Dubai -Paper -Louisville -gestured -dressing -successive -mumbled -Vic -referee -pupil -##cated -##rre -ceremonies -picks -##IN -diplomat -alike -geographical -rays -##HA -##read -harbour -factories -pastor -playwright -Ultimate -nationalist -uniforms -obtaining -kit -Amber -##pling -screenwriter -ancestry -##cott -Fields -PR -Coleman -rat -Bavaria -squeeze -highlighted -Adult -reflecting -Mel -1824 -bicycle -organizing -sided -Previously -Underground -Prof -athletics -coupled -mortal -Hampton -worthy -immune -Ava -##gun -encouraging -simplified -##ssa -##nte -##ann -Providence -entities -Pablo -Strong -Housing -##ista -##ators -kidnapped -mosque -Kirk -whispers -fruits -shattered -fossil -Empress -Johns -Webster -Thing -refusing -differently -specimen -Ha -##EN -##tina -##elle -##night -Horn -neighbourhood -Bolivia -##rth -genres -Pre -##vich -Amelia -swallow -Tribune -Forever -Psychology -Use -##bers -Gazette -ash -##usa -Monster -##cular -delegation -blowing -Oblast -retreated -automobile -##ex -profits -shirts -devil -Treasury -##backs -Drums -Ronnie -gameplay -expertise -Evening -resides -Caesar -unity -Crazy -linking -Vision -donations -Isabel -valve -Sue -WWE -logical -availability -fitting -revolt -##mill -Linux -taxi -Access -pollution -statues -Augustus -##pen -cello -##some -lacking -##ati -Gwen -##aka -##ovich -1821 -Wow -initiatives -Uruguay -Cain -stroked -examine -##ī -mentor -moist -disorders -buttons -##tica -##anna -Species -Lynch -museums -scorer -Poor -eligibility -op -unveiled -cats -Title -wheat -critically -Syracuse -##osis -marketed -enhance -Ryder -##NG -##ull -##rna -embedded -throws -foods -happily -##ami -lesson -formats -punched -##rno -expressions -qualities -##sal -Gods -##lity -elect -wives -##lling -jungle -Toyota -reversed -Grammar -Cloud -Agnes -##ules -disputed -verses -Lucien -threshold -##rea -scanned -##bled -##dley -##lice -Kazakhstan -Gardner -Freeman -##rz -inspection -Rita -accommodation -advances -chill -Elliot -thriller -Constantinople -##mos -debris -whoever -1810 -Santo -Carey -remnants -Guatemala -##irs -carriers -equations -mandatory -##WA -anxious -measurement -Summit -Terminal -Erin -##zes -LLC -##uo -glancing -sin -##₃ -Downtown -flowering -Euro -Leigh -Lance -warn -decent -recommendations -##ote -Quartet -##rrell -Clarence -colleague -guarantee -230 -Clayton -Beast -addresses -prospect -destroyer -vegetables -Leadership -fatal -prints -190 -##makers -Hyde -persuaded -illustrations -Southampton -Joyce -beats -editors -mount -##grave -Malaysian -Bombay -endorsed -##sian -##bee -applying -Religion -nautical -bomber -Na -airfield -gravel -##rew -Cave -bye -dig -decree -burden -Election -Hawk -Fe -##iled -reunited -##tland -liver -Teams -Put -delegates -Ella -##fect -Cal -invention -Castro -bored -##kawa -##ail -Trinidad -NASCAR -pond -develops -##pton -expenses -Zoe -Released -##rf -organs -beta -parameters -Neill -##lene -lateral -Beat -blades -Either -##hale -Mitch -##ET -##vous -Rod -burnt -phones -Rising -##front -investigating -##dent -Stephanie -##keeper -screening -##uro -Swan -Sinclair -modes -bullets -Nigerian -melody -##ques -Rifle -##12 -128 -##jin -charm -Venus -##tian -fusion -advocated -visitor -pinned -genera -3000 -Ferry -Solo -quantity -regained -platinum -shoots -narrowly -preceded -update -##ichi -equality -unaware -regiments -ally -##tos -transmitter -locks -Seeing -outlets -feast -reopened -##ows -struggles -Buddy -1826 -bark -elegant -amused -Pretty -themed -schemes -Lisbon -Te -patted -terrorism -Mystery -##croft -##imo -Madagascar -Journey -dealer -contacted -##quez -ITV -vacation -Wong -Sacramento -organisms -##pts -balcony -coloured -sheer -defines -MC -abortion -forbidden -accredited -Newfoundland -tendency -entrepreneur -Benny -Tanzania -needing -finalist -mythology -weakened -gown -sentences -Guest -websites -Tibetan -UFC -voluntary -annoyed -Welcome -honestly -correspondence -geometry -Deutsche -Biology -Help -##aya -Lines -Hector -##ael -reluctant -##ages -wears -inquiry -##dell -Holocaust -Tourism -Wei -volcanic -##mates -Visual -sorts -neighborhoods -Running -apple -shy -Laws -bend -Northeast -feminist -Speedway -Murder -visa -stuffed -fangs -transmitted -fiscal -Ain -enlarged -##ndi -Cecil -Peterson -Benson -Bedford -acceptable -##CC -##wer -purely -triangle -foster -Alberto -educator -Highland -acute -LGBT -Tina -Mi -adventures -Davidson -Honda -translator -monk -enacted -summoned -##ional -collector -Genesis -Un -liner -Di -Statistical -##CS -filter -Knox -Religious -Stella -Estonian -Turn -##ots -primitive -parishes -##lles -complexity -autobiography -rigid -cannon -pursuing -exploring -##gram -##mme -freshman -caves -Expedition -Traditional -iTunes -certification -cooling -##ort -##gna -##IT -##lman -##VA -Motion -explosive -licence -boxer -shrine -loosely -Brigadier -Savage -Brett -MVP -heavier -##elli -##gged -Buddha -Easy -spells -fails -incredibly -Georg -stern -compatible -Perfect -applies -cognitive -excessive -nightmare -neighbor -Sicily -appealed -static -##₁ -Aberdeen -##leigh -slipping -bride -##guard -Um -Clyde -1818 -##gible -Hal -Frost -Sanders -interactive -Hour -##vor -hurting -bull -termed -shelf -capturing -##pace -rolls -113 -##bor -Chilean -teaches -##rey -exam -shipped -Twin -borrowed -##lift -Shit -##hot -Lindsay -Below -Kiev -Lin -leased -##sto -Eli -Diane -Val -subtropical -shoe -Bolton -Dragons -##rification -Vatican -##pathy -Crisis -dramatically -talents -babies -##ores -surname -##AP -##cology -cubic -opted -Archer -sweep -tends -Karnataka -Judy -stint -Similar -##nut -explicitly -##nga -interact -Mae -portfolio -clinic -abbreviated -Counties -##iko -hearts -##ı -providers -screams -Individual -##etti -Monument -##iana -accessed -encounters -gasp -##rge -defunct -Avery -##rne -nobility -useless -Phase -Vince -senator -##FL -1813 -surprisingly -##illo -##chin -Boyd -rumors -equity -Gone -Hearts -chassis -overnight -Trek -wrists -submit -civic -designers -##rity -prominence -decorative -derives -starter -##AF -wisdom -Powers -reluctantly -measurements -doctoral -Noel -Gideon -Baden -Cologne -lawn -Hawaiian -anthology -##rov -Raiders -embassy -Sterling -##pal -Telugu -troubled -##FC -##bian -fountain -observe -ore -##uru -##gence -spelling -Border -grinning -sketch -Benedict -Xbox -dialects -readily -immigrant -Constitutional -aided -nevertheless -SE -tragedy -##ager -##rden -Flash -##MP -Europa -emissions -##ield -panties -Beverly -Homer -curtain -##oto -toilet -Isn -Jerome -Chiefs -Hermann -supernatural -juice -integrity -Scots -auto -Patriots -Strategic -engaging -prosecution -cleaned -Byron -investments -adequate -vacuum -laughs -##inus -##nge -Usually -Roth -Cities -Brand -corpse -##ffy -Gas -rifles -Plains -sponsorship -Levi -tray -owed -della -commanders -##ead -tactical -##rion -García -harbor -discharge -##hausen -gentleman -endless -highways -##itarian -pleaded -##eta -archive -Midnight -exceptions -instances -Gibraltar -cart -##NS -Darren -Bonnie -##yle -##iva -OCLC -bra -Jess -##EA -consulting -Archives -Chance -distances -commissioner -##AR -LL -sailors -##sters -enthusiasm -Lang -##zia -Yugoslav -confirm -possibilities -Suffolk -##eman -banner -1822 -Supporting -fingertips -civilization -##gos -technically -1827 -Hastings -sidewalk -strained -monuments -Floyd -Chennai -Elvis -villagers -Cumberland -strode -albeit -Believe -planets -combining -Mohammad -container -##mouth -##tures -verb -BA -Tank -Midland -screened -Gang -Democracy -Helsinki -screens -thread -charitable -##version -swiftly -ma -rational -combine -##SS -##antly -dragging -Cliff -Tasmania -quest -professionally -##aj -rap -##lion -livestock -##hua -informal -specially -lonely -Matthews -Dictionary -1816 -Observatory -correspondent -constitute -homeless -waving -appreciated -Analysis -Meeting -dagger -##AL -Gandhi -flank -Giant -Choir -##not -glimpse -toe -Writer -teasing -springs -##dt -Glory -healthcare -regulated -complaint -math -Publications -makers -##hips -cement -Need -apologize -disputes -finishes -Partners -boring -ups -gains -1793 -Congressional -clergy -Folk -##made -##nza -Waters -stays -encoded -spider -betrayed -Applied -inception -##urt -##zzo -wards -bells -UCLA -Worth -bombers -Mo -trademark -Piper -##vel -incorporates -1801 -##cial -dim -Twelve -##word -Appeals -tighter -spacecraft -##tine -coordinates -##iac -mistakes -Zach -laptop -Teresa -##llar -##yr -favored -Nora -sophisticated -Irving -hammer -División -corporations -niece -##rley -Patterson -UNESCO -trafficking -Ming -balanced -plaque -Latvia -broader -##owed -Save -confined -##vable -Dalton -tide -##right -##ural -##num -swords -caring -##eg -IX -Acting -paved -##moto -launching -Antoine -substantially -Pride -Philharmonic -grammar -Indoor -Ensemble -enabling -114 -resided -Angelo -publicity -chaired -crawled -Maharashtra -Telegraph -lengthy -preference -differential -anonymous -Honey -##itation -wage -##iki -consecrated -Bryant -regulatory -Carr -##én -functioning -watches -##ú -shifts -diagnosis -Search -app -Peters -##SE -##cat -Andreas -honours -temper -counsel -Urdu -Anniversary -maritime -##uka -harmony -##unk -essence -Lorenzo -choked -Quarter -indie -##oll -loses -##prints -amendment -Adolf -scenario -similarities -##rade -##LC -technological -metric -Russians -thoroughly -##tead -cruiser -1806 -##nier -1823 -Teddy -##psy -au -progressed -exceptional -broadcaster -partnered -fitness -irregular -placement -mothers -unofficial -Garion -Johannes -1817 -regain -Solar -publishes -Gates -Broken -thirds -conversations -dive -Raj -contributor -quantities -Worcester -governance -##flow -generating -pretending -Belarus -##voy -radius -skating -Marathon -1819 -affection -undertook -##wright -los -##bro -locate -PS -excluded -recreation -tortured -jewelry -moaned -##logue -##cut -Complete -##rop -117 -##II -plantation -whipped -slower -crater -##drome -Volunteer -attributes -celebrations -regards -Publishers -oath -utilized -Robbie -Giuseppe -fiber -indication -melted -archives -Damien -storey -affecting -identifying -dances -alumni -comparable -upgrade -rented -sprint -##kle -Marty -##lous -treating -railways -Lebanese -erupted -occupy -sympathy -Jude -Darling -Qatar -drainage -McCarthy -heel -Klein -computing -wireless -flip -Du -Bella -##ast -##ssen -narrator -mist -sings -alignment -121 -2020 -securing -##rail -Progress -missionaries -brutal -mercy -##shing -Hip -##ache -##olo -switching -##here -Malay -##ob -constituted -Mohammed -Often -standings -surge -teachings -ink -detached -systematic -Trial -Myanmar -##wo -offs -Reyes -decoration -translations -wherever -reviewer -speculation -Bangkok -terminated -##ester -beard -RCA -Aidan -Associated -Emerson -Charity -1803 -generous -Dudley -ATP -##haven -prizes -toxic -gloves -##iles -##dos -Turning -myth -Parade -##building -Hits -##eva -teamed -Above -Duchess -Holt -##oth -Sub -Ace -atomic -inform -Ship -depend -Jun -##bes -Norwich -globe -Baroque -Christina -Cotton -Tunnel -kidding -Concerto -Brittany -tasted -phases -stems -angles -##TE -##nam -##40 -charted -Alison -intensive -Willis -glory -##lit -Bergen -est -taller -##dicate -labeled -##ido -commentator -Warrior -Viscount -shortened -aisle -Aria -Spike -spectators -goodbye -overlooking -mammals -##lude -wholly -Barrett -##gus -accompany -seventy -employ -##mb -ambitious -beloved -basket -##mma -##lding -halted -descendant -pad -exclaimed -cloak -##pet -Strait -Bang -Aviv -sadness -##ffer -Donovan -1880s -agenda -swinging -##quin -jerk -Boat -##rist -nervously -Silence -Echo -shout -implies -##iser -##cking -Shiva -Weston -damages -##tist -effectiveness -Horace -cycling -Rey -ache -Photography -PDF -Dear -leans -Lea -##vision -booth -attained -disbelief -##eus -##ution -Hop -pension -toys -Eurovision -faithful -##heads -Andre -owe -default -Atlas -Megan -highlights -lovers -Constantine -Sixth -masses -##garh -emerge -Auto -Slovak -##oa -##vert -Superintendent -flicked -inventor -Chambers -Frankie -Romeo -pottery -companions -Rudolf -##liers -diary -Unless -tap -alter -Randall -##ddle -##eal -limitations -##boards -utterly -knelt -guaranteed -Cowboys -Islander -horns -##ike -Wendy -sexually -Smart -breasts -##cian -compromise -Duchy -AT -Galaxy -analog -Style -##aking -weighed -Nigel -optional -Czechoslovakia -practicing -Ham -##0s -feedback -batted -uprising -operative -applicable -criminals -classrooms -Somehow -##ode -##OM -Naomi -Winchester -##pping -Bart -Regina -competitor -Recorded -Yuan -Vera -lust -Confederation -##test -suck -1809 -Lambert -175 -Friend -##ppa -Slowly -##⁺ -Wake -Dec -##aneous -chambers -Color -Gus -##site -Alternative -##world -Exeter -Omaha -celebrities -striker -210 -dwarf -meals -Oriental -Pearson -financing -revenues -underwater -Steele -screw -Feeling -Mt -acids -badge -swore -theaters -Moving -admired -lung -knot -penalties -116 -fork -##cribed -Afghan -outskirts -Cambodia -oval -wool -fossils -Ned -Countess -Darkness -delicious -##nica -Evelyn -Recordings -guidelines -##CP -Sandra -meantime -Antarctica -modeling -granddaughter -##rial -Roma -Seventh -Sunshine -Gabe -##nton -Shop -Turks -prolific -soup -parody -##nta -Judith -disciplines -resign -Companies -Libya -Jets -inserted -Mile -retrieve -filmmaker -##rand -realistic -unhappy -##30 -sandstone -##nas -##lent -##ush -##rous -Brent -trash -Rescue -##unted -Autumn -disgust -flexible -infinite -sideways -##oss -##vik -trailing -disturbed -50th -Newark -posthumously -##rol -Schmidt -Josef -##eous -determining -menu -Pole -Anita -Luc -peaks -118 -Yard -warrant -generic -deserted -Walking -stamp -tracked -##berger -paired -surveyed -sued -Rainbow -##isk -Carpenter -submarines -realization -touches -sweeping -Fritz -module -Whether -resembles -##form -##lop -unsure -hunters -Zagreb -unemployment -Senators -Georgetown -##onic -Barker -foul -commercials -Dresden -Words -collision -Carlton -Fashion -doubted -##ril -precision -MIT -Jacobs -mob -Monk -retaining -gotta -##rod -remake -Fast -chips -##pled -sufficiently -##lights -delivering -##enburg -Dancing -Barton -Officers -metals -##lake -religions -##ré -motivated -differs -dorsal -##birds -##rts -Priest -polished -##aling -Saxony -Wyatt -knockout -##hor -Lopez -RNA -##link -metallic -##kas -daylight -Montenegro -##lining -wrapping -resemble -Jam -Viking -uncertainty -angels -enables -##fy -Stuttgart -tricks -tattoo -127 -wicked -asset -breach -##yman -MW -breaths -Jung -im -1798 -noon -vowel -##qua -calmly -seasonal -chat -ingredients -cooled -Randolph -ensuring -##ib -##idal -flashing -1808 -Macedonian -Cool -councils -##lick -advantages -Immediately -Madras -##cked -Pain -fancy -chronic -Malayalam -begged -##nese -Inner -feathers -##vey -Names -dedication -Sing -pan -Fischer -nurses -Sharp -inning -stamps -Meg -##ello -edged -motioned -Jacksonville -##ffle -##dic -##US -divide -garnered -Ranking -chasing -modifications -##oc -clever -midst -flushed -##DP -void -##sby -ambulance -beaches -groan -isolation -strengthen -prevention -##ffs -Scouts -reformed -geographic -squadrons -Fiona -Kai -Consequently -##uss -overtime -##yas -Fr -##BL -Papua -Mixed -glances -Haiti -Sporting -sandy -confronted -René -Tanner -1811 -##IM -advisory -trim -##ibe -González -gambling -Jupiter -##ility -##owski -##nar -122 -apology -teased -Pool -feminine -wicket -eagle -shiny -##lator -blend -peaking -nasty -nodding -fraction -tech -Noble -Kuwait -brushing -Italia -Canberra -duet -Johan -1805 -Written -cameo -Stalin -pig -cord -##zio -Surely -SA -owing -holidays -123 -Ranger -lighthouse -##ige -miners -1804 -##ë -##gren -##ried -crashing -##atory -wartime -highlight -inclined -Torres -Tax -##zel -##oud -Own -##corn -Divine -EMI -Relief -Northwestern -ethics -BMW -click -plasma -Christie -coordinator -Shepherd -washing -cooked -##dio -##eat -Cerambycidae -algebra -Engine -costumes -Vampire -vault -submission -virtue -assumption -##rell -Toledo -##oting -##rva -crept -emphasized -##lton -##ood -Greeks -surgical -crest -Patrol -Beta -Tessa -##GS -pizza -traits -rats -Iris -spray -##GC -Lightning -binary -escapes -##take -Clary -crowds -##zong -hauled -maid -##fen -Manning -##yang -Nielsen -aesthetic -sympathetic -affiliation -soaked -Mozart -personalities -begging -##iga -clip -Raphael -yearly -Lima -abundant -##lm -1794 -strips -Initiative -reporters -##vsky -consolidated -##itated -Civic -rankings -mandate -symbolic -##ively -1807 -rental -duck -nave -complications -##nor -Irene -Nazis -haunted -scholarly -Pratt -Gran -Embassy -Wave -pity -genius -bats -canton -Tropical -marker -##cos -escorted -Climate -##posed -appreciation -freezing -puzzle -Internal -pools -Shawn -pathway -Daniels -Fitzgerald -extant -olive -Vanessa -marriages -cocked -##dging -prone -chemicals -doll -drawer -##HF -Stark -Property -##tai -flowed -Sheridan -##uated -Less -Omar -remarks -catalogue -Seymour -wreck -Carrie -##bby -Mercer -displaced -sovereignty -rip -Flynn -Archie -Quarterfinals -Hassan -##ards -vein -Osaka -pouring -wages -Romance -##cript -##phere -550 -##eil -##stown -Documentary -ancestor -CNN -Panthers -publishers -Rise -##mu -biting -Bright -String -succeeding -119 -loaned -Warwick -Sheikh -Von -Afterwards -Jax -Camden -helicopters -Hence -Laurel -##ddy -transaction -Corp -clause -##owing -##kel -Investment -cups -Lucia -Moss -Giles -chef -López -decisive -30th -distress -linguistic -surveys -Ready -maiden -Touch -frontier -incorporate -exotic -mollusk -Leopold -Ride -##wain -##ndo -teammates -tones -drift -ordering -Feb -Penny -Normandy -Present -Flag -pipes -##rro -delight -motto -Tibet -leap -Eliza -Produced -teenagers -sitcom -Try -Hansen -Cody -wandered -terrestrial -frog -scare -resisted -employers -coined -##DS -resistant -Fly -captive -dissolution -judged -associates -defining -##court -Hale -##mbo -raises -clusters -twelfth -##metric -Roads -##itude -satisfy -Android -Reds -Gloucester -Category -Valencia -Daemon -stabbed -Luna -Churches -Canton -##eller -Attack -Kashmir -annexed -grabs -asteroid -Hartford -recommendation -Rodriguez -handing -stressed -frequencies -delegate -Bones -Erie -Weber -Hands -Acts -millimetres -24th -Fat -Howe -casually -##SL -convent -1790 -IF -##sity -1795 -yelling -##ises -drain -addressing -amino -Marcel -Sylvia -Paramount -Gerard -Volleyball -butter -124 -Albion -##GB -triggered -1792 -folding -accepts -##ße -preparations -Wimbledon -dose -##grass -escaping -##tling -import -charging -##dation -280 -Nolan -##fried -Calcutta -##pool -Cove -examining -minded -heartbeat -twisting -domains -bush -Tunisia -Purple -Leone -##code -evacuated -battlefield -tiger -Electrical -##ared -chased -##cre -cultivated -Jet -solved -shrug -ringing -Impact -##iant -kilometre -##log -commemorate -migrated -singular -designing -promptly -Higgins -##own -##aves -freshwater -Marketing -Payne -beg -locker -pray -implied -AAA -corrected -Trans -Europeans -Ashe -acknowledge -Introduction -##writer -##llen -Munster -auxiliary -growl -Hours -Poems -##AT -reduces -Plain -plague -canceled -detention -polite -necklace -Gustav -##gu -##lance -En -Angola -##bb -dwelling -##hea -5000 -Qing -Dodgers -rim -##ored -##haus -spilled -Elisabeth -Viktor -backpack -1802 -amended -##worthy -Phantom -##ctive -keeper -##loom -Vikings -##gua -employs -Tehran -specialty -##bate -Marx -Mirror -Jenna -rides -needle -prayers -clarinet -forewings -##walk -Midlands -convincing -advocacy -Cao -Birds -cycles -Clement -Gil -bubble -Maximum -humanitarian -Tan -cries -##SI -Parsons -Trio -offshore -Innovation -clutched -260 -##mund -##duct -Prairie -relied -Falcon -##ste -Kolkata -Gill -Swift -Negro -Zoo -valleys -##OL -Opening -beams -MPs -outline -Bermuda -Personal -exceed -productive -##MT -republic -forum -##sty -tornado -Known -dipped -Edith -folks -mathematician -watershed -Ricardo -synthetic -##dication -deity -##₄ -gaming -subjected -suspects -Foot -swollen -Motors -##tty -##ý -aloud -ceremonial -es -nuts -intend -Carlisle -tasked -hesitation -sponsors -unified -inmates -##ctions -##stan -tiles -jokes -whereby -outcomes -Lights -scary -Stoke -Portrait -Blind -sergeant -violations -cultivation -fuselage -Mister -Alfonso -candy -sticks -teen -agony -Enough -invite -Perkins -Appeal -mapping -undergo -Glacier -Melanie -affects -incomplete -##dd -Colombian -##nate -CBC -purchasing -bypass -Drug -Electronics -Frontier -Coventry -##aan -autonomy -scrambled -Recent -bounced -cow -experiencing -Rouge -cuisine -Elite -disability -Ji -inheritance -wildly -Into -##wig -confrontation -Wheeler -shiver -Performing -aligned -consequently -Alexis -Sin -woodland -executives -Stevenson -Ferrari -inevitable -##cist -##dha -##base -Corner -comeback -León -##eck -##urus -MacDonald -pioneering -breakdown -landscapes -Veterans -Rican -Theological -stirred -participant -Credit -Hyderabad -snails -Claudia -##ocene -compliance -##MI -Flags -Middlesex -storms -winding -asserted -er -##ault -##kal -waking -##rates -abbey -Augusta -tooth -trustees -Commodore -##uded -Cunningham -NC -Witch -marching -Sword -Same -spiral -Harley -##ahan -Zack -Audio -1890s -##fit -Simmons -Kara -Veronica -negotiated -Speaking -FIBA -Conservatory -formations -constituencies -explicit -facial -eleventh -##ilt -villain -##dog -##case -##hol -armored -tin -hairs -##umi -##rai -mattress -Angus -cease -verbal -Recreation -savings -Aurora -peers -Monastery -Airways -drowned -additions -downstream -sticking -Shi -mice -skiing -##CD -Raw -Riverside -warming -hooked -boost -memorable -posed -treatments -320 -##dai -celebrating -blink -helpless -circa -Flowers -PM -uncommon -Oct -Hawks -overwhelmed -Sparhawk -repaired -Mercy -pose -counterpart -compare -survives -##½ -##eum -coordinate -Lil -grandchildren -notorious -Yi -Judaism -Juliet -accusations -1789 -floated -marathon -roar -fortified -reunion -145 -Nov -Paula -##fare -##toria -tearing -Cedar -disappearance -Si -gifted -scar -270 -PBS -Technologies -Marvin -650 -roller -cupped -negotiate -##erman -passport -tram -miracle -styled -##tier -necessity -Des -rehabilitation -Lara -USD -psychic -wipe -##lem -mistaken -##lov -charming -Rider -pageant -dynamics -Cassidy -##icus -defenses -##tadt -##vant -aging -##inal -declare -mistress -supervised -##alis -##rest -Ashton -submerged -sack -Dodge -grocery -ramp -Teacher -lineage -imagery -arrange -inscriptions -Organisation -Siege -combines -pounded -Fleming -legends -columnist -Apostolic -prose -insight -Arabian -expired -##uses -##nos -Alone -elbows -##asis -##adi -##combe -Step -Waterloo -Alternate -interval -Sonny -plains -Goals -incorporating -recruit -adjoining -Cheshire -excluding -marrying -ducked -Cherokee -par -##inate -hiking -Coal -##bow -natives -ribbon -Allies -con -descriptions -positively -##lal -defendant -22nd -Vivian -##beat -Weather -possessions -Date -sweetheart -inability -Salisbury -adviser -ideology -Nordic -##eu -Cubs -IP -Administrative -##nick -facto -liberation -Burnett -Javier -fashioned -Electoral -Turin -theft -unanimous -Per -1799 -Clan -Hawkins -Teachers -##wes -Cameroon -Parkway -##gment -demolition -atoms -nucleus -##thi -recovering -##yte -##vice -lifts -Must -deposit -Hancock -Semi -darkened -Declaration -moan -muscular -Myers -attractions -sauce -simulation -##weed -Alps -barriers -##baum -Barack -galleries -Min -holders -Greenwich -donation -Everybody -Wolfgang -sandwich -Kendra -Collegiate -casino -Slavic -ensuing -Porto -##grapher -Jesuit -suppressed -tires -Ibrahim -protesters -Ibn -Amos -1796 -phenomena -Hayden -Paraguay -Squad -Reilly -complement -aluminum -##eers -doubts -decay -demise -Practice -patience -fireplace -transparent -monarchy -##person -Rodney -mattered -rotating -Clifford -disposal -Standards -paced -##llie -arise -tallest -tug -documentation -node -freeway -Nikolai -##cite -clicked -imaging -Lorraine -Tactical -Different -Regular -Holding -165 -Pilot -guarded -##polis -Classics -Mongolia -Brock -monarch -cellular -receptors -Mini -Chandler -financed -financially -Lives -erection -Fuller -unnamed -Kannada -cc -passive -plateau -##arity -freak -##rde -retrieved -transactions -##sus -23rd -swimmer -beef -fulfill -Arlington -offspring -reasoning -Rhys -saves -pseudonym -centimetres -shivered -shuddered -##ME -Feel -##otic -professors -Blackburn -##eng -##life -##haw -interred -lodge -fragile -Della -guardian -##bbled -catalog -clad -observer -tract -declaring -##headed -Lok -dean -Isabelle -1776 -irrigation -spectacular -shuttle -mastering -##aro -Nathaniel -Retired -##lves -Brennan -##kha -dick -##dated -##hler -Rookie -leapt -televised -weekends -Baghdad -Yemen -##fo -factions -ion -Lab -mortality -passionate -Hammer -encompasses -confluence -demonstrations -Ki -derivative -soils -##unch -Ranch -Universities -conventions -outright -aiming -hierarchy -reside -illusion -graves -rituals -126 -Antwerp -Dover -##ema -campuses -Hobart -lifelong -aliens -##vity -Memory -coordination -alphabet -##mina -Titans -pushes -Flanders -##holder -Normal -excellence -capped -profound -Taipei -portrayal -sparked -scratch -se -##eas -##hir -Mackenzie -##cation -Neo -Shin -##lined -magnificent -poster -batsman -##rgent -persuade -##ement -Icelandic -miserable -collegiate -Feature -geography -##mura -Comic -Circus -processor -barracks -Tale -##11 -Bulls -##rap -strengthened -##bell -injection -miniature -broadly -Letter -fare -hostage -traders -##nium -##mere -Fortune -Rivera -Lu -triumph -Browns -Bangalore -cooperative -Basel -announcing -Sawyer -##him -##cco -##kara -darted -##AD -##nova -sucking -##position -perimeter -flung -Holdings -##NP -Basque -sketches -Augustine -Silk -Elijah -analyst -armour -riots -acquiring -ghosts -##ems -132 -Pioneer -Colleges -Simone -Economy -Author -semester -Soldier -il -##unting -##bid -freaking -Vista -tumor -##bat -murderer -##eda -unreleased -##grove -##sser -##té -edit -statute -sovereign -##gawa -Killer -stares -Fury -comply -##lord -##nant -barrels -Andhra -Maple -generator -mascot -unusually -eds -##ante -##runner -rod -##tles -Historically -Jennings -dumped -Established -resemblance -##lium -##cise -##body -##voke -Lydia -##hou -##iring -nonetheless -1797 -corrupt -patrons -physicist -sneak -Livingston -Citizens -Architects -Werner -trends -Melody -eighty -markings -brakes -##titled -oversaw -processed -mock -Midwest -intervals -##EF -stretches -werewolf -##MG -Pack -controller -##dition -Honours -cane -Griffith -vague -repertoire -Courtney -orgasm -Abdullah -dominance -occupies -Ya -introduces -Lester -instinct -collaborative -Indigenous -refusal -##rank -outlet -debts -spear -155 -##keeping -##ulu -Catalan -##osh -tensions -##OT -bred -crude -Dunn -abdomen -accurately -##fu -##lough -accidents -Row -Audrey -rude -Getting -promotes -replies -Paolo -merge -##nock -trans -Evangelical -automated -Canon -##wear -##ggy -##gma -Broncos -foolish -icy -Voices -knives -Aside -dreamed -generals -molecule -AG -rejection -insufficient -##nagar -deposited -sacked -Landing -arches -helpful -devotion -intake -Flower -PGA -dragons -evolutionary -##mail -330 -GM -tissues -##tree -arcade -composite -lid -Across -implications -lacks -theological -assessed -concentrations -Den -##mans -##ulous -Fu -homeland -##stream -Harriet -ecclesiastical -troop -ecological -winked -##xed -eighteenth -Casino -specializing -##sworth -unlocked -supreme -devastated -snatched -trauma -GDP -Nord -saddle -Wes -convenient -competes -##nu -##iss -Marian -subway -##rri -successes -umbrella -##far -##ually -Dundee -##cence -spark -##rix -##я -Quality -Geological -cockpit -rpm -Cam -Bucharest -riot -##PM -Leah -##dad -##pose -Ka -m³ -Bundesliga -Wolfe -grim -textile -quartet -expressing -fantastic -destroyers -eternal -picnic -##oro -contractor -1775 -spanning -declining -##cating -Lowe -Sutherland -Emirates -downward -nineteen -violently -scout -viral -melting -enterprises -##cer -Crosby -Jubilee -antenna -urgent -Rory -##uin -##sure -wandering -##gler -##vent -Suzuki -Lifetime -Dirty -occupying -##quent -Disc -Guru -mound -Lennon -Humanities -listeners -Walton -uh -Braves -Bologna -##bis -##gra -Dwight -crawl -flags -memoir -Thorne -Archdiocese -dairy -##uz -##tery -roared -adjust -patches -inn -Knowing -##bbed -##zan -scan -Papa -precipitation -angrily -passages -postal -Phi -embraced -blacks -economist -triangular -Sen -shooter -punished -Millennium -Swimming -confessed -Aston -defeats -Era -cousins -Williamson -##rer -daytime -dumb -##rek -underway -specification -Buchanan -prayed -concealed -activation -##issa -canon -awesome -Starr -plural -summers -##fields -Slam -unnecessary -1791 -resume -trilogy -compression -##rough -selective -dignity -Yan -##xton -immense -##yun -lone -seeded -hiatus -lightweight -summary -Yo -approve -Galway -rejoined -Elise -garbage -burns -speeches -129 -Honduras -##liness -inventory -jersey -FK -assure -slumped -Lionel -Suite -##sbury -Lena -continuation -##AN -brightly -##nti -GT -Knowledge -##park -##lius -lethal -##tribution -##sions -Certificate -Mara -##lby -algorithms -Jade -blows -pirates -fleeing -wheelchair -Stein -sophomore -Alt -Territorial -diploma -snakes -##olic -##tham -Tiffany -Pius -flush -urging -Hanover -Reich -##olate -Unity -Pike -collectively -Theme -ballad -kindergarten -rocked -zoo -##page -whip -Rodríguez -strokes -checks -Becky -Stern -upstream -##uta -Silent -volunteered -Sigma -##ingen -##tract -##ede -Gujarat -screwed -entertaining -##action -##ryn -defenders -innocence -lesbian -que -Richie -nodes -Lie -juvenile -Jakarta -safer -confront -Bert -breakthrough -gospel -Cable -##zie -institutional -Archive -brake -liquor -feeds -##iate -chancellor -Encyclopedia -Animation -scanning -teens -##mother -Core -Rear -Wine -##flower -reactor -Ave -cardinal -sodium -strands -Olivier -crouched -Vaughan -Sammy -Image -scars -Emmanuel -flour -bias -nipple -revelation -##ucci -Denny -##ssy -Form -Runners -admits -Rama -violated -Burmese -feud -underwear -Mohamed -Named -swift -statewide -Door -Recently -comparing -Hundred -##idge -##nity -##rds -Rally -Reginald -Auburn -solving -waitress -Treasurer -##ilization -Halloween -Ministers -Boss -Shut -##listic -Rahman -demonstrating -##pies -Gaza -Yuri -installations -Math -schooling -##bble -Bronx -exiled -gasoline -133 -bundle -humid -FCC -proportional -relate -VFL -##dez -continuity -##cene -syndicated -atmospheric -arrows -Wanderers -reinforcements -Willow -Lexington -Rotten -##yon -discovering -Serena -portable -##lysis -targeting -£1 -Goodman -Steam -sensors -detachment -Malik -##erie -attitudes -Goes -Kendall -Read -Sleep -beans -Nikki -modification -Jeanne -knuckles -Eleven -##iously -Gross -Jaime -dioxide -moisture -Stones -UCI -displacement -Metacritic -Jury -lace -rendering -elephant -Sergei -##quire -GP -Abbott -##type -projection -Mouse -Bishops -whispering -Kathleen -Rams -##jar -whites -##oran -assess -dispatched -##hire -kin -##mir -Nursing -advocates -tremendous -sweater -assisting -##bil -Farmer -prominently -reddish -Hague -cyclone -##SD -Sage -Lawson -Sanctuary -discharged -retains -##ube -shotgun -wilderness -Reformed -similarity -Entry -Watts -Bahá -Quest -Looks -visions -Reservoir -Arabs -curls -Blu -dripping -accomplish -Verlag -drill -sensor -Dillon -physicians -smashed -##dir -painters -Renault -straw -fading -Directorate -lounge -commissions -Brain -##graph -neo -##urg -plug -coordinated -##houses -Critical -lamps -illustrator -Returning -erosion -Crow -##ciation -blessing -Thought -Wife -medalist -synthesizer -Pam -Thornton -Esther -HBO -fond -Associates -##raz -pirate -permits -Wide -tire -##PC -Ernie -Nassau -transferring -RFC -##ntly -um -spit -AS -##mps -Mining -polar -villa -anchored -##zzi -embarrassment -relates -##ă -Rupert -counterparts -131 -Baxter -##18 -Igor -recognizes -Clive -##hane -##eries -##ibly -occurrence -##scope -fin -colorful -Rapids -banker -tile -##rative -##dus -delays -destinations -##llis -Pond -Dane -grandparents -rewarded -socially -motorway -##hof -##lying -##human -modeled -Dayton -Forward -conscience -Sharma -whistle -Mayer -Sasha -##pical -circuits -Zhou -##ça -Latvian -finalists -predators -Lafayette -closes -obligations -Resolution -##vier -Trustees -reminiscent -##hos -Highlands -Protected -asylum -evacuation -##acy -Chevrolet -confession -Somalia -emergence -separating -##rica -alright -calcium -Laurent -Welfare -Leonardo -ashes -dental -Deal -minerals -##lump -##mount -accounted -staggered -slogan -photographic -builder -##imes -##raft -tragic -144 -SEC -Hit -tailed -##ples -##rring -##rson -ethical -wrestlers -concludes -lunar -##ept -nitrogen -Aid -cyclist -quarterfinals -##ه -harvest -##hem -Pasha -IL -##mis -continually -##forth -Intel -bucket -##ended -witches -pretended -dresses -viewer -peculiar -lowering -volcano -Marilyn -Qualifier -clung -##sher -Cut -modules -Bowie -##lded -onset -transcription -residences -##pie -##itor -scrapped -##bic -Monaco -Mayo -eternity -Strike -uncovered -skeleton -##wicz -Isles -bug -Promoted -##rush -Mechanical -XII -##ivo -gripping -stubborn -velvet -TD -decommissioned -operas -spatial -unstable -Congressman -wasted -##aga -##ume -advertisements -##nya -obliged -Cannes -Conway -bricks -##gnant -##mity -##uise -jumps -Clear -##cine -##sche -chord -utter -Su -podium -spokesman -Royce -assassin -confirmation -licensing -liberty -##rata -Geographic -individually -detained -##ffe -Saturn -crushing -airplane -bushes -knights -##PD -Lilly -hurts -unexpectedly -Conservatives -pumping -Forty -candle -Pérez -peasants -supplement -Sundays -##ggs -##rries -risen -enthusiastic -corresponds -pending -##IF -Owens -floods -Painter -inflation -presumed -inscribed -Chamberlain -bizarre -1200 -liability -reacted -tub -Legacy -##eds -##pted -shone -##litz -##NC -Tiny -genome -bays -Eduardo -robbery -stall -hatch -Depot -Variety -Flora -reprinted -trembled -outlined -CR -Theresa -spans -##plication -Jensen -##eering -posting -##rky -pays -##ost -Marcos -fortifications -inferior -##ential -Devi -despair -Talbot -##chus -updates -ego -Booth -Darius -tops -##lau -Scene -##DC -Harlem -Trey -Generally -candles -##α -Neville -Admiralty -##hong -iconic -victorious -1600 -Rowan -abundance -miniseries -clutching -sanctioned -##words -obscure -##ision -##rle -##EM -disappearing -Resort -Obviously -##eb -exceeded -1870s -Adults -##cts -Cry -Kerr -ragged -selfish -##lson -circled -pillars -galaxy -##asco -##mental -rebuild -caution -Resistance -Start -bind -splitting -Baba -Hogan -ps -partnerships -slam -Peggy -courthouse -##OD -organizational -packages -Angie -##nds -possesses -##rp -Expressway -Gould -Terror -Him -Geoff -nobles -##ope -shark -##nh -identifies -##oor -testified -Playing -##ump -##isa -stool -Idol -##pice -##tana -Byrne -Gerry -grunted -26th -observing -habits -privilege -immortal -wagons -##thy -dot -Bring -##lian -##witz -newest -##uga -constraints -Screen -Issue -##RNA -##vil -reminder -##gles -addiction -piercing -stunning -var -##rita -Signal -accumulated -##wide -float -devastating -viable -cartoons -Uttar -flared -##encies -Theology -patents -##bahn -privileges -##ava -##CO -137 -##oped -##NT -orchestral -medication -225 -erect -Nadia -École -fried -Sales -scripts -##rease -airs -Cage -inadequate -structured -countless -Avengers -Kathy -disguise -mirrors -Investigation -reservation -##nson -Legends -humorous -Mona -decorations -attachment -Via -motivation -Browne -strangers -##ński -Shadows -Twins -##pressed -Alma -Nominated -##ott -Sergio -canopy -152 -Semifinals -devised -##irk -upwards -Traffic -Goddess -Move -beetles -138 -spat -##anne -holdings -##SP -tangled -Whilst -Fowler -anthem -##ING -##ogy -snarled -moonlight -songwriting -tolerance -Worlds -exams -##pia -notices -sensitivity -poetic -Stephens -Boone -insect -reconstructed -Fresh -27th -balloon -##ables -Brendan -mug -##gee -1780 -apex -exports -slides -Lahore -hiring -Shell -electorate -sexuality -poker -nonprofit -##imate -cone -##uce -Okinawa -superintendent -##HC -referenced -turret -Sprint -Citizen -equilibrium -Stafford -curb -Driver -Valerie -##rona -aching -impacts -##bol -observers -Downs -Shri -##uth -airports -##uda -assignments -curtains -solitary -icon -patrols -substances -Jasper -mountainous -Published -ached -##ingly -announce -dove -damaging -##tism -Primera -Dexter -limiting -batch -##uli -undergoing -refugee -Ye -admiral -pavement -##WR -##reed -pipeline -desires -Ramsey -Sheila -thickness -Brotherhood -Tea -instituted -Belt -Break -plots -##ais -masculine -##where -Theo -##aged -##mined -Experience -scratched -Ethiopian -Teaching -##nov -Aiden -Abe -Samoa -conditioning -##mous -Otherwise -fade -Jenks -##encing -Nat -##lain -Anyone -##kis -smirk -Riding -##nny -Bavarian -blessed -potatoes -Hook -##wise -likewise -hardened -Merry -amid -persecution -##sten -Elections -Hoffman -Pitt -##vering -distraction -exploitation -infamous -quote -averaging -healed -Rhythm -Germanic -Mormon -illuminated -guides -##ische -interfere -##ilized -rector -perennial -##ival -Everett -courtesy -##nham -Kirby -Mk -##vic -Medieval -##tale -Luigi -limp -##diction -Alive -greeting -shove -##force -##fly -Jasmine -Bend -Capt -Suzanne -ditch -134 -##nning -Host -fathers -rebuilding -Vocal -wires -##manship -tan -Factor -fixture -##LS -Māori -Plate -pyramid -##umble -slap -Schneider -yell -##ulture -##tional -Goodbye -sore -##pher -depressed -##dox -pitching -Find -Lotus -##wang -strand -Teen -debates -prevalent -##bilities -exposing -hears -billed -##rse -reorganized -compelled -disturbing -displaying -##tock -Clinical -emotionally -##iah -Derbyshire -grouped -##quel -Bahrain -Journalism -IN -persistent -blankets -Crane -camping -Direct -proving -Lola -##dding -Corporate -birthplace -##boats -##ender -Figure -dared -Assam -precursor -##nched -Tribe -Restoration -slate -Meyrick -hunted -stroking -Earlier -Kind -polls -appeals -monetary -##reate -Kira -Langdon -explores -GPS -extensions -squares -Results -draped -announcer -merit -##ennial -##tral -##roved -##cion -robots -supervisor -snorted -##group -Cannon -procession -monkey -freeze -sleeves -Nile -verdict -ropes -firearms -extraction -tensed -EC -Saunders -##tches -diamonds -Marriage -##amble -curling -Amazing -##haling -unrelated -##roads -Daughter -cum -discarded -kidney -cliffs -forested -Candy -##lap -authentic -tablet -notation -##nburg -Bulldogs -Callum -Meet -mouths -coated -##xe -Truman -combinations -##mation -Steelers -Fan -Than -paternal -##father -##uti -Rebellion -inviting -Fun -theatres -##ي -##rom -curator -##cision -networking -Oz -drought -##ssel -granting -MBA -Shelby -Elaine -jealousy -Kyoto -shores -signaling -tenants -debated -Intermediate -Wise -##hes -##pu -Havana -duke -vicious -exited -servers -Nonetheless -Reports -explode -##beth -Nationals -offerings -Oval -conferred -eponymous -folklore -##NR -Shire -planting -1783 -Zeus -accelerated -Constable -consuming -troubles -McCartney -texture -bust -Immigration -excavated -hopefully -##cession -##coe -##name -##ully -lining -Einstein -Venezuelan -reissued -minorities -Beatrice -crystals -##nies -circus -lava -Beirut -extinction -##shu -Becker -##uke -issuing -Zurich -extract -##esta -##rred -regulate -progression -hut -alcoholic -plea -AB -Norse -Hubert -Mansfield -ashamed -##put -Bombardment -stripes -electrons -Denise -horrified -Nor -arranger -Hay -Koch -##ddling -##iner -Birthday -Josie -deliberate -explorer -##jiang -##signed -Arrow -wiping -satellites -baritone -mobility -##rals -Dorset -turbine -Coffee -185 -##lder -Cara -Colts -pits -Crossing -coral -##birth -Tai -zombie -smoothly -##hp -mates -##ady -Marguerite -##tary -puzzled -tapes -overly -Sonic -Prayer -Thinking -##uf -IEEE -obligation -##cliffe -Basil -redesignated -##mmy -nostrils -Barney -XIII -##phones -vacated -unused -Berg -##roid -Towards -viola -136 -Event -subdivided -rabbit -recruiting -##nery -Namibia -##16 -##ilation -recruits -Famous -Francesca -##hari -Goa -##lat -Karachi -haul -biblical -##cible -MGM -##rta -horsepower -profitable -Grandma -importantly -Martinez -incoming -##kill -beneficial -nominal -praying -##isch -gable -nail -noises -##ttle -Polytechnic -rub -##cope -Thor -audition -erotic -##ending -##iano -Ultimately -armoured -##mum -presently -pedestrian -##tled -Ipswich -offence -##ffin -##borne -Flemish -##hman -echo -##cting -auditorium -gentlemen -winged -##tched -Nicaragua -Unknown -prosperity -exhaust -pie -Peruvian -compartment -heights -disabilities -##pole -Harding -Humphrey -postponed -moths -Mathematical -Mets -posters -axe -##nett -Nights -Typically -chuckle -councillors -alternating -141 -Norris -##ately -##etus -deficit -dreaming -cooler -oppose -Beethoven -##esis -Marquis -flashlight -headache -investor -responding -appointments -##shore -Elias -ideals -shades -torch -lingering -##real -pier -fertile -Diploma -currents -Snake -##horse -##15 -Briggs -##ota -##hima -##romatic -Coastal -Kuala -ankles -Rae -slice -Hilton -locking -Approximately -Workshop -Niagara -strangely -##scence -functionality -advertisement -Rapid -Anders -ho -Soviets -packing -basal -Sunderland -Permanent -##fting -rack -tying -Lowell -##ncing -Wizard -mighty -tertiary -pencil -dismissal -torso -grasped -##yev -Sand -gossip -##nae -Beer -implementing -##19 -##riya -Fork -Bee -##eria -Win -##cid -sailor -pressures -##oping -speculated -Freddie -originating -##DF -##SR -##outh -28th -melt -Brenda -lump -Burlington -USC -marginal -##bine -Dogs -swamp -cu -Ex -uranium -metro -spill -Pietro -seize -Chorus -partition -##dock -##media -engineered -##oria -conclusions -subdivision -##uid -Illustrated -Leading -##hora -Berkshire -definite -##books -##cin -##suke -noun -winced -Doris -dissertation -Wilderness -##quest -braced -arbitrary -kidnapping -Kurdish -##but -clearance -excavations -wanna -Allmusic -insult -presided -yacht -##SM -Honour -Tin -attracting -explosives -Gore -Bride -##ience -Packers -Devils -Observer -##course -Loser -##erry -##hardt -##mble -Cyrillic -undefeated -##stra -subordinate -##ame -Wigan -compulsory -Pauline -Cruise -Opposition -##ods -Period -dispersed -expose -##60 -##has -Certain -Clerk -Wolves -##hibition -apparatus -allegiance -orbital -justified -thanked -##ević -Biblical -Carolyn -Graves -##tton -Hercules -backgrounds -replica -1788 -aquatic -Mega -Stirling -obstacles -filing -Founder -vowels -Deborah -Rotterdam -surpassed -Belarusian -##ologists -Zambia -Ren -Olga -Alpine -bi -councillor -Oaks -Animals -eliminating -digit -Managing -##GE -laundry -##rdo -presses -slamming -Tudor -thief -posterior -##bas -Rodgers -smells -##ining -Hole -SUV -trombone -numbering -representations -Domingo -Paralympics -cartridge -##rash -Combined -shelves -Kraków -revision -##frame -Sánchez -##tracted -##bler -Alain -townships -sic -trousers -Gibbs -anterior -symmetry -vaguely -Castile -IRA -resembling -Penguin -##ulent -infections -##stant -raped -##pressive -worrying -brains -bending -JR -Evidence -Venetian -complexes -Jonah -850 -exported -Ambrose -Gap -philanthropist -##atus -Marxist -weighing -##KO -##nath -Soldiers -chiefs -reject -repeating -shaky -Zürich -preserving -##xin -cigarettes -##break -mortar -##fin -Already -reproduction -socks -Waiting -amazed -##aca -dash -##path -Airborne -##harf -##get -descending -OBE -Sant -Tess -Lucius -enjoys -##ttered -##ivation -##ete -Leinster -Phillies -execute -geological -unfinished -Courts -SP -Beaver -Duck -motions -Platinum -friction -##aud -##bet -Parts -Stade -entirety -sprang -Smithsonian -coffin -prolonged -Borneo -##vise -unanimously -##uchi -Cars -Cassandra -Australians -##CT -##rgen -Louisa -spur -Constance -##lities -Patent -racism -tempo -##ssion -##chard -##nology -##claim -Million -Nichols -##dah -Numerous -ing -Pure -plantations -donor -##EP -##rip -convenience -##plate -dots -indirect -##written -Dong -failures -adapt -wizard -unfortunately -##gion -practitioners -economically -Enrique -unchanged -kingdoms -refined -definitions -lazy -worries -railing -##nay -Kaiser -##lug -cracks -sells -ninety -##WC -Directed -denotes -developmental -papal -unfortunate -disappointing -sixteenth -Jen -##urier -NWA -drifting -Horror -##chemical -behaviors -bury -surfaced -foreigners -slick -AND -##rene -##ditions -##teral -scrap -kicks -comprise -buddy -##anda -Mental -##ype -Dom -wines -Limerick -Luca -Rand -##won -Tomatoes -homage -geometric -##nted -telescope -Shelley -poles -##fan -shareholders -Autonomous -cope -intensified -Genoa -Reformation -grazing -##tern -Zhao -provisional -##bies -Con -##riel -Cynthia -Raleigh -vivid -threaten -Length -subscription -roses -Müller -##isms -robin -##tial -Laos -Stanton -nationalism -##clave -##ND -##17 -##zz -staging -Busch -Cindy -relieve -##spective -packs -neglected -CBE -alpine -Evolution -uneasy -coastline -Destiny -Barber -Julio -##tted -informs -unprecedented -Pavilion -##bei -##ference -betrayal -awaiting -leaked -V8 -puppet -adverse -Bourne -Sunset -collectors -##glass -##sque -copied -Demon -conceded -resembled -Rafe -Levy -prosecutor -##ject -flora -manned -deaf -Mosque -reminds -Lizzie -Products -Funny -cassette -congress -##rong -Rover -tossing -prompting -chooses -Satellite -cautiously -Reese -##UT -Huang -Gloucestershire -giggled -Kitty -##å -Pleasant -Aye -##ond -judging -1860s -intentionally -Hurling -aggression -##xy -transfers -employing -##fies -##oda -Archibald -Blessed -Ski -flavor -Rosie -##burgh -sunset -Scholarship -WC -surround -ranged -##jay -Degree -Houses -squeezing -limb -premium -Leningrad -steals -##inated -##ssie -madness -vacancy -hydraulic -Northampton -##prise -Marks -Boxing -##fying -academics -##lich -##TY -CDs -##lma -hardcore -monitors -paperback -cables -Dimitri -upside -advent -Ra -##clusive -Aug -Christchurch -objected -stalked -Simple -colonists -##laid -CT -discusses -fellowship -Carnival -cares -Miracle -pastoral -rooted -shortage -borne -Quentin -meditation -tapping -Novel -##ades -Alicia -Burn -famed -residency -Fernández -Johannesburg -Zhu -offended -Mao -outward -##inas -XV -denial -noticing -##ís -quarry -##hound -##amo -Bernie -Bentley -Joanna -mortgage -##rdi -##sumption -lenses -extracted -depiction -##RE -Networks -Broad -Revenue -flickered -virgin -flanked -##о -Enterprises -probable -Liberals -Falcons -drowning -phrases -loads -assumes -inhaled -awe -logs -slightest -spiders -waterfall -##pate -rocking -shrub -##uil -roofs -##gard -prehistoric -wary -##rak -TO -clips -sustain -treason -microphone -voter -Lamb -psychologist -wrinkled -##ères -mating -Carrier -340 -##lbert -sensing -##rino -destiny -distract -weaker -UC -Nearly -neurons -spends -Apache -##rem -genuinely -wells -##lanted -stereo -##girl -Lois -Leaving -consul -fungi -Pier -Cyril -80s -Jungle -##tani -illustration -Split -##hana -Abigail -##patrick -1787 -diminished -Selected -packaging -##EG -Martínez -communal -Manufacturing -sentiment -143 -unwilling -praising -Citation -pills -##iti -##rax -muffled -neatly -workforce -Yep -leisure -Tu -##nding -Wakefield -ancestral -##uki -destructive -seas -Passion -showcase -##ceptive -heroic -142 -exhaustion -Customs -##aker -Scholar -sliced -##inian -Direction -##OW -Swansea -aluminium -##eep -ceramic -McCoy -Career -Sector -chartered -Damascus -pictured -Interest -stiffened -Plateau -obsolete -##tant -irritated -inappropriate -overs -##nko -bail -Talent -Sur -ours -##nah -barred -legged -sociology -Bud -dictionary -##luk -Cover -obey -##oring -annoying -##dong -apprentice -Cyrus -Role -##GP -##uns -##bag -Greenland -Porsche -Rocket -##32 -organism -##ntary -reliability -##vocation -##й -Found -##hine -motors -promoter -unfair -##oms -##note -distribute -eminent -rails -appealing -chiefly -meaningful -Stephan -##rehension -Consumer -psychiatric -bowler -saints -##iful -##н -1777 -Pol -Dorian -Townsend -hastily -##jima -Quincy -Sol -fascinated -Scarlet -alto -Avon -certainty -##eding -Keys -##chu -Chu -##VE -ions -tributaries -Thanksgiving -##fusion -astronomer -oxide -pavilion -Supply -Casa -Bollywood -sadly -mutations -Keller -##wave -nationals -##rgo -##ym -predict -Catholicism -Vega -##eration -##ums -Mali -tuned -Lankan -Plans -radial -Bosnian -Lexi -##14 -##ü -sacks -unpleasant -Empty -handles -##taking -Bon -switches -intently -tuition -antique -##jk -fraternity -notebook -Desmond -##sei -prostitution -##how -deed -##OP -501 -Somewhere -Rocks -##mons -campaigned -frigate -gases -suppress -##hang -Merlin -Northumberland -dominate -expeditions -thunder -##ups -##rical -Cap -thorough -Ariel -##kind -renewable -constructing -pacing -terrorists -Bowen -documentaries -westward -##lass -##nage -Merchant -##ued -Beaumont -Din -##hian -Danube -peasant -Garrison -encourages -gratitude -reminding -stormed -##ouse -pronunciation -##ailed -Weekend -suggestions -##ffing -##DI -Active -Colombo -##logists -Merrill -##cens -Archaeological -Medina -captained -##yk -duel -cracking -Wilkinson -Guam -pickup -renovations -##ël -##izer -delighted -##iri -Weaver -##ctional -tens -##hab -Clint -##usion -##each -petals -Farrell -##sable -caste -##will -Ezra -##qi -##standing -thrilled -ambush -exhaled -##SU -Resource -blur -forearm -specifications -contingent -cafe -##iology -Antony -fundraising -grape -##rgy -turnout -##udi -Clifton -laboratories -Irvine -##opus -##lid -Monthly -Bihar -statutory -Roses -Emil -##rig -lumber -optimal -##DR -pumps -plaster -Mozambique -##aco -nightclub -propelled -##hun -ked -surplus -wax -##urai -pioneered -Sunny -imprint -Forget -Eliot -approximate -patronage -##bek -##ely -##mbe -Partnership -curl -snapping -29th -Patriarch -##jord -seldom -##ature -astronomy -Bremen -XIV -airborne -205 -1778 -recognizing -stranded -arrogant -bombardment -destined -ensured -146 -robust -Davenport -Interactive -Offensive -Fi -prevents -probe -propeller -sorrow -Blade -mounting -automotive -##dged -wallet -201 -lashes -Forrest -##ift -Cell -Younger -shouts -##cki -folds -##chet -Epic -yields -homosexual -tunes -##minate -##text -Manny -chemist -hindwings -##urn -pilgrimage -##sfield -##riff -MLS -##rive -Huntington -translates -Path -slim -##ndra -##oz -climax -commuter -desperation -##reet -denying -##rious -daring -seminary -polo -##clamation -Teatro -Torah -Cats -identities -Poles -photographed -fiery -popularly -##cross -winters -Hesse -##vio -Nurse -Senegal -Salon -prescribed -justify -##gues -##и -##orted -HQ -##hiro -evaluated -momentarily -##unts -Debbie -##licity -##TP -Mighty -Rabbit -##chal -Events -Savoy -##ht -Brandenburg -Bordeaux -##laus -Release -##IE -##kowski -1900s -SK -Strauss -##aly -Sonia -Updated -synagogue -McKay -flattened -370 -clutch -contests -toast -evaluate -pope -heirs -jam -tutor -reverted -##ading -nonsense -hesitate -Lars -Ceylon -Laurie -##guchi -accordingly -customary -148 -Ethics -Multiple -instincts -IGN -##ä -bullshit -##hit -##par -desirable -##ducing -##yam -alias -ashore -licenses -##lification -misery -147 -Cola -assassinated -fiercely -##aft -las -goat -substrate -lords -Cass -Bridges -ICC -lasts -sights -reproductive -##asi -Ivory -Clean -fixing -##lace -seeming -aide -1850s -harassment -##FF -##LE -reasonably -##coat -##cano -NYC -1784 -Fifty -immunity -Canadians -Cheng -comforting -meanwhile -##tera -##blin -breeds -glowed -##vour -Aden -##verted -##aded -##oral -neat -enforced -poisoning -##ews -##hone -enforce -predecessors -survivor -Month -unfamiliar -pierced -waived -dump -responds -Mai -Declan -angular -Doesn -interpretations -##yar -invest -Dhaka -policeman -Congregation -Eighth -painfully -##este -##vior -Württemberg -##cles -blockade -encouragement -##fie -Caucasus -Malone -Universidad -utilize -Nissan -inherent -151 -agreeing -syllable -determines -Protocol -conclude -##gara -40th -Xu -Taiwanese -##ather -boiler -printer -Lacey -titular -Klaus -Fallon -Wembley -fox -Chandra -Governorate -obsessed -##Ps -micro -##25 -Cooke -gymnasium -weaving -Shall -Hussein -glaring -softball -Reader -Dominion -Trouble -varsity -Cooperation -Chaos -Kang -Kramer -Eisenhower -proves -Connie -consortium -governors -Bethany -opener -Normally -Willy -linebacker -Regent -Used -AllMusic -Twilight -##shaw -Companion -Tribunal -simpler -##gam -Experimental -Slovenian -cellar -deadline -trout -Hubbard -ads -idol -##hetto -Granada -clues -salmon -1700 -Omega -Caldwell -softened -Bills -Honolulu -##gn -Terrace -suitcase -##IL -frantic -##oons -Abbot -Sitting -Fortress -Riders -sickness -enzymes -trustee -Bern -forged -##13 -##ruff -##rl -##versity -inspector -champagne -##held -##FI -hereditary -Taliban -handball -##wine -Sioux -##dicated -honoured -139 -##tude -Skye -meanings -##rkin -cardiac -analyzed -vegetable -##FS -Royals -dial -freelance -##fest -partisan -petroleum -ridden -Lincolnshire -panting -##comb -presidents -Haley -##chs -contributes -Jew -discoveries -panicked -Woody -eyelids -Fate -Tulsa -mg -whiskey -zombies -Wii -##udge -investigators -##bull -centred -##screen -Bone -Lana -##oise -forts -##ske -Conan -Lyons -##writing -SH -##ride -rhythmic -154 -##llah -pioneers -##bright -captivity -Sanchez -Oman -##mith -Flint -Platform -##ioned -emission -packet -Persia -##formed -takeover -tempted -Vance -Few -Toni -receptions -##ن -exchanges -Camille -whale -Chronicles -##rent -##ushing -##rift -Alto -Genus -##asing -onward -foremost -longing -Rockefeller -containers -##cribe -intercepted -##olt -pleading -Bye -bee -##umbling -153 -undertake -Izzy -cheaper -Ultra -validity -##pse -Sa -hovering -##pert -vintage -engraved -##rise -farmland -##ever -##ifier -Atlantis -propose -Catalonia -plunged -##edly -demonstrates -gig -##cover -156 -Osborne -cowboy -herd -investigator -loops -Burning -rests -Instrumental -embarrassing -focal -install -readings -swirling -Chatham -parameter -##zin -##holders -Mandarin -Moody -converting -Escape -warnings -##chester -incarnation -##ophone -adopting -##lins -Cromwell -##laws -Axis -Verde -Kappa -Schwartz -Serbs -caliber -Wanna -Chung -##ality -nursery -principally -Bulletin -likelihood -logging -##erty -Boyle -supportive -twitched -##usive -builds -Marseille -omitted -motif -Lands -##lusion -##ssed -Barrow -Airfield -Harmony -WWF -endured -merging -convey -branding -examinations -167 -Italians -##dh -dude -1781 -##teau -crawling -thoughtful -clasped -concluding -brewery -Moldova -Wan -Towers -Heidelberg -202 -##ict -Lagos -imposing -##eval -##serve -Bacon -frowning -thirteenth -conception -calculations -##ович -##mile -##ivated -mutation -strap -##lund -demographic -nude -perfection -stocks -##renched -##dit -Alejandro -bites -fragment -##hack -##rchy -GB -Surgery -Berger -punish -boiling -consume -Elle -Sid -Dome -relies -Crescent -treasurer -Bloody -1758 -upheld -Guess -Restaurant -signatures -font -millennium -mural -stakes -Abel -hailed -insists -Alumni -Breton -##jun -digits -##FM -##thal -Talking -motive -reigning -babe -masks -##ø -Shaun -potato -sour -whitish -Somali -##derman -##rab -##wy -chancel -telecommunications -Noise -messenger -tidal -grinding -##ogenic -Rebel -constituent -peripheral -recruitment -##ograph -##tler -pumped -Ravi -poked -##gley -Olive -diabetes -discs -liking -sting -fits -stir -Mari -Sega -creativity -weights -Macau -mandated -Bohemia -disastrous -Katrina -Baku -Rajasthan -waiter -##psis -Siberia -verbs -##truction -patented -1782 -##ndon -Relegated -Hunters -Greenwood -Shock -accusing -skipped -Sessions -markers -subset -monumental -Viola -comparative -Alright -Barbados -setup -Session -standardized -##ík -##sket -appoint -AFB -Nationalist -##WS -Troop -leaped -Treasure -goodness -weary -originates -100th -compassion -expresses -recommend -168 -composing -seventeenth -Tex -Atlético -bald -Finding -Presidency -Sharks -favoured -inactive -##lter -suffix -princes -brighter -##ctus -classics -defendants -culminated -terribly -Strategy -evenings -##ção -##iver -##urance -absorb -##rner -Territories -RBI -soothing -Martín -concurrently -##tr -Nicholson -fibers -swam -##oney -Allie -Algerian -Dartmouth -Mafia -##bos -##tts -Councillor -vocabulary -##bla -##lé -intending -##dler -Guerrero -sunshine -pedal -##TO -administrators -periodic -scholarships -Loop -Madeline -exaggerated -##ressed -Regan -##cellular -Explorer -##oids -Alexandre -vows -Reporter -Unable -Average -absorption -##bedience -Fortunately -Auxiliary -Grandpa -##HP -##ovo -potent -temporal -adrenaline -##udo -confusing -guiding -Dry -qualifications -joking -wherein -heavyweight -##ices -nightmares -pharmaceutical -Commanding -##aled -##ove -Gregor -##UP -censorship -degradation -glorious -Austro -##rench -380 -Miriam -sped -##orous -offset -##KA -fined -specialists -Pune -João -##dina -propped -fungus -##ς -frantically -Gabrielle -Hare -committing -##plied -Ask -Wilmington -stunt -numb -warmer -preacher -earnings -##lating -integer -##ija -federation -homosexuality -##cademia -epidemic -grumbled -shoving -Milk -Satan -Tobias -innovations -##dington -geology -memoirs -##IR -spared -culminating -Daphne -Focus -severed -stricken -Paige -Mans -flats -Russo -communes -litigation -strengthening -##powered -Staffordshire -Wiltshire -Painting -Watkins -##د -specializes -Select -##rane -##aver -Fulton -playable -##VN -openings -sampling -##coon -##21 -Allah -travelers -allocation -##arily -Loch -##hm -commentators -fulfilled -##troke -Emeritus -Vanderbilt -Vijay -pledged -##tative -diagram -drilling -##MD -##plain -Edison -productivity -31st -##rying -##ption -##gano -##oration -##bara -posture -bothering -platoon -politely -##inating -redevelopment -Job -##vale -stark -incorrect -Mansion -renewal -threatens -Bahamas -fridge -##tata -Uzbekistan -##edia -Sainte -##mio -gaps -neural -##storm -overturned -Preservation -shields -##ngo -##physics -ah -gradual -killings -##anza -consultation -premiership -Felipe -coincidence -##ène -##any -Handbook -##loaded -Edit -Guns -arguably -##ş -compressed -depict -seller -##qui -Kilkenny -##kling -Olympia -librarian -##acles -dramas -JP -Kit -Maj -##lists -proprietary -##nged -##ettes -##tok -exceeding -Lock -induction -numerical -##vist -Straight -foyer -imaginary -##pop -violinist -Carla -bouncing -##ashi -abolition -##uction -restoring -scenic -##č -Doom -overthrow -para -##vid -##ughty -Concord -HC -cocaine -deputies -##aul -visibility -##wart -Kapoor -Hutchinson -##agan -flashes -kn -decreasing -##ronology -quotes -vain -satisfying -##iam -##linger -310 -Hanson -fauna -##zawa -##rrel -Trenton -##VB -Employment -vocational -Exactly -bartender -butterflies -tow -##chers -##ocks -pigs -merchandise -##game -##pine -Shea -##gration -Connell -Josephine -monopoly -##dled -Cobb -warships -cancellation -someday -stove -##Cs -candidacy -superhero -unrest -Toulouse -admiration -undergone -whirled -Reconnaissance -costly -##ships -290 -Cafe -amber -Tory -##mpt -definitive -##dress -proposes -redesigned -acceleration -##asa -##raphy -Presley -exits -Languages -##cel -Mode -spokesperson -##tius -Ban -forthcoming -grounded -ACC -compelling -logistics -retailers -abused -##gating -soda -##yland -##lution -Landmark -XVI -blush -##tem -hurling -dread -Tobago -Foley -##uad -scenarios -##mentation -##rks -Score -fatigue -hairy -correspond -##iard -defences -confiscated -##rudence -1785 -Formerly -Shot -advertised -460 -Text -ridges -Promise -Dev -exclusion -NHS -tuberculosis -rockets -##offs -sparkling -256 -disappears -mankind -##hore -HP -##omo -taxation -Multi -DS -Virgil -##ams -Dell -stacked -guessing -Jump -Nope -cheer -hates -ballots -overlooked -analyses -Prevention -maturity -dos -##cards -##lect -Mare -##yssa -Petty -##wning -differing -iOS -##ior -Joachim -Sentinel -##nstein -90s -Pamela -480 -Asher -##lary -Vicente -landings -portray -##rda -##xley -Virtual -##uary -finances -Jain -Somebody -Tri -behave -Michele -##ider -dwellings -FAA -Gallagher -##lide -Monkey -195 -aforementioned -##rism -##bey -##kim -##puted -Mesa -hopped -unopposed -recipients -Reality -Been -gritted -149 -playground -pillar -##rone -Guinness -##tad -Théâtre -depended -Tipperary -Reuben -frightening -wooded -Target -globally -##uted -Morales -Baptiste -drunken -Institut -characterised -##chemistry -Strip -discrete -Premiership -##zzling -gazing -Outer -##quisition -Sikh -Booker -##yal -contemporaries -Jericho -##chan -##physical -##witch -Militia -##rez -##zard -dangers -##utter -##₀ -Programs -darling -participates -railroads -##ienne -behavioral -bureau -##rook -161 -Hicks -##rises -Comes -inflicted -bees -kindness -norm -##ković -generators -##pard -##omy -##ili -methodology -Alvin -façade -latitude -##plified -DE -Morse -##mered -educate -intersects -##MF -##cz -##vated -AL -##graded -##fill -constitutes -artery -feudal -avant -cautious -##ogue -immigrated -##chenko -Saul -Clinic -Fang -choke -Cornelius -flexibility -temperate -pins -##erson -oddly -inequality -157 -Natasha -Sal -##uter -215 -aft -blinking -##ntino -northward -Exposition -cookies -Wedding -impulse -Overseas -terrifying -##ough -Mortimer -##see -440 -https -og -imagining -##cars -Nicola -exceptionally -threads -##cup -Oswald -Provisional -dismantled -deserves -1786 -Fairy -discourse -Counsel -departing -Arc -guarding -##orse -420 -alterations -vibrant -Em -squinted -terrace -rowing -Led -accessories -SF -Sgt -cheating -Atomic -##raj -Blackpool -##iary -boarded -substituted -bestowed -lime -kernel -##jah -Belmont -shaken -sticky -retrospective -Louie -migrants -weigh -sunglasses -thumbs -##hoff -excavation -##nks -Extra -Polo -motives -Drum -infrared -tastes -berth -verge -##stand -programmed -warmed -Shankar -Titan -chromosome -cafeteria -dividing -pepper -CPU -Stevie -satirical -Nagar -scowled -Died -backyard -##gata -##reath -##bir -Governors -portraying -##yah -Revenge -##acing -1772 -margins -Bahn -OH -lowland -##razed -catcher -replay -##yoshi -Seriously -##licit -Aristotle -##ald -Habsburg -weekday -Secretariat -CO -##dly -##joy -##stad -litre -ultra -##cke -Mongol -Tucson -correlation -compose -traps -Groups -Hai -Salvatore -##dea -cents -##eese -concession -clash -Trip -Panzer -Moroccan -cruisers -torque -Ba -grossed -##arate -restriction -concentrating -FDA -##Leod -##ones -Scholars -##esi -throbbing -specialised -##heses -Chicken -##fia -##ificant -Erich -Residence -##trate -manipulation -namesake -##tom -Hoover -cue -Lindsey -Lonely -275 -##HT -combustion -subscribers -Punjabi -respects -Jeremiah -penned -##gor -##rilla -suppression -##tration -Crimson -piston -Derry -crimson -lyrical -oversee -portrays -CF -Districts -Lenin -Cora -searches -clans -VHS -##hel -Jacqueline -Redskins -Clubs -desktop -indirectly -alternatives -marijuana -suffrage -##smos -Irwin -##liff -Process -##hawks -Sloane -##bson -Sonata -yielded -Flores -##ares -armament -adaptations -integrate -neighbours -shelters -##tour -Skinner -##jet -##tations -1774 -Peterborough -##elles -ripping -Liang -Dickinson -charities -Rwanda -monasteries -crossover -racist -barked -guerrilla -##ivate -Grayson -##iques -##vious -##got -Rolls -denominations -atom -affinity -##delity -Wish -##inted -##inae -interrogation -##cey -##erina -##lifting -192 -Sands -1779 -mast -Likewise -##hyl -##oft -contempt -##por -assaulted -fills -establishments -Mal -consulted -##omi -##sight -greet -##roma -##egan -Pulitzer -##rried -##dius -##ractical -##voked -Hasan -CB -##zzy -Romanesque -Panic -wheeled -recorder -##tters -##warm -##gly -botanist -Balkan -Lockheed -Polly -farewell -suffers -purchases -Eaton -##80 -Quick -commenting -Saga -beasts -hides -motifs -##icks -Alonso -Springer -Wikipedia -circulated -encoding -jurisdictions -snout -UAE -Integrated -unmarried -Heinz -##lein -##figured -deleted -##tley -Zen -Cycling -Fuel -Scandinavian -##rants -Conner -reef -Marino -curiously -lingered -Gina -manners -activism -Mines -Expo -Micah -promotions -Server -booked -derivatives -eastward -detailing -reelection -##chase -182 -Campeonato -Po -158 -Peel -winger -##itch -canyon -##pit -LDS -A1 -##shin -Giorgio -pathetic -##rga -##mist -Aren -##lag -confronts -motel -textbook -shine -turbines -1770 -Darcy -##cot -Southeastern -##lessness -Banner -recognise -stray -Kitchen -paperwork -realism -Chrysler -filmmakers -fishermen -##hetic -variously -Vishnu -fiddle -Eddy -Origin -##tec -##ulin -Flames -Rs -bankrupt -Extreme -Pomeranian -##emption -ratified -##iu -jockey -Stratford -##ivating -##oire -Babylon -pardon -AI -affordable -deities -disturbance -Trying -##sai -Ida -Papers -advancement -70s -archbishop -Luftwaffe -announces -tugging -##lphin -##sistence -##eel -##ishes -ambition -aura -##fled -##lected -##vue -Prasad -boiled -clarity -Violin -investigative -routing -Yankee -##uckle -McMahon -bugs -eruption -##rooms -Minutes -relics -##ckle -##nse -sipped -valves -weakly -##ital -Middleton -collided -##quer -bamboo -insignia -Tyne -exercised -Ninth -echoing -polynomial -considerations -lunged -##bius -objections -complain -disguised -plaza -##VC -institutes -Judicial -ascent -imminent -Waterford -hello -Lumpur -Niger -Goldman -vendors -Kensington -Wren -browser -##bner -##tri -##mize -##pis -##lea -Cheyenne -Bold -Settlement -Hollow -Paralympic -axle -##toire -##actic -impose -perched -utilizing -slips -Benz -Michaels -manipulate -Chiang -##mian -Dolphins -prohibition -attacker -ecology -Estadio -##SB -##uild -attracts -recalls -glacier -lad -##rima -Barlow -kHz -melodic -##aby -##iracy -assumptions -Cornish -##aru -DOS -Maddie -##mers -lyric -Luton -nm -##tron -Reno -Fin -YOU -Broadcast -Finch -sensory -##bent -Jeep -##uman -additionally -Buildings -businessmen -treaties -235 -Stranger -gateway -Charlton -accomplishments -Diary -apologized -zinc -histories -supplier -##tting -162 -asphalt -Treatment -Abbas -##pating -##yres -Bloom -sedan -soloist -##cum -antagonist -denounced -Fairfax -##aving -##enko -noticeable -Budget -Buckingham -Snyder -retreating -Jai -spoon -invading -giggle -woven -gunfire -arrests -##vered -##come -respiratory -violet -##aws -Byrd -shocking -tenant -Jamaican -Ottomans -Seal -theirs -##isse -##48 -cooperate -peering -##nius -163 -Composer -organist -Mongolian -Bauer -Spy -collects -prophecy -congregations -##moor -Brick -calculation -fixtures -exempt -##dden -Ada -Thousand -##lue -tracing -##achi -bodyguard -vicar -supplying -Łódź -interception -monitored -##heart -Paso -overlap -annoyance -##dice -yellowish -stables -elders -illegally -honesty -##oar -skinny -spinal -##puram -Bourbon -##cor -flourished -Medium -##stics -##aba -Follow -##ckey -stationary -##scription -dresser -scrutiny -Buckley -Clearly -##SF -Lyrics -##heimer -drying -Oracle -internally -rains -##last -Enemy -##oes -McLean -Ole -phosphate -Rosario -Rifles -##mium -battered -Pepper -Presidents -conquer -Château -castles -##aldo -##ulf -Depending -Lesser -Boom -trades -Peyton -164 -emphasize -accustomed -SM -Ai -Classification -##mins -##35 -##rons -leak -piled -deeds -lush -##self -beginnings -breathless -1660 -McGill -##ago -##chaft -##gies -humour -Bomb -securities -Might -##zone -##eves -Matthias -Movies -Levine -vengeance -##ads -Challenger -Misty -Traditionally -constellation -##rass -deepest -workplace -##oof -##vina -impatient -##ML -Mughal -Alessandro -scenery -Slater -postseason -troupe -##ń -Volunteers -Facility -militants -Reggie -sanctions -Expeditionary -Nam -countered -interpret -Basilica -coding -expectation -Duffy -def -Tong -wakes -Bowling -Vehicle -Adler -salad -intricate -stronghold -medley -##uries -##bur -joints -##rac -##yx -##IO -Ordnance -Welch -distributor -Ark -cavern -trench -Weiss -Mauritius -decreases -docks -eagerly -irritation -Matilda -biographer -Visiting -##marked -##iter -##ear -##gong -Moreno -attendant -Bury -instrumentation -theologian -clit -nuns -symphony -translate -375 -loser -##user -##VR -##meter -##orious -harmful -##yuki -Commissioners -Mendoza -sniffed -Hulk -##dded -##ulator -##nz -Donnell -##eka -deported -Met -SD -Aerospace -##cultural -##odes -Fantastic -cavity -remark -emblem -fearing -##iance -ICAO -Liberia -stab -##yd -Pac -Gymnasium -IS -Everton -##vanna -mantle -##ief -Ramon -##genic -Shooting -Smoke -Random -Africans -MB -tavern -bargain -voluntarily -Ion -Peoples -Rusty -attackers -Patton -sins -##cake -Hat -moderately -##hala -##alia -requesting -mechanic -##eae -Seine -Robbins -##ulum -susceptible -Bravo -Slade -Strasbourg -rubble -entrusted -Creation -##amp -smoothed -##uintet -evenly -reviewers -skip -Sculpture -177 -Rough -##rrie -Reeves -##cede -Administrator -garde -minus -carriages -grenade -Ninja -fuscous -##kley -Punk -contributors -Aragon -Tottenham -##cca -##sir -VA -laced -dealers -##sonic -crisp -harmonica -Artistic -Butch -Andes -Farmers -corridors -unseen -##tium -Countries -Lone -envisioned -Katy -##lang -##cc -Quarterly -##neck -consort -##aceae -bidding -Corey -concurrent -##acts -##gum -Highness -##lient -##rators -arising -##unta -pathways -49ers -bolted -complaining -ecosystem -libretto -Ser -narrated -212 -Soft -influx -##dder -incorporation -plagued -tents -##ddled -1750 -Risk -citation -Tomas -hostilities -seals -Bruins -Dominique -attic -competent -##UR -##cci -hugging -Breuning -bacterial -Shrewsbury -vowed -eh -elongated -hangs -render -centimeters -##ficient -Mu -turtle -besieged -##gaard -grapes -bravery -collaborations -deprived -##amine -##using -##gins -arid -##uve -coats -hanged -##sting -Pa -prefix -##ranged -Exit -Chain -Flood -Materials -suspicions -##ö -hovered -Hidden -##state -Malawi -##24 -Mandy -norms -fascinating -airlines -delivers -##rust -Cretaceous -spanned -pillows -##onomy -jar -##kka -regent -fireworks -morality -discomfort -lure -uneven -##jack -Lucian -171 -archaeology -##til -mornings -Billie -Marquess -impending -spilling -tombs -##volved -Celia -Coke -underside -##bation -Vaughn -Daytona -Godfrey -Pascal -Alien -##sign -172 -##lage -iPhone -Gonna -genocide -##rber -oven -endure -dashed -simultaneous -##phism -Wally -##rō -ants -predator -reissue -##aper -Speech -funk -Rudy -claw -Hindus -Numbers -Bing -lantern -##aurus -scattering -poisoned -##active -Andrei -algebraic -baseman -##ritz -Gregg -##cola -selections -##putation -lick -Laguna -##IX -Sumatra -Warning -turf -buyers -Burgess -Oldham -exploit -worm -initiate -strapped -tuning -filters -haze -##е -##ledge -##ydro -##culture -amendments -Promotion -##union -Clair -##uria -petty -shutting -##eveloped -Phoebe -Zeke -conducts -grains -clashes -##latter -illegitimate -willingly -Deer -Lakers -Reference -chaplain -commitments -interrupt -salvation -Panther -Qualifying -Assessment -cancel -efficiently -attorneys -Dynamo -impress -accession -clinging -randomly -reviewing -Romero -Cathy -charting -clapped -rebranded -Azerbaijani -coma -indicator -punches -##tons -Sami -monastic -prospects -Pastor -##rville -electrified -##CI -##utical -tumbled -Chef -muzzle -selecting -UP -Wheel -protocols -##tat -Extended -beautifully -nests -##stal -Andersen -##anu -##³ -##rini -kneeling -##reis -##xia -anatomy -dusty -Safe -turmoil -Bianca -##elo -analyze -##ر -##eran -podcast -Slovene -Locke -Rue -##retta -##uni -Person -Prophet -crooked -disagreed -Versailles -Sarajevo -Utrecht -##ogen -chewing -##ception -##iidae -Missile -attribute -majors -Arch -intellectuals -##andra -ideological -Cory -Salzburg -##fair -Lot -electromagnetic -Distribution -##oper -##pered -Russ -Terra -repeats -fluttered -Riga -##ific -##gt -cows -Hair -labelled -protects -Gale -Personnel -Düsseldorf -Moran -rematch -##OE -Slow -forgiveness -##ssi -proudly -Macmillan -insist -undoubtedly -Québec -Violence -##yuan -##aine -mourning -linen -accidental -##iol -##arium -grossing -lattice -maneuver -##marine -prestige -petrol -gradient -invasive -militant -Galerie -widening -##aman -##quist -disagreement -##ales -creepy -remembers -buzz -##erial -Exempt -Dirk -mon -Addison -##inen -deposed -##agon -fifteenth -Hang -ornate -slab -##lades -Fountain -contractors -das -Warwickshire -1763 -##rc -Carly -Essays -Indy -Ligue -greenhouse -slit -##sea -chewed -wink -##azi -Playhouse -##kon -Gram -Ko -Samson -creators -revive -##rians -spawned -seminars -Craft -Tall -diverted -assistants -computational -enclosure -##acity -Coca -##eve -databases -Drop -##loading -##hage -Greco -Privy -entrances -pork -prospective -Memories -robes -##market -transporting -##lik -Rudolph -Horton -visually -##uay -##nja -Centro -Tor -Howell -##rsey -admitting -postgraduate -herbs -##att -Chin -Rutherford -##bot -##etta -Seasons -explanations -##bery -Friedman -heap -##ryl -##sberg -jaws -##agh -Choi -Killing -Fanny -##suming -##hawk -hopeful -##aid -Monty -gum -remarkably -Secrets -disco -harp -advise -##avia -Marathi -##cycle -Truck -abbot -sincere -urine -##mology -masked -bathing -##tun -Fellows -##TM -##gnetic -owl -##jon -hymn -##leton -208 -hostility -##cée -baked -Bottom -##AB -shudder -##ater -##von -##hee -reorganization -Cycle -##phs -Lex -##style -##rms -Translation -##erick -##imeter -##ière -attested -Hillary -##DM -gal -wander -Salle -##laming -Perez -Pit -##LP -USAF -contexts -Disease -blazing -aroused -razor -walled -Danielle -Mont -Funk -royalty -thee -203 -donors -##erton -famously -processors -reassigned -welcoming -Goldberg -##quities -undisclosed -Orient -Patty -vaccine -refrigerator -Cypriot -consonant -##waters -176 -sober -##lement -Racecourse -##uate -Luckily -Selection -conceptual -vines -Breaking -wa -lions -oversight -sheltered -Dancer -ponds -borrow -##BB -##pulsion -Daly -##eek -fertility -spontaneous -Worldwide -gasping -##tino -169 -ABS -Vickers -ambient -energetic -prisons -##eson -Stacy -##roach -GmbH -Afro -Marin -farmhouse -pinched -##cursion -##sp -Sabine -##pire -181 -nak -swelling -humble -perfume -##balls -Rai -cannons -##taker -Married -Maltese -canals -interceptions -hats -lever -slowing -##ppy -Nike -Silas -Scarborough -skirts -166 -inauguration -Shuttle -alloy -beads -belts -Compton -Cause -battling -critique -surf -Dock -roommate -##ulet -invade -Garland -##slow -nutrition -persona -##zam -Wichita -acquaintance -coincided -##cate -Dracula -clamped -##gau -overhaul -##broken -##rrier -melodies -ventures -Paz -convex -Roots -##holding -Tribute -transgender -##ò -chimney -##riad -Ajax -Thereafter -messed -nowadays -pH -##100 -##alog -Pomerania -##yra -Rossi -glove -##TL -Races -##asily -tablets -Jase -##ttes -diner -##rns -Hu -Mohan -anytime -weighted -remixes -Dove -cherry -imports -##urity -GA -##TT -##iated -##sford -Clarkson -evidently -rugged -Dust -siding -##ometer -acquitted -choral -##mite -infants -Domenico -gallons -Atkinson -gestures -slated -##xa -Archaeology -unwanted -##ibes -##duced -premise -Colby -Geelong -disqualified -##pf -##voking -simplicity -Walkover -Qaeda -Warden -##bourg -##ān -Invasion -Babe -harness -183 -##tated -maze -Burt -bedrooms -##nsley -Horizon -##oast -minimize -peeked -MLA -Trains -tractor -nudged -##iform -Growth -Benton -separates -##about -##kari -buffer -anthropology -brigades -foil -##wu -Domain -licking -whore -##rage -##sham -Initial -Courthouse -Rutgers -dams -villains -supermarket -##brush -Brunei -Palermo -arises -Passenger -outreach -##gill -Labrador -McLaren -##uy -Lori -##fires -Heads -magistrate -¹⁄₂ -Weapons -##wai -##roke -projecting -##ulates -bordering -McKenzie -Pavel -midway -Guangzhou -streamed -racer -##lished -eccentric -spectral -206 -##mism -Wilde -Grange -preparatory -lent -##tam -starving -Gertrude -##cea -##ricted -Breakfast -Mira -blurted -derive -##lair -blunt -sob -Cheltenham -Henrik -reinstated -intends -##istan -unite -##ector -playful -sparks -mapped -Cadet -luggage -prosperous -##ein -salon -##utes -Biological -##rland -Tyrone -buyer -##lose -amounted -Saw -smirked -Ronan -Reviews -Adele -trait -##proof -Bhutan -Ginger -##junct -digitally -stirring -##isted -coconut -Hamlet -Dinner -Scale -pledge -##RP -Wrong -Goal -Panel -therapeutic -elevations -infectious -priesthood -##inda -Guyana -diagnostic -##mbre -Blackwell -sails -##arm -literal -periodically -gleaming -Robot -Rector -##abulous -##tres -Reaching -Romantic -CP -Wonderful -##tur -ornamental -##nges -traitor -##zilla -genetics -mentioning -##eim -resonance -Areas -Shopping -##nard -Gail -Solid -##rito -##mara -Willem -Chip -Matches -Volkswagen -obstacle -Organ -invites -Coral -attain -##anus -##dates -Midway -shuffled -Cecilia -dessert -Gateway -Ch -Napoleonic -Petroleum -jets -goose -striped -bowls -vibration -Sims -nickel -Thirteen -problematic -intervene -##grading -##unds -Mum -semifinal -Radical -##izations -refurbished -##sation -##harine -Maximilian -cites -Advocate -Potomac -surged -preserves -Curry -angled -ordination -##pad -Cade -##DE -##sko -researched -torpedoes -Resident -wetlands -hay -applicants -depart -Bernstein -##pic -##ario -##rae -favourable -##wari -##р -metabolism -nobleman -Defaulted -calculate -ignition -Celebrity -Belize -sulfur -Flat -Sc -USB -flicker -Hertfordshire -Sept -CFL -Pasadena -Saturdays -Titus -##nir -Canary -Computing -Isaiah -##mler -formidable -pulp -orchid -Called -Solutions -kilograms -steamer -##hil -Doncaster -successors -Stokes -Holstein -##sius -sperm -API -Rogue -instability -Acoustic -##rag -159 -undercover -Wouldn -##pra -##medical -Eliminated -honorable -##chel -denomination -abrupt -Buffy -blouse -fi -Regardless -Subsequent -##rdes -Lover -##tford -bacon -##emia -carving -##cripts -Massacre -Ramos -Latter -##ulp -ballroom -##gement -richest -bruises -Rest -Wiley -##aster -explosions -##lastic -Edo -##LD -Mir -choking -disgusted -faintly -Barracks -blasted -headlights -Tours -ensued -presentations -##cale -wrought -##oat -##coa -Quaker -##sdale -recipe -##gny -corpses -##liance -comfortably -##wat -Landscape -niche -catalyst -##leader -Securities -messy -##RL -Rodrigo -backdrop -##opping -treats -Emilio -Anand -bilateral -meadow -VC -socialism -##grad -clinics -##itating -##ppe -##ymphonic -seniors -Advisor -Armoured -Method -Alley -##orio -Sad -fueled -raided -Axel -NH -rushes -Dixie -Otis -wrecked -##22 -capitalism -café -##bbe -##pion -##forcing -Aubrey -Lublin -Whenever -Sears -Scheme -##lana -Meadows -treatise -##RI -##ustic -sacrifices -sustainability -Biography -mystical -Wanted -multiplayer -Applications -disliked -##tisfied -impaired -empirical -forgetting -Fairfield -Sunni -blurred -Growing -Avalon -coil -Camera -Skin -bruised -terminals -##fted -##roving -Commando -##hya -##sper -reservations -needles -dangling -##rsch -##rsten -##spect -##mbs -yoga -regretted -Bliss -Orion -Rufus -glucose -Olsen -autobiographical -##dened -222 -humidity -Shan -##ifiable -supper -##rou -flare -##MO -campaigning -descend -socio -declares -Mounted -Gracie -Arte -endurance -##ety -Copper -costa -airplay -##MB -Proceedings -dislike -grimaced -occupants -births -glacial -oblivious -cans -installment -muddy -##ł -captains -pneumonia -Quiet -Sloan -Excuse -##nine -Geography -gymnastics -multimedia -drains -Anthology -Gear -cylindrical -Fry -undertaking -##pler -##tility -Nan -##recht -Dub -philosophers -piss -Atari -##pha -Galicia -México -##nking -Continuing -bump -graveyard -persisted -Shrine -##erapy -defects -Advance -Bomber -##oil -##ffling -cheerful -##lix -scrub -##eto -awkwardly -collaborator -fencing -##alo -prophet -Croix -coughed -##lication -roadway -slaughter -elephants -##erated -Simpsons -vulnerability -ivory -Birth -lizard -scarce -cylinders -fortunes -##NL -Hate -Priory -##lai -McBride -##copy -Lenny -liaison -Triangle -coronation -sampled -savage -amidst -Grady -whatsoever -instinctively -Reconstruction -insides -seizure -Drawing -##rlin -Antioch -Gao -Díaz -1760 -Sparks -##tien -##bidae -rehearsal -##bbs -botanical -##hers -compensate -wholesale -Seville -shareholder -prediction -astronomical -Reddy -hardest -circling -whereabouts -termination -Rep -Assistance -Dramatic -Herb -##ghter -climbs -188 -Poole -301 -##pable -wit -##istice -Walters -relying -Jakob -##redo -proceeding -Langley -affiliates -ou -##allo -##holm -Samsung -##ishi -Missing -Xi -vertices -Claus -foam -restless -##uating -##sso -##ttering -Philips -delta -bombed -Catalogue -coaster -Ling -Willard -satire -410 -Composition -Net -Orioles -##ldon -fins -Palatinate -Woodward -tease -tilt -brightness -##70 -##bbling -##loss -##dhi -##uilt -Whoever -##yers -hitter -Elton -Extension -ace -Affair -restructuring -##loping -Paterson -hi -##rya -spouse -Shay -Himself -piles -preaching -##gical -bikes -Brave -expulsion -Mirza -stride -Trees -commemorated -famine -masonry -Selena -Watt -Banking -Rancho -Stockton -dip -tattoos -Vlad -acquainted -Flyers -ruthless -fourteenth -illustrate -##akes -EPA -##rows -##uiz -bumped -Designed -Leaders -mastered -Manfred -swirled -McCain -##rout -Artemis -rabbi -flinched -upgrades -penetrate -shipyard -transforming -caretaker -##eiro -Maureen -tightening -##founded -RAM -##icular -##mper -##rung -Fifteen -exploited -consistency -interstate -##ynn -Bridget -contamination -Mistress -##rup -coating -##FP -##jective -Libyan -211 -Gemma -dependence -shrubs -##ggled -Germain -retaliation -traction -##PP -Dangerous -terminology -psychiatrist -##garten -hurdles -Natal -wasting -Weir -revolves -stripe -##reased -preferences -##entation -##lde -##áil -##otherapy -Flame -##ologies -viruses -Label -Pandora -veil -##ogical -Coliseum -Cottage -creeping -Jong -lectured -##çaise -shoreline -##fference -##hra -Shade -Clock -Faye -bilingual -Humboldt -Operating -##fter -##was -algae -towed -amphibious -Parma -impacted -smacked -Piedmont -Monsters -##omb -Moor -##lberg -sinister -Postal -178 -Drummond -Sign -textbooks -hazardous -Brass -Rosemary -Pick -Sit -Architect -transverse -Centennial -confess -polling -##aia -Julien -##mand -consolidation -Ethel -##ulse -severity -Yorker -choreographer -1840s -##ltry -softer -versa -##geny -##quila -##jō -Caledonia -Friendship -Visa -rogue -##zzle -bait -feather -incidence -Foods -Ships -##uto -##stead -arousal -##rote -Hazel -##bolic -Swing -##ej -##cule -##jana -##metry -##uity -Valuable -##ₙ -Shropshire -##nect -365 -Ones -realise -Café -Albuquerque -##grown -##stadt -209 -##ᵢ -prefers -withstand -Lillian -MacArthur -Hara -##fulness -domination -##VO -##school -Freddy -ethnicity -##while -adorned -hormone -Calder -Domestic -Freud -Shields -##phus -##rgan -BP -Segunda -Mustang -##GI -Bonn -patiently -remarried -##umbria -Crete -Elephant -Nuremberg -tolerate -Tyson -##evich -Programming -##lander -Bethlehem -segregation -Constituency -quarterly -blushed -photographers -Sheldon -porcelain -Blanche -goddamn -lively -##fused -bumps -##eli -curated -coherent -provoked -##vet -Madeleine -##isco -rainy -Bethel -accusation -ponytail -gag -##lington -quicker -scroll -##vate -Bow -Gender -Ira -crashes -ACT -Maintenance -##aton -##ieu -bitterly -strains -rattled -vectors -##arina -##ishly -173 -parole -##nx -amusing -Gonzalez -##erative -Caucus -sensual -Penelope -coefficient -Mateo -##mani -proposition -Duty -lacrosse -proportions -Plato -profiles -Botswana -Brandt -reins -mandolin -encompassing -##gens -Kahn -prop -summon -##MR -##yrian -##zaki -Falling -conditional -thy -##bao -##ych -radioactive -##nics -Newspaper -##people -##nded -Gaming -sunny -##look -Sherwood -crafted -NJ -awoke -187 -timeline -giants -possessing -##ycle -Cheryl -ng -Ruiz -polymer -potassium -Ramsay -relocation -##leen -Sociology -##bana -Franciscan -propulsion -denote -##erjee -registers -headline -Tests -emerges -Articles -Mint -livery -breakup -kits -Rap -Browning -Bunny -##mington -##watch -Anastasia -Zachary -arranging -biographical -Erica -Nippon -##membrance -Carmel -##sport -##xes -Paddy -##holes -Issues -Spears -compliment -##stro -##graphs -Castillo -##MU -##space -Corporal -##nent -174 -Gentlemen -##ilize -##vage -convinces -Carmine -Crash -##hashi -Files -Doctors -brownish -sweating -goats -##conductor -rendition -##bt -NL -##spiration -generates -##cans -obsession -##noy -Danger -Diaz -heats -Realm -priorities -##phon -1300 -initiation -pagan -bursts -archipelago -chloride -Screenplay -Hewitt -Khmer -bang -judgement -negotiating -##ait -Mabel -densely -Boulder -knob -430 -Alfredo -##kt -pitches -##ées -##ان -Macdonald -##llum -imply -##mot -Smile -spherical -##tura -Derrick -Kelley -Nico -cortex -launches -differed -parallels -Navigation -##child -##rming -canoe -forestry -reinforce -##mote -confirming -tasting -scaled -##resh -##eting -Understanding -prevailing -Pearce -CW -earnest -Gaius -asserts -denoted -landmarks -Chargers -warns -##flies -Judges -jagged -##dain -tails -Historian -Millie -##sler -221 -##uard -absurd -Dion -##ially -makeshift -Specifically -ignorance -Eat -##ieri -comparisons -forensic -186 -Giro -skeptical -disciplinary -battleship -##45 -Libby -520 -Odyssey -ledge -##post -Eternal -Missionary -deficiency -settler -wonders -##gai -raging -##cis -Romney -Ulrich -annexation -boxers -sect -204 -ARIA -dei -Hitchcock -te -Varsity -##fic -CC -lending -##nial -##tag -##rdy -##obe -Defensive -##dson -##pore -stellar -Lam -Trials -contention -Sung -##uminous -Poe -superiority -##plicate -325 -bitten -conspicuous -##olly -Lila -Pub -Petit -distorted -ISIL -distinctly -##family -Cowboy -mutant -##cats -##week -Changes -Sinatra -epithet -neglect -Innocent -gamma -thrill -reggae -##adia -##ational -##due -landlord -##leaf -visibly -##ì -Darlington -Gomez -##iting -scarf -##lade -Hinduism -Fever -scouts -##roi -convened -##oki -184 -Lao -boycott -unemployed -##lore -##ß -##hammer -Curran -disciples -odor -##ygiene -Lighthouse -Played -whales -discretion -Yves -##ceived -pauses -coincide -##nji -dizzy -##scopic -routed -Guardians -Kellan -carnival -nasal -224 -##awed -Mitsubishi -640 -Cast -silky -Projects -joked -Huddersfield -Rothschild -zu -##olar -Divisions -mildly -##eni -##lge -Appalachian -Sahara -pinch -##roon -wardrobe -##dham -##etal -Bubba -##lini -##rumbling -Communities -Poznań -unification -Beau -Kris -SV -Rowing -Minh -reconciliation -##saki -##sor -taped -##reck -certificates -gubernatorial -rainbow -##uing -litter -##lique -##oted -Butterfly -benefited -Images -induce -Balkans -Velvet -##90 -##xon -Bowman -##breaker -penis -##nitz -##oint -##otive -crust -##pps -organizers -Outdoor -nominees -##rika -TX -##ucks -Protestants -##imation -appetite -Baja -awaited -##points -windshield -##igh -##zled -Brody -Buster -stylized -Bryce -##sz -Dollar -vest -mold -ounce -ok -receivers -##uza -Purdue -Harrington -Hodges -captures -##ggio -Reservation -##ssin -##tman -cosmic -straightforward -flipping -remixed -##athed -Gómez -Lim -motorcycles -economies -owning -Dani -##rosis -myths -sire -kindly -1768 -Bean -graphs -##mee -##RO -##geon -puppy -Stephenson -notified -##jer -Watching -##rama -Sino -urgency -Islanders -##mash -Plata -fumble -##chev -##stance -##rack -##she -facilitated -swings -akin -enduring -payload -##phine -Deputies -murals -##tooth -610 -Jays -eyeing -##quito -transparency -##cote -Timor -negatively -##isan -battled -##fected -thankful -Rage -hospitality -incorrectly -207 -entrepreneurs -##cula -##wley -hedge -##cratic -Corpus -Odessa -Whereas -##ln -fetch -happier -Amherst -bullying -graceful -Height -Bartholomew -willingness -qualifier -191 -Syed -Wesleyan -Layla -##rrence -Webber -##hum -Rat -##cket -##herence -Monterey -contaminated -Beside -Mustafa -Nana -213 -##pruce -Reason -##spense -spike -##gé -AU -disciple -charcoal -##lean -formulated -Diesel -Mariners -accreditation -glossy -1800s -##ih -Mainz -unison -Marianne -shear -overseeing -vernacular -bowled -##lett -unpopular -##ckoned -##monia -Gaston -##TI -##oters -Cups -##bones -##ports -Museo -minors -1773 -Dickens -##EL -##NBC -Presents -ambitions -axes -Río -Yukon -bedside -Ribbon -Units -faults -conceal -##lani -prevailed -214 -Goodwin -Jaguar -crumpled -Cullen -Wireless -ceded -remotely -Bin -mocking -straps -ceramics -##avi -##uding -##ader -Taft -twenties -##aked -Problem -quasi -Lamar -##ntes -##avan -Barr -##eral -hooks -sa -##ône -194 -##ross -Nero -Caine -trance -Homeland -benches -Guthrie -dismiss -##lex -César -foliage -##oot -##alty -Assyrian -Ahead -Murdoch -dictatorship -wraps -##ntal -Corridor -Mackay -respectable -jewels -understands -##pathic -Bryn -##tep -ON -capsule -intrigued -Sleeping -communists -##chayat -##current -##vez -doubling -booklet -##uche -Creed -##NU -spies -##sef -adjusting -197 -Imam -heaved -Tanya -canonical -restraint -senators -stainless -##gnate -Matter -cache -restrained -conflicting -stung -##ool -Sustainable -antiquity -193 -heavens -inclusive -##ador -fluent -303 -911 -archaeologist -superseded -##plex -Tammy -inspire -##passing -##lub -Lama -Mixing -##activated -##yote -parlor -tactic -198 -Stefano -prostitute -recycling -sorted -banana -Stacey -Musée -aristocratic -cough -##rting -authorised -gangs -runoff -thoughtfully -##nish -Fisheries -Provence -detector -hum -##zhen -pill -##árez -Map -Leaves -Peabody -skater -vent -##color -390 -cerebral -hostages -mare -Jurassic -swell -##isans -Knoxville -Naked -Malaya -scowl -Cobra -##anga -Sexual -##dron -##iae -196 -##drick -Ravens -Blaine -##throp -Ismail -symmetric -##lossom -Leicestershire -Sylvester -glazed -##tended -Radar -fused -Families -Blacks -Sale -Zion -foothills -microwave -slain -Collingwood -##pants -##dling -killers -routinely -Janice -hearings -##chanted -##ltration -continents -##iving -##yster -##shot -##yna -injected -Guillaume -##ibi -kinda -Confederacy -Barnett -disasters -incapable -##grating -rhythms -betting -draining -##hak -Callie -Glover -##iliated -Sherlock -hearted -punching -Wolverhampton -Leaf -Pi -builders -furnished -knighted -Photo -##zle -Touring -fumbled -pads -##ий -Bartlett -Gunner -eerie -Marius -Bonus -pots -##hino -##pta -Bray -Frey -Ortiz -stalls -belongings -Subway -fascination -metaphor -Bat -Boer -Colchester -sway -##gro -rhetoric -##dheim -Fool -PMID -admire -##hsil -Strand -TNA -##roth -Nottinghamshire -##mat -##yler -Oxfordshire -##nacle -##roner -BS -##nces -stimulus -transports -Sabbath -##postle -Richter -4000 -##grim -##shima -##lette -deteriorated -analogous -##ratic -UHF -energies -inspiring -Yiddish -Activities -##quential -##boe -Melville -##ilton -Judd -consonants -labs -smuggling -##fari -avid -##uc -truce -undead -##raith -Mostly -bracelet -Connection -Hussain -awhile -##UC -##vention -liable -genetically -##phic -Important -Wildcats -daddy -transmit -##cas -conserved -Yesterday -##lite -Nicky -Guys -Wilder -Lay -skinned -Communists -Garfield -Nearby -organizer -Loss -crafts -walkway -Chocolate -Sundance -Synod -##enham -modify -swayed -Surface -analysts -brackets -drone -parachute -smelling -Andrés -filthy -frogs -vertically -##OK -localities -marries -AHL -35th -##pian -Palazzo -cube -dismay -relocate -##на -Hear -##digo -##oxide -prefecture -converts -hangar -##oya -##ucking -Spectrum -deepened -spoiled -Keeping -##phobic -Verona -outrage -Improvement -##UI -masterpiece -slung -Calling -chant -Haute -mediated -manipulated -affirmed -##hesis -Hangul -skies -##llan -Worcestershire -##kos -mosaic -##bage -##wned -Putnam -folder -##LM -guts -noteworthy -##rada -AJ -sculpted -##iselle -##rang -recognizable -##pent -dolls -lobbying -impatiently -Se -staple -Serb -tandem -Hiroshima -thieves -##ynx -faculties -Norte -##alle -##trusion -chords -##ylon -Gareth -##lops -##escu -FIA -Levin -auspices -groin -Hui -nun -Listed -Honourable -Larsen -rigorous -##erer -Tonga -##pment -##rave -##track -##aa -##enary -540 -clone -sediment -esteem -sighted -cruelty -##boa -inverse -violating -Amtrak -Status -amalgamated -vertex -AR -harmless -Amir -mounts -Coronation -counseling -Audi -CO₂ -splits -##eyer -Humans -Salmon -##have -##rado -##čić -216 -takeoff -classmates -psychedelic -##gni -Gypsy -231 -Anger -GAA -ME -##nist -##tals -Lissa -Odd -baptized -Fiat -fringe -##hren -179 -elevators -perspectives -##TF -##ngle -Question -frontal -950 -thicker -Molecular -##nological -Sixteen -Baton -Hearing -commemorative -dorm -Architectural -purity -##erse -risky -Georgie -relaxing -##ugs -downed -##rar -Slim -##phy -IUCN -##thorpe -Parkinson -217 -Marley -Shipping -sweaty -Jesuits -Sindh -Janata -implying -Armenians -intercept -Ankara -commissioners -ascended -sniper -Grass -Walls -salvage -Dewey -generalized -learnt -PT -##fighter -##tech -DR -##itrus -##zza -mercenaries -slots -##burst -##finger -##nsky -Princes -Rhodesia -##munication -##strom -Fremantle -homework -ins -##Os -##hao -##uffed -Thorpe -Xiao -exquisite -firstly -liberated -technician -Oilers -Phyllis -herb -sharks -MBE -##stock -Product -banjo -##morandum -##than -Visitors -unavailable -unpublished -oxidation -Vogue -##copic -##etics -Yates -##ppard -Leiden -Trading -cottages -Principles -##Millan -##wife -##hiva -Vicar -nouns -strolled -##eorological -##eton -##science -precedent -Armand -Guido -rewards -##ilis -##tise -clipped -chick -##endra -averages -tentatively -1830s -##vos -Certainly -305 -Société -Commandant -##crats -##dified -##nka -marsh -angered -ventilation -Hutton -Ritchie -##having -Eclipse -flick -motionless -Amor -Fest -Loire -lays -##icit -##sband -Guggenheim -Luck -disrupted -##ncia -Disco -##vigator -criticisms -grins -##lons -##vial -##ody -salute -Coaches -junk -saxophonist -##eology -Uprising -Diet -##marks -chronicles -robbed -##iet -##ahi -Bohemian -magician -wavelength -Kenyan -augmented -fashionable -##ogies -Luce -F1 -Monmouth -##jos -##loop -enjoyment -exemption -Centers -##visor -Soundtrack -blinding -practitioner -solidarity -sacrificed -##oso -##cture -##riated -blended -Abd -Copyright -##nob -34th -##reak -Claudio -hectare -rotor -testify -##ends -##iably -##sume -landowner -##cess -##ckman -Eduard -Silesian -backseat -mutually -##abe -Mallory -bounds -Collective -Poet -Winkler -pertaining -scraped -Phelps -crane -flickering -Proto -bubbles -popularized -removes -##86 -Cadillac -Warfare -audible -rites -shivering -##sist -##nst -##biotic -Mon -fascist -Bali -Kathryn -ambiguous -furiously -morale -patio -Sang -inconsistent -topology -Greens -monkeys -Köppen -189 -Toy -vow -##ías -bombings -##culus -improvised -lodged -subsidiaries -garment -startling -practised -Hume -Thorn -categorized -Till -Eileen -wedge -##64 -Federico -patriotic -unlock -##oshi -badminton -Compared -Vilnius -##KE -Crimean -Kemp -decks -spaced -resolutions -sighs -##mind -Imagine -Cartoon -huddled -policemen -forwards -##rouch -equals -##nter -inspected -Charley -MG -##rte -pamphlet -Arturo -dans -scarcely -##ulton -##rvin -parental -unconstitutional -watts -Susannah -Dare -##sitive -Rowland -Valle -invalid -##ué -Detachment -acronym -Yokohama -verified -##lsson -groove -Liza -clarified -compromised -265 -##rgon -##orf -hesitant -Fruit -Application -Mathias -icons -##cell -Qin -interventions -##uron -punt -remnant -##rien -Ames -manifold -spines -floral -##zable -comrades -Fallen -orbits -Annals -hobby -Auditorium -implicated -researching -Pueblo -Ta -terminate -##pella -Rings -approximation -fuzzy -##ús -thriving -##ket -Conor -alarmed -etched -Cary -##rdon -Ally -##rington -Pay -mint -##hasa -##unity -##dman -##itate -Oceania -furrowed -trams -##aq -Wentworth -ventured -choreography -prototypes -Patel -mouthed -trenches -##licing -##yya -Lies -deception -##erve -##vations -Bertrand -earthquakes -##tography -Southwestern -##aja -token -Gupta -##yō -Beckett -initials -ironic -Tsar -subdued -shootout -sobbing -liar -Scandinavia -Souls -ch -therapist -trader -Regulation -Kali -busiest -##pation -32nd -Telephone -Vargas -##moky -##nose -##uge -Favorite -abducted -bonding -219 -255 -correction -mat -drown -fl -unbeaten -Pocket -Summers -Quite -rods -Percussion -##ndy -buzzing -cadet -Wilkes -attire -directory -utilities -naive -populous -Hendrix -##actor -disadvantage -1400 -Landon -Underworld -##ense -Occasionally -mercury -Davey -Morley -spa -wrestled -##vender -eclipse -Sienna -supplemented -thou -Stream -liturgical -##gall -##berries -##piration -1769 -Bucks -abandoning -##jutant -##nac -232 -venom -##31 -Roche -dotted -Currie -Córdoba -Milo -Sharif -divides -justification -prejudice -fortunate -##vide -##ābād -Rowe -inflammatory -##eld -avenue -Sources -##rimal -Messenger -Blanco -advocating -formulation -##pute -emphasizes -nut -Armored -##ented -nutrients -##tment -insistence -Martins -landowners -##RB -comparatively -headlines -snaps -##qing -Celebration -##mad -republican -##NE -Trace -##500 -1771 -proclamation -NRL -Rubin -Buzz -Weimar -##AG -199 -posthumous -##ental -##deacon -Distance -intensely -overheard -Arcade -diagonal -hazard -Giving -weekdays -##ù -Verdi -actresses -##hare -Pulling -##erries -##pores -catering -shortest -##ctors -##cure -##restle -##reta -##runch -##brecht -##uddin -Moments -senate -Feng -Prescott -##thest -218 -divisional -Bertie -sparse -surrounds -coupling -gravitational -werewolves -##lax -Rankings -##mated -##tries -Shia -##mart -##23 -##vocative -interfaces -morphology -newscast -##bide -inputs -solicitor -Olaf -cabinets -puzzles -##tains -Unified -##firmed -WA -solemn -##opy -Tito -Jaenelle -Neolithic -horseback -##ires -pharmacy -prevalence -##lint -Swami -##bush -##tudes -Philipp -mythical -divers -Scouting -aperture -progressively -##bay -##nio -bounce -Floor -##elf -Lucan -adulthood -helm -Bluff -Passage -Salvation -lemon -napkin -scheduling -##gets -Elements -Mina -Novak -stalled -##llister -Infrastructure -##nky -##tania -##uished -Katz -Norma -sucks -trusting -1765 -boilers -Accordingly -##hered -223 -Crowley -##fight -##ulo -Henrietta -##hani -pounder -surprises -##chor -##glia -Dukes -##cracy -##zier -##fs -Patriot -silicon -##VP -simulcast -telegraph -Mysore -cardboard -Len -##QL -Auguste -accordion -analytical -specify -ineffective -hunched -abnormal -Transylvania -##dn -##tending -Emilia -glittering -Maddy -##wana -1762 -External -Lecture -endorsement -Hernández -Anaheim -Ware -offences -##phorus -Plantation -popping -Bonaparte -disgusting -neared -##notes -Identity -heroin -nicely -##raverse -apron -congestion -##PR -padded -##fts -invaders -##came -freshly -Halle -endowed -fracture -ROM -##max -sediments -diffusion -dryly -##tara -Tam -Draw -Spin -Talon -Anthropology -##lify -nausea -##shirt -insert -Fresno -capitalist -indefinitely -apples -Gift -scooped -60s -Cooperative -mistakenly -##lover -murmur -##iger -Equipment -abusive -orphanage -##9th -##lterweight -##unda -Baird -ant -saloon -33rd -Chesapeake -##chair -##sound -##tend -chaotic -pornography -brace -##aret -heiress -SSR -resentment -Arbor -headmaster -##uren -unlimited -##with -##jn -Bram -Ely -Pokémon -pivotal -##guous -Database -Marta -Shine -stumbling -##ovsky -##skin -Henley -Polk -functioned -##layer -##pas -##udd -##MX -blackness -cadets -feral -Damian -##actions -2D -##yla -Apocalypse -##aic -inactivated -##china -##kovic -##bres -destroys -nap -Macy -sums -Madhya -Wisdom -rejects -##amel -60th -Cho -bandwidth -##sons -##obbing -##orama -Mutual -shafts -##estone -##rsen -accord -replaces -waterfront -##gonal -##rida -convictions -##ays -calmed -suppliers -Cummings -GMA -fearful -Scientist -Sinai -examines -experimented -Netflix -Enforcement -Scarlett -##lasia -Healthcare -##onte -Dude -inverted -##36 -##regation -##lidae -Munro -##angay -Airbus -overlapping -Drivers -lawsuits -bodily -##udder -Wanda -Effects -Fathers -##finery -##islav -Ridley -observatory -pod -##utrition -Electricity -landslide -##mable -##zoic -##imator -##uration -Estates -sleepy -Nickelodeon -steaming -irony -schedules -snack -spikes -Hmm -##nesia -##bella -##hibit -Greenville -plucked -Harald -##ono -Gamma -infringement -roaring -deposition -##pol -##orum -660 -seminal -passports -engagements -Akbar -rotated -##bina -##gart -Hartley -##lown -##truct -uttered -traumatic -Dex -##ôme -Holloway -MV -apartheid -##nee -Counter -Colton -OR -245 -Spaniards -Regency -Schedule -scratching -squads -verify -##alk -keyboardist -rotten -Forestry -aids -commemorating -##yed -##érie -Sting -##elly -Dai -##fers -##berley -##ducted -Melvin -cannabis -glider -##enbach -##rban -Costello -Skating -cartoonist -AN -audit -##pectator -distributing -226 -312 -interpreter -header -Alternatively -##ases -smug -##kumar -cabins -remastered -Connolly -Kelsey -LED -tentative -Check -Sichuan -shaved -##42 -Gerhard -Harvest -inward -##rque -Hopefully -hem -##34 -Typical -binds -wrath -Woodstock -forcibly -Fergus -##charged -##tured -prepares -amenities -penetration -##ghan -coarse -##oned -enthusiasts -##av -##twined -fielded -##cky -Kiel -##obia -470 -beers -tremble -youths -attendees -##cademies -##sex -Macon -communism -dir -##abi -Lennox -Wen -differentiate -jewel -##SO -activate -assert -laden -unto -Gillespie -Guillermo -accumulation -##GM -NGO -Rosenberg -calculating -drastically -##omorphic -peeled -Liège -insurgents -outdoors -##enia -Aspen -Sep -awakened -##eye -Consul -Maiden -insanity -##brian -furnace -Colours -distributions -longitudinal -syllables -##scent -Martian -accountant -Atkins -husbands -sewage -zur -collaborate -highlighting -##rites -##PI -colonization -nearer -##XT -dunes -positioning -Ku -multitude -luxurious -Volvo -linguistics -plotting -squared -##inder -outstretched -##uds -Fuji -ji -##feit -##ahu -##loat -##gado -##luster -##oku -América -##iza -Residents -vine -Pieces -DD -Vampires -##ová -smoked -harshly -spreads -##turn -##zhi -betray -electors -##settled -Considering -exploits -stamped -Dusty -enraged -Nairobi -##38 -intervened -##luck -orchestras -##lda -Hereford -Jarvis -calf -##itzer -##CH -salesman -Lovers -cigar -Angelica -doomed -heroine -##tible -Sanford -offenders -##ulously -articulated -##oam -Emanuel -Gardiner -Edna -Shu -gigantic -##stable -Tallinn -coasts -Maker -ale -stalking -##oga -##smus -lucrative -southbound -##changing -Reg -##lants -Schleswig -discount -grouping -physiological -##OH -##sun -Galen -assurance -reconcile -rib -scarlet -Thatcher -anarchist -##oom -Turnpike -##ceding -cocktail -Sweeney -Allegheny -concessions -oppression -reassuring -##poli -##ticus -##TR -##VI -##uca -##zione -directional -strikeouts -Beneath -Couldn -Kabul -##national -hydroelectric -##jit -Desire -##riot -enhancing -northbound -##PO -Ok -Routledge -volatile -Bernardo -Python -333 -ample -chestnut -automobiles -##innamon -##care -##hering -BWF -salaries -Turbo -acquisitions -##stituting -strengths -pilgrims -Ponce -Pig -Actors -Beard -sanitation -##RD -##mett -Telecommunications -worms -##idas -Juno -Larson -Ventura -Northeastern -weighs -Houghton -collaborating -lottery -##rano -Wonderland -gigs -##lmer -##zano -##edd -##nife -mixtape -predominant -tripped -##ruly -Alexei -investing -Belgarath -Brasil -hiss -##crat -##xham -Côte -560 -kilometer -##cological -analyzing -##As -engined -listener -##cakes -negotiation -##hisky -Santana -##lemma -IAAF -Seneca -skeletal -Covenant -Steiner -##lev -##uen -Neptune -retention -##upon -Closing -Czechoslovak -chalk -Navarre -NZ -##IG -##hop -##oly -##quatorial -##sad -Brewery -Conflict -Them -renew -turrets -disagree -Petra -Slave -##reole -adjustment -##dela -##regard -##sner -framing -stature -##rca -##sies -##46 -##mata -Logic -inadvertently -naturalist -spheres -towering -heightened -Dodd -rink -##fle -Keyboards -bulb -diver -ul -##tsk -Exodus -Deacon -España -Canadiens -oblique -thud -reigned -rug -Whitman -Dash -##iens -Haifa -pets -##arland -manually -dart -##bial -Sven -textiles -subgroup -Napier -graffiti -revolver -humming -Babu -protector -typed -Provinces -Sparta -Wills -subjective -##rella -temptation -##liest -FL -Sadie -manifest -Guangdong -Transfer -entertain -eve -recipes -##33 -Benedictine -retailer -##dence -establishes -##cluded -##rked -Ursula -##ltz -##lars -##rena -qualifiers -##curement -colt -depictions -##oit -Spiritual -differentiation -staffed -transitional -##lew -1761 -fatalities -##oan -Bayern -Northamptonshire -Weeks -##CU -Fife -capacities -hoarse -##latt -##ة -evidenced -##HD -##ographer -assessing -evolve -hints -42nd -streaked -##lve -Yahoo -##estive -##rned -##zas -baggage -Elected -secrecy -##champ -Character -Pen -Decca -cape -Bernardino -vapor -Dolly -counselor -##isers -Benin -##khar -##CR -notch -##thus -##racy -bounty -lend -grassland -##chtenstein -##dating -pseudo -golfer -simplest -##ceive -Lucivar -Triumph -dinosaur -dinosaurs -##šić -Seahawks -##nco -resorts -reelected -1766 -reproduce -universally -##OA -ER -tendencies -Consolidated -Massey -Tasmanian -reckless -##icz -##ricks -1755 -questionable -Audience -##lates -preseason -Quran -trivial -Haitian -Freeway -dialed -Appointed -Heard -ecosystems -##bula -hormones -Carbon -Rd -##arney -##working -Christoph -presiding -pu -##athy -Morrow -Dar -ensures -posing -remedy -EA -disclosed -##hui -##rten -rumours -surveying -##ficiency -Aziz -Jewel -Plays -##smatic -Bernhard -Christi -##eanut -##friend -jailed -##dr -govern -neighbour -butler -Acheron -murdering -oils -mac -Editorial -detectives -bolts -##ulon -Guitars -malaria -36th -Pembroke -Opened -##hium -harmonic -serum -##sio -Franks -fingernails -##gli -culturally -evolving -scalp -VP -deploy -uploaded -mater -##evo -Jammu -Spa -##icker -flirting -##cursions -Heidi -Majority -sprawled -##alytic -Zheng -bunker -##lena -ST -##tile -Jiang -ceilings -##ently -##ols -Recovery -dire -##good -Manson -Honestly -Montréal -1764 -227 -quota -Lakshmi -incentive -Accounting -##cilla -Eureka -Reaper -buzzed -##uh -courtroom -dub -##mberg -KC -Gong -Theodor -Académie -NPR -criticizing -protesting -##pired -##yric -abuses -fisheries -##minated -1767 -yd -Gemini -Subcommittee -##fuse -Duff -Wasn -Wight -cleaner -##tite -planetary -Survivor -Zionist -mounds -##rary -landfall -disruption -yielding -##yana -bids -unidentified -Garry -Ellison -Elmer -Fishing -Hayward -demos -modelling -##anche -##stick -caressed -entertained -##hesion -piers -Crimea -##mass -WHO -boulder -trunks -1640 -Biennale -Palestinians -Pursuit -##udes -Dora -contender -##dridge -Nanjing -##ezer -##former -##ibel -Whole -proliferation -##tide -##weiler -fuels -predictions -##ente -##onium -Filming -absorbing -Ramón -strangled -conveyed -inhabit -prostitutes -recession -bonded -clinched -##eak -##iji -##edar -Pleasure -Rite -Christy -Therapy -sarcasm -##collegiate -hilt -probation -Sarawak -coefficients -underworld -biodiversity -SBS -groom -brewing -dungeon -##claiming -Hari -turnover -##ntina -##omer -##opped -orthodox -styling -##tars -##ulata -priced -Marjorie -##eley -##abar -Yong -##tically -Crambidae -Hernandez -##ego -##rricular -##ark -##lamour -##llin -##augh -##tens -Advancement -Loyola -##4th -##hh -goin -marshes -Sardinia -##ša -Ljubljana -Singing -suspiciously -##hesive -Félix -Regarding -flap -stimulation -##raught -Apr -Yin -gaping -tighten -skier -##itas -##lad -##rani -264 -Ashes -Olson -Problems -Tabitha -##rading -balancing -sunrise -##ease -##iture -##ritic -Fringe -##iciency -Inspired -Linnaeus -PBA -disapproval -##kles -##rka -##tails -##urger -Disaster -Laboratories -apps -paradise -Aero -Came -sneaking -Gee -Beacon -ODI -commodity -Ellington -graphical -Gretchen -spire -##skaya -##trine -RTÉ -efficacy -plc -tribunal -##ytic -downhill -flu -medications -##kaya -widen -Sunrise -##nous -distinguishing -pawn -##BO -##irn -##ssing -##ν -Easton -##vila -Rhineland -##aque -defect -##saurus -Goose -Ju -##classified -Middlesbrough -shaping -preached -1759 -##erland -Ein -Hailey -musicals -##altered -Galileo -Hilda -Fighters -Lac -##ometric -295 -Leafs -Milano -##lta -##VD -##ivist -penetrated -Mask -Orchard -plaintiff -##icorn -Yvonne -##fred -outfielder -peek -Collier -Caracas -repealed -Bois -dell -restrict -Dolores -Hadley -peacefully -##LL -condom -Granny -Orders -sabotage -##toon -##rings -compass -marshal -gears -brigadier -dye -Yunnan -communicating -donate -emerald -vitamin -administer -Fulham -##classical -##llas -Buckinghamshire -Held -layered -disclosure -Akira -programmer -shrimp -Crusade -##ximal -Luzon -bakery -##cute -Garth -Citadel -uniquely -Curling -info -mum -Para -##ști -sleek -##ione -hey -Lantern -mesh -##lacing -##lizzard -##gade -prosecuted -Alba -Gilles -greedy -twists -##ogged -Viper -##kata -Appearances -Skyla -hymns -##pelled -curving -predictable -Grave -Watford -##dford -##liptic -##vary -Westwood -fluids -Models -statutes -##ynamite -1740 -##culate -Framework -Johanna -##gression -Vuelta -imp -##otion -##raga -##thouse -Ciudad -festivities -##love -Beyoncé -italics -##vance -DB -##haman -outs -Singers -##ueva -##urning -##51 -##ntiary -##mobile -285 -Mimi -emeritus -nesting -Keeper -Ways -##onal -##oux -Edmond -MMA -##bark -##oop -Hampson -##ñez -##rets -Gladstone -wreckage -Pont -Playboy -reluctance -##ná -apprenticeship -preferring -Value -originate -##wei -##olio -Alexia -##rog -Parachute -jammed -stud -Eton -vols -##ganized -1745 -straining -creep -indicators -##mán -humiliation -hinted -alma -tanker -##egation -Haynes -Penang -amazement -branched -rumble -##ddington -archaeologists -paranoid -expenditure -Absolutely -Musicians -banished -##fining -baptism -Joker -Persons -hemisphere -##tieth -##ück -flock -##xing -lbs -Kung -crab -##dak -##tinent -Regulations -barrage -parcel -##ós -Tanaka -##rsa -Natalia -Voyage -flaws -stepfather -##aven -##eological -Botanical -Minsk -##ckers -Cinderella -Feast -Loving -Previous -Shark -##took -barrister -collaborators -##nnes -Croydon -Graeme -Juniors -##7th -##formation -##ulos -##ák -£2 -##hwa -##rove -##ș -Whig -demeanor -Otago -##TH -##ooster -Faber -instructors -##ahl -##bha -emptied -##schen -saga -##lora -exploding -##rges -Crusaders -##caster -##uations -streaks -CBN -bows -insights -ka -1650 -diversion -LSU -Wingspan -##liva -Response -sanity -Producers -imitation -##fine -Lange -Spokane -splash -weed -Siberian -magnet -##rocodile -capitals -##rgus -swelled -Rani -Bells -Silesia -arithmetic -rumor -##hampton -favors -Weird -marketplace -##orm -tsunami -unpredictable -##citation -##ferno -Tradition -postwar -stench -succeeds -##roup -Anya -Users -oversized -totaling -pouch -##nat -Tripoli -leverage -satin -##cline -Bathurst -Lund -Niall -thereof -##quid -Bangor -barge -Animated -##53 -##alan -Ballard -utilizes -Done -ballistic -NDP -gatherings -##elin -##vening -Rockets -Sabrina -Tamara -Tribal -WTA -##citing -blinded -flux -Khalid -Una -prescription -##jee -Parents -##otics -##food -Silicon -cured -electro -perpendicular -intimacy -##rified -Lots -##ceiving -##powder -incentives -McKenna -##arma -##ounced -##rinkled -Alzheimer -##tarian -262 -Seas -##cam -Novi -##hout -##morphic -##hazar -##hul -##nington -Huron -Bahadur -Pirate -pursed -Griffiths -indicted -swap -refrain -##mulating -Lal -stomped -##Pad -##mamoto -Reef -disposed -plastered -weeping -##rato -Minas -hourly -tumors -##ruising -Lyle -##yper -##sol -Odisha -credibility -##Dowell -Braun -Graphic -lurched -muster -##nex -##ührer -##connected -##iek -##ruba -Carthage -Peck -maple -bursting -##lava -Enrico -rite -##jak -Moment -##skar -Styx -poking -Spartan -##urney -Hepburn -Mart -Titanic -newsletter -waits -Mecklenburg -agitated -eats -##dious -Chow -matrices -Maud -##sexual -sermon -234 -##sible -##lung -Qi -cemeteries -mined -sprinter -##ckett -coward -##gable -##hell -##thin -##FB -Contact -##hay -rainforest -238 -Hemisphere -boasts -##nders -##verance -##kat -Convent -Dunedin -Lecturer -lyricist -##bject -Iberian -comune -##pphire -chunk -##boo -thrusting -fore -informing -pistols -echoes -Tier -battleships -substitution -##belt -moniker -##charya -##lland -Thoroughbred -38th -##01 -##tah -parting -tongues -Cale -##seau -Unionist -modular -celebrates -preview -steamed -Bismarck -302 -737 -vamp -##finity -##nbridge -weaknesses -husky -##berman -absently -##icide -Craven -tailored -Tokugawa -VIP -syntax -Kazan -captives -doses -filtered -overview -Cleopatra -Conversely -stallion -Burger -Suez -Raoul -th -##reaves -Dickson -Nell -Rate -anal -colder -##sław -Arm -Semitic -##green -reflective -1100 -episcopal -journeys -##ours -##pository -##dering -residue -Gunn -##27 -##ntial -##crates -##zig -Astros -Renee -Emerald -##vili -connectivity -undrafted -Sampson -treasures -##kura -##theon -##vern -Destroyer -##iable -##ener -Frederic -briefcase -confinement -Bree -##WD -Athena -233 -Padres -Thom -speeding -##hali -Dental -ducks -Putin -##rcle -##lou -Asylum -##usk -dusk -pasture -Institutes -ONE -jack -##named -diplomacy -Intercontinental -Leagues -Towns -comedic -premature -##edic -##mona -##ories -trimmed -Charge -Cream -guarantees -Dmitry -splashed -Philosophical -tramway -##cape -Maynard -predatory -redundant -##gratory -##wry -sobs -Burgundy -edible -outfits -Handel -dazed -dangerously -idle -Operational -organizes -##sional -blackish -broker -weddings -##halt -Becca -McGee -##gman -protagonists -##pelling -Keynes -aux -stumble -##ordination -Nokia -reel -sexes -##woods -##pheric -##quished -##voc -##oir -##pathian -##ptus -##sma -##tating -##ê -fulfilling -sheath -##ayne -Mei -Ordinary -Collin -Sharpe -grasses -interdisciplinary -##OX -Background -##ignment -Assault -transforms -Hamas -Serge -ratios -##sik -swaying -##rcia -Rosen -##gant -##versible -cinematographer -curly -penny -Kamal -Mellon -Sailor -Spence -phased -Brewers -amassed -Societies -##ropriations -##buted -mythological -##SN -##byss -##ired -Sovereign -preface -Parry -##ife -altitudes -crossings -##28 -Crewe -southernmost -taut -McKinley -##owa -##tore -254 -##ckney -compiling -Shelton -##hiko -228 -Poll -Shepard -Labs -Pace -Carlson -grasping -##ов -Delaney -Winning -robotic -intentional -shattering -##boarding -##git -##grade -Editions -Reserves -ignorant -proposing -##hanna -cutter -Mongols -NW -##eux -Codex -Cristina -Daughters -Rees -forecast -##hita -NGOs -Stations -Beaux -Erwin -##jected -##EX -##trom -Schumacher -##hrill -##rophe -Maharaja -Oricon -##sul -##dynamic -##fighting -Ce -Ingrid -rumbled -Prospect -stairwell -Barnard -applause -complementary -##uba -grunt -##mented -Bloc -Carleton -loft -noisy -##hey -490 -contrasted -##inator -##rief -##centric -##fica -Cantonese -Blanc -Lausanne -License -artifact -##ddin -rot -Amongst -Prakash -RF -##topia -milestone -##vard -Winters -Mead -churchyard -Lulu -estuary -##ind -Cha -Infinity -Meadow -subsidies -##valent -CONCACAF -Ching -medicinal -navigate -Carver -Twice -abdominal -regulating -RB -toilets -Brewer -weakening -ambushed -##aut -##vignon -Lansing -unacceptable -reliance -stabbing -##mpo -##naire -Interview -##ested -##imed -bearings -##lts -Rashid -##iation -authenticity -vigorous -##frey -##uel -biologist -NFC -##rmaid -##wash -Makes -##aunt -##steries -withdrawing -##qa -Buccaneers -bleed -inclination -stain -##ilo -##ppel -Torre -privileged -cereal -trailers -alumnus -neon -Cochrane -Mariana -caress -##47 -##ients -experimentation -Window -convict -signaled -##YP -rower -Pharmacy -interacting -241 -Strings -dominating -kinase -Dinamo -Wire -pains -sensations -##suse -Twenty20 -##39 -spotlight -##hend -elemental -##pura -Jameson -Swindon -honoring -pained -##ediatric -##lux -Psychological -assemblies -ingredient -Martial -Penguins -beverage -Monitor -mysteries -##ION -emigration -mused -##sique -crore -AMC -Funding -Chinatown -Establishment -Finalist -enjoyable -1756 -##mada -##rams -NO -newborn -CS -comprehend -Invisible -Siemens -##acon -246 -contraction -##volving -##moration -##rok -montane -##ntation -Galloway -##llow -Verity -directorial -pearl -Leaning -##rase -Fernandez -swallowing -Automatic -Madness -haunting -paddle -##UE -##rrows -##vies -##zuki -##bolt -##iber -Fender -emails -paste -##lancing -hind -homestead -hopeless -##dles -Rockies -garlic -fatty -shrieked -##ismic -Gillian -Inquiry -Schultz -XML -##cius -##uld -Domesday -grenades -northernmost -##igi -Tbilisi -optimistic -##poon -Refuge -stacks -Bose -smash -surreal -Nah -Straits -Conquest -##roo -##weet -##kell -Gladys -CH -##lim -##vitation -Doctorate -NRHP -knocks -Bey -Romano -##pile -242 -Diamonds -strides -eclectic -Betsy -clade -##hady -##leashed -dissolve -moss -Suburban -silvery -##bria -tally -turtles -##uctive -finely -industrialist -##nary -Ernesto -oz -pact -loneliness -##hov -Tomb -multinational -risked -Layne -USL -ne -##quiries -Ad -Message -Kamen -Kristen -reefs -implements -##itative -educators -garments -gunshot -##essed -##rve -Montevideo -vigorously -Stamford -assemble -packaged -##same -état -Viva -paragraph -##eter -##wire -Stick -Navajo -MCA -##pressing -ensembles -ABA -##zor -##llus -Partner -raked -##BI -Iona -thump -Celeste -Kiran -##iscovered -##rith -inflammation -##arel -Features -loosened -##yclic -Deluxe -Speak -economical -Frankenstein -Picasso -showcased -##zad -##eira -##planes -##linear -##overs -monsoon -prosecutors -slack -Horses -##urers -Angry -coughing -##truder -Questions -##tō -##zak -challenger -clocks -##ieving -Newmarket -##acle -cursing -stimuli -##mming -##qualified -slapping -##vasive -narration -##kini -Advertising -CSI -alliances -mixes -##yes -covert -amalgamation -reproduced -##ardt -##gis -1648 -id -Annette -Boots -Champagne -Brest -Daryl -##emon -##jou -##llers -Mean -adaptive -technicians -##pair -##usal -Yoga -fronts -leaping -Jul -harvesting -keel -##44 -petitioned -##lved -yells -Endowment -proponent -##spur -##tised -##zal -Homes -Includes -##ifer -##oodoo -##rvette -awarding -mirrored -ransom -Flute -outlook -##ganj -DVDs -Sufi -frontman -Goddard -barren -##astic -Suicide -hillside -Harlow -Lau -notions -Amnesty -Homestead -##irt -GE -hooded -umpire -mustered -Catch -Masonic -##erd -Dynamics -Equity -Oro -Charts -Mussolini -populace -muted -accompaniment -##lour -##ndes -ignited -##iferous -##laced -##atch -anguish -registry -##tub -##hards -##neer -251 -Hooker -uncomfortably -##6th -##ivers -Catalina -MiG -giggling -1754 -Dietrich -Kaladin -pricing -##quence -Sabah -##lving -##nical -Gettysburg -Vita -Telecom -Worst -Palais -Pentagon -##brand -##chichte -Graf -unnatural -1715 -bio -##26 -Radcliffe -##utt -chatting -spices -##aus -untouched -##eper -Doll -turkey -Syndicate -##rlene -##JP -##roots -Como -clashed -modernization -1757 -fantasies -##iating -dissipated -Sicilian -inspect -sensible -reputed -##final -Milford -poised -RC -metabolic -Tobacco -Mecca -optimization -##heat -lobe -rabbits -NAS -geologist -##liner -Kilda -carpenter -nationalists -##brae -summarized -##venge -Designer -misleading -beamed -##meyer -Matrix -excuses -##aines -##biology -401 -Moose -drafting -Sai -##ggle -Comprehensive -dripped -skate -##WI -##enan -##ruk -narrower -outgoing -##enter -##nounce -overseen -##structure -travellers -banging -scarred -##thing -##arra -Ebert -Sometime -##nated -BAFTA -Hurricanes -configurations -##MLL -immortality -##heus -gothic -##mpest -clergyman -viewpoint -Maxim -Instituto -emitted -quantitative -1689 -Consortium -##rsk -Meat -Tao -swimmers -Shaking -Terence -mainline -##linity -Quantum -##rogate -Nair -banquet -39th -reprised -lagoon -subdivisions -synonymous -incurred -password -sprung -##vere -Credits -Petersen -Faces -##vu -statesman -Zombie -gesturing -##going -Sergey -dormant -possessive -totals -southward -Ángel -##odies -HM -Mariano -Ramirez -Wicked -impressions -##Net -##cap -##ème -Transformers -Poker -RIAA -Redesignated -##chuk -Harcourt -Peña -spacious -tinged -alternatively -narrowing -Brigham -authorization -Membership -Zeppelin -##amed -Handball -steer -##orium -##rnal -##rops -Committees -endings -##MM -##yung -ejected -grams -##relli -Birch -Hilary -Stadion -orphan -clawed -##kner -Motown -Wilkins -ballads -outspoken -##ancipation -##bankment -##cheng -Advances -harvested -novelty -ineligible -oversees -##´s -obeyed -inevitably -Kingdoms -burying -Fabian -relevance -Tatiana -##MCA -sarcastic -##onda -Akron -229 -sandwiches -Adobe -Maddox -##azar -Hunting -##onized -Smiling -##tology -Juventus -Leroy -Poets -attach -lo -##rly -##film -Structure -##igate -olds -projections -SMS -outnumbered -##tase -judiciary -paramilitary -playfully -##rsing -##tras -Chico -Vin -informally -abandonment -##russ -Baroness -injuring -octagonal -deciduous -##nea -##olm -Hz -Norwood -poses -Marissa -alerted -willed -##KS -Dino -##ddler -##vani -Barbie -Thankfully -625 -bicycles -shimmering -##tinuum -##wolf -Chesterfield -##idy -##urgency -Knowles -sweetly -Ventures -##ponents -##valence -Darryl -Powerplant -RAAF -##pec -Kingsley -Parramatta -penetrating -spectacle -##inia -Marlborough -residual -compatibility -hike -Underwood -depleted -ministries -##odus -##ropriation -rotting -Faso -##inn -Happiness -Lille -Suns -cookie -rift -warmly -##lvin -Bugs -Gotham -Gothenburg -Properties -##seller -##ubi -Created -MAC -Noelle -Requiem -Ulysses -##ails -franchises -##icious -##rwick -celestial -kinetic -720 -STS -transmissions -amplitude -forums -freeing -reptiles -tumbling -##continent -##rising -##tropy -physiology -##uster -Loves -bodied -neutrality -Neumann -assessments -Vicky -##hom -hampered -##uku -Custom -timed -##eville -##xious -elastic -##section -rig -stilled -shipment -243 -artworks -boulders -Bournemouth -##hly -##LF -##linary -rumored -##bino -##drum -Chun -Freiburg -##dges -Equality -252 -Guadalajara -##sors -##taire -Roach -cramped -##ultural -Logistics -Punch -fines -Lai -caravan -##55 -lame -Collector -pausing -315 -migrant -hawk -signalling -##erham -##oughs -Demons -surfing -Rana -insisting -Wien -adolescent -##jong -##rera -##umba -Regis -brushes -##iman -residues -storytelling -Consider -contrasting -regeneration -##elling -##hlete -afforded -reactors -costing -##biotics -##gat -##евич -chanting -secondly -confesses -##ikos -##uang -##ronological -##− -Giacomo -##eca -vaudeville -weeds -rejecting -revoked -affluent -fullback -progresses -geologic -proprietor -replication -gliding -recounted -##bah -##igma -Flow -ii -newcomer -##lasp -##miya -Candace -fractured -interiors -confidential -Inverness -footing -##robe -Coordinator -Westphalia -jumper -##chism -dormitory -##gno -281 -acknowledging -leveled -##éra -Algiers -migrate -Frog -Rare -##iovascular -##urous -DSO -nomadic -##iera -woken -lifeless -##graphical -##ifications -Dot -Sachs -crow -nmi -Tacoma -Weight -mushroom -RS -conditioned -##zine -Tunisian -altering -##mizing -Handicap -Patti -Monsieur -clicking -gorge -interrupting -##powerment -drawers -Serra -##icides -Specialist -##itte -connector -worshipped -##ask -consoles -tags -##iler -glued -##zac -fences -Bratislava -honeymoon -313 -A2 -disposition -Gentleman -Gilmore -glaciers -##scribed -Calhoun -convergence -Aleppo -shortages -##43 -##orax -##worm -##codes -##rmal -neutron -##ossa -Bloomberg -Salford -periodicals -##ryan -Slayer -##ynasties -credentials -##tista -surveyor -File -stinging -unnoticed -Medici -ecstasy -espionage -Jett -Leary -circulating -bargaining -concerto -serviced -37th -HK -##fueling -Delilah -Marcia -graded -##join -Kaplan -feasible -##nale -##yt -Burnley -dreadful -ministerial -Brewster -Judah -##ngled -##rrey -recycled -Iroquois -backstage -parchment -##numbered -Kern -Motorsports -Organizations -##mini -Seems -Warrington -Dunbar -Ezio -##eor -paralyzed -Ara -yeast -##olis -cheated -reappeared -banged -##ymph -##dick -Lyndon -glide -Mat -##natch -Hotels -Household -parasite -irrelevant -youthful -##smic -##tero -##anti -2d -Ignacio -squash -##nets -shale -##اد -Abrams -##oese -assaults -##dier -##otte -Swamp -287 -Spurs -##economic -Fargo -auditioned -##mé -Haas -une -abbreviation -Turkic -##tisfaction -favorites -specials -##lial -Enlightenment -Burkina -##vir -Comparative -Lacrosse -elves -##lerical -##pear -Borders -controllers -##villa -excelled -##acher -##varo -camouflage -perpetual -##ffles -devoid -schooner -##bered -##oris -Gibbons -Lia -discouraged -sue -##gnition -Excellent -Layton -noir -smack -##ivable -##evity -##lone -Myra -weaken -weaponry -##azza -Shake -backbone -Certified -clown -occupational -caller -enslaved -soaking -Wexford -perceive -shortlisted -##pid -feminism -Bari -Indie -##avelin -##ldo -Hellenic -Hundreds -Savings -comedies -Honors -Mohawk -Told -coded -Incorporated -hideous -trusts -hose -Calais -Forster -Gabon -Internationale -AK -Colour -##UM -##heist -McGregor -localized -##tronomy -Darrell -##iara -squirrel -freaked -##eking -##manned -##ungen -radiated -##dua -commence -Donaldson -##iddle -MR -SAS -Tavern -Teenage -admissions -Instruments -##ilizer -Konrad -contemplated -##ductor -Jing -Reacher -recalling -Dhabi -emphasizing -illumination -##tony -legitimacy -Goethe -Ritter -McDonnell -Polar -Seconds -aspiring -derby -tunic -##rmed -outlines -Changing -distortion -##cter -Mechanics -##urly -##vana -Egg -Wolverine -Stupid -centralized -knit -##Ms -Saratoga -Ogden -storylines -##vres -lavish -beverages -##grarian -Kyrgyzstan -forcefully -superb -Elm -Thessaloniki -follower -Plants -slang -trajectory -Nowadays -Bengals -Ingram -perch -coloring -carvings -doubtful -##aph -##gratulations -##41 -Curse -253 -nightstand -Campo -Meiji -decomposition -##giri -McCormick -Yours -##amon -##bang -Texans -injunction -organise -periodical -##peculative -oceans -##aley -Success -Lehigh -##guin -1730 -Davy -allowance -obituary -##tov -treasury -##wayne -euros -readiness -systematically -##stered -##igor -##xen -##cliff -##lya -Send -##umatic -Celtics -Judiciary -425 -propagation -rebellious -##ims -##lut -Dal -##ayman -##cloth -Boise -pairing -Waltz -torment -Hatch -aspirations -diaspora -##hame -Rank -237 -Including -Muir -chained -toxicity -Université -##aroo -Mathews -meadows -##bio -Editing -Khorasan -##them -##ahn -##bari -##umes -evacuate -##sium -gram -kidnap -pinning -##diation -##orms -beacon -organising -McGrath -##ogist -Qur -Tango -##ceptor -##rud -##cend -##cie -##jas -##sided -Tuscany -Venture -creations -exhibiting -##rcerer -##tten -Butcher -Divinity -Pet -Whitehead -falsely -perished -handy -Moines -cyclists -synthesizers -Mortal -notoriety -##ronic -Dialogue -expressive -uk -Nightingale -grimly -vineyards -Driving -relentless -compiler -##district -##tuated -Hades -medicines -objection -Answer -Soap -Chattanooga -##gogue -Haryana -Parties -Turtle -##ferred -explorers -stakeholders -##aar -##rbonne -tempered -conjecture -##tee -##hur -Reeve -bumper -stew -##church -##generate -##ilitating -##chanized -##elier -##enne -translucent -##lows -Publisher -evangelical -inherit -##rted -247 -SmackDown -bitterness -lesions -##worked -mosques -wed -##lashes -Ng -Rebels -booking -##nail -Incident -Sailing -yo -confirms -Chaplin -baths -##kled -modernist -pulsing -Cicero -slaughtered -boasted -##losure -zipper -##hales -aristocracy -halftime -jolt -unlawful -Marching -sustaining -Yerevan -bracket -ram -Markus -##zef -butcher -massage -##quisite -Leisure -Pizza -collapsing -##lante -commentaries -scripted -##disciplinary -##sused -eroded -alleging -vase -Chichester -Peacock -commencement -dice -hotter -poisonous -executions -##occo -frost -fielding -vendor -Counts -Troops -maize -Divisional -analogue -shadowy -Nuevo -Ville -radiating -worthless -Adriatic -Buy -blaze -brutally -horizontally -longed -##matical -federally -Rolf -Root -exclude -rag -agitation -Lounge -astonished -##wirl -Impossible -transformations -##IVE -##ceded -##slav -downloaded -fucked -Egyptians -Welles -##ffington -U2 -befriended -radios -##jid -archaic -compares -##ccelerator -##imated -##tosis -Hung -Scientists -Thousands -geographically -##LR -Macintosh -fluorescent -##ipur -Wehrmacht -##BR -##firmary -Chao -##ague -Boyer -##grounds -##hism -##mento -##taining -infancy -##cton -510 -Boca -##loy -1644 -ben -dong -stresses -Sweat -expressway -graders -ochreous -nets -Lawn -thirst -Uruguayan -satisfactory -##tracts -baroque -rusty -##ław -Shen -Gdańsk -chickens -##graving -Hodge -Papal -SAT -bearer -##ogo -##rger -merits -Calendar -Highest -Skills -##ortex -Roberta -paradigm -recounts -frigates -swamps -unitary -##oker -balloons -Hawthorne -Muse -spurred -advisors -reclaimed -stimulate -fibre -pat -repeal -##dgson -##iar -##rana -anthropologist -descends -flinch -reared -##chang -##eric -##lithic -commissioning -##cumenical -##lume -##rchen -Wolff -##tsky -Eurasian -Nepali -Nightmare -ZIP -playback -##latz -##vington -Warm -##75 -Martina -Rollins -Saetan -Variations -sorting -##م -530 -Joaquin -Ptolemy -thinner -##iator -##pticism -Cebu -Highlanders -Linden -Vanguard -##SV -##mor -##ulge -ISSN -cartridges -repression -Étienne -311 -Lauderdale -commodities -null -##rb -1720 -gearbox -##reator -Ang -Forgotten -dubious -##rls -##dicative -##phate -Groove -Herrera -##çais -Collections -Maximus -##published -Fell -Qualification -filtering -##tized -Roe -hazards -##37 -##lative -##tröm -Guadalupe -Tajikistan -Preliminary -fronted -glands -##paper -##iche -##iding -Cairns -rallies -Location -seduce -##mple -BYU -##itic -##FT -Carmichael -Prentice -songwriters -forefront -Physicians -##rille -##zee -Preparatory -##cherous -UV -##dized -Navarro -misses -##nney -Inland -resisting -##sect -Hurt -##lino -galaxies -##raze -Institutions -devote -##lamp -##ciating -baron -##bracing -Hess -operatic -##CL -##ος -Chevalier -Guiana -##lattered -Fed -##cuted -##smo -Skull -denies -236 -Waller -##mah -Sakura -mole -nominate -sermons -##bering -widowed -##röm -Cavendish -##struction -Nehru -Revelation -doom -Gala -baking -Nr -Yourself -banning -Individuals -Sykes -orchestrated -630 -Phone -steered -620 -specialising -starvation -##AV -##alet -##upation -seductive -##jects -##zure -Tolkien -Benito -Wizards -Submarine -dictator -Duo -Caden -approx -basins -##nc -shrink -##icles -##sponsible -249 -mit -outpost -##bayashi -##rouse -##tl -Jana -Lombard -RBIs -finalized -humanities -##function -Honorable -tomato -##iot -Pie -tee -##pect -Beaufort -Ferris -bucks -##graduate -##ocytes -Directory -anxiously -##nating -flanks -##Ds -virtues -##believable -Grades -criterion -manufactures -sourced -##balt -##dance -##tano -Ying -##BF -##sett -adequately -blacksmith -totaled -trapping -expanse -Historia -Worker -Sense -ascending -housekeeper -##oos -Crafts -Resurrection -##verty -encryption -##aris -##vat -##pox -##runk -##iability -gazes -spying -##ths -helmets -wired -##zophrenia -Cheung -WR -downloads -stereotypes -239 -Lucknow -bleak -Bragg -hauling -##haft -prohibit -##ermined -##castle -barony -##hta -Typhoon -antibodies -##ascism -Hawthorn -Kurdistan -Minority -Gorge -Herr -appliances -disrupt -Drugs -Lazarus -##ilia -##ryo -##tany -Gotta -Masovian -Roxy -choreographed -##rissa -turbulent -##listed -Anatomy -exiting -##det -##isław -580 -Kaufman -sage -##apa -Symposium -##rolls -Kaye -##ptera -##rocław -jerking -##menclature -Guo -M1 -resurrected -trophies -##lard -Gathering -nestled -serpent -Dow -reservoirs -Claremont -arbitration -chronicle -eki -##arded -##zers -##mmoth -Congregational -Astronomical -NE -RA -Robson -Scotch -modelled -slashed -##imus -exceeds -##roper -##utile -Laughing -vascular -superficial -##arians -Barclay -Caucasian -classmate -sibling -Kimberly -Shreveport -##ilde -##liche -Cheney -Deportivo -Veracruz -berries -##lase -Bed -MI -Anatolia -Mindanao -broadband -##olia -##arte -##wab -darts -##immer -##uze -believers -ordinance -violate -##wheel -##ynth -Alongside -Coupe -Hobbs -arrondissement -earl -townland -##dote -##lihood -##sla -Ghosts -midfield -pulmonary -##eno -cues -##gol -##zda -322 -Siena -Sultanate -Bradshaw -Pieter -##thical -Raceway -bared -competence -##ssent -Bet -##urer -##ła -Alistair -Göttingen -appropriately -forge -##osterone -##ugen -DL -345 -convoys -inventions -##resses -##cturnal -Fay -Integration -slash -##roats -Widow -barking -##fant -1A -Hooper -##cona -##runched -unreliable -##emont -##esign -##stabulary -##stop -Journalists -bony -##iba -##trata -##ège -horrific -##bish -Jocelyn -##rmon -##apon -##cier -trainers -##ulatory -1753 -BR -corpus -synthesized -##bidden -##rafford -Elgin -##entry -Doherty -clockwise -##played -spins -##ample -##bley -Cope -constructions -seater -warlord -Voyager -documenting -fairies -##viator -Lviv -jewellery -suites -##gold -Maia -NME -##eavor -##kus -Eugène -furnishings -##risto -MCC -Metropolis -Older -Telangana -##mpus -amplifier -supervising -1710 -buffalo -cushion -terminating -##powering -steak -Quickly -contracting -dem -sarcastically -Elsa -##hein -bastards -narratives -Takes -304 -composure -typing -variance -##ifice -Softball -##rations -McLaughlin -gaped -shrines -##hogany -Glamorgan -##icle -##nai -##ntin -Fleetwood -Woodland -##uxe -fictitious -shrugs -##iper -BWV -conform -##uckled -Launch -##ductory -##mized -Tad -##stituted -##free -Bel -Chávez -messing -quartz -##iculate -##folia -##lynn -ushered -##29 -##ailing -dictated -Pony -##opsis -precinct -802 -Plastic -##ughter -##uno -##porated -Denton -Matters -SPD -hating -##rogen -Essential -Deck -Dortmund -obscured -##maging -Earle -##bred -##ittle -##ropolis -saturated -##fiction -##ression -Pereira -Vinci -mute -warehouses -##ún -biographies -##icking -sealing -##dered -executing -pendant -##wives -murmurs -##oko -substrates -symmetrical -Susie -##mare -Yusuf -analogy -##urage -Lesley -limitation -##rby -##ío -disagreements -##mise -embroidered -nape -unarmed -Sumner -Stores -dwell -Wilcox -creditors -##rivatization -##shes -##amia -directs -recaptured -scouting -McGuire -cradle -##onnell -Sato -insulin -mercenary -tolerant -Macquarie -transitions -cradled -##berto -##ivism -##yotes -FF -Ke -Reach -##dbury -680 -##bill -##oja -##sui -prairie -##ogan -reactive -##icient -##rits -Cyclone -Sirius -Survival -Pak -##coach -##trar -halves -Agatha -Opus -contrasts -##jection -ominous -##iden -Baylor -Woodrow -duct -fortification -intercourse -##rois -Colbert -envy -##isi -Afterward -geared -##flections -accelerate -##lenching -Witness -##rrer -Angelina -Material -assertion -misconduct -Nix -cringed -tingling -##eti -##gned -Everest -disturb -sturdy -##keepers -##vied -Profile -heavenly -##kova -##victed -translating -##sses -316 -Invitational -Mention -martyr -##uristic -Barron -hardness -Nakamura -405 -Genevieve -reflections -##falls -jurist -##LT -Pyramid -##yme -Shoot -heck -linguist -##tower -Ives -superiors -##leo -Achilles -##phological -Christophe -Padma -precedence -grassy -Oral -resurrection -##itting -clumsy -##lten -##rue -huts -##stars -Equal -##queduct -Devin -Gaga -diocesan -##plating -##upe -##graphers -Patch -Scream -hail -moaning -tracts -##hdi -Examination -outsider -##ergic -##oter -Archipelago -Havilland -greenish -tilting -Aleksandr -Konstantin -warship -##emann -##gelist -##ought -billionaire -##blivion -321 -Hungarians -transplant -##jured -##fters -Corbin -autism -pitchers -Garner -thence -Scientology -transitioned -integrating -repetitive -##dant -Rene -vomit -##burne -1661 -Researchers -Wallis -insulted -wavy -##wati -Ewing -excitedly -##kor -frescoes -injustice -##achal -##lumber -##úl -novella -##sca -Liv -##enstein -##river -monstrous -topping -downfall -looming -sinks -trillion -##pont -Effect -##phi -##urley -Sites -catchment -##H1 -Hopper -##raiser -1642 -Maccabi -lance -##chia -##sboro -NSA -branching -retorted -tensor -Immaculate -drumming -feeder -##mony -Dyer -homicide -Temeraire -fishes -protruding -skins -orchards -##nso -inlet -ventral -##finder -Asiatic -Sul -1688 -Melinda -assigns -paranormal -gardening -Tau -calming -##inge -##crow -regimental -Nik -fastened -correlated -##gene -##rieve -Sick -##minster -##politan -hardwood -hurled -##ssler -Cinematography -rhyme -Montenegrin -Packard -debating -##itution -Helens -Trick -Museums -defiance -encompassed -##EE -##TU -##nees -##uben -##ünster -##nosis -435 -Hagen -cinemas -Corbett -commended -##fines -##oman -bosses -ripe -scraping -##loc -filly -Saddam -pointless -Faust -Orléans -Syriac -##♭ -longitude -##ropic -Alfa -bliss -gangster -##ckling -SL -blending -##eptide -##nner -bends -escorting -##bloid -##quis -burials -##sle -##è -Ambulance -insults -##gth -Antrim -unfolded -##missible -splendid -Cure -warily -Saigon -Waste -astonishment -boroughs -##VS -##dalgo -##reshing -##usage -rue -marital -versatile -unpaid -allotted -bacterium -##coil -##cue -Dorothea -IDF -##location -##yke -RPG -##tropical -devotees -liter -##pree -Johnstone -astronaut -attends -pollen -periphery -doctrines -meta -showered -##tyn -GO -Huh -laude -244 -Amar -Christensen -Ping -Pontifical -Austen -raiding -realities -##dric -urges -##dek -Cambridgeshire -##otype -Cascade -Greenberg -Pact -##cognition -##aran -##urion -Riot -mimic -Eastwood -##imating -reversal -##blast -##henian -Pitchfork -##sunderstanding -Staten -WCW -lieu -##bard -##sang -experimenting -Aquino -##lums -TNT -Hannibal -catastrophic -##lsive -272 -308 -##otypic -41st -Highways -aggregator -##fluenza -Featured -Reece -dispatch -simulated -##BE -Communion -Vinnie -hardcover -inexpensive -til -##adores -groundwater -kicker -blogs -frenzy -##wala -dealings -erase -Anglia -##umour -Hapoel -Marquette -##raphic -##tives -consult -atrocities -concussion -##érard -Decree -ethanol -##aen -Rooney -##chemist -##hoot -1620 -menacing -Schuster -##bearable -laborers -sultan -Juliana -erased -onstage -##ync -Eastman -##tick -hushed -##yrinth -Lexie -Wharton -Lev -##PL -Testing -Bangladeshi -##bba -##usions -communicated -integers -internship -societal -##odles -Loki -ET -Ghent -broadcasters -Unix -##auer -Kildare -Yamaha -##quencing -##zman -chilled -##rapped -##uant -Duval -sentiments -Oliveira -packets -Horne -##rient -Harlan -Mirage -invariant -##anger -##tensive -flexed -sweetness -##wson -alleviate -insulting -limo -Hahn -##llars -##hesia -##lapping -buys -##oaming -mocked -pursuits -scooted -##conscious -##ilian -Ballad -jackets -##kra -hilly -##cane -Scenic -McGraw -silhouette -whipping -##roduced -##wark -##chess -##rump -Lemon -calculus -demonic -##latine -Bharatiya -Govt -Que -Trilogy -Ducks -Suit -stairway -##ceipt -Isa -regulator -Automobile -flatly -##buster -##lank -Spartans -topography -Tavi -usable -Chartered -Fairchild -##sance -##vyn -Digest -nuclei -typhoon -##llon -Alvarez -DJs -Grimm -authoritative -firearm -##chschule -Origins -lair -unmistakable -##xial -##cribing -Mouth -##genesis -##shū -##gaon -##ulter -Jaya -Neck -##UN -##oing -##static -relativity -##mott -##utive -##esan -##uveau -BT -salts -##roa -Dustin -preoccupied -Novgorod -##asus -Magnum -tempting -##histling -##ilated -Musa -##ghty -Ashland -pubs -routines -##etto -Soto -257 -Featuring -Augsburg -##alaya -Bit -loomed -expects -##abby -##ooby -Auschwitz -Pendleton -vodka -##sent -rescuing -systemic -##inet -##leg -Yun -applicant -revered -##nacht -##ndas -Muller -characterization -##patient -##roft -Carole -##asperated -Amiga -disconnected -gel -##cologist -Patriotic -rallied -assign -veterinary -installing -##cedural -258 -Jang -Parisian -incarcerated -stalk -##iment -Jamal -McPherson -Palma -##oken -##viation -512 -Rourke -irrational -##rippled -Devlin -erratic -##NI -##payers -Ni -engages -Portal -aesthetics -##rrogance -Milne -assassins -##rots -335 -385 -Cambodian -Females -fellows -si -##block -##otes -Jayne -Toro -flutter -##eera -Burr -##lanche -relaxation -##fra -Fitzroy -##undy -1751 -261 -comb -conglomerate -ribbons -veto -##Es -casts -##ege -1748 -Ares -spears -spirituality -comet -##nado -##yeh -Veterinary -aquarium -yer -Councils -##oked -##ynamic -Malmö -remorse -auditions -drilled -Hoffmann -Moe -Nagoya -Yacht -##hakti -##race -##rrick -Talmud -coordinating -##EI -##bul -##his -##itors -##ligent -##uerra -Narayan -goaltender -taxa -##asures -Det -##mage -Infinite -Maid -bean -intriguing -##cription -gasps -socket -##mentary -##reus -sewing -transmitting -##different -##furbishment -##traction -Grimsby -sprawling -Shipyard -##destine -##hropic -##icked -trolley -##agi -##lesh -Josiah -invasions -Content -firefighters -intro -Lucifer -subunit -Sahib -Myrtle -inhibitor -maneuvers -##teca -Wrath -slippery -##versing -Shoes -##dial -##illiers -##luded -##mmal -##pack -handkerchief -##edestal -##stones -Fusion -cumulative -##mell -##cacia -##rudge -##utz -foe -storing -swiped -##meister -##orra -batter -strung -##venting -##kker -Doo -Taste -immensely -Fairbanks -Jarrett -Boogie -1746 -mage -Kick -legislators -medial -##ilon -##logies -##ranton -Hybrid -##uters -Tide -deportation -Metz -##secration -##virus -UFO -##fell -##orage -##raction -##rrigan -1747 -fabricated -##BM -##GR -##rter -muttering -theorist -##tamine -BMG -Kincaid -solvent -##azed -Thin -adorable -Wendell -ta -##viour -pulses -##pologies -counters -exposition -sewer -Luciano -Clancy -##angelo -##riars -Showtime -observes -frankly -##oppy -Bergman -lobes -timetable -##bri -##uest -FX -##dust -##genus -Glad -Helmut -Meridian -##besity -##ontaine -Revue -miracles -##titis -PP -bluff -syrup -307 -Messiah -##erne -interfering -picturesque -unconventional -dipping -hurriedly -Kerman -248 -Ethnic -Toward -acidic -Harrisburg -##65 -intimidating -##aal -Jed -Pontiac -munitions -##nchen -growling -mausoleum -##ération -##wami -Cy -aerospace -caucus -Doing -##around -##miring -Cuthbert -##poradic -##rovisation -##wth -evaluating -##scraper -Belinda -owes -##sitic -##thermal -##fast -economists -##lishing -##uerre -##ân -credible -##koto -Fourteen -cones -##ebrates -bookstore -towels -##phony -Appearance -newscasts -##olin -Karin -Bingham -##elves -1680 -306 -disks -##lston -##secutor -Levant -##vout -Micro -snuck -##ogel -##racker -Exploration -drastic -##kening -Elsie -endowment -##utnant -Blaze -##rrosion -leaking -45th -##rug -##uernsey -760 -Shapiro -cakes -##ehan -##mei -##ité -##kla -repetition -successively -Friendly -Île -Koreans -Au -Tirana -flourish -Spirits -Yao -reasoned -##leam -Consort -cater -marred -ordeal -supremacy -##ritable -Paisley -euro -healer -portico -wetland -##kman -restart -##habilitation -##zuka -##Script -emptiness -communion -##CF -##inhabited -##wamy -Casablanca -pulsed -##rrible -##safe -395 -Dual -Terrorism -##urge -##found -##gnolia -Courage -patriarch -segregated -intrinsic -##liography -##phe -PD -convection -##icidal -Dharma -Jimmie -texted -constituents -twitch -##calated -##mitage -##ringing -415 -milling -##geons -Armagh -Geometridae -evergreen -needy -reflex -template -##pina -Schubert -##bruck -##icted -##scher -##wildered -1749 -Joanne -clearer -##narl -278 -Print -automation -consciously -flashback -occupations -##ests -Casimir -differentiated -policing -repay -##aks -##gnesium -Evaluation -commotion -##CM -##smopolitan -Clapton -mitochondrial -Kobe -1752 -Ignoring -Vincenzo -Wet -bandage -##rassed -##unate -Maris -##eted -##hetical -figuring -##eit -##nap -leopard -strategically -##reer -Fen -Iain -##ggins -##pipe -Matteo -McIntyre -##chord -##feng -Romani -asshole -flopped -reassure -Founding -Styles -Torino -patrolling -##erging -##ibrating -##ructural -sincerity -##ät -##teacher -Juliette -##cé -##hog -##idated -##span -Winfield -##fender -##nast -##pliant -1690 -Bai -Je -Saharan -expands -Bolshevik -rotate -##root -Britannia -Severn -##cini -##gering -##say -sly -Steps -insertion -rooftop -Piece -cuffs -plausible -##zai -Provost -semantic -##data -##vade -##cimal -IPA -indictment -Libraries -flaming -highlands -liberties -##pio -Elders -aggressively -##pecific -Decision -pigeon -nominally -descriptive -adjustments -equestrian -heaving -##mour -##dives -##fty -##yton -intermittent -##naming -##sets -Calvert -Casper -Tarzan -##kot -Ramírez -##IB -##erus -Gustavo -Roller -vaulted -##solation -##formatics -##tip -Hunger -colloquially -handwriting -hearth -launcher -##idian -##ilities -##lind -##locating -Magdalena -Soo -clubhouse -##kushima -##ruit -Bogotá -Organic -Worship -##Vs -##wold -upbringing -##kick -groundbreaking -##urable -##ván -repulsed -##dira -##ditional -##ici -melancholy -##bodied -##cchi -404 -concurrency -H₂O -bouts -##gami -288 -Leto -troll -##lak -advising -bundled -##nden -lipstick -littered -##leading -##mogeneous -Experiment -Nikola -grove -##ogram -Mace -##jure -cheat -Annabelle -Tori -lurking -Emery -Walden -##riz -paints -Markets -brutality -overrun -##agu -##sat -din -ostensibly -Fielding -flees -##eron -Pound -ornaments -tornadoes -##nikov -##organisation -##reen -##Works -##ldred -##olten -##stillery -soluble -Mata -Grimes -Léon -##NF -coldly -permitting -##inga -##reaked -Agents -hostess -##dl -Dyke -Kota -avail -orderly -##saur -##sities -Arroyo -##ceps -##egro -Hawke -Noctuidae -html -seminar -##ggles -##wasaki -Clube -recited -##sace -Ascension -Fitness -dough -##ixel -Nationale -##solidate -pulpit -vassal -570 -Annapolis -bladder -phylogenetic -##iname -convertible -##ppan -Comet -paler -##definite -Spot -##dices -frequented -Apostles -slalom -##ivision -##mana -##runcated -Trojan -##agger -##iq -##league -Concept -Controller -##barian -##curate -##spersed -##tring -engulfed -inquired -##hmann -286 -##dict -##osy -##raw -MacKenzie -su -##ienced -##iggs -##quitaine -bisexual -##noon -runways -subsp -##! -##" -### -##$ -##% -##& -##' -##( -##) -##* -##+ -##, -##- -##. -##/ -##: -##; -##< -##= -##> -##? -##@ -##[ -##\ -##] -##^ -##_ -##` -##{ -##| -##} -##~ -##¡ -##¢ -##£ -##¥ -##§ -##¨ -##© -##ª -##« -##¬ -##® -##± -##´ -##µ -##¶ -##· -##¹ -##º -##» -##¼ -##¾ -##¿ -##À -##Á -## -##Ä -##Å -##Æ -##Ç -##È -##É -##Í -##Î -##Ñ -##Ó -##Ö -##× -##Ø -##Ú -##Ü -##Þ -##â -##ã -##æ -##ç -##î -##ï -##ð -##ñ -##ô -##õ -##÷ -##û -##þ -##ÿ -##Ā -##ą -##Ć -##Č -##ď -##Đ -##đ -##ē -##ė -##ę -##ě -##ğ -##ġ -##Ħ -##ħ -##ĩ -##Ī -##İ -##ļ -##Ľ -##ľ -##Ł -##ņ -##ň -##ŋ -##Ō -##ŏ -##ő -##Œ -##œ -##ř -##Ś -##ś -##Ş -##Š -##Ţ -##ţ -##ť -##ũ -##ŭ -##ů -##ű -##ų -##ŵ -##ŷ -##ź -##Ż -##ż -##Ž -##ž -##Ə -##ƒ -##ơ -##ư -##ǎ -##ǐ -##ǒ -##ǔ -##ǫ -##Ș -##Ț -##ț -##ɐ -##ɑ -##ɔ -##ɕ -##ə -##ɛ -##ɡ -##ɣ -##ɨ -##ɪ -##ɲ -##ɾ -##ʀ -##ʁ -##ʂ -##ʃ -##ʊ -##ʋ -##ʌ -##ʐ -##ʑ -##ʒ -##ʔ -##ʰ -##ʲ -##ʳ -##ʷ -##ʻ -##ʼ -##ʾ -##ʿ -##ˈ -##ː -##ˡ -##ˢ -##ˣ -##́ -##̃ -##̍ -##̯ -##͡ -##Α -##Β -##Γ -##Δ -##Ε -##Η -##Θ -##Ι -##Κ -##Λ -##Μ -##Ν -##Ο -##Π -##Σ -##Τ -##Φ -##Χ -##Ψ -##Ω -##ά -##έ -##ή -##ί -##β -##γ -##δ -##ε -##ζ -##η -##θ -##ι -##κ -##λ -##μ -##ξ -##ο -##π -##ρ -##σ -##τ -##υ -##φ -##χ -##ψ -##ω -##ό -##ύ -##ώ -##І -##Ј -##А -##Б -##В -##Г -##Д -##Е -##Ж -##З -##И -##К -##Л -##М -##Н -##О -##П -##Р -##С -##Т -##У -##Ф -##Х -##Ц -##Ч -##Ш -##Э -##Ю -##Я -##б -##в -##г -##д -##ж -##з -##к -##л -##м -##п -##с -##т -##у -##ф -##х -##ц -##ч -##ш -##щ -##ъ -##ы -##ь -##э -##ю -##ё -##і -##ї -##ј -##њ -##ћ -##Ա -##Հ -##ա -##ե -##ի -##կ -##մ -##յ -##ն -##ո -##ս -##տ -##ր -##ւ -##ְ -##ִ -##ֵ -##ֶ -##ַ -##ָ -##ֹ -##ּ -##א -##ב -##ג -##ד -##ה -##ו -##ז -##ח -##ט -##י -##כ -##ל -##ם -##מ -##ן -##נ -##ס -##ע -##פ -##צ -##ק -##ר -##ש -##ת -##، -##ء -##آ -##أ -##إ -##ئ -##ا -##ب -##ت -##ث -##ج -##ح -##خ -##ذ -##ز -##س -##ش -##ص -##ض -##ط -##ظ -##ع -##غ -##ف -##ق -##ك -##ل -##و -##ى -##َ -##ِ -##ٹ -##پ -##چ -##ک -##گ -##ہ -##ی -##ے -##ं -##आ -##क -##ग -##च -##ज -##ण -##त -##द -##ध -##न -##प -##ब -##भ -##म -##य -##र -##ल -##व -##श -##ष -##स -##ह -##ा -##ि -##ी -##ु -##े -##ो -##् -##। -##॥ -##আ -##ই -##এ -##ও -##ক -##খ -##গ -##চ -##ছ -##জ -##ট -##ত -##থ -##দ -##ধ -##ন -##প -##ব -##ম -##য -##র -##ল -##শ -##স -##হ -##় -##া -##ি -##ী -##ু -##ে -##ো -##্ -##য় -##க -##த -##ப -##ம -##ய -##ர -##ல -##வ -##ா -##ி -##ு -##் -##ร -##་ -##ག -##ང -##ད -##ན -##བ -##མ -##ར -##ལ -##ས -##ི -##ུ -##ེ -##ོ -##ა -##ე -##ი -##ლ -##ნ -##ო -##რ -##ს -##ᴬ -##ᴵ -##ᵀ -##ᵃ -##ᵇ -##ᵈ -##ᵉ -##ᵍ -##ᵏ -##ᵐ -##ᵒ -##ᵖ -##ᵗ -##ᵘ -##ᵣ -##ᵤ -##ᵥ -##ᶜ -##ᶠ -##ḍ -##Ḥ -##ḥ -##Ḩ -##ḩ -##ḳ -##ṃ -##ṅ -##ṇ -##ṛ -##ṣ -##ṭ -##ạ -##ả -##ấ -##ầ -##ẩ -##ậ -##ắ -##ế -##ề -##ể -##ễ -##ệ -##ị -##ọ -##ố -##ồ -##ổ -##ộ -##ớ -##ờ -##ợ -##ụ -##ủ -##ứ -##ừ -##ử -##ữ -##ự -##ỳ -##ỹ -##ἀ -##ἐ -##ὁ -##ὐ -##ὰ -##ὶ -##ὸ -##ῆ -##ῖ -##ῦ -##ῶ -##‐ -##‑ -##‒ -##– -##— -##― -##‖ -##‘ -##’ -##‚ -##“ -##” -##„ -##† -##‡ -##• -##… -##‰ -##′ -##″ -##⁄ -##⁰ -##ⁱ -##⁴ -##⁵ -##⁶ -##⁷ -##⁸ -##⁹ -##⁻ -##ⁿ -##₅ -##₆ -##₇ -##₈ -##₉ -##₊ -##₍ -##₎ -##ₐ -##ₑ -##ₒ -##ₓ -##ₕ -##ₖ -##ₘ -##ₚ -##ₛ -##ₜ -##₤ -##€ -##₱ -##₹ -##ℓ -##№ -##ℝ -##⅓ -##← -##↑ -##→ -##↔ -##⇌ -##⇒ -##∂ -##∈ -##∗ -##∘ -##√ -##∞ -##∧ -##∨ -##∩ -##∪ -##≈ -##≠ -##≡ -##≤ -##≥ -##⊂ -##⊆ -##⊕ -##⋅ -##─ -##│ -##■ -##● -##★ -##☆ -##☉ -##♠ -##♣ -##♥ -##♦ -##♯ -##⟨ -##⟩ -##ⱼ -##、 -##。 -##《 -##》 -##「 -##」 -##『 -##』 -##〜 -##い -##う -##え -##お -##か -##き -##く -##け -##こ -##さ -##し -##す -##せ -##そ -##た -##ち -##つ -##て -##と -##な -##に -##の -##は -##ひ -##ま -##み -##む -##め -##も -##や -##ゆ -##よ -##ら -##り -##る -##れ -##ん -##ア -##ィ -##イ -##ウ -##エ -##オ -##カ -##ガ -##キ -##ク -##グ -##コ -##サ -##シ -##ジ -##ス -##ズ -##タ -##ダ -##ッ -##テ -##デ -##ト -##ド -##ナ -##ニ -##ハ -##バ -##パ -##フ -##ブ -##プ -##マ -##ミ -##ム -##ャ -##ュ -##ラ -##リ -##ル -##レ -##ロ -##ン -##・ -##ー -##一 -##三 -##上 -##下 -##中 -##事 -##二 -##井 -##京 -##人 -##亻 -##仁 -##佐 -##侍 -##光 -##公 -##力 -##北 -##十 -##南 -##原 -##口 -##史 -##司 -##吉 -##同 -##和 -##囗 -##国 -##國 -##土 -##城 -##士 -##大 -##天 -##太 -##夫 -##女 -##子 -##宀 -##安 -##宮 -##宿 -##小 -##尚 -##山 -##島 -##川 -##州 -##平 -##年 -##心 -##愛 -##戸 -##文 -##新 -##方 -##日 -##明 -##星 -##書 -##月 -##木 -##本 -##李 -##村 -##東 -##松 -##林 -##正 -##武 -##氏 -##水 -##氵 -##江 -##河 -##海 -##版 -##犬 -##王 -##生 -##田 -##白 -##皇 -##省 -##真 -##石 -##社 -##神 -##竹 -##美 -##義 -##花 -##藤 -##西 -##谷 -##車 -##辶 -##道 -##郎 -##郡 -##部 -##野 -##金 -##長 -##門 -##陽 -##青 -##食 -##馬 -##高 -##龍 -##龸 -##사 -##씨 -##의 -##이 -##한 -##fi -##fl -##! -##( -##) -##, -##- -##/ -##: diff --git a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_record/vocab.uncased.txt b/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_record/vocab.uncased.txt deleted file mode 100644 index fb140275c155a9c7c5a3b3e0e77a9e839594a938..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_record/vocab.uncased.txt +++ /dev/null @@ -1,30522 +0,0 @@ -[PAD] -[unused0] -[unused1] -[unused2] -[unused3] -[unused4] -[unused5] -[unused6] -[unused7] -[unused8] -[unused9] -[unused10] -[unused11] -[unused12] -[unused13] -[unused14] -[unused15] -[unused16] -[unused17] -[unused18] -[unused19] -[unused20] -[unused21] -[unused22] -[unused23] -[unused24] -[unused25] -[unused26] -[unused27] -[unused28] -[unused29] -[unused30] -[unused31] -[unused32] -[unused33] -[unused34] -[unused35] -[unused36] -[unused37] -[unused38] -[unused39] -[unused40] -[unused41] -[unused42] -[unused43] -[unused44] -[unused45] -[unused46] -[unused47] -[unused48] -[unused49] -[unused50] -[unused51] -[unused52] -[unused53] -[unused54] -[unused55] -[unused56] -[unused57] -[unused58] -[unused59] -[unused60] -[unused61] -[unused62] -[unused63] -[unused64] -[unused65] -[unused66] -[unused67] -[unused68] -[unused69] -[unused70] -[unused71] -[unused72] -[unused73] -[unused74] -[unused75] -[unused76] -[unused77] -[unused78] -[unused79] -[unused80] -[unused81] -[unused82] -[unused83] -[unused84] -[unused85] -[unused86] -[unused87] -[unused88] -[unused89] -[unused90] -[unused91] -[unused92] -[unused93] -[unused94] -[unused95] -[unused96] -[unused97] -[unused98] -[UNK] -[CLS] -[SEP] -[MASK] -[unused99] -[unused100] -[unused101] -[unused102] -[unused103] -[unused104] -[unused105] -[unused106] -[unused107] -[unused108] -[unused109] -[unused110] -[unused111] -[unused112] -[unused113] -[unused114] -[unused115] -[unused116] -[unused117] -[unused118] -[unused119] -[unused120] -[unused121] -[unused122] -[unused123] -[unused124] -[unused125] -[unused126] -[unused127] -[unused128] -[unused129] -[unused130] -[unused131] -[unused132] -[unused133] -[unused134] -[unused135] -[unused136] -[unused137] -[unused138] -[unused139] -[unused140] -[unused141] -[unused142] -[unused143] -[unused144] -[unused145] -[unused146] -[unused147] -[unused148] -[unused149] -[unused150] -[unused151] -[unused152] -[unused153] -[unused154] -[unused155] -[unused156] -[unused157] -[unused158] -[unused159] -[unused160] -[unused161] -[unused162] -[unused163] -[unused164] -[unused165] -[unused166] -[unused167] -[unused168] -[unused169] -[unused170] -[unused171] -[unused172] -[unused173] -[unused174] -[unused175] -[unused176] -[unused177] -[unused178] -[unused179] -[unused180] -[unused181] -[unused182] -[unused183] -[unused184] -[unused185] -[unused186] -[unused187] -[unused188] -[unused189] -[unused190] -[unused191] -[unused192] -[unused193] -[unused194] -[unused195] -[unused196] -[unused197] -[unused198] -[unused199] -[unused200] -[unused201] -[unused202] -[unused203] -[unused204] -[unused205] -[unused206] -[unused207] -[unused208] -[unused209] -[unused210] -[unused211] -[unused212] -[unused213] -[unused214] -[unused215] -[unused216] -[unused217] -[unused218] -[unused219] -[unused220] -[unused221] -[unused222] -[unused223] -[unused224] -[unused225] -[unused226] -[unused227] -[unused228] -[unused229] -[unused230] -[unused231] -[unused232] -[unused233] -[unused234] -[unused235] -[unused236] -[unused237] -[unused238] -[unused239] -[unused240] -[unused241] -[unused242] -[unused243] -[unused244] -[unused245] -[unused246] -[unused247] -[unused248] -[unused249] -[unused250] -[unused251] -[unused252] -[unused253] -[unused254] -[unused255] -[unused256] -[unused257] -[unused258] -[unused259] -[unused260] -[unused261] -[unused262] -[unused263] -[unused264] -[unused265] -[unused266] -[unused267] -[unused268] -[unused269] -[unused270] -[unused271] -[unused272] -[unused273] -[unused274] -[unused275] -[unused276] -[unused277] -[unused278] -[unused279] -[unused280] -[unused281] -[unused282] -[unused283] -[unused284] -[unused285] -[unused286] -[unused287] -[unused288] -[unused289] -[unused290] -[unused291] -[unused292] -[unused293] -[unused294] -[unused295] -[unused296] -[unused297] -[unused298] -[unused299] -[unused300] -[unused301] -[unused302] -[unused303] -[unused304] -[unused305] -[unused306] -[unused307] -[unused308] -[unused309] -[unused310] -[unused311] -[unused312] -[unused313] -[unused314] -[unused315] -[unused316] -[unused317] -[unused318] -[unused319] -[unused320] -[unused321] -[unused322] -[unused323] -[unused324] -[unused325] -[unused326] -[unused327] -[unused328] -[unused329] -[unused330] -[unused331] -[unused332] -[unused333] -[unused334] -[unused335] -[unused336] -[unused337] -[unused338] -[unused339] -[unused340] -[unused341] -[unused342] -[unused343] -[unused344] -[unused345] -[unused346] -[unused347] -[unused348] -[unused349] -[unused350] -[unused351] -[unused352] -[unused353] -[unused354] -[unused355] -[unused356] -[unused357] -[unused358] -[unused359] -[unused360] -[unused361] -[unused362] -[unused363] -[unused364] -[unused365] -[unused366] -[unused367] -[unused368] -[unused369] -[unused370] -[unused371] -[unused372] -[unused373] -[unused374] -[unused375] -[unused376] -[unused377] -[unused378] -[unused379] -[unused380] -[unused381] -[unused382] -[unused383] -[unused384] -[unused385] -[unused386] -[unused387] -[unused388] -[unused389] -[unused390] -[unused391] -[unused392] -[unused393] -[unused394] -[unused395] -[unused396] -[unused397] -[unused398] -[unused399] -[unused400] -[unused401] -[unused402] -[unused403] -[unused404] -[unused405] -[unused406] -[unused407] -[unused408] -[unused409] -[unused410] -[unused411] -[unused412] -[unused413] -[unused414] -[unused415] -[unused416] -[unused417] -[unused418] -[unused419] -[unused420] -[unused421] -[unused422] -[unused423] -[unused424] -[unused425] -[unused426] -[unused427] -[unused428] -[unused429] -[unused430] -[unused431] -[unused432] -[unused433] -[unused434] -[unused435] -[unused436] -[unused437] -[unused438] -[unused439] -[unused440] -[unused441] -[unused442] -[unused443] -[unused444] -[unused445] -[unused446] -[unused447] -[unused448] -[unused449] -[unused450] -[unused451] -[unused452] -[unused453] -[unused454] -[unused455] -[unused456] -[unused457] -[unused458] -[unused459] -[unused460] -[unused461] -[unused462] -[unused463] -[unused464] -[unused465] -[unused466] -[unused467] -[unused468] -[unused469] -[unused470] -[unused471] -[unused472] -[unused473] -[unused474] -[unused475] -[unused476] -[unused477] -[unused478] -[unused479] -[unused480] -[unused481] -[unused482] -[unused483] -[unused484] -[unused485] -[unused486] -[unused487] -[unused488] -[unused489] -[unused490] -[unused491] -[unused492] -[unused493] -[unused494] -[unused495] -[unused496] -[unused497] -[unused498] -[unused499] -[unused500] -[unused501] -[unused502] -[unused503] -[unused504] -[unused505] -[unused506] -[unused507] -[unused508] -[unused509] -[unused510] -[unused511] -[unused512] -[unused513] -[unused514] -[unused515] -[unused516] -[unused517] -[unused518] -[unused519] -[unused520] -[unused521] -[unused522] -[unused523] -[unused524] -[unused525] -[unused526] -[unused527] -[unused528] -[unused529] -[unused530] -[unused531] -[unused532] -[unused533] -[unused534] -[unused535] -[unused536] -[unused537] -[unused538] -[unused539] -[unused540] -[unused541] -[unused542] -[unused543] -[unused544] -[unused545] -[unused546] -[unused547] -[unused548] -[unused549] -[unused550] -[unused551] -[unused552] -[unused553] -[unused554] -[unused555] -[unused556] -[unused557] -[unused558] -[unused559] -[unused560] -[unused561] -[unused562] -[unused563] -[unused564] -[unused565] -[unused566] -[unused567] -[unused568] -[unused569] -[unused570] -[unused571] -[unused572] -[unused573] -[unused574] -[unused575] -[unused576] -[unused577] -[unused578] -[unused579] -[unused580] -[unused581] -[unused582] -[unused583] -[unused584] -[unused585] -[unused586] -[unused587] -[unused588] -[unused589] -[unused590] -[unused591] -[unused592] -[unused593] -[unused594] -[unused595] -[unused596] -[unused597] -[unused598] -[unused599] -[unused600] -[unused601] -[unused602] -[unused603] -[unused604] -[unused605] -[unused606] -[unused607] -[unused608] -[unused609] -[unused610] -[unused611] -[unused612] -[unused613] -[unused614] -[unused615] -[unused616] -[unused617] -[unused618] -[unused619] -[unused620] -[unused621] -[unused622] -[unused623] -[unused624] -[unused625] -[unused626] -[unused627] -[unused628] -[unused629] -[unused630] -[unused631] -[unused632] -[unused633] -[unused634] -[unused635] -[unused636] -[unused637] -[unused638] -[unused639] -[unused640] -[unused641] -[unused642] -[unused643] -[unused644] -[unused645] -[unused646] -[unused647] -[unused648] -[unused649] -[unused650] -[unused651] -[unused652] -[unused653] -[unused654] -[unused655] -[unused656] -[unused657] -[unused658] -[unused659] -[unused660] -[unused661] -[unused662] -[unused663] -[unused664] -[unused665] -[unused666] -[unused667] -[unused668] -[unused669] -[unused670] -[unused671] -[unused672] -[unused673] -[unused674] -[unused675] -[unused676] -[unused677] -[unused678] -[unused679] -[unused680] -[unused681] -[unused682] -[unused683] -[unused684] -[unused685] -[unused686] -[unused687] -[unused688] -[unused689] -[unused690] -[unused691] -[unused692] -[unused693] -[unused694] -[unused695] -[unused696] -[unused697] -[unused698] -[unused699] -[unused700] -[unused701] -[unused702] -[unused703] -[unused704] -[unused705] -[unused706] -[unused707] -[unused708] -[unused709] -[unused710] -[unused711] -[unused712] -[unused713] -[unused714] -[unused715] -[unused716] -[unused717] -[unused718] -[unused719] -[unused720] -[unused721] -[unused722] -[unused723] -[unused724] -[unused725] -[unused726] -[unused727] -[unused728] -[unused729] -[unused730] -[unused731] -[unused732] -[unused733] -[unused734] -[unused735] -[unused736] -[unused737] -[unused738] -[unused739] -[unused740] -[unused741] -[unused742] -[unused743] -[unused744] -[unused745] -[unused746] -[unused747] -[unused748] -[unused749] -[unused750] -[unused751] -[unused752] -[unused753] -[unused754] -[unused755] -[unused756] -[unused757] -[unused758] -[unused759] -[unused760] -[unused761] -[unused762] -[unused763] -[unused764] -[unused765] -[unused766] -[unused767] -[unused768] -[unused769] -[unused770] -[unused771] -[unused772] -[unused773] -[unused774] -[unused775] -[unused776] -[unused777] -[unused778] -[unused779] -[unused780] -[unused781] -[unused782] -[unused783] -[unused784] -[unused785] -[unused786] -[unused787] -[unused788] -[unused789] -[unused790] -[unused791] -[unused792] -[unused793] -[unused794] -[unused795] -[unused796] -[unused797] -[unused798] -[unused799] -[unused800] -[unused801] -[unused802] -[unused803] -[unused804] -[unused805] -[unused806] -[unused807] -[unused808] -[unused809] -[unused810] -[unused811] -[unused812] -[unused813] -[unused814] -[unused815] -[unused816] -[unused817] -[unused818] -[unused819] -[unused820] -[unused821] -[unused822] -[unused823] -[unused824] -[unused825] -[unused826] -[unused827] -[unused828] -[unused829] -[unused830] -[unused831] -[unused832] -[unused833] -[unused834] -[unused835] -[unused836] -[unused837] -[unused838] -[unused839] -[unused840] -[unused841] -[unused842] -[unused843] -[unused844] -[unused845] -[unused846] -[unused847] -[unused848] -[unused849] -[unused850] -[unused851] -[unused852] -[unused853] -[unused854] -[unused855] -[unused856] -[unused857] -[unused858] -[unused859] -[unused860] -[unused861] -[unused862] -[unused863] -[unused864] -[unused865] -[unused866] -[unused867] -[unused868] -[unused869] -[unused870] -[unused871] -[unused872] -[unused873] -[unused874] -[unused875] -[unused876] -[unused877] -[unused878] -[unused879] -[unused880] -[unused881] -[unused882] -[unused883] -[unused884] -[unused885] -[unused886] -[unused887] -[unused888] -[unused889] -[unused890] -[unused891] -[unused892] -[unused893] -[unused894] -[unused895] -[unused896] -[unused897] -[unused898] -[unused899] -[unused900] -[unused901] -[unused902] -[unused903] -[unused904] -[unused905] -[unused906] -[unused907] -[unused908] -[unused909] -[unused910] -[unused911] -[unused912] -[unused913] -[unused914] -[unused915] -[unused916] -[unused917] -[unused918] -[unused919] -[unused920] -[unused921] -[unused922] -[unused923] -[unused924] -[unused925] -[unused926] -[unused927] -[unused928] -[unused929] -[unused930] -[unused931] -[unused932] -[unused933] -[unused934] -[unused935] -[unused936] -[unused937] -[unused938] -[unused939] -[unused940] -[unused941] -[unused942] -[unused943] -[unused944] -[unused945] -[unused946] -[unused947] -[unused948] -[unused949] -[unused950] -[unused951] -[unused952] -[unused953] -[unused954] -[unused955] -[unused956] -[unused957] -[unused958] -[unused959] -[unused960] -[unused961] -[unused962] -[unused963] -[unused964] -[unused965] -[unused966] -[unused967] -[unused968] -[unused969] -[unused970] -[unused971] -[unused972] -[unused973] -[unused974] -[unused975] -[unused976] -[unused977] -[unused978] -[unused979] -[unused980] -[unused981] -[unused982] -[unused983] -[unused984] -[unused985] -[unused986] -[unused987] -[unused988] -[unused989] -[unused990] -[unused991] -[unused992] -[unused993] -! -" -# -$ -% -& -' -( -) -* -+ -, -- -. -/ -0 -1 -2 -3 -4 -5 -6 -7 -8 -9 -: -; -< -= -> -? -@ -[ -\ -] -^ -_ -` -a -b -c -d -e -f -g -h -i -j -k -l -m -n -o -p -q -r -s -t -u -v -w -x -y -z -{ -| -} -~ -¡ -¢ -£ -¤ -¥ -¦ -§ -¨ -© -ª -« -¬ -® -° -± -² -³ -´ -µ -¶ -· -¹ -º -» -¼ -½ -¾ -¿ -× -ß -æ -ð -÷ -ø -þ -đ -ħ -ı -ł -ŋ -œ -ƒ -ɐ -ɑ -ɒ -ɔ -ɕ -ə -ɛ -ɡ -ɣ -ɨ -ɪ -ɫ -ɬ -ɯ -ɲ -ɴ -ɹ -ɾ -ʀ -ʁ -ʂ -ʃ -ʉ -ʊ -ʋ -ʌ -ʎ -ʐ -ʑ -ʒ -ʔ -ʰ -ʲ -ʳ -ʷ -ʸ -ʻ -ʼ -ʾ -ʿ -ˈ -ː -ˡ -ˢ -ˣ -ˤ -α -β -γ -δ -ε -ζ -η -θ -ι -κ -λ -μ -ν -ξ -ο -π -ρ -ς -σ -τ -υ -φ -χ -ψ -ω -а -б -в -г -д -е -ж -з -и -к -л -м -н -о -п -р -с -т -у -ф -х -ц -ч -ш -щ -ъ -ы -ь -э -ю -я -ђ -є -і -ј -љ -њ -ћ -ӏ -ա -բ -գ -դ -ե -թ -ի -լ -կ -հ -մ -յ -ն -ո -պ -ս -վ -տ -ր -ւ -ք -־ -א -ב -ג -ד -ה -ו -ז -ח -ט -י -ך -כ -ל -ם -מ -ן -נ -ס -ע -ף -פ -ץ -צ -ק -ר -ש -ת -، -ء -ا -ب -ة -ت -ث -ج -ح -خ -د -ذ -ر -ز -س -ش -ص -ض -ط -ظ -ع -غ -ـ -ف -ق -ك -ل -م -ن -ه -و -ى -ي -ٹ -پ -چ -ک -گ -ں -ھ -ہ -ی -ے -अ -आ -उ -ए -क -ख -ग -च -ज -ट -ड -ण -त -थ -द -ध -न -प -ब -भ -म -य -र -ल -व -श -ष -स -ह -ा -ि -ी -ो -। -॥ -ং -অ -আ -ই -উ -এ -ও -ক -খ -গ -চ -ছ -জ -ট -ড -ণ -ত -থ -দ -ধ -ন -প -ব -ভ -ম -য -র -ল -শ -ষ -স -হ -া -ি -ী -ে -க -ச -ட -த -ந -ன -ப -ம -ய -ர -ல -ள -வ -ா -ி -ு -ே -ை -ನ -ರ -ಾ -ක -ය -ර -ල -ව -ා -ก -ง -ต -ท -น -พ -ม -ย -ร -ล -ว -ส -อ -า -เ -་ -། -ག -ང -ད -ན -པ -བ -མ -འ -ར -ལ -ས -မ -ა -ბ -გ -დ -ე -ვ -თ -ი -კ -ლ -მ -ნ -ო -რ -ს -ტ -უ -ᄀ -ᄂ -ᄃ -ᄅ -ᄆ -ᄇ -ᄉ -ᄊ -ᄋ -ᄌ -ᄎ -ᄏ -ᄐ -ᄑ -ᄒ -ᅡ -ᅢ -ᅥ -ᅦ -ᅧ -ᅩ -ᅪ -ᅭ -ᅮ -ᅯ -ᅲ -ᅳ -ᅴ -ᅵ -ᆨ -ᆫ -ᆯ -ᆷ -ᆸ -ᆼ -ᴬ -ᴮ -ᴰ -ᴵ -ᴺ -ᵀ -ᵃ -ᵇ -ᵈ -ᵉ -ᵍ -ᵏ -ᵐ -ᵒ -ᵖ -ᵗ -ᵘ -ᵢ -ᵣ -ᵤ -ᵥ -ᶜ -ᶠ -‐ -‑ -‒ -– -— -― -‖ -‘ -’ -‚ -“ -” -„ -† -‡ -• -… -‰ -′ -″ -› -‿ -⁄ -⁰ -ⁱ -⁴ -⁵ -⁶ -⁷ -⁸ -⁹ -⁺ -⁻ -ⁿ -₀ -₁ -₂ -₃ -₄ -₅ -₆ -₇ -₈ -₉ -₊ -₍ -₎ -ₐ -ₑ -ₒ -ₓ -ₕ -ₖ -ₗ -ₘ -ₙ -ₚ -ₛ -ₜ -₤ -₩ -€ -₱ -₹ -ℓ -№ -ℝ -™ -⅓ -⅔ -← -↑ -→ -↓ -↔ -↦ -⇄ -⇌ -⇒ -∂ -∅ -∆ -∇ -∈ -− -∗ -∘ -√ -∞ -∧ -∨ -∩ -∪ -≈ -≡ -≤ -≥ -⊂ -⊆ -⊕ -⊗ -⋅ -─ -│ -■ -▪ -● -★ -☆ -☉ -♠ -♣ -♥ -♦ -♭ -♯ -⟨ -⟩ -ⱼ -⺩ -⺼ -⽥ -、 -。 -〈 -〉 -《 -》 -「 -」 -『 -』 -〜 -あ -い -う -え -お -か -き -く -け -こ -さ -し -す -せ -そ -た -ち -っ -つ -て -と -な -に -ぬ -ね -の -は -ひ -ふ -へ -ほ -ま -み -む -め -も -や -ゆ -よ -ら -り -る -れ -ろ -を -ん -ァ -ア -ィ -イ -ウ -ェ -エ -オ -カ -キ -ク -ケ -コ -サ -シ -ス -セ -タ -チ -ッ -ツ -テ -ト -ナ -ニ -ノ -ハ -ヒ -フ -ヘ -ホ -マ -ミ -ム -メ -モ -ャ -ュ -ョ -ラ -リ -ル -レ -ロ -ワ -ン -・ -ー -一 -三 -上 -下 -不 -世 -中 -主 -久 -之 -也 -事 -二 -五 -井 -京 -人 -亻 -仁 -介 -代 -仮 -伊 -会 -佐 -侍 -保 -信 -健 -元 -光 -八 -公 -内 -出 -分 -前 -劉 -力 -加 -勝 -北 -区 -十 -千 -南 -博 -原 -口 -古 -史 -司 -合 -吉 -同 -名 -和 -囗 -四 -国 -國 -土 -地 -坂 -城 -堂 -場 -士 -夏 -外 -大 -天 -太 -夫 -奈 -女 -子 -学 -宀 -宇 -安 -宗 -定 -宣 -宮 -家 -宿 -寺 -將 -小 -尚 -山 -岡 -島 -崎 -川 -州 -巿 -帝 -平 -年 -幸 -广 -弘 -張 -彳 -後 -御 -德 -心 -忄 -志 -忠 -愛 -成 -我 -戦 -戸 -手 -扌 -政 -文 -新 -方 -日 -明 -星 -春 -昭 -智 -曲 -書 -月 -有 -朝 -木 -本 -李 -村 -東 -松 -林 -森 -楊 -樹 -橋 -歌 -止 -正 -武 -比 -氏 -民 -水 -氵 -氷 -永 -江 -沢 -河 -治 -法 -海 -清 -漢 -瀬 -火 -版 -犬 -王 -生 -田 -男 -疒 -発 -白 -的 -皇 -目 -相 -省 -真 -石 -示 -社 -神 -福 -禾 -秀 -秋 -空 -立 -章 -竹 -糹 -美 -義 -耳 -良 -艹 -花 -英 -華 -葉 -藤 -行 -街 -西 -見 -訁 -語 -谷 -貝 -貴 -車 -軍 -辶 -道 -郎 -郡 -部 -都 -里 -野 -金 -鈴 -镇 -長 -門 -間 -阝 -阿 -陳 -陽 -雄 -青 -面 -風 -食 -香 -馬 -高 -龍 -龸 -fi -fl -! -( -) -, -- -. -/ -: -? -~ -the -of -and -in -to -was -he -is -as -for -on -with -that -it -his -by -at -from -her -##s -she -you -had -an -were -but -be -this -are -not -my -they -one -which -or -have -him -me -first -all -also -their -has -up -who -out -been -when -after -there -into -new -two -its -##a -time -would -no -what -about -said -we -over -then -other -so -more -##e -can -if -like -back -them -only -some -could -##i -where -just -##ing -during -before -##n -do -##o -made -school -through -than -now -years -most -world -may -between -down -well -three -##d -year -while -will -##ed -##r -##y -later -##t -city -under -around -did -such -being -used -state -people -part -know -against -your -many -second -university -both -national -##er -these -don -known -off -way -until -re -how -even -get -head -... -didn -##ly -team -american -because -de -##l -born -united -film -since -still -long -work -south -us -became -any -high -again -day -family -see -right -man -eyes -house -season -war -states -including -took -life -north -same -each -called -name -much -place -however -go -four -group -another -found -won -area -here -going -10 -away -series -left -home -music -best -make -hand -number -company -several -never -last -john -000 -very -album -take -end -good -too -following -released -game -played -little -began -district -##m -old -want -those -side -held -own -early -county -ll -league -use -west -##u -face -think -##es -2010 -government -##h -march -came -small -general -town -june -##on -line -based -something -##k -september -thought -looked -along -international -2011 -air -july -club -went -january -october -our -august -april -york -12 -few -2012 -2008 -east -show -member -college -2009 -father -public -##us -come -men -five -set -station -church -##c -next -former -november -room -party -located -december -2013 -age -got -2007 -##g -system -let -love -2006 -though -every -2014 -look -song -water -century -without -body -black -night -within -great -women -single -ve -building -large -population -river -named -band -white -started -##an -once -15 -20 -should -18 -2015 -service -top -built -british -open -death -king -moved -local -times -children -february -book -why -11 -door -need -president -order -final -road -wasn -although -due -major -died -village -third -knew -2016 -asked -turned -st -wanted -say -##p -together -received -main -son -served -different -##en -behind -himself -felt -members -power -football -law -voice -play -##in -near -park -history -30 -having -2005 -16 -##man -saw -mother -##al -army -point -front -help -english -street -art -late -hands -games -award -##ia -young -14 -put -published -country -division -across -told -13 -often -ever -french -london -center -six -red -2017 -led -days -include -light -25 -find -tell -among -species -really -according -central -half -2004 -form -original -gave -office -making -enough -lost -full -opened -must -included -live -given -german -player -run -business -woman -community -cup -might -million -land -2000 -court -development -17 -short -round -ii -km -seen -class -story -always -become -sure -research -almost -director -council -la -##2 -career -things -using -island -##z -couldn -car -##is -24 -close -force -##1 -better -free -support -control -field -students -2003 -education -married -##b -nothing -worked -others -record -big -inside -level -anything -continued -give -james -##3 -military -established -non -returned -feel -does -title -written -thing -feet -william -far -co -association -hard -already -2002 -##ra -championship -human -western -100 -##na -department -hall -role -various -production -21 -19 -heart -2001 -living -fire -version -##ers -##f -television -royal -##4 -produced -working -act -case -society -region -present -radio -period -looking -least -total -keep -england -wife -program -per -brother -mind -special -22 -##le -am -works -soon -##6 -political -george -services -taken -created -##7 -further -able -reached -david -union -joined -upon -done -important -social -information -either -##ic -##x -appeared -position -ground -lead -rock -dark -election -23 -board -france -hair -course -arms -site -police -girl -instead -real -sound -##v -words -moment -##te -someone -##8 -summer -project -announced -san -less -wrote -past -followed -##5 -blue -founded -al -finally -india -taking -records -america -##ne -1999 -design -considered -northern -god -stop -battle -toward -european -outside -described -track -today -playing -language -28 -call -26 -heard -professional -low -australia -miles -california -win -yet -green -##ie -trying -blood -##ton -southern -science -maybe -everything -match -square -27 -mouth -video -race -recorded -leave -above -##9 -daughter -points -space -1998 -museum -change -middle -common -##0 -move -tv -post -##ta -lake -seven -tried -elected -closed -ten -paul -minister -##th -months -start -chief -return -canada -person -sea -release -similar -modern -brought -rest -hit -formed -mr -##la -1997 -floor -event -doing -thomas -1996 -robert -care -killed -training -star -week -needed -turn -finished -railway -rather -news -health -sent -example -ran -term -michael -coming -currently -yes -forces -despite -gold -areas -50 -stage -fact -29 -dead -says -popular -2018 -originally -germany -probably -developed -result -pulled -friend -stood -money -running -mi -signed -word -songs -child -eventually -met -tour -average -teams -minutes -festival -current -deep -kind -1995 -decided -usually -eastern -seemed -##ness -episode -bed -added -table -indian -private -charles -route -available -idea -throughout -centre -addition -appointed -style -1994 -books -eight -construction -press -mean -wall -friends -remained -schools -study -##ch -##um -institute -oh -chinese -sometimes -events -possible -1992 -australian -type -brown -forward -talk -process -food -debut -seat -performance -committee -features -character -arts -herself -else -lot -strong -russian -range -hours -peter -arm -##da -morning -dr -sold -##ry -quickly -directed -1993 -guitar -china -##w -31 -list -##ma -performed -media -uk -players -smile -##rs -myself -40 -placed -coach -province -towards -wouldn -leading -whole -boy -official -designed -grand -census -##el -europe -attack -japanese -henry -1991 -##re -##os -cross -getting -alone -action -lower -network -wide -washington -japan -1990 -hospital -believe -changed -sister -##ar -hold -gone -sir -hadn -ship -##ka -studies -academy -shot -rights -below -base -bad -involved -kept -largest -##ist -bank -future -especially -beginning -mark -movement -section -female -magazine -plan -professor -lord -longer -##ian -sat -walked -hill -actually -civil -energy -model -families -size -thus -aircraft -completed -includes -data -captain -##or -fight -vocals -featured -richard -bridge -fourth -1989 -officer -stone -hear -##ism -means -medical -groups -management -self -lips -competition -entire -lived -technology -leaving -federal -tournament -bit -passed -hot -independent -awards -kingdom -mary -spent -fine -doesn -reported -##ling -jack -fall -raised -itself -stay -true -studio -1988 -sports -replaced -paris -systems -saint -leader -theatre -whose -market -capital -parents -spanish -canadian -earth -##ity -cut -degree -writing -bay -christian -awarded -natural -higher -bill -##as -coast -provided -previous -senior -ft -valley -organization -stopped -onto -countries -parts -conference -queen -security -interest -saying -allowed -master -earlier -phone -matter -smith -winning -try -happened -moving -campaign -los -##ley -breath -nearly -mid -1987 -certain -girls -date -italian -african -standing -fell -artist -##ted -shows -deal -mine -industry -1986 -##ng -everyone -republic -provide -collection -library -student -##ville -primary -owned -older -via -heavy -1st -makes -##able -attention -anyone -africa -##ri -stated -length -ended -fingers -command -staff -skin -foreign -opening -governor -okay -medal -kill -sun -cover -job -1985 -introduced -chest -hell -feeling -##ies -success -meet -reason -standard -meeting -novel -1984 -trade -source -buildings -##land -rose -guy -goal -##ur -chapter -native -husband -previously -unit -limited -entered -weeks -producer -operations -mountain -takes -covered -forced -related -roman -complete -successful -key -texas -cold -##ya -channel -1980 -traditional -films -dance -clear -approximately -500 -nine -van -prince -question -active -tracks -ireland -regional -silver -author -personal -sense -operation -##ine -economic -1983 -holding -twenty -isbn -additional -speed -hour -edition -regular -historic -places -whom -shook -movie -km² -secretary -prior -report -chicago -read -foundation -view -engine -scored -1982 -units -ask -airport -property -ready -immediately -lady -month -listed -contract -##de -manager -themselves -lines -##ki -navy -writer -meant -##ts -runs -##ro -practice -championships -singer -glass -commission -required -forest -starting -culture -generally -giving -access -attended -test -couple -stand -catholic -martin -caught -executive -##less -eye -##ey -thinking -chair -quite -shoulder -1979 -hope -decision -plays -defeated -municipality -whether -structure -offered -slowly -pain -ice -direction -##ion -paper -mission -1981 -mostly -200 -noted -individual -managed -nature -lives -plant -##ha -helped -except -studied -computer -figure -relationship -issue -significant -loss -die -smiled -gun -ago -highest -1972 -##am -male -bring -goals -mexico -problem -distance -commercial -completely -location -annual -famous -drive -1976 -neck -1978 -surface -caused -italy -understand -greek -highway -wrong -hotel -comes -appearance -joseph -double -issues -musical -companies -castle -income -review -assembly -bass -initially -parliament -artists -experience -1974 -particular -walk -foot -engineering -talking -window -dropped -##ter -miss -baby -boys -break -1975 -stars -edge -remember -policy -carried -train -stadium -bar -sex -angeles -evidence -##ge -becoming -assistant -soviet -1977 -upper -step -wing -1970 -youth -financial -reach -##ll -actor -numerous -##se -##st -nodded -arrived -##ation -minute -##nt -believed -sorry -complex -beautiful -victory -associated -temple -1968 -1973 -chance -perhaps -metal -##son -1945 -bishop -##et -lee -launched -particularly -tree -le -retired -subject -prize -contains -yeah -theory -empire -##ce -suddenly -waiting -trust -recording -##to -happy -terms -camp -champion -1971 -religious -pass -zealand -names -2nd -port -ancient -tom -corner -represented -watch -legal -anti -justice -cause -watched -brothers -45 -material -changes -simply -response -louis -fast -##ting -answer -60 -historical -1969 -stories -straight -create -feature -increased -rate -administration -virginia -el -activities -cultural -overall -winner -programs -basketball -legs -guard -beyond -cast -doctor -mm -flight -results -remains -cost -effect -winter -##ble -larger -islands -problems -chairman -grew -commander -isn -1967 -pay -failed -selected -hurt -fort -box -regiment -majority -journal -35 -edward -plans -##ke -##ni -shown -pretty -irish -characters -directly -scene -likely -operated -allow -spring -##j -junior -matches -looks -mike -houses -fellow -##tion -beach -marriage -##ham -##ive -rules -oil -65 -florida -expected -nearby -congress -sam -peace -recent -iii -wait -subsequently -cell -##do -variety -serving -agreed -please -poor -joe -pacific -attempt -wood -democratic -piece -prime -##ca -rural -mile -touch -appears -township -1964 -1966 -soldiers -##men -##ized -1965 -pennsylvania -closer -fighting -claimed -score -jones -physical -editor -##ous -filled -genus -specific -sitting -super -mom -##va -therefore -supported -status -fear -cases -store -meaning -wales -minor -spain -tower -focus -vice -frank -follow -parish -separate -golden -horse -fifth -remaining -branch -32 -presented -stared -##id -uses -secret -forms -##co -baseball -exactly -##ck -choice -note -discovered -travel -composed -truth -russia -ball -color -kiss -dad -wind -continue -ring -referred -numbers -digital -greater -##ns -metres -slightly -direct -increase -1960 -responsible -crew -rule -trees -troops -##no -broke -goes -individuals -hundred -weight -creek -sleep -memory -defense -provides -ordered -code -value -jewish -windows -1944 -safe -judge -whatever -corps -realized -growing -pre -##ga -cities -alexander -gaze -lies -spread -scott -letter -showed -situation -mayor -transport -watching -workers -extended -##li -expression -normal -##ment -chart -multiple -border -##ba -host -##ner -daily -mrs -walls -piano -##ko -heat -cannot -##ate -earned -products -drama -era -authority -seasons -join -grade -##io -sign -difficult -machine -1963 -territory -mainly -##wood -stations -squadron -1962 -stepped -iron -19th -##led -serve -appear -sky -speak -broken -charge -knowledge -kilometres -removed -ships -article -campus -simple -##ty -pushed -britain -##ve -leaves -recently -cd -soft -boston -latter -easy -acquired -poland -##sa -quality -officers -presence -planned -nations -mass -broadcast -jean -share -image -influence -wild -offer -emperor -electric -reading -headed -ability -promoted -yellow -ministry -1942 -throat -smaller -politician -##by -latin -spoke -cars -williams -males -lack -pop -80 -##ier -acting -seeing -consists -##ti -estate -1961 -pressure -johnson -newspaper -jr -chris -olympics -online -conditions -beat -elements -walking -vote -##field -needs -carolina -text -featuring -global -block -shirt -levels -francisco -purpose -females -et -dutch -duke -ahead -gas -twice -safety -serious -turning -highly -lieutenant -firm -maria -amount -mixed -daniel -proposed -perfect -agreement -affairs -3rd -seconds -contemporary -paid -1943 -prison -save -kitchen -label -administrative -intended -constructed -academic -nice -teacher -races -1956 -formerly -corporation -ben -nation -issued -shut -1958 -drums -housing -victoria -seems -opera -1959 -graduated -function -von -mentioned -picked -build -recognized -shortly -protection -picture -notable -exchange -elections -1980s -loved -percent -racing -fish -elizabeth -garden -volume -hockey -1941 -beside -settled -##ford -1940 -competed -replied -drew -1948 -actress -marine -scotland -steel -glanced -farm -steve -1957 -risk -tonight -positive -magic -singles -effects -gray -screen -dog -##ja -residents -bus -sides -none -secondary -literature -polish -destroyed -flying -founder -households -1939 -lay -reserve -usa -gallery -##ler -1946 -industrial -younger -approach -appearances -urban -ones -1950 -finish -avenue -powerful -fully -growth -page -honor -jersey -projects -advanced -revealed -basic -90 -infantry -pair -equipment -visit -33 -evening -search -grant -effort -solo -treatment -buried -republican -primarily -bottom -owner -1970s -israel -gives -jim -dream -bob -remain -spot -70 -notes -produce -champions -contact -ed -soul -accepted -ways -del -##ally -losing -split -price -capacity -basis -trial -questions -##ina -1955 -20th -guess -officially -memorial -naval -initial -##ization -whispered -median -engineer -##ful -sydney -##go -columbia -strength -300 -1952 -tears -senate -00 -card -asian -agent -1947 -software -44 -draw -warm -supposed -com -pro -##il -transferred -leaned -##at -candidate -escape -mountains -asia -potential -activity -entertainment -seem -traffic -jackson -murder -36 -slow -product -orchestra -haven -agency -bbc -taught -website -comedy -unable -storm -planning -albums -rugby -environment -scientific -grabbed -protect -##hi -boat -typically -1954 -1953 -damage -principal -divided -dedicated -mount -ohio -##berg -pick -fought -driver -##der -empty -shoulders -sort -thank -berlin -prominent -account -freedom -necessary -efforts -alex -headquarters -follows -alongside -des -simon -andrew -suggested -operating -learning -steps -1949 -sweet -technical -begin -easily -34 -teeth -speaking -settlement -scale -##sh -renamed -ray -max -enemy -semi -joint -compared -##rd -scottish -leadership -analysis -offers -georgia -pieces -captured -animal -deputy -guest -organized -##lin -tony -combined -method -challenge -1960s -huge -wants -battalion -sons -rise -crime -types -facilities -telling -path -1951 -platform -sit -1990s -##lo -tells -assigned -rich -pull -##ot -commonly -alive -##za -letters -concept -conducted -wearing -happen -bought -becomes -holy -gets -ocean -defeat -languages -purchased -coffee -occurred -titled -##q -declared -applied -sciences -concert -sounds -jazz -brain -##me -painting -fleet -tax -nick -##ius -michigan -count -animals -leaders -episodes -##line -content -##den -birth -##it -clubs -64 -palace -critical -refused -fair -leg -laughed -returning -surrounding -participated -formation -lifted -pointed -connected -rome -medicine -laid -taylor -santa -powers -adam -tall -shared -focused -knowing -yards -entrance -falls -##wa -calling -##ad -sources -chosen -beneath -resources -yard -##ite -nominated -silence -zone -defined -##que -gained -thirty -38 -bodies -moon -##ard -adopted -christmas -widely -register -apart -iran -premier -serves -du -unknown -parties -##les -generation -##ff -continues -quick -fields -brigade -quiet -teaching -clothes -impact -weapons -partner -flat -theater -supreme -1938 -37 -relations -##tor -plants -suffered -1936 -wilson -kids -begins -##age -1918 -seats -armed -internet -models -worth -laws -400 -communities -classes -background -knows -thanks -quarter -reaching -humans -carry -killing -format -kong -hong -setting -75 -architecture -disease -railroad -inc -possibly -wish -arthur -thoughts -harry -doors -density -##di -crowd -illinois -stomach -tone -unique -reports -anyway -##ir -liberal -der -vehicle -thick -dry -drug -faced -largely -facility -theme -holds -creation -strange -colonel -##mi -revolution -bell -politics -turns -silent -rail -relief -independence -combat -shape -write -determined -sales -learned -4th -finger -oxford -providing -1937 -heritage -fiction -situated -designated -allowing -distribution -hosted -##est -sight -interview -estimated -reduced -##ria -toronto -footballer -keeping -guys -damn -claim -motion -sport -sixth -stayed -##ze -en -rear -receive -handed -twelve -dress -audience -granted -brazil -##well -spirit -##ated -noticed -etc -olympic -representative -eric -tight -trouble -reviews -drink -vampire -missing -roles -ranked -newly -household -finals -wave -critics -##ee -phase -massachusetts -pilot -unlike -philadelphia -bright -guns -crown -organizations -roof -42 -respectively -clearly -tongue -marked -circle -fox -korea -bronze -brian -expanded -sexual -supply -yourself -inspired -labour -fc -##ah -reference -vision -draft -connection -brand -reasons -1935 -classic -driving -trip -jesus -cells -entry -1920 -neither -trail -claims -atlantic -orders -labor -nose -afraid -identified -intelligence -calls -cancer -attacked -passing -stephen -positions -imperial -grey -jason -39 -sunday -48 -swedish -avoid -extra -uncle -message -covers -allows -surprise -materials -fame -hunter -##ji -1930 -citizens -figures -davis -environmental -confirmed -shit -titles -di -performing -difference -acts -attacks -##ov -existing -votes -opportunity -nor -shop -entirely -trains -opposite -pakistan -##pa -develop -resulted -representatives -actions -reality -pressed -##ish -barely -wine -conversation -faculty -northwest -ends -documentary -nuclear -stock -grace -sets -eat -alternative -##ps -bag -resulting -creating -surprised -cemetery -1919 -drop -finding -sarah -cricket -streets -tradition -ride -1933 -exhibition -target -ear -explained -rain -composer -injury -apartment -municipal -educational -occupied -netherlands -clean -billion -constitution -learn -1914 -maximum -classical -francis -lose -opposition -jose -ontario -bear -core -hills -rolled -ending -drawn -permanent -fun -##tes -##lla -lewis -sites -chamber -ryan -##way -scoring -height -1934 -##house -lyrics -staring -55 -officials -1917 -snow -oldest -##tic -orange -##ger -qualified -interior -apparently -succeeded -thousand -dinner -lights -existence -fans -heavily -41 -greatest -conservative -send -bowl -plus -enter -catch -##un -economy -duty -1929 -speech -authorities -princess -performances -versions -shall -graduate -pictures -effective -remembered -poetry -desk -crossed -starring -starts -passenger -sharp -##ant -acres -ass -weather -falling -rank -fund -supporting -check -adult -publishing -heads -cm -southeast -lane -##burg -application -bc -##ura -les -condition -transfer -prevent -display -ex -regions -earl -federation -cool -relatively -answered -besides -1928 -obtained -portion -##town -mix -##ding -reaction -liked -dean -express -peak -1932 -##tte -counter -religion -chain -rare -miller -convention -aid -lie -vehicles -mobile -perform -squad -wonder -lying -crazy -sword -##ping -attempted -centuries -weren -philosophy -category -##ize -anna -interested -47 -sweden -wolf -frequently -abandoned -kg -literary -alliance -task -entitled -##ay -threw -promotion -factory -tiny -soccer -visited -matt -fm -achieved -52 -defence -internal -persian -43 -methods -##ging -arrested -otherwise -cambridge -programming -villages -elementary -districts -rooms -criminal -conflict -worry -trained -1931 -attempts -waited -signal -bird -truck -subsequent -programme -##ol -ad -49 -communist -details -faith -sector -patrick -carrying -laugh -##ss -controlled -korean -showing -origin -fuel -evil -1927 -##ent -brief -identity -darkness -address -pool -missed -publication -web -planet -ian -anne -wings -invited -##tt -briefly -standards -kissed -##be -ideas -climate -causing -walter -worse -albert -articles -winners -desire -aged -northeast -dangerous -gate -doubt -1922 -wooden -multi -##ky -poet -rising -funding -46 -communications -communication -violence -copies -prepared -ford -investigation -skills -1924 -pulling -electronic -##ak -##ial -##han -containing -ultimately -offices -singing -understanding -restaurant -tomorrow -fashion -christ -ward -da -pope -stands -5th -flow -studios -aired -commissioned -contained -exist -fresh -americans -##per -wrestling -approved -kid -employed -respect -suit -1925 -angel -asking -increasing -frame -angry -selling -1950s -thin -finds -##nd -temperature -statement -ali -explain -inhabitants -towns -extensive -narrow -51 -jane -flowers -images -promise -somewhere -object -fly -closely -##ls -1912 -bureau -cape -1926 -weekly -presidential -legislative -1921 -##ai -##au -launch -founding -##ny -978 -##ring -artillery -strike -un -institutions -roll -writers -landing -chose -kevin -anymore -pp -##ut -attorney -fit -dan -billboard -receiving -agricultural -breaking -sought -dave -admitted -lands -mexican -##bury -charlie -specifically -hole -iv -howard -credit -moscow -roads -accident -1923 -proved -wear -struck -hey -guards -stuff -slid -expansion -1915 -cat -anthony -##kin -melbourne -opposed -sub -southwest -architect -failure -plane -1916 -##ron -map -camera -tank -listen -regarding -wet -introduction -metropolitan -link -ep -fighter -inch -grown -gene -anger -fixed -buy -dvd -khan -domestic -worldwide -chapel -mill -functions -examples -##head -developing -1910 -turkey -hits -pocket -antonio -papers -grow -unless -circuit -18th -concerned -attached -journalist -selection -journey -converted -provincial -painted -hearing -aren -bands -negative -aside -wondered -knight -lap -survey -ma -##ow -noise -billy -##ium -shooting -guide -bedroom -priest -resistance -motor -homes -sounded -giant -##mer -150 -scenes -equal -comic -patients -hidden -solid -actual -bringing -afternoon -touched -funds -wedding -consisted -marie -canal -sr -kim -treaty -turkish -recognition -residence -cathedral -broad -knees -incident -shaped -fired -norwegian -handle -cheek -contest -represent -##pe -representing -beauty -##sen -birds -advantage -emergency -wrapped -drawing -notice -pink -broadcasting -##ong -somehow -bachelor -seventh -collected -registered -establishment -alan -assumed -chemical -personnel -roger -retirement -jeff -portuguese -wore -tied -device -threat -progress -advance -##ised -banks -hired -manchester -nfl -teachers -structures -forever -##bo -tennis -helping -saturday -sale -applications -junction -hip -incorporated -neighborhood -dressed -ceremony -##ds -influenced -hers -visual -stairs -decades -inner -kansas -hung -hoped -gain -scheduled -downtown -engaged -austria -clock -norway -certainly -pale -protected -1913 -victor -employees -plate -putting -surrounded -##ists -finishing -blues -tropical -##ries -minnesota -consider -philippines -accept -54 -retrieved -1900 -concern -anderson -properties -institution -gordon -successfully -vietnam -##dy -backing -outstanding -muslim -crossing -folk -producing -usual -demand -occurs -observed -lawyer -educated -##ana -kelly -string -pleasure -budget -items -quietly -colorado -philip -typical -##worth -derived -600 -survived -asks -mental -##ide -56 -jake -jews -distinguished -ltd -1911 -sri -extremely -53 -athletic -loud -thousands -worried -shadow -transportation -horses -weapon -arena -importance -users -tim -objects -contributed -dragon -douglas -aware -senator -johnny -jordan -sisters -engines -flag -investment -samuel -shock -capable -clark -row -wheel -refers -session -familiar -biggest -wins -hate -maintained -drove -hamilton -request -expressed -injured -underground -churches -walker -wars -tunnel -passes -stupid -agriculture -softly -cabinet -regarded -joining -indiana -##ea -##ms -push -dates -spend -behavior -woods -protein -gently -chase -morgan -mention -burning -wake -combination -occur -mirror -leads -jimmy -indeed -impossible -singapore -paintings -covering -##nes -soldier -locations -attendance -sell -historian -wisconsin -invasion -argued -painter -diego -changing -egypt -##don -experienced -inches -##ku -missouri -vol -grounds -spoken -switzerland -##gan -reform -rolling -ha -forget -massive -resigned -burned -allen -tennessee -locked -values -improved -##mo -wounded -universe -sick -dating -facing -pack -purchase -user -##pur -moments -##ul -merged -anniversary -1908 -coal -brick -understood -causes -dynasty -queensland -establish -stores -crisis -promote -hoping -views -cards -referee -extension -##si -raise -arizona -improve -colonial -formal -charged -##rt -palm -lucky -hide -rescue -faces -95 -feelings -candidates -juan -##ell -goods -6th -courses -weekend -59 -luke -cash -fallen -##om -delivered -affected -installed -carefully -tries -swiss -hollywood -costs -lincoln -responsibility -##he -shore -file -proper -normally -maryland -assistance -jump -constant -offering -friendly -waters -persons -realize -contain -trophy -800 -partnership -factor -58 -musicians -cry -bound -oregon -indicated -hero -houston -medium -##ure -consisting -somewhat -##ara -57 -cycle -##che -beer -moore -frederick -gotten -eleven -worst -weak -approached -arranged -chin -loan -universal -bond -fifteen -pattern -disappeared -##ney -translated -##zed -lip -arab -capture -interests -insurance -##chi -shifted -cave -prix -warning -sections -courts -coat -plot -smell -feed -golf -favorite -maintain -knife -vs -voted -degrees -finance -quebec -opinion -translation -manner -ruled -operate -productions -choose -musician -discovery -confused -tired -separated -stream -techniques -committed -attend -ranking -kings -throw -passengers -measure -horror -fan -mining -sand -danger -salt -calm -decade -dam -require -runner -##ik -rush -associate -greece -##ker -rivers -consecutive -matthew -##ski -sighed -sq -documents -steam -edited -closing -tie -accused -1905 -##ini -islamic -distributed -directors -organisation -bruce -7th -breathing -mad -lit -arrival -concrete -taste -08 -composition -shaking -faster -amateur -adjacent -stating -1906 -twin -flew -##ran -tokyo -publications -##tone -obviously -ridge -storage -1907 -carl -pages -concluded -desert -driven -universities -ages -terminal -sequence -borough -250 -constituency -creative -cousin -economics -dreams -margaret -notably -reduce -montreal -mode -17th -ears -saved -jan -vocal -##ica -1909 -andy -##jo -riding -roughly -threatened -##ise -meters -meanwhile -landed -compete -repeated -grass -czech -regularly -charges -tea -sudden -appeal -##ung -solution -describes -pierre -classification -glad -parking -##ning -belt -physics -99 -rachel -add -hungarian -participate -expedition -damaged -gift -childhood -85 -fifty -##red -mathematics -jumped -letting -defensive -mph -##ux -##gh -testing -##hip -hundreds -shoot -owners -matters -smoke -israeli -kentucky -dancing -mounted -grandfather -emma -designs -profit -argentina -##gs -truly -li -lawrence -cole -begun -detroit -willing -branches -smiling -decide -miami -enjoyed -recordings -##dale -poverty -ethnic -gay -##bi -gary -arabic -09 -accompanied -##one -##ons -fishing -determine -residential -acid -##ary -alice -returns -starred -mail -##ang -jonathan -strategy -##ue -net -forty -cook -businesses -equivalent -commonwealth -distinct -ill -##cy -seriously -##ors -##ped -shift -harris -replace -rio -imagine -formula -ensure -##ber -additionally -scheme -conservation -occasionally -purposes -feels -favor -##and -##ore -1930s -contrast -hanging -hunt -movies -1904 -instruments -victims -danish -christopher -busy -demon -sugar -earliest -colony -studying -balance -duties -##ks -belgium -slipped -carter -05 -visible -stages -iraq -fifa -##im -commune -forming -zero -07 -continuing -talked -counties -legend -bathroom -option -tail -clay -daughters -afterwards -severe -jaw -visitors -##ded -devices -aviation -russell -kate -##vi -entering -subjects -##ino -temporary -swimming -forth -smooth -ghost -audio -bush -operates -rocks -movements -signs -eddie -##tz -ann -voices -honorary -06 -memories -dallas -pure -measures -racial -promised -66 -harvard -ceo -16th -parliamentary -indicate -benefit -flesh -dublin -louisiana -1902 -1901 -patient -sleeping -1903 -membership -coastal -medieval -wanting -element -scholars -rice -62 -limit -survive -makeup -rating -definitely -collaboration -obvious -##tan -boss -ms -baron -birthday -linked -soil -diocese -##lan -ncaa -##mann -offensive -shell -shouldn -waist -##tus -plain -ross -organ -resolution -manufacturing -adding -relative -kennedy -98 -whilst -moth -marketing -gardens -crash -72 -heading -partners -credited -carlos -moves -cable -##zi -marshall -##out -depending -bottle -represents -rejected -responded -existed -04 -jobs -denmark -lock -##ating -treated -graham -routes -talent -commissioner -drugs -secure -tests -reign -restored -photography -##gi -contributions -oklahoma -designer -disc -grin -seattle -robin -paused -atlanta -unusual -##gate -praised -las -laughing -satellite -hungary -visiting -##sky -interesting -factors -deck -poems -norman -##water -stuck -speaker -rifle -domain -premiered -##her -dc -comics -actors -01 -reputation -eliminated -8th -ceiling -prisoners -script -##nce -leather -austin -mississippi -rapidly -admiral -parallel -charlotte -guilty -tools -gender -divisions -fruit -##bs -laboratory -nelson -fantasy -marry -rapid -aunt -tribe -requirements -aspects -suicide -amongst -adams -bone -ukraine -abc -kick -sees -edinburgh -clothing -column -rough -gods -hunting -broadway -gathered -concerns -##ek -spending -ty -12th -snapped -requires -solar -bones -cavalry -##tta -iowa -drinking -waste -index -franklin -charity -thompson -stewart -tip -flash -landscape -friday -enjoy -singh -poem -listening -##back -eighth -fred -differences -adapted -bomb -ukrainian -surgery -corporate -masters -anywhere -##more -waves -odd -sean -portugal -orleans -dick -debate -kent -eating -puerto -cleared -96 -expect -cinema -97 -guitarist -blocks -electrical -agree -involving -depth -dying -panel -struggle -##ged -peninsula -adults -novels -emerged -vienna -metro -debuted -shoes -tamil -songwriter -meets -prove -beating -instance -heaven -scared -sending -marks -artistic -passage -superior -03 -significantly -shopping -##tive -retained -##izing -malaysia -technique -cheeks -##ola -warren -maintenance -destroy -extreme -allied -120 -appearing -##yn -fill -advice -alabama -qualifying -policies -cleveland -hat -battery -smart -authors -10th -soundtrack -acted -dated -lb -glance -equipped -coalition -funny -outer -ambassador -roy -possibility -couples -campbell -dna -loose -ethan -supplies -1898 -gonna -88 -monster -##res -shake -agents -frequency -springs -dogs -practices -61 -gang -plastic -easier -suggests -gulf -blade -exposed -colors -industries -markets -pan -nervous -electoral -charts -legislation -ownership -##idae -mac -appointment -shield -copy -assault -socialist -abbey -monument -license -throne -employment -jay -93 -replacement -charter -cloud -powered -suffering -accounts -oak -connecticut -strongly -wright -colour -crystal -13th -context -welsh -networks -voiced -gabriel -jerry -##cing -forehead -mp -##ens -manage -schedule -totally -remix -##ii -forests -occupation -print -nicholas -brazilian -strategic -vampires -engineers -76 -roots -seek -correct -instrumental -und -alfred -backed -hop -##des -stanley -robinson -traveled -wayne -welcome -austrian -achieve -67 -exit -rates -1899 -strip -whereas -##cs -sing -deeply -adventure -bobby -rick -jamie -careful -components -cap -useful -personality -knee -##shi -pushing -hosts -02 -protest -ca -ottoman -symphony -##sis -63 -boundary -1890 -processes -considering -considerable -tons -##work -##ft -##nia -cooper -trading -dear -conduct -91 -illegal -apple -revolutionary -holiday -definition -harder -##van -jacob -circumstances -destruction -##lle -popularity -grip -classified -liverpool -donald -baltimore -flows -seeking -honour -approval -92 -mechanical -till -happening -statue -critic -increasingly -immediate -describe -commerce -stare -##ster -indonesia -meat -rounds -boats -baker -orthodox -depression -formally -worn -naked -claire -muttered -sentence -11th -emily -document -77 -criticism -wished -vessel -spiritual -bent -virgin -parker -minimum -murray -lunch -danny -printed -compilation -keyboards -false -blow -belonged -68 -raising -78 -cutting -##board -pittsburgh -##up -9th -shadows -81 -hated -indigenous -jon -15th -barry -scholar -ah -##zer -oliver -##gy -stick -susan -meetings -attracted -spell -romantic -##ver -ye -1895 -photo -demanded -customers -##ac -1896 -logan -revival -keys -modified -commanded -jeans -##ious -upset -raw -phil -detective -hiding -resident -vincent -##bly -experiences -diamond -defeating -coverage -lucas -external -parks -franchise -helen -bible -successor -percussion -celebrated -il -lift -profile -clan -romania -##ied -mills -##su -nobody -achievement -shrugged -fault -1897 -rhythm -initiative -breakfast -carbon -700 -69 -lasted -violent -74 -wound -ken -killer -gradually -filmed -°c -dollars -processing -94 -remove -criticized -guests -sang -chemistry -##vin -legislature -disney -##bridge -uniform -escaped -integrated -proposal -purple -denied -liquid -karl -influential -morris -nights -stones -intense -experimental -twisted -71 -84 -##ld -pace -nazi -mitchell -ny -blind -reporter -newspapers -14th -centers -burn -basin -forgotten -surviving -filed -collections -monastery -losses -manual -couch -description -appropriate -merely -tag -missions -sebastian -restoration -replacing -triple -73 -elder -julia -warriors -benjamin -julian -convinced -stronger -amazing -declined -versus -merchant -happens -output -finland -bare -barbara -absence -ignored -dawn -injuries -##port -producers -##ram -82 -luis -##ities -kw -admit -expensive -electricity -nba -exception -symbol -##ving -ladies -shower -sheriff -characteristics -##je -aimed -button -ratio -effectively -summit -angle -jury -bears -foster -vessels -pants -executed -evans -dozen -advertising -kicked -patrol -1889 -competitions -lifetime -principles -athletics -##logy -birmingham -sponsored -89 -rob -nomination -1893 -acoustic -##sm -creature -longest -##tra -credits -harbor -dust -josh -##so -territories -milk -infrastructure -completion -thailand -indians -leon -archbishop -##sy -assist -pitch -blake -arrangement -girlfriend -serbian -operational -hence -sad -scent -fur -dj -sessions -hp -refer -rarely -##ora -exists -1892 -##ten -scientists -dirty -penalty -burst -portrait -seed -79 -pole -limits -rival -1894 -stable -alpha -grave -constitutional -alcohol -arrest -flower -mystery -devil -architectural -relationships -greatly -habitat -##istic -larry -progressive -remote -cotton -##ics -##ok -preserved -reaches -##ming -cited -86 -vast -scholarship -decisions -cbs -joy -teach -1885 -editions -knocked -eve -searching -partly -participation -gap -animated -fate -excellent -##ett -na -87 -alternate -saints -youngest -##ily -climbed -##ita -##tors -suggest -##ct -discussion -staying -choir -lakes -jacket -revenue -nevertheless -peaked -instrument -wondering -annually -managing -neil -1891 -signing -terry -##ice -apply -clinical -brooklyn -aim -catherine -fuck -farmers -figured -ninth -pride -hugh -evolution -ordinary -involvement -comfortable -shouted -tech -encouraged -taiwan -representation -sharing -##lia -##em -panic -exact -cargo -competing -fat -cried -83 -1920s -occasions -pa -cabin -borders -utah -marcus -##isation -badly -muscles -##ance -victorian -transition -warner -bet -permission -##rin -slave -terrible -similarly -shares -seth -uefa -possession -medals -benefits -colleges -lowered -perfectly -mall -transit -##ye -##kar -publisher -##ened -harrison -deaths -elevation -##ae -asleep -machines -sigh -ash -hardly -argument -occasion -parent -leo -decline -1888 -contribution -##ua -concentration -1000 -opportunities -hispanic -guardian -extent -emotions -hips -mason -volumes -bloody -controversy -diameter -steady -mistake -phoenix -identify -violin -##sk -departure -richmond -spin -funeral -enemies -1864 -gear -literally -connor -random -sergeant -grab -confusion -1865 -transmission -informed -op -leaning -sacred -suspended -thinks -gates -portland -luck -agencies -yours -hull -expert -muscle -layer -practical -sculpture -jerusalem -latest -lloyd -statistics -deeper -recommended -warrior -arkansas -mess -supports -greg -eagle -1880 -recovered -rated -concerts -rushed -##ano -stops -eggs -files -premiere -keith -##vo -delhi -turner -pit -affair -belief -paint -##zing -mate -##ach -##ev -victim -##ology -withdrew -bonus -styles -fled -##ud -glasgow -technologies -funded -nbc -adaptation -##ata -portrayed -cooperation -supporters -judges -bernard -justin -hallway -ralph -##ick -graduating -controversial -distant -continental -spider -bite -##ho -recognize -intention -mixing -##ese -egyptian -bow -tourism -suppose -claiming -tiger -dominated -participants -vi -##ru -nurse -partially -tape -##rum -psychology -##rn -essential -touring -duo -voting -civilian -emotional -channels -##king -apparent -hebrew -1887 -tommy -carrier -intersection -beast -hudson -##gar -##zo -lab -nova -bench -discuss -costa -##ered -detailed -behalf -drivers -unfortunately -obtain -##lis -rocky -##dae -siege -friendship -honey -##rian -1861 -amy -hang -posted -governments -collins -respond -wildlife -preferred -operator -##po -laura -pregnant -videos -dennis -suspected -boots -instantly -weird -automatic -businessman -alleged -placing -throwing -ph -mood -1862 -perry -venue -jet -remainder -##lli -##ci -passion -biological -boyfriend -1863 -dirt -buffalo -ron -segment -fa -abuse -##era -genre -thrown -stroke -colored -stress -exercise -displayed -##gen -struggled -##tti -abroad -dramatic -wonderful -thereafter -madrid -component -widespread -##sed -tale -citizen -todd -monday -1886 -vancouver -overseas -forcing -crying -descent -##ris -discussed -substantial -ranks -regime -1870 -provinces -switch -drum -zane -ted -tribes -proof -lp -cream -researchers -volunteer -manor -silk -milan -donated -allies -venture -principle -delivery -enterprise -##ves -##ans -bars -traditionally -witch -reminded -copper -##uk -pete -inter -links -colin -grinned -elsewhere -competitive -frequent -##oy -scream -##hu -tension -texts -submarine -finnish -defending -defend -pat -detail -1884 -affiliated -stuart -themes -villa -periods -tool -belgian -ruling -crimes -answers -folded -licensed -resort -demolished -hans -lucy -1881 -lion -traded -photographs -writes -craig -##fa -trials -generated -beth -noble -debt -percentage -yorkshire -erected -ss -viewed -grades -confidence -ceased -islam -telephone -retail -##ible -chile -m² -roberts -sixteen -##ich -commented -hampshire -innocent -dual -pounds -checked -regulations -afghanistan -sung -rico -liberty -assets -bigger -options -angels -relegated -tribute -wells -attending -leaf -##yan -butler -romanian -forum -monthly -lisa -patterns -gmina -##tory -madison -hurricane -rev -##ians -bristol -##ula -elite -valuable -disaster -democracy -awareness -germans -freyja -##ins -loop -absolutely -paying -populations -maine -sole -prayer -spencer -releases -doorway -bull -##ani -lover -midnight -conclusion -##sson -thirteen -lily -mediterranean -##lt -nhl -proud -sample -##hill -drummer -guinea -##ova -murphy -climb -##ston -instant -attributed -horn -ain -railways -steven -##ao -autumn -ferry -opponent -root -traveling -secured -corridor -stretched -tales -sheet -trinity -cattle -helps -indicates -manhattan -murdered -fitted -1882 -gentle -grandmother -mines -shocked -vegas -produces -##light -caribbean -##ou -belong -continuous -desperate -drunk -historically -trio -waved -raf -dealing -nathan -bat -murmured -interrupted -residing -scientist -pioneer -harold -aaron -##net -delta -attempting -minority -mini -believes -chorus -tend -lots -eyed -indoor -load -shots -updated -jail -##llo -concerning -connecting -wealth -##ved -slaves -arrive -rangers -sufficient -rebuilt -##wick -cardinal -flood -muhammad -whenever -relation -runners -moral -repair -viewers -arriving -revenge -punk -assisted -bath -fairly -breathe -lists -innings -illustrated -whisper -nearest -voters -clinton -ties -ultimate -screamed -beijing -lions -andre -fictional -gathering -comfort -radar -suitable -dismissed -hms -ban -pine -wrist -atmosphere -voivodeship -bid -timber -##ned -##nan -giants -##ane -cameron -recovery -uss -identical -categories -switched -serbia -laughter -noah -ensemble -therapy -peoples -touching -##off -locally -pearl -platforms -everywhere -ballet -tables -lanka -herbert -outdoor -toured -derek -1883 -spaces -contested -swept -1878 -exclusive -slight -connections -##dra -winds -prisoner -collective -bangladesh -tube -publicly -wealthy -thai -##ys -isolated -select -##ric -insisted -pen -fortune -ticket -spotted -reportedly -animation -enforcement -tanks -110 -decides -wider -lowest -owen -##time -nod -hitting -##hn -gregory -furthermore -magazines -fighters -solutions -##ery -pointing -requested -peru -reed -chancellor -knights -mask -worker -eldest -flames -reduction -1860 -volunteers -##tis -reporting -##hl -wire -advisory -endemic -origins -settlers -pursue -knock -consumer -1876 -eu -compound -creatures -mansion -sentenced -ivan -deployed -guitars -frowned -involves -mechanism -kilometers -perspective -shops -maps -terminus -duncan -alien -fist -bridges -##pers -heroes -fed -derby -swallowed -##ros -patent -sara -illness -characterized -adventures -slide -hawaii -jurisdiction -##op -organised -##side -adelaide -walks -biology -se -##ties -rogers -swing -tightly -boundaries -##rie -prepare -implementation -stolen -##sha -certified -colombia -edwards -garage -##mm -recalled -##ball -rage -harm -nigeria -breast -##ren -furniture -pupils -settle -##lus -cuba -balls -client -alaska -21st -linear -thrust -celebration -latino -genetic -terror -##cia -##ening -lightning -fee -witness -lodge -establishing -skull -##ique -earning -hood -##ei -rebellion -wang -sporting -warned -missile -devoted -activist -porch -worship -fourteen -package -1871 -decorated -##shire -housed -##ock -chess -sailed -doctors -oscar -joan -treat -garcia -harbour -jeremy -##ire -traditions -dominant -jacques -##gon -##wan -relocated -1879 -amendment -sized -companion -simultaneously -volleyball -spun -acre -increases -stopping -loves -belongs -affect -drafted -tossed -scout -battles -1875 -filming -shoved -munich -tenure -vertical -romance -pc -##cher -argue -##ical -craft -ranging -www -opens -honest -tyler -yesterday -virtual -##let -muslims -reveal -snake -immigrants -radical -screaming -speakers -firing -saving -belonging -ease -lighting -prefecture -blame -farmer -hungry -grows -rubbed -beam -sur -subsidiary -##cha -armenian -sao -dropping -conventional -##fer -microsoft -reply -qualify -spots -1867 -sweat -festivals -##ken -immigration -physician -discover -exposure -sandy -explanation -isaac -implemented -##fish -hart -initiated -connect -stakes -presents -heights -householder -pleased -tourist -regardless -slip -closest -##ction -surely -sultan -brings -riley -preparation -aboard -slammed -baptist -experiment -ongoing -interstate -organic -playoffs -##ika -1877 -130 -##tar -hindu -error -tours -tier -plenty -arrangements -talks -trapped -excited -sank -ho -athens -1872 -denver -welfare -suburb -athletes -trick -diverse -belly -exclusively -yelled -1868 -##med -conversion -##ette -1874 -internationally -computers -conductor -abilities -sensitive -hello -dispute -measured -globe -rocket -prices -amsterdam -flights -tigers -inn -municipalities -emotion -references -3d -##mus -explains -airlines -manufactured -pm -archaeological -1873 -interpretation -devon -comment -##ites -settlements -kissing -absolute -improvement -suite -impressed -barcelona -sullivan -jefferson -towers -jesse -julie -##tin -##lu -grandson -hi -gauge -regard -rings -interviews -trace -raymond -thumb -departments -burns -serial -bulgarian -scores -demonstrated -##ix -1866 -kyle -alberta -underneath -romanized -##ward -relieved -acquisition -phrase -cliff -reveals -han -cuts -merger -custom -##dar -nee -gilbert -graduation -##nts -assessment -cafe -difficulty -demands -swung -democrat -jennifer -commons -1940s -grove -##yo -completing -focuses -sum -substitute -bearing -stretch -reception -##py -reflected -essentially -destination -pairs -##ched -survival -resource -##bach -promoting -doubles -messages -tear -##down -##fully -parade -florence -harvey -incumbent -partial -framework -900 -pedro -frozen -procedure -olivia -controls -##mic -shelter -personally -temperatures -##od -brisbane -tested -sits -marble -comprehensive -oxygen -leonard -##kov -inaugural -iranian -referring -quarters -attitude -##ivity -mainstream -lined -mars -dakota -norfolk -unsuccessful -##° -explosion -helicopter -congressional -##sing -inspector -bitch -seal -departed -divine -##ters -coaching -examination -punishment -manufacturer -sink -columns -unincorporated -signals -nevada -squeezed -dylan -dining -photos -martial -manuel -eighteen -elevator -brushed -plates -ministers -ivy -congregation -##len -slept -specialized -taxes -curve -restricted -negotiations -likes -statistical -arnold -inspiration -execution -bold -intermediate -significance -margin -ruler -wheels -gothic -intellectual -dependent -listened -eligible -buses -widow -syria -earn -cincinnati -collapsed -recipient -secrets -accessible -philippine -maritime -goddess -clerk -surrender -breaks -playoff -database -##ified -##lon -ideal -beetle -aspect -soap -regulation -strings -expand -anglo -shorter -crosses -retreat -tough -coins -wallace -directions -pressing -##oon -shipping -locomotives -comparison -topics -nephew -##mes -distinction -honors -travelled -sierra -ibn -##over -fortress -sa -recognised -carved -1869 -clients -##dan -intent -##mar -coaches -describing -bread -##ington -beaten -northwestern -##ona -merit -youtube -collapse -challenges -em -historians -objective -submitted -virus -attacking -drake -assume -##ere -diseases -marc -stem -leeds -##cus -##ab -farming -glasses -##lock -visits -nowhere -fellowship -relevant -carries -restaurants -experiments -101 -constantly -bases -targets -shah -tenth -opponents -verse -territorial -##ira -writings -corruption -##hs -instruction -inherited -reverse -emphasis -##vic -employee -arch -keeps -rabbi -watson -payment -uh -##ala -nancy -##tre -venice -fastest -sexy -banned -adrian -properly -ruth -touchdown -dollar -boards -metre -circles -edges -favour -comments -ok -travels -liberation -scattered -firmly -##ular -holland -permitted -diesel -kenya -den -originated -##ral -demons -resumed -dragged -rider -##rus -servant -blinked -extend -torn -##ias -##sey -input -meal -everybody -cylinder -kinds -camps -##fe -bullet -logic -##wn -croatian -evolved -healthy -fool -chocolate -wise -preserve -pradesh -##ess -respective -1850 -##ew -chicken -artificial -gross -corresponding -convicted -cage -caroline -dialogue -##dor -narrative -stranger -mario -br -christianity -failing -trent -commanding -buddhist -1848 -maurice -focusing -yale -bike -altitude -##ering -mouse -revised -##sley -veteran -##ig -pulls -theology -crashed -campaigns -legion -##ability -drag -excellence -customer -cancelled -intensity -excuse -##lar -liga -participating -contributing -printing -##burn -variable -##rk -curious -bin -legacy -renaissance -##my -symptoms -binding -vocalist -dancer -##nie -grammar -gospel -democrats -ya -enters -sc -diplomatic -hitler -##ser -clouds -mathematical -quit -defended -oriented -##heim -fundamental -hardware -impressive -equally -convince -confederate -guilt -chuck -sliding -##ware -magnetic -narrowed -petersburg -bulgaria -otto -phd -skill -##ama -reader -hopes -pitcher -reservoir -hearts -automatically -expecting -mysterious -bennett -extensively -imagined -seeds -monitor -fix -##ative -journalism -struggling -signature -ranch -encounter -photographer -observation -protests -##pin -influences -##hr -calendar -##all -cruz -croatia -locomotive -hughes -naturally -shakespeare -basement -hook -uncredited -faded -theories -approaches -dare -phillips -filling -fury -obama -##ain -efficient -arc -deliver -min -raid -breeding -inducted -leagues -efficiency -axis -montana -eagles -##ked -supplied -instructions -karen -picking -indicating -trap -anchor -practically -christians -tomb -vary -occasional -electronics -lords -readers -newcastle -faint -innovation -collect -situations -engagement -160 -claude -mixture -##feld -peer -tissue -logo -lean -##ration -°f -floors -##ven -architects -reducing -##our -##ments -rope -1859 -ottawa -##har -samples -banking -declaration -proteins -resignation -francois -saudi -advocate -exhibited -armor -twins -divorce -##ras -abraham -reviewed -jo -temporarily -matrix -physically -pulse -curled -##ena -difficulties -bengal -usage -##ban -annie -riders -certificate -##pi -holes -warsaw -distinctive -jessica -##mon -mutual -1857 -customs -circular -eugene -removal -loaded -mere -vulnerable -depicted -generations -dame -heir -enormous -lightly -climbing -pitched -lessons -pilots -nepal -ram -google -preparing -brad -louise -renowned -##₂ -liam -##ably -plaza -shaw -sophie -brilliant -bills -##bar -##nik -fucking -mainland -server -pleasant -seized -veterans -jerked -fail -beta -brush -radiation -stored -warmth -southeastern -nate -sin -raced -berkeley -joke -athlete -designation -trunk -##low -roland -qualification -archives -heels -artwork -receives -judicial -reserves -##bed -woke -installation -abu -floating -fake -lesser -excitement -interface -concentrated -addressed -characteristic -amanda -saxophone -monk -auto -##bus -releasing -egg -dies -interaction -defender -ce -outbreak -glory -loving -##bert -sequel -consciousness -http -awake -ski -enrolled -##ress -handling -rookie -brow -somebody -biography -warfare -amounts -contracts -presentation -fabric -dissolved -challenged -meter -psychological -lt -elevated -rally -accurate -##tha -hospitals -undergraduate -specialist -venezuela -exhibit -shed -nursing -protestant -fluid -structural -footage -jared -consistent -prey -##ska -succession -reflect -exile -lebanon -wiped -suspect -shanghai -resting -integration -preservation -marvel -variant -pirates -sheep -rounded -capita -sailing -colonies -manuscript -deemed -variations -clarke -functional -emerging -boxing -relaxed -curse -azerbaijan -heavyweight -nickname -editorial -rang -grid -tightened -earthquake -flashed -miguel -rushing -##ches -improvements -boxes -brooks -180 -consumption -molecular -felix -societies -repeatedly -variation -aids -civic -graphics -professionals -realm -autonomous -receiver -delayed -workshop -militia -chairs -trump -canyon -##point -harsh -extending -lovely -happiness -##jan -stake -eyebrows -embassy -wellington -hannah -##ella -sony -corners -bishops -swear -cloth -contents -xi -namely -commenced -1854 -stanford -nashville -courage -graphic -commitment -garrison -##bin -hamlet -clearing -rebels -attraction -literacy -cooking -ruins -temples -jenny -humanity -celebrate -hasn -freight -sixty -rebel -bastard -##art -newton -##ada -deer -##ges -##ching -smiles -delaware -singers -##ets -approaching -assists -flame -##ph -boulevard -barrel -planted -##ome -pursuit -##sia -consequences -posts -shallow -invitation -rode -depot -ernest -kane -rod -concepts -preston -topic -chambers -striking -blast -arrives -descendants -montgomery -ranges -worlds -##lay -##ari -span -chaos -praise -##ag -fewer -1855 -sanctuary -mud -fbi -##ions -programmes -maintaining -unity -harper -bore -handsome -closure -tournaments -thunder -nebraska -linda -facade -puts -satisfied -argentine -dale -cork -dome -panama -##yl -1858 -tasks -experts -##ates -feeding -equation -##las -##ida -##tu -engage -bryan -##ax -um -quartet -melody -disbanded -sheffield -blocked -gasped -delay -kisses -maggie -connects -##non -sts -poured -creator -publishers -##we -guided -ellis -extinct -hug -gaining -##ord -complicated -##bility -poll -clenched -investigate -##use -thereby -quantum -spine -cdp -humor -kills -administered -semifinals -##du -encountered -ignore -##bu -commentary -##maker -bother -roosevelt -140 -plains -halfway -flowing -cultures -crack -imprisoned -neighboring -airline -##ses -##view -##mate -##ec -gather -wolves -marathon -transformed -##ill -cruise -organisations -carol -punch -exhibitions -numbered -alarm -ratings -daddy -silently -##stein -queens -colours -impression -guidance -liu -tactical -##rat -marshal -della -arrow -##ings -rested -feared -tender -owns -bitter -advisor -escort -##ides -spare -farms -grants -##ene -dragons -encourage -colleagues -cameras -##und -sucked -pile -spirits -prague -statements -suspension -landmark -fence -torture -recreation -bags -permanently -survivors -pond -spy -predecessor -bombing -coup -##og -protecting -transformation -glow -##lands -##book -dug -priests -andrea -feat -barn -jumping -##chen -##ologist -##con -casualties -stern -auckland -pipe -serie -revealing -ba -##bel -trevor -mercy -spectrum -yang -consist -governing -collaborated -possessed -epic -comprises -blew -shane -##ack -lopez -honored -magical -sacrifice -judgment -perceived -hammer -mtv -baronet -tune -das -missionary -sheets -350 -neutral -oral -threatening -attractive -shade -aims -seminary -##master -estates -1856 -michel -wounds -refugees -manufacturers -##nic -mercury -syndrome -porter -##iya -##din -hamburg -identification -upstairs -purse -widened -pause -cared -breathed -affiliate -santiago -prevented -celtic -fisher -125 -recruited -byzantine -reconstruction -farther -##mp -diet -sake -au -spite -sensation -##ert -blank -separation -105 -##hon -vladimir -armies -anime -##lie -accommodate -orbit -cult -sofia -archive -##ify -##box -founders -sustained -disorder -honours -northeastern -mia -crops -violet -threats -blanket -fires -canton -followers -southwestern -prototype -voyage -assignment -altered -moderate -protocol -pistol -##eo -questioned -brass -lifting -1852 -math -authored -##ual -doug -dimensional -dynamic -##san -1851 -pronounced -grateful -quest -uncomfortable -boom -presidency -stevens -relating -politicians -chen -barrier -quinn -diana -mosque -tribal -cheese -palmer -portions -sometime -chester -treasure -wu -bend -download -millions -reforms -registration -##osa -consequently -monitoring -ate -preliminary -brandon -invented -ps -eaten -exterior -intervention -ports -documented -log -displays -lecture -sally -favourite -##itz -vermont -lo -invisible -isle -breed -##ator -journalists -relay -speaks -backward -explore -midfielder -actively -stefan -procedures -cannon -blond -kenneth -centered -servants -chains -libraries -malcolm -essex -henri -slavery -##hal -facts -fairy -coached -cassie -cats -washed -cop -##fi -announcement -item -2000s -vinyl -activated -marco -frontier -growled -curriculum -##das -loyal -accomplished -leslie -ritual -kenny -##00 -vii -napoleon -hollow -hybrid -jungle -stationed -friedrich -counted -##ulated -platinum -theatrical -seated -col -rubber -glen -1840 -diversity -healing -extends -id -provisions -administrator -columbus -##oe -tributary -te -assured -org -##uous -prestigious -examined -lectures -grammy -ronald -associations -bailey -allan -essays -flute -believing -consultant -proceedings -travelling -1853 -kit -kerala -yugoslavia -buddy -methodist -##ith -burial -centres -batman -##nda -discontinued -bo -dock -stockholm -lungs -severely -##nk -citing -manga -##ugh -steal -mumbai -iraqi -robot -celebrity -bride -broadcasts -abolished -pot -joel -overhead -franz -packed -reconnaissance -johann -acknowledged -introduce -handled -doctorate -developments -drinks -alley -palestine -##nis -##aki -proceeded -recover -bradley -grain -patch -afford -infection -nationalist -legendary -##ath -interchange -virtually -gen -gravity -exploration -amber -vital -wishes -powell -doctrine -elbow -screenplay -##bird -contribute -indonesian -pet -creates -##com -enzyme -kylie -discipline -drops -manila -hunger -##ien -layers -suffer -fever -bits -monica -keyboard -manages -##hood -searched -appeals -##bad -testament -grande -reid -##war -beliefs -congo -##ification -##dia -si -requiring -##via -casey -1849 -regret -streak -rape -depends -syrian -sprint -pound -tourists -upcoming -pub -##xi -tense -##els -practiced -echo -nationwide -guild -motorcycle -liz -##zar -chiefs -desired -elena -bye -precious -absorbed -relatives -booth -pianist -##mal -citizenship -exhausted -wilhelm -##ceae -##hed -noting -quarterback -urge -hectares -##gue -ace -holly -##tal -blonde -davies -parked -sustainable -stepping -twentieth -airfield -galaxy -nest -chip -##nell -tan -shaft -paulo -requirement -##zy -paradise -tobacco -trans -renewed -vietnamese -##cker -##ju -suggesting -catching -holmes -enjoying -md -trips -colt -holder -butterfly -nerve -reformed -cherry -bowling -trailer -carriage -goodbye -appreciate -toy -joshua -interactive -enabled -involve -##kan -collar -determination -bunch -facebook -recall -shorts -superintendent -episcopal -frustration -giovanni -nineteenth -laser -privately -array -circulation -##ovic -armstrong -deals -painful -permit -discrimination -##wi -aires -retiring -cottage -ni -##sta -horizon -ellen -jamaica -ripped -fernando -chapters -playstation -patron -lecturer -navigation -behaviour -genes -georgian -export -solomon -rivals -swift -seventeen -rodriguez -princeton -independently -sox -1847 -arguing -entity -casting -hank -criteria -oakland -geographic -milwaukee -reflection -expanding -conquest -dubbed -##tv -halt -brave -brunswick -doi -arched -curtis -divorced -predominantly -somerset -streams -ugly -zoo -horrible -curved -buenos -fierce -dictionary -vector -theological -unions -handful -stability -chan -punjab -segments -##lly -altar -ignoring -gesture -monsters -pastor -##stone -thighs -unexpected -operators -abruptly -coin -compiled -associates -improving -migration -pin -##ose -compact -collegiate -reserved -##urs -quarterfinals -roster -restore -assembled -hurry -oval -##cies -1846 -flags -martha -##del -victories -sharply -##rated -argues -deadly -neo -drawings -symbols -performer -##iel -griffin -restrictions -editing -andrews -java -journals -arabia -compositions -dee -pierce -removing -hindi -casino -runway -civilians -minds -nasa -hotels -##zation -refuge -rent -retain -potentially -conferences -suburban -conducting -##tto -##tions -##tle -descended -massacre -##cal -ammunition -terrain -fork -souls -counts -chelsea -durham -drives -cab -##bank -perth -realizing -palestinian -finn -simpson -##dal -betty -##ule -moreover -particles -cardinals -tent -evaluation -extraordinary -##oid -inscription -##works -wednesday -chloe -maintains -panels -ashley -trucks -##nation -cluster -sunlight -strikes -zhang -##wing -dialect -canon -##ap -tucked -##ws -collecting -##mas -##can -##sville -maker -quoted -evan -franco -aria -buying -cleaning -eva -closet -provision -apollo -clinic -rat -##ez -necessarily -ac -##gle -##ising -venues -flipped -cent -spreading -trustees -checking -authorized -##sco -disappointed -##ado -notion -duration -trumpet -hesitated -topped -brussels -rolls -theoretical -hint -define -aggressive -repeat -wash -peaceful -optical -width -allegedly -mcdonald -strict -copyright -##illa -investors -mar -jam -witnesses -sounding -miranda -michelle -privacy -hugo -harmony -##pp -valid -lynn -glared -nina -102 -headquartered -diving -boarding -gibson -##ncy -albanian -marsh -routine -dealt -enhanced -er -intelligent -substance -targeted -enlisted -discovers -spinning -observations -pissed -smoking -rebecca -capitol -visa -varied -costume -seemingly -indies -compensation -surgeon -thursday -arsenal -westminster -suburbs -rid -anglican -##ridge -knots -foods -alumni -lighter -fraser -whoever -portal -scandal -##ray -gavin -advised -instructor -flooding -terrorist -##ale -teenage -interim -senses -duck -teen -thesis -abby -eager -overcome -##ile -newport -glenn -rises -shame -##cc -prompted -priority -forgot -bomber -nicolas -protective -360 -cartoon -katherine -breeze -lonely -trusted -henderson -richardson -relax -banner -candy -palms -remarkable -##rio -legends -cricketer -essay -ordained -edmund -rifles -trigger -##uri -##away -sail -alert -1830 -audiences -penn -sussex -siblings -pursued -indianapolis -resist -rosa -consequence -succeed -avoided -1845 -##ulation -inland -##tie -##nna -counsel -profession -chronicle -hurried -##una -eyebrow -eventual -bleeding -innovative -cure -##dom -committees -accounting -con -scope -hardy -heather -tenor -gut -herald -codes -tore -scales -wagon -##oo -luxury -tin -prefer -fountain -triangle -bonds -darling -convoy -dried -traced -beings -troy -accidentally -slam -findings -smelled -joey -lawyers -outcome -steep -bosnia -configuration -shifting -toll -brook -performers -lobby -philosophical -construct -shrine -aggregate -boot -cox -phenomenon -savage -insane -solely -reynolds -lifestyle -##ima -nationally -holdings -consideration -enable -edgar -mo -mama -##tein -fights -relegation -chances -atomic -hub -conjunction -awkward -reactions -currency -finale -kumar -underwent -steering -elaborate -gifts -comprising -melissa -veins -reasonable -sunshine -chi -solve -trails -inhabited -elimination -ethics -huh -ana -molly -consent -apartments -layout -marines -##ces -hunters -bulk -##oma -hometown -##wall -##mont -cracked -reads -neighbouring -withdrawn -admission -wingspan -damned -anthology -lancashire -brands -batting -forgive -cuban -awful -##lyn -104 -dimensions -imagination -##ade -dante -##ship -tracking -desperately -goalkeeper -##yne -groaned -workshops -confident -burton -gerald -milton -circus -uncertain -slope -copenhagen -sophia -fog -philosopher -portraits -accent -cycling -varying -gripped -larvae -garrett -specified -scotia -mature -luther -kurt -rap -##kes -aerial -750 -ferdinand -heated -es -transported -##shan -safely -nonetheless -##orn -##gal -motors -demanding -##sburg -startled -##brook -ally -generate -caps -ghana -stained -demo -mentions -beds -ap -afterward -diary -##bling -utility -##iro -richards -1837 -conspiracy -conscious -shining -footsteps -observer -cyprus -urged -loyalty -developer -probability -olive -upgraded -gym -miracle -insects -graves -1844 -ourselves -hydrogen -amazon -katie -tickets -poets -##pm -planes -##pan -prevention -witnessed -dense -jin -randy -tang -warehouse -monroe -bang -archived -elderly -investigations -alec -granite -mineral -conflicts -controlling -aboriginal -carlo -##zu -mechanics -stan -stark -rhode -skirt -est -##berry -bombs -respected -##horn -imposed -limestone -deny -nominee -memphis -grabbing -disabled -##als -amusement -aa -frankfurt -corn -referendum -varies -slowed -disk -firms -unconscious -incredible -clue -sue -##zhou -twist -##cio -joins -idaho -chad -developers -computing -destroyer -103 -mortal -tucker -kingston -choices -yu -carson -1800 -os -whitney -geneva -pretend -dimension -staged -plateau -maya -##une -freestyle -##bc -rovers -hiv -##ids -tristan -classroom -prospect -##hus -honestly -diploma -lied -thermal -auxiliary -feast -unlikely -iata -##tel -morocco -pounding -treasury -lithuania -considerably -1841 -dish -1812 -geological -matching -stumbled -destroying -marched -brien -advances -cake -nicole -belle -settling -measuring -directing -##mie -tuesday -bassist -capabilities -stunned -fraud -torpedo -##list -##phone -anton -wisdom -surveillance -ruined -##ulate -lawsuit -healthcare -theorem -halls -trend -aka -horizontal -dozens -acquire -lasting -swim -hawk -gorgeous -fees -vicinity -decrease -adoption -tactics -##ography -pakistani -##ole -draws -##hall -willie -burke -heath -algorithm -integral -powder -elliott -brigadier -jackie -tate -varieties -darker -##cho -lately -cigarette -specimens -adds -##ree -##ensis -##inger -exploded -finalist -cia -murders -wilderness -arguments -nicknamed -acceptance -onwards -manufacture -robertson -jets -tampa -enterprises -blog -loudly -composers -nominations -1838 -ai -malta -inquiry -automobile -hosting -viii -rays -tilted -grief -museums -strategies -furious -euro -equality -cohen -poison -surrey -wireless -governed -ridiculous -moses -##esh -##room -vanished -##ito -barnes -attract -morrison -istanbul -##iness -absent -rotation -petition -janet -##logical -satisfaction -custody -deliberately -observatory -comedian -surfaces -pinyin -novelist -strictly -canterbury -oslo -monks -embrace -ibm -jealous -photograph -continent -dorothy -marina -doc -excess -holden -allegations -explaining -stack -avoiding -lance -storyline -majesty -poorly -spike -dos -bradford -raven -travis -classics -proven -voltage -pillow -fists -butt -1842 -interpreted -##car -1839 -gage -telegraph -lens -promising -expelled -casual -collector -zones -##min -silly -nintendo -##kh -##bra -downstairs -chef -suspicious -afl -flies -vacant -uganda -pregnancy -condemned -lutheran -estimates -cheap -decree -saxon -proximity -stripped -idiot -deposits -contrary -presenter -magnus -glacier -im -offense -edwin -##ori -upright -##long -bolt -##ois -toss -geographical -##izes -environments -delicate -marking -abstract -xavier -nails -windsor -plantation -occurring -equity -saskatchewan -fears -drifted -sequences -vegetation -revolt -##stic -1843 -sooner -fusion -opposing -nato -skating -1836 -secretly -ruin -lease -##oc -edit -##nne -flora -anxiety -ruby -##ological -##mia -tel -bout -taxi -emmy -frost -rainbow -compounds -foundations -rainfall -assassination -nightmare -dominican -##win -achievements -deserve -orlando -intact -armenia -##nte -calgary -valentine -106 -marion -proclaimed -theodore -bells -courtyard -thigh -gonzalez -console -troop -minimal -monte -everyday -##ence -##if -supporter -terrorism -buck -openly -presbyterian -activists -carpet -##iers -rubbing -uprising -##yi -cute -conceived -legally -##cht -millennium -cello -velocity -ji -rescued -cardiff -1835 -rex -concentrate -senators -beard -rendered -glowing -battalions -scouts -competitors -sculptor -catalogue -arctic -ion -raja -bicycle -wow -glancing -lawn -##woman -gentleman -lighthouse -publish -predicted -calculated -##val -variants -##gne -strain -##ui -winston -deceased -##nus -touchdowns -brady -caleb -sinking -echoed -crush -hon -blessed -protagonist -hayes -endangered -magnitude -editors -##tine -estimate -responsibilities -##mel -backup -laying -consumed -sealed -zurich -lovers -frustrated -##eau -ahmed -kicking -mit -treasurer -1832 -biblical -refuse -terrified -pump -agrees -genuine -imprisonment -refuses -plymouth -##hen -lou -##nen -tara -trembling -antarctic -ton -learns -##tas -crap -crucial -faction -atop -##borough -wrap -lancaster -odds -hopkins -erik -lyon -##eon -bros -##ode -snap -locality -tips -empress -crowned -cal -acclaimed -chuckled -##ory -clara -sends -mild -towel -##fl -##day -##а -wishing -assuming -interviewed -##bal -##die -interactions -eden -cups -helena -##lf -indie -beck -##fire -batteries -filipino -wizard -parted -##lam -traces -##born -rows -idol -albany -delegates -##ees -##sar -discussions -##ex -notre -instructed -belgrade -highways -suggestion -lauren -possess -orientation -alexandria -abdul -beats -salary -reunion -ludwig -alright -wagner -intimate -pockets -slovenia -hugged -brighton -merchants -cruel -stole -trek -slopes -repairs -enrollment -politically -underlying -promotional -counting -boeing -##bb -isabella -naming -##и -keen -bacteria -listing -separately -belfast -ussr -450 -lithuanian -anybody -ribs -sphere -martinez -cock -embarrassed -proposals -fragments -nationals -##fs -##wski -premises -fin -1500 -alpine -matched -freely -bounded -jace -sleeve -##af -gaming -pier -populated -evident -##like -frances -flooded -##dle -frightened -pour -trainer -framed -visitor -challenging -pig -wickets -##fold -infected -email -##pes -arose -##aw -reward -ecuador -oblast -vale -ch -shuttle -##usa -bach -rankings -forbidden -cornwall -accordance -salem -consumers -bruno -fantastic -toes -machinery -resolved -julius -remembering -propaganda -iceland -bombardment -tide -contacts -wives -##rah -concerto -macdonald -albania -implement -daisy -tapped -sudan -helmet -angela -mistress -##lic -crop -sunk -finest -##craft -hostile -##ute -##tsu -boxer -fr -paths -adjusted -habit -ballot -supervision -soprano -##zen -bullets -wicked -sunset -regiments -disappear -lamp -performs -app -##gia -##oa -rabbit -digging -incidents -entries -##cion -dishes -##oi -introducing -##ati -##fied -freshman -slot -jill -tackles -baroque -backs -##iest -lone -sponsor -destiny -altogether -convert -##aro -consensus -shapes -demonstration -basically -feminist -auction -artifacts -##bing -strongest -twitter -halifax -2019 -allmusic -mighty -smallest -precise -alexandra -viola -##los -##ille -manuscripts -##illo -dancers -ari -managers -monuments -blades -barracks -springfield -maiden -consolidated -electron -##end -berry -airing -wheat -nobel -inclusion -blair -payments -geography -bee -cc -eleanor -react -##hurst -afc -manitoba -##yu -su -lineup -fitness -recreational -investments -airborne -disappointment -##dis -edmonton -viewing -##row -renovation -##cast -infant -bankruptcy -roses -aftermath -pavilion -##yer -carpenter -withdrawal -ladder -##hy -discussing -popped -reliable -agreements -rochester -##abad -curves -bombers -220 -rao -reverend -decreased -choosing -107 -stiff -consulting -naples -crawford -tracy -ka -ribbon -cops -##lee -crushed -deciding -unified -teenager -accepting -flagship -explorer -poles -sanchez -inspection -revived -skilled -induced -exchanged -flee -locals -tragedy -swallow -loading -hanna -demonstrate -##ela -salvador -flown -contestants -civilization -##ines -wanna -rhodes -fletcher -hector -knocking -considers -##ough -nash -mechanisms -sensed -mentally -walt -unclear -##eus -renovated -madame -##cks -crews -governmental -##hin -undertaken -monkey -##ben -##ato -fatal -armored -copa -caves -governance -grasp -perception -certification -froze -damp -tugged -wyoming -##rg -##ero -newman -##lor -nerves -curiosity -graph -115 -##ami -withdraw -tunnels -dull -meredith -moss -exhibits -neighbors -communicate -accuracy -explored -raiders -republicans -secular -kat -superman -penny -criticised -##tch -freed -update -conviction -wade -ham -likewise -delegation -gotta -doll -promises -technological -myth -nationality -resolve -convent -##mark -sharon -dig -sip -coordinator -entrepreneur -fold -##dine -capability -councillor -synonym -blown -swan -cursed -1815 -jonas -haired -sofa -canvas -keeper -rivalry -##hart -rapper -speedway -swords -postal -maxwell -estonia -potter -recurring -##nn -##ave -errors -##oni -cognitive -1834 -##² -claws -nadu -roberto -bce -wrestler -ellie -##ations -infinite -ink -##tia -presumably -finite -staircase -108 -noel -patricia -nacional -##cation -chill -eternal -tu -preventing -prussia -fossil -limbs -##logist -ernst -frog -perez -rene -##ace -pizza -prussian -##ios -##vy -molecules -regulatory -answering -opinions -sworn -lengths -supposedly -hypothesis -upward -habitats -seating -ancestors -drank -yield -hd -synthesis -researcher -modest -##var -mothers -peered -voluntary -homeland -##the -acclaim -##igan -static -valve -luxembourg -alto -carroll -fe -receptor -norton -ambulance -##tian -johnston -catholics -depicting -jointly -elephant -gloria -mentor -badge -ahmad -distinguish -remarked -councils -precisely -allison -advancing -detection -crowded -##10 -cooperative -ankle -mercedes -dagger -surrendered -pollution -commit -subway -jeffrey -lesson -sculptures -provider -##fication -membrane -timothy -rectangular -fiscal -heating -teammate -basket -particle -anonymous -deployment -##ple -missiles -courthouse -proportion -shoe -sec -##ller -complaints -forbes -blacks -abandon -remind -sizes -overwhelming -autobiography -natalie -##awa -risks -contestant -countryside -babies -scorer -invaded -enclosed -proceed -hurling -disorders -##cu -reflecting -continuously -cruiser -graduates -freeway -investigated -ore -deserved -maid -blocking -phillip -jorge -shakes -dove -mann -variables -lacked -burden -accompanying -que -consistently -organizing -provisional -complained -endless -##rm -tubes -juice -georges -krishna -mick -labels -thriller -##uch -laps -arcade -sage -snail -##table -shannon -fi -laurence -seoul -vacation -presenting -hire -churchill -surprisingly -prohibited -savannah -technically -##oli -170 -##lessly -testimony -suited -speeds -toys -romans -mlb -flowering -measurement -talented -kay -settings -charleston -expectations -shattered -achieving -triumph -ceremonies -portsmouth -lanes -mandatory -loser -stretching -cologne -realizes -seventy -cornell -careers -webb -##ulating -americas -budapest -ava -suspicion -##ison -yo -conrad -##hai -sterling -jessie -rector -##az -1831 -transform -organize -loans -christine -volcanic -warrant -slender -summers -subfamily -newer -danced -dynamics -rhine -proceeds -heinrich -gastropod -commands -sings -facilitate -easter -ra -positioned -responses -expense -fruits -yanked -imported -25th -velvet -vic -primitive -tribune -baldwin -neighbourhood -donna -rip -hay -pr -##uro -1814 -espn -welcomed -##aria -qualifier -glare -highland -timing -##cted -shells -eased -geometry -louder -exciting -slovakia -##sion -##iz -##lot -savings -prairie -##ques -marching -rafael -tonnes -##lled -curtain -preceding -shy -heal -greene -worthy -##pot -detachment -bury -sherman -##eck -reinforced -seeks -bottles -contracted -duchess -outfit -walsh -##sc -mickey -##ase -geoffrey -archer -squeeze -dawson -eliminate -invention -##enberg -neal -##eth -stance -dealer -coral -maple -retire -polo -simplified -##ht -1833 -hid -watts -backwards -jules -##oke -genesis -mt -frames -rebounds -burma -woodland -moist -santos -whispers -drained -subspecies -##aa -streaming -ulster -burnt -correspondence -maternal -gerard -denis -stealing -##load -genius -duchy -##oria -inaugurated -momentum -suits -placement -sovereign -clause -thames -##hara -confederation -reservation -sketch -yankees -lets -rotten -charm -hal -verses -ultra -commercially -dot -salon -citation -adopt -winnipeg -mist -allocated -cairo -##boy -jenkins -interference -objectives -##wind -1820 -portfolio -armoured -sectors -##eh -initiatives -##world -integrity -exercises -robe -tap -ab -gazed -##tones -distracted -rulers -111 -favorable -jerome -tended -cart -factories -##eri -diplomat -valued -gravel -charitable -##try -calvin -exploring -chang -shepherd -terrace -pdf -pupil -##ural -reflects -ups -##rch -governors -shelf -depths -##nberg -trailed -crest -tackle -##nian -##ats -hatred -##kai -clare -makers -ethiopia -longtime -detected -embedded -lacking -slapped -rely -thomson -anticipation -iso -morton -successive -agnes -screenwriter -straightened -philippe -playwright -haunted -licence -iris -intentions -sutton -112 -logical -correctly -##weight -branded -licked -tipped -silva -ricky -narrator -requests -##ents -greeted -supernatural -cow -##wald -lung -refusing -employer -strait -gaelic -liner -##piece -zoe -sabha -##mba -driveway -harvest -prints -bates -reluctantly -threshold -algebra -ira -wherever -coupled -240 -assumption -picks -##air -designers -raids -gentlemen -##ean -roller -blowing -leipzig -locks -screw -dressing -strand -##lings -scar -dwarf -depicts -##nu -nods -##mine -differ -boris -##eur -yuan -flip -##gie -mob -invested -questioning -applying -##ture -shout -##sel -gameplay -blamed -illustrations -bothered -weakness -rehabilitation -##of -##zes -envelope -rumors -miners -leicester -subtle -kerry -##ico -ferguson -##fu -premiership -ne -##cat -bengali -prof -catches -remnants -dana -##rily -shouting -presidents -baltic -ought -ghosts -dances -sailors -shirley -fancy -dominic -##bie -madonna -##rick -bark -buttons -gymnasium -ashes -liver -toby -oath -providence -doyle -evangelical -nixon -cement -carnegie -embarked -hatch -surroundings -guarantee -needing -pirate -essence -##bee -filter -crane -hammond -projected -immune -percy -twelfth -##ult -regent -doctoral -damon -mikhail -##ichi -lu -critically -elect -realised -abortion -acute -screening -mythology -steadily -##fc -frown -nottingham -kirk -wa -minneapolis -##rra -module -algeria -mc -nautical -encounters -surprising -statues -availability -shirts -pie -alma -brows -munster -mack -soup -crater -tornado -sanskrit -cedar -explosive -bordered -dixon -planets -stamp -exam -happily -##bble -carriers -kidnapped -##vis -accommodation -emigrated -##met -knockout -correspondent -violation -profits -peaks -lang -specimen -agenda -ancestry -pottery -spelling -equations -obtaining -ki -linking -1825 -debris -asylum -##20 -buddhism -teddy -##ants -gazette -##nger -##sse -dental -eligibility -utc -fathers -averaged -zimbabwe -francesco -coloured -hissed -translator -lynch -mandate -humanities -mackenzie -uniforms -lin -##iana -##gio -asset -mhz -fitting -samantha -genera -wei -rim -beloved -shark -riot -entities -expressions -indo -carmen -slipping -owing -abbot -neighbor -sidney -##av -rats -recommendations -encouraging -squadrons -anticipated -commanders -conquered -##oto -donations -diagnosed -##mond -divide -##iva -guessed -decoration -vernon -auditorium -revelation -conversations -##kers -##power -herzegovina -dash -alike -protested -lateral -herman -accredited -mg -##gent -freeman -mel -fiji -crow -crimson -##rine -livestock -##pped -humanitarian -bored -oz -whip -##lene -##ali -legitimate -alter -grinning -spelled -anxious -oriental -wesley -##nin -##hole -carnival -controller -detect -##ssa -bowed -educator -kosovo -macedonia -##sin -occupy -mastering -stephanie -janeiro -para -unaware -nurses -noon -135 -cam -hopefully -ranger -combine -sociology -polar -rica -##eer -neill -##sman -holocaust -##ip -doubled -lust -1828 -109 -decent -cooling -unveiled -##card -1829 -nsw -homer -chapman -meyer -##gin -dive -mae -reagan -expertise -##gled -darwin -brooke -sided -prosecution -investigating -comprised -petroleum -genres -reluctant -differently -trilogy -johns -vegetables -corpse -highlighted -lounge -pension -unsuccessfully -elegant -aided -ivory -beatles -amelia -cain -dubai -sunny -immigrant -babe -click -##nder -underwater -pepper -combining -mumbled -atlas -horns -accessed -ballad -physicians -homeless -gestured -rpm -freak -louisville -corporations -patriots -prizes -rational -warn -modes -decorative -overnight -din -troubled -phantom -##ort -monarch -sheer -##dorf -generals -guidelines -organs -addresses -##zon -enhance -curling -parishes -cord -##kie -linux -caesar -deutsche -bavaria -##bia -coleman -cyclone -##eria -bacon -petty -##yama -##old -hampton -diagnosis -1824 -throws -complexity -rita -disputed -##₃ -pablo -##sch -marketed -trafficking -##ulus -examine -plague -formats -##oh -vault -faithful -##bourne -webster -##ox -highlights -##ient -##ann -phones -vacuum -sandwich -modeling -##gated -bolivia -clergy -qualities -isabel -##nas -##ars -wears -screams -reunited -annoyed -bra -##ancy -##rate -differential -transmitter -tattoo -container -poker -##och -excessive -resides -cowboys -##tum -augustus -trash -providers -statute -retreated -balcony -reversed -void -storey -preceded -masses -leap -laughs -neighborhoods -wards -schemes -falcon -santo -battlefield -pad -ronnie -thread -lesbian -venus -##dian -beg -sandstone -daylight -punched -gwen -analog -stroked -wwe -acceptable -measurements -dec -toxic -##kel -adequate -surgical -economist -parameters -varsity -##sberg -quantity -ella -##chy -##rton -countess -generating -precision -diamonds -expressway -ga -##ı -1821 -uruguay -talents -galleries -expenses -scanned -colleague -outlets -ryder -lucien -##ila -paramount -##bon -syracuse -dim -fangs -gown -sweep -##sie -toyota -missionaries -websites -##nsis -sentences -adviser -val -trademark -spells -##plane -patience -starter -slim -##borg -toe -incredibly -shoots -elliot -nobility -##wyn -cowboy -endorsed -gardner -tendency -persuaded -organisms -emissions -kazakhstan -amused -boring -chips -themed -##hand -llc -constantinople -chasing -systematic -guatemala -borrowed -erin -carey -##hard -highlands -struggles -1810 -##ifying -##ced -wong -exceptions -develops -enlarged -kindergarten -castro -##ern -##rina -leigh -zombie -juvenile -##most -consul -##nar -sailor -hyde -clarence -intensive -pinned -nasty -useless -jung -clayton -stuffed -exceptional -ix -apostolic -230 -transactions -##dge -exempt -swinging -cove -religions -##ash -shields -dairy -bypass -190 -pursuing -bug -joyce -bombay -chassis -southampton -chat -interact -redesignated -##pen -nascar -pray -salmon -rigid -regained -malaysian -grim -publicity -constituted -capturing -toilet -delegate -purely -tray -drift -loosely -striker -weakened -trinidad -mitch -itv -defines -transmitted -ming -scarlet -nodding -fitzgerald -fu -narrowly -sp -tooth -standings -virtue -##₁ -##wara -##cting -chateau -gloves -lid -##nel -hurting -conservatory -##pel -sinclair -reopened -sympathy -nigerian -strode -advocated -optional -chronic -discharge -##rc -suck -compatible -laurel -stella -shi -fails -wage -dodge -128 -informal -sorts -levi -buddha -villagers -##aka -chronicles -heavier -summoned -gateway -3000 -eleventh -jewelry -translations -accordingly -seas -##ency -fiber -pyramid -cubic -dragging -##ista -caring -##ops -android -contacted -lunar -##dt -kai -lisbon -patted -1826 -sacramento -theft -madagascar -subtropical -disputes -ta -holidays -piper -willow -mare -cane -itunes -newfoundland -benny -companions -dong -raj -observe -roar -charming -plaque -tibetan -fossils -enacted -manning -bubble -tina -tanzania -##eda -##hir -funk -swamp -deputies -cloak -ufc -scenario -par -scratch -metals -anthem -guru -engaging -specially -##boat -dialects -nineteen -cecil -duet -disability -messenger -unofficial -##lies -defunct -eds -moonlight -drainage -surname -puzzle -honda -switching -conservatives -mammals -knox -broadcaster -sidewalk -cope -##ried -benson -princes -peterson -##sal -bedford -sharks -eli -wreck -alberto -gasp -archaeology -lgbt -teaches -securities -madness -compromise -waving -coordination -davidson -visions -leased -possibilities -eighty -jun -fernandez -enthusiasm -assassin -sponsorship -reviewer -kingdoms -estonian -laboratories -##fy -##nal -applies -verb -celebrations -##zzo -rowing -lightweight -sadness -submit -mvp -balanced -dude -##vas -explicitly -metric -magnificent -mound -brett -mohammad -mistakes -irregular -##hing -##ass -sanders -betrayed -shipped -surge -##enburg -reporters -termed -georg -pity -verbal -bulls -abbreviated -enabling -appealed -##are -##atic -sicily -sting -heel -sweetheart -bart -spacecraft -brutal -monarchy -##tter -aberdeen -cameo -diane -##ub -survivor -clyde -##aries -complaint -##makers -clarinet -delicious -chilean -karnataka -coordinates -1818 -panties -##rst -pretending -ar -dramatically -kiev -bella -tends -distances -113 -catalog -launching -instances -telecommunications -portable -lindsay -vatican -##eim -angles -aliens -marker -stint -screens -bolton -##rne -judy -wool -benedict -plasma -europa -spark -imaging -filmmaker -swiftly -##een -contributor -##nor -opted -stamps -apologize -financing -butter -gideon -sophisticated -alignment -avery -chemicals -yearly -speculation -prominence -professionally -##ils -immortal -institutional -inception -wrists -identifying -tribunal -derives -gains -##wo -papal -preference -linguistic -vince -operative -brewery -##ont -unemployment -boyd -##ured -##outs -albeit -prophet -1813 -bi -##rr -##face -##rad -quarterly -asteroid -cleaned -radius -temper -##llen -telugu -jerk -viscount -menu -##ote -glimpse -##aya -yacht -hawaiian -baden -##rl -laptop -readily -##gu -monetary -offshore -scots -watches -##yang -##arian -upgrade -needle -xbox -lea -encyclopedia -flank -fingertips -##pus -delight -teachings -confirm -roth -beaches -midway -winters -##iah -teasing -daytime -beverly -gambling -bonnie -##backs -regulated -clement -hermann -tricks -knot -##shing -##uring -##vre -detached -ecological -owed -specialty -byron -inventor -bats -stays -screened -unesco -midland -trim -affection -##ander -##rry -jess -thoroughly -feedback -##uma -chennai -strained -heartbeat -wrapping -overtime -pleaded -##sworth -mon -leisure -oclc -##tate -##ele -feathers -angelo -thirds -nuts -surveys -clever -gill -commentator -##dos -darren -rides -gibraltar -##nc -##mu -dissolution -dedication -shin -meals -saddle -elvis -reds -chaired -taller -appreciation -functioning -niece -favored -advocacy -robbie -criminals -suffolk -yugoslav -passport -constable -congressman -hastings -vera -##rov -consecrated -sparks -ecclesiastical -confined -##ovich -muller -floyd -nora -1822 -paved -1827 -cumberland -ned -saga -spiral -##flow -appreciated -yi -collaborative -treating -similarities -feminine -finishes -##ib -jade -import -##nse -##hot -champagne -mice -securing -celebrities -helsinki -attributes -##gos -cousins -phases -ache -lucia -gandhi -submission -vicar -spear -shine -tasmania -biting -detention -constitute -tighter -seasonal -##gus -terrestrial -matthews -##oka -effectiveness -parody -philharmonic -##onic -1816 -strangers -encoded -consortium -guaranteed -regards -shifts -tortured -collision -supervisor -inform -broader -insight -theaters -armour -emeritus -blink -incorporates -mapping -##50 -##ein -handball -flexible -##nta -substantially -generous -thief -##own -carr -loses -1793 -prose -ucla -romeo -generic -metallic -realization -damages -mk -commissioners -zach -default -##ther -helicopters -lengthy -stems -spa -partnered -spectators -rogue -indication -penalties -teresa -1801 -sen -##tric -dalton -##wich -irving -photographic -##vey -dell -deaf -peters -excluded -unsure -##vable -patterson -crawled -##zio -resided -whipped -latvia -slower -ecole -pipes -employers -maharashtra -comparable -va -textile -pageant -##gel -alphabet -binary -irrigation -chartered -choked -antoine -offs -waking -supplement -##wen -quantities -demolition -regain -locate -urdu -folks -alt -114 -##mc -scary -andreas -whites -##ava -classrooms -mw -aesthetic -publishes -valleys -guides -cubs -johannes -bryant -conventions -affecting -##itt -drain -awesome -isolation -prosecutor -ambitious -apology -captive -downs -atmospheric -lorenzo -aisle -beef -foul -##onia -kidding -composite -disturbed -illusion -natives -##ffer -emi -rockets -riverside -wartime -painters -adolf -melted -##ail -uncertainty -simulation -hawks -progressed -meantime -builder -spray -breach -unhappy -regina -russians -##urg -determining -##tation -tram -1806 -##quin -aging -##12 -1823 -garion -rented -mister -diaz -terminated -clip -1817 -depend -nervously -disco -owe -defenders -shiva -notorious -disbelief -shiny -worcester -##gation -##yr -trailing -undertook -islander -belarus -limitations -watershed -fuller -overlooking -utilized -raphael -1819 -synthetic -breakdown -klein -##nate -moaned -memoir -lamb -practicing -##erly -cellular -arrows -exotic -##graphy -witches -117 -charted -rey -hut -hierarchy -subdivision -freshwater -giuseppe -aloud -reyes -qatar -marty -sideways -utterly -sexually -jude -prayers -mccarthy -softball -blend -damien -##gging -##metric -wholly -erupted -lebanese -negro -revenues -tasted -comparative -teamed -transaction -labeled -maori -sovereignty -parkway -trauma -gran -malay -121 -advancement -descendant -2020 -buzz -salvation -inventory -symbolic -##making -antarctica -mps -##gas -##bro -mohammed -myanmar -holt -submarines -tones -##lman -locker -patriarch -bangkok -emerson -remarks -predators -kin -afghan -confession -norwich -rental -emerge -advantages -##zel -rca -##hold -shortened -storms -aidan -##matic -autonomy -compliance -##quet -dudley -atp -##osis -1803 -motto -documentation -summary -professors -spectacular -christina -archdiocese -flashing -innocence -remake -##dell -psychic -reef -scare -employ -rs -sticks -meg -gus -leans -##ude -accompany -bergen -tomas -##iko -doom -wages -pools -##nch -##bes -breasts -scholarly -alison -outline -brittany -breakthrough -willis -realistic -##cut -##boro -competitor -##stan -pike -picnic -icon -designing -commercials -washing -villain -skiing -micro -costumes -auburn -halted -executives -##hat -logistics -cycles -vowel -applicable -barrett -exclaimed -eurovision -eternity -ramon -##umi -##lls -modifications -sweeping -disgust -##uck -torch -aviv -ensuring -rude -dusty -sonic -donovan -outskirts -cu -pathway -##band -##gun -##lines -disciplines -acids -cadet -paired -##40 -sketches -##sive -marriages -##⁺ -folding -peers -slovak -implies -admired -##beck -1880s -leopold -instinct -attained -weston -megan -horace -##ination -dorsal -ingredients -evolutionary -##its -complications -deity -lethal -brushing -levy -deserted -institutes -posthumously -delivering -telescope -coronation -motivated -rapids -luc -flicked -pays -volcano -tanner -weighed -##nica -crowds -frankie -gifted -addressing -granddaughter -winding -##rna -constantine -gomez -##front -landscapes -rudolf -anthropology -slate -werewolf -##lio -astronomy -circa -rouge -dreaming -sack -knelt -drowned -naomi -prolific -tracked -freezing -herb -##dium -agony -randall -twisting -wendy -deposit -touches -vein -wheeler -##bbled -##bor -batted -retaining -tire -presently -compare -specification -daemon -nigel -##grave -merry -recommendation -czechoslovakia -sandra -ng -roma -##sts -lambert -inheritance -sheikh -winchester -cries -examining -##yle -comeback -cuisine -nave -##iv -ko -retrieve -tomatoes -barker -polished -defining -irene -lantern -personalities -begging -tract -swore -1809 -175 -##gic -omaha -brotherhood -##rley -haiti -##ots -exeter -##ete -##zia -steele -dumb -pearson -210 -surveyed -elisabeth -trends -##ef -fritz -##rf -premium -bugs -fraction -calmly -viking -##birds -tug -inserted -unusually -##ield -confronted -distress -crashing -brent -turks -resign -##olo -cambodia -gabe -sauce -##kal -evelyn -116 -extant -clusters -quarry -teenagers -luna -##lers -##ister -affiliation -drill -##ashi -panthers -scenic -libya -anita -strengthen -inscriptions -##cated -lace -sued -judith -riots -##uted -mint -##eta -preparations -midst -dub -challenger -##vich -mock -cf -displaced -wicket -breaths -enables -schmidt -analyst -##lum -ag -highlight -automotive -axe -josef -newark -sufficiently -resembles -50th -##pal -flushed -mum -traits -##ante -commodore -incomplete -warming -titular -ceremonial -ethical -118 -celebrating -eighteenth -cao -lima -medalist -mobility -strips -snakes -##city -miniature -zagreb -barton -escapes -umbrella -automated -doubted -differs -cooled -georgetown -dresden -cooked -fade -wyatt -rna -jacobs -carlton -abundant -stereo -boost -madras -inning -##hia -spur -ip -malayalam -begged -osaka -groan -escaping -charging -dose -vista -##aj -bud -papa -communists -advocates -edged -tri -##cent -resemble -peaking -necklace -fried -montenegro -saxony -goose -glances -stuttgart -curator -recruit -grocery -sympathetic -##tting -##fort -127 -lotus -randolph -ancestor -##rand -succeeding -jupiter -1798 -macedonian -##heads -hiking -1808 -handing -fischer -##itive -garbage -node -##pies -prone -singular -papua -inclined -attractions -italia -pouring -motioned -grandma -garnered -jacksonville -corp -ego -ringing -aluminum -##hausen -ordering -##foot -drawer -traders -synagogue -##play -##kawa -resistant -wandering -fragile -fiona -teased -var -hardcore -soaked -jubilee -decisive -exposition -mercer -poster -valencia -hale -kuwait -1811 -##ises -##wr -##eed -tavern -gamma -122 -johan -##uer -airways -amino -gil -##ury -vocational -domains -torres -##sp -generator -folklore -outcomes -##keeper -canberra -shooter -fl -beams -confrontation -##lling -##gram -feb -aligned -forestry -pipeline -jax -motorway -conception -decay -##tos -coffin -##cott -stalin -1805 -escorted -minded -##nam -sitcom -purchasing -twilight -veronica -additions -passive -tensions -straw -123 -frequencies -1804 -refugee -cultivation -##iate -christie -clary -bulletin -crept -disposal -##rich -##zong -processor -crescent -##rol -bmw -emphasized -whale -nazis -aurora -##eng -dwelling -hauled -sponsors -toledo -mega -ideology -theatres -tessa -cerambycidae -saves -turtle -cone -suspects -kara -rusty -yelling -greeks -mozart -shades -cocked -participant -##tro -shire -spit -freeze -necessity -##cos -inmates -nielsen -councillors -loaned -uncommon -omar -peasants -botanical -offspring -daniels -formations -jokes -1794 -pioneers -sigma -licensing -##sus -wheelchair -polite -1807 -liquor -pratt -trustee -##uta -forewings -balloon -##zz -kilometre -camping -explicit -casually -shawn -foolish -teammates -nm -hassan -carrie -judged -satisfy -vanessa -knives -selective -cnn -flowed -##lice -eclipse -stressed -eliza -mathematician -cease -cultivated -##roy -commissions -browns -##ania -destroyers -sheridan -meadow -##rius -minerals -##cial -downstream -clash -gram -memoirs -ventures -baha -seymour -archie -midlands -edith -fare -flynn -invite -canceled -tiles -stabbed -boulder -incorporate -amended -camden -facial -mollusk -unreleased -descriptions -yoga -grabs -550 -raises -ramp -shiver -##rose -coined -pioneering -tunes -qing -warwick -tops -119 -melanie -giles -##rous -wandered -##inal -annexed -nov -30th -unnamed -##ished -organizational -airplane -normandy -stoke -whistle -blessing -violations -chased -holders -shotgun -##ctic -outlet -reactor -##vik -tires -tearing -shores -fortified -mascot -constituencies -nc -columnist -productive -tibet -##rta -lineage -hooked -oct -tapes -judging -cody -##gger -hansen -kashmir -triggered -##eva -solved -cliffs -##tree -resisted -anatomy -protesters -transparent -implied -##iga -injection -mattress -excluding -##mbo -defenses -helpless -devotion -##elli -growl -liberals -weber -phenomena -atoms -plug -##iff -mortality -apprentice -howe -convincing -aaa -swimmer -barber -leone -promptly -sodium -def -nowadays -arise -##oning -gloucester -corrected -dignity -norm -erie -##ders -elders -evacuated -sylvia -compression -##yar -hartford -pose -backpack -reasoning -accepts -24th -wipe -millimetres -marcel -##oda -dodgers -albion -1790 -overwhelmed -aerospace -oaks -1795 -showcase -acknowledge -recovering -nolan -ashe -hurts -geology -fashioned -disappearance -farewell -swollen -shrug -marquis -wimbledon -124 -rue -1792 -commemorate -reduces -experiencing -inevitable -calcutta -intel -##court -murderer -sticking -fisheries -imagery -bloom -280 -brake -##inus -gustav -hesitation -memorable -po -viral -beans -accidents -tunisia -antenna -spilled -consort -treatments -aye -perimeter -##gard -donation -hostage -migrated -banker -addiction -apex -lil -trout -##ously -conscience -##nova -rams -sands -genome -passionate -troubles -##lets -##set -amid -##ibility -##ret -higgins -exceed -vikings -##vie -payne -##zan -muscular -##ste -defendant -sucking -##wal -ibrahim -fuselage -claudia -vfl -europeans -snails -interval -##garh -preparatory -statewide -tasked -lacrosse -viktor -##lation -angola -##hra -flint -implications -employs -teens -patrons -stall -weekends -barriers -scrambled -nucleus -tehran -jenna -parsons -lifelong -robots -displacement -5000 -##bles -precipitation -##gt -knuckles -clutched -1802 -marrying -ecology -marx -accusations -declare -scars -kolkata -mat -meadows -bermuda -skeleton -finalists -vintage -crawl -coordinate -affects -subjected -orchestral -mistaken -##tc -mirrors -dipped -relied -260 -arches -candle -##nick -incorporating -wildly -fond -basilica -owl -fringe -rituals -whispering -stirred -feud -tertiary -slick -goat -honorable -whereby -skip -ricardo -stripes -parachute -adjoining -submerged -synthesizer -##gren -intend -positively -ninety -phi -beaver -partition -fellows -alexis -prohibition -carlisle -bizarre -fraternity -##bre -doubts -icy -cbc -aquatic -sneak -sonny -combines -airports -crude -supervised -spatial -merge -alfonso -##bic -corrupt -scan -undergo -##ams -disabilities -colombian -comparing -dolphins -perkins -##lish -reprinted -unanimous -bounced -hairs -underworld -midwest -semester -bucket -paperback -miniseries -coventry -demise -##leigh -demonstrations -sensor -rotating -yan -##hler -arrange -soils -##idge -hyderabad -labs -##dr -brakes -grandchildren -##nde -negotiated -rover -ferrari -continuation -directorate -augusta -stevenson -counterpart -gore -##rda -nursery -rican -ave -collectively -broadly -pastoral -repertoire -asserted -discovering -nordic -styled -fiba -cunningham -harley -middlesex -survives -tumor -tempo -zack -aiming -lok -urgent -##rade -##nto -devils -##ement -contractor -turin -##wl -##ool -bliss -repaired -simmons -moan -astronomical -cr -negotiate -lyric -1890s -lara -bred -clad -angus -pbs -##ience -engineered -posed -##lk -hernandez -possessions -elbows -psychiatric -strokes -confluence -electorate -lifts -campuses -lava -alps -##ep -##ution -##date -physicist -woody -##page -##ographic -##itis -juliet -reformation -sparhawk -320 -complement -suppressed -jewel -##½ -floated -##kas -continuity -sadly -##ische -inability -melting -scanning -paula -flour -judaism -safer -vague -##lm -solving -curb -##stown -financially -gable -bees -expired -miserable -cassidy -dominion -1789 -cupped -145 -robbery -facto -amos -warden -resume -tallest -marvin -ing -pounded -usd -declaring -gasoline -##aux -darkened -270 -650 -sophomore -##mere -erection -gossip -televised -risen -dial -##eu -pillars -##link -passages -profound -##tina -arabian -ashton -silicon -nail -##ead -##lated -##wer -##hardt -fleming -firearms -ducked -circuits -blows -waterloo -titans -##lina -atom -fireplace -cheshire -financed -activation -algorithms -##zzi -constituent -catcher -cherokee -partnerships -sexuality -platoon -tragic -vivian -guarded -whiskey -meditation -poetic -##late -##nga -##ake -porto -listeners -dominance -kendra -mona -chandler -factions -22nd -salisbury -attitudes -derivative -##ido -##haus -intake -paced -javier -illustrator -barrels -bias -cockpit -burnett -dreamed -ensuing -##anda -receptors -someday -hawkins -mattered -##lal -slavic -1799 -jesuit -cameroon -wasted -tai -wax -lowering -victorious -freaking -outright -hancock -librarian -sensing -bald -calcium -myers -tablet -announcing -barack -shipyard -pharmaceutical -##uan -greenwich -flush -medley -patches -wolfgang -pt -speeches -acquiring -exams -nikolai -##gg -hayden -kannada -##type -reilly -##pt -waitress -abdomen -devastated -capped -pseudonym -pharmacy -fulfill -paraguay -1796 -clicked -##trom -archipelago -syndicated -##hman -lumber -orgasm -rejection -clifford -lorraine -advent -mafia -rodney -brock -##ght -##used -##elia -cassette -chamberlain -despair -mongolia -sensors -developmental -upstream -##eg -##alis -spanning -165 -trombone -basque -seeded -interred -renewable -rhys -leapt -revision -molecule -##ages -chord -vicious -nord -shivered -23rd -arlington -debts -corpus -sunrise -bays -blackburn -centimetres -##uded -shuddered -gm -strangely -gripping -cartoons -isabelle -orbital -##ppa -seals -proving -##lton -refusal -strengthened -bust -assisting -baghdad -batsman -portrayal -mara -pushes -spears -og -##cock -reside -nathaniel -brennan -1776 -confirmation -caucus -##worthy -markings -yemen -nobles -ku -lazy -viewer -catalan -encompasses -sawyer -##fall -sparked -substances -patents -braves -arranger -evacuation -sergio -persuade -dover -tolerance -penguin -cum -jockey -insufficient -townships -occupying -declining -plural -processed -projection -puppet -flanders -introduces -liability -##yon -gymnastics -antwerp -taipei -hobart -candles -jeep -wes -observers -126 -chaplain -bundle -glorious -##hine -hazel -flung -sol -excavations -dumped -stares -sh -bangalore -triangular -icelandic -intervals -expressing -turbine -##vers -songwriting -crafts -##igo -jasmine -ditch -rite -##ways -entertaining -comply -sorrow -wrestlers -basel -emirates -marian -rivera -helpful -##some -caution -downward -networking -##atory -##tered -darted -genocide -emergence -replies -specializing -spokesman -convenient -unlocked -fading -augustine -concentrations -resemblance -elijah -investigator -andhra -##uda -promotes -bean -##rrell -fleeing -wan -simone -announcer -##ame -##bby -lydia -weaver -132 -residency -modification -##fest -stretches -##ast -alternatively -nat -lowe -lacks -##ented -pam -tile -concealed -inferior -abdullah -residences -tissues -vengeance -##ided -moisture -peculiar -groove -zip -bologna -jennings -ninja -oversaw -zombies -pumping -batch -livingston -emerald -installations -1797 -peel -nitrogen -rama -##fying -##star -schooling -strands -responding -werner -##ost -lime -casa -accurately -targeting -##rod -underway -##uru -hemisphere -lester -##yard -occupies -2d -griffith -angrily -reorganized -##owing -courtney -deposited -##dd -##30 -estadio -##ifies -dunn -exiled -##ying -checks -##combe -##о -##fly -successes -unexpectedly -blu -assessed -##flower -##ه -observing -sacked -spiders -kn -##tail -mu -nodes -prosperity -audrey -divisional -155 -broncos -tangled -adjust -feeds -erosion -paolo -surf -directory -snatched -humid -admiralty -screwed -gt -reddish -##nese -modules -trench -lamps -bind -leah -bucks -competes -##nz -##form -transcription -##uc -isles -violently -clutching -pga -cyclist -inflation -flats -ragged -unnecessary -##hian -stubborn -coordinated -harriet -baba -disqualified -330 -insect -wolfe -##fies -reinforcements -rocked -duel -winked -embraced -bricks -##raj -hiatus -defeats -pending -brightly -jealousy -##xton -##hm -##uki -lena -gdp -colorful -##dley -stein -kidney -##shu -underwear -wanderers -##haw -##icus -guardians -m³ -roared -habits -##wise -permits -gp -uranium -punished -disguise -bundesliga -elise -dundee -erotic -partisan -pi -collectors -float -individually -rendering -behavioral -bucharest -ser -hare -valerie -corporal -nutrition -proportional -##isa -immense -##kis -pavement -##zie -##eld -sutherland -crouched -1775 -##lp -suzuki -trades -endurance -operas -crosby -prayed -priory -rory -socially -##urn -gujarat -##pu -walton -cube -pasha -privilege -lennon -floods -thorne -waterfall -nipple -scouting -approve -##lov -minorities -voter -dwight -extensions -assure -ballroom -slap -dripping -privileges -rejoined -confessed -demonstrating -patriotic -yell -investor -##uth -pagan -slumped -squares -##cle -##kins -confront -bert -embarrassment -##aid -aston -urging -sweater -starr -yuri -brains -williamson -commuter -mortar -structured -selfish -exports -##jon -cds -##him -unfinished -##rre -mortgage -destinations -##nagar -canoe -solitary -buchanan -delays -magistrate -fk -##pling -motivation -##lier -##vier -recruiting -assess -##mouth -malik -antique -1791 -pius -rahman -reich -tub -zhou -smashed -airs -galway -xii -conditioning -honduras -discharged -dexter -##pf -lionel -129 -debates -lemon -tiffany -volunteered -dom -dioxide -procession -devi -sic -tremendous -advertisements -colts -transferring -verdict -hanover -decommissioned -utter -relate -pac -racism -##top -beacon -limp -similarity -terra -occurrence -ant -##how -becky -capt -updates -armament -richie -pal -##graph -halloween -mayo -##ssen -##bone -cara -serena -fcc -dolls -obligations -##dling -violated -lafayette -jakarta -exploitation -##ime -infamous -iconic -##lah -##park -kitty -moody -reginald -dread -spill -crystals -olivier -modeled -bluff -equilibrium -separating -notices -ordnance -extinction -onset -cosmic -attachment -sammy -expose -privy -anchored -##bil -abbott -admits -bending -baritone -emmanuel -policeman -vaughan -winged -climax -dresses -denny -polytechnic -mohamed -burmese -authentic -nikki -genetics -grandparents -homestead -gaza -postponed -metacritic -una -##sby -##bat -unstable -dissertation -##rial -##cian -curls -obscure -uncovered -bronx -praying -disappearing -##hoe -prehistoric -coke -turret -mutations -nonprofit -pits -monaco -##ي -##usion -prominently -dispatched -podium -##mir -uci -##uation -133 -fortifications -birthplace -kendall -##lby -##oll -preacher -rack -goodman -##rman -persistent -##ott -countless -jaime -recorder -lexington -persecution -jumps -renewal -wagons -##11 -crushing -##holder -decorations -##lake -abundance -wrath -laundry -£1 -garde -##rp -jeanne -beetles -peasant -##sl -splitting -caste -sergei -##rer -##ema -scripts -##ively -rub -satellites -##vor -inscribed -verlag -scrapped -gale -packages -chick -potato -slogan -kathleen -arabs -##culture -counterparts -reminiscent -choral -##tead -rand -retains -bushes -dane -accomplish -courtesy -closes -##oth -slaughter -hague -krakow -lawson -tailed -elias -ginger -##ttes -canopy -betrayal -rebuilding -turf -##hof -frowning -allegiance -brigades -kicks -rebuild -polls -alias -nationalism -td -rowan -audition -bowie -fortunately -recognizes -harp -dillon -horrified -##oro -renault -##tics -ropes -##α -presumed -rewarded -infrared -wiping -accelerated -illustration -##rid -presses -practitioners -badminton -##iard -detained -##tera -recognizing -relates -misery -##sies -##tly -reproduction -piercing -potatoes -thornton -esther -manners -hbo -##aan -ours -bullshit -ernie -perennial -sensitivity -illuminated -rupert -##jin -##iss -##ear -rfc -nassau -##dock -staggered -socialism -##haven -appointments -nonsense -prestige -sharma -haul -##tical -solidarity -gps -##ook -##rata -igor -pedestrian -##uit -baxter -tenants -wires -medication -unlimited -guiding -impacts -diabetes -##rama -sasha -pas -clive -extraction -131 -continually -constraints -##bilities -sonata -hunted -sixteenth -chu -planting -quote -mayer -pretended -abs -spat -##hua -ceramic -##cci -curtains -pigs -pitching -##dad -latvian -sore -dayton -##sted -##qi -patrols -slice -playground -##nted -shone -stool -apparatus -inadequate -mates -treason -##ija -desires -##liga -##croft -somalia -laurent -mir -leonardo -oracle -grape -obliged -chevrolet -thirteenth -stunning -enthusiastic -##ede -accounted -concludes -currents -basil -##kovic -drought -##rica -mai -##aire -shove -posting -##shed -pilgrimage -humorous -packing -fry -pencil -wines -smells -144 -marilyn -aching -newest -clung -bon -neighbours -sanctioned -##pie -mug -##stock -drowning -##mma -hydraulic -##vil -hiring -reminder -lilly -investigators -##ncies -sour -##eous -compulsory -packet -##rion -##graphic -##elle -cannes -##inate -depressed -##rit -heroic -importantly -theresa -##tled -conway -saturn -marginal -rae -##xia -corresponds -royce -pact -jasper -explosives -packaging -aluminium -##ttered -denotes -rhythmic -spans -assignments -hereditary -outlined -originating -sundays -lad -reissued -greeting -beatrice -##dic -pillar -marcos -plots -handbook -alcoholic -judiciary -avant -slides -extract -masculine -blur -##eum -##force -homage -trembled -owens -hymn -trey -omega -signaling -socks -accumulated -reacted -attic -theo -lining -angie -distraction -primera -talbot -##key -1200 -ti -creativity -billed -##hey -deacon -eduardo -identifies -proposition -dizzy -gunner -hogan -##yam -##pping -##hol -ja -##chan -jensen -reconstructed -##berger -clearance -darius -##nier -abe -harlem -plea -dei -circled -emotionally -notation -fascist -neville -exceeded -upwards -viable -ducks -##fo -workforce -racer -limiting -shri -##lson -possesses -1600 -kerr -moths -devastating -laden -disturbing -locking -##cture -gal -fearing -accreditation -flavor -aide -1870s -mountainous -##baum -melt -##ures -motel -texture -servers -soda -##mb -herd -##nium -erect -puzzled -hum -peggy -examinations -gould -testified -geoff -ren -devised -sacks -##law -denial -posters -grunted -cesar -tutor -ec -gerry -offerings -byrne -falcons -combinations -ct -incoming -pardon -rocking -26th -avengers -flared -mankind -seller -uttar -loch -nadia -stroking -exposing -##hd -fertile -ancestral -instituted -##has -noises -prophecy -taxation -eminent -vivid -pol -##bol -dart -indirect -multimedia -notebook -upside -displaying -adrenaline -referenced -geometric -##iving -progression -##ddy -blunt -announce -##far -implementing -##lav -aggression -liaison -cooler -cares -headache -plantations -gorge -dots -impulse -thickness -ashamed -averaging -kathy -obligation -precursor -137 -fowler -symmetry -thee -225 -hears -##rai -undergoing -ads -butcher -bowler -##lip -cigarettes -subscription -goodness -##ically -browne -##hos -##tech -kyoto -donor -##erty -damaging -friction -drifting -expeditions -hardened -prostitution -152 -fauna -blankets -claw -tossing -snarled -butterflies -recruits -investigative -coated -healed -138 -communal -hai -xiii -academics -boone -psychologist -restless -lahore -stephens -mba -brendan -foreigners -printer -##pc -ached -explode -27th -deed -scratched -dared -##pole -cardiac -1780 -okinawa -proto -commando -compelled -oddly -electrons -##base -replica -thanksgiving -##rist -sheila -deliberate -stafford -tidal -representations -hercules -ou -##path -##iated -kidnapping -lenses -##tling -deficit -samoa -mouths -consuming -computational -maze -granting -smirk -razor -fixture -ideals -inviting -aiden -nominal -##vs -issuing -julio -pitt -ramsey -docks -##oss -exhaust -##owed -bavarian -draped -anterior -mating -ethiopian -explores -noticing -##nton -discarded -convenience -hoffman -endowment -beasts -cartridge -mormon -paternal -probe -sleeves -interfere -lump -deadline -##rail -jenks -bulldogs -scrap -alternating -justified -reproductive -nam -seize -descending -secretariat -kirby -coupe -grouped -smash -panther -sedan -tapping -##18 -lola -cheer -germanic -unfortunate -##eter -unrelated -##fan -subordinate -##sdale -suzanne -advertisement -##ility -horsepower -##lda -cautiously -discourse -luigi -##mans -##fields -noun -prevalent -mao -schneider -everett -surround -governorate -kira -##avia -westward -##take -misty -rails -sustainability -134 -unused -##rating -packs -toast -unwilling -regulate -thy -suffrage -nile -awe -assam -definitions -travelers -affordable -##rb -conferred -sells -undefeated -beneficial -torso -basal -repeating -remixes -##pass -bahrain -cables -fang -##itated -excavated -numbering -statutory -##rey -deluxe -##lian -forested -ramirez -derbyshire -zeus -slamming -transfers -astronomer -banana -lottery -berg -histories -bamboo -##uchi -resurrection -posterior -bowls -vaguely -##thi -thou -preserving -tensed -offence -##inas -meyrick -callum -ridden -watt -langdon -tying -lowland -snorted -daring -truman -##hale -##girl -aura -overly -filing -weighing -goa -infections -philanthropist -saunders -eponymous -##owski -latitude -perspectives -reviewing -mets -commandant -radial -##kha -flashlight -reliability -koch -vowels -amazed -ada -elaine -supper -##rth -##encies -predator -debated -soviets -cola -##boards -##nah -compartment -crooked -arbitrary -fourteenth -##ctive -havana -majors -steelers -clips -profitable -ambush -exited -packers -##tile -nude -cracks -fungi -##е -limb -trousers -josie -shelby -tens -frederic -##ος -definite -smoothly -constellation -insult -baton -discs -lingering -##nco -conclusions -lent -staging -becker -grandpa -shaky -##tron -einstein -obstacles -sk -adverse -elle -economically -##moto -mccartney -thor -dismissal -motions -readings -nostrils -treatise -##pace -squeezing -evidently -prolonged -1783 -venezuelan -je -marguerite -beirut -takeover -shareholders -##vent -denise -digit -airplay -norse -##bbling -imaginary -pills -hubert -blaze -vacated -eliminating -##ello -vine -mansfield -##tty -retrospective -barrow -borne -clutch -bail -forensic -weaving -##nett -##witz -desktop -citadel -promotions -worrying -dorset -ieee -subdivided -##iating -manned -expeditionary -pickup -synod -chuckle -185 -barney -##rz -##ffin -functionality -karachi -litigation -meanings -uc -lick -turbo -anders -##ffed -execute -curl -oppose -ankles -typhoon -##د -##ache -##asia -linguistics -compassion -pressures -grazing -perfection -##iting -immunity -monopoly -muddy -backgrounds -136 -namibia -francesca -monitors -attracting -stunt -tuition -##ии -vegetable -##mates -##quent -mgm -jen -complexes -forts -##ond -cellar -bites -seventeenth -royals -flemish -failures -mast -charities -##cular -peruvian -capitals -macmillan -ipswich -outward -frigate -postgraduate -folds -employing -##ouse -concurrently -fiery -##tai -contingent -nightmares -monumental -nicaragua -##kowski -lizard -mal -fielding -gig -reject -##pad -harding -##ipe -coastline -##cin -##nos -beethoven -humphrey -innovations -##tam -##nge -norris -doris -solicitor -huang -obey -141 -##lc -niagara -##tton -shelves -aug -bourbon -curry -nightclub -specifications -hilton -##ndo -centennial -dispersed -worm -neglected -briggs -sm -font -kuala -uneasy -plc -##nstein -##bound -##aking -##burgh -awaiting -pronunciation -##bbed -##quest -eh -optimal -zhu -raped -greens -presided -brenda -worries -##life -venetian -marxist -turnout -##lius -refined -braced -sins -grasped -sunderland -nickel -speculated -lowell -cyrillic -communism -fundraising -resembling -colonists -mutant -freddie -usc -##mos -gratitude -##run -mural -##lous -chemist -wi -reminds -28th -steals -tess -pietro -##ingen -promoter -ri -microphone -honoured -rai -sant -##qui -feather -##nson -burlington -kurdish -terrorists -deborah -sickness -##wed -##eet -hazard -irritated -desperation -veil -clarity -##rik -jewels -xv -##gged -##ows -##cup -berkshire -unfair -mysteries -orchid -winced -exhaustion -renovations -stranded -obe -infinity -##nies -adapt -redevelopment -thanked -registry -olga -domingo -noir -tudor -ole -##atus -commenting -behaviors -##ais -crisp -pauline -probable -stirling -wigan -##bian -paralympics -panting -surpassed -##rew -luca -barred -pony -famed -##sters -cassandra -waiter -carolyn -exported -##orted -andres -destructive -deeds -jonah -castles -vacancy -suv -##glass -1788 -orchard -yep -famine -belarusian -sprang -##forth -skinny -##mis -administrators -rotterdam -zambia -zhao -boiler -discoveries -##ride -##physics -lucius -disappointing -outreach -spoon -##frame -qualifications -unanimously -enjoys -regency -##iidae -stade -realism -veterinary -rodgers -dump -alain -chestnut -castile -censorship -rumble -gibbs -##itor -communion -reggae -inactivated -logs -loads -##houses -homosexual -##iano -ale -informs -##cas -phrases -plaster -linebacker -ambrose -kaiser -fascinated -850 -limerick -recruitment -forge -mastered -##nding -leinster -rooted -threaten -##strom -borneo -##hes -suggestions -scholarships -propeller -documentaries -patronage -coats -constructing -invest -neurons -comet -entirety -shouts -identities -annoying -unchanged -wary -##antly -##ogy -neat -oversight -##kos -phillies -replay -constance -##kka -incarnation -humble -skies -minus -##acy -smithsonian -##chel -guerrilla -jar -cadets -##plate -surplus -audit -##aru -cracking -joanna -louisa -pacing -##lights -intentionally -##iri -diner -nwa -imprint -australians -tong -unprecedented -bunker -naive -specialists -ark -nichols -railing -leaked -pedal -##uka -shrub -longing -roofs -v8 -captains -neural -tuned -##ntal -##jet -emission -medina -frantic -codex -definitive -sid -abolition -intensified -stocks -enrique -sustain -genoa -oxide -##written -clues -cha -##gers -tributaries -fragment -venom -##rity -##ente -##sca -muffled -vain -sire -laos -##ingly -##hana -hastily -snapping -surfaced -sentiment -motive -##oft -contests -approximate -mesa -luckily -dinosaur -exchanges -propelled -accord -bourne -relieve -tow -masks -offended -##ues -cynthia -##mmer -rains -bartender -zinc -reviewers -lois -##sai -legged -arrogant -rafe -rosie -comprise -handicap -blockade -inlet -lagoon -copied -drilling -shelley -petals -##inian -mandarin -obsolete -##inated -onward -arguably -productivity -cindy -praising -seldom -busch -discusses -raleigh -shortage -ranged -stanton -encouragement -firstly -conceded -overs -temporal -##uke -cbe -##bos -woo -certainty -pumps -##pton -stalked -##uli -lizzie -periodic -thieves -weaker -##night -gases -shoving -chooses -wc -##chemical -prompting -weights -##kill -robust -flanked -sticky -hu -tuberculosis -##eb -##eal -christchurch -resembled -wallet -reese -inappropriate -pictured -distract -fixing -fiddle -giggled -burger -heirs -hairy -mechanic -torque -apache -obsessed -chiefly -cheng -logging -##tag -extracted -meaningful -numb -##vsky -gloucestershire -reminding -##bay -unite -##lit -breeds -diminished -clown -glove -1860s -##ن -##ug -archibald -focal -freelance -sliced -depiction -##yk -organism -switches -sights -stray -crawling -##ril -lever -leningrad -interpretations -loops -anytime -reel -alicia -delighted -##ech -inhaled -xiv -suitcase -bernie -vega -licenses -northampton -exclusion -induction -monasteries -racecourse -homosexuality -##right -##sfield -##rky -dimitri -michele -alternatives -ions -commentators -genuinely -objected -pork -hospitality -fencing -stephan -warships -peripheral -wit -drunken -wrinkled -quentin -spends -departing -chung -numerical -spokesperson -##zone -johannesburg -caliber -killers -##udge -assumes -neatly -demographic -abigail -bloc -##vel -mounting -##lain -bentley -slightest -xu -recipients -##jk -merlin -##writer -seniors -prisons -blinking -hindwings -flickered -kappa -##hel -80s -strengthening -appealing -brewing -gypsy -mali -lashes -hulk -unpleasant -harassment -bio -treaties -predict -instrumentation -pulp -troupe -boiling -mantle -##ffe -ins -##vn -dividing -handles -verbs -##onal -coconut -senegal -340 -thorough -gum -momentarily -##sto -cocaine -panicked -destined -##turing -teatro -denying -weary -captained -mans -##hawks -##code -wakefield -bollywood -thankfully -##16 -cyril -##wu -amendments -##bahn -consultation -stud -reflections -kindness -1787 -internally -##ovo -tex -mosaic -distribute -paddy -seeming -143 -##hic -piers -##15 -##mura -##verse -popularly -winger -kang -sentinel -mccoy -##anza -covenant -##bag -verge -fireworks -suppress -thrilled -dominate -##jar -swansea -##60 -142 -reconciliation -##ndi -stiffened -cue -dorian -##uf -damascus -amor -ida -foremost -##aga -porsche -unseen -dir -##had -##azi -stony -lexi -melodies -##nko -angular -integer -podcast -ants -inherent -jaws -justify -persona -##olved -josephine -##nr -##ressed -customary -flashes -gala -cyrus -glaring -backyard -ariel -physiology -greenland -html -stir -avon -atletico -finch -methodology -ked -##lent -mas -catholicism -townsend -branding -quincy -fits -containers -1777 -ashore -aragon -##19 -forearm -poisoning -##sd -adopting -conquer -grinding -amnesty -keller -finances -evaluate -forged -lankan -instincts -##uto -guam -bosnian -photographed -workplace -desirable -protector -##dog -allocation -intently -encourages -willy -##sten -bodyguard -electro -brighter -##ν -bihar -##chev -lasts -opener -amphibious -sal -verde -arte -##cope -captivity -vocabulary -yields -##tted -agreeing -desmond -pioneered -##chus -strap -campaigned -railroads -##ович -emblem -##dre -stormed -501 -##ulous -marijuana -northumberland -##gn -##nath -bowen -landmarks -beaumont -##qua -danube -##bler -attorneys -th -ge -flyers -critique -villains -cass -mutation -acc -##0s -colombo -mckay -motif -sampling -concluding -syndicate -##rell -neon -stables -ds -warnings -clint -mourning -wilkinson -##tated -merrill -leopard -evenings -exhaled -emil -sonia -ezra -discrete -stove -farrell -fifteenth -prescribed -superhero -##rier -worms -helm -wren -##duction -##hc -expo -##rator -hq -unfamiliar -antony -prevents -acceleration -fiercely -mari -painfully -calculations -cheaper -ign -clifton -irvine -davenport -mozambique -##np -pierced -##evich -wonders -##wig -##cate -##iling -crusade -ware -##uel -enzymes -reasonably -mls -##coe -mater -ambition -bunny -eliot -kernel -##fin -asphalt -headmaster -torah -aden -lush -pins -waived -##care -##yas -joao -substrate -enforce -##grad -##ules -alvarez -selections -epidemic -tempted -##bit -bremen -translates -ensured -waterfront -29th -forrest -manny -malone -kramer -reigning -cookies -simpler -absorption -205 -engraved -##ffy -evaluated -1778 -haze -146 -comforting -crossover -##abe -thorn -##rift -##imo -##pop -suppression -fatigue -cutter -##tr -201 -wurttemberg -##orf -enforced -hovering -proprietary -gb -samurai -syllable -ascent -lacey -tick -lars -tractor -merchandise -rep -bouncing -defendants -##yre -huntington -##ground -##oko -standardized -##hor -##hima -assassinated -nu -predecessors -rainy -liar -assurance -lyrical -##uga -secondly -flattened -ios -parameter -undercover -##mity -bordeaux -punish -ridges -markers -exodus -inactive -hesitate -debbie -nyc -pledge -savoy -nagar -offset -organist -##tium -hesse -marin -converting -##iver -diagram -propulsion -pu -validity -reverted -supportive -##dc -ministries -clans -responds -proclamation -##inae -##ø -##rea -ein -pleading -patriot -sf -birch -islanders -strauss -hates -##dh -brandenburg -concession -rd -##ob -1900s -killings -textbook -antiquity -cinematography -wharf -embarrassing -setup -creed -farmland -inequality -centred -signatures -fallon -370 -##ingham -##uts -ceylon -gazing -directive -laurie -##tern -globally -##uated -##dent -allah -excavation -threads -##cross -148 -frantically -icc -utilize -determines -respiratory -thoughtful -receptions -##dicate -merging -chandra -seine -147 -builders -builds -diagnostic -dev -visibility -goddamn -analyses -dhaka -cho -proves -chancel -concurrent -curiously -canadians -pumped -restoring -1850s -turtles -jaguar -sinister -spinal -traction -declan -vows -1784 -glowed -capitalism -swirling -install -universidad -##lder -##oat -soloist -##genic -##oor -coincidence -beginnings -nissan -dip -resorts -caucasus -combustion -infectious -##eno -pigeon -serpent -##itating -conclude -masked -salad -jew -##gr -surreal -toni -##wc -harmonica -151 -##gins -##etic -##coat -fishermen -intending -bravery -##wave -klaus -titan -wembley -taiwanese -ransom -40th -incorrect -hussein -eyelids -jp -cooke -dramas -utilities -##etta -##print -eisenhower -principally -granada -lana -##rak -openings -concord -##bl -bethany -connie -morality -sega -##mons -##nard -earnings -##kara -##cine -wii -communes -##rel -coma -composing -softened -severed -grapes -##17 -nguyen -analyzed -warlord -hubbard -heavenly -behave -slovenian -##hit -##ony -hailed -filmmakers -trance -caldwell -skye -unrest -coward -likelihood -##aging -bern -sci -taliban -honolulu -propose -##wang -1700 -browser -imagining -cobra -contributes -dukes -instinctively -conan -violinist -##ores -accessories -gradual -##amp -quotes -sioux -##dating -undertake -intercepted -sparkling -compressed -139 -fungus -tombs -haley -imposing -rests -degradation -lincolnshire -retailers -wetlands -tulsa -distributor -dungeon -nun -greenhouse -convey -atlantis -aft -exits -oman -dresser -lyons -##sti -joking -eddy -judgement -omitted -digits -##cts -##game -juniors -##rae -cents -stricken -une -##ngo -wizards -weir -breton -nan -technician -fibers -liking -royalty -##cca -154 -persia -terribly -magician -##rable -##unt -vance -cafeteria -booker -camille -warmer -##static -consume -cavern -gaps -compass -contemporaries -foyer -soothing -graveyard -maj -plunged -blush -##wear -cascade -demonstrates -ordinance -##nov -boyle -##lana -rockefeller -shaken -banjo -izzy -##ense -breathless -vines -##32 -##eman -alterations -chromosome -dwellings -feudal -mole -153 -catalonia -relics -tenant -mandated -##fm -fridge -hats -honesty -patented -raul -heap -cruisers -accusing -enlightenment -infants -wherein -chatham -contractors -zen -affinity -hc -osborne -piston -156 -traps -maturity -##rana -lagos -##zal -peering -##nay -attendant -dealers -protocols -subset -prospects -biographical -##cre -artery -##zers -insignia -nuns -endured -##eration -recommend -schwartz -serbs -berger -cromwell -crossroads -##ctor -enduring -clasped -grounded -##bine -marseille -twitched -abel -choke -https -catalyst -moldova -italians -##tist -disastrous -wee -##oured -##nti -wwf -nope -##piration -##asa -expresses -thumbs -167 -##nza -coca -1781 -cheating -##ption -skipped -sensory -heidelberg -spies -satan -dangers -semifinal -202 -bohemia -whitish -confusing -shipbuilding -relies -surgeons -landings -ravi -baku -moor -suffix -alejandro -##yana -litre -upheld -##unk -rajasthan -##rek -coaster -insists -posture -scenarios -etienne -favoured -appoint -transgender -elephants -poked -greenwood -defences -fulfilled -militant -somali -1758 -chalk -potent -##ucci -migrants -wink -assistants -nos -restriction -activism -niger -##ario -colon -shaun -##sat -daphne -##erated -swam -congregations -reprise -considerations -magnet -playable -xvi -##р -overthrow -tobias -knob -chavez -coding -##mers -propped -katrina -orient -newcomer -##suke -temperate -##pool -farmhouse -interrogation -##vd -committing -##vert -forthcoming -strawberry -joaquin -macau -ponds -shocking -siberia -##cellular -chant -contributors -##nant -##ologists -sped -absorb -hail -1782 -spared -##hore -barbados -karate -opus -originates -saul -##xie -evergreen -leaped -##rock -correlation -exaggerated -weekday -unification -bump -tracing -brig -afb -pathways -utilizing -##ners -mod -mb -disturbance -kneeling -##stad -##guchi -100th -pune -##thy -decreasing -168 -manipulation -miriam -academia -ecosystem -occupational -rbi -##lem -rift -##14 -rotary -stacked -incorporation -awakening -generators -guerrero -racist -##omy -cyber -derivatives -culminated -allie -annals -panzer -sainte -wikipedia -pops -zu -austro -##vate -algerian -politely -nicholson -mornings -educate -tastes -thrill -dartmouth -##gating -db -##jee -regan -differing -concentrating -choreography -divinity -##media -pledged -alexandre -routing -gregor -madeline -##idal -apocalypse -##hora -gunfire -culminating -elves -fined -liang -lam -programmed -tar -guessing -transparency -gabrielle -##gna -cancellation -flexibility -##lining -accession -shea -stronghold -nets -specializes -##rgan -abused -hasan -sgt -ling -exceeding -##₄ -admiration -supermarket -##ark -photographers -specialised -tilt -resonance -hmm -perfume -380 -sami -threatens -garland -botany -guarding -boiled -greet -puppy -russo -supplier -wilmington -vibrant -vijay -##bius -paralympic -grumbled -paige -faa -licking -margins -hurricanes -##gong -fest -grenade -ripping -##uz -counseling -weigh -##sian -needles -wiltshire -edison -costly -##not -fulton -tramway -redesigned -staffordshire -cache -gasping -watkins -sleepy -candidacy -##group -monkeys -timeline -throbbing -##bid -##sos -berth -uzbekistan -vanderbilt -bothering -overturned -ballots -gem -##iger -sunglasses -subscribers -hooker -compelling -ang -exceptionally -saloon -stab -##rdi -carla -terrifying -rom -##vision -coil -##oids -satisfying -vendors -31st -mackay -deities -overlooked -ambient -bahamas -felipe -olympia -whirled -botanist -advertised -tugging -##dden -disciples -morales -unionist -rites -foley -morse -motives -creepy -##₀ -soo -##sz -bargain -highness -frightening -turnpike -tory -reorganization -##cer -depict -biographer -##walk -unopposed -manifesto -##gles -institut -emile -accidental -kapoor -##dam -kilkenny -cortex -lively -##13 -romanesque -jain -shan -cannons -##ood -##ske -petrol -echoing -amalgamated -disappears -cautious -proposes -sanctions -trenton -##ر -flotilla -aus -contempt -tor -canary -cote -theirs -##hun -conceptual -deleted -fascinating -paso -blazing -elf -honourable -hutchinson -##eiro -##outh -##zin -surveyor -tee -amidst -wooded -reissue -intro -##ono -cobb -shelters -newsletter -hanson -brace -encoding -confiscated -dem -caravan -marino -scroll -melodic -cows -imam -##adi -##aneous -northward -searches -biodiversity -cora -310 -roaring -##bers -connell -theologian -halo -compose -pathetic -unmarried -dynamo -##oot -az -calculation -toulouse -deserves -humour -nr -forgiveness -tam -undergone -martyr -pamela -myths -whore -counselor -hicks -290 -heavens -battleship -electromagnetic -##bbs -stellar -establishments -presley -hopped -##chin -temptation -90s -wills -nas -##yuan -nhs -##nya -seminars -##yev -adaptations -gong -asher -lex -indicator -sikh -tobago -cites -goin -##yte -satirical -##gies -characterised -correspond -bubbles -lure -participates -##vid -eruption -skate -therapeutic -1785 -canals -wholesale -defaulted -sac -460 -petit -##zzled -virgil -leak -ravens -256 -portraying -##yx -ghetto -creators -dams -portray -vicente -##rington -fae -namesake -bounty -##arium -joachim -##ota -##iser -aforementioned -axle -snout -depended -dismantled -reuben -480 -##ibly -gallagher -##lau -##pd -earnest -##ieu -##iary -inflicted -objections -##llar -asa -gritted -##athy -jericho -##sea -##was -flick -underside -ceramics -undead -substituted -195 -eastward -undoubtedly -wheeled -chimney -##iche -guinness -cb -##ager -siding -##bell -traitor -baptiste -disguised -inauguration -149 -tipperary -choreographer -perched -warmed -stationary -eco -##ike -##ntes -bacterial -##aurus -flores -phosphate -##core -attacker -invaders -alvin -intersects -a1 -indirectly -immigrated -businessmen -cornelius -valves -narrated -pill -sober -ul -nationale -monastic -applicants -scenery -##jack -161 -motifs -constitutes -cpu -##osh -jurisdictions -sd -tuning -irritation -woven -##uddin -fertility -gao -##erie -antagonist -impatient -glacial -hides -boarded -denominations -interception -##jas -cookie -nicola -##tee -algebraic -marquess -bahn -parole -buyers -bait -turbines -paperwork -bestowed -natasha -renee -oceans -purchases -157 -vaccine -215 -##tock -fixtures -playhouse -integrate -jai -oswald -intellectuals -##cky -booked -nests -mortimer -##isi -obsession -sept -##gler -##sum -440 -scrutiny -simultaneous -squinted -##shin -collects -oven -shankar -penned -remarkably -##я -slips -luggage -spectral -1786 -collaborations -louie -consolidation -##ailed -##ivating -420 -hoover -blackpool -harness -ignition -vest -tails -belmont -mongol -skinner -##nae -visually -mage -derry -##tism -##unce -stevie -transitional -##rdy -redskins -drying -prep -prospective -##21 -annoyance -oversee -##loaded -fills -##books -##iki -announces -fda -scowled -respects -prasad -mystic -tucson -##vale -revue -springer -bankrupt -1772 -aristotle -salvatore -habsburg -##geny -dal -natal -nut -pod -chewing -darts -moroccan -walkover -rosario -lenin -punjabi -##ße -grossed -scattering -wired -invasive -hui -polynomial -corridors -wakes -gina -portrays -##cratic -arid -retreating -erich -irwin -sniper -##dha -linen -lindsey -maneuver -butch -shutting -socio -bounce -commemorative -postseason -jeremiah -pines -275 -mystical -beads -bp -abbas -furnace -bidding -consulted -assaulted -empirical -rubble -enclosure -sob -weakly -cancel -polly -yielded -##emann -curly -prediction -battered -70s -vhs -jacqueline -render -sails -barked -detailing -grayson -riga -sloane -raging -##yah -herbs -bravo -##athlon -alloy -giggle -imminent -suffers -assumptions -waltz -##itate -accomplishments -##ited -bathing -remixed -deception -prefix -##emia -deepest -##tier -##eis -balkan -frogs -##rong -slab -##pate -philosophers -peterborough -grains -imports -dickinson -rwanda -##atics -1774 -dirk -lan -tablets -##rove -clone -##rice -caretaker -hostilities -mclean -##gre -regimental -treasures -norms -impose -tsar -tango -diplomacy -variously -complain -192 -recognise -arrests -1779 -celestial -pulitzer -##dus -bing -libretto -##moor -adele -splash -##rite -expectation -lds -confronts -##izer -spontaneous -harmful -wedge -entrepreneurs -buyer -##ope -bilingual -translate -rugged -conner -circulated -uae -eaton -##gra -##zzle -lingered -lockheed -vishnu -reelection -alonso -##oom -joints -yankee -headline -cooperate -heinz -laureate -invading -##sford -echoes -scandinavian -##dham -hugging -vitamin -salute -micah -hind -trader -##sper -radioactive -##ndra -militants -poisoned -ratified -remark -campeonato -deprived -wander -prop -##dong -outlook -##tani -##rix -##eye -chiang -darcy -##oping -mandolin -spice -statesman -babylon -182 -walled -forgetting -afro -##cap -158 -giorgio -buffer -##polis -planetary -##gis -overlap -terminals -kinda -centenary -##bir -arising -manipulate -elm -ke -1770 -ak -##tad -chrysler -mapped -moose -pomeranian -quad -macarthur -assemblies -shoreline -recalls -stratford -##rted -noticeable -##evic -imp -##rita -##sque -accustomed -supplying -tents -disgusted -vogue -sipped -filters -khz -reno -selecting -luftwaffe -mcmahon -tyne -masterpiece -carriages -collided -dunes -exercised -flare -remembers -muzzle -##mobile -heck -##rson -burgess -lunged -middleton -boycott -bilateral -##sity -hazardous -lumpur -multiplayer -spotlight -jackets -goldman -liege -porcelain -rag -waterford -benz -attracts -hopeful -battling -ottomans -kensington -baked -hymns -cheyenne -lattice -levine -borrow -polymer -clashes -michaels -monitored -commitments -denounced -##25 -##von -cavity -##oney -hobby -akin -##holders -futures -intricate -cornish -patty -##oned -illegally -dolphin -##lag -barlow -yellowish -maddie -apologized -luton -plagued -##puram -nana -##rds -sway -fanny -łodz -##rino -psi -suspicions -hanged -##eding -initiate -charlton -##por -nak -competent -235 -analytical -annex -wardrobe -reservations -##rma -sect -162 -fairfax -hedge -piled -buckingham -uneven -bauer -simplicity -snyder -interpret -accountability -donors -moderately -byrd -continents -##cite -##max -disciple -hr -jamaican -ping -nominees -##uss -mongolian -diver -attackers -eagerly -ideological -pillows -miracles -apartheid -revolver -sulfur -clinics -moran -163 -##enko -ile -katy -rhetoric -##icated -chronology -recycling -##hrer -elongated -mughal -pascal -profiles -vibration -databases -domination -##fare -##rant -matthias -digest -rehearsal -polling -weiss -initiation -reeves -clinging -flourished -impress -ngo -##hoff -##ume -buckley -symposium -rhythms -weed -emphasize -transforming -##taking -##gence -##yman -accountant -analyze -flicker -foil -priesthood -voluntarily -decreases -##80 -##hya -slater -sv -charting -mcgill -##lde -moreno -##iu -besieged -zur -robes -##phic -admitting -api -deported -turmoil -peyton -earthquakes -##ares -nationalists -beau -clair -brethren -interrupt -welch -curated -galerie -requesting -164 -##ested -impending -steward -viper -##vina -complaining -beautifully -brandy -foam -nl -1660 -##cake -alessandro -punches -laced -explanations -##lim -attribute -clit -reggie -discomfort -##cards -smoothed -whales -##cene -adler -countered -duffy -disciplinary -widening -recipe -reliance -conducts -goats -gradient -preaching -##shaw -matilda -quasi -striped -meridian -cannabis -cordoba -certificates -##agh -##tering -graffiti -hangs -pilgrims -repeats -##ych -revive -urine -etat -##hawk -fueled -belts -fuzzy -susceptible -##hang -mauritius -salle -sincere -beers -hooks -##cki -arbitration -entrusted -advise -sniffed -seminar -junk -donnell -processors -principality -strapped -celia -mendoza -everton -fortunes -prejudice -starving -reassigned -steamer -##lund -tuck -evenly -foreman -##ffen -dans -375 -envisioned -slit -##xy -baseman -liberia -rosemary -##weed -electrified -periodically -potassium -stride -contexts -sperm -slade -mariners -influx -bianca -subcommittee -##rane -spilling -icao -estuary -##nock -delivers -iphone -##ulata -isa -mira -bohemian -dessert -##sbury -welcoming -proudly -slowing -##chs -musee -ascension -russ -##vian -waits -##psy -africans -exploit -##morphic -gov -eccentric -crab -peck -##ull -entrances -formidable -marketplace -groom -bolted -metabolism -patton -robbins -courier -payload -endure -##ifier -andes -refrigerator -##pr -ornate -##uca -ruthless -illegitimate -masonry -strasbourg -bikes -adobe -##³ -apples -quintet -willingly -niche -bakery -corpses -energetic -##cliffe -##sser -##ards -177 -centimeters -centro -fuscous -cretaceous -rancho -##yde -andrei -telecom -tottenham -oasis -ordination -vulnerability -presiding -corey -cp -penguins -sims -##pis -malawi -piss -##48 -correction -##cked -##ffle -##ryn -countdown -detectives -psychiatrist -psychedelic -dinosaurs -blouse -##get -choi -vowed -##oz -randomly -##pol -49ers -scrub -blanche -bruins -dusseldorf -##using -unwanted -##ums -212 -dominique -elevations -headlights -om -laguna -##oga -1750 -famously -ignorance -shrewsbury -##aine -ajax -breuning -che -confederacy -greco -overhaul -##screen -paz -skirts -disagreement -cruelty -jagged -phoebe -shifter -hovered -viruses -##wes -mandy -##lined -##gc -landlord -squirrel -dashed -##ι -ornamental -gag -wally -grange -literal -spurs -undisclosed -proceeding -yin -##text -billie -orphan -spanned -humidity -indy -weighted -presentations -explosions -lucian -##tary -vaughn -hindus -##anga -##hell -psycho -171 -daytona -protects -efficiently -rematch -sly -tandem -##oya -rebranded -impaired -hee -metropolis -peach -godfrey -diaspora -ethnicity -prosperous -gleaming -dar -grossing -playback -##rden -stripe -pistols -##tain -births -labelled -##cating -172 -rudy -alba -##onne -aquarium -hostility -##gb -##tase -shudder -sumatra -hardest -lakers -consonant -creeping -demos -homicide -capsule -zeke -liberties -expulsion -pueblo -##comb -trait -transporting -##ddin -##neck -##yna -depart -gregg -mold -ledge -hangar -oldham -playboy -termination -analysts -gmbh -romero -##itic -insist -cradle -filthy -brightness -slash -shootout -deposed -bordering -##truct -isis -microwave -tumbled -sheltered -cathy -werewolves -messy -andersen -convex -clapped -clinched -satire -wasting -edo -vc -rufus -##jak -mont -##etti -poznan -##keeping -restructuring -transverse -##rland -azerbaijani -slovene -gestures -roommate -choking -shear -##quist -vanguard -oblivious -##hiro -disagreed -baptism -##lich -coliseum -##aceae -salvage -societe -cory -locke -relocation -relying -versailles -ahl -swelling -##elo -cheerful -##word -##edes -gin -sarajevo -obstacle -diverted -##nac -messed -thoroughbred -fluttered -utrecht -chewed -acquaintance -assassins -dispatch -mirza -##wart -nike -salzburg -swell -yen -##gee -idle -ligue -samson -##nds -##igh -playful -spawned -##cise -tease -##case -burgundy -##bot -stirring -skeptical -interceptions -marathi -##dies -bedrooms -aroused -pinch -##lik -preferences -tattoos -buster -digitally -projecting -rust -##ital -kitten -priorities -addison -pseudo -##guard -dusk -icons -sermon -##psis -##iba -bt -##lift -##xt -ju -truce -rink -##dah -##wy -defects -psychiatry -offences -calculate -glucose -##iful -##rized -##unda -francaise -##hari -richest -warwickshire -carly -1763 -purity -redemption -lending -##cious -muse -bruises -cerebral -aero -carving -##name -preface -terminology -invade -monty -##int -anarchist -blurred -##iled -rossi -treats -guts -shu -foothills -ballads -undertaking -premise -cecilia -affiliates -blasted -conditional -wilder -minors -drone -rudolph -buffy -swallowing -horton -attested -##hop -rutherford -howell -primetime -livery -penal -##bis -minimize -hydro -wrecked -wrought -palazzo -##gling -cans -vernacular -friedman -nobleman -shale -walnut -danielle -##ection -##tley -sears -##kumar -chords -lend -flipping -streamed -por -dracula -gallons -sacrifices -gamble -orphanage -##iman -mckenzie -##gible -boxers -daly -##balls -##ان -208 -##ific -##rative -##iq -exploited -slated -##uity -circling -hillary -pinched -goldberg -provost -campaigning -lim -piles -ironically -jong -mohan -successors -usaf -##tem -##ught -autobiographical -haute -preserves -##ending -acquitted -comparisons -203 -hydroelectric -gangs -cypriot -torpedoes -rushes -chrome -derive -bumps -instability -fiat -pets -##mbe -silas -dye -reckless -settler -##itation -info -heats -##writing -176 -canonical -maltese -fins -mushroom -stacy -aspen -avid -##kur -##loading -vickers -gaston -hillside -statutes -wilde -gail -kung -sabine -comfortably -motorcycles -##rgo -169 -pneumonia -fetch -##sonic -axel -faintly -parallels -##oop -mclaren -spouse -compton -interdisciplinary -miner -##eni -181 -clamped -##chal -##llah -separates -versa -##mler -scarborough -labrador -##lity -##osing -rutgers -hurdles -como -166 -burt -divers -##100 -wichita -cade -coincided -##erson -bruised -mla -##pper -vineyard -##ili -##brush -notch -mentioning -jase -hearted -kits -doe -##acle -pomerania -##ady -ronan -seizure -pavel -problematic -##zaki -domenico -##ulin -catering -penelope -dependence -parental -emilio -ministerial -atkinson -##bolic -clarkson -chargers -colby -grill -peeked -arises -summon -##aged -fools -##grapher -faculties -qaeda -##vial -garner -refurbished -##hwa -geelong -disasters -nudged -bs -shareholder -lori -algae -reinstated -rot -##ades -##nous -invites -stainless -183 -inclusive -##itude -diocesan -til -##icz -denomination -##xa -benton -floral -registers -##ider -##erman -##kell -absurd -brunei -guangzhou -hitter -retaliation -##uled -##eve -blanc -nh -consistency -contamination -##eres -##rner -dire -palermo -broadcasters -diaries -inspire -vols -brewer -tightening -ky -mixtape -hormone -##tok -stokes -##color -##dly -##ssi -pg -##ometer -##lington -sanitation -##tility -intercontinental -apps -##adt -¹⁄₂ -cylinders -economies -favourable -unison -croix -gertrude -odyssey -vanity -dangling -##logists -upgrades -dice -middleweight -practitioner -##ight -206 -henrik -parlor -orion -angered -lac -python -blurted -##rri -sensual -intends -swings -angled -##phs -husky -attain -peerage -precinct -textiles -cheltenham -shuffled -dai -confess -tasting -bhutan -##riation -tyrone -segregation -abrupt -ruiz -##rish -smirked -blackwell -confidential -browning -amounted -##put -vase -scarce -fabulous -raided -staple -guyana -unemployed -glider -shay -##tow -carmine -troll -intervene -squash -superstar -##uce -cylindrical -len -roadway -researched -handy -##rium -##jana -meta -lao -declares -##rring -##tadt -##elin -##kova -willem -shrubs -napoleonic -realms -skater -qi -volkswagen -##ł -tad -hara -archaeologist -awkwardly -eerie -##kind -wiley -##heimer -##24 -titus -organizers -cfl -crusaders -lama -usb -vent -enraged -thankful -occupants -maximilian -##gaard -possessing -textbooks -##oran -collaborator -quaker -##ulo -avalanche -mono -silky -straits -isaiah -mustang -surged -resolutions -potomac -descend -cl -kilograms -plato -strains -saturdays -##olin -bernstein -##ype -holstein -ponytail -##watch -belize -conversely -heroine -perpetual -##ylus -charcoal -piedmont -glee -negotiating -backdrop -prologue -##jah -##mmy -pasadena -climbs -ramos -sunni -##holm -##tner -##tri -anand -deficiency -hertfordshire -stout -##avi -aperture -orioles -##irs -doncaster -intrigued -bombed -coating -otis -##mat -cocktail -##jit -##eto -amir -arousal -sar -##proof -##act -##ories -dixie -pots -##bow -whereabouts -159 -##fted -drains -bullying -cottages -scripture -coherent -fore -poe -appetite -##uration -sampled -##ators -##dp -derrick -rotor -jays -peacock -installment -##rro -advisors -##coming -rodeo -scotch -##mot -##db -##fen -##vant -ensued -rodrigo -dictatorship -martyrs -twenties -##н -towed -incidence -marta -rainforest -sai -scaled -##cles -oceanic -qualifiers -symphonic -mcbride -dislike -generalized -aubrey -colonization -##iation -##lion -##ssing -disliked -lublin -salesman -##ulates -spherical -whatsoever -sweating -avalon -contention -punt -severity -alderman -atari -##dina -##grant -##rop -scarf -seville -vertices -annexation -fairfield -fascination -inspiring -launches -palatinate -regretted -##rca -feral -##iom -elk -nap -olsen -reddy -yong -##leader -##iae -garment -transports -feng -gracie -outrage -viceroy -insides -##esis -breakup -grady -organizer -softer -grimaced -222 -murals -galicia -arranging -vectors -##rsten -bas -##sb -##cens -sloan -##eka -bitten -ara -fender -nausea -bumped -kris -banquet -comrades -detector -persisted -##llan -adjustment -endowed -cinemas -##shot -sellers -##uman -peek -epa -kindly -neglect -simpsons -talon -mausoleum -runaway -hangul -lookout -##cic -rewards -coughed -acquainted -chloride -##ald -quicker -accordion -neolithic -##qa -artemis -coefficient -lenny -pandora -tx -##xed -ecstasy -litter -segunda -chairperson -gemma -hiss -rumor -vow -nasal -antioch -compensate -patiently -transformers -##eded -judo -morrow -penis -posthumous -philips -bandits -husbands -denote -flaming -##any -##phones -langley -yorker -1760 -walters -##uo -##kle -gubernatorial -fatty -samsung -leroy -outlaw -##nine -unpublished -poole -jakob -##ᵢ -##ₙ -crete -distorted -superiority -##dhi -intercept -crust -mig -claus -crashes -positioning -188 -stallion -301 -frontal -armistice -##estinal -elton -aj -encompassing -camel -commemorated -malaria -woodward -calf -cigar -penetrate -##oso -willard -##rno -##uche -illustrate -amusing -convergence -noteworthy -##lma -##rva -journeys -realise -manfred -##sable -410 -##vocation -hearings -fiance -##posed -educators -provoked -adjusting -##cturing -modular -stockton -paterson -vlad -rejects -electors -selena -maureen -##tres -uber -##rce -swirled -##num -proportions -nanny -pawn -naturalist -parma -apostles -awoke -ethel -wen -##bey -monsoon -overview -##inating -mccain -rendition -risky -adorned -##ih -equestrian -germain -nj -conspicuous -confirming -##yoshi -shivering -##imeter -milestone -rumours -flinched -bounds -smacked -token -##bei -lectured -automobiles -##shore -impacted -##iable -nouns -nero -##leaf -ismail -prostitute -trams -##lace -bridget -sud -stimulus -impressions -reins -revolves -##oud -##gned -giro -honeymoon -##swell -criterion -##sms -##uil -libyan -prefers -##osition -211 -preview -sucks -accusation -bursts -metaphor -diffusion -tolerate -faye -betting -cinematographer -liturgical -specials -bitterly -humboldt -##ckle -flux -rattled -##itzer -archaeologists -odor -authorised -marshes -discretion -##ов -alarmed -archaic -inverse -##leton -explorers -##pine -drummond -tsunami -woodlands -##minate -##tland -booklet -insanity -owning -insert -crafted -calculus -##tore -receivers -##bt -stung -##eca -##nched -prevailing -travellers -eyeing -lila -graphs -##borne -178 -julien -##won -morale -adaptive -therapist -erica -cw -libertarian -bowman -pitches -vita -##ional -crook -##ads -##entation -caledonia -mutiny -##sible -1840s -automation -##ß -flock -##pia -ironic -pathology -##imus -remarried -##22 -joker -withstand -energies -##att -shropshire -hostages -madeleine -tentatively -conflicting -mateo -recipes -euros -ol -mercenaries -nico -##ndon -albuquerque -augmented -mythical -bel -freud -##child -cough -##lica -365 -freddy -lillian -genetically -nuremberg -calder -209 -bonn -outdoors -paste -suns -urgency -vin -restraint -tyson -##cera -##selle -barrage -bethlehem -kahn -##par -mounts -nippon -barony -happier -ryu -makeshift -sheldon -blushed -castillo -barking -listener -taped -bethel -fluent -headlines -pornography -rum -disclosure -sighing -mace -doubling -gunther -manly -##plex -rt -interventions -physiological -forwards -emerges -##tooth -##gny -compliment -rib -recession -visibly -barge -faults -connector -exquisite -prefect -##rlin -patio -##cured -elevators -brandt -italics -pena -173 -wasp -satin -ea -botswana -graceful -respectable -##jima -##rter -##oic -franciscan -generates -##dl -alfredo -disgusting -##olate -##iously -sherwood -warns -cod -promo -cheryl -sino -##ة -##escu -twitch -##zhi -brownish -thom -ortiz -##dron -densely -##beat -carmel -reinforce -##bana -187 -anastasia -downhill -vertex -contaminated -remembrance -harmonic -homework -##sol -fiancee -gears -olds -angelica -loft -ramsay -quiz -colliery -sevens -##cape -autism -##hil -walkway -##boats -ruben -abnormal -ounce -khmer -##bbe -zachary -bedside -morphology -punching -##olar -sparrow -convinces -##35 -hewitt -queer -remastered -rods -mabel -solemn -notified -lyricist -symmetric -##xide -174 -encore -passports -wildcats -##uni -baja -##pac -mildly -##ease -bleed -commodity -mounds -glossy -orchestras -##omo -damian -prelude -ambitions -##vet -awhile -remotely -##aud -asserts -imply -##iques -distinctly -modelling -remedy -##dded -windshield -dani -xiao -##endra -audible -powerplant -1300 -invalid -elemental -acquisitions -##hala -immaculate -libby -plata -smuggling -ventilation -denoted -minh -##morphism -430 -differed -dion -kelley -lore -mocking -sabbath -spikes -hygiene -drown -runoff -stylized -tally -liberated -aux -interpreter -righteous -aba -siren -reaper -pearce -millie -##cier -##yra -gaius -##iso -captures -##ttering -dorm -claudio -##sic -benches -knighted -blackness -##ored -discount -fumble -oxidation -routed -##ς -novak -perpendicular -spoiled -fracture -splits -##urt -pads -topology -##cats -axes -fortunate -offenders -protestants -esteem -221 -broadband -convened -frankly -hound -prototypes -isil -facilitated -keel -##sher -sahara -awaited -bubba -orb -prosecutors -186 -hem -520 -##xing -relaxing -remnant -romney -sorted -slalom -stefano -ulrich -##active -exemption -folder -pauses -foliage -hitchcock -epithet -204 -criticisms -##aca -ballistic -brody -hinduism -chaotic -youths -equals -##pala -pts -thicker -analogous -capitalist -improvised -overseeing -sinatra -ascended -beverage -##tl -straightforward -##kon -curran -##west -bois -325 -induce -surveying -emperors -sax -unpopular -##kk -cartoonist -fused -##mble -unto -##yuki -localities -##cko -##ln -darlington -slain -academie -lobbying -sediment -puzzles -##grass -defiance -dickens -manifest -tongues -alumnus -arbor -coincide -184 -appalachian -mustafa -examiner -cabaret -traumatic -yves -bracelet -draining -heroin -magnum -baths -odessa -consonants -mitsubishi -##gua -kellan -vaudeville -##fr -joked -null -straps -probation -##ław -ceded -interfaces -##pas -##zawa -blinding -viet -224 -rothschild -museo -640 -huddersfield -##vr -tactic -##storm -brackets -dazed -incorrectly -##vu -reg -glazed -fearful -manifold -benefited -irony -##sun -stumbling -##rte -willingness -balkans -mei -wraps -##aba -injected -##lea -gu -syed -harmless -##hammer -bray -takeoff -poppy -timor -cardboard -astronaut -purdue -weeping -southbound -cursing -stalls -diagonal -##neer -lamar -bryce -comte -weekdays -harrington -##uba -negatively -##see -lays -grouping -##cken -##henko -affirmed -halle -modernist -##lai -hodges -smelling -aristocratic -baptized -dismiss -justification -oilers -##now -coupling -qin -snack -healer -##qing -gardener -layla -battled -formulated -stephenson -gravitational -##gill -##jun -1768 -granny -coordinating -suites -##cd -##ioned -monarchs -##cote -##hips -sep -blended -apr -barrister -deposition -fia -mina -policemen -paranoid -##pressed -churchyard -covert -crumpled -creep -abandoning -tr -transmit -conceal -barr -understands -readiness -spire -##cology -##enia -##erry -610 -startling -unlock -vida -bowled -slots -##nat -##islav -spaced -trusting -admire -rig -##ink -slack -##70 -mv -207 -casualty -##wei -classmates -##odes -##rar -##rked -amherst -furnished -evolve -foundry -menace -mead -##lein -flu -wesleyan -##kled -monterey -webber -##vos -wil -##mith -##на -bartholomew -justices -restrained -##cke -amenities -191 -mediated -sewage -trenches -ml -mainz -##thus -1800s -##cula -##inski -caine -bonding -213 -converts -spheres -superseded -marianne -crypt -sweaty -ensign -historia -##br -spruce -##post -##ask -forks -thoughtfully -yukon -pamphlet -ames -##uter -karma -##yya -bryn -negotiation -sighs -incapable -##mbre -##ntial -actresses -taft -##mill -luce -prevailed -##amine -1773 -motionless -envoy -testify -investing -sculpted -instructors -provence -kali -cullen -horseback -##while -goodwin -##jos -gaa -norte -##ldon -modify -wavelength -abd -214 -skinned -sprinter -forecast -scheduling -marries -squared -tentative -##chman -boer -##isch -bolts -swap -fisherman -assyrian -impatiently -guthrie -martins -murdoch -194 -tanya -nicely -dolly -lacy -med -##45 -syn -decks -fashionable -millionaire -##ust -surfing -##ml -##ision -heaved -tammy -consulate -attendees -routinely -197 -fuse -saxophonist -backseat -malaya -##lord -scowl -tau -##ishly -193 -sighted -steaming -##rks -303 -911 -##holes -##hong -ching -##wife -bless -conserved -jurassic -stacey -unix -zion -chunk -rigorous -blaine -198 -peabody -slayer -dismay -brewers -nz -##jer -det -##glia -glover -postwar -int -penetration -sylvester -imitation -vertically -airlift -heiress -knoxville -viva -##uin -390 -macon -##rim -##fighter -##gonal -janice -##orescence -##wari -marius -belongings -leicestershire -196 -blanco -inverted -preseason -sanity -sobbing -##due -##elt -##dled -collingwood -regeneration -flickering -shortest -##mount -##osi -feminism -##lat -sherlock -cabinets -fumbled -northbound -precedent -snaps -##mme -researching -##akes -guillaume -insights -manipulated -vapor -neighbour -sap -gangster -frey -f1 -stalking -scarcely -callie -barnett -tendencies -audi -doomed -assessing -slung -panchayat -ambiguous -bartlett -##etto -distributing -violating -wolverhampton -##hetic -swami -histoire -##urus -liable -pounder -groin -hussain -larsen -popping -surprises -##atter -vie -curt -##station -mute -relocate -musicals -authorization -richter -##sef -immortality -tna -bombings -##press -deteriorated -yiddish -##acious -robbed -colchester -cs -pmid -ao -verified -balancing -apostle -swayed -recognizable -oxfordshire -retention -nottinghamshire -contender -judd -invitational -shrimp -uhf -##icient -cleaner -longitudinal -tanker -##mur -acronym -broker -koppen -sundance -suppliers -##gil -4000 -clipped -fuels -petite -##anne -landslide -helene -diversion -populous -landowners -auspices -melville -quantitative -##xes -ferries -nicky -##llus -doo -haunting -roche -carver -downed -unavailable -##pathy -approximation -hiroshima -##hue -garfield -valle -comparatively -keyboardist -traveler -##eit -congestion -calculating -subsidiaries -##bate -serb -modernization -fairies -deepened -ville -averages -##lore -inflammatory -tonga -##itch -co₂ -squads -##hea -gigantic -serum -enjoyment -retailer -verona -35th -cis -##phobic -magna -technicians -##vati -arithmetic -##sport -levin -##dation -amtrak -chow -sienna -##eyer -backstage -entrepreneurship -##otic -learnt -tao -##udy -worcestershire -formulation -baggage -hesitant -bali -sabotage -##kari -barren -enhancing -murmur -pl -freshly -putnam -syntax -aces -medicines -resentment -bandwidth -##sier -grins -chili -guido -##sei -framing -implying -gareth -lissa -genevieve -pertaining -admissions -geo -thorpe -proliferation -sato -bela -analyzing -parting -##gor -awakened -##isman -huddled -secrecy -##kling -hush -gentry -540 -dungeons -##ego -coasts -##utz -sacrificed -##chule -landowner -mutually -prevalence -programmer -adolescent -disrupted -seaside -gee -trusts -vamp -georgie -##nesian -##iol -schedules -sindh -##market -etched -hm -sparse -bey -beaux -scratching -gliding -unidentified -216 -collaborating -gems -jesuits -oro -accumulation -shaping -mbe -anal -##xin -231 -enthusiasts -newscast -##egan -janata -dewey -parkinson -179 -ankara -biennial -towering -dd -inconsistent -950 -##chet -thriving -terminate -cabins -furiously -eats -advocating -donkey -marley -muster -phyllis -leiden -##user -grassland -glittering -iucn -loneliness -217 -memorandum -armenians -##ddle -popularized -rhodesia -60s -lame -##illon -sans -bikini -header -orbits -##xx -##finger -##ulator -sharif -spines -biotechnology -strolled -naughty -yates -##wire -fremantle -milo -##mour -abducted -removes -##atin -humming -wonderland -##chrome -##ester -hume -pivotal -##rates -armand -grams -believers -elector -rte -apron -bis -scraped -##yria -endorsement -initials -##llation -eps -dotted -hints -buzzing -emigration -nearer -##tom -indicators -##ulu -coarse -neutron -protectorate -##uze -directional -exploits -pains -loire -1830s -proponents -guggenheim -rabbits -ritchie -305 -hectare -inputs -hutton -##raz -verify -##ako -boilers -longitude -##lev -skeletal -yer -emilia -citrus -compromised -##gau -pokemon -prescription -paragraph -eduard -cadillac -attire -categorized -kenyan -weddings -charley -##bourg -entertain -monmouth -##lles -nutrients -davey -mesh -incentive -practised -ecosystems -kemp -subdued -overheard -##rya -bodily -maxim -##nius -apprenticeship -ursula -##fight -lodged -rug -silesian -unconstitutional -patel -inspected -coyote -unbeaten -##hak -34th -disruption -convict -parcel -##cl -##nham -collier -implicated -mallory -##iac -##lab -susannah -winkler -##rber -shia -phelps -sediments -graphical -robotic -##sner -adulthood -mart -smoked -##isto -kathryn -clarified -##aran -divides -convictions -oppression -pausing -burying -##mt -federico -mathias -eileen -##tana -kite -hunched -##acies -189 -##atz -disadvantage -liza -kinetic -greedy -paradox -yokohama -dowager -trunks -ventured -##gement -gupta -vilnius -olaf -##thest -crimean -hopper -##ej -progressively -arturo -mouthed -arrondissement -##fusion -rubin -simulcast -oceania -##orum -##stra -##rred -busiest -intensely -navigator -cary -##vine -##hini -##bies -fife -rowe -rowland -posing -insurgents -shafts -lawsuits -activate -conor -inward -culturally -garlic -265 -##eering -eclectic -##hui -##kee -##nl -furrowed -vargas -meteorological -rendezvous -##aus -culinary -commencement -##dition -quota -##notes -mommy -salaries -overlapping -mule -##iology -##mology -sums -wentworth -##isk -##zione -mainline -subgroup -##illy -hack -plaintiff -verdi -bulb -differentiation -engagements -multinational -supplemented -bertrand -caller -regis -##naire -##sler -##arts -##imated -blossom -propagation -kilometer -viaduct -vineyards -##uate -beckett -optimization -golfer -songwriters -seminal -semitic -thud -volatile -evolving -ridley -##wley -trivial -distributions -scandinavia -jiang -##ject -wrestled -insistence -##dio -emphasizes -napkin -##ods -adjunct -rhyme -##ricted -##eti -hopeless -surrounds -tremble -32nd -smoky -##ntly -oils -medicinal -padded -steer -wilkes -219 -255 -concessions -hue -uniquely -blinded -landon -yahoo -##lane -hendrix -commemorating -dex -specify -chicks -##ggio -intercity -1400 -morley -##torm -highlighting -##oting -pang -oblique -stalled -##liner -flirting -newborn -1769 -bishopric -shaved -232 -currie -##ush -dharma -spartan -##ooped -favorites -smug -novella -sirens -abusive -creations -espana -##lage -paradigm -semiconductor -sheen -##rdo -##yen -##zak -nrl -renew -##pose -##tur -adjutant -marches -norma -##enity -ineffective -weimar -grunt -##gat -lordship -plotting -expenditure -infringement -lbs -refrain -av -mimi -mistakenly -postmaster -1771 -##bara -ras -motorsports -tito -199 -subjective -##zza -bully -stew -##kaya -prescott -1a -##raphic -##zam -bids -styling -paranormal -reeve -sneaking -exploding -katz -akbar -migrant -syllables -indefinitely -##ogical -destroys -replaces -applause -##phine -pest -##fide -218 -articulated -bertie -##thing -##cars -##ptic -courtroom -crowley -aesthetics -cummings -tehsil -hormones -titanic -dangerously -##ibe -stadion -jaenelle -auguste -ciudad -##chu -mysore -partisans -##sio -lucan -philipp -##aly -debating -henley -interiors -##rano -##tious -homecoming -beyonce -usher -henrietta -prepares -weeds -##oman -ely -plucked -##pire -##dable -luxurious -##aq -artifact -password -pasture -juno -maddy -minsk -##dder -##ologies -##rone -assessments -martian -royalist -1765 -examines -##mani -##rge -nino -223 -parry -scooped -relativity -##eli -##uting -##cao -congregational -noisy -traverse -##agawa -strikeouts -nickelodeon -obituary -transylvania -binds -depictions -polk -trolley -##yed -##lard -breeders -##under -dryly -hokkaido -1762 -strengths -stacks -bonaparte -connectivity -neared -prostitutes -stamped -anaheim -gutierrez -sinai -##zzling -bram -fresno -madhya -##86 -proton -##lena -##llum -##phon -reelected -wanda -##anus -##lb -ample -distinguishing -##yler -grasping -sermons -tomato -bland -stimulation -avenues -##eux -spreads -scarlett -fern -pentagon -assert -baird -chesapeake -ir -calmed -distortion -fatalities -##olis -correctional -pricing -##astic -##gina -prom -dammit -ying -collaborate -##chia -welterweight -33rd -pointer -substitution -bonded -umpire -communicating -multitude -paddle -##obe -federally -intimacy -##insky -betray -ssr -##lett -##lean -##lves -##therapy -airbus -##tery -functioned -ud -bearer -biomedical -netflix -##hire -##nca -condom -brink -ik -##nical -macy -##bet -flap -gma -experimented -jelly -lavender -##icles -##ulia -munro -##mian -##tial -rye -##rle -60th -gigs -hottest -rotated -predictions -fuji -bu -##erence -##omi -barangay -##fulness -##sas -clocks -##rwood -##liness -cereal -roe -wight -decker -uttered -babu -onion -xml -forcibly -##df -petra -sarcasm -hartley -peeled -storytelling -##42 -##xley -##ysis -##ffa -fibre -kiel -auditor -fig -harald -greenville -##berries -geographically -nell -quartz -##athic -cemeteries -##lr -crossings -nah -holloway -reptiles -chun -sichuan -snowy -660 -corrections -##ivo -zheng -ambassadors -blacksmith -fielded -fluids -hardcover -turnover -medications -melvin -academies -##erton -ro -roach -absorbing -spaniards -colton -##founded -outsider -espionage -kelsey -245 -edible -##ulf -dora -establishes -##sham -##tries -contracting -##tania -cinematic -costello -nesting -##uron -connolly -duff -##nology -mma -##mata -fergus -sexes -gi -optics -spectator -woodstock -banning -##hee -##fle -differentiate -outfielder -refinery -226 -312 -gerhard -horde -lair -drastically -##udi -landfall -##cheng -motorsport -odi -##achi -predominant -quay -skins -##ental -edna -harshly -complementary -murdering -##aves -wreckage -##90 -ono -outstretched -lennox -munitions -galen -reconcile -470 -scalp -bicycles -gillespie -questionable -rosenberg -guillermo -hostel -jarvis -kabul -volvo -opium -yd -##twined -abuses -decca -outpost -##cino -sensible -neutrality -##64 -ponce -anchorage -atkins -turrets -inadvertently -disagree -libre -vodka -reassuring -weighs -##yal -glide -jumper -ceilings -repertory -outs -stain -##bial -envy -##ucible -smashing -heightened -policing -hyun -mixes -lai -prima -##ples -celeste -##bina -lucrative -intervened -kc -manually -##rned -stature -staffed -bun -bastards -nairobi -priced -##auer -thatcher -##kia -tripped -comune -##ogan -##pled -brasil -incentives -emanuel -hereford -musica -##kim -benedictine -biennale -##lani -eureka -gardiner -rb -knocks -sha -##ael -##elled -##onate -efficacy -ventura -masonic -sanford -maize -leverage -##feit -capacities -santana -##aur -novelty -vanilla -##cter -##tour -benin -##oir -##rain -neptune -drafting -tallinn -##cable -humiliation -##boarding -schleswig -fabian -bernardo -liturgy -spectacle -sweeney -pont -routledge -##tment -cosmos -ut -hilt -sleek -universally -##eville -##gawa -typed -##dry -favors -allegheny -glaciers -##rly -recalling -aziz -##log -parasite -requiem -auf -##berto -##llin -illumination -##breaker -##issa -festivities -bows -govern -vibe -vp -333 -sprawled -larson -pilgrim -bwf -leaping -##rts -##ssel -alexei -greyhound -hoarse -##dler -##oration -seneca -##cule -gaping -##ulously -##pura -cinnamon -##gens -##rricular -craven -fantasies -houghton -engined -reigned -dictator -supervising -##oris -bogota -commentaries -unnatural -fingernails -spirituality -tighten -##tm -canadiens -protesting -intentional -cheers -sparta -##ytic -##iere -##zine -widen -belgarath -controllers -dodd -iaaf -navarre -##ication -defect -squire -steiner -whisky -##mins -560 -inevitably -tome -##gold -chew -##uid -##lid -elastic -##aby -streaked -alliances -jailed -regal -##ined -##phy -czechoslovak -narration -absently -##uld -bluegrass -guangdong -quran -criticizing -hose -hari -##liest -##owa -skier -streaks -deploy -##lom -raft -bose -dialed -huff -##eira -haifa -simplest -bursting -endings -ib -sultanate -##titled -franks -whitman -ensures -sven -##ggs -collaborators -forster -organising -ui -banished -napier -injustice -teller -layered -thump -##otti -roc -battleships -evidenced -fugitive -sadie -robotics -##roud -equatorial -geologist -##iza -yielding -##bron -##sr -internationale -mecca -##diment -sbs -skyline -toad -uploaded -reflective -undrafted -lal -leafs -bayern -##dai -lakshmi -shortlisted -##stick -##wicz -camouflage -donate -af -christi -lau -##acio -disclosed -nemesis -1761 -assemble -straining -northamptonshire -tal -##asi -bernardino -premature -heidi -42nd -coefficients -galactic -reproduce -buzzed -sensations -zionist -monsieur -myrtle -##eme -archery -strangled -musically -viewpoint -antiquities -bei -trailers -seahawks -cured -pee -preferring -tasmanian -lange -sul -##mail -##working -colder -overland -lucivar -massey -gatherings -haitian -##smith -disapproval -flaws -##cco -##enbach -1766 -npr -##icular -boroughs -creole -forums -techno -1755 -dent -abdominal -streetcar -##eson -##stream -procurement -gemini -predictable -##tya -acheron -christoph -feeder -fronts -vendor -bernhard -jammu -tumors -slang -##uber -goaltender -twists -curving -manson -vuelta -mer -peanut -confessions -pouch -unpredictable -allowance -theodor -vascular -##factory -bala -authenticity -metabolic -coughing -nanjing -##cea -pembroke -##bard -splendid -36th -ff -hourly -##ahu -elmer -handel -##ivate -awarding -thrusting -dl -experimentation -##hesion -##46 -caressed -entertained -steak -##rangle -biologist -orphans -baroness -oyster -stepfather -##dridge -mirage -reefs -speeding -##31 -barons -1764 -227 -inhabit -preached -repealed -##tral -honoring -boogie -captives -administer -johanna -##imate -gel -suspiciously -1767 -sobs -##dington -backbone -hayward -garry -##folding -##nesia -maxi -##oof -##ppe -ellison -galileo -##stand -crimea -frenzy -amour -bumper -matrices -natalia -baking -garth -palestinians -##grove -smack -conveyed -ensembles -gardening -##manship -##rup -##stituting -1640 -harvesting -topography -jing -shifters -dormitory -##carriage -##lston -ist -skulls -##stadt -dolores -jewellery -sarawak -##wai -##zier -fences -christy -confinement -tumbling -credibility -fir -stench -##bria -##plication -##nged -##sam -virtues -##belt -marjorie -pba -##eem -##made -celebrates -schooner -agitated -barley -fulfilling -anthropologist -##pro -restrict -novi -regulating -##nent -padres -##rani -##hesive -loyola -tabitha -milky -olson -proprietor -crambidae -guarantees -intercollegiate -ljubljana -hilda -##sko -ignorant -hooded -##lts -sardinia -##lidae -##vation -frontman -privileged -witchcraft -##gp -jammed -laude -poking -##than -bracket -amazement -yunnan -##erus -maharaja -linnaeus -264 -commissioning -milano -peacefully -##logies -akira -rani -regulator -##36 -grasses -##rance -luzon -crows -compiler -gretchen -seaman -edouard -tab -buccaneers -ellington -hamlets -whig -socialists -##anto -directorial -easton -mythological -##kr -##vary -rhineland -semantic -taut -dune -inventions -succeeds -##iter -replication -branched -##pired -jul -prosecuted -kangaroo -penetrated -##avian -middlesbrough -doses -bleak -madam -predatory -relentless -##vili -reluctance -##vir -hailey -crore -silvery -1759 -monstrous -swimmers -transmissions -hawthorn -informing -##eral -toilets -caracas -crouch -kb -##sett -295 -cartel -hadley -##aling -alexia -yvonne -##biology -cinderella -eton -superb -blizzard -stabbing -industrialist -maximus -##gm -##orus -groves -maud -clade -oversized -comedic -##bella -rosen -nomadic -fulham -montane -beverages -galaxies -redundant -swarm -##rot -##folia -##llis -buckinghamshire -fen -bearings -bahadur -##rom -gilles -phased -dynamite -faber -benoit -vip -##ount -##wd -booking -fractured -tailored -anya -spices -westwood -cairns -auditions -inflammation -steamed -##rocity -##acion -##urne -skyla -thereof -watford -torment -archdeacon -transforms -lulu -demeanor -fucked -serge -##sor -mckenna -minas -entertainer -##icide -caress -originate -residue -##sty -1740 -##ilised -##org -beech -##wana -subsidies -##ghton -emptied -gladstone -ru -firefighters -voodoo -##rcle -het -nightingale -tamara -edmond -ingredient -weaknesses -silhouette -285 -compatibility -withdrawing -hampson -##mona -anguish -giggling -##mber -bookstore -##jiang -southernmost -tilting -##vance -bai -economical -rf -briefcase -dreadful -hinted -projections -shattering -totaling -##rogate -analogue -indicted -periodical -fullback -##dman -haynes -##tenberg -##ffs -##ishment -1745 -thirst -stumble -penang -vigorous -##ddling -##kor -##lium -octave -##ove -##enstein -##inen -##ones -siberian -##uti -cbn -repeal -swaying -##vington -khalid -tanaka -unicorn -otago -plastered -lobe -riddle -##rella -perch -##ishing -croydon -filtered -graeme -tripoli -##ossa -crocodile -##chers -sufi -mined -##tung -inferno -lsu -##phi -swelled -utilizes -£2 -cale -periodicals -styx -hike -informally -coop -lund -##tidae -ala -hen -qui -transformations -disposed -sheath -chickens -##cade -fitzroy -sas -silesia -unacceptable -odisha -1650 -sabrina -pe -spokane -ratios -athena -massage -shen -dilemma -##drum -##riz -##hul -corona -doubtful -niall -##pha -##bino -fines -cite -acknowledging -bangor -ballard -bathurst -##resh -huron -mustered -alzheimer -garments -kinase -tyre -warship -##cp -flashback -pulmonary -braun -cheat -kamal -cyclists -constructions -grenades -ndp -traveller -excuses -stomped -signalling -trimmed -futsal -mosques -relevance -##wine -wta -##23 -##vah -##lter -hoc -##riding -optimistic -##´s -deco -sim -interacting -rejecting -moniker -waterways -##ieri -##oku -mayors -gdansk -outnumbered -pearls -##ended -##hampton -fairs -totals -dominating -262 -notions -stairway -compiling -pursed -commodities -grease -yeast -##jong -carthage -griffiths -residual -amc -contraction -laird -sapphire -##marine -##ivated -amalgamation -dissolve -inclination -lyle -packaged -altitudes -suez -canons -graded -lurched -narrowing -boasts -guise -wed -enrico -##ovsky -rower -scarred -bree -cub -iberian -protagonists -bargaining -proposing -trainers -voyages -vans -fishes -##aea -##ivist -##verance -encryption -artworks -kazan -sabre -cleopatra -hepburn -rotting -supremacy -mecklenburg -##brate -burrows -hazards -outgoing -flair -organizes -##ctions -scorpion -##usions -boo -234 -chevalier -dunedin -slapping -##34 -ineligible -pensions -##38 -##omic -manufactures -emails -bismarck -238 -weakening -blackish -ding -mcgee -quo -##rling -northernmost -xx -manpower -greed -sampson -clicking -##ange -##horpe -##inations -##roving -torre -##eptive -##moral -symbolism -38th -asshole -meritorious -outfits -splashed -biographies -sprung -astros -##tale -302 -737 -filly -raoul -nw -tokugawa -linden -clubhouse -##apa -tracts -romano -##pio -putin -tags -##note -chained -dickson -gunshot -moe -gunn -rashid -##tails -zipper -##bas -##nea -contrasted -##ply -##udes -plum -pharaoh -##pile -aw -comedies -ingrid -sandwiches -subdivisions -1100 -mariana -nokia -kamen -hz -delaney -veto -herring -##words -possessive -outlines -##roup -siemens -stairwell -rc -gallantry -messiah -palais -yells -233 -zeppelin -##dm -bolivar -##cede -smackdown -mckinley -##mora -##yt -muted -geologic -finely -unitary -avatar -hamas -maynard -rees -bog -contrasting -##rut -liv -chico -disposition -pixel -##erate -becca -dmitry -yeshiva -narratives -##lva -##ulton -mercenary -sharpe -tempered -navigate -stealth -amassed -keynes -##lini -untouched -##rrie -havoc -lithium -##fighting -abyss -graf -southward -wolverine -balloons -implements -ngos -transitions -##icum -ambushed -concacaf -dormant -economists -##dim -costing -csi -rana -universite -boulders -verity -##llon -collin -mellon -misses -cypress -fluorescent -lifeless -spence -##ulla -crewe -shepard -pak -revelations -##م -jolly -gibbons -paw -##dro -##quel -freeing -##test -shack -fries -palatine -##51 -##hiko -accompaniment -cruising -recycled -##aver -erwin -sorting -synthesizers -dyke -realities -sg -strides -enslaved -wetland -##ghan -competence -gunpowder -grassy -maroon -reactors -objection -##oms -carlson -gearbox -macintosh -radios -shelton -##sho -clergyman -prakash -254 -mongols -trophies -oricon -228 -stimuli -twenty20 -cantonese -cortes -mirrored -##saurus -bhp -cristina -melancholy -##lating -enjoyable -nuevo -##wny -downfall -schumacher -##ind -banging -lausanne -rumbled -paramilitary -reflex -ax -amplitude -migratory -##gall -##ups -midi -barnard -lastly -sherry -##hp -##nall -keystone -##kra -carleton -slippery -##53 -coloring -foe -socket -otter -##rgos -mats -##tose -consultants -bafta -bison -topping -##km -490 -primal -abandonment -transplant -atoll -hideous -mort -pained -reproduced -tae -howling -##turn -unlawful -billionaire -hotter -poised -lansing -##chang -dinamo -retro -messing -nfc -domesday -##mina -blitz -timed -##athing -##kley -ascending -gesturing -##izations -signaled -tis -chinatown -mermaid -savanna -jameson -##aint -catalina -##pet -##hers -cochrane -cy -chatting -##kus -alerted -computation -mused -noelle -majestic -mohawk -campo -octagonal -##sant -##hend -241 -aspiring -##mart -comprehend -iona -paralyzed -shimmering -swindon -rhone -##eley -reputed -configurations -pitchfork -agitation -francais -gillian -lipstick -##ilo -outsiders -pontifical -resisting -bitterness -sewer -rockies -##edd -##ucher -misleading -1756 -exiting -galloway -##nging -risked -##heart -246 -commemoration -schultz -##rka -integrating -##rsa -poses -shrieked -##weiler -guineas -gladys -jerking -owls -goldsmith -nightly -penetrating -##unced -lia -##33 -ignited -betsy -##aring -##thorpe -follower -vigorously -##rave -coded -kiran -knit -zoology -tbilisi -##28 -##bered -repository -govt -deciduous -dino -growling -##bba -enhancement -unleashed -chanting -pussy -biochemistry -##eric -kettle -repression -toxicity -nrhp -##arth -##kko -##bush -ernesto -commended -outspoken -242 -mca -parchment -sms -kristen -##aton -bisexual -raked -glamour -navajo -a2 -conditioned -showcased -##hma -spacious -youthful -##esa -usl -appliances -junta -brest -layne -conglomerate -enchanted -chao -loosened -picasso -circulating -inspect -montevideo -##centric -##kti -piazza -spurred -##aith -bari -freedoms -poultry -stamford -lieu -##ect -indigo -sarcastic -bahia -stump -attach -dvds -frankenstein -lille -approx -scriptures -pollen -##script -nmi -overseen -##ivism -tides -proponent -newmarket -inherit -milling -##erland -centralized -##rou -distributors -credentials -drawers -abbreviation -##lco -##xon -downing -uncomfortably -ripe -##oes -erase -franchises -##ever -populace -##bery -##khar -decomposition -pleas -##tet -daryl -sabah -##stle -##wide -fearless -genie -lesions -annette -##ogist -oboe -appendix -nair -dripped -petitioned -maclean -mosquito -parrot -rpg -hampered -1648 -operatic -reservoirs -##tham -irrelevant -jolt -summarized -##fp -medallion -##taff -##− -clawed -harlow -narrower -goddard -marcia -bodied -fremont -suarez -altering -tempest -mussolini -porn -##isms -sweetly -oversees -walkers -solitude -grimly -shrines -hk -ich -supervisors -hostess -dietrich -legitimacy -brushes -expressive -##yp -dissipated -##rse -localized -systemic -##nikov -gettysburg -##js -##uaries -dialogues -muttering -251 -housekeeper -sicilian -discouraged -##frey -beamed -kaladin -halftime -kidnap -##amo -##llet -1754 -synonymous -depleted -instituto -insulin -reprised -##opsis -clashed -##ctric -interrupting -radcliffe -insisting -medici -1715 -ejected -playfully -turbulent -##47 -starvation -##rini -shipment -rebellious -petersen -verification -merits -##rified -cakes -##charged -1757 -milford -shortages -spying -fidelity -##aker -emitted -storylines -harvested -seismic -##iform -cheung -kilda -theoretically -barbie -lynx -##rgy -##tius -goblin -mata -poisonous -##nburg -reactive -residues -obedience -##евич -conjecture -##rac -401 -hating -sixties -kicker -moaning -motown -##bha -emancipation -neoclassical -##hering -consoles -ebert -professorship -##tures -sustaining -assaults -obeyed -affluent -incurred -tornadoes -##eber -##zow -emphasizing -highlanders -cheated -helmets -##ctus -internship -terence -bony -executions -legislators -berries -peninsular -tinged -##aco -1689 -amplifier -corvette -ribbons -lavish -pennant -##lander -worthless -##chfield -##forms -mariano -pyrenees -expenditures -##icides -chesterfield -mandir -tailor -39th -sergey -nestled -willed -aristocracy -devotees -goodnight -raaf -rumored -weaponry -remy -appropriations -harcourt -burr -riaa -##lence -limitation -unnoticed -guo -soaking -swamps -##tica -collapsing -tatiana -descriptive -brigham -psalm -##chment -maddox -##lization -patti -caliph -##aja -akron -injuring -serra -##ganj -basins -##sari -astonished -launcher -##church -hilary -wilkins -sewing -##sf -stinging -##fia -##ncia -underwood -startup -##ition -compilations -vibrations -embankment -jurist -##nity -bard -juventus -groundwater -kern -palaces -helium -boca -cramped -marissa -soto -##worm -jae -princely -##ggy -faso -bazaar -warmly -##voking -229 -pairing -##lite -##grate -##nets -wien -freaked -ulysses -rebirth -##alia -##rent -mummy -guzman -jimenez -stilled -##nitz -trajectory -tha -woken -archival -professions -##pts -##pta -hilly -shadowy -shrink -##bolt -norwood -glued -migrate -stereotypes -devoid -##pheus -625 -evacuate -horrors -infancy -gotham -knowles -optic -downloaded -sachs -kingsley -parramatta -darryl -mor -##onale -shady -commence -confesses -kan -##meter -##placed -marlborough -roundabout -regents -frigates -io -##imating -gothenburg -revoked -carvings -clockwise -convertible -intruder -##sche -banged -##ogo -vicky -bourgeois -##mony -dupont -footing -##gum -pd -##real -buckle -yun -penthouse -sane -720 -serviced -stakeholders -neumann -bb -##eers -comb -##gam -catchment -pinning -rallies -typing -##elles -forefront -freiburg -sweetie -giacomo -widowed -goodwill -worshipped -aspirations -midday -##vat -fishery -##trick -bournemouth -turk -243 -hearth -ethanol -guadalajara -murmurs -sl -##uge -afforded -scripted -##hta -wah -##jn -coroner -translucent -252 -memorials -puck -progresses -clumsy -##race -315 -candace -recounted -##27 -##slin -##uve -filtering -##mac -howl -strata -heron -leveled -##ays -dubious -##oja -##т -##wheel -citations -exhibiting -##laya -##mics -##pods -turkic -##lberg -injunction -##ennial -##mit -antibodies -##44 -organise -##rigues -cardiovascular -cushion -inverness -##zquez -dia -cocoa -sibling -##tman -##roid -expanse -feasible -tunisian -algiers -##relli -rus -bloomberg -dso -westphalia -bro -tacoma -281 -downloads -##ours -konrad -duran -##hdi -continuum -jett -compares -legislator -secession -##nable -##gues -##zuka -translating -reacher -##gley -##ła -aleppo -##agi -tc -orchards -trapping -linguist -versatile -drumming -postage -calhoun -superiors -##mx -barefoot -leary -##cis -ignacio -alfa -kaplan -##rogen -bratislava -mori -##vot -disturb -haas -313 -cartridges -gilmore -radiated -salford -tunic -hades -##ulsive -archeological -delilah -magistrates -auditioned -brewster -charters -empowerment -blogs -cappella -dynasties -iroquois -whipping -##krishna -raceway -truths -myra -weaken -judah -mcgregor -##horse -mic -refueling -37th -burnley -bosses -markus -premio -query -##gga -dunbar -##economic -darkest -lyndon -sealing -commendation -reappeared -##mun -addicted -ezio -slaughtered -satisfactory -shuffle -##eves -##thic -##uj -fortification -warrington -##otto -resurrected -fargo -mane -##utable -##lei -##space -foreword -ox -##aris -##vern -abrams -hua -##mento -sakura -##alo -uv -sentimental -##skaya -midfield -##eses -sturdy -scrolls -macleod -##kyu -entropy -##lance -mitochondrial -cicero -excelled -thinner -convoys -perceive -##oslav -##urable -systematically -grind -burkina -287 -##tagram -ops -##aman -guantanamo -##cloth -##tite -forcefully -wavy -##jou -pointless -##linger -##tze -layton -portico -superficial -clerical -outlaws -##hism -burials -muir -##inn -creditors -hauling -rattle -##leg -calais -monde -archers -reclaimed -dwell -wexford -hellenic -falsely -remorse -##tek -dough -furnishings -##uttered -gabon -neurological -novice -##igraphy -contemplated -pulpit -nightstand -saratoga -##istan -documenting -pulsing -taluk -##firmed -busted -marital -##rien -disagreements -wasps -##yes -hodge -mcdonnell -mimic -fran -pendant -dhabi -musa -##nington -congratulations -argent -darrell -concussion -losers -regrets -thessaloniki -reversal -donaldson -hardwood -thence -achilles -ritter -##eran -demonic -jurgen -prophets -goethe -eki -classmate -buff -##cking -yank -irrational -##inging -perished -seductive -qur -sourced -##crat -##typic -mustard -ravine -barre -horizontally -characterization -phylogenetic -boise -##dit -##runner -##tower -brutally -intercourse -seduce -##bbing -fay -ferris -ogden -amar -nik -unarmed -##inator -evaluating -kyrgyzstan -sweetness -##lford -##oki -mccormick -meiji -notoriety -stimulate -disrupt -figuring -instructional -mcgrath -##zoo -groundbreaking -##lto -flinch -khorasan -agrarian -bengals -mixer -radiating -##sov -ingram -pitchers -nad -tariff -##cript -tata -##codes -##emi -##ungen -appellate -lehigh -##bled -##giri -brawl -duct -texans -##ciation -##ropolis -skipper -speculative -vomit -doctrines -stresses -253 -davy -graders -whitehead -jozef -timely -cumulative -haryana -paints -appropriately -boon -cactus -##ales -##pid -dow -legions -##pit -perceptions -1730 -picturesque -##yse -periphery -rune -wr -##aha -celtics -sentencing -whoa -##erin -confirms -variance -425 -moines -mathews -spade -rave -m1 -fronted -fx -blending -alleging -reared -##gl -237 -##paper -grassroots -eroded -##free -##physical -directs -ordeal -##sław -accelerate -hacker -rooftop -##inia -lev -buys -cebu -devote -##lce -specialising -##ulsion -choreographed -repetition -warehouses -##ryl -paisley -tuscany -analogy -sorcerer -hash -huts -shards -descends -exclude -nix -chaplin -gaga -ito -vane -##drich -causeway -misconduct -limo -orchestrated -glands -jana -##kot -u2 -##mple -##sons -branching -contrasts -scoop -longed -##virus -chattanooga -##75 -syrup -cornerstone -##tized -##mind -##iaceae -careless -precedence -frescoes -##uet -chilled -consult -modelled -snatch -peat -##thermal -caucasian -humane -relaxation -spins -temperance -##lbert -occupations -lambda -hybrids -moons -mp3 -##oese -247 -rolf -societal -yerevan -ness -##ssler -befriended -mechanized -nominate -trough -boasted -cues -seater -##hom -bends -##tangle -conductors -emptiness -##lmer -eurasian -adriatic -tian -##cie -anxiously -lark -propellers -chichester -jock -ev -2a -##holding -credible -recounts -tori -loyalist -abduction -##hoot -##redo -nepali -##mite -ventral -tempting -##ango -##crats -steered -##wice -javelin -dipping -laborers -prentice -looming -titanium -##ː -badges -emir -tensor -##ntation -egyptians -rash -denies -hawthorne -lombard -showers -wehrmacht -dietary -trojan -##reus -welles -executing -horseshoe -lifeboat -##lak -elsa -infirmary -nearing -roberta -boyer -mutter -trillion -joanne -##fine -##oked -sinks -vortex -uruguayan -clasp -sirius -##block -accelerator -prohibit -sunken -byu -chronological -diplomats -ochreous -510 -symmetrical -1644 -maia -##tology -salts -reigns -atrocities -##ия -hess -bared -issn -##vyn -cater -saturated -##cycle -##isse -sable -voyager -dyer -yusuf -##inge -fountains -wolff -##39 -##nni -engraving -rollins -atheist -ominous -##ault -herr -chariot -martina -strung -##fell -##farlane -horrific -sahib -gazes -saetan -erased -ptolemy -##olic -flushing -lauderdale -analytic -##ices -530 -navarro -beak -gorilla -herrera -broom -guadalupe -raiding -sykes -311 -bsc -deliveries -1720 -invasions -carmichael -tajikistan -thematic -ecumenical -sentiments -onstage -##rians -##brand -##sume -catastrophic -flanks -molten -##arns -waller -aimee -terminating -##icing -alternately -##oche -nehru -printers -outraged -##eving -empires -template -banners -repetitive -za -##oise -vegetarian -##tell -guiana -opt -cavendish -lucknow -synthesized -##hani -##mada -finalized -##ctable -fictitious -mayoral -unreliable -##enham -embracing -peppers -rbis -##chio -##neo -inhibition -slashed -togo -orderly -embroidered -safari -salty -236 -barron -benito -totaled -##dak -pubs -simulated -caden -devin -tolkien -momma -welding -sesame -##ept -gottingen -hardness -630 -shaman -temeraire -620 -adequately -pediatric -##kit -ck -assertion -radicals -composure -cadence -seafood -beaufort -lazarus -mani -warily -cunning -kurdistan -249 -cantata -##kir -ares -##41 -##clusive -nape -townland -geared -insulted -flutter -boating -violate -draper -dumping -malmo -##hh -##romatic -firearm -alta -bono -obscured -##clave -exceeds -panorama -unbelievable -##train -preschool -##essed -disconnected -installing -rescuing -secretaries -accessibility -##castle -##drive -##ifice -##film -bouts -slug -waterway -mindanao -##buro -##ratic -halves -##ل -calming -liter -maternity -adorable -bragg -electrification -mcc -##dote -roxy -schizophrenia -##body -munoz -kaye -whaling -239 -mil -tingling -tolerant -##ago -unconventional -volcanoes -##finder -deportivo -##llie -robson -kaufman -neuroscience -wai -deportation -masovian -scraping -converse -##bh -hacking -bulge -##oun -administratively -yao -580 -amp -mammoth -booster -claremont -hooper -nomenclature -pursuits -mclaughlin -melinda -##sul -catfish -barclay -substrates -taxa -zee -originals -kimberly -packets -padma -##ality -borrowing -ostensibly -solvent -##bri -##genesis -##mist -lukas -shreveport -veracruz -##ь -##lou -##wives -cheney -tt -anatolia -hobbs -##zyn -cyclic -radiant -alistair -greenish -siena -dat -independents -##bation -conform -pieter -hyper -applicant -bradshaw -spores -telangana -vinci -inexpensive -nuclei -322 -jang -nme -soho -spd -##ign -cradled -receptionist -pow -##43 -##rika -fascism -##ifer -experimenting -##ading -##iec -##region -345 -jocelyn -maris -stair -nocturnal -toro -constabulary -elgin -##kker -msc -##giving -##schen -##rase -doherty -doping -sarcastically -batter -maneuvers -##cano -##apple -##gai -##git -intrinsic -##nst -##stor -1753 -showtime -cafes -gasps -lviv -ushered -##thed -fours -restart -astonishment -transmitting -flyer -shrugs -##sau -intriguing -cones -dictated -mushrooms -medial -##kovsky -##elman -escorting -gaped -##26 -godfather -##door -##sell -djs -recaptured -timetable -vila -1710 -3a -aerodrome -mortals -scientology -##orne -angelina -mag -convection -unpaid -insertion -intermittent -lego -##nated -endeavor -kota -pereira -##lz -304 -bwv -glamorgan -insults -agatha -fey -##cend -fleetwood -mahogany -protruding -steamship -zeta -##arty -mcguire -suspense -##sphere -advising -urges -##wala -hurriedly -meteor -gilded -inline -arroyo -stalker -##oge -excitedly -revered -##cure -earle -introductory -##break -##ilde -mutants -puff -pulses -reinforcement -##haling -curses -lizards -stalk -correlated -##fixed -fallout -macquarie -##unas -bearded -denton -heaving -802 -##ocation -winery -assign -dortmund -##lkirk -everest -invariant -charismatic -susie -##elling -bled -lesley -telegram -sumner -bk -##ogen -##к -wilcox -needy -colbert -duval -##iferous -##mbled -allotted -attends -imperative -##hita -replacements -hawker -##inda -insurgency -##zee -##eke -casts -##yla -680 -ives -transitioned -##pack -##powering -authoritative -baylor -flex -cringed -plaintiffs -woodrow -##skie -drastic -ape -aroma -unfolded -commotion -nt -preoccupied -theta -routines -lasers -privatization -wand -domino -ek -clenching -nsa -strategically -showered -bile -handkerchief -pere -storing -christophe -insulting -316 -nakamura -romani -asiatic -magdalena -palma -cruises -stripping -405 -konstantin -soaring -##berman -colloquially -forerunner -havilland -incarcerated -parasites -sincerity -##utus -disks -plank -saigon -##ining -corbin -homo -ornaments -powerhouse -##tlement -chong -fastened -feasibility -idf -morphological -usable -##nish -##zuki -aqueduct -jaguars -keepers -##flies -aleksandr -faust -assigns -ewing -bacterium -hurled -tricky -hungarians -integers -wallis -321 -yamaha -##isha -hushed -oblivion -aviator -evangelist -friars -##eller -monograph -ode -##nary -airplanes -labourers -charms -##nee -1661 -hagen -tnt -rudder -fiesta -transcript -dorothea -ska -inhibitor -maccabi -retorted -raining -encompassed -clauses -menacing -1642 -lineman -##gist -vamps -##ape -##dick -gloom -##rera -dealings -easing -seekers -##nut -##pment -helens -unmanned -##anu -##isson -basics -##amy -##ckman -adjustments -1688 -brutality -horne -##zell -sui -##55 -##mable -aggregator -##thal -rhino -##drick -##vira -counters -zoom -##01 -##rting -mn -montenegrin -packard -##unciation -##♭ -##kki -reclaim -scholastic -thugs -pulsed -##icia -syriac -quan -saddam -banda -kobe -blaming -buddies -dissent -##lusion -##usia -corbett -jaya -delle -erratic -lexie -##hesis -435 -amiga -hermes -##pressing -##leen -chapels -gospels -jamal -##uating -compute -revolving -warp -##sso -##thes -armory -##eras -##gol -antrim -loki -##kow -##asian -##good -##zano -braid -handwriting -subdistrict -funky -pantheon -##iculate -concurrency -estimation -improper -juliana -##his -newcomers -johnstone -staten -communicated -##oco -##alle -sausage -stormy -##stered -##tters -superfamily -##grade -acidic -collateral -tabloid -##oped -##rza -bladder -austen -##ellant -mcgraw -##hay -hannibal -mein -aquino -lucifer -wo -badger -boar -cher -christensen -greenberg -interruption -##kken -jem -244 -mocked -bottoms -cambridgeshire -##lide -sprawling -##bbly -eastwood -ghent -synth -##buck -advisers -##bah -nominally -hapoel -qu -daggers -estranged -fabricated -towels -vinnie -wcw -misunderstanding -anglia -nothin -unmistakable -##dust -##lova -chilly -marquette -truss -##edge -##erine -reece -##lty -##chemist -##connected -272 -308 -41st -bash -raion -waterfalls -##ump -##main -labyrinth -queue -theorist -##istle -bharatiya -flexed -soundtracks -rooney -leftist -patrolling -wharton -plainly -alleviate -eastman -schuster -topographic -engages -immensely -unbearable -fairchild -1620 -dona -lurking -parisian -oliveira -ia -indictment -hahn -bangladeshi -##aster -vivo -##uming -##ential -antonia -expects -indoors -kildare -harlan -##logue -##ogenic -##sities -forgiven -##wat -childish -tavi -##mide -##orra -plausible -grimm -successively -scooted -##bola -##dget -##rith -spartans -emery -flatly -azure -epilogue -##wark -flourish -##iny -##tracted -##overs -##oshi -bestseller -distressed -receipt -spitting -hermit -topological -##cot -drilled -subunit -francs -##layer -eel -##fk -##itas -octopus -footprint -petitions -ufo -##say -##foil -interfering -leaking -palo -##metry -thistle -valiant -##pic -narayan -mcpherson -##fast -gonzales -##ym -##enne -dustin -novgorod -solos -##zman -doin -##raph -##patient -##meyer -soluble -ashland -cuffs -carole -pendleton -whistling -vassal -##river -deviation -revisited -constituents -rallied -rotate -loomed -##eil -##nting -amateurs -augsburg -auschwitz -crowns -skeletons -##cona -bonnet -257 -dummy -globalization -simeon -sleeper -mandal -differentiated -##crow -##mare -milne -bundled -exasperated -talmud -owes -segregated -##feng -##uary -dentist -piracy -props -##rang -devlin -##torium -malicious -paws -##laid -dependency -##ergy -##fers -##enna -258 -pistons -rourke -jed -grammatical -tres -maha -wig -512 -ghostly -jayne -##achal -##creen -##ilis -##lins -##rence -designate -##with -arrogance -cambodian -clones -showdown -throttle -twain -##ception -lobes -metz -nagoya -335 -braking -##furt -385 -roaming -##minster -amin -crippled -##37 -##llary -indifferent -hoffmann -idols -intimidating -1751 -261 -influenza -memo -onions -1748 -bandage -consciously -##landa -##rage -clandestine -observes -swiped -tangle -##ener -##jected -##trum -##bill -##lta -hugs -congresses -josiah -spirited -##dek -humanist -managerial -filmmaking -inmate -rhymes -debuting -grimsby -ur -##laze -duplicate -vigor -##tf -republished -bolshevik -refurbishment -antibiotics -martini -methane -newscasts -royale -horizons -levant -iain -visas -##ischen -paler -##around -manifestation -snuck -alf -chop -futile -pedestal -rehab -##kat -bmg -kerman -res -fairbanks -jarrett -abstraction -saharan -##zek -1746 -procedural -clearer -kincaid -sash -luciano -##ffey -crunch -helmut -##vara -revolutionaries -##tute -creamy -leach -##mmon -1747 -permitting -nes -plight -wendell -##lese -contra -ts -clancy -ipa -mach -staples -autopsy -disturbances -nueva -karin -pontiac -##uding -proxy -venerable -haunt -leto -bergman -expands -##helm -wal -##pipe -canning -celine -cords -obesity -##enary -intrusion -planner -##phate -reasoned -sequencing -307 -harrow -##chon -##dora -marred -mcintyre -repay -tarzan -darting -248 -harrisburg -margarita -repulsed -##hur -##lding -belinda -hamburger -novo -compliant -runways -bingham -registrar -skyscraper -ic -cuthbert -improvisation -livelihood -##corp -##elial -admiring -##dened -sporadic -believer -casablanca -popcorn -##29 -asha -shovel -##bek -##dice -coiled -tangible -##dez -casper -elsie -resin -tenderness -rectory -##ivision -avail -sonar -##mori -boutique -##dier -guerre -bathed -upbringing -vaulted -sandals -blessings -##naut -##utnant -1680 -306 -foxes -pia -corrosion -hesitantly -confederates -crystalline -footprints -shapiro -tirana -valentin -drones -45th -microscope -shipments -texted -inquisition -wry -guernsey -unauthorized -resigning -760 -ripple -schubert -stu -reassure -felony -##ardo -brittle -koreans -##havan -##ives -dun -implicit -tyres -##aldi -##lth -magnolia -##ehan -##puri -##poulos -aggressively -fei -gr -familiarity -##poo -indicative -##trust -fundamentally -jimmie -overrun -395 -anchors -moans -##opus -britannia -armagh -##ggle -purposely -seizing -##vao -bewildered -mundane -avoidance -cosmopolitan -geometridae -quartermaster -caf -415 -chatter -engulfed -gleam -purge -##icate -juliette -jurisprudence -guerra -revisions -##bn -casimir -brew -##jm -1749 -clapton -cloudy -conde -hermitage -278 -simulations -torches -vincenzo -matteo -##rill -hidalgo -booming -westbound -accomplishment -tentacles -unaffected -##sius -annabelle -flopped -sloping -##litz -dreamer -interceptor -vu -##loh -consecration -copying -messaging -breaker -climates -hospitalized -1752 -torino -afternoons -winfield -witnessing -##teacher -breakers -choirs -sawmill -coldly -##ege -sipping -haste -uninhabited -conical -bibliography -pamphlets -severn -edict -##oca -deux -illnesses -grips -##pl -rehearsals -sis -thinkers -tame -##keepers -1690 -acacia -reformer -##osed -##rys -shuffling -##iring -##shima -eastbound -ionic -rhea -flees -littered -##oum -rocker -vomiting -groaning -champ -overwhelmingly -civilizations -paces -sloop -adoptive -##tish -skaters -##vres -aiding -mango -##joy -nikola -shriek -##ignon -pharmaceuticals -##mg -tuna -calvert -gustavo -stocked -yearbook -##urai -##mana -computed -subsp -riff -hanoi -kelvin -hamid -moors -pastures -summons -jihad -nectar -##ctors -bayou -untitled -pleasing -vastly -republics -intellect -##η -##ulio -##tou -crumbling -stylistic -sb -##ی -consolation -frequented -h₂o -walden -widows -##iens -404 -##ignment -chunks -improves -288 -grit -recited -##dev -snarl -sociological -##arte -##gul -inquired -##held -bruise -clube -consultancy -homogeneous -hornets -multiplication -pasta -prick -savior -##grin -##kou -##phile -yoon -##gara -grimes -vanishing -cheering -reacting -bn -distillery -##quisite -##vity -coe -dockyard -massif -##jord -escorts -voss -##valent -byte -chopped -hawke -illusions -workings -floats -##koto -##vac -kv -annapolis -madden -##onus -alvaro -noctuidae -##cum -##scopic -avenge -steamboat -forte -illustrates -erika -##trip -570 -dew -nationalities -bran -manifested -thirsty -diversified -muscled -reborn -##standing -arson -##lessness -##dran -##logram -##boys -##kushima -##vious -willoughby -##phobia -286 -alsace -dashboard -yuki -##chai -granville -myspace -publicized -tricked -##gang -adjective -##ater -relic -reorganisation -enthusiastically -indications -saxe -##lassified -consolidate -iec -padua -helplessly -ramps -renaming -regulars -pedestrians -accents -convicts -inaccurate -lowers -mana -##pati -barrie -bjp -outta -someplace -berwick -flanking -invoked -marrow -sparsely -excerpts -clothed -rei -##ginal -wept -##straße -##vish -alexa -excel -##ptive -membranes -aquitaine -creeks -cutler -sheppard -implementations -ns -##dur -fragrance -budge -concordia -magnesium -marcelo -##antes -gladly -vibrating -##rral -##ggles -montrose -##omba -lew -seamus -1630 -cocky -##ament -##uen -bjorn -##rrick -fielder -fluttering -##lase -methyl -kimberley -mcdowell -reductions -barbed -##jic -##tonic -aeronautical -condensed -distracting -##promising -huffed -##cala -##sle -claudius -invincible -missy -pious -balthazar -ci -##lang -butte -combo -orson -##dication -myriad -1707 -silenced -##fed -##rh -coco -netball -yourselves -##oza -clarify -heller -peg -durban -etudes -offender -roast -blackmail -curvature -##woods -vile -309 -illicit -suriname -##linson -overture -1685 -bubbling -gymnast -tucking -##mming -##ouin -maldives -##bala -gurney -##dda -##eased -##oides -backside -pinto -jars -racehorse -tending -##rdial -baronetcy -wiener -duly -##rke -barbarian -cupping -flawed -##thesis -bertha -pleistocene -puddle -swearing -##nob -##tically -fleeting -prostate -amulet -educating -##mined -##iti -##tler -75th -jens -respondents -analytics -cavaliers -papacy -raju -##iente -##ulum -##tip -funnel -271 -disneyland -##lley -sociologist -##iam -2500 -faulkner -louvre -menon -##dson -276 -##ower -afterlife -mannheim -peptide -referees -comedians -meaningless -##anger -##laise -fabrics -hurley -renal -sleeps -##bour -##icle -breakout -kristin -roadside -animator -clover -disdain -unsafe -redesign -##urity -firth -barnsley -portage -reset -narrows -268 -commandos -expansive -speechless -tubular -##lux -essendon -eyelashes -smashwords -##yad -##bang -##claim -craved -sprinted -chet -somme -astor -wrocław -orton -266 -bane -##erving -##uing -mischief -##amps -##sund -scaling -terre -##xious -impairment -offenses -undermine -moi -soy -contiguous -arcadia -inuit -seam -##tops -macbeth -rebelled -##icative -##iot -590 -elaborated -frs -uniformed -##dberg -259 -powerless -priscilla -stimulated -980 -qc -arboretum -frustrating -trieste -bullock -##nified -enriched -glistening -intern -##adia -locus -nouvelle -ollie -ike -lash -starboard -ee -tapestry -headlined -hove -rigged -##vite -pollock -##yme -thrive -clustered -cas -roi -gleamed -olympiad -##lino -pressured -regimes -##hosis -##lick -ripley -##ophone -kickoff -gallon -rockwell -##arable -crusader -glue -revolutions -scrambling -1714 -grover -##jure -englishman -aztec -263 -contemplating -coven -ipad -preach -triumphant -tufts -##esian -rotational -##phus -328 -falkland -##brates -strewn -clarissa -rejoin -environmentally -glint -banded -drenched -moat -albanians -johor -rr -maestro -malley -nouveau -shaded -taxonomy -v6 -adhere -bunk -airfields -##ritan -1741 -encompass -remington -tran -##erative -amelie -mazda -friar -morals -passions -##zai -breadth -vis -##hae -argus -burnham -caressing -insider -rudd -##imov -##mini -##rso -italianate -murderous -textual -wainwright -armada -bam -weave -timer -##taken -##nh -fra -##crest -ardent -salazar -taps -tunis -##ntino -allegro -gland -philanthropic -##chester -implication -##optera -esq -judas -noticeably -wynn -##dara -inched -indexed -crises -villiers -bandit -royalties -patterned -cupboard -interspersed -accessory -isla -kendrick -entourage -stitches -##esthesia -headwaters -##ior -interlude -distraught -draught -1727 -##basket -biased -sy -transient -triad -subgenus -adapting -kidd -shortstop -##umatic -dimly -spiked -mcleod -reprint -nellie -pretoria -windmill -##cek -singled -##mps -273 -reunite -##orous -747 -bankers -outlying -##omp -##ports -##tream -apologies -cosmetics -patsy -##deh -##ocks -##yson -bender -nantes -serene -##nad -lucha -mmm -323 -##cius -##gli -cmll -coinage -nestor -juarez -##rook -smeared -sprayed -twitching -sterile -irina -embodied -juveniles -enveloped -miscellaneous -cancers -dq -gulped -luisa -crested -swat -donegal -ref -##anov -##acker -hearst -mercantile -##lika -doorbell -ua -vicki -##alla -##som -bilbao -psychologists -stryker -sw -horsemen -turkmenistan -wits -##national -anson -mathew -screenings -##umb -rihanna -##agne -##nessy -aisles -##iani -##osphere -hines -kenton -saskatoon -tasha -truncated -##champ -##itan -mildred -advises -fredrik -interpreting -inhibitors -##athi -spectroscopy -##hab -##kong -karim -panda -##oia -##nail -##vc -conqueror -kgb -leukemia -##dity -arrivals -cheered -pisa -phosphorus -shielded -##riated -mammal -unitarian -urgently -chopin -sanitary -##mission -spicy -drugged -hinges -##tort -tipping -trier -impoverished -westchester -##caster -267 -epoch -nonstop -##gman -##khov -aromatic -centrally -cerro -##tively -##vio -billions -modulation -sedimentary -283 -facilitating -outrageous -goldstein -##eak -##kt -ld -maitland -penultimate -pollard -##dance -fleets -spaceship -vertebrae -##nig -alcoholism -als -recital -##bham -##ference -##omics -m2 -##bm -trois -##tropical -##в -commemorates -##meric -marge -##raction -1643 -670 -cosmetic -ravaged -##ige -catastrophe -eng -##shida -albrecht -arterial -bellamy -decor -harmon -##rde -bulbs -synchronized -vito -easiest -shetland -shielding -wnba -##glers -##ssar -##riam -brianna -cumbria -##aceous -##rard -cores -thayer -##nsk -brood -hilltop -luminous -carts -keynote -larkin -logos -##cta -##ا -##mund -##quay -lilith -tinted -277 -wrestle -mobilization -##uses -sequential -siam -bloomfield -takahashi -274 -##ieving -presenters -ringo -blazed -witty -##oven -##ignant -devastation -haydn -harmed -newt -therese -##peed -gershwin -molina -rabbis -sudanese -001 -innate -restarted -##sack -##fus -slices -wb -##shah -enroll -hypothetical -hysterical -1743 -fabio -indefinite -warped -##hg -exchanging -525 -unsuitable -##sboro -gallo -1603 -bret -cobalt -homemade -##hunter -mx -operatives -##dhar -terraces -durable -latch -pens -whorls -##ctuated -##eaux -billing -ligament -succumbed -##gly -regulators -spawn -##brick -##stead -filmfare -rochelle -##nzo -1725 -circumstance -saber -supplements -##nsky -##tson -crowe -wellesley -carrot -##9th -##movable -primate -drury -sincerely -topical -##mad -##rao -callahan -kyiv -smarter -tits -undo -##yeh -announcements -anthologies -barrio -nebula -##islaus -##shaft -##tyn -bodyguards -2021 -assassinate -barns -emmett -scully -##mah -##yd -##eland -##tino -##itarian -demoted -gorman -lashed -prized -adventist -writ -##gui -alla -invertebrates -##ausen -1641 -amman -1742 -align -healy -redistribution -##gf -##rize -insulation -##drop -adherents -hezbollah -vitro -ferns -yanking -269 -php -registering -uppsala -cheerleading -confines -mischievous -tully -##ross -49th -docked -roam -stipulated -pumpkin -##bry -prompt -##ezer -blindly -shuddering -craftsmen -frail -scented -katharine -scramble -shaggy -sponge -helix -zaragoza -279 -##52 -43rd -backlash -fontaine -seizures -posse -cowan -nonfiction -telenovela -wwii -hammered -undone -##gpur -encircled -irs -##ivation -artefacts -oneself -searing -smallpox -##belle -##osaurus -shandong -breached -upland -blushing -rankin -infinitely -psyche -tolerated -docking -evicted -##col -unmarked -##lving -gnome -lettering -litres -musique -##oint -benevolent -##jal -blackened -##anna -mccall -racers -tingle -##ocene -##orestation -introductions -radically -292 -##hiff -##باد -1610 -1739 -munchen -plead -##nka -condo -scissors -##sight -##tens -apprehension -##cey -##yin -hallmark -watering -formulas -sequels -##llas -aggravated -bae -commencing -##building -enfield -prohibits -marne -vedic -civilized -euclidean -jagger -beforehand -blasts -dumont -##arney -##nem -740 -conversions -hierarchical -rios -simulator -##dya -##lellan -hedges -oleg -thrusts -shadowed -darby -maximize -1744 -gregorian -##nded -##routed -sham -unspecified -##hog -emory -factual -##smo -##tp -fooled -##rger -ortega -wellness -marlon -##oton -##urance -casket -keating -ley -enclave -##ayan -char -influencing -jia -##chenko -412 -ammonia -erebidae -incompatible -violins -cornered -##arat -grooves -astronauts -columbian -rampant -fabrication -kyushu -mahmud -vanish -##dern -mesopotamia -##lete -ict -##rgen -caspian -kenji -pitted -##vered -999 -grimace -roanoke -tchaikovsky -twinned -##analysis -##awan -xinjiang -arias -clemson -kazakh -sizable -1662 -##khand -##vard -plunge -tatum -vittorio -##nden -cholera -##dana -##oper -bracing -indifference -projectile -superliga -##chee -realises -upgrading -299 -porte -retribution -##vies -nk -stil -##resses -ama -bureaucracy -blackberry -bosch -testosterone -collapses -greer -##pathic -ioc -fifties -malls -##erved -bao -baskets -adolescents -siegfried -##osity -##tosis -mantra -detecting -existent -fledgling -##cchi -dissatisfied -gan -telecommunication -mingled -sobbed -6000 -controversies -outdated -taxis -##raus -fright -slams -##lham -##fect -##tten -detectors -fetal -tanned -##uw -fray -goth -olympian -skipping -mandates -scratches -sheng -unspoken -hyundai -tracey -hotspur -restrictive -##buch -americana -mundo -##bari -burroughs -diva -vulcan -##6th -distinctions -thumping -##ngen -mikey -sheds -fide -rescues -springsteen -vested -valuation -##ece -##ely -pinnacle -rake -sylvie -##edo -almond -quivering -##irus -alteration -faltered -##wad -51st -hydra -ticked -##kato -recommends -##dicated -antigua -arjun -stagecoach -wilfred -trickle -pronouns -##pon -aryan -nighttime -##anian -gall -pea -stitch -##hei -leung -milos -##dini -eritrea -nexus -starved -snowfall -kant -parasitic -cot -discus -hana -strikers -appleton -kitchens -##erina -##partisan -##itha -##vius -disclose -metis -##channel -1701 -tesla -##vera -fitch -1735 -blooded -##tila -decimal -##tang -##bai -cyclones -eun -bottled -peas -pensacola -basha -bolivian -crabs -boil -lanterns -partridge -roofed -1645 -necks -##phila -opined -patting -##kla -##lland -chuckles -volta -whereupon -##nche -devout -euroleague -suicidal -##dee -inherently -involuntary -knitting -nasser -##hide -puppets -colourful -courageous -southend -stills -miraculous -hodgson -richer -rochdale -ethernet -greta -uniting -prism -umm -##haya -##itical -##utation -deterioration -pointe -prowess -##ropriation -lids -scranton -billings -subcontinent -##koff -##scope -brute -kellogg -psalms -degraded -##vez -stanisław -##ructured -ferreira -pun -astonishing -gunnar -##yat -arya -prc -gottfried -##tight -excursion -##ographer -dina -##quil -##nare -huffington -illustrious -wilbur -gundam -verandah -##zard -naacp -##odle -constructive -fjord -kade -##naud -generosity -thrilling -baseline -cayman -frankish -plastics -accommodations -zoological -##fting -cedric -qb -motorized -##dome -##otted -squealed -tackled -canucks -budgets -situ -asthma -dail -gabled -grasslands -whimpered -writhing -judgments -##65 -minnie -pv -##carbon -bananas -grille -domes -monique -odin -maguire -markham -tierney -##estra -##chua -libel -poke -speedy -atrium -laval -notwithstanding -##edly -fai -kala -##sur -robb -##sma -listings -luz -supplementary -tianjin -##acing -enzo -jd -ric -scanner -croats -transcribed -##49 -arden -cv -##hair -##raphy -##lver -##uy -357 -seventies -staggering -alam -horticultural -hs -regression -timbers -blasting -##ounded -montagu -manipulating -##cit -catalytic -1550 -troopers -##meo -condemnation -fitzpatrick -##oire -##roved -inexperienced -1670 -castes -##lative -outing -314 -dubois -flicking -quarrel -ste -learners -1625 -iq -whistled -##class -282 -classify -tariffs -temperament -355 -folly -liszt -##yles -immersed -jordanian -ceasefire -apparel -extras -maru -fished -##bio -harta -stockport -assortment -craftsman -paralysis -transmitters -##cola -blindness -##wk -fatally -proficiency -solemnly -##orno -repairing -amore -groceries -ultraviolet -##chase -schoolhouse -##tua -resurgence -nailed -##otype -##× -ruse -saliva -diagrams -##tructing -albans -rann -thirties -1b -antennas -hilarious -cougars -paddington -stats -##eger -breakaway -ipod -reza -authorship -prohibiting -scoffed -##etz -##ttle -conscription -defected -trondheim -##fires -ivanov -keenan -##adan -##ciful -##fb -##slow -locating -##ials -##tford -cadiz -basalt -blankly -interned -rags -rattling -##tick -carpathian -reassured -sync -bum -guildford -iss -staunch -##onga -astronomers -sera -sofie -emergencies -susquehanna -##heard -duc -mastery -vh1 -williamsburg -bayer -buckled -craving -##khan -##rdes -bloomington -##write -alton -barbecue -##bians -justine -##hri -##ndt -delightful -smartphone -newtown -photon -retrieval -peugeot -hissing -##monium -##orough -flavors -lighted -relaunched -tainted -##games -##lysis -anarchy -microscopic -hopping -adept -evade -evie -##beau -inhibit -sinn -adjustable -hurst -intuition -wilton -cisco -44th -lawful -lowlands -stockings -thierry -##dalen -##hila -##nai -fates -prank -tb -maison -lobbied -provocative -1724 -4a -utopia -##qual -carbonate -gujarati -purcell -##rford -curtiss -##mei -overgrown -arenas -mediation -swallows -##rnik -respectful -turnbull -##hedron -##hope -alyssa -ozone -##ʻi -ami -gestapo -johansson -snooker -canteen -cuff -declines -empathy -stigma -##ags -##iner -##raine -taxpayers -gui -volga -##wright -##copic -lifespan -overcame -tattooed -enactment -giggles -##ador -##camp -barrington -bribe -obligatory -orbiting -peng -##enas -elusive -sucker -##vating -cong -hardship -empowered -anticipating -estrada -cryptic -greasy -detainees -planck -sudbury -plaid -dod -marriott -kayla -##ears -##vb -##zd -mortally -##hein -cognition -radha -319 -liechtenstein -meade -richly -argyle -harpsichord -liberalism -trumpets -lauded -tyrant -salsa -tiled -lear -promoters -reused -slicing -trident -##chuk -##gami -##lka -cantor -checkpoint -##points -gaul -leger -mammalian -##tov -##aar -##schaft -doha -frenchman -nirvana -##vino -delgado -headlining -##eron -##iography -jug -tko -1649 -naga -intersections -##jia -benfica -nawab -##suka -ashford -gulp -##deck -##vill -##rug -brentford -frazier -pleasures -dunne -potsdam -shenzhen -dentistry -##tec -flanagan -##dorff -##hear -chorale -dinah -prem -quezon -##rogated -relinquished -sutra -terri -##pani -flaps -##rissa -poly -##rnet -homme -aback -##eki -linger -womb -##kson -##lewood -doorstep -orthodoxy -threaded -westfield -##rval -dioceses -fridays -subsided -##gata -loyalists -##biotic -##ettes -letterman -lunatic -prelate -tenderly -invariably -souza -thug -winslow -##otide -furlongs -gogh -jeopardy -##runa -pegasus -##umble -humiliated -standalone -tagged -##roller -freshmen -klan -##bright -attaining -initiating -transatlantic -logged -viz -##uance -1723 -combatants -intervening -stephane -chieftain -despised -grazed -317 -cdc -galveston -godzilla -macro -simulate -##planes -parades -##esses -960 -##ductive -##unes -equator -overdose -##cans -##hosh -##lifting -joshi -epstein -sonora -treacherous -aquatics -manchu -responsive -##sation -supervisory -##christ -##llins -##ibar -##balance -##uso -kimball -karlsruhe -mab -##emy -ignores -phonetic -reuters -spaghetti -820 -almighty -danzig -rumbling -tombstone -designations -lured -outset -##felt -supermarkets -##wt -grupo -kei -kraft -susanna -##blood -comprehension -genealogy -##aghan -##verted -redding -##ythe -1722 -bowing -##pore -##roi -lest -sharpened -fulbright -valkyrie -sikhs -##unds -swans -bouquet -merritt -##tage -##venting -commuted -redhead -clerks -leasing -cesare -dea -hazy -##vances -fledged -greenfield -servicemen -##gical -armando -blackout -dt -sagged -downloadable -intra -potion -pods -##4th -##mism -xp -attendants -gambia -stale -##ntine -plump -asteroids -rediscovered -buds -flea -hive -##neas -1737 -classifications -debuts -##eles -olympus -scala -##eurs -##gno -##mute -hummed -sigismund -visuals -wiggled -await -pilasters -clench -sulfate -##ances -bellevue -enigma -trainee -snort -##sw -clouded -denim -##rank -##rder -churning -hartman -lodges -riches -sima -##missible -accountable -socrates -regulates -mueller -##cr -1702 -avoids -solids -himalayas -nutrient -pup -##jevic -squat -fades -nec -##lates -##pina -##rona -##ου -privateer -tequila -##gative -##mpton -apt -hornet -immortals -##dou -asturias -cleansing -dario -##rries -##anta -etymology -servicing -zhejiang -##venor -##nx -horned -erasmus -rayon -relocating -£10 -##bags -escalated -promenade -stubble -2010s -artisans -axial -liquids -mora -sho -yoo -##tsky -bundles -oldies -##nally -notification -bastion -##ths -sparkle -##lved -1728 -leash -pathogen -highs -##hmi -immature -880 -gonzaga -ignatius -mansions -monterrey -sweets -bryson -##loe -polled -regatta -brightest -pei -rosy -squid -hatfield -payroll -addict -meath -cornerback -heaviest -lodging -##mage -capcom -rippled -##sily -barnet -mayhem -ymca -snuggled -rousseau -##cute -blanchard -284 -fragmented -leighton -chromosomes -risking -##md -##strel -##utter -corinne -coyotes -cynical -hiroshi -yeomanry -##ractive -ebook -grading -mandela -plume -agustin -magdalene -##rkin -bea -femme -trafford -##coll -##lun -##tance -52nd -fourier -upton -##mental -camilla -gust -iihf -islamabad -longevity -##kala -feldman -netting -##rization -endeavour -foraging -mfa -orr -##open -greyish -contradiction -graz -##ruff -handicapped -marlene -tweed -oaxaca -spp -campos -miocene -pri -configured -cooks -pluto -cozy -pornographic -##entes -70th -fairness -glided -jonny -lynne -rounding -sired -##emon -##nist -remade -uncover -##mack -complied -lei -newsweek -##jured -##parts -##enting -##pg -293 -finer -guerrillas -athenian -deng -disused -stepmother -accuse -gingerly -seduction -521 -confronting -##walker -##going -gora -nostalgia -sabres -virginity -wrenched -##minated -syndication -wielding -eyre -##56 -##gnon -##igny -behaved -taxpayer -sweeps -##growth -childless -gallant -##ywood -amplified -geraldine -scrape -##ffi -babylonian -fresco -##rdan -##kney -##position -1718 -restricting -tack -fukuoka -osborn -selector -partnering -##dlow -318 -gnu -kia -tak -whitley -gables -##54 -##mania -mri -softness -immersion -##bots -##evsky -1713 -chilling -insignificant -pcs -##uis -elites -lina -purported -supplemental -teaming -##americana -##dding -##inton -proficient -rouen -##nage -##rret -niccolo -selects -##bread -fluffy -1621 -gruff -knotted -mukherjee -polgara -thrash -nicholls -secluded -smoothing -thru -corsica -loaf -whitaker -inquiries -##rrier -##kam -indochina -289 -marlins -myles -peking -##tea -extracts -pastry -superhuman -connacht -vogel -##ditional -##het -##udged -##lash -gloss -quarries -refit -teaser -##alic -##gaon -20s -materialized -sling -camped -pickering -tung -tracker -pursuant -##cide -cranes -soc -##cini -##typical -##viere -anhalt -overboard -workout -chores -fares -orphaned -stains -##logie -fenton -surpassing -joyah -triggers -##itte -grandmaster -##lass -##lists -clapping -fraudulent -ledger -nagasaki -##cor -##nosis -##tsa -eucalyptus -tun -##icio -##rney -##tara -dax -heroism -ina -wrexham -onboard -unsigned -##dates -moshe -galley -winnie -droplets -exiles -praises -watered -noodles -##aia -fein -adi -leland -multicultural -stink -bingo -comets -erskine -modernized -canned -constraint -domestically -chemotherapy -featherweight -stifled -##mum -darkly -irresistible -refreshing -hasty -isolate -##oys -kitchener -planners -##wehr -cages -yarn -implant -toulon -elects -childbirth -yue -##lind -##lone -cn -rightful -sportsman -junctions -remodeled -specifies -##rgh -291 -##oons -complimented -##urgent -lister -ot -##logic -bequeathed -cheekbones -fontana -gabby -##dial -amadeus -corrugated -maverick -resented -triangles -##hered -##usly -nazareth -tyrol -1675 -assent -poorer -sectional -aegean -##cous -296 -nylon -ghanaian -##egorical -##weig -cushions -forbid -fusiliers -obstruction -somerville -##scia -dime -earrings -elliptical -leyte -oder -polymers -timmy -atm -midtown -piloted -settles -continual -externally -mayfield -##uh -enrichment -henson -keane -persians -1733 -benji -braden -pep -324 -##efe -contenders -pepsi -valet -##isches -298 -##asse -##earing -goofy -stroll -##amen -authoritarian -occurrences -adversary -ahmedabad -tangent -toppled -dorchester -1672 -modernism -marxism -islamist -charlemagne -exponential -racks -unicode -brunette -mbc -pic -skirmish -##bund -##lad -##powered -##yst -hoisted -messina -shatter -##ctum -jedi -vantage -##music -##neil -clemens -mahmoud -corrupted -authentication -lowry -nils -##washed -omnibus -wounding -jillian -##itors -##opped -serialized -narcotics -handheld -##arm -##plicity -intersecting -stimulating -##onis -crate -fellowships -hemingway -casinos -climatic -fordham -copeland -drip -beatty -leaflets -robber -brothel -madeira -##hedral -sphinx -ultrasound -##vana -valor -forbade -leonid -villas -##aldo -duane -marquez -##cytes -disadvantaged -forearms -kawasaki -reacts -consular -lax -uncles -uphold -##hopper -concepcion -dorsey -lass -##izan -arching -passageway -1708 -researches -tia -internationals -##graphs -##opers -distinguishes -javanese -divert -##uven -plotted -##listic -##rwin -##erik -##tify -affirmative -signifies -validation -##bson -kari -felicity -georgina -zulu -##eros -##rained -##rath -overcoming -##dot -argyll -##rbin -1734 -chiba -ratification -windy -earls -parapet -##marks -hunan -pristine -astrid -punta -##gart -brodie -##kota -##oder -malaga -minerva -rouse -##phonic -bellowed -pagoda -portals -reclamation -##gur -##odies -##⁄₄ -parentheses -quoting -allergic -palette -showcases -benefactor -heartland -nonlinear -##tness -bladed -cheerfully -scans -##ety -##hone -1666 -girlfriends -pedersen -hiram -sous -##liche -##nator -1683 -##nery -##orio -##umen -bobo -primaries -smiley -##cb -unearthed -uniformly -fis -metadata -1635 -ind -##oted -recoil -##titles -##tura -##ια -406 -hilbert -jamestown -mcmillan -tulane -seychelles -##frid -antics -coli -fated -stucco -##grants -1654 -bulky -accolades -arrays -caledonian -carnage -optimism -puebla -##tative -##cave -enforcing -rotherham -seo -dunlop -aeronautics -chimed -incline -zoning -archduke -hellenistic -##oses -##sions -candi -thong -##ople -magnate -rustic -##rsk -projective -slant -##offs -danes -hollis -vocalists -##ammed -congenital -contend -gesellschaft -##ocating -##pressive -douglass -quieter -##cm -##kshi -howled -salim -spontaneously -townsville -buena -southport -##bold -kato -1638 -faerie -stiffly -##vus -##rled -297 -flawless -realising -taboo -##7th -bytes -straightening -356 -jena -##hid -##rmin -cartwright -berber -bertram -soloists -411 -noses -417 -coping -fission -hardin -inca -##cen -1717 -mobilized -vhf -##raf -biscuits -curate -##85 -##anial -331 -gaunt -neighbourhoods -1540 -##abas -blanca -bypassed -sockets -behold -coincidentally -##bane -nara -shave -splinter -terrific -##arion -##erian -commonplace -juris -redwood -waistband -boxed -caitlin -fingerprints -jennie -naturalized -##ired -balfour -craters -jody -bungalow -hugely -quilt -glitter -pigeons -undertaker -bulging -constrained -goo -##sil -##akh -assimilation -reworked -##person -persuasion -##pants -felicia -##cliff -##ulent -1732 -explodes -##dun -##inium -##zic -lyman -vulture -hog -overlook -begs -northwards -ow -spoil -##urer -fatima -favorably -accumulate -sargent -sorority -corresponded -dispersal -kochi -toned -##imi -##lita -internacional -newfound -##agger -##lynn -##rigue -booths -peanuts -##eborg -medicare -muriel -nur -##uram -crates -millennia -pajamas -worsened -##breakers -jimi -vanuatu -yawned -##udeau -carousel -##hony -hurdle -##ccus -##mounted -##pod -rv -##eche -airship -ambiguity -compulsion -recapture -##claiming -arthritis -##osomal -1667 -asserting -ngc -sniffing -dade -discontent -glendale -ported -##amina -defamation -rammed -##scent -fling -livingstone -##fleet -875 -##ppy -apocalyptic -comrade -lcd -##lowe -cessna -eine -persecuted -subsistence -demi -hoop -reliefs -710 -coptic -progressing -stemmed -perpetrators -1665 -priestess -##nio -dobson -ebony -rooster -itf -tortricidae -##bbon -##jian -cleanup -##jean -##øy -1721 -eighties -taxonomic -holiness -##hearted -##spar -antilles -showcasing -stabilized -##nb -gia -mascara -michelangelo -dawned -##uria -##vinsky -extinguished -fitz -grotesque -£100 -##fera -##loid -##mous -barges -neue -throbbed -cipher -johnnie -##a1 -##mpt -outburst -##swick -spearheaded -administrations -c1 -heartbreak -pixels -pleasantly -##enay -lombardy -plush -##nsed -bobbie -##hly -reapers -tremor -xiang -minogue -substantive -hitch -barak -##wyl -kwan -##encia -910 -obscene -elegance -indus -surfer -bribery -conserve -##hyllum -##masters -horatio -##fat -apes -rebound -psychotic -##pour -iteration -##mium -##vani -botanic -horribly -antiques -dispose -paxton -##hli -##wg -timeless -1704 -disregard -engraver -hounds -##bau -##version -looted -uno -facilitates -groans -masjid -rutland -antibody -disqualification -decatur -footballers -quake -slacks -48th -rein -scribe -stabilize -commits -exemplary -tho -##hort -##chison -pantry -traversed -##hiti -disrepair -identifiable -vibrated -baccalaureate -##nnis -csa -interviewing -##iensis -##raße -greaves -wealthiest -343 -classed -jogged -£5 -##58 -##atal -illuminating -knicks -respecting -##uno -scrubbed -##iji -##dles -kruger -moods -growls -raider -silvia -chefs -kam -vr -cree -percival -##terol -gunter -counterattack -defiant -henan -ze -##rasia -##riety -equivalence -submissions -##fra -##thor -bautista -mechanically -##heater -cornice -herbal -templar -##mering -outputs -ruining -ligand -renumbered -extravagant -mika -blockbuster -eta -insurrection -##ilia -darkening -ferocious -pianos -strife -kinship -##aer -melee -##anor -##iste -##may -##oue -decidedly -weep -##jad -##missive -##ppel -354 -puget -unease -##gnant -1629 -hammering -kassel -ob -wessex -##lga -bromwich -egan -paranoia -utilization -##atable -##idad -contradictory -provoke -##ols -##ouring -##tangled -knesset -##very -##lette -plumbing -##sden -##¹ -greensboro -occult -sniff -338 -zev -beaming -gamer -haggard -mahal -##olt -##pins -mendes -utmost -briefing -gunnery -##gut -##pher -##zh -##rok -1679 -khalifa -sonya -##boot -principals -urbana -wiring -##liffe -##minating -##rrado -dahl -nyu -skepticism -np -townspeople -ithaca -lobster -somethin -##fur -##arina -##−1 -freighter -zimmerman -biceps -contractual -##herton -amend -hurrying -subconscious -##anal -336 -meng -clermont -spawning -##eia -##lub -dignitaries -impetus -snacks -spotting -twigs -##bilis -##cz -##ouk -libertadores -nic -skylar -##aina -##firm -gustave -asean -##anum -dieter -legislatures -flirt -bromley -trolls -umar -##bbies -##tyle -blah -parc -bridgeport -crank -negligence -##nction -46th -constantin -molded -bandages -seriousness -00pm -siegel -carpets -compartments -upbeat -statehood -##dner -##edging -marko -730 -platt -##hane -paving -##iy -1738 -abbess -impatience -limousine -nbl -##talk -441 -lucille -mojo -nightfall -robbers -##nais -karel -brisk -calves -replicate -ascribed -telescopes -##olf -intimidated -##reen -ballast -specialization -##sit -aerodynamic -caliphate -rainer -visionary -##arded -epsilon -##aday -##onte -aggregation -auditory -boosted -reunification -kathmandu -loco -robyn -402 -acknowledges -appointing -humanoid -newell -redeveloped -restraints -##tained -barbarians -chopper -1609 -italiana -##lez -##lho -investigates -wrestlemania -##anies -##bib -690 -##falls -creaked -dragoons -gravely -minions -stupidity -volley -##harat -##week -musik -##eries -##uously -fungal -massimo -semantics -malvern -##ahl -##pee -discourage -embryo -imperialism -1910s -profoundly -##ddled -jiangsu -sparkled -stat -##holz -sweatshirt -tobin -##iction -sneered -##cheon -##oit -brit -causal -smyth -##neuve -diffuse -perrin -silvio -##ipes -##recht -detonated -iqbal -selma -##nism -##zumi -roasted -##riders -tay -##ados -##mament -##mut -##rud -840 -completes -nipples -cfa -flavour -hirsch -##laus -calderon -sneakers -moravian -##ksha -1622 -rq -294 -##imeters -bodo -##isance -##pre -##ronia -anatomical -excerpt -##lke -dh -kunst -##tablished -##scoe -biomass -panted -unharmed -gael -housemates -montpellier -##59 -coa -rodents -tonic -hickory -singleton -##taro -451 -1719 -aldo -breaststroke -dempsey -och -rocco -##cuit -merton -dissemination -midsummer -serials -##idi -haji -polynomials -##rdon -gs -enoch -prematurely -shutter -taunton -£3 -##grating -##inates -archangel -harassed -##asco -326 -archway -dazzling -##ecin -1736 -sumo -wat -##kovich -1086 -honneur -##ently -##nostic -##ttal -##idon -1605 -403 -1716 -blogger -rents -##gnan -hires -##ikh -##dant -howie -##rons -handler -retracted -shocks -1632 -arun -duluth -kepler -trumpeter -##lary -peeking -seasoned -trooper -##mara -laszlo -##iciencies -##rti -heterosexual -##inatory -##ssion -indira -jogging -##inga -##lism -beit -dissatisfaction -malice -##ately -nedra -peeling -##rgeon -47th -stadiums -475 -vertigo -##ains -iced -restroom -##plify -##tub -illustrating -pear -##chner -##sibility -inorganic -rappers -receipts -watery -##kura -lucinda -##oulos -reintroduced -##8th -##tched -gracefully -saxons -nutritional -wastewater -rained -favourites -bedrock -fisted -hallways -likeness -upscale -##lateral -1580 -blinds -prequel -##pps -##tama -deter -humiliating -restraining -tn -vents -1659 -laundering -recess -rosary -tractors -coulter -federer -##ifiers -##plin -persistence -##quitable -geschichte -pendulum -quakers -##beam -bassett -pictorial -buffet -koln -##sitor -drills -reciprocal -shooters -##57 -##cton -##tees -converge -pip -dmitri -donnelly -yamamoto -aqua -azores -demographics -hypnotic -spitfire -suspend -wryly -roderick -##rran -sebastien -##asurable -mavericks -##fles -##200 -himalayan -prodigy -##iance -transvaal -demonstrators -handcuffs -dodged -mcnamara -sublime -1726 -crazed -##efined -##till -ivo -pondered -reconciled -shrill -sava -##duk -bal -cad -heresy -jaipur -goran -##nished -341 -lux -shelly -whitehall -##hre -israelis -peacekeeping -##wled -1703 -demetrius -ousted -##arians -##zos -beale -anwar -backstroke -raged -shrinking -cremated -##yck -benign -towing -wadi -darmstadt -landfill -parana -soothe -colleen -sidewalks -mayfair -tumble -hepatitis -ferrer -superstructure -##gingly -##urse -##wee -anthropological -translators -##mies -closeness -hooves -##pw -mondays -##roll -##vita -landscaping -##urized -purification -sock -thorns -thwarted -jalan -tiberius -##taka -saline -##rito -confidently -khyber -sculptors -##ij -brahms -hammersmith -inspectors -battista -fivb -fragmentation -hackney -##uls -arresting -exercising -antoinette -bedfordshire -##zily -dyed -##hema -1656 -racetrack -variability -##tique -1655 -austrians -deteriorating -madman -theorists -aix -lehman -weathered -1731 -decreed -eruptions -1729 -flaw -quinlan -sorbonne -flutes -nunez -1711 -adored -downwards -fable -rasped -1712 -moritz -mouthful -renegade -shivers -stunts -dysfunction -restrain -translit -327 -pancakes -##avio -##cision -##tray -351 -vial -##lden -bain -##maid -##oxide -chihuahua -malacca -vimes -##rba -##rnier -1664 -donnie -plaques -##ually -337 -bangs -floppy -huntsville -loretta -nikolay -##otte -eater -handgun -ubiquitous -##hett -eras -zodiac -1634 -##omorphic -1820s -##zog -cochran -##bula -##lithic -warring -##rada -dalai -excused -blazers -mcconnell -reeling -bot -este -##abi -geese -hoax -taxon -##bla -guitarists -##icon -condemning -hunts -inversion -moffat -taekwondo -##lvis -1624 -stammered -##rest -##rzy -sousa -fundraiser -marylebone -navigable -uptown -cabbage -daniela -salman -shitty -whimper -##kian -##utive -programmers -protections -rm -##rmi -##rued -forceful -##enes -fuss -##tao -##wash -brat -oppressive -reykjavik -spartak -ticking -##inkles -##kiewicz -adolph -horst -maui -protege -straighten -cpc -landau -concourse -clements -resultant -##ando -imaginative -joo -reactivated -##rem -##ffled -##uising -consultative -##guide -flop -kaitlyn -mergers -parenting -somber -##vron -supervise -vidhan -##imum -courtship -exemplified -harmonies -medallist -refining -##rrow -##ка -amara -##hum -780 -goalscorer -sited -overshadowed -rohan -displeasure -secretive -multiplied -osman -##orth -engravings -padre -##kali -##veda -miniatures -mis -##yala -clap -pali -rook -##cana -1692 -57th -antennae -astro -oskar -1628 -bulldog -crotch -hackett -yucatan -##sure -amplifiers -brno -ferrara -migrating -##gree -thanking -turing -##eza -mccann -ting -andersson -onslaught -gaines -ganga -incense -standardization -##mation -sentai -scuba -stuffing -turquoise -waivers -alloys -##vitt -regaining -vaults -##clops -##gizing -digger -furry -memorabilia -probing -##iad -payton -rec -deutschland -filippo -opaque -seamen -zenith -afrikaans -##filtration -disciplined -inspirational -##merie -banco -confuse -grafton -tod -##dgets -championed -simi -anomaly -biplane -##ceptive -electrode -##para -1697 -cleavage -crossbow -swirl -informant -##lars -##osta -afi -bonfire -spec -##oux -lakeside -slump -##culus -##lais -##qvist -##rrigan -1016 -facades -borg -inwardly -cervical -xl -pointedly -050 -stabilization -##odon -chests -1699 -hacked -ctv -orthogonal -suzy -##lastic -gaulle -jacobite -rearview -##cam -##erted -ashby -##drik -##igate -##mise -##zbek -affectionately -canine -disperse -latham -##istles -##ivar -spielberg -##orin -##idium -ezekiel -cid -##sg -durga -middletown -##cina -customized -frontiers -harden -##etano -##zzy -1604 -bolsheviks -##66 -coloration -yoko -##bedo -briefs -slabs -debra -liquidation -plumage -##oin -blossoms -dementia -subsidy -1611 -proctor -relational -jerseys -parochial -ter -##ici -esa -peshawar -cavalier -loren -cpi -idiots -shamrock -1646 -dutton -malabar -mustache -##endez -##ocytes -referencing -terminates -marche -yarmouth -##sop -acton -mated -seton -subtly -baptised -beige -extremes -jolted -kristina -telecast -##actic -safeguard -waldo -##baldi -##bular -endeavors -sloppy -subterranean -##ensburg -##itung -delicately -pigment -tq -##scu -1626 -##ound -collisions -coveted -herds -##personal -##meister -##nberger -chopra -##ricting -abnormalities -defective -galician -lucie -##dilly -alligator -likened -##genase -burundi -clears -complexion -derelict -deafening -diablo -fingered -champaign -dogg -enlist -isotope -labeling -mrna -##erre -brilliance -marvelous -##ayo -1652 -crawley -ether -footed -dwellers -deserts -hamish -rubs -warlock -skimmed -##lizer -870 -buick -embark -heraldic -irregularities -##ajan -kiara -##kulam -##ieg -antigen -kowalski -##lge -oakley -visitation -##mbit -vt -##suit -1570 -murderers -##miento -##rites -chimneys -##sling -condemn -custer -exchequer -havre -##ghi -fluctuations -##rations -dfb -hendricks -vaccines -##tarian -nietzsche -biking -juicy -##duced -brooding -scrolling -selangor -##ragan -352 -annum -boomed -seminole -sugarcane -##dna -departmental -dismissing -innsbruck -arteries -ashok -batavia -daze -kun -overtook -##rga -##tlan -beheaded -gaddafi -holm -electronically -faulty -galilee -fractures -kobayashi -##lized -gunmen -magma -aramaic -mala -eastenders -inference -messengers -bf -##qu -407 -bathrooms -##vere -1658 -flashbacks -ideally -misunderstood -##jali -##weather -mendez -##grounds -505 -uncanny -##iii -1709 -friendships -##nbc -sacrament -accommodated -reiterated -logistical -pebbles -thumped -##escence -administering -decrees -drafts -##flight -##cased -##tula -futuristic -picket -intimidation -winthrop -##fahan -interfered -339 -afar -francoise -morally -uta -cochin -croft -dwarfs -##bruck -##dents -##nami -biker -##hner -##meral -nano -##isen -##ometric -##pres -##ан -brightened -meek -parcels -securely -gunners -##jhl -##zko -agile -hysteria -##lten -##rcus -bukit -champs -chevy -cuckoo -leith -sadler -theologians -welded -##section -1663 -jj -plurality -xander -##rooms -##formed -shredded -temps -intimately -pau -tormented -##lok -##stellar -1618 -charred -ems -essen -##mmel -alarms -spraying -ascot -blooms -twinkle -##abia -##apes -internment -obsidian -##chaft -snoop -##dav -##ooping -malibu -##tension -quiver -##itia -hays -mcintosh -travers -walsall -##ffie -1623 -beverley -schwarz -plunging -structurally -m3 -rosenthal -vikram -##tsk -770 -ghz -##onda -##tiv -chalmers -groningen -pew -reckon -unicef -##rvis -55th -##gni -1651 -sulawesi -avila -cai -metaphysical -screwing -turbulence -##mberg -augusto -samba -56th -baffled -momentary -toxin -##urian -##wani -aachen -condoms -dali -steppe -##3d -##app -##oed -##year -adolescence -dauphin -electrically -inaccessible -microscopy -nikita -##ega -atv -##cel -##enter -##oles -##oteric -##ы -accountants -punishments -wrongly -bribes -adventurous -clinch -flinders -southland -##hem -##kata -gough -##ciency -lads -soared -##ה -undergoes -deformation -outlawed -rubbish -##arus -##mussen -##nidae -##rzburg -arcs -##ingdon -##tituted -1695 -wheelbase -wheeling -bombardier -campground -zebra -##lices -##oj -##bain -lullaby -##ecure -donetsk -wylie -grenada -##arding -##ης -squinting -eireann -opposes -##andra -maximal -runes -##broken -##cuting -##iface -##ror -##rosis -additive -britney -adultery -triggering -##drome -detrimental -aarhus -containment -jc -swapped -vichy -##ioms -madly -##oric -##rag -brant -##ckey -##trix -1560 -1612 -broughton -rustling -##stems -##uder -asbestos -mentoring -##nivorous -finley -leaps -##isan -apical -pry -slits -substitutes -##dict -intuitive -fantasia -insistent -unreasonable -##igen -##vna -domed -hannover -margot -ponder -##zziness -impromptu -jian -lc -rampage -stemming -##eft -andrey -gerais -whichever -amnesia -appropriated -anzac -clicks -modifying -ultimatum -cambrian -maids -verve -yellowstone -##mbs -conservatoire -##scribe -adherence -dinners -spectra -imperfect -mysteriously -sidekick -tatar -tuba -##aks -##ifolia -distrust -##athan -##zle -c2 -ronin -zac -##pse -celaena -instrumentalist -scents -skopje -##mbling -comical -compensated -vidal -condor -intersect -jingle -wavelengths -##urrent -mcqueen -##izzly -carp -weasel -422 -kanye -militias -postdoctoral -eugen -gunslinger -##ɛ -faux -hospice -##for -appalled -derivation -dwarves -##elis -dilapidated -##folk -astoria -philology -##lwyn -##otho -##saka -inducing -philanthropy -##bf -##itative -geek -markedly -sql -##yce -bessie -indices -rn -##flict -495 -frowns -resolving -weightlifting -tugs -cleric -contentious -1653 -mania -rms -##miya -##reate -##ruck -##tucket -bien -eels -marek -##ayton -##cence -discreet -unofficially -##ife -leaks -##bber -1705 -332 -dung -compressor -hillsborough -pandit -shillings -distal -##skin -381 -##tat -##you -nosed -##nir -mangrove -undeveloped -##idia -textures -##inho -##500 -##rise -ae -irritating -nay -amazingly -bancroft -apologetic -compassionate -kata -symphonies -##lovic -airspace -##lch -930 -gifford -precautions -fulfillment -sevilla -vulgar -martinique -##urities -looting -piccolo -tidy -##dermott -quadrant -armchair -incomes -mathematicians -stampede -nilsson -##inking -##scan -foo -quarterfinal -##ostal -shang -shouldered -squirrels -##owe -344 -vinegar -##bner -##rchy -##systems -delaying -##trics -ars -dwyer -rhapsody -sponsoring -##gration -bipolar -cinder -starters -##olio -##urst -421 -signage -##nty -aground -figurative -mons -acquaintances -duets -erroneously -soyuz -elliptic -recreated -##cultural -##quette -##ssed -##tma -##zcz -moderator -scares -##itaire -##stones -##udence -juniper -sighting -##just -##nsen -britten -calabria -ry -bop -cramer -forsyth -stillness -##л -airmen -gathers -unfit -##umber -##upt -taunting -##rip -seeker -streamlined -##bution -holster -schumann -tread -vox -##gano -##onzo -strive -dil -reforming -covent -newbury -predicting -##orro -decorate -tre -##puted -andover -ie -asahi -dept -dunkirk -gills -##tori -buren -huskies -##stis -##stov -abstracts -bets -loosen -##opa -1682 -yearning -##glio -##sir -berman -effortlessly -enamel -napoli -persist -##peration -##uez -attache -elisa -b1 -invitations -##kic -accelerating -reindeer -boardwalk -clutches -nelly -polka -starbucks -##kei -adamant -huey -lough -unbroken -adventurer -embroidery -inspecting -stanza -##ducted -naia -taluka -##pone -##roids -chases -deprivation -florian -##jing -##ppet -earthly -##lib -##ssee -colossal -foreigner -vet -freaks -patrice -rosewood -triassic -upstate -##pkins -dominates -ata -chants -ks -vo -##400 -##bley -##raya -##rmed -555 -agra -infiltrate -##ailing -##ilation -##tzer -##uppe -##werk -binoculars -enthusiast -fujian -squeak -##avs -abolitionist -almeida -boredom -hampstead -marsden -rations -##ands -inflated -334 -bonuses -rosalie -patna -##rco -329 -detachments -penitentiary -54th -flourishing -woolf -##dion -##etched -papyrus -##lster -##nsor -##toy -bobbed -dismounted -endelle -inhuman -motorola -tbs -wince -wreath -##ticus -hideout -inspections -sanjay -disgrace -infused -pudding -stalks -##urbed -arsenic -leases -##hyl -##rrard -collarbone -##waite -##wil -dowry -##bant -##edance -genealogical -nitrate -salamanca -scandals -thyroid -necessitated -##! -##" -### -##$ -##% -##& -##' -##( -##) -##* -##+ -##, -##- -##. -##/ -##: -##; -##< -##= -##> -##? -##@ -##[ -##\ -##] -##^ -##_ -##` -##{ -##| -##} -##~ -##¡ -##¢ -##£ -##¤ -##¥ -##¦ -##§ -##¨ -##© -##ª -##« -##¬ -##® -##± -##´ -##µ -##¶ -##· -##º -##» -##¼ -##¾ -##¿ -##æ -##ð -##÷ -##þ -##đ -##ħ -##ŋ -##œ -##ƒ -##ɐ -##ɑ -##ɒ -##ɔ -##ɕ -##ə -##ɡ -##ɣ -##ɨ -##ɪ -##ɫ -##ɬ -##ɯ -##ɲ -##ɴ -##ɹ -##ɾ -##ʀ -##ʁ -##ʂ -##ʃ -##ʉ -##ʊ -##ʋ -##ʌ -##ʎ -##ʐ -##ʑ -##ʒ -##ʔ -##ʰ -##ʲ -##ʳ -##ʷ -##ʸ -##ʻ -##ʼ -##ʾ -##ʿ -##ˈ -##ˡ -##ˢ -##ˣ -##ˤ -##β -##γ -##δ -##ε -##ζ -##θ -##κ -##λ -##μ -##ξ -##ο -##π -##ρ -##σ -##τ -##υ -##φ -##χ -##ψ -##ω -##б -##г -##д -##ж -##з -##м -##п -##с -##у -##ф -##х -##ц -##ч -##ш -##щ -##ъ -##э -##ю -##ђ -##є -##і -##ј -##љ -##њ -##ћ -##ӏ -##ա -##բ -##գ -##դ -##ե -##թ -##ի -##լ -##կ -##հ -##մ -##յ -##ն -##ո -##պ -##ս -##վ -##տ -##ր -##ւ -##ք -##־ -##א -##ב -##ג -##ד -##ו -##ז -##ח -##ט -##י -##ך -##כ -##ל -##ם -##מ -##ן -##נ -##ס -##ע -##ף -##פ -##ץ -##צ -##ק -##ר -##ש -##ת -##، -##ء -##ب -##ت -##ث -##ج -##ح -##خ -##ذ -##ز -##س -##ش -##ص -##ض -##ط -##ظ -##ع -##غ -##ـ -##ف -##ق -##ك -##و -##ى -##ٹ -##پ -##چ -##ک -##گ -##ں -##ھ -##ہ -##ے -##अ -##आ -##उ -##ए -##क -##ख -##ग -##च -##ज -##ट -##ड -##ण -##त -##थ -##द -##ध -##न -##प -##ब -##भ -##म -##य -##र -##ल -##व -##श -##ष -##स -##ह -##ा -##ि -##ी -##ो -##। -##॥ -##ং -##অ -##আ -##ই -##উ -##এ -##ও -##ক -##খ -##গ -##চ -##ছ -##জ -##ট -##ড -##ণ -##ত -##থ -##দ -##ধ -##ন -##প -##ব -##ভ -##ম -##য -##র -##ল -##শ -##ষ -##স -##হ -##া -##ি -##ী -##ে -##க -##ச -##ட -##த -##ந -##ன -##ப -##ம -##ய -##ர -##ல -##ள -##வ -##ா -##ி -##ு -##ே -##ை -##ನ -##ರ -##ಾ -##ක -##ය -##ර -##ල -##ව -##ා -##ก -##ง -##ต -##ท -##น -##พ -##ม -##ย -##ร -##ล -##ว -##ส -##อ -##า -##เ -##་ -##། -##ག -##ང -##ད -##ན -##པ -##བ -##མ -##འ -##ར -##ལ -##ས -##မ -##ა -##ბ -##გ -##დ -##ე -##ვ -##თ -##ი -##კ -##ლ -##მ -##ნ -##ო -##რ -##ს -##ტ -##უ -##ᄀ -##ᄂ -##ᄃ -##ᄅ -##ᄆ -##ᄇ -##ᄉ -##ᄊ -##ᄋ -##ᄌ -##ᄎ -##ᄏ -##ᄐ -##ᄑ -##ᄒ -##ᅡ -##ᅢ -##ᅥ -##ᅦ -##ᅧ -##ᅩ -##ᅪ -##ᅭ -##ᅮ -##ᅯ -##ᅲ -##ᅳ -##ᅴ -##ᅵ -##ᆨ -##ᆫ -##ᆯ -##ᆷ -##ᆸ -##ᆼ -##ᴬ -##ᴮ -##ᴰ -##ᴵ -##ᴺ -##ᵀ -##ᵃ -##ᵇ -##ᵈ -##ᵉ -##ᵍ -##ᵏ -##ᵐ -##ᵒ -##ᵖ -##ᵗ -##ᵘ -##ᵣ -##ᵤ -##ᵥ -##ᶜ -##ᶠ -##‐ -##‑ -##‒ -##– -##— -##― -##‖ -##‘ -##’ -##‚ -##“ -##” -##„ -##† -##‡ -##• -##… -##‰ -##′ -##″ -##› -##‿ -##⁄ -##⁰ -##ⁱ -##⁴ -##⁵ -##⁶ -##⁷ -##⁸ -##⁹ -##⁻ -##ⁿ -##₅ -##₆ -##₇ -##₈ -##₉ -##₊ -##₍ -##₎ -##ₐ -##ₑ -##ₒ -##ₓ -##ₕ -##ₖ -##ₗ -##ₘ -##ₚ -##ₛ -##ₜ -##₤ -##₩ -##€ -##₱ -##₹ -##ℓ -##№ -##ℝ -##™ -##⅓ -##⅔ -##← -##↑ -##→ -##↓ -##↔ -##↦ -##⇄ -##⇌ -##⇒ -##∂ -##∅ -##∆ -##∇ -##∈ -##∗ -##∘ -##√ -##∞ -##∧ -##∨ -##∩ -##∪ -##≈ -##≡ -##≤ -##≥ -##⊂ -##⊆ -##⊕ -##⊗ -##⋅ -##─ -##│ -##■ -##▪ -##● -##★ -##☆ -##☉ -##♠ -##♣ -##♥ -##♦ -##♯ -##⟨ -##⟩ -##ⱼ -##⺩ -##⺼ -##⽥ -##、 -##。 -##〈 -##〉 -##《 -##》 -##「 -##」 -##『 -##』 -##〜 -##あ -##い -##う -##え -##お -##か -##き -##く -##け -##こ -##さ -##し -##す -##せ -##そ -##た -##ち -##っ -##つ -##て -##と -##な -##に -##ぬ -##ね -##の -##は -##ひ -##ふ -##へ -##ほ -##ま -##み -##む -##め -##も -##や -##ゆ -##よ -##ら -##り -##る -##れ -##ろ -##を -##ん -##ァ -##ア -##ィ -##イ -##ウ -##ェ -##エ -##オ -##カ -##キ -##ク -##ケ -##コ -##サ -##シ -##ス -##セ -##タ -##チ -##ッ -##ツ -##テ -##ト -##ナ -##ニ -##ノ -##ハ -##ヒ -##フ -##ヘ -##ホ -##マ -##ミ -##ム -##メ -##モ -##ャ -##ュ -##ョ -##ラ -##リ -##ル -##レ -##ロ -##ワ -##ン -##・ -##ー -##一 -##三 -##上 -##下 -##不 -##世 -##中 -##主 -##久 -##之 -##也 -##事 -##二 -##五 -##井 -##京 -##人 -##亻 -##仁 -##介 -##代 -##仮 -##伊 -##会 -##佐 -##侍 -##保 -##信 -##健 -##元 -##光 -##八 -##公 -##内 -##出 -##分 -##前 -##劉 -##力 -##加 -##勝 -##北 -##区 -##十 -##千 -##南 -##博 -##原 -##口 -##古 -##史 -##司 -##合 -##吉 -##同 -##名 -##和 -##囗 -##四 -##国 -##國 -##土 -##地 -##坂 -##城 -##堂 -##場 -##士 -##夏 -##外 -##大 -##天 -##太 -##夫 -##奈 -##女 -##子 -##学 -##宀 -##宇 -##安 -##宗 -##定 -##宣 -##宮 -##家 -##宿 -##寺 -##將 -##小 -##尚 -##山 -##岡 -##島 -##崎 -##川 -##州 -##巿 -##帝 -##平 -##年 -##幸 -##广 -##弘 -##張 -##彳 -##後 -##御 -##德 -##心 -##忄 -##志 -##忠 -##愛 -##成 -##我 -##戦 -##戸 -##手 -##扌 -##政 -##文 -##新 -##方 -##日 -##明 -##星 -##春 -##昭 -##智 -##曲 -##書 -##月 -##有 -##朝 -##木 -##本 -##李 -##村 -##東 -##松 -##林 -##森 -##楊 -##樹 -##橋 -##歌 -##止 -##正 -##武 -##比 -##氏 -##民 -##水 -##氵 -##氷 -##永 -##江 -##沢 -##河 -##治 -##法 -##海 -##清 -##漢 -##瀬 -##火 -##版 -##犬 -##王 -##生 -##田 -##男 -##疒 -##発 -##白 -##的 -##皇 -##目 -##相 -##省 -##真 -##石 -##示 -##社 -##神 -##福 -##禾 -##秀 -##秋 -##空 -##立 -##章 -##竹 -##糹 -##美 -##義 -##耳 -##良 -##艹 -##花 -##英 -##華 -##葉 -##藤 -##行 -##街 -##西 -##見 -##訁 -##語 -##谷 -##貝 -##貴 -##車 -##軍 -##辶 -##道 -##郎 -##郡 -##部 -##都 -##里 -##野 -##金 -##鈴 -##镇 -##長 -##門 -##間 -##阝 -##阿 -##陳 -##陽 -##雄 -##青 -##面 -##風 -##食 -##香 -##馬 -##高 -##龍 -##龸 -##fi -##fl -##! -##( -##) -##, -##- -##. -##/ -##: -##? -##~ diff --git a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_squad/do_tokenization.py b/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_squad/do_tokenization.py deleted file mode 100644 index 58dbd1acd9dc8273af411cf40d2ef23be73ce244..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_squad/do_tokenization.py +++ /dev/null @@ -1,315 +0,0 @@ -# -*- coding: utf-8 -*- -# ============================================================================== -# Copyright 2019 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -# This script performs the same tokenization process as run_squad.py, dumping tokenization results -# compared with v1: add query and passage entity span in output - -import argparse -import logging -import json -import os -import pickle -from tqdm import tqdm, trange - -import tokenization - -logging.basicConfig(format = '%(asctime)s - %(levelname)s - %(name)s - %(message)s', - datefmt = '%m/%d/%Y %H:%M:%S', - level = logging.INFO) -logger = logging.getLogger(__name__) - -class SQuADExample(object): - """A single training/test example for simple sequence classification.""" - - def __init__(self, - qas_id, - question_text, - question_entities_strset, - doc_tokens, - passage_entities, - orig_answer_text=None, - start_position=None, - end_position=None): - self.qas_id = qas_id - self.question_text = question_text - self.doc_tokens = doc_tokens - self.passage_entities = passage_entities - self.orig_answer_text = orig_answer_text - self.start_position = start_position - self.end_position = end_position - self.question_entities_strset = question_entities_strset - - def __str__(self): - return self.__repr__() - - def __repr__(self): - s = "" - s += "qas_id: %s" % (tokenization.printable_text(self.qas_id)) - s += ", question_text: %s" % ( - tokenization.printable_text(self.question_text)) - s += ", doc_tokens: [%s]" % (" ".join(self.doc_tokens)) - if self.start_position: - s += ", start_position: %d" % (self.start_position) - if self.start_position: - s += ", end_position: %d" % (self.end_position) - return s - -# the tokenization process when reading examples -def read_squad_examples(input_file, is_training): - """Read a SQuAD json file into a list of SQuADExample.""" - with open(input_file, "r", encoding='utf-8') as reader: - input_data = json.load(reader)["data"] - - def is_whitespace(c): - if c == " " or c == "\t" or c == "\r" or c == "\n" or ord(c) == 0x202F: - return True - return False - - examples = [] - for entry in input_data: - for paragraph in entry["paragraphs"]: - paragraph_text = paragraph["context"] - doc_tokens = [] - char_to_word_offset = [] - prev_is_whitespace = True - for c in paragraph_text: - if is_whitespace(c): - prev_is_whitespace = True - else: - if prev_is_whitespace: - doc_tokens.append(c) - else: - doc_tokens[-1] += c - prev_is_whitespace = False - char_to_word_offset.append(len(doc_tokens) - 1) - - # load entities in passage - passage_entities = [] - for entity in paragraph['context_entities']: - entity_start_offset = entity['start'] - entity_end_offset = entity['end'] - entity_text = entity['text'] - assert entity_text == paragraph_text[entity_start_offset: entity_end_offset + 1] - passage_entities.append({'orig_text': entity_text, - 'start_position': char_to_word_offset[entity_start_offset], - 'end_position': char_to_word_offset[entity_end_offset]}) - - for qa in paragraph["qas"]: - qas_id = qa["id"] - question_text = qa["question"] - question_entities_strset = set([entity_info["text"] for entity_info in qa["question_entities"]]) - start_position = None - end_position = None - orig_answer_text = None - if is_training: - if len(qa["answers"]) != 1: - raise ValueError( - "For training, each question should have exactly 1 answer.") - answer = qa["answers"][0] - orig_answer_text = answer["text"] - answer_offset = answer["answer_start"] - answer_length = len(orig_answer_text) - start_position = char_to_word_offset[answer_offset] - end_position = char_to_word_offset[answer_offset + answer_length - 1] - # Only add answers where the text can be exactly recovered from the - # document. If this CAN'T happen it's likely due to weird Unicode - # stuff so we will just skip the example. - # - # Note that this means for training mode, every example is NOT - # guaranteed to be preserved. - actual_text = " ".join(doc_tokens[start_position:(end_position + 1)]) - cleaned_answer_text = " ".join( - tokenization.whitespace_tokenize(orig_answer_text)) - if actual_text.find(cleaned_answer_text) == -1: - logger.warning("Could not find answer: '%s' vs. '%s'", - actual_text, cleaned_answer_text) - continue - - example = SQuADExample( - qas_id=qas_id, - question_text=question_text, - question_entities_strset=question_entities_strset, - doc_tokens=doc_tokens, - passage_entities=passage_entities, - orig_answer_text=orig_answer_text, - start_position=start_position, - end_position=end_position) - examples.append(example) - return examples - -def _improve_entity_span(doc_tokens, input_start, input_end, tokenizer, - orig_entity_text): - """Returns token-level tokenized entity spans that better match the annotated entity.""" - tok_entity_text = " ".join(tokenizer.basic_tokenizer.tokenize(orig_entity_text)) - - for new_start in range(input_start, input_end + 1): - for new_end in range(input_end, new_start - 1, -1): - text_span = " ".join(doc_tokens[new_start:(new_end + 1)]) - if text_span == tok_entity_text: - return (new_start, new_end) - - return (input_start, input_end) - -def _is_real_subspan(start, end, other_start, other_end): - return (start >= other_start and end < other_end) or (start > other_start and end <= other_end) - -def match_query_entities(query_tokens, entities_tokens): - # transform query_tokens list into a whitespace separated string - query_string = " ".join(query_tokens) - offset_to_tid_map = [] - tid = 0 - for char in query_string: - offset_to_tid_map.append(tid) - if char == ' ': - tid += 1 - - # transform entity_tokens into whitespace separated strings - entity_strings = set() - for entity_tokens in entities_tokens: - entity_strings.add(" ".join(entity_tokens)) - - # do matching - results = [] - for entity_string in entity_strings: - start = 0 - while True: - pos = query_string.find(entity_string, start) - if pos == -1: - break - token_start, token_end = offset_to_tid_map[pos], offset_to_tid_map[pos] + entity_string.count(' ') - # assure the match is not partial match (eg. "ville" matches to "danville") - if " ".join(query_tokens[token_start: token_end + 1]) == entity_string: - results.append((token_start, token_end)) - start = pos + len(entity_string) - - # filter out a result span if it's a subspan of another span - no_subspan_results = [] - for result in results: - if not any([_is_real_subspan(result[0], result[1], other_result[0], other_result[1]) for other_result in results]): - no_subspan_results.append((" ".join(query_tokens[result[0]: result[1] + 1]), result[0], result[1])) - assert len(no_subspan_results) == len(set(no_subspan_results)) - - return no_subspan_results - -# the further tokenization process when generating features -def tokenization_on_examples(examples, tokenizer): - - tokenization_result = [] - for example in tqdm(examples): - # do tokenization on raw question text - query_subtokens = [] - query_sub_to_ori_index = [] # mapping from sub-token index to token index - query_tokens = tokenizer.basic_tokenizer.tokenize(example.question_text) - for index, token in enumerate(query_tokens): - for sub_token in tokenizer.wordpiece_tokenizer.tokenize(token): - query_subtokens.append(sub_token) - query_sub_to_ori_index.append(index) - - # do tokenization on whitespace tokenized document - document_tokens = [] - document_subtokens = [] - document_sub_to_ori_index = [] - document_up_to_ori_index = [] # map unpunc token index to tokenized token index - for unpunc_tokenized_tokens in example.doc_tokens: - tokens = tokenizer.basic_tokenizer.tokenize(unpunc_tokenized_tokens) # do punctuation tokenization - document_up_to_ori_index.append(len(document_tokens)) - for token in tokens: - for sub_token in tokenizer.wordpiece_tokenizer.tokenize(token): - document_subtokens.append(sub_token) - document_sub_to_ori_index.append(len(document_tokens)) - document_tokens.append(token) - - # generate token-level document entity index - document_entities = [] - for entity in example.passage_entities: - entity_start_position = document_up_to_ori_index[entity['start_position']] - entity_end_position = None - if entity['end_position'] < len(example.doc_tokens) - 1: - entity_end_position = document_up_to_ori_index[entity['end_position'] + 1] - 1 - else: - entity_end_position = len(document_tokens) - 1 - (entity_start_position, entity_end_position) = _improve_entity_span( - document_tokens, entity_start_position, entity_end_position, tokenizer, entity['orig_text']) - document_entities.append((entity['orig_text'], entity_start_position, entity_end_position)) # ('Trump', 10, 10) - - # match query entities (including tagged and document entities) - entities_tokens = [] - for question_entity_str in example.question_entities_strset: - entities_tokens.append(tokenizer.basic_tokenizer.tokenize(question_entity_str)) - for document_entity in document_entities: - entities_tokens.append(document_tokens[document_entity[1]: document_entity[2] + 1]) - query_entities = match_query_entities(query_tokens, entities_tokens) # [('trump', 10, 10)] - - tokenization_result.append({ - 'id': example.qas_id, - 'query_tokens': query_tokens, - 'query_subtokens': query_subtokens, - 'query_entities': query_entities, - 'query_sub_to_ori_index': query_sub_to_ori_index, - 'document_tokens': document_tokens, - 'document_subtokens': document_subtokens, - 'document_entities': document_entities, - 'document_sub_to_ori_index': document_sub_to_ori_index, - }) - - return tokenization_result - - -def main(): - parser = argparse.ArgumentParser() - - parser.add_argument("--output_dir", default='tokens', type=str, - help="The output directory to dump tokenization results.") - parser.add_argument("--train_file", default='../ner_tagging_squad/output/train-v1.1.tagged.json', type=str, help="SQuAD json for training. E.g., train-v1.1.json") - parser.add_argument("--predict_file", default='../ner_tagging_squad/output/dev-v1.1.tagged.json', type=str, - help="SQuAD json for predictions. E.g., dev-v1.1.json or test-v1.1.json") - # parser.add_argument("--do_lower_case", default=False, action='store_true', - # help="Whether to lower case the input text. Should be True for uncased " - # "models and False for cased models.") - # parser.add_argument('--dump_token', action='store_true', help='whether dump the token-level tokenization result') - # parser.add_argument('--dump_subtoken', action='store_true', help='whether dump the subtoken-level tokenization result, with its mapping with token-level result') - args = parser.parse_args() - - # make output directory if not exist - if not os.path.exists(args.output_dir): - os.mkdir(args.output_dir) - - # We do both cased and uncased tokenization - for do_lower_case in (True, False): - tokenizer = tokenization.FullTokenizer( - vocab_file='vocab.{}.txt'.format('uncased' if do_lower_case else 'cased'), do_lower_case=do_lower_case) - - train_examples = read_squad_examples(input_file=args.train_file, is_training=True) - train_tokenization_result = tokenization_on_examples( - examples=train_examples, - tokenizer=tokenizer) - with open(os.path.join(args.output_dir, 'train.tokenization.{}.data'.format('uncased' if do_lower_case else 'cased')), 'wb') as fout: - pickle.dump(train_tokenization_result, fout) - - logger.info('Finished {} tokenization for train set.'.format('uncased' if do_lower_case else 'cased')) - - eval_examples = read_squad_examples(input_file=args.predict_file, is_training=False) - eval_tokenization_result = tokenization_on_examples( - examples=eval_examples, - tokenizer=tokenizer) - with open(os.path.join(args.output_dir, 'dev.tokenization.{}.data'.format('uncased' if do_lower_case else 'cased')), 'wb') as fout: - pickle.dump(eval_tokenization_result, fout) - - logger.info('Finished {} tokenization for dev set.'.format('uncased' if do_lower_case else 'cased')) - -if __name__ == "__main__": - main() diff --git a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_squad/tokenization.py b/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_squad/tokenization.py deleted file mode 100644 index 8cf83720d9ec212244f4659236e2436ab1245116..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_squad/tokenization.py +++ /dev/null @@ -1,333 +0,0 @@ -# coding=utf-8 -# Copyright 2018 The Google AI Language Team Authors and The HugginFace Inc. team. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Tokenization classes.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import collections -import unicodedata -import six - - -def convert_to_unicode(text): - """Converts `text` to Unicode (if it's not already), assuming utf-8 input.""" - if six.PY3: - if isinstance(text, str): - return text - elif isinstance(text, bytes): - return text.decode("utf-8", "ignore") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - elif six.PY2: - if isinstance(text, str): - return text.decode("utf-8", "ignore") - elif isinstance(text, unicode): - return text - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - else: - raise ValueError("Not running on Python2 or Python 3?") - - -def printable_text(text): - """Returns text encoded in a way suitable for print or `tf.logging`.""" - - # These functions want `str` for both Python2 and Python3, but in one case - # it's a Unicode string and in the other it's a byte string. - if six.PY3: - if isinstance(text, str): - return text - elif isinstance(text, bytes): - return text.decode("utf-8", "ignore") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - elif six.PY2: - if isinstance(text, str): - return text - elif isinstance(text, unicode): - return text.encode("utf-8") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - else: - raise ValueError("Not running on Python2 or Python 3?") - - -def load_vocab(vocab_file): - """Loads a vocabulary file into a dictionary.""" - vocab = collections.OrderedDict() - index = 0 - with open(vocab_file, "r") as reader: - while True: - token = convert_to_unicode(reader.readline()) - if not token: - break - token = token.strip() - vocab[token] = index - index += 1 - return vocab - - -def convert_tokens_to_ids(vocab, tokens): - """Converts a sequence of tokens into ids using the vocab.""" - ids = [] - for token in tokens: - ids.append(vocab[token]) - return ids - - -def whitespace_tokenize(text): - """Runs basic whitespace cleaning and splitting on a peice of text.""" - text = text.strip() - if not text: - return [] - tokens = text.split() - return tokens - - -class FullTokenizer(object): - """Runs end-to-end tokenziation.""" - - def __init__(self, vocab_file, do_lower_case=True): - self.vocab = load_vocab(vocab_file) - self.basic_tokenizer = BasicTokenizer(do_lower_case=do_lower_case) - self.wordpiece_tokenizer = WordpieceTokenizer(vocab=self.vocab) - - def tokenize(self, text): - split_tokens = [] - for token in self.basic_tokenizer.tokenize(text): - for sub_token in self.wordpiece_tokenizer.tokenize(token): - split_tokens.append(sub_token) - - return split_tokens - - def convert_tokens_to_ids(self, tokens): - return convert_tokens_to_ids(self.vocab, tokens) - - -class BasicTokenizer(object): - """Runs basic tokenization (punctuation splitting, lower casing, etc.).""" - - def __init__(self, do_lower_case=True): - """Constructs a BasicTokenizer. - - Args: - do_lower_case: Whether to lower case the input. - """ - self.do_lower_case = do_lower_case - - def tokenize(self, text): - """Tokenizes a piece of text.""" - text = convert_to_unicode(text) - text = self._clean_text(text) - # This was added on November 1st, 2018 for the multilingual and Chinese - # models. This is also applied to the English models now, but it doesn't - # matter since the English models were not trained on any Chinese data - # and generally don't have any Chinese data in them (there are Chinese - # characters in the vocabulary because Wikipedia does have some Chinese - # words in the English Wikipedia.). - text = self._tokenize_chinese_chars(text) - orig_tokens = whitespace_tokenize(text) - split_tokens = [] - for token in orig_tokens: - if self.do_lower_case: - token = token.lower() - token = self._run_strip_accents(token) - split_tokens.extend(self._run_split_on_punc(token)) - - output_tokens = whitespace_tokenize(" ".join(split_tokens)) - return output_tokens - - def _run_strip_accents(self, text): - """Strips accents from a piece of text.""" - text = unicodedata.normalize("NFD", text) - output = [] - for char in text: - cat = unicodedata.category(char) - if cat == "Mn": - continue - output.append(char) - return "".join(output) - - def _run_split_on_punc(self, text): - """Splits punctuation on a piece of text.""" - chars = list(text) - i = 0 - start_new_word = True - output = [] - while i < len(chars): - char = chars[i] - if _is_punctuation(char): - output.append([char]) - start_new_word = True - else: - if start_new_word: - output.append([]) - start_new_word = False - output[-1].append(char) - i += 1 - - return ["".join(x) for x in output] - - def _tokenize_chinese_chars(self, text): - """Adds whitespace around any CJK character.""" - output = [] - for char in text: - cp = ord(char) - if self._is_chinese_char(cp): - output.append(" ") - output.append(char) - output.append(" ") - else: - output.append(char) - return "".join(output) - - def _is_chinese_char(self, cp): - """Checks whether CP is the codepoint of a CJK character.""" - # This defines a "chinese character" as anything in the CJK Unicode block: - # https://en.wikipedia.org/wiki/CJK_Unified_Ideographs_(Unicode_block) - # - # Note that the CJK Unicode block is NOT all Japanese and Korean characters, - # despite its name. The modern Korean Hangul alphabet is a different block, - # as is Japanese Hiragana and Katakana. Those alphabets are used to write - # space-separated words, so they are not treated specially and handled - # like the all of the other languages. - if ((cp >= 0x4E00 and cp <= 0x9FFF) or # - (cp >= 0x3400 and cp <= 0x4DBF) or # - (cp >= 0x20000 and cp <= 0x2A6DF) or # - (cp >= 0x2A700 and cp <= 0x2B73F) or # - (cp >= 0x2B740 and cp <= 0x2B81F) or # - (cp >= 0x2B820 and cp <= 0x2CEAF) or - (cp >= 0xF900 and cp <= 0xFAFF) or # - (cp >= 0x2F800 and cp <= 0x2FA1F)): # - return True - - return False - - def _clean_text(self, text): - """Performs invalid character removal and whitespace cleanup on text.""" - output = [] - for char in text: - cp = ord(char) - if cp == 0 or cp == 0xfffd or _is_control(char): - continue - if _is_whitespace(char): - output.append(" ") - else: - output.append(char) - return "".join(output) - - -class WordpieceTokenizer(object): - """Runs WordPiece tokenization.""" - - def __init__(self, vocab, unk_token="[UNK]", max_input_chars_per_word=100): - self.vocab = vocab - self.unk_token = unk_token - self.max_input_chars_per_word = max_input_chars_per_word - - def tokenize(self, text): - """Tokenizes a piece of text into its word pieces. - - This uses a greedy longest-match-first algorithm to perform tokenization - using the given vocabulary. - - For example: - input = "unaffable" - output = ["un", "##aff", "##able"] - - Args: - text: A single token or whitespace separated tokens. This should have - already been passed through `BasicTokenizer. - - Returns: - A list of wordpiece tokens. - """ - - text = convert_to_unicode(text) - - output_tokens = [] - for token in whitespace_tokenize(text): - chars = list(token) - if len(chars) > self.max_input_chars_per_word: - output_tokens.append(self.unk_token) - continue - - is_bad = False - start = 0 - sub_tokens = [] - while start < len(chars): - end = len(chars) - cur_substr = None - while start < end: - substr = "".join(chars[start:end]) - if start > 0: - substr = "##" + substr - if substr in self.vocab: - cur_substr = substr - break - end -= 1 - if cur_substr is None: - is_bad = True - break - sub_tokens.append(cur_substr) - start = end - - if is_bad: - output_tokens.append(self.unk_token) - else: - output_tokens.extend(sub_tokens) - return output_tokens - - -def _is_whitespace(char): - """Checks whether `chars` is a whitespace character.""" - # \t, \n, and \r are technically contorl characters but we treat them - # as whitespace since they are generally considered as such. - if char == " " or char == "\t" or char == "\n" or char == "\r": - return True - cat = unicodedata.category(char) - if cat == "Zs": - return True - return False - - -def _is_control(char): - """Checks whether `chars` is a control character.""" - # These are technically control characters but we count them as whitespace - # characters. - if char == "\t" or char == "\n" or char == "\r": - return False - cat = unicodedata.category(char) - if cat.startswith("C"): - return True - return False - - -def _is_punctuation(char): - """Checks whether `chars` is a punctuation character.""" - cp = ord(char) - # We treat all non-letter/number ASCII as punctuation. - # Characters such as "^", "$", and "`" are not in the Unicode - # Punctuation class but we treat them as punctuation anyways, for - # consistency. - if ((cp >= 33 and cp <= 47) or (cp >= 58 and cp <= 64) or - (cp >= 91 and cp <= 96) or (cp >= 123 and cp <= 126)): - return True - cat = unicodedata.category(char) - if cat.startswith("P"): - return True - return False diff --git a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_squad/vocab.cased.txt b/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_squad/vocab.cased.txt deleted file mode 100644 index 2ea941cc79a6f3d7985ca6991ef4f67dad62af04..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_squad/vocab.cased.txt +++ /dev/null @@ -1,28996 +0,0 @@ -[PAD] -[unused1] -[unused2] -[unused3] -[unused4] -[unused5] -[unused6] -[unused7] -[unused8] -[unused9] -[unused10] -[unused11] -[unused12] -[unused13] -[unused14] -[unused15] -[unused16] -[unused17] -[unused18] -[unused19] -[unused20] -[unused21] -[unused22] -[unused23] -[unused24] -[unused25] -[unused26] -[unused27] -[unused28] -[unused29] -[unused30] -[unused31] -[unused32] -[unused33] -[unused34] -[unused35] -[unused36] -[unused37] -[unused38] -[unused39] -[unused40] -[unused41] -[unused42] -[unused43] -[unused44] -[unused45] -[unused46] -[unused47] -[unused48] -[unused49] -[unused50] -[unused51] -[unused52] -[unused53] -[unused54] -[unused55] -[unused56] -[unused57] -[unused58] -[unused59] -[unused60] -[unused61] -[unused62] -[unused63] -[unused64] -[unused65] -[unused66] -[unused67] -[unused68] -[unused69] -[unused70] -[unused71] -[unused72] -[unused73] -[unused74] -[unused75] -[unused76] -[unused77] -[unused78] -[unused79] -[unused80] -[unused81] -[unused82] -[unused83] -[unused84] -[unused85] -[unused86] -[unused87] -[unused88] -[unused89] -[unused90] -[unused91] -[unused92] -[unused93] -[unused94] -[unused95] -[unused96] -[unused97] -[unused98] -[unused99] -[UNK] -[CLS] -[SEP] -[MASK] -[unused100] -[unused101] -! -" -# -$ -% -& -' -( -) -* -+ -, -- -. -/ -0 -1 -2 -3 -4 -5 -6 -7 -8 -9 -: -; -< -= -> -? -@ -A -B -C -D -E -F -G -H -I -J -K -L -M -N -O -P -Q -R -S -T -U -V -W -X -Y -Z -[ -\ -] -^ -_ -` -a -b -c -d -e -f -g -h -i -j -k -l -m -n -o -p -q -r -s -t -u -v -w -x -y -z -{ -| -} -~ -¡ -¢ -£ -¥ -§ -¨ -© -ª -« -¬ -® -° -± -² -³ -´ -µ -¶ -· -¹ -º -» -¼ -½ -¾ -¿ -À -Á - -Ä -Å -Æ -Ç -È -É -Í -Î -Ñ -Ó -Ö -× -Ø -Ú -Ü -Þ -ß -à -á -â -ã -ä -å -æ -ç -è -é -ê -ë -ì -í -î -ï -ð -ñ -ò -ó -ô -õ -ö -÷ -ø -ù -ú -û -ü -ý -þ -ÿ -Ā -ā -ă -ą -Ć -ć -Č -č -ď -Đ -đ -ē -ė -ę -ě -ğ -ġ -Ħ -ħ -ĩ -Ī -ī -İ -ı -ļ -Ľ -ľ -Ł -ł -ń -ņ -ň -ŋ -Ō -ō -ŏ -ő -Œ -œ -ř -Ś -ś -Ş -ş -Š -š -Ţ -ţ -ť -ũ -ū -ŭ -ů -ű -ų -ŵ -ŷ -ź -Ż -ż -Ž -ž -Ə -ƒ -ơ -ư -ǎ -ǐ -ǒ -ǔ -ǫ -Ș -ș -Ț -ț -ɐ -ɑ -ɔ -ɕ -ə -ɛ -ɡ -ɣ -ɨ -ɪ -ɲ -ɾ -ʀ -ʁ -ʂ -ʃ -ʊ -ʋ -ʌ -ʐ -ʑ -ʒ -ʔ -ʰ -ʲ -ʳ -ʷ -ʻ -ʼ -ʾ -ʿ -ˈ -ː -ˡ -ˢ -ˣ -́ -̃ -̍ -̯ -͡ -Α -Β -Γ -Δ -Ε -Η -Θ -Ι -Κ -Λ -Μ -Ν -Ο -Π -Σ -Τ -Φ -Χ -Ψ -Ω -ά -έ -ή -ί -α -β -γ -δ -ε -ζ -η -θ -ι -κ -λ -μ -ν -ξ -ο -π -ρ -ς -σ -τ -υ -φ -χ -ψ -ω -ό -ύ -ώ -І -Ј -А -Б -В -Г -Д -Е -Ж -З -И -К -Л -М -Н -О -П -Р -С -Т -У -Ф -Х -Ц -Ч -Ш -Э -Ю -Я -а -б -в -г -д -е -ж -з -и -й -к -л -м -н -о -п -р -с -т -у -ф -х -ц -ч -ш -щ -ъ -ы -ь -э -ю -я -ё -і -ї -ј -њ -ћ -Ա -Հ -ա -ե -ի -կ -մ -յ -ն -ո -ս -տ -ր -ւ -ְ -ִ -ֵ -ֶ -ַ -ָ -ֹ -ּ -א -ב -ג -ד -ה -ו -ז -ח -ט -י -כ -ל -ם -מ -ן -נ -ס -ע -פ -צ -ק -ר -ש -ת -، -ء -آ -أ -إ -ئ -ا -ب -ة -ت -ث -ج -ح -خ -د -ذ -ر -ز -س -ش -ص -ض -ط -ظ -ع -غ -ف -ق -ك -ل -م -ن -ه -و -ى -ي -َ -ِ -ٹ -پ -چ -ک -گ -ہ -ی -ے -ं -आ -क -ग -च -ज -ण -त -द -ध -न -प -ब -भ -म -य -र -ल -व -श -ष -स -ह -ा -ि -ी -ु -े -ो -् -। -॥ -আ -ই -এ -ও -ক -খ -গ -চ -ছ -জ -ট -ত -থ -দ -ধ -ন -প -ব -ম -য -র -ল -শ -স -হ -় -া -ি -ী -ু -ে -ো -্ -য় -க -த -ப -ம -ய -ர -ல -வ -ா -ி -ு -் -ร -་ -ག -ང -ད -ན -བ -མ -ར -ལ -ས -ི -ུ -ེ -ོ -ა -ე -ი -ლ -ნ -ო -რ -ს -ᴬ -ᴵ -ᵀ -ᵃ -ᵇ -ᵈ -ᵉ -ᵍ -ᵏ -ᵐ -ᵒ -ᵖ -ᵗ -ᵘ -ᵢ -ᵣ -ᵤ -ᵥ -ᶜ -ᶠ -ḍ -Ḥ -ḥ -Ḩ -ḩ -ḳ -ṃ -ṅ -ṇ -ṛ -ṣ -ṭ -ạ -ả -ấ -ầ -ẩ -ậ -ắ -ế -ề -ể -ễ -ệ -ị -ọ -ố -ồ -ổ -ộ -ớ -ờ -ợ -ụ -ủ -ứ -ừ -ử -ữ -ự -ỳ -ỹ -ἀ -ἐ -ὁ -ὐ -ὰ -ὶ -ὸ -ῆ -ῖ -ῦ -ῶ -‐ -‑ -‒ -– -— -― -‖ -‘ -’ -‚ -“ -” -„ -† -‡ -• -… -‰ -′ -″ -⁄ -⁰ -ⁱ -⁴ -⁵ -⁶ -⁷ -⁸ -⁹ -⁺ -⁻ -ⁿ -₀ -₁ -₂ -₃ -₄ -₅ -₆ -₇ -₈ -₉ -₊ -₍ -₎ -ₐ -ₑ -ₒ -ₓ -ₕ -ₖ -ₘ -ₙ -ₚ -ₛ -ₜ -₤ -€ -₱ -₹ -ℓ -№ -ℝ -⅓ -← -↑ -→ -↔ -⇌ -⇒ -∂ -∈ -− -∗ -∘ -√ -∞ -∧ -∨ -∩ -∪ -≈ -≠ -≡ -≤ -≥ -⊂ -⊆ -⊕ -⋅ -─ -│ -■ -● -★ -☆ -☉ -♠ -♣ -♥ -♦ -♭ -♯ -⟨ -⟩ -ⱼ -、 -。 -《 -》 -「 -」 -『 -』 -〜 -い -う -え -お -か -き -く -け -こ -さ -し -す -せ -そ -た -ち -つ -て -と -な -に -の -は -ひ -ま -み -む -め -も -や -ゆ -よ -ら -り -る -れ -ん -ア -ィ -イ -ウ -エ -オ -カ -ガ -キ -ク -グ -コ -サ -シ -ジ -ス -ズ -タ -ダ -ッ -テ -デ -ト -ド -ナ -ニ -ハ -バ -パ -フ -ブ -プ -マ -ミ -ム -ャ -ュ -ラ -リ -ル -レ -ロ -ン -・ -ー -一 -三 -上 -下 -中 -事 -二 -井 -京 -人 -亻 -仁 -佐 -侍 -光 -公 -力 -北 -十 -南 -原 -口 -史 -司 -吉 -同 -和 -囗 -国 -國 -土 -城 -士 -大 -天 -太 -夫 -女 -子 -宀 -安 -宮 -宿 -小 -尚 -山 -島 -川 -州 -平 -年 -心 -愛 -戸 -文 -新 -方 -日 -明 -星 -書 -月 -木 -本 -李 -村 -東 -松 -林 -正 -武 -氏 -水 -氵 -江 -河 -海 -版 -犬 -王 -生 -田 -白 -皇 -省 -真 -石 -社 -神 -竹 -美 -義 -花 -藤 -西 -谷 -車 -辶 -道 -郎 -郡 -部 -野 -金 -長 -門 -陽 -青 -食 -馬 -高 -龍 -龸 -사 -씨 -의 -이 -한 -fi -fl -! -( -) -, -- -/ -: -the -of -and -to -in -was -The -is -for -as -on -with -that -##s -his -by -he -at -from -it -her -He -had -an -were -you -be -In -she -are -but -which -It -not -or -have -my -him -one -this -me -has -also -up -their -first -out -who -been -they -She -into -all -would -its -##ing -time -two -##a -##e -said -about -when -over -more -other -can -after -back -them -then -##ed -there -like -so -only -##n -could -##d -##i -##y -what -no -##o -where -This -made -than -if -You -##ly -through -we -before -##r -just -some -##er -years -do -New -##t -down -between -new -now -will -three -most -On -around -year -used -such -being -well -during -They -know -against -under -later -did -part -known -off -while -His -re -... -##l -people -until -way -American -didn -University -your -both -many -get -United -became -head -There -second -As -work -any -But -still -again -born -even -eyes -After -including -de -took -And -long -team -season -family -see -right -same -called -name -because -film -don -10 -found -much -school -##es -going -won -place -away -We -day -left -John -000 -hand -since -World -these -how -make -number -each -life -area -man -four -go -No -here -very -National -##m -played -released -never -began -States -album -home -last -too -held -several -May -own -##on -take -end -School -##h -ll -series -What -want -use -another -city -When -2010 -side -At -may -That -came -face -June -think -game -those -high -March -early -September -##al -2011 -looked -July -state -small -thought -went -January -October -##u -based -August -##us -world -good -April -York -us -12 -2012 -2008 -For -2009 -group -along -few -South -little -##k -following -November -something -2013 -December -set -2007 -old -2006 -2014 -located -##an -music -County -City -former -##in -room -ve -next -All -##man -got -father -house -##g -body -15 -20 -18 -started -If -2015 -town -our -line -War -large -population -named -British -company -member -five -My -single -##en -age -State -moved -February -11 -Her -should -century -government -built -come -best -show -However -within -look -men -door -without -need -wasn -2016 -water -One -system -knew -every -died -League -turned -asked -North -St -wanted -building -received -song -served -though -felt -##ia -station -band -##ers -local -public -himself -different -death -say -##1 -30 -##2 -2005 -16 -night -behind -children -English -members -near -saw -together -son -14 -voice -village -13 -hands -help -##3 -due -French -London -top -told -open -published -third -2017 -play -across -During -put -final -often -include -25 -##le -main -having -2004 -once -ever -let -book -led -gave -late -front -find -club -##4 -German -included -species -College -form -opened -mother -women -enough -West -must -2000 -power -really -17 -making -half -##6 -order -might -##is -given -million -times -days -point -full -service -With -km -major -##7 -original -become -seen -II -north -six -##te -love -##0 -national -International -##5 -24 -So -District -lost -run -couldn -career -always -##9 -2003 -##th -country -##z -House -air -tell -south -worked -woman -player -##A -almost -war -River -##ic -married -continued -Then -James -close -black -short -##8 -##na -using -history -returned -light -car -##ra -sure -William -things -General -##ry -2002 -better -support -100 -among -From -feet -King -anything -21 -19 -established -district -2001 -feel -great -##ton -level -Cup -These -written -games -others -already -title -story -##p -law -thing -US -record -role -however -By -students -England -white -control -least -inside -land -##C -22 -give -community -hard -##ie -non -##c -produced -George -round -period -Park -business -various -##ne -does -present -wife -far -taken -per -reached -David -able -version -working -young -live -created -joined -East -living -appeared -case -High -done -23 -important -President -Award -France -position -office -looking -total -general -class -To -production -##S -football -party -brother -keep -mind -free -Street -hair -announced -development -either -nothing -moment -Church -followed -wrote -why -India -San -election -1999 -lead -How -##ch -##rs -words -European -course -considered -America -arms -Army -political -##la -28 -26 -west -east -ground -further -church -less -site -First -Not -Australia -toward -California -##ness -described -works -An -Council -heart -past -military -27 -##or -heard -field -human -soon -founded -1998 -playing -trying -##x -##ist -##ta -television -mouth -although -taking -win -fire -Division -##ity -Party -Royal -program -Some -Don -Association -According -tried -TV -Paul -outside -daughter -Best -While -someone -match -recorded -Canada -closed -region -Air -above -months -elected -##da -##ian -road -##ar -brought -move -1997 -leave -##um -Thomas -1996 -am -low -Robert -formed -person -services -points -Mr -miles -##b -stop -rest -doing -needed -international -release -floor -start -sound -call -killed -real -dark -research -finished -language -Michael -professional -change -sent -50 -upon -29 -track -hit -event -2018 -term -example -Germany -similar -return -##ism -fact -pulled -stood -says -ran -information -yet -result -developed -girl -##re -God -1995 -areas -signed -decided -##ment -Company -seemed -##el -co -turn -race -common -video -Charles -Indian -##ation -blood -art -red -##able -added -rather -1994 -met -director -addition -design -average -minutes -##ies -##ted -available -bed -coming -friend -idea -kind -Union -Road -remained -##ting -everything -##ma -running -care -finally -Chinese -appointed -1992 -Australian -##ley -popular -mean -teams -probably -##land -usually -project -social -Championship -possible -word -Russian -instead -mi -herself -##T -Peter -Hall -Center -seat -style -money -1993 -else -Department -table -Music -current -31 -features -special -events -character -Two -square -sold -debut -##v -process -Although -Since -##ka -40 -Central -currently -education -placed -lot -China -quickly -forward -seven -##ling -Europe -arm -performed -Japanese -1991 -Henry -Now -Dr -##ion -week -Group -myself -big -UK -Washington -ten -deep -1990 -Club -Japan -space -La -directed -smile -episode -hours -whole -##de -##less -Why -wouldn -designed -strong -training -changed -Society -stage -involved -hadn -towards -leading -police -eight -kept -Institute -study -largest -child -eventually -private -modern -Court -throughout -getting -originally -attack -##E -talk -Great -longer -songs -alone -##ine -wide -dead -walked -shot -##ri -Oh -force -##st -Art -today -friends -Island -Richard -1989 -center -construction -believe -size -White -ship -completed -##B -gone -Just -rock -sat -##R -radio -below -entire -families -league -includes -type -lived -official -range -hold -featured -Most -##ter -president -passed -means -##f -forces -lips -Mary -Do -guitar -##ce -food -wall -Of -spent -Its -performance -hear -##P -Western -reported -sister -##et -morning -##M -especially -##ive -Minister -itself -post -bit -groups -1988 -##tion -Black -##ng -Well -raised -sometimes -Canadian -Paris -Spanish -replaced -schools -Academy -leaving -central -female -Christian -Jack -whose -college -onto -provided -##D -##ville -players -actually -stopped -##son -Museum -doesn -##ts -books -fight -allowed -##ur -beginning -Records -awarded -parents -coach -##os -Red -saying -##ck -Smith -Yes -Lake -##L -aircraft -1987 -##ble -previous -ft -action -Italian -African -happened -vocals -Act -future -court -##ge -1986 -degree -phone -##ro -Is -countries -winning -breath -Love -river -matter -Lord -Other -list -self -parts -##ate -provide -cut -shows -plan -1st -interest -##ized -Africa -stated -Sir -fell -owned -earlier -ended -competition -attention -1985 -lower -nearly -bad -older -stay -Saint -##se -certain -1984 -fingers -blue -try -fourth -Grand -##as -king -##nt -makes -chest -movement -states -moving -data -introduced -model -date -section -Los -deal -##I -skin -entered -middle -success -Texas -##w -summer -island -##N -Republic -length -husband -1980 -##ey -reason -anyone -forced -via -base -500 -job -covered -Festival -Roman -successful -rights -cover -Man -writing -Ireland -##F -related -goal -takes -buildings -true -weeks -1983 -Because -opening -novel -ISBN -meet -gold -##ous -mid -km² -standing -Football -Chicago -shook -whom -##ki -1982 -Day -feeling -scored -boy -higher -Force -leader -heavy -fall -question -sense -army -Second -energy -meeting -themselves -kill -##am -board -census -##ya -##ns -mine -meant -market -required -battle -campaign -attended -approximately -Kingdom -runs -active -##ha -contract -clear -previously -health -1979 -Arts -complete -Catholic -couple -units -##ll -##ty -Committee -shoulder -sea -systems -listed -##O -caught -tournament -##G -northern -author -Film -Your -##men -holding -offered -personal -1981 -southern -artist -traditional -studio -200 -capital -##ful -regular -ask -giving -organization -month -news -Are -read -managed -helped -studied -student -defeated -natural -industry -Year -noted -decision -Government -quite -##id -smiled -1972 -Maybe -tracks -##ke -Mark -al -media -engine -hour -Their -relationship -plays -property -structure -1976 -ago -Hill -Martin -1978 -ready -Many -Like -Bay -immediately -generally -Italy -Greek -practice -caused -division -significant -Joseph -speed -Let -thinking -completely -1974 -primary -mostly -##field -##K -1975 -##to -Even -writer -##led -dropped -magazine -collection -understand -route -highest -particular -films -lines -network -Science -loss -carried -direction -green -1977 -location -producer -according -Women -Queen -neck -thus -independent -view -1970 -Angeles -Soviet -distance -problem -Board -tour -western -income -appearance -access -Mexico -nodded -street -surface -arrived -believed -Old -1968 -1973 -becoming -whether -1945 -figure -singer -stand -Following -issue -window -wrong -pain -everyone -lives -issues -park -slowly -la -act -##va -bring -Lee -operations -key -comes -fine -cold -famous -Navy -1971 -Me -additional -individual -##ner -Zealand -goals -county -contains -Service -minute -2nd -reach -talking -particularly -##ham -movie -Director -glass -paper -studies -##co -railway -standard -Education -45 -represented -Chief -Louis -launched -Star -terms -60 -1969 -experience -watched -Another -Press -Tom -staff -starting -subject -break -Virginia -nine -eye -##age -evidence -foot -##est -companies -Prince -##V -gun -create -Big -People -guy -Green -simply -numerous -##line -increased -twenty -##ga -##do -1967 -award -officer -stone -Before -material -Northern -grew -male -plant -Life -legs -step -Al -unit -35 -except -answer -##U -report -response -Edward -commercial -edition -trade -science -##ca -Irish -Law -shown -rate -failed -##ni -remains -changes -mm -limited -larger -Later -cause -waiting -Time -##wood -cost -Bill -manager -activities -likely -allow -operated -retired -##ping -65 -directly -Who -associated -effect -hell -Florida -straight -hot -Valley -management -girls -expected -eastern -Mike -chance -cast -centre -chair -hurt -problems -##li -walk -programs -Team -characters -Battle -edge -pay -maybe -corner -majority -medical -Joe -Summer -##io -attempt -Pacific -command -Radio -##by -names -municipality -1964 -train -economic -Brown -feature -sex -source -agreed -remember -Three -1966 -1965 -Pennsylvania -victory -senior -annual -III -Southern -results -Sam -serving -religious -Jones -appears -##der -despite -claimed -Both -musical -matches -fast -security -selected -Young -double -complex -hospital -chief -Times -##ve -Championships -filled -Public -Despite -beautiful -Research -plans -Province -##ally -Wales -##ko -artists -metal -nearby -Spain -##il -32 -houses -supported -piece -##no -stared -recording -nature -legal -Russia -##ization -remaining -looks -##sh -bridge -closer -cases -scene -marriage -Little -##é -uses -Earth -specific -Frank -theory -Good -discovered -referred -bass -culture -university -presented -Congress -##go -metres -continue -1960 -isn -Awards -meaning -cell -composed -separate -Series -forms -Blue -cross -##tor -increase -test -computer -slightly -Where -Jewish -Town -tree -status -1944 -variety -responsible -pretty -initially -##way -realized -pass -provides -Captain -Alexander -recent -score -broke -Scott -drive -financial -showed -Line -stories -ordered -soldiers -genus -operation -gaze -sitting -society -Only -hope -actor -follow -Empire -Yeah -technology -happy -focus -policy -spread -situation -##ford -##ba -Mrs -watch -Can -1963 -Commission -touch -earned -troops -Under -1962 -individuals -cannot -19th -##lin -mile -expression -exactly -suddenly -weight -dance -stepped -places -appear -difficult -Railway -anti -numbers -kilometres -star -##ier -department -ice -Britain -removed -Once -##lo -Boston -value -##ant -mission -trees -Order -sports -join -serve -Major -poor -Poland -mainly -Theatre -pushed -Station -##it -Lady -federal -silver -##ler -foreign -##ard -Eastern -##den -box -hall -subsequently -lies -acquired -1942 -ancient -CD -History -Jean -beyond -##ger -El -##les -growing -championship -native -Parliament -Williams -watching -direct -overall -offer -Also -80 -Secretary -spoke -Latin -ability -##ated -safe -presence -##ial -headed -regional -planned -1961 -Johnson -throat -consists -##W -extended -Or -bar -walls -Chris -stations -politician -Olympics -influence -share -fighting -speak -hundred -Carolina -die -stars -##tic -color -Chapter -##ish -fear -sleep -goes -Francisco -oil -Bank -sign -physical -##berg -Dutch -seasons -##rd -Games -Governor -sorry -lack -Centre -memory -baby -smaller -charge -Did -multiple -ships -shirt -Assembly -amount -leaves -3rd -Foundation -conditions -1943 -Rock -Democratic -Daniel -##at -winner -products -##ina -store -latter -Professor -civil -prior -host -1956 -soft -vote -needs -Each -rules -1958 -pressure -letter -normal -proposed -levels -records -1959 -paid -intended -Victoria -purpose -okay -historical -issued -1980s -broadcast -rule -simple -picked -firm -Sea -1941 -Elizabeth -1940 -serious -featuring -highly -graduated -mentioned -choice -1948 -replied -percent -Scotland -##hi -females -constructed -1957 -settled -Steve -recognized -cities -crew -glanced -kiss -competed -flight -knowledge -editor -More -Conference -##H -fifth -elements -##ee -##tes -function -newspaper -recently -Miss -cultural -brown -twice -Office -1939 -truth -Creek -1946 -households -USA -1950 -quality -##tt -border -seconds -destroyed -pre -wait -ahead -build -image -90 -cars -##mi -33 -promoted -professor -et -bank -medal -text -broken -Middle -revealed -sides -wing -seems -channel -1970s -Ben -loved -effort -officers -Will -##ff -70 -Israel -Jim -upper -fully -label -Jr -assistant -powerful -pair -positive -##ary -gives -1955 -20th -races -remain -kitchen -primarily -##ti -Sydney -easy -Tour -whispered -buried -300 -News -Polish -1952 -Duke -Columbia -produce -accepted -00 -approach -minor -1947 -Special -44 -Asian -basis -visit -Fort -Civil -finish -formerly -beside -leaned -##ite -median -rose -coast -effects -supposed -Cross -##hip -Corps -residents -Jackson -##ir -Bob -basketball -36 -Asia -seem -Bishop -Book -##ber -ring -##ze -owner -BBC -##ja -transferred -acting -De -appearances -walking -Le -press -grabbed -1954 -officially -1953 -##pe -risk -taught -review -##X -lay -##well -council -Avenue -seeing -losing -Ohio -Super -province -ones -travel -##sa -projects -equipment -spot -Berlin -administrative -heat -potential -shut -capacity -elections -growth -fought -Republican -mixed -Andrew -teacher -turning -strength -shoulders -beat -wind -1949 -Health -follows -camp -suggested -perhaps -Alex -mountain -contact -divided -candidate -fellow -34 -Show -necessary -workers -ball -horse -ways -questions -protect -gas -activity -younger -bottom -founder -Scottish -screen -treatment -easily -com -##house -dedicated -Master -warm -Night -Georgia -Long -von -##me -perfect -website -1960s -piano -efforts -##ide -Tony -sort -offers -Development -Simon -executive -##nd -save -Over -Senate -1951 -1990s -draw -master -Police -##ius -renamed -boys -initial -prominent -damage -Co -##ov -##za -online -begin -occurred -captured -youth -Top -account -tells -Justice -conducted -forest -##town -bought -teeth -Jersey -##di -purchased -agreement -Michigan -##ure -campus -prison -becomes -product -secret -guess -Route -huge -types -drums -64 -split -defeat -estate -housing -##ot -brothers -Coast -declared -happen -titled -therefore -sun -commonly -alongside -Stadium -library -Home -article -steps -telling -slow -assigned -refused -laughed -wants -Nick -wearing -Rome -Open -##ah -Hospital -pointed -Taylor -lifted -escape -participated -##j -drama -parish -Santa -##per -organized -mass -pick -Airport -gets -Library -unable -pull -Live -##ging -surrounding -##ries -focused -Adam -facilities -##ning -##ny -38 -##ring -notable -era -connected -gained -operating -laid -Regiment -branch -defined -Christmas -machine -Four -academic -Iran -adopted -concept -Men -compared -search -traffic -Max -Maria -greater -##ding -widely -##burg -serves -1938 -37 -Go -hotel -shared -typically -scale -1936 -leg -suffered -yards -pieces -Ministry -Wilson -episodes -empty -1918 -safety -continues -yellow -historic -settlement -400 -Come -Corporation -enemy -content -picture -evening -territory -method -trial -solo -driver -Here -##ls -entrance -Prize -spring -whatever -##ent -75 -##ji -reading -Arthur -##cy -Our -clothes -Prime -Illinois -Kong -code -##ria -sit -Harry -Federal -chosen -administration -bodies -begins -stomach -Though -seats -Hong -density -Sun -leaders -Field -museum -chart -platform -languages -##ron -birth -holds -Gold -##un -fish -combined -##ps -4th -1937 -largely -captain -trust -Game -van -boat -Oxford -basic -beneath -Islands -painting -nice -Toronto -path -males -sources -block -conference -parties -murder -clubs -crowd -calling -About -Business -peace -knows -lake -speaking -stayed -Brazil -allowing -Born -unique -thick -Technology -##que -receive -des -semi -alive -noticed -format -##ped -coffee -digital -##ned -handed -guard -tall -faced -setting -plants -partner -claim -reduced -temple -animals -determined -classes -##out -estimated -##ad -Olympic -providing -Massachusetts -learned -Inc -Philadelphia -Social -carry -42 -possibly -hosted -tonight -respectively -Today -shape -Mount -roles -designated -brain -etc -Korea -thoughts -Brian -Highway -doors -background -drew -models -footballer -tone -turns -1935 -quiet -tower -wood -bus -write -software -weapons -flat -marked -1920 -newly -tight -Eric -finger -Journal -FC -Van -rise -critical -Atlantic -granted -returning -communities -humans -quick -39 -48 -ranked -sight -pop -Swedish -Stephen -card -analysis -attacked -##wa -Sunday -identified -Jason -champion -situated -1930 -expanded -tears -##nce -reaching -Davis -protection -Emperor -positions -nominated -Bridge -tax -dress -allows -avoid -leadership -killing -actress -guest -steel -knowing -electric -cells -disease -grade -unknown -##ium -resulted -Pakistan -confirmed -##ged -tongue -covers -##Y -roof -entirely -applied -votes -drink -interview -exchange -Township -reasons -##ised -page -calls -dog -agent -nose -teaching -##ds -##ists -advanced -wish -Golden -existing -vehicle -del -1919 -develop -attacks -pressed -Sports -planning -resulting -facility -Sarah -notes -1933 -Class -Historic -winter -##mo -audience -Community -household -Netherlands -creation -##ize -keeping -1914 -claims -dry -guys -opposite -##ak -explained -Ontario -secondary -difference -Francis -actions -organizations -yard -animal -Up -Lewis -titles -Several -1934 -Ryan -55 -Supreme -rolled -1917 -distribution -figures -afraid -rural -yourself -##rt -sets -barely -Instead -passing -awards -41 -silence -authority -occupied -environment -windows -engineering -surprised -flying -crime -reports -Mountain -powers -driving -succeeded -reviews -1929 -Head -missing -Song -Jesus -opportunity -inspired -ends -albums -conversation -impact -injury -surprise -billion -learning -heavily -oldest -union -creating -##ky -festival -literature -letters -sexual -##tte -apartment -Final -comedy -nation -orders -##sen -contemporary -Power -drawn -existence -connection -##ating -Post -Junior -remembered -message -Medal -castle -note -engineer -sounds -Beach -crossed -##dy -ear -scientific -sales -##ai -theme -starts -clearly -##ut -trouble -##gan -bag -##han -BC -sons -1928 -silent -versions -daily -Studies -ending -Rose -guns -1932 -headquarters -reference -obtained -Squadron -concert -none -du -Among -##don -prevent -Member -answered -staring -Between -##lla -portion -drug -liked -association -performances -Nations -formation -Castle -lose -learn -scoring -relatively -quarter -47 -Premier -##ors -Sweden -baseball -attempted -trip -worth -perform -airport -fields -enter -honor -Medical -rear -commander -officials -condition -supply -materials -52 -Anna -volume -threw -Persian -43 -interested -Gallery -achieved -visited -laws -relief -Area -Matt -singles -Lieutenant -Country -fans -Cambridge -sky -Miller -effective -tradition -Port -##ana -minister -extra -entitled -System -sites -authorities -acres -committee -racing -1931 -desk -trains -ass -weren -Family -farm -##ance -industrial -##head -iron -49 -abandoned -Out -Holy -chairman -waited -frequently -display -Light -transport -starring -Patrick -Engineering -eat -FM -judge -reaction -centuries -price -##tive -Korean -defense -Get -arrested -1927 -send -urban -##ss -pilot -Okay -Media -reality -arts -soul -thirty -##be -catch -generation -##nes -apart -Anne -drop -See -##ving -sixth -trained -Management -magic -cm -height -Fox -Ian -resources -vampire -principal -Was -haven -##au -Walter -Albert -rich -1922 -causing -entry -##ell -shortly -46 -worry -doctor -composer -rank -Network -bright -showing -regions -1924 -wave -carrying -kissed -finding -missed -Earl -lying -target -vehicles -Military -controlled -dinner -##board -briefly -lyrics -motion -duty -strange -attempts -invited -kg -villages -5th -Land -##mer -Christ -prepared -twelve -check -thousand -earth -copies -en -transfer -citizens -Americans -politics -nor -theatre -Project -##bo -clean -rooms -laugh -##ran -application -contained -anyway -containing -Sciences -1925 -rare -speech -exist -1950s -falling -passenger -##im -stands -51 -##ol -##ow -phase -governor -kids -details -methods -Vice -employed -performing -counter -Jane -heads -Channel -wine -opposition -aged -1912 -Every -1926 -highway -##ura -1921 -aired -978 -permanent -Forest -finds -joint -approved -##pur -brief -doubt -acts -brand -wild -closely -Ford -Kevin -chose -shall -port -sweet -fun -asking -Be -##bury -sought -Dave -Mexican -mom -Right -Howard -Moscow -Charlie -Stone -##mann -admitted -##ver -wooden -1923 -Officer -relations -Hot -combat -publication -chain -shop -inhabitants -proved -ideas -address -1915 -Memorial -explain -increasing -conflict -Anthony -Melbourne -narrow -temperature -slid -1916 -worse -selling -documentary -Ali -Ray -opposed -vision -dad -extensive -Infantry -commissioned -Doctor -offices -programming -core -respect -storm -##pa -##ay -##om -promotion -der -struck -anymore -shit -Region -receiving -DVD -alternative -##ue -ride -maximum -1910 -##ious -Third -Affairs -cancer -Executive -##op -dream -18th -Due -##ker -##worth -economy -IV -Billboard -identity -subsequent -statement -skills -##back -funding -##ons -Round -Foreign -truck -Please -lights -wondered -##ms -frame -yes -Still -districts -fiction -Colonel -converted -150 -grown -accident -critics -fit -Information -architecture -Point -Five -armed -Billy -poet -functions -consisted -suit -Turkish -Band -object -desire -##ities -sounded -flow -Norwegian -articles -Marie -pulling -thin -singing -Hunter -Human -Battalion -Federation -Kim -origin -represent -dangerous -weather -fuel -ex -##sing -Last -bedroom -aid -knees -Alan -angry -assumed -plane -Something -founding -concerned -global -Fire -di -please -Portuguese -touched -Roger -nuclear -Register -Jeff -fixed -royal -lie -finals -NFL -Manchester -towns -handle -shaped -Chairman -Dean -launch -understanding -Children -violence -failure -sector -Brigade -wrapped -fired -sharp -tiny -developing -expansion -Free -institutions -technical -Nothing -otherwise -Main -inch -Saturday -wore -Senior -attached -cheek -representing -Kansas -##chi -##kin -actual -advantage -Dan -Austria -##dale -hoped -multi -squad -Norway -streets -1913 -Services -hired -grow -pp -wear -painted -Minnesota -stuff -Building -54 -Philippines -1900 -##ties -educational -Khan -Magazine -##port -Cape -signal -Gordon -sword -Anderson -cool -engaged -Commander -images -Upon -tied -Security -cup -rail -Vietnam -successfully -##red -Muslim -gain -bringing -Native -hers -occurs -negative -Philip -Kelly -Colorado -category -##lan -600 -Have -supporting -wet -56 -stairs -Grace -observed -##ung -funds -restaurant -1911 -Jews -##ments -##che -Jake -Back -53 -asks -journalist -accept -bands -bronze -helping -##ice -decades -mayor -survived -usual -influenced -Douglas -Hey -##izing -surrounded -retirement -Temple -derived -Pope -registered -producing -##ral -structures -Johnny -contributed -finishing -buy -specifically -##king -patients -Jordan -internal -regarding -Samuel -Clark -##q -afternoon -Finally -scenes -notice -refers -quietly -threat -Water -Those -Hamilton -promise -freedom -Turkey -breaking -maintained -device -lap -ultimately -Champion -Tim -Bureau -expressed -investigation -extremely -capable -qualified -recognition -items -##up -Indiana -adult -rain -greatest -architect -Morgan -dressed -equal -Antonio -collected -drove -occur -Grant -graduate -anger -Sri -worried -standards -##ore -injured -somewhere -damn -Singapore -Jimmy -pocket -homes -stock -religion -aware -regarded -Wisconsin -##tra -passes -fresh -##ea -argued -Ltd -EP -Diego -importance -Census -incident -Egypt -Missouri -domestic -leads -ceremony -Early -camera -Father -challenge -Switzerland -lands -familiar -hearing -spend -educated -Tennessee -Thank -##ram -Thus -concern -putting -inches -map -classical -Allen -crazy -valley -Space -softly -##my -pool -worldwide -climate -experienced -neighborhood -scheduled -neither -fleet -1908 -Girl -##J -Part -engines -locations -darkness -Revolution -establishment -lawyer -objects -apparently -Queensland -Entertainment -bill -mark -Television -##ong -pale -demand -Hotel -selection -##rn -##ino -Labour -Liberal -burned -Mom -merged -Arizona -request -##lia -##light -hole -employees -##ical -incorporated -95 -independence -Walker -covering -joining -##ica -task -papers -backing -sell -biggest -6th -strike -establish -##ō -gently -59 -Orchestra -Winter -protein -Juan -locked -dates -Boy -aren -shooting -Luke -solid -charged -Prior -resigned -interior -garden -spoken -improve -wonder -promote -hidden -##med -combination -Hollywood -Swiss -consider -##ks -Lincoln -literary -drawing -Marine -weapon -Victor -Trust -Maryland -properties -##ara -exhibition -understood -hung -Tell -installed -loud -fashion -affected -junior -landing -flowers -##he -Internet -beach -Heart -tries -Mayor -programme -800 -wins -noise -##ster -##ory -58 -contain -fair -delivered -##ul -wedding -Square -advance -behavior -Program -Oregon -##rk -residence -realize -certainly -hill -Houston -57 -indicated -##water -wounded -Village -massive -Moore -thousands -personnel -dating -opera -poetry -##her -causes -feelings -Frederick -applications -push -approached -foundation -pleasure -sale -fly -gotten -northeast -costs -raise -paintings -##ney -views -horses -formal -Arab -hockey -typical -representative -rising -##des -clock -stadium -shifted -Dad -peak -Fame -vice -disappeared -users -Way -Naval -prize -hoping -values -evil -Bell -consisting -##ón -Regional -##ics -improved -circle -carefully -broad -##ini -Fine -maintain -operate -offering -mention -Death -stupid -Through -Princess -attend -interests -ruled -somewhat -wings -roads -grounds -##ual -Greece -Champions -facing -hide -voted -require -Dark -Matthew -credit -sighed -separated -manner -##ile -Boys -1905 -committed -impossible -lip -candidates -7th -Bruce -arranged -Islamic -courses -criminal -##ened -smell -##bed -08 -consecutive -##ening -proper -purchase -weak -Prix -1906 -aside -introduction -Look -##ku -changing -budget -resistance -factory -Forces -agency -##tone -northwest -user -1907 -stating -##one -sport -Design -environmental -cards -concluded -Carl -250 -accused -##ology -Girls -sick -intelligence -Margaret -responsibility -Guard -##tus -17th -sq -goods -1909 -hate -##ek -capture -stores -Gray -comic -Modern -Silver -Andy -electronic -wheel -##ied -Deputy -##bs -Czech -zone -choose -constant -reserve -##lle -Tokyo -spirit -sub -degrees -flew -pattern -compete -Dance -##ik -secretary -Imperial -99 -reduce -Hungarian -confused -##rin -Pierre -describes -regularly -Rachel -85 -landed -passengers -##ise -##sis -historian -meters -Youth -##ud -participate -##cing -arrival -tired -Mother -##gy -jumped -Kentucky -faces -feed -Israeli -Ocean -##Q -##án -plus -snow -techniques -plate -sections -falls -jazz -##ris -tank -loan -repeated -opinion -##res -unless -rugby -journal -Lawrence -moments -shock -distributed -##ded -adjacent -Argentina -crossing -uncle -##ric -Detroit -communication -mental -tomorrow -session -Emma -Without -##gen -Miami -charges -Administration -hits -coat -protected -Cole -invasion -priest -09 -Gary -enjoyed -plot -measure -bound -friendly -throw -musician -##lon -##ins -Age -knife -damaged -birds -driven -lit -ears -breathing -Arabic -Jan -faster -Jonathan -##gate -Independent -starred -Harris -teachers -Alice -sequence -mph -file -translated -decide -determine -Review -documents -sudden -threatened -##ft -bear -distinct -decade -burning -##sky -1930s -replace -begun -extension -##time -1904 -equivalent -accompanied -Christopher -Danish -##ye -Besides -##more -persons -fallen -Rural -roughly -saved -willing -ensure -Belgium -05 -musicians -##ang -giant -Six -Retrieved -worst -purposes -##bly -mountains -seventh -slipped -brick -07 -##py -somehow -Carter -Iraq -cousin -favor -islands -journey -FIFA -contrast -planet -vs -calm -##ings -concrete -branches -gray -profit -Russell -##ae -##ux -##ens -philosophy -businesses -talked -parking -##ming -owners -Place -##tle -agricultural -Kate -06 -southeast -draft -Eddie -earliest -forget -Dallas -Commonwealth -edited -66 -inner -ed -operates -16th -Harvard -assistance -##si -designs -Take -bathroom -indicate -CEO -Command -Louisiana -1902 -Dublin -Books -1901 -tropical -1903 -##tors -Places -tie -progress -forming -solution -62 -letting -##ery -studying -##jo -duties -Baseball -taste -Reserve -##ru -Ann -##gh -visible -##vi -notably -link -NCAA -southwest -Never -storage -mobile -writers -favorite -Pro -pages -truly -count -##tta -string -kid -98 -Ross -row -##idae -Kennedy -##tan -Hockey -hip -waist -grandfather -listen -##ho -feels -busy -72 -stream -obvious -cycle -shaking -Knight -##ren -Carlos -painter -trail -web -linked -04 -Palace -existed -##ira -responded -closing -End -examples -Marshall -weekend -jaw -Denmark -lady -township -medium -chin -Story -option -fifteen -Moon -represents -makeup -investment -jump -childhood -Oklahoma -roll -normally -Ten -Operation -Graham -Seattle -Atlanta -paused -promised -rejected -treated -returns -flag -##ita -Hungary -danger -glad -movements -visual -subjects -credited -soldier -Norman -ill -translation -José -Quebec -medicine -warning -theater -praised -municipal -01 -commune -churches -acid -folk -8th -testing -add -survive -Sound -devices -residential -severe -presidential -Mississippi -Austin -Perhaps -Charlotte -hanging -Montreal -grin -##ten -racial -partnership -shoot -shift -##nie -Les -downtown -Brothers -Garden -matters -restored -mirror -forever -winners -rapidly -poverty -##ible -Until -DC -faith -hundreds -Real -Ukraine -Nelson -balance -Adams -contest -relative -ethnic -Edinburgh -composition -##nts -emergency -##van -marine -reputation -Down -pack -12th -Communist -Mountains -pro -stages -measures -##ld -ABC -Li -victims -benefit -Iowa -Broadway -gathered -rating -Defense -classic -##ily -ceiling -##ions -snapped -Everything -constituency -Franklin -Thompson -Stewart -entering -Judge -forth -##sk -wanting -smiling -moves -tunnel -premiered -grass -unusual -Ukrainian -bird -Friday -tail -Portugal -coal -element -Fred -guards -Senator -collaboration -beauty -Wood -chemical -beer -justice -signs -##Z -sees -##zi -Puerto -##zed -96 -smooth -Bowl -gift -limit -97 -heading -Source -wake -requires -Ed -Constitution -factor -Lane -factors -adding -Note -cleared -pictures -pink -##ola -Kent -Local -Singh -moth -Ty -##ture -courts -Seven -temporary -involving -Vienna -emerged -fishing -agree -defensive -stuck -secure -Tamil -##ick -bottle -03 -Player -instruments -Spring -patient -flesh -contributions -cry -Malaysia -120 -Global -da -Alabama -Within -##work -debuted -expect -Cleveland -concerns -retained -horror -10th -spending -Peace -Transport -grand -Crown -instance -institution -acted -Hills -mounted -Campbell -shouldn -1898 -##ably -chamber -soil -88 -Ethan -sand -cheeks -##gi -marry -61 -weekly -classification -DNA -Elementary -Roy -definitely -Soon -Rights -gate -suggests -aspects -imagine -golden -beating -Studios -Warren -differences -significantly -glance -occasionally -##od -clothing -Assistant -depth -sending -possibility -mode -prisoners -requirements -daughters -dated -Representatives -prove -guilty -interesting -smoke -cricket -93 -##ates -rescue -Connecticut -underground -Opera -13th -reign -##ski -thanks -leather -equipped -routes -fan -##ans -script -Wright -bishop -Welsh -jobs -faculty -eleven -Railroad -appearing -anniversary -Upper -##down -anywhere -Rugby -Metropolitan -Meanwhile -Nicholas -champions -forehead -mining -drinking -76 -Jerry -membership -Brazilian -Wild -Rio -scheme -Unlike -strongly -##bility -fill -##rian -easier -MP -Hell -##sha -Stanley -banks -Baron -##ique -Robinson -67 -Gabriel -Austrian -Wayne -exposed -##wan -Alfred -1899 -manage -mix -visitors -eating -##rate -Sean -commission -Cemetery -policies -Camp -parallel -traveled -guitarist -02 -supplies -couples -poem -blocks -Rick -Training -Energy -achieve -appointment -Wing -Jamie -63 -novels -##em -1890 -songwriter -Base -Jay -##gar -naval -scared -miss -labor -technique -crisis -Additionally -backed -destroy -seriously -tools -tennis -91 -god -##ington -continuing -steam -obviously -Bobby -adapted -fifty -enjoy -Jacob -publishing -column -##ular -Baltimore -Donald -Liverpool -92 -drugs -movies -##ock -Heritage -##je -##istic -vocal -strategy -gene -advice -##bi -Ottoman -riding -##side -Agency -Indonesia -11th -laughing -sleeping -und -muttered -listening -deck -tip -77 -ownership -grey -Claire -deeply -provincial -popularity -Cooper -##á -Emily -##sed -designer -Murray -describe -Danny -Around -Parker -##dae -68 -rates -suffering -considerable -78 -nervous -powered -tons -circumstances -wished -belonged -Pittsburgh -flows -9th -##use -belt -81 -useful -15th -context -List -Dead -Iron -seek -Season -worn -frequency -legislation -replacement -memories -Tournament -Again -Barry -organisation -copy -Gulf -waters -meets -struggle -Oliver -1895 -Susan -protest -kick -Alliance -components -1896 -Tower -Windows -demanded -regiment -sentence -Woman -Logan -Referee -hosts -debate -knee -Blood -##oo -universities -practices -Ward -ranking -correct -happening -Vincent -attracted -classified -##stic -processes -immediate -waste -increasingly -Helen -##po -Lucas -Phil -organ -1897 -tea -suicide -actors -lb -crash -approval -waves -##ered -hated -grip -700 -amongst -69 -74 -hunting -dying -lasted -illegal -##rum -stare -defeating -##gs -shrugged -°C -Jon -Count -Orleans -94 -affairs -formally -##and -##ves -criticized -Disney -Vol -successor -tests -scholars -palace -Would -celebrated -rounds -grant -Schools -Such -commanded -demon -Romania -##all -Karl -71 -##yn -84 -Daily -totally -Medicine -fruit -Die -upset -Lower -Conservative -14th -Mitchell -escaped -shoes -Morris -##tz -queen -harder -prime -Thanks -indeed -Sky -authors -rocks -definition -Nazi -accounts -printed -experiences -##ters -divisions -Cathedral -denied -depending -Express -##let -73 -appeal -loose -colors -filed -##isation -gender -##ew -throne -forests -Finland -domain -boats -Baker -squadron -shore -remove -##ification -careful -wound -railroad -82 -seeking -agents -##ved -Blues -##off -customers -ignored -net -##ction -hiding -Originally -declined -##ess -franchise -eliminated -NBA -merely -pure -appropriate -visiting -forty -markets -offensive -coverage -cave -##nia -spell -##lar -Benjamin -##ire -Convention -filmed -Trade -##sy -##ct -Having -palm -1889 -Evans -intense -plastic -Julia -document -jeans -vessel -SR -##fully -proposal -Birmingham -le -##ative -assembly -89 -fund -lock -1893 -AD -meetings -occupation -modified -Years -odd -aimed -reform -Mission -Works -shake -cat -exception -convinced -executed -pushing -dollars -replacing -soccer -manufacturing -##ros -expensive -kicked -minimum -Josh -coastal -Chase -ha -Thailand -publications -deputy -Sometimes -Angel -effectively -##illa -criticism -conduct -Serbian -landscape -NY -absence -passage -##ula -Blake -Indians -1892 -admit -Trophy -##ball -Next -##rated -##ians -charts -kW -orchestra -79 -heritage -1894 -rough -exists -boundary -Bible -Legislative -moon -medieval -##over -cutting -print -##ett -birthday -##hood -destruction -Julian -injuries -influential -sisters -raising -statue -colour -dancing -characteristics -orange -##ok -##aries -Ken -colonial -twin -Larry -surviving -##shi -Barbara -personality -entertainment -assault -##ering -talent -happens -license -86 -couch -Century -soundtrack -shower -swimming -cash -Staff -bent -1885 -bay -lunch -##lus -dozen -vessels -CBS -greatly -critic -Test -symbol -panel -shell -output -reaches -87 -Front -motor -ocean -##era -##ala -maintenance -violent -scent -Limited -Las -Hope -Theater -Which -survey -Robin -recordings -compilation -##ward -bomb -insurance -Authority -sponsored -satellite -Jazz -refer -stronger -blow -whilst -Wrestling -suggest -##rie -climbed -##els -voices -shopping -1891 -Neil -discovery -##vo -##ations -burst -Baby -peaked -Brooklyn -knocked -lift -##try -false -nations -Hugh -Catherine -preserved -distinguished -terminal -resolution -ratio -pants -cited -competitions -completion -DJ -bone -uniform -schedule -shouted -83 -1920s -rarely -Basketball -Taiwan -artistic -bare -vampires -arrest -Utah -Marcus -assist -gradually -qualifying -Victorian -vast -rival -Warner -Terry -Economic -##cia -losses -boss -versus -audio -runner -apply -surgery -Play -twisted -comfortable -##cs -Everyone -guests -##lt -Harrison -UEFA -lowered -occasions -##lly -##cher -chapter -youngest -eighth -Culture -##room -##stone -1888 -Songs -Seth -Digital -involvement -expedition -relationships -signing -1000 -fault -annually -circuit -afterwards -meat -creature -##ou -cable -Bush -##net -Hispanic -rapid -gonna -figured -extent -considering -cried -##tin -sigh -dynasty -##ration -cabinet -Richmond -stable -##zo -1864 -Admiral -Unit -occasion -shares -badly -longest -##ify -Connor -extreme -wondering -girlfriend -Studio -##tions -1865 -tribe -exact -muscles -hat -Luis -Orthodox -decisions -amateur -description -##lis -hips -kingdom -##ute -Portland -whereas -Bachelor -outer -discussion -partly -Arkansas -1880 -dreams -perfectly -Lloyd -##bridge -asleep -##tti -Greg -permission -trading -pitch -mill -Stage -liquid -Keith -##tal -wolf -processing -stick -Jerusalem -profile -rushed -spiritual -argument -Ice -Guy -till -Delhi -roots -Section -missions -Glasgow -penalty -NBC -encouraged -identify -keyboards -##zing -##ston -disc -plain -informed -Bernard -thinks -fled -Justin -##day -newspapers -##wick -Ralph -##zer -unlike -Stars -artillery -##ified -recovered -arrangement -searching -##pers -##tory -##rus -deaths -Egyptian -diameter -##í -marketing -corporate -teach -marks -Turner -staying -hallway -Sebastian -chapel -naked -mistake -possession -1887 -dominated -jacket -creative -Fellow -Falls -Defence -suspended -employment -##rry -Hebrew -Hudson -Week -Wars -recognize -Natural -controversial -Tommy -thank -Athletic -benefits -decline -intention -##ets -Lost -Wall -participation -elevation -supports -parliament -1861 -concentration -Movement -##IS -competing -stops -behalf -##mm -limits -funded -discuss -Collins -departure -obtain -woods -latest -universe -alcohol -Laura -rush -blade -funny -Dennis -forgotten -Amy -Symphony -apparent -graduating -1862 -Rob -Grey -collections -Mason -emotions -##ugh -literally -Any -counties -1863 -nomination -fighter -habitat -respond -external -Capital -exit -Video -carbon -sharing -Bad -opportunities -Perry -photo -##mus -Orange -posted -remainder -transportation -portrayed -Labor -recommended -percussion -rated -Grade -rivers -partially -suspected -strip -adults -button -struggled -intersection -Canal -##ability -poems -claiming -Madrid -1886 -Together -##our -Much -Vancouver -instrument -instrumental -1870 -mad -angle -Control -Phoenix -Leo -Communications -mail -##ette -##ev -preferred -adaptation -alleged -discussed -deeper -##ane -Yet -Monday -volumes -thrown -Zane -##logy -displayed -rolling -dogs -Along -Todd -##ivity -withdrew -representation -belief -##sia -crown -Late -Short -hardly -grinned -romantic -Pete -##ken -networks -enemies -Colin -Eventually -Side -donated -##su -steady -grab -guide -Finnish -Milan -pregnant -controversy -reminded -1884 -Stuart -##bach -##ade -Race -Belgian -LP -Production -Zone -lieutenant -infantry -Child -confusion -sang -resident -##ez -victim -1881 -channels -Ron -businessman -##gle -Dick -colony -pace -producers -##ese -agencies -Craig -Lucy -Very -centers -Yorkshire -photography -##ched -Album -championships -Metro -substantial -Standard -terrible -directors -contribution -advertising -emotional -##its -layer -segment -sir -folded -Roberts -ceased -Hampshire -##ray -detailed -partners -m² -##pt -Beth -genre -commented -generated -remote -aim -Hans -credits -concerts -periods -breakfast -gay -shadow -defence -Too -Had -transition -Afghanistan -##book -eggs -defend -##lli -writes -Systems -bones -mess -seed -scientists -Shortly -Romanian -##zy -Freedom -muscle -hero -parent -agriculture -checked -Islam -Bristol -Freyja -Arena -cabin -Germans -electricity -ranks -viewed -medals -Wolf -associate -Madison -Sorry -fort -Chile -detail -widespread -attorney -boyfriend -##nan -Students -Spencer -##ig -bite -Maine -demolished -Lisa -erected -Someone -operational -Commissioner -NHL -Coach -Bar -forcing -Dream -Rico -cargo -Murphy -##fish -##ase -distant -##master -##ora -Organization -doorway -Steven -traded -electrical -frequent -##wn -Branch -Sure -1882 -placing -Manhattan -attending -attributed -excellent -pounds -ruling -principles -component -Mediterranean -Vegas -machines -percentage -infrastructure -throwing -affiliated -Kings -secured -Caribbean -Track -Ted -honour -opponent -Virgin -Construction -grave -produces -Challenge -stretched -paying -murmured -##ata -integrated -waved -Nathan -##ator -transmission -videos -##yan -##hu -Nova -descent -AM -Harold -conservative -Therefore -venue -competitive -##ui -conclusion -funeral -confidence -releases -scholar -##sson -Treaty -stress -mood -##sm -Mac -residing -Action -Fund -##ship -animated -fitted -##kar -defending -voting -tend -##berry -answers -believes -##ci -helps -Aaron -##tis -themes -##lay -populations -Players -stroke -Trinity -electoral -paint -abroad -charity -keys -Fair -##pes -interrupted -participants -murdered -Days -supporters -##ab -expert -borders -mate -##llo -solar -architectural -tension -##bling -Parish -tape -operator -Cultural -Clinton -indicates -publisher -ordinary -sugar -arrive -rifle -acoustic -##uring -assets -##shire -SS -sufficient -options -HMS -Classic -bars -rebuilt -governments -Beijing -reporter -screamed -Abbey -crying -mechanical -instantly -communications -Political -cemetery -Cameron -Stop -representatives -USS -texts -mathematics -innings -civilian -Serbia -##hill -practical -patterns -dust -Faculty -debt -##end -##cus -junction -suppose -experimental -Computer -Food -wrist -abuse -dealing -bigger -cap -principle -##pin -Muhammad -Fleet -Collection -attempting -dismissed -##burn -regime -Herbert -##ua -shadows -1883 -Eve -Lanka -1878 -Performance -fictional -##lock -Noah -Run -Voivodeship -exercise -broadcasting -##fer -RAF -Magic -Bangladesh -suitable -##low -##del -styles -toured -Code -identical -links -insisted -110 -flash -Model -slave -Derek -Rev -fairly -Greater -sole -##lands -connecting -zero -bench -##ome -switched -Fall -Owen -yours -Electric -shocked -convention -##bra -climb -memorial -swept -Racing -decides -belong -##nk -parliamentary -##und -ages -proof -##dan -delivery -1860 -##ów -sad -publicly -leaning -Archbishop -dirt -##ose -categories -1876 -burn -##bing -requested -Guinea -Historical -rhythm -relation -##heim -ye -pursue -merchant -##mes -lists -continuous -frowned -colored -tool -gods -involves -Duncan -photographs -Cricket -slight -Gregory -atmosphere -wider -Cook -##tar -essential -Being -FA -emperor -wealthy -nights -##bar -licensed -Hawaii -viewers -Language -load -nearest -milk -kilometers -platforms -##ys -territories -Rogers -sheet -Rangers -contested -##lation -isolated -assisted -swallowed -Small -Contemporary -Technical -Edwards -express -Volume -endemic -##ei -tightly -Whatever -indigenous -Colombia -##ulation -hp -characterized -##ida -Nigeria -Professional -duo -Soccer -slaves -Farm -smart -Attorney -Attendance -Common -salt -##vin -tribes -nod -sentenced -bid -sample -Drive -switch -instant -21st -Cuba -drunk -Alaska -proud -awareness -hitting -sessions -Thai -locally -elsewhere -Dragon -gentle -touching -##lee -Springs -Universal -Latino -spin -1871 -Chart -recalled -Type -pointing -##ii -lowest -##ser -grandmother -Adelaide -Jacques -spotted -Buffalo -restoration -Son -Joan -farmers -Lily -1879 -lucky -##dal -luck -eldest -##rant -Market -drummer -deployed -warned -prince -sing -amazing -sailed -##oon -1875 -Primary -traveling -Masters -Sara -cattle -Trail -gang -Further -desert -relocated -##tch -##ord -Flight -illness -Munich -ninth -repair -Singles -##lated -Tyler -tossed -boots -Work -sized -earning -shoved -magazines -housed -dam -researchers -Former -spun -premiere -spaces -organised -wealth -crimes -devoted -stones -Urban -automatic -hop -affect -outstanding -tanks -mechanism -Muslims -Ms -shots -argue -Jeremy -connections -Armenian -increases -rubbed -1867 -retail -gear -Pan -bonus -jurisdiction -weird -concerning -whisper -##gal -Microsoft -tenure -hills -www -Gmina -porch -files -reportedly -venture -Storm -##ence -Nature -killer -panic -fate -Secret -Wang -scream -drivers -belongs -Chamber -clan -monument -mixing -Peru -bet -Riley -Friends -Isaac -submarine -1877 -130 -judges -harm -ranging -affair -prepare -pupils -householder -Policy -decorated -Nation -slammed -activist -implemented -Room -qualify -Publishing -establishing -Baptist -touring -subsidiary -##nal -legend -1872 -laughter -PC -Athens -settlers -ties -dual -dear -Draft -strategic -Ivan -reveal -closest -dominant -Ah -##ult -Denver -bond -boundaries -drafted -tables -##TV -eyed -Edition -##ena -1868 -belonging -1874 -Industrial -cream -Ridge -Hindu -scholarship -Ma -opens -initiated -##ith -yelled -compound -random -Throughout -grades -physics -sank -grows -exclusively -settle -Saints -brings -Amsterdam -Make -Hart -walks -battery -violin -##born -explanation -##ware -1873 -##har -provinces -thrust -exclusive -sculpture -shops -##fire -VI -constitution -Barcelona -monster -Devon -Jefferson -Sullivan -bow -##din -desperate -##ć -Julie -##mon -##ising -terminus -Jesse -abilities -golf -##ple -##via -##away -Raymond -measured -jury -firing -revenue -suburb -Bulgarian -1866 -##cha -timber -Things -##weight -Morning -spots -Alberta -Data -explains -Kyle -friendship -raw -tube -demonstrated -aboard -immigrants -reply -breathe -Manager -ease -##ban -##dia -Diocese -##vy -##ía -pit -ongoing -##lie -Gilbert -Costa -1940s -Report -voters -cloud -traditions -##MS -gallery -Jennifer -swung -Broadcasting -Does -diverse -reveals -arriving -initiative -##ani -Give -Allied -Pat -Outstanding -monastery -blind -Currently -##war -bloody -stopping -focuses -managing -Florence -Harvey -creatures -900 -breast -internet -Artillery -purple -##mate -alliance -excited -fee -Brisbane -lifetime -Private -##aw -##nis -##gue -##ika -phrase -regulations -reflected -manufactured -conventional -pleased -client -##ix -##ncy -Pedro -reduction -##con -welcome -jail -comfort -Iranian -Norfolk -Dakota -##tein -evolution -everywhere -Initially -sensitive -Olivia -Oscar -implementation -sits -stolen -demands -slide -grandson -##ich -merger -##mic -Spirit -##° -ticket -root -difficulty -Nevada -##als -lined -Dylan -Original -Call -biological -EU -dramatic -##hn -Operations -treaty -gap -##list -Am -Romanized -moral -Butler -perspective -Furthermore -Manuel -absolutely -unsuccessful -disaster -dispute -preparation -tested -discover -##ach -shield -squeezed -brushed -battalion -Arnold -##ras -superior -treat -clinical -##so -Apple -Syria -Cincinnati -package -flights -editions -Leader -minority -wonderful -hang -Pop -Philippine -telephone -bell -honorary -##mar -balls -Democrat -dirty -thereafter -collapsed -Inside -slip -wrestling -##ín -listened -regard -bowl -None -Sport -completing -trapped -##view -copper -Wallace -Honor -blame -Peninsula -##ert -##oy -Anglo -bearing -simultaneously -honest -##ias -Mix -Got -speaker -voiced -impressed -prices -error -1869 -##feld -trials -Nine -Industry -substitute -Municipal -departed -slept -##ama -Junction -Socialist -flower -dropping -comment -fantasy -##ress -arrangements -travelled -furniture -fist -relieved -##tics -Leonard -linear -earn -expand -Soul -Plan -Leeds -Sierra -accessible -innocent -Winner -Fighter -Range -winds -vertical -Pictures -101 -charter -cooperation -prisoner -interviews -recognised -sung -manufacturer -exposure -submitted -Mars -leaf -gauge -screaming -likes -eligible -##ac -gathering -columns -##dra -belly -UN -maps -messages -speakers -##ants -garage -unincorporated -Number -Watson -sixteen -lots -beaten -Could -Municipality -##ano -Horse -talks -Drake -scores -Venice -genetic -##mal -##ère -Cold -Jose -nurse -traditionally -##bus -Territory -Key -Nancy -##win -thumb -São -index -dependent -carries -controls -Comics -coalition -physician -referring -Ruth -Based -restricted -inherited -internationally -stretch -THE -plates -margin -Holland -knock -significance -valuable -Kenya -carved -emotion -conservation -municipalities -overseas -resumed -Finance -graduation -blinked -temperatures -constantly -productions -scientist -ghost -cuts -permitted -##ches -firmly -##bert -patrol -##yo -Croatian -attacking -1850 -portrait -promoting -sink -conversion -##kov -locomotives -Guide -##val -nephew -relevant -Marc -drum -originated -Chair -visits -dragged -Price -favour -corridor -properly -respective -Caroline -reporting -inaugural -1848 -industries -##ching -edges -Christianity -Maurice -Trent -Economics -carrier -Reed -##gon -tribute -Pradesh -##ale -extend -attitude -Yale -##lu -settlements -glasses -taxes -targets -##ids -quarters -##ological -connect -hence -metre -collapse -underneath -banned -Future -clients -alternate -explosion -kinds -Commons -hungry -dragon -Chapel -Buddhist -lover -depression -pulls -##ges -##uk -origins -computers -crosses -kissing -assume -emphasis -lighting -##ites -personally -crashed -beam -touchdown -lane -comparison -##mont -Hitler -##las -execution -##ene -acre -sum -Pearl -ray -##point -essentially -worker -convicted -tear -Clay -recovery -Literature -Unfortunately -##row -partial -Petersburg -Bulgaria -coaching -evolved -reception -enters -narrowed -elevator -therapy -defended -pairs -##lam -breaks -Bennett -Uncle -cylinder -##ison -passion -bases -Actor -cancelled -battles -extensively -oxygen -Ancient -specialized -negotiations -##rat -acquisition -convince -interpretation -##00 -photos -aspect -colleges -Artist -keeps -##wing -Croatia -##ona -Hughes -Otto -comments -##du -Ph -Sweet -adventure -describing -Student -Shakespeare -scattered -objective -Aviation -Phillips -Fourth -athletes -##hal -##tered -Guitar -intensity -née -dining -curve -Obama -topics -legislative -Mill -Cruz -##ars -Members -recipient -Derby -inspiration -corresponding -fed -YouTube -coins -pressing -intent -Karen -cinema -Delta -destination -shorter -Christians -imagined -canal -Newcastle -Shah -Adrian -super -Males -160 -liberal -lord -bat -supplied -Claude -meal -worship -##atic -Han -wire -°F -##tha -punishment -thirteen -fighters -##ibility -1859 -Ball -gardens -##ari -Ottawa -pole -indicating -Twenty -Higher -Bass -Ivy -farming -##urs -certified -Saudi -plenty -##ces -restaurants -Representative -Miles -payment -##inger -##rit -Confederate -festivals -references -##ić -Mario -PhD -playoffs -witness -rice -mask -saving -opponents -enforcement -automatically -relegated -##oe -radar -whenever -Financial -imperial -uncredited -influences -Abraham -skull -Guardian -Haven -Bengal -impressive -input -mixture -Warsaw -altitude -distinction -1857 -collective -Annie -##ean -##bal -directions -Flying -##nic -faded -##ella -contributing -##ó -employee -##lum -##yl -ruler -oriented -conductor -focusing -##die -Giants -Mills -mines -Deep -curled -Jessica -guitars -Louise -procedure -Machine -failing -attendance -Nepal -Brad -Liam -tourist -exhibited -Sophie -depicted -Shaw -Chuck -##can -expecting -challenges -##nda -equally -resignation -##logical -Tigers -loop -pitched -outdoor -reviewed -hopes -True -temporarily -Borough -torn -jerked -collect -Berkeley -Independence -cotton -retreat -campaigns -participating -Intelligence -Heaven -##ked -situations -borough -Democrats -Harbor -##len -Liga -serial -circles -fourteen -##lot -seized -filling -departments -finance -absolute -Roland -Nate -floors -raced -struggling -deliver -protests -##tel -Exchange -efficient -experiments -##dar -faint -3D -binding -Lions -lightly -skill -proteins -difficulties -##cal -monthly -camps -flood -loves -Amanda -Commerce -##oid -##lies -elementary -##tre -organic -##stein -##ph -receives -Tech -enormous -distinctive -Joint -experiment -Circuit -citizen -##hy -shelter -ideal -practically -formula -addressed -Foster -Productions -##ax -variable -punk -Voice -fastest -concentrated -##oma -##yer -stored -surrender -vary -Sergeant -Wells -ward -Wait -##ven -playoff -reducing -cavalry -##dle -Venezuela -tissue -amounts -sweat -##we -Non -##nik -beetle -##bu -##tu -Jared -Hunt -##₂ -fat -Sultan -Living -Circle -Secondary -Suddenly -reverse -##min -Travel -##bin -Lebanon -##mas -virus -Wind -dissolved -enrolled -holiday -Keep -helicopter -Clarke -constitutional -technologies -doubles -instructions -##ace -Azerbaijan -##ill -occasional -frozen -trick -wiped -writings -Shanghai -preparing -challenged -mainstream -summit -180 -##arian -##rating -designation -##ada -revenge -filming -tightened -Miguel -Montana -reflect -celebration -bitch -flashed -signals -rounded -peoples -##tation -renowned -Google -characteristic -Campaign -sliding -##rman -usage -Record -Using -woke -solutions -holes -theories -logo -Protestant -relaxed -brow -nickname -Reading -marble -##tro -symptoms -Overall -capita -##ila -outbreak -revolution -deemed -Principal -Hannah -approaches -inducted -Wellington -vulnerable -Environmental -Drama -incumbent -Dame -1854 -travels -samples -accurate -physically -Sony -Nashville -##sville -##lic -##og -Producer -Lucky -tough -Stanford -resort -repeatedly -eyebrows -Far -choir -commenced -##ep -##ridge -rage -swing -sequel -heir -buses -ad -Grove -##late -##rick -updated -##SA -Delaware -##fa -Athletics -warmth -Off -excitement -verse -Protection -Villa -corruption -intellectual -Jenny -##lyn -mystery -prayer -healthy -##ologist -Bear -lab -Ernest -Remix -register -basement -Montgomery -consistent -tier -1855 -Preston -Brooks -##maker -vocalist -laboratory -delayed -wheels -rope -bachelor -pitcher -Block -Nevertheless -suspect -efficiency -Nebraska -siege -FBI -planted -##AC -Newton -breeding -##ain -eighteen -Argentine -encounter -servant -1858 -elder -Shadow -Episode -fabric -doctors -survival -removal -chemistry -volunteers -Kane -variant -arrives -Eagle -Left -##fe -Jo -divorce -##ret -yesterday -Bryan -handling -diseases -customer -Sheriff -Tiger -Harper -##oi -resting -Linda -Sheffield -gasped -sexy -economics -alien -tale -footage -Liberty -yeah -fundamental -Ground -flames -Actress -photographer -Maggie -Additional -joke -custom -Survey -Abu -silk -consumption -Ellis -bread -##uous -engagement -puts -Dog -##hr -poured -guilt -CDP -boxes -hardware -clenched -##cio -stem -arena -extending -##com -examination -Steel -encountered -revised -140 -picking -Car -hasn -Minor -pride -Roosevelt -boards -##mia -blocked -curious -drag -narrative -brigade -Prefecture -mysterious -namely -connects -Devil -historians -CHAPTER -quit -installation -Golf -empire -elevated -##eo -releasing -Bond -##uri -harsh -ban -##BA -contracts -cloth -presents -stake -chorus -##eau -swear -##mp -allies -generations -Motor -meter -pen -warrior -veteran -##EC -comprehensive -missile -interaction -instruction -Renaissance -rested -Dale -fix -fluid -les -investigate -loaded -widow -exhibit -artificial -select -rushing -tasks -signature -nowhere -Engineer -feared -Prague -bother -extinct -gates -Bird -climbing -heels -striking -artwork -hunt -awake -##hin -Formula -thereby -commitment -imprisoned -Beyond -##MA -transformed -Agriculture -Low -Movie -radical -complicated -Yellow -Auckland -mansion -tenth -Trevor -predecessor -##eer -disbanded -sucked -circular -witch -gaining -lean -Behind -illustrated -rang -celebrate -bike -consist -framework -##cent -Shane -owns -350 -comprises -collaborated -colleagues -##cast -engage -fewer -##ave -1856 -observation -diplomatic -legislature -improvements -Interstate -craft -MTV -martial -administered -jet -approaching -permanently -attraction -manuscript -numbered -Happy -Andrea -shallow -Gothic -Anti -##bad -improvement -trace -preserve -regardless -rode -dies -achievement -maintaining -Hamburg -spine -##air -flowing -encourage -widened -posts -##bound -125 -Southeast -Santiago -##bles -impression -receiver -Single -closure -##unt -communist -honors -Northwest -105 -##ulated -cared -un -hug -magnetic -seeds -topic -perceived -prey -prevented -Marvel -Eight -Michel -Transportation -rings -Gate -##gne -Byzantine -accommodate -floating -##dor -equation -ministry -##ito -##gled -Rules -earthquake -revealing -Brother -Celtic -blew -chairs -Panama -Leon -attractive -descendants -Care -Ambassador -tours -breathed -threatening -##cho -smiles -Lt -Beginning -##iness -fake -assists -fame -strings -Mobile -Liu -parks -http -1852 -brush -Aunt -bullet -consciousness -##sta -##ther -consequences -gather -dug -1851 -bridges -Doug -##sion -Artists -ignore -Carol -brilliant -radiation -temples -basin -clouds -##cted -Stevens -spite -soap -consumer -Damn -Snow -recruited -##craft -Advanced -tournaments -Quinn -undergraduate -questioned -Palmer -Annual -Others -feeding -Spider -printing -##orn -cameras -functional -Chester -readers -Alpha -universal -Faith -Brandon -François -authored -Ring -el -aims -athletic -possessed -Vermont -programmes -##uck -bore -Fisher -statements -shed -saxophone -neighboring -pronounced -barrel -bags -##dge -organisations -pilots -casualties -Kenneth -##brook -silently -Malcolm -span -Essex -anchor -##hl -virtual -lessons -Henri -Trump -Page -pile -locomotive -wounds -uncomfortable -sustained -Diana -Eagles -##pi -2000s -documented -##bel -Cassie -delay -kisses -##ines -variation -##ag -growled -##mark -##ways -Leslie -studios -Friedrich -aunt -actively -armor -eaten -historically -Better -purse -honey -ratings -##ée -naturally -1840 -peer -Kenny -Cardinal -database -Looking -runners -handsome -Double -PA -##boat -##sted -protecting -##jan -Diamond -concepts -interface -##aki -Watch -Article -Columbus -dialogue -pause -##rio -extends -blanket -pulse -1853 -affiliate -ladies -Ronald -counted -kills -demons -##zation -Airlines -Marco -Cat -companion -mere -Yugoslavia -Forum -Allan -pioneer -Competition -Methodist -patent -nobody -Stockholm -##ien -regulation -##ois -accomplished -##itive -washed -sake -Vladimir -crops -prestigious -humor -Sally -labour -tributary -trap -altered -examined -Mumbai -bombing -Ash -noble -suspension -ruins -##bank -spare -displays -guided -dimensional -Iraqi -##hon -sciences -Franz -relating -fence -followers -Palestine -invented -proceeded -Batman -Bradley -##yard -##ova -crystal -Kerala -##ima -shipping -handled -Want -abolished -Drew -##tter -Powell -Half -##table -##cker -exhibitions -Were -assignment -assured -##rine -Indonesian -Grammy -acknowledged -Kylie -coaches -structural -clearing -stationed -Say -Total -Rail -besides -glow -threats -afford -Tree -Musical -##pp -elite -centered -explore -Engineers -Stakes -Hello -tourism -severely -assessment -##tly -crack -politicians -##rrow -sheets -volunteer -##borough -##hold -announcement -recover -contribute -lungs -##ille -mainland -presentation -Johann -Writing -1849 -##bird -Study -Boulevard -coached -fail -airline -Congo -Plus -Syrian -introduce -ridge -Casey -manages -##fi -searched -Support -succession -progressive -coup -cultures -##lessly -sensation -Cork -Elena -Sofia -Philosophy -mini -trunk -academy -Mass -Liz -practiced -Reid -##ule -satisfied -experts -Wilhelm -Woods -invitation -Angels -calendar -joy -Sr -Dam -packed -##uan -bastard -Workers -broadcasts -logic -cooking -backward -##ack -Chen -creates -enzyme -##xi -Davies -aviation -VII -Conservation -fucking -Knights -##kan -requiring -hectares -wars -ate -##box -Mind -desired -oak -absorbed -Really -Vietnamese -Paulo -athlete -##car -##eth -Talk -Wu -##cks -survivors -Yang -Joel -Almost -Holmes -Armed -Joshua -priests -discontinued -##sey -blond -Rolling -suggesting -CA -clay -exterior -Scientific -##sive -Giovanni -Hi -farther -contents -Winners -animation -neutral -mall -Notes -layers -professionals -Armstrong -Against -Piano -involve -monitor -angel -parked -bears -seated -feat -beliefs -##kers -Version -suffer -##ceae -guidance -##eur -honored -raid -alarm -Glen -Ellen -Jamaica -trio -enabled -##ils -procedures -##hus -moderate -upstairs -##ses -torture -Georgian -rebellion -Fernando -Nice -##are -Aires -Campus -beast -##hing -1847 -##FA -Isle -##logist -Princeton -cathedral -Oakland -Solomon -##tto -Milwaukee -upcoming -midfielder -Neither -sacred -Eyes -appreciate -Brunswick -secrets -Rice -Somerset -Chancellor -Curtis -##gel -Rich -separation -grid -##los -##bon -urge -##ees -##ree -freight -towers -psychology -requirement -dollar -##fall -##sman -exile -tomb -Salt -Stefan -Buenos -Revival -Porter -tender -diesel -chocolate -Eugene -Legion -Laboratory -sheep -arched -hospitals -orbit -Full -##hall -drinks -ripped -##RS -tense -Hank -leagues -##nberg -PlayStation -fool -Punjab -relatives -Comedy -sur -1846 -Tonight -Sox -##if -Rabbi -org -speaks -institute -defender -painful -wishes -Weekly -literacy -portions -snake -item -deals -##tum -autumn -sharply -reforms -thighs -prototype -##ition -argues -disorder -Physics -terror -provisions -refugees -predominantly -independently -march -##graphy -Arabia -Andrews -Bus -Money -drops -##zar -pistol -matrix -revolutionary -##ust -Starting -##ptic -Oak -Monica -##ides -servants -##hed -archaeological -divorced -rocket -enjoying -fires -##nel -assembled -qualification -retiring -##fied -Distinguished -handful -infection -Durham -##itz -fortune -renewed -Chelsea -##sley -curved -gesture -retain -exhausted -##ifying -Perth -jumping -Palestinian -Simpson -colonies -steal -##chy -corners -Finn -arguing -Martha -##var -Betty -emerging -Heights -Hindi -Manila -pianist -founders -regret -Napoleon -elbow -overhead -bold -praise -humanity -##ori -Revolutionary -##ere -fur -##ole -Ashley -Official -##rm -lovely -Architecture -##sch -Baronet -virtually -##OS -descended -immigration -##das -##kes -Holly -Wednesday -maintains -theatrical -Evan -Gardens -citing -##gia -segments -Bailey -Ghost -##city -governing -graphics -##ined -privately -potentially -transformation -Crystal -Cabinet -sacrifice -hesitated -mud -Apollo -Desert -bin -victories -Editor -Railways -Web -Case -tourists -Brussels -Franco -compiled -topped -Gene -engineers -commentary -egg -escort -nerve -arch -necessarily -frustration -Michelle -democracy -genes -Facebook -halfway -##ient -102 -flipped -Won -##mit -NASA -Lynn -Provincial -ambassador -Inspector -glared -Change -McDonald -developments -tucked -noting -Gibson -circulation -dubbed -armies -resource -Headquarters -##iest -Mia -Albanian -Oil -Albums -excuse -intervention -Grande -Hugo -integration -civilians -depends -reserves -Dee -compositions -identification -restrictions -quarterback -Miranda -Universe -favourite -ranges -hint -loyal -Op -entity -Manual -quoted -dealt -specialist -Zhang -download -Westminster -Rebecca -streams -Anglican -variations -Mine -detective -Films -reserved -##oke -##key -sailing -##gger -expanding -recall -discovers -particles -behaviour -Gavin -blank -permit -Java -Fraser -Pass -##non -##TA -panels -statistics -notion -courage -dare -venues -##roy -Box -Newport -travelling -Thursday -warriors -Glenn -criteria -360 -mutual -restore -varied -bitter -Katherine -##lant -ritual -bits -##à -Henderson -trips -Richardson -Detective -curse -psychological -Il -midnight -streak -facts -Dawn -Indies -Edmund -roster -Gen -##nation -1830 -congregation -shaft -##ically -##mination -Indianapolis -Sussex -loving -##bit -sounding -horrible -Continental -Griffin -advised -magical -millions -##date -1845 -Safety -lifting -determination -valid -dialect -Penn -Know -triple -avoided -dancer -judgment -sixty -farmer -lakes -blast -aggressive -Abby -tag -chains -inscription -##nn -conducting -Scout -buying -##wich -spreading -##OC -array -hurried -Environment -improving -prompted -fierce -Taking -Away -tune -pissed -Bull -catching -##ying -eyebrow -metropolitan -terrain -##rel -Lodge -manufacturers -creator -##etic -happiness -ports -##ners -Relations -fortress -targeted -##ST -allegedly -blues -##osa -Bosnia -##dom -burial -similarly -stranger -pursued -symbols -rebels -reflection -routine -traced -indoor -eventual -##ska -##ão -##una -MD -##phone -oh -grants -Reynolds -rid -operators -##nus -Joey -vital -siblings -keyboard -br -removing -societies -drives -solely -princess -lighter -Various -Cavalry -believing -SC -underwent -relay -smelled -syndrome -welfare -authorized -seemingly -Hard -chicken -##rina -Ages -Bo -democratic -barn -Eye -shorts -##coming -##hand -disappointed -unexpected -centres -Exhibition -Stories -Site -banking -accidentally -Agent -conjunction -André -Chloe -resist -width -Queens -provision -##art -Melissa -Honorary -Del -prefer -abruptly -duration -##vis -Glass -enlisted -##ado -discipline -Sisters -carriage -##ctor -##sburg -Lancashire -log -fuck -##iz -closet -collecting -holy -rape -trusted -cleaning -inhabited -Rocky -104 -editorial -##yu -##ju -succeed -strict -Cuban -##iya -Bronze -outcome -##ifies -##set -corps -Hero -barrier -Kumar -groaned -Nina -Burton -enable -stability -Milton -knots -##ination -slavery -##borg -curriculum -trailer -warfare -Dante -Edgar -revival -Copenhagen -define -advocate -Garrett -Luther -overcome -pipe -750 -construct -Scotia -kings -flooding -##hard -Ferdinand -Felix -forgot -Fish -Kurt -elaborate -##BC -graphic -gripped -colonel -Sophia -Advisory -Self -##uff -##lio -monitoring -seal -senses -rises -peaceful -journals -1837 -checking -legendary -Ghana -##power -ammunition -Rosa -Richards -nineteenth -ferry -aggregate -Troy -inter -##wall -Triple -steep -tent -Cyprus -1844 -##woman -commanding -farms -doi -navy -specified -na -cricketer -transported -Think -comprising -grateful -solve -##core -beings -clerk -grain -vector -discrimination -##TC -Katie -reasonable -drawings -veins -consideration -Monroe -repeat -breed -dried -witnessed -ordained -Current -spirits -remarkable -consultant -urged -Remember -anime -singers -phenomenon -Rhode -Carlo -demanding -findings -manual -varying -Fellowship -generate -safely -heated -withdrawn -##ao -headquartered -##zon -##lav -##ency -Col -Memphis -imposed -rivals -Planet -healing -##hs -ensemble -Warriors -##bone -cult -Frankfurt -##HL -diversity -Gerald -intermediate -##izes -reactions -Sister -##ously -##lica -quantum -awkward -mentions -pursuit -##ography -varies -profession -molecular -consequence -lectures -cracked -103 -slowed -##tsu -cheese -upgraded -suite -substance -Kingston -1800 -Idaho -Theory -##een -ain -Carson -Molly -##OR -configuration -Whitney -reads -audiences -##tie -Geneva -Outside -##nen -##had -transit -volleyball -Randy -Chad -rubber -motorcycle -respected -eager -Level -coin -##lets -neighbouring -##wski -confident -##cious -poll -uncertain -punch -thesis -Tucker -IATA -Alec -##ographic -##law -1841 -desperately -1812 -Lithuania -accent -Cox -lightning -skirt -##load -Burns -Dynasty -##ug -chapters -Working -dense -Morocco -##kins -casting -Set -activated -oral -Brien -horn -HIV -dawn -stumbled -altar -tore -considerably -Nicole -interchange -registration -biography -Hull -Stan -bulk -consent -Pierce -##ER -Fifth -marched -terrorist -##piece -##itt -Presidential -Heather -staged -Plant -relegation -sporting -joins -##ced -Pakistani -dynamic -Heat -##lf -ourselves -Except -Elliott -nationally -goddess -investors -Burke -Jackie -##ā -##RA -Tristan -Associate -Tuesday -scope -Near -bunch -##abad -##ben -sunlight -##aire -manga -Willie -trucks -boarding -Lion -lawsuit -Learning -Der -pounding -awful -##mine -IT -Legend -romance -Serie -AC -gut -precious -Robertson -hometown -realm -Guards -Tag -batting -##vre -halt -conscious -1838 -acquire -collar -##gg -##ops -Herald -nationwide -citizenship -Aircraft -decrease -em -Fiction -Female -corporation -Located -##ip -fights -unconscious -Tampa -Poetry -lobby -Malta -##sar -##bie -layout -Tate -reader -stained -##bre -##rst -##ulate -loudly -Eva -Cohen -exploded -Merit -Maya -##rable -Rovers -##IC -Morrison -Should -vinyl -##mie -onwards -##gie -vicinity -Wildlife -probability -Mar -Barnes -##ook -spinning -Moses -##vie -Surrey -Planning -conferences -protective -Plaza -deny -Canterbury -manor -Estate -tilted -comics -IBM -destroying -server -Dorothy -##horn -Oslo -lesser -heaven -Marshal -scales -strikes -##ath -firms -attract -##BS -controlling -Bradford -southeastern -Amazon -Travis -Janet -governed -1842 -Train -Holden -bleeding -gifts -rent -1839 -palms -##ū -judicial -Ho -Finals -conflicts -unlikely -draws -##cies -compensation -adds -elderly -Anton -lasting -Nintendo -codes -ministers -pot -associations -capabilities -##cht -libraries -##sie -chances -performers -runway -##af -##nder -Mid -Vocals -##uch -##eon -interpreted -priority -Uganda -ruined -Mathematics -cook -AFL -Lutheran -AIDS -Capitol -chase -axis -Moreover -María -Saxon -storyline -##ffed -Tears -Kid -cent -colours -Sex -##long -pm -blonde -Edwin -CE -diocese -##ents -##boy -Inn -##ller -Saskatchewan -##kh -stepping -Windsor -##oka -##eri -Xavier -Resources -1843 -##top -##rad -##lls -Testament -poorly -1836 -drifted -slope -CIA -remix -Lords -mature -hosting -diamond -beds -##ncies -luxury -trigger -##lier -preliminary -hybrid -journalists -Enterprise -proven -expelled -insects -Beautiful -lifestyle -vanished -##ake -##ander -matching -surfaces -Dominican -Kids -referendum -Orlando -Truth -Sandy -privacy -Calgary -Speaker -sts -Nobody -shifting -##gers -Roll -Armenia -Hand -##ES -106 -##ont -Guild -larvae -Stock -flame -gravity -enhanced -Marion -surely -##tering -Tales -algorithm -Emmy -darker -VIII -##lash -hamlet -deliberately -occurring -choices -Gage -fees -settling -ridiculous -##ela -Sons -cop -custody -##ID -proclaimed -Cardinals -##pm -Metal -Ana -1835 -clue -Cardiff -riders -observations -MA -sometime -##och -performer -intact -Points -allegations -rotation -Tennis -tenor -Directors -##ats -Transit -thigh -Complex -##works -twentieth -Factory -doctrine -Daddy -##ished -pretend -Winston -cigarette -##IA -specimens -hydrogen -smoking -mathematical -arguments -openly -developer -##iro -fists -somebody -##san -Standing -Caleb -intelligent -Stay -Interior -echoed -Valentine -varieties -Brady -cluster -Ever -voyage -##of -deposits -ultimate -Hayes -horizontal -proximity -##ás -estates -exploration -NATO -Classical -##most -bills -condemned -1832 -hunger -##ato -planes -deserve -offense -sequences -rendered -acceptance -##ony -manufacture -Plymouth -innovative -predicted -##RC -Fantasy -##une -supporter -absent -Picture -bassist -rescued -##MC -Ahmed -Monte -##sts -##rius -insane -novelist -##és -agrees -Antarctic -Lancaster -Hopkins -calculated -startled -##star -tribal -Amendment -##hoe -invisible -patron -deer -Walk -tracking -Lyon -tickets -##ED -philosopher -compounds -chuckled -##wi -pound -loyalty -Academic -petition -refuses -marking -Mercury -northeastern -dimensions -scandal -Canyon -patch -publish -##oning -Peak -minds -##boro -Presbyterian -Hardy -theoretical -magnitude -bombs -cage -##ders -##kai -measuring -explaining -avoiding -touchdowns -Card -theology -##ured -Popular -export -suspicious -Probably -photograph -Lou -Parks -Arms -compact -Apparently -excess -Banks -lied -stunned -territorial -Filipino -spectrum -learns -wash -imprisonment -ugly -##rose -Albany -Erik -sends -##hara -##rid -consumed -##gling -Belgrade -Da -opposing -Magnus -footsteps -glowing -delicate -Alexandria -Ludwig -gorgeous -Bros -Index -##PA -customs -preservation -bonds -##mond -environments -##nto -instructed -parted -adoption -locality -workshops -goalkeeper -##rik -##uma -Brighton -Slovenia -##ulating -##tical -towel -hugged -stripped -Bears -upright -Wagner -##aux -secretly -Adventures -nest -Course -Lauren -Boeing -Abdul -Lakes -450 -##cu -USSR -caps -Chan -##nna -conceived -Actually -Belfast -Lithuanian -concentrate -possess -militia -pine -protagonist -Helena -##PS -##band -Belle -Clara -Reform -currency -pregnancy -1500 -##rim -Isabella -hull -Name -trend -journalism -diet -##mel -Recording -acclaimed -Tang -Jace -steering -vacant -suggestion -costume -laser -##š -##ink -##pan -##vić -integral -achievements -wise -classroom -unions -southwestern -##uer -Garcia -toss -Tara -Large -##tate -evident -responsibilities -populated -satisfaction -##bia -casual -Ecuador -##ght -arose -##ović -Cornwall -embrace -refuse -Heavyweight -XI -Eden -activists -##uation -biology -##shan -fraud -Fuck -matched -legacy -Rivers -missionary -extraordinary -Didn -holder -wickets -crucial -Writers -Hurricane -Iceland -gross -trumpet -accordance -hurry -flooded -doctorate -Albania -##yi -united -deceased -jealous -grief -flute -portraits -##а -pleasant -Founded -Face -crowned -Raja -advisor -Salem -##ec -Achievement -admission -freely -minimal -Sudan -developers -estimate -disabled -##lane -downstairs -Bruno -##pus -pinyin -##ude -lecture -deadly -underlying -optical -witnesses -Combat -Julius -tapped -variants -##like -Colonial -Critics -Similarly -mouse -voltage -sculptor -Concert -salary -Frances -##ground -hook -premises -Software -instructor -nominee -##ited -fog -slopes -##zu -vegetation -sail -##rch -Body -Apart -atop -View -utility -ribs -cab -migration -##wyn -bounded -2019 -pillow -trails -##ub -Halifax -shade -Rush -##lah -##dian -Notre -interviewed -Alexandra -Springfield -Indeed -rubbing -dozens -amusement -legally -##lers -Jill -Cinema -ignoring -Choice -##ures -pockets -##nell -laying -Blair -tackles -separately -##teen -Criminal -performs -theorem -Communication -suburbs -##iel -competitors -rows -##hai -Manitoba -Eleanor -interactions -nominations -assassination -##dis -Edmonton -diving -##dine -essay -##tas -AFC -Edge -directing -imagination -sunk -implement -Theodore -trembling -sealed -##rock -Nobel -##ancy -##dorf -##chen -genuine -apartments -Nicolas -AA -Bach -Globe -Store -220 -##10 -Rochester -##ño -alert -107 -Beck -##nin -Naples -Basin -Crawford -fears -Tracy -##hen -disk -##pped -seventeen -Lead -backup -reconstruction -##lines -terrified -sleeve -nicknamed -popped -##making -##ern -Holiday -Gospel -ibn -##ime -convert -divine -resolved -##quet -ski -realizing -##RT -Legislature -reservoir -Rain -sinking -rainfall -elimination -challenging -tobacco -##outs -Given -smallest -Commercial -pin -rebel -comedian -exchanged -airing -dish -Salvador -promising -##wl -relax -presenter -toll -aerial -##eh -Fletcher -brass -disappear -zones -adjusted -contacts -##lk -sensed -Walt -mild -toes -flies -shame -considers -wildlife -Hanna -Arsenal -Ladies -naming -##ishing -anxiety -discussions -cute -undertaken -Cash -strain -Wyoming -dishes -precise -Angela -##ided -hostile -twins -115 -Built -##pel -Online -tactics -Newman -##bourne -unclear -repairs -embarrassed -listing -tugged -Vale -##gin -Meredith -bout -##cle -velocity -tips -froze -evaluation -demonstrate -##card -criticised -Nash -lineup -Rao -monks -bacteria -lease -##lish -frightened -den -revived -finale -##rance -flee -Letters -decreased -##oh -Sounds -wrap -Sharon -incidents -renovated -everybody -stole -Bath -boxing -1815 -withdraw -backs -interim -react -murders -Rhodes -Copa -framed -flown -Estonia -Heavy -explored -##rra -##GA -##ali -Istanbul -1834 -##rite -##aging -##ues -Episcopal -arc -orientation -Maxwell -infected -##rot -BCE -Brook -grasp -Roberto -Excellence -108 -withdrawal -Marines -rider -Lo -##sin -##run -Subsequently -garrison -hurricane -facade -Prussia -crushed -enterprise -##mber -Twitter -Generation -Physical -Sugar -editing -communicate -Ellie -##hurst -Ernst -wagon -promotional -conquest -Parliamentary -courtyard -lawyers -Superman -email -Prussian -lately -lecturer -Singer -Majesty -Paradise -sooner -Heath -slot -curves -convoy -##vian -induced -synonym -breeze -##plane -##ox -peered -Coalition -##hia -odds -##esh -##lina -Tomorrow -Nadu -##ico -##rah -damp -autonomous -console -Victory -counts -Luxembourg -intimate -Archived -Carroll -spy -Zero -habit -Always -faction -teenager -Johnston -chaos -ruin -commerce -blog -##shed -##the -reliable -Word -Yu -Norton -parade -Catholics -damned -##iling -surgeon -##tia -Allison -Jonas -remarked -##ès -idiot -Making -proposals -Industries -strategies -artifacts -batteries -reward -##vers -Agricultural -distinguish -lengths -Jeffrey -Progressive -kicking -Patricia -##gio -ballot -##ios -skilled -##gation -Colt -limestone -##AS -peninsula -##itis -LA -hotels -shapes -Crime -depicting -northwestern -HD -silly -Das -##² -##ws -##ash -##matic -thermal -Has -forgive -surrendered -Palm -Nacional -drank -haired -Mercedes -##foot -loading -Timothy -##roll -mechanisms -traces -digging -discussing -Natalie -##zhou -Forbes -landmark -Anyway -Manor -conspiracy -gym -knocking -viewing -Formation -Pink -Beauty -limbs -Phillip -sponsor -Joy -granite -Harbour -##ero -payments -Ballet -conviction -##dam -Hood -estimates -lacked -Mad -Jorge -##wen -refuge -##LA -invaded -Kat -suburban -##fold -investigated -Ari -complained -creek -Georges -##uts -powder -accepting -deserved -carpet -Thunder -molecules -Legal -cliff -strictly -enrollment -ranch -##rg -##mba -proportion -renovation -crop -grabbing -##liga -finest -entries -receptor -helmet -blown -Listen -flagship -workshop -resolve -nails -Shannon -portal -jointly -shining -Violet -overwhelming -upward -Mick -proceedings -##dies -##aring -Laurence -Churchill -##rice -commit -170 -inclusion -Examples -##verse -##rma -fury -paths -##SC -ankle -nerves -Chemistry -rectangular -sworn -screenplay -cake -Mann -Seoul -Animal -sizes -Speed -vol -Population -Southwest -Hold -continuously -Qualified -wishing -Fighting -Made -disappointment -Portsmouth -Thirty -##beck -Ahmad -teammate -MLB -graph -Charleston -realizes -##dium -exhibits -preventing -##int -fever -rivalry -Male -mentally -dull -##lor -##rich -consistently -##igan -Madame -certificate -suited -Krishna -accuracy -Webb -Budapest -Rex -1831 -Cornell -OK -surveillance -##gated -habitats -Adventure -Conrad -Superior -Gay -sofa -aka -boot -Statistics -Jessie -Liberation -##lip -##rier -brands -saint -Heinrich -Christine -bath -Rhine -ballet -Jin -consensus -chess -Arctic -stack -furious -cheap -toy -##yre -##face -##gging -gastropod -##nne -Romans -membrane -answering -25th -architects -sustainable -##yne -Hon -1814 -Baldwin -dome -##awa -##zen -celebrity -enclosed -##uit -##mmer -Electronic -locals -##CE -supervision -mineral -Chemical -Slovakia -alley -hub -##az -heroes -Creative -##AM -incredible -politically -ESPN -yanked -halls -Aboriginal -Greatest -yield -##20 -congressional -robot -Kiss -welcomed -MS -speeds -proceed -Sherman -eased -Greene -Walsh -Geoffrey -variables -rocky -##print -acclaim -Reverend -Wonder -tonnes -recurring -Dawson -continent -finite -AP -continental -ID -facilitate -essays -Rafael -Neal -1833 -ancestors -##met -##gic -Especially -teenage -frustrated -Jules -cock -expense -##oli -##old -blocking -Notable -prohibited -ca -dock -organize -##wald -Burma -Gloria -dimension -aftermath -choosing -Mickey -torpedo -pub -##used -manuscripts -laps -Ulster -staircase -sphere -Insurance -Contest -lens -risks -investigations -ERA -glare -##play -Graduate -auction -Chronicle -##tric -##50 -Coming -seating -Wade -seeks -inland -Thames -Rather -butterfly -contracted -positioned -consumers -contestants -fragments -Yankees -Santos -administrator -hypothesis -retire -Denis -agreements -Winnipeg -##rill -1820 -trophy -crap -shakes -Jenkins -##rium -ya -twist -labels -Maritime -##lings -##iv -111 -##ensis -Cairo -Anything -##fort -opinions -crowded -##nian -abandon -##iff -drained -imported -##rr -tended -##rain -Going -introducing -sculptures -bankruptcy -danced -demonstration -stance -settings -gazed -abstract -pet -Calvin -stiff -strongest -wrestler -##dre -Republicans -grace -allocated -cursed -snail -advancing -Return -errors -Mall -presenting -eliminate -Amateur -Institution -counting -##wind -warehouse -##nde -Ethiopia -trailed -hollow -##press -Literary -capability -nursing -preceding -lamp -Thomson -Morton -##ctic -Crew -Close -composers -boom -Clare -missiles -112 -hunter -snap -##oni -##tail -Us -declaration -##cock -rally -huh -lion -straightened -Philippe -Sutton -alpha -valued -maker -navigation -detected -favorable -perception -Charter -##ña -Ricky -rebounds -tunnels -slapped -Emergency -supposedly -##act -deployment -socialist -tubes -anybody -corn -##NA -Seminary -heating -pump -##AA -achieving -souls -##ass -Link -##ele -##smith -greeted -Bates -Americas -Elder -cure -contestant -240 -fold -Runner -Uh -licked -Politics -committees -neighbors -fairy -Silva -Leipzig -tipped -correctly -exciting -electronics -foundations -cottage -governmental -##hat -allied -claws -presidency -cruel -Agreement -slender -accompanying -precisely -##pass -driveway -swim -Stand -crews -##mission -rely -everyday -Wings -demo -##hic -recreational -min -nationality -##duction -Easter -##hole -canvas -Kay -Leicester -talented -Discovery -shells -##ech -Kerry -Ferguson -Leave -##place -altogether -adopt -butt -wolves -##nsis -##ania -modest -soprano -Boris -##ught -electron -depicts -hid -cruise -differ -treasure -##nch -Gun -Mama -Bengali -trainer -merchants -innovation -presumably -Shirley -bottles -proceeds -Fear -invested -Pirates -particle -Dominic -blamed -Fight -Daisy -##pper -##graphic -nods -knight -Doyle -tales -Carnegie -Evil -Inter -Shore -Nixon -transform -Savannah -##gas -Baltic -stretching -worlds -protocol -Percy -Toby -Heroes -brave -dancers -##aria -backwards -responses -Chi -Gaelic -Berry -crush -embarked -promises -Madonna -researcher -realised -inaugurated -Cherry -Mikhail -Nottingham -reinforced -subspecies -rapper -##kie -Dreams -Re -Damon -Minneapolis -monsters -suspicion -Tel -surroundings -afterward -complaints -OF -sectors -Algeria -lanes -Sabha -objectives -Donna -bothered -distracted -deciding -##ives -##CA -##onia -bishops -Strange -machinery -Voiced -synthesis -reflects -interference -##TS -##ury -keen -##ign -frown -freestyle -ton -Dixon -Sacred -Ruby -Prison -##ión -1825 -outfit -##tain -curiosity -##ight -frames -steadily -emigrated -horizon -##erly -Doc -philosophical -Table -UTC -Marina -##DA -secular -##eed -Zimbabwe -cops -Mack -sheriff -Sanskrit -Francesco -catches -questioning -streaming -Kill -testimony -hissed -tackle -countryside -copyright -##IP -Buddhism -##rator -ladder -##ON -Past -rookie -depths -##yama -##ister -##HS -Samantha -Dana -Educational -brows -Hammond -raids -envelope -##sco -##hart -##ulus -epic -detection -Streets -Potter -statistical -für -ni -accounting -##pot -employer -Sidney -Depression -commands -Tracks -averaged -lets -Ram -longtime -suits -branded -chip -Shield -loans -ought -Said -sip -##rome -requests -Vernon -bordered -veterans -##ament -Marsh -Herzegovina -Pine -##igo -mills -anticipation -reconnaissance -##ef -expectations -protested -arrow -guessed -depot -maternal -weakness -##ap -projected -pour -Carmen -provider -newer -remind -freed -##rily -##wal -##tones -intentions -Fiji -timing -Match -managers -Kosovo -Herman -Wesley -Chang -135 -semifinals -shouting -Indo -Janeiro -Chess -Macedonia -Buck -##onies -rulers -Mail -##vas -##sel -MHz -Programme -Task -commercially -subtle -propaganda -spelled -bowling -basically -Raven -1828 -Colony -109 -##ingham -##wara -anticipated -1829 -##iers -graduates -##rton -##fication -endangered -ISO -diagnosed -##tage -exercises -Battery -bolt -poison -cartoon -##ción -hood -bowed -heal -Meyer -Reagan -##wed -subfamily -##gent -momentum -infant -detect -##sse -Chapman -Darwin -mechanics -NSW -Cancer -Brooke -Nuclear -comprised -hire -sanctuary -wingspan -contrary -remembering -surprising -Basic -stealing -OS -hatred -##lled -masters -violation -Rule -##nger -assuming -conquered -louder -robe -Beatles -legitimate -##vation -massacre -Rica -unsuccessfully -poets -##enberg -careers -doubled -premier -battalions -Dubai -Paper -Louisville -gestured -dressing -successive -mumbled -Vic -referee -pupil -##cated -##rre -ceremonies -picks -##IN -diplomat -alike -geographical -rays -##HA -##read -harbour -factories -pastor -playwright -Ultimate -nationalist -uniforms -obtaining -kit -Amber -##pling -screenwriter -ancestry -##cott -Fields -PR -Coleman -rat -Bavaria -squeeze -highlighted -Adult -reflecting -Mel -1824 -bicycle -organizing -sided -Previously -Underground -Prof -athletics -coupled -mortal -Hampton -worthy -immune -Ava -##gun -encouraging -simplified -##ssa -##nte -##ann -Providence -entities -Pablo -Strong -Housing -##ista -##ators -kidnapped -mosque -Kirk -whispers -fruits -shattered -fossil -Empress -Johns -Webster -Thing -refusing -differently -specimen -Ha -##EN -##tina -##elle -##night -Horn -neighbourhood -Bolivia -##rth -genres -Pre -##vich -Amelia -swallow -Tribune -Forever -Psychology -Use -##bers -Gazette -ash -##usa -Monster -##cular -delegation -blowing -Oblast -retreated -automobile -##ex -profits -shirts -devil -Treasury -##backs -Drums -Ronnie -gameplay -expertise -Evening -resides -Caesar -unity -Crazy -linking -Vision -donations -Isabel -valve -Sue -WWE -logical -availability -fitting -revolt -##mill -Linux -taxi -Access -pollution -statues -Augustus -##pen -cello -##some -lacking -##ati -Gwen -##aka -##ovich -1821 -Wow -initiatives -Uruguay -Cain -stroked -examine -##ī -mentor -moist -disorders -buttons -##tica -##anna -Species -Lynch -museums -scorer -Poor -eligibility -op -unveiled -cats -Title -wheat -critically -Syracuse -##osis -marketed -enhance -Ryder -##NG -##ull -##rna -embedded -throws -foods -happily -##ami -lesson -formats -punched -##rno -expressions -qualities -##sal -Gods -##lity -elect -wives -##lling -jungle -Toyota -reversed -Grammar -Cloud -Agnes -##ules -disputed -verses -Lucien -threshold -##rea -scanned -##bled -##dley -##lice -Kazakhstan -Gardner -Freeman -##rz -inspection -Rita -accommodation -advances -chill -Elliot -thriller -Constantinople -##mos -debris -whoever -1810 -Santo -Carey -remnants -Guatemala -##irs -carriers -equations -mandatory -##WA -anxious -measurement -Summit -Terminal -Erin -##zes -LLC -##uo -glancing -sin -##₃ -Downtown -flowering -Euro -Leigh -Lance -warn -decent -recommendations -##ote -Quartet -##rrell -Clarence -colleague -guarantee -230 -Clayton -Beast -addresses -prospect -destroyer -vegetables -Leadership -fatal -prints -190 -##makers -Hyde -persuaded -illustrations -Southampton -Joyce -beats -editors -mount -##grave -Malaysian -Bombay -endorsed -##sian -##bee -applying -Religion -nautical -bomber -Na -airfield -gravel -##rew -Cave -bye -dig -decree -burden -Election -Hawk -Fe -##iled -reunited -##tland -liver -Teams -Put -delegates -Ella -##fect -Cal -invention -Castro -bored -##kawa -##ail -Trinidad -NASCAR -pond -develops -##pton -expenses -Zoe -Released -##rf -organs -beta -parameters -Neill -##lene -lateral -Beat -blades -Either -##hale -Mitch -##ET -##vous -Rod -burnt -phones -Rising -##front -investigating -##dent -Stephanie -##keeper -screening -##uro -Swan -Sinclair -modes -bullets -Nigerian -melody -##ques -Rifle -##12 -128 -##jin -charm -Venus -##tian -fusion -advocated -visitor -pinned -genera -3000 -Ferry -Solo -quantity -regained -platinum -shoots -narrowly -preceded -update -##ichi -equality -unaware -regiments -ally -##tos -transmitter -locks -Seeing -outlets -feast -reopened -##ows -struggles -Buddy -1826 -bark -elegant -amused -Pretty -themed -schemes -Lisbon -Te -patted -terrorism -Mystery -##croft -##imo -Madagascar -Journey -dealer -contacted -##quez -ITV -vacation -Wong -Sacramento -organisms -##pts -balcony -coloured -sheer -defines -MC -abortion -forbidden -accredited -Newfoundland -tendency -entrepreneur -Benny -Tanzania -needing -finalist -mythology -weakened -gown -sentences -Guest -websites -Tibetan -UFC -voluntary -annoyed -Welcome -honestly -correspondence -geometry -Deutsche -Biology -Help -##aya -Lines -Hector -##ael -reluctant -##ages -wears -inquiry -##dell -Holocaust -Tourism -Wei -volcanic -##mates -Visual -sorts -neighborhoods -Running -apple -shy -Laws -bend -Northeast -feminist -Speedway -Murder -visa -stuffed -fangs -transmitted -fiscal -Ain -enlarged -##ndi -Cecil -Peterson -Benson -Bedford -acceptable -##CC -##wer -purely -triangle -foster -Alberto -educator -Highland -acute -LGBT -Tina -Mi -adventures -Davidson -Honda -translator -monk -enacted -summoned -##ional -collector -Genesis -Un -liner -Di -Statistical -##CS -filter -Knox -Religious -Stella -Estonian -Turn -##ots -primitive -parishes -##lles -complexity -autobiography -rigid -cannon -pursuing -exploring -##gram -##mme -freshman -caves -Expedition -Traditional -iTunes -certification -cooling -##ort -##gna -##IT -##lman -##VA -Motion -explosive -licence -boxer -shrine -loosely -Brigadier -Savage -Brett -MVP -heavier -##elli -##gged -Buddha -Easy -spells -fails -incredibly -Georg -stern -compatible -Perfect -applies -cognitive -excessive -nightmare -neighbor -Sicily -appealed -static -##₁ -Aberdeen -##leigh -slipping -bride -##guard -Um -Clyde -1818 -##gible -Hal -Frost -Sanders -interactive -Hour -##vor -hurting -bull -termed -shelf -capturing -##pace -rolls -113 -##bor -Chilean -teaches -##rey -exam -shipped -Twin -borrowed -##lift -Shit -##hot -Lindsay -Below -Kiev -Lin -leased -##sto -Eli -Diane -Val -subtropical -shoe -Bolton -Dragons -##rification -Vatican -##pathy -Crisis -dramatically -talents -babies -##ores -surname -##AP -##cology -cubic -opted -Archer -sweep -tends -Karnataka -Judy -stint -Similar -##nut -explicitly -##nga -interact -Mae -portfolio -clinic -abbreviated -Counties -##iko -hearts -##ı -providers -screams -Individual -##etti -Monument -##iana -accessed -encounters -gasp -##rge -defunct -Avery -##rne -nobility -useless -Phase -Vince -senator -##FL -1813 -surprisingly -##illo -##chin -Boyd -rumors -equity -Gone -Hearts -chassis -overnight -Trek -wrists -submit -civic -designers -##rity -prominence -decorative -derives -starter -##AF -wisdom -Powers -reluctantly -measurements -doctoral -Noel -Gideon -Baden -Cologne -lawn -Hawaiian -anthology -##rov -Raiders -embassy -Sterling -##pal -Telugu -troubled -##FC -##bian -fountain -observe -ore -##uru -##gence -spelling -Border -grinning -sketch -Benedict -Xbox -dialects -readily -immigrant -Constitutional -aided -nevertheless -SE -tragedy -##ager -##rden -Flash -##MP -Europa -emissions -##ield -panties -Beverly -Homer -curtain -##oto -toilet -Isn -Jerome -Chiefs -Hermann -supernatural -juice -integrity -Scots -auto -Patriots -Strategic -engaging -prosecution -cleaned -Byron -investments -adequate -vacuum -laughs -##inus -##nge -Usually -Roth -Cities -Brand -corpse -##ffy -Gas -rifles -Plains -sponsorship -Levi -tray -owed -della -commanders -##ead -tactical -##rion -García -harbor -discharge -##hausen -gentleman -endless -highways -##itarian -pleaded -##eta -archive -Midnight -exceptions -instances -Gibraltar -cart -##NS -Darren -Bonnie -##yle -##iva -OCLC -bra -Jess -##EA -consulting -Archives -Chance -distances -commissioner -##AR -LL -sailors -##sters -enthusiasm -Lang -##zia -Yugoslav -confirm -possibilities -Suffolk -##eman -banner -1822 -Supporting -fingertips -civilization -##gos -technically -1827 -Hastings -sidewalk -strained -monuments -Floyd -Chennai -Elvis -villagers -Cumberland -strode -albeit -Believe -planets -combining -Mohammad -container -##mouth -##tures -verb -BA -Tank -Midland -screened -Gang -Democracy -Helsinki -screens -thread -charitable -##version -swiftly -ma -rational -combine -##SS -##antly -dragging -Cliff -Tasmania -quest -professionally -##aj -rap -##lion -livestock -##hua -informal -specially -lonely -Matthews -Dictionary -1816 -Observatory -correspondent -constitute -homeless -waving -appreciated -Analysis -Meeting -dagger -##AL -Gandhi -flank -Giant -Choir -##not -glimpse -toe -Writer -teasing -springs -##dt -Glory -healthcare -regulated -complaint -math -Publications -makers -##hips -cement -Need -apologize -disputes -finishes -Partners -boring -ups -gains -1793 -Congressional -clergy -Folk -##made -##nza -Waters -stays -encoded -spider -betrayed -Applied -inception -##urt -##zzo -wards -bells -UCLA -Worth -bombers -Mo -trademark -Piper -##vel -incorporates -1801 -##cial -dim -Twelve -##word -Appeals -tighter -spacecraft -##tine -coordinates -##iac -mistakes -Zach -laptop -Teresa -##llar -##yr -favored -Nora -sophisticated -Irving -hammer -División -corporations -niece -##rley -Patterson -UNESCO -trafficking -Ming -balanced -plaque -Latvia -broader -##owed -Save -confined -##vable -Dalton -tide -##right -##ural -##num -swords -caring -##eg -IX -Acting -paved -##moto -launching -Antoine -substantially -Pride -Philharmonic -grammar -Indoor -Ensemble -enabling -114 -resided -Angelo -publicity -chaired -crawled -Maharashtra -Telegraph -lengthy -preference -differential -anonymous -Honey -##itation -wage -##iki -consecrated -Bryant -regulatory -Carr -##én -functioning -watches -##ú -shifts -diagnosis -Search -app -Peters -##SE -##cat -Andreas -honours -temper -counsel -Urdu -Anniversary -maritime -##uka -harmony -##unk -essence -Lorenzo -choked -Quarter -indie -##oll -loses -##prints -amendment -Adolf -scenario -similarities -##rade -##LC -technological -metric -Russians -thoroughly -##tead -cruiser -1806 -##nier -1823 -Teddy -##psy -au -progressed -exceptional -broadcaster -partnered -fitness -irregular -placement -mothers -unofficial -Garion -Johannes -1817 -regain -Solar -publishes -Gates -Broken -thirds -conversations -dive -Raj -contributor -quantities -Worcester -governance -##flow -generating -pretending -Belarus -##voy -radius -skating -Marathon -1819 -affection -undertook -##wright -los -##bro -locate -PS -excluded -recreation -tortured -jewelry -moaned -##logue -##cut -Complete -##rop -117 -##II -plantation -whipped -slower -crater -##drome -Volunteer -attributes -celebrations -regards -Publishers -oath -utilized -Robbie -Giuseppe -fiber -indication -melted -archives -Damien -storey -affecting -identifying -dances -alumni -comparable -upgrade -rented -sprint -##kle -Marty -##lous -treating -railways -Lebanese -erupted -occupy -sympathy -Jude -Darling -Qatar -drainage -McCarthy -heel -Klein -computing -wireless -flip -Du -Bella -##ast -##ssen -narrator -mist -sings -alignment -121 -2020 -securing -##rail -Progress -missionaries -brutal -mercy -##shing -Hip -##ache -##olo -switching -##here -Malay -##ob -constituted -Mohammed -Often -standings -surge -teachings -ink -detached -systematic -Trial -Myanmar -##wo -offs -Reyes -decoration -translations -wherever -reviewer -speculation -Bangkok -terminated -##ester -beard -RCA -Aidan -Associated -Emerson -Charity -1803 -generous -Dudley -ATP -##haven -prizes -toxic -gloves -##iles -##dos -Turning -myth -Parade -##building -Hits -##eva -teamed -Above -Duchess -Holt -##oth -Sub -Ace -atomic -inform -Ship -depend -Jun -##bes -Norwich -globe -Baroque -Christina -Cotton -Tunnel -kidding -Concerto -Brittany -tasted -phases -stems -angles -##TE -##nam -##40 -charted -Alison -intensive -Willis -glory -##lit -Bergen -est -taller -##dicate -labeled -##ido -commentator -Warrior -Viscount -shortened -aisle -Aria -Spike -spectators -goodbye -overlooking -mammals -##lude -wholly -Barrett -##gus -accompany -seventy -employ -##mb -ambitious -beloved -basket -##mma -##lding -halted -descendant -pad -exclaimed -cloak -##pet -Strait -Bang -Aviv -sadness -##ffer -Donovan -1880s -agenda -swinging -##quin -jerk -Boat -##rist -nervously -Silence -Echo -shout -implies -##iser -##cking -Shiva -Weston -damages -##tist -effectiveness -Horace -cycling -Rey -ache -Photography -PDF -Dear -leans -Lea -##vision -booth -attained -disbelief -##eus -##ution -Hop -pension -toys -Eurovision -faithful -##heads -Andre -owe -default -Atlas -Megan -highlights -lovers -Constantine -Sixth -masses -##garh -emerge -Auto -Slovak -##oa -##vert -Superintendent -flicked -inventor -Chambers -Frankie -Romeo -pottery -companions -Rudolf -##liers -diary -Unless -tap -alter -Randall -##ddle -##eal -limitations -##boards -utterly -knelt -guaranteed -Cowboys -Islander -horns -##ike -Wendy -sexually -Smart -breasts -##cian -compromise -Duchy -AT -Galaxy -analog -Style -##aking -weighed -Nigel -optional -Czechoslovakia -practicing -Ham -##0s -feedback -batted -uprising -operative -applicable -criminals -classrooms -Somehow -##ode -##OM -Naomi -Winchester -##pping -Bart -Regina -competitor -Recorded -Yuan -Vera -lust -Confederation -##test -suck -1809 -Lambert -175 -Friend -##ppa -Slowly -##⁺ -Wake -Dec -##aneous -chambers -Color -Gus -##site -Alternative -##world -Exeter -Omaha -celebrities -striker -210 -dwarf -meals -Oriental -Pearson -financing -revenues -underwater -Steele -screw -Feeling -Mt -acids -badge -swore -theaters -Moving -admired -lung -knot -penalties -116 -fork -##cribed -Afghan -outskirts -Cambodia -oval -wool -fossils -Ned -Countess -Darkness -delicious -##nica -Evelyn -Recordings -guidelines -##CP -Sandra -meantime -Antarctica -modeling -granddaughter -##rial -Roma -Seventh -Sunshine -Gabe -##nton -Shop -Turks -prolific -soup -parody -##nta -Judith -disciplines -resign -Companies -Libya -Jets -inserted -Mile -retrieve -filmmaker -##rand -realistic -unhappy -##30 -sandstone -##nas -##lent -##ush -##rous -Brent -trash -Rescue -##unted -Autumn -disgust -flexible -infinite -sideways -##oss -##vik -trailing -disturbed -50th -Newark -posthumously -##rol -Schmidt -Josef -##eous -determining -menu -Pole -Anita -Luc -peaks -118 -Yard -warrant -generic -deserted -Walking -stamp -tracked -##berger -paired -surveyed -sued -Rainbow -##isk -Carpenter -submarines -realization -touches -sweeping -Fritz -module -Whether -resembles -##form -##lop -unsure -hunters -Zagreb -unemployment -Senators -Georgetown -##onic -Barker -foul -commercials -Dresden -Words -collision -Carlton -Fashion -doubted -##ril -precision -MIT -Jacobs -mob -Monk -retaining -gotta -##rod -remake -Fast -chips -##pled -sufficiently -##lights -delivering -##enburg -Dancing -Barton -Officers -metals -##lake -religions -##ré -motivated -differs -dorsal -##birds -##rts -Priest -polished -##aling -Saxony -Wyatt -knockout -##hor -Lopez -RNA -##link -metallic -##kas -daylight -Montenegro -##lining -wrapping -resemble -Jam -Viking -uncertainty -angels -enables -##fy -Stuttgart -tricks -tattoo -127 -wicked -asset -breach -##yman -MW -breaths -Jung -im -1798 -noon -vowel -##qua -calmly -seasonal -chat -ingredients -cooled -Randolph -ensuring -##ib -##idal -flashing -1808 -Macedonian -Cool -councils -##lick -advantages -Immediately -Madras -##cked -Pain -fancy -chronic -Malayalam -begged -##nese -Inner -feathers -##vey -Names -dedication -Sing -pan -Fischer -nurses -Sharp -inning -stamps -Meg -##ello -edged -motioned -Jacksonville -##ffle -##dic -##US -divide -garnered -Ranking -chasing -modifications -##oc -clever -midst -flushed -##DP -void -##sby -ambulance -beaches -groan -isolation -strengthen -prevention -##ffs -Scouts -reformed -geographic -squadrons -Fiona -Kai -Consequently -##uss -overtime -##yas -Fr -##BL -Papua -Mixed -glances -Haiti -Sporting -sandy -confronted -René -Tanner -1811 -##IM -advisory -trim -##ibe -González -gambling -Jupiter -##ility -##owski -##nar -122 -apology -teased -Pool -feminine -wicket -eagle -shiny -##lator -blend -peaking -nasty -nodding -fraction -tech -Noble -Kuwait -brushing -Italia -Canberra -duet -Johan -1805 -Written -cameo -Stalin -pig -cord -##zio -Surely -SA -owing -holidays -123 -Ranger -lighthouse -##ige -miners -1804 -##ë -##gren -##ried -crashing -##atory -wartime -highlight -inclined -Torres -Tax -##zel -##oud -Own -##corn -Divine -EMI -Relief -Northwestern -ethics -BMW -click -plasma -Christie -coordinator -Shepherd -washing -cooked -##dio -##eat -Cerambycidae -algebra -Engine -costumes -Vampire -vault -submission -virtue -assumption -##rell -Toledo -##oting -##rva -crept -emphasized -##lton -##ood -Greeks -surgical -crest -Patrol -Beta -Tessa -##GS -pizza -traits -rats -Iris -spray -##GC -Lightning -binary -escapes -##take -Clary -crowds -##zong -hauled -maid -##fen -Manning -##yang -Nielsen -aesthetic -sympathetic -affiliation -soaked -Mozart -personalities -begging -##iga -clip -Raphael -yearly -Lima -abundant -##lm -1794 -strips -Initiative -reporters -##vsky -consolidated -##itated -Civic -rankings -mandate -symbolic -##ively -1807 -rental -duck -nave -complications -##nor -Irene -Nazis -haunted -scholarly -Pratt -Gran -Embassy -Wave -pity -genius -bats -canton -Tropical -marker -##cos -escorted -Climate -##posed -appreciation -freezing -puzzle -Internal -pools -Shawn -pathway -Daniels -Fitzgerald -extant -olive -Vanessa -marriages -cocked -##dging -prone -chemicals -doll -drawer -##HF -Stark -Property -##tai -flowed -Sheridan -##uated -Less -Omar -remarks -catalogue -Seymour -wreck -Carrie -##bby -Mercer -displaced -sovereignty -rip -Flynn -Archie -Quarterfinals -Hassan -##ards -vein -Osaka -pouring -wages -Romance -##cript -##phere -550 -##eil -##stown -Documentary -ancestor -CNN -Panthers -publishers -Rise -##mu -biting -Bright -String -succeeding -119 -loaned -Warwick -Sheikh -Von -Afterwards -Jax -Camden -helicopters -Hence -Laurel -##ddy -transaction -Corp -clause -##owing -##kel -Investment -cups -Lucia -Moss -Giles -chef -López -decisive -30th -distress -linguistic -surveys -Ready -maiden -Touch -frontier -incorporate -exotic -mollusk -Leopold -Ride -##wain -##ndo -teammates -tones -drift -ordering -Feb -Penny -Normandy -Present -Flag -pipes -##rro -delight -motto -Tibet -leap -Eliza -Produced -teenagers -sitcom -Try -Hansen -Cody -wandered -terrestrial -frog -scare -resisted -employers -coined -##DS -resistant -Fly -captive -dissolution -judged -associates -defining -##court -Hale -##mbo -raises -clusters -twelfth -##metric -Roads -##itude -satisfy -Android -Reds -Gloucester -Category -Valencia -Daemon -stabbed -Luna -Churches -Canton -##eller -Attack -Kashmir -annexed -grabs -asteroid -Hartford -recommendation -Rodriguez -handing -stressed -frequencies -delegate -Bones -Erie -Weber -Hands -Acts -millimetres -24th -Fat -Howe -casually -##SL -convent -1790 -IF -##sity -1795 -yelling -##ises -drain -addressing -amino -Marcel -Sylvia -Paramount -Gerard -Volleyball -butter -124 -Albion -##GB -triggered -1792 -folding -accepts -##ße -preparations -Wimbledon -dose -##grass -escaping -##tling -import -charging -##dation -280 -Nolan -##fried -Calcutta -##pool -Cove -examining -minded -heartbeat -twisting -domains -bush -Tunisia -Purple -Leone -##code -evacuated -battlefield -tiger -Electrical -##ared -chased -##cre -cultivated -Jet -solved -shrug -ringing -Impact -##iant -kilometre -##log -commemorate -migrated -singular -designing -promptly -Higgins -##own -##aves -freshwater -Marketing -Payne -beg -locker -pray -implied -AAA -corrected -Trans -Europeans -Ashe -acknowledge -Introduction -##writer -##llen -Munster -auxiliary -growl -Hours -Poems -##AT -reduces -Plain -plague -canceled -detention -polite -necklace -Gustav -##gu -##lance -En -Angola -##bb -dwelling -##hea -5000 -Qing -Dodgers -rim -##ored -##haus -spilled -Elisabeth -Viktor -backpack -1802 -amended -##worthy -Phantom -##ctive -keeper -##loom -Vikings -##gua -employs -Tehran -specialty -##bate -Marx -Mirror -Jenna -rides -needle -prayers -clarinet -forewings -##walk -Midlands -convincing -advocacy -Cao -Birds -cycles -Clement -Gil -bubble -Maximum -humanitarian -Tan -cries -##SI -Parsons -Trio -offshore -Innovation -clutched -260 -##mund -##duct -Prairie -relied -Falcon -##ste -Kolkata -Gill -Swift -Negro -Zoo -valleys -##OL -Opening -beams -MPs -outline -Bermuda -Personal -exceed -productive -##MT -republic -forum -##sty -tornado -Known -dipped -Edith -folks -mathematician -watershed -Ricardo -synthetic -##dication -deity -##₄ -gaming -subjected -suspects -Foot -swollen -Motors -##tty -##ý -aloud -ceremonial -es -nuts -intend -Carlisle -tasked -hesitation -sponsors -unified -inmates -##ctions -##stan -tiles -jokes -whereby -outcomes -Lights -scary -Stoke -Portrait -Blind -sergeant -violations -cultivation -fuselage -Mister -Alfonso -candy -sticks -teen -agony -Enough -invite -Perkins -Appeal -mapping -undergo -Glacier -Melanie -affects -incomplete -##dd -Colombian -##nate -CBC -purchasing -bypass -Drug -Electronics -Frontier -Coventry -##aan -autonomy -scrambled -Recent -bounced -cow -experiencing -Rouge -cuisine -Elite -disability -Ji -inheritance -wildly -Into -##wig -confrontation -Wheeler -shiver -Performing -aligned -consequently -Alexis -Sin -woodland -executives -Stevenson -Ferrari -inevitable -##cist -##dha -##base -Corner -comeback -León -##eck -##urus -MacDonald -pioneering -breakdown -landscapes -Veterans -Rican -Theological -stirred -participant -Credit -Hyderabad -snails -Claudia -##ocene -compliance -##MI -Flags -Middlesex -storms -winding -asserted -er -##ault -##kal -waking -##rates -abbey -Augusta -tooth -trustees -Commodore -##uded -Cunningham -NC -Witch -marching -Sword -Same -spiral -Harley -##ahan -Zack -Audio -1890s -##fit -Simmons -Kara -Veronica -negotiated -Speaking -FIBA -Conservatory -formations -constituencies -explicit -facial -eleventh -##ilt -villain -##dog -##case -##hol -armored -tin -hairs -##umi -##rai -mattress -Angus -cease -verbal -Recreation -savings -Aurora -peers -Monastery -Airways -drowned -additions -downstream -sticking -Shi -mice -skiing -##CD -Raw -Riverside -warming -hooked -boost -memorable -posed -treatments -320 -##dai -celebrating -blink -helpless -circa -Flowers -PM -uncommon -Oct -Hawks -overwhelmed -Sparhawk -repaired -Mercy -pose -counterpart -compare -survives -##½ -##eum -coordinate -Lil -grandchildren -notorious -Yi -Judaism -Juliet -accusations -1789 -floated -marathon -roar -fortified -reunion -145 -Nov -Paula -##fare -##toria -tearing -Cedar -disappearance -Si -gifted -scar -270 -PBS -Technologies -Marvin -650 -roller -cupped -negotiate -##erman -passport -tram -miracle -styled -##tier -necessity -Des -rehabilitation -Lara -USD -psychic -wipe -##lem -mistaken -##lov -charming -Rider -pageant -dynamics -Cassidy -##icus -defenses -##tadt -##vant -aging -##inal -declare -mistress -supervised -##alis -##rest -Ashton -submerged -sack -Dodge -grocery -ramp -Teacher -lineage -imagery -arrange -inscriptions -Organisation -Siege -combines -pounded -Fleming -legends -columnist -Apostolic -prose -insight -Arabian -expired -##uses -##nos -Alone -elbows -##asis -##adi -##combe -Step -Waterloo -Alternate -interval -Sonny -plains -Goals -incorporating -recruit -adjoining -Cheshire -excluding -marrying -ducked -Cherokee -par -##inate -hiking -Coal -##bow -natives -ribbon -Allies -con -descriptions -positively -##lal -defendant -22nd -Vivian -##beat -Weather -possessions -Date -sweetheart -inability -Salisbury -adviser -ideology -Nordic -##eu -Cubs -IP -Administrative -##nick -facto -liberation -Burnett -Javier -fashioned -Electoral -Turin -theft -unanimous -Per -1799 -Clan -Hawkins -Teachers -##wes -Cameroon -Parkway -##gment -demolition -atoms -nucleus -##thi -recovering -##yte -##vice -lifts -Must -deposit -Hancock -Semi -darkened -Declaration -moan -muscular -Myers -attractions -sauce -simulation -##weed -Alps -barriers -##baum -Barack -galleries -Min -holders -Greenwich -donation -Everybody -Wolfgang -sandwich -Kendra -Collegiate -casino -Slavic -ensuing -Porto -##grapher -Jesuit -suppressed -tires -Ibrahim -protesters -Ibn -Amos -1796 -phenomena -Hayden -Paraguay -Squad -Reilly -complement -aluminum -##eers -doubts -decay -demise -Practice -patience -fireplace -transparent -monarchy -##person -Rodney -mattered -rotating -Clifford -disposal -Standards -paced -##llie -arise -tallest -tug -documentation -node -freeway -Nikolai -##cite -clicked -imaging -Lorraine -Tactical -Different -Regular -Holding -165 -Pilot -guarded -##polis -Classics -Mongolia -Brock -monarch -cellular -receptors -Mini -Chandler -financed -financially -Lives -erection -Fuller -unnamed -Kannada -cc -passive -plateau -##arity -freak -##rde -retrieved -transactions -##sus -23rd -swimmer -beef -fulfill -Arlington -offspring -reasoning -Rhys -saves -pseudonym -centimetres -shivered -shuddered -##ME -Feel -##otic -professors -Blackburn -##eng -##life -##haw -interred -lodge -fragile -Della -guardian -##bbled -catalog -clad -observer -tract -declaring -##headed -Lok -dean -Isabelle -1776 -irrigation -spectacular -shuttle -mastering -##aro -Nathaniel -Retired -##lves -Brennan -##kha -dick -##dated -##hler -Rookie -leapt -televised -weekends -Baghdad -Yemen -##fo -factions -ion -Lab -mortality -passionate -Hammer -encompasses -confluence -demonstrations -Ki -derivative -soils -##unch -Ranch -Universities -conventions -outright -aiming -hierarchy -reside -illusion -graves -rituals -126 -Antwerp -Dover -##ema -campuses -Hobart -lifelong -aliens -##vity -Memory -coordination -alphabet -##mina -Titans -pushes -Flanders -##holder -Normal -excellence -capped -profound -Taipei -portrayal -sparked -scratch -se -##eas -##hir -Mackenzie -##cation -Neo -Shin -##lined -magnificent -poster -batsman -##rgent -persuade -##ement -Icelandic -miserable -collegiate -Feature -geography -##mura -Comic -Circus -processor -barracks -Tale -##11 -Bulls -##rap -strengthened -##bell -injection -miniature -broadly -Letter -fare -hostage -traders -##nium -##mere -Fortune -Rivera -Lu -triumph -Browns -Bangalore -cooperative -Basel -announcing -Sawyer -##him -##cco -##kara -darted -##AD -##nova -sucking -##position -perimeter -flung -Holdings -##NP -Basque -sketches -Augustine -Silk -Elijah -analyst -armour -riots -acquiring -ghosts -##ems -132 -Pioneer -Colleges -Simone -Economy -Author -semester -Soldier -il -##unting -##bid -freaking -Vista -tumor -##bat -murderer -##eda -unreleased -##grove -##sser -##té -edit -statute -sovereign -##gawa -Killer -stares -Fury -comply -##lord -##nant -barrels -Andhra -Maple -generator -mascot -unusually -eds -##ante -##runner -rod -##tles -Historically -Jennings -dumped -Established -resemblance -##lium -##cise -##body -##voke -Lydia -##hou -##iring -nonetheless -1797 -corrupt -patrons -physicist -sneak -Livingston -Citizens -Architects -Werner -trends -Melody -eighty -markings -brakes -##titled -oversaw -processed -mock -Midwest -intervals -##EF -stretches -werewolf -##MG -Pack -controller -##dition -Honours -cane -Griffith -vague -repertoire -Courtney -orgasm -Abdullah -dominance -occupies -Ya -introduces -Lester -instinct -collaborative -Indigenous -refusal -##rank -outlet -debts -spear -155 -##keeping -##ulu -Catalan -##osh -tensions -##OT -bred -crude -Dunn -abdomen -accurately -##fu -##lough -accidents -Row -Audrey -rude -Getting -promotes -replies -Paolo -merge -##nock -trans -Evangelical -automated -Canon -##wear -##ggy -##gma -Broncos -foolish -icy -Voices -knives -Aside -dreamed -generals -molecule -AG -rejection -insufficient -##nagar -deposited -sacked -Landing -arches -helpful -devotion -intake -Flower -PGA -dragons -evolutionary -##mail -330 -GM -tissues -##tree -arcade -composite -lid -Across -implications -lacks -theological -assessed -concentrations -Den -##mans -##ulous -Fu -homeland -##stream -Harriet -ecclesiastical -troop -ecological -winked -##xed -eighteenth -Casino -specializing -##sworth -unlocked -supreme -devastated -snatched -trauma -GDP -Nord -saddle -Wes -convenient -competes -##nu -##iss -Marian -subway -##rri -successes -umbrella -##far -##ually -Dundee -##cence -spark -##rix -##я -Quality -Geological -cockpit -rpm -Cam -Bucharest -riot -##PM -Leah -##dad -##pose -Ka -m³ -Bundesliga -Wolfe -grim -textile -quartet -expressing -fantastic -destroyers -eternal -picnic -##oro -contractor -1775 -spanning -declining -##cating -Lowe -Sutherland -Emirates -downward -nineteen -violently -scout -viral -melting -enterprises -##cer -Crosby -Jubilee -antenna -urgent -Rory -##uin -##sure -wandering -##gler -##vent -Suzuki -Lifetime -Dirty -occupying -##quent -Disc -Guru -mound -Lennon -Humanities -listeners -Walton -uh -Braves -Bologna -##bis -##gra -Dwight -crawl -flags -memoir -Thorne -Archdiocese -dairy -##uz -##tery -roared -adjust -patches -inn -Knowing -##bbed -##zan -scan -Papa -precipitation -angrily -passages -postal -Phi -embraced -blacks -economist -triangular -Sen -shooter -punished -Millennium -Swimming -confessed -Aston -defeats -Era -cousins -Williamson -##rer -daytime -dumb -##rek -underway -specification -Buchanan -prayed -concealed -activation -##issa -canon -awesome -Starr -plural -summers -##fields -Slam -unnecessary -1791 -resume -trilogy -compression -##rough -selective -dignity -Yan -##xton -immense -##yun -lone -seeded -hiatus -lightweight -summary -Yo -approve -Galway -rejoined -Elise -garbage -burns -speeches -129 -Honduras -##liness -inventory -jersey -FK -assure -slumped -Lionel -Suite -##sbury -Lena -continuation -##AN -brightly -##nti -GT -Knowledge -##park -##lius -lethal -##tribution -##sions -Certificate -Mara -##lby -algorithms -Jade -blows -pirates -fleeing -wheelchair -Stein -sophomore -Alt -Territorial -diploma -snakes -##olic -##tham -Tiffany -Pius -flush -urging -Hanover -Reich -##olate -Unity -Pike -collectively -Theme -ballad -kindergarten -rocked -zoo -##page -whip -Rodríguez -strokes -checks -Becky -Stern -upstream -##uta -Silent -volunteered -Sigma -##ingen -##tract -##ede -Gujarat -screwed -entertaining -##action -##ryn -defenders -innocence -lesbian -que -Richie -nodes -Lie -juvenile -Jakarta -safer -confront -Bert -breakthrough -gospel -Cable -##zie -institutional -Archive -brake -liquor -feeds -##iate -chancellor -Encyclopedia -Animation -scanning -teens -##mother -Core -Rear -Wine -##flower -reactor -Ave -cardinal -sodium -strands -Olivier -crouched -Vaughan -Sammy -Image -scars -Emmanuel -flour -bias -nipple -revelation -##ucci -Denny -##ssy -Form -Runners -admits -Rama -violated -Burmese -feud -underwear -Mohamed -Named -swift -statewide -Door -Recently -comparing -Hundred -##idge -##nity -##rds -Rally -Reginald -Auburn -solving -waitress -Treasurer -##ilization -Halloween -Ministers -Boss -Shut -##listic -Rahman -demonstrating -##pies -Gaza -Yuri -installations -Math -schooling -##bble -Bronx -exiled -gasoline -133 -bundle -humid -FCC -proportional -relate -VFL -##dez -continuity -##cene -syndicated -atmospheric -arrows -Wanderers -reinforcements -Willow -Lexington -Rotten -##yon -discovering -Serena -portable -##lysis -targeting -£1 -Goodman -Steam -sensors -detachment -Malik -##erie -attitudes -Goes -Kendall -Read -Sleep -beans -Nikki -modification -Jeanne -knuckles -Eleven -##iously -Gross -Jaime -dioxide -moisture -Stones -UCI -displacement -Metacritic -Jury -lace -rendering -elephant -Sergei -##quire -GP -Abbott -##type -projection -Mouse -Bishops -whispering -Kathleen -Rams -##jar -whites -##oran -assess -dispatched -##hire -kin -##mir -Nursing -advocates -tremendous -sweater -assisting -##bil -Farmer -prominently -reddish -Hague -cyclone -##SD -Sage -Lawson -Sanctuary -discharged -retains -##ube -shotgun -wilderness -Reformed -similarity -Entry -Watts -Bahá -Quest -Looks -visions -Reservoir -Arabs -curls -Blu -dripping -accomplish -Verlag -drill -sensor -Dillon -physicians -smashed -##dir -painters -Renault -straw -fading -Directorate -lounge -commissions -Brain -##graph -neo -##urg -plug -coordinated -##houses -Critical -lamps -illustrator -Returning -erosion -Crow -##ciation -blessing -Thought -Wife -medalist -synthesizer -Pam -Thornton -Esther -HBO -fond -Associates -##raz -pirate -permits -Wide -tire -##PC -Ernie -Nassau -transferring -RFC -##ntly -um -spit -AS -##mps -Mining -polar -villa -anchored -##zzi -embarrassment -relates -##ă -Rupert -counterparts -131 -Baxter -##18 -Igor -recognizes -Clive -##hane -##eries -##ibly -occurrence -##scope -fin -colorful -Rapids -banker -tile -##rative -##dus -delays -destinations -##llis -Pond -Dane -grandparents -rewarded -socially -motorway -##hof -##lying -##human -modeled -Dayton -Forward -conscience -Sharma -whistle -Mayer -Sasha -##pical -circuits -Zhou -##ça -Latvian -finalists -predators -Lafayette -closes -obligations -Resolution -##vier -Trustees -reminiscent -##hos -Highlands -Protected -asylum -evacuation -##acy -Chevrolet -confession -Somalia -emergence -separating -##rica -alright -calcium -Laurent -Welfare -Leonardo -ashes -dental -Deal -minerals -##lump -##mount -accounted -staggered -slogan -photographic -builder -##imes -##raft -tragic -144 -SEC -Hit -tailed -##ples -##rring -##rson -ethical -wrestlers -concludes -lunar -##ept -nitrogen -Aid -cyclist -quarterfinals -##ه -harvest -##hem -Pasha -IL -##mis -continually -##forth -Intel -bucket -##ended -witches -pretended -dresses -viewer -peculiar -lowering -volcano -Marilyn -Qualifier -clung -##sher -Cut -modules -Bowie -##lded -onset -transcription -residences -##pie -##itor -scrapped -##bic -Monaco -Mayo -eternity -Strike -uncovered -skeleton -##wicz -Isles -bug -Promoted -##rush -Mechanical -XII -##ivo -gripping -stubborn -velvet -TD -decommissioned -operas -spatial -unstable -Congressman -wasted -##aga -##ume -advertisements -##nya -obliged -Cannes -Conway -bricks -##gnant -##mity -##uise -jumps -Clear -##cine -##sche -chord -utter -Su -podium -spokesman -Royce -assassin -confirmation -licensing -liberty -##rata -Geographic -individually -detained -##ffe -Saturn -crushing -airplane -bushes -knights -##PD -Lilly -hurts -unexpectedly -Conservatives -pumping -Forty -candle -Pérez -peasants -supplement -Sundays -##ggs -##rries -risen -enthusiastic -corresponds -pending -##IF -Owens -floods -Painter -inflation -presumed -inscribed -Chamberlain -bizarre -1200 -liability -reacted -tub -Legacy -##eds -##pted -shone -##litz -##NC -Tiny -genome -bays -Eduardo -robbery -stall -hatch -Depot -Variety -Flora -reprinted -trembled -outlined -CR -Theresa -spans -##plication -Jensen -##eering -posting -##rky -pays -##ost -Marcos -fortifications -inferior -##ential -Devi -despair -Talbot -##chus -updates -ego -Booth -Darius -tops -##lau -Scene -##DC -Harlem -Trey -Generally -candles -##α -Neville -Admiralty -##hong -iconic -victorious -1600 -Rowan -abundance -miniseries -clutching -sanctioned -##words -obscure -##ision -##rle -##EM -disappearing -Resort -Obviously -##eb -exceeded -1870s -Adults -##cts -Cry -Kerr -ragged -selfish -##lson -circled -pillars -galaxy -##asco -##mental -rebuild -caution -Resistance -Start -bind -splitting -Baba -Hogan -ps -partnerships -slam -Peggy -courthouse -##OD -organizational -packages -Angie -##nds -possesses -##rp -Expressway -Gould -Terror -Him -Geoff -nobles -##ope -shark -##nh -identifies -##oor -testified -Playing -##ump -##isa -stool -Idol -##pice -##tana -Byrne -Gerry -grunted -26th -observing -habits -privilege -immortal -wagons -##thy -dot -Bring -##lian -##witz -newest -##uga -constraints -Screen -Issue -##RNA -##vil -reminder -##gles -addiction -piercing -stunning -var -##rita -Signal -accumulated -##wide -float -devastating -viable -cartoons -Uttar -flared -##encies -Theology -patents -##bahn -privileges -##ava -##CO -137 -##oped -##NT -orchestral -medication -225 -erect -Nadia -École -fried -Sales -scripts -##rease -airs -Cage -inadequate -structured -countless -Avengers -Kathy -disguise -mirrors -Investigation -reservation -##nson -Legends -humorous -Mona -decorations -attachment -Via -motivation -Browne -strangers -##ński -Shadows -Twins -##pressed -Alma -Nominated -##ott -Sergio -canopy -152 -Semifinals -devised -##irk -upwards -Traffic -Goddess -Move -beetles -138 -spat -##anne -holdings -##SP -tangled -Whilst -Fowler -anthem -##ING -##ogy -snarled -moonlight -songwriting -tolerance -Worlds -exams -##pia -notices -sensitivity -poetic -Stephens -Boone -insect -reconstructed -Fresh -27th -balloon -##ables -Brendan -mug -##gee -1780 -apex -exports -slides -Lahore -hiring -Shell -electorate -sexuality -poker -nonprofit -##imate -cone -##uce -Okinawa -superintendent -##HC -referenced -turret -Sprint -Citizen -equilibrium -Stafford -curb -Driver -Valerie -##rona -aching -impacts -##bol -observers -Downs -Shri -##uth -airports -##uda -assignments -curtains -solitary -icon -patrols -substances -Jasper -mountainous -Published -ached -##ingly -announce -dove -damaging -##tism -Primera -Dexter -limiting -batch -##uli -undergoing -refugee -Ye -admiral -pavement -##WR -##reed -pipeline -desires -Ramsey -Sheila -thickness -Brotherhood -Tea -instituted -Belt -Break -plots -##ais -masculine -##where -Theo -##aged -##mined -Experience -scratched -Ethiopian -Teaching -##nov -Aiden -Abe -Samoa -conditioning -##mous -Otherwise -fade -Jenks -##encing -Nat -##lain -Anyone -##kis -smirk -Riding -##nny -Bavarian -blessed -potatoes -Hook -##wise -likewise -hardened -Merry -amid -persecution -##sten -Elections -Hoffman -Pitt -##vering -distraction -exploitation -infamous -quote -averaging -healed -Rhythm -Germanic -Mormon -illuminated -guides -##ische -interfere -##ilized -rector -perennial -##ival -Everett -courtesy -##nham -Kirby -Mk -##vic -Medieval -##tale -Luigi -limp -##diction -Alive -greeting -shove -##force -##fly -Jasmine -Bend -Capt -Suzanne -ditch -134 -##nning -Host -fathers -rebuilding -Vocal -wires -##manship -tan -Factor -fixture -##LS -Māori -Plate -pyramid -##umble -slap -Schneider -yell -##ulture -##tional -Goodbye -sore -##pher -depressed -##dox -pitching -Find -Lotus -##wang -strand -Teen -debates -prevalent -##bilities -exposing -hears -billed -##rse -reorganized -compelled -disturbing -displaying -##tock -Clinical -emotionally -##iah -Derbyshire -grouped -##quel -Bahrain -Journalism -IN -persistent -blankets -Crane -camping -Direct -proving -Lola -##dding -Corporate -birthplace -##boats -##ender -Figure -dared -Assam -precursor -##nched -Tribe -Restoration -slate -Meyrick -hunted -stroking -Earlier -Kind -polls -appeals -monetary -##reate -Kira -Langdon -explores -GPS -extensions -squares -Results -draped -announcer -merit -##ennial -##tral -##roved -##cion -robots -supervisor -snorted -##group -Cannon -procession -monkey -freeze -sleeves -Nile -verdict -ropes -firearms -extraction -tensed -EC -Saunders -##tches -diamonds -Marriage -##amble -curling -Amazing -##haling -unrelated -##roads -Daughter -cum -discarded -kidney -cliffs -forested -Candy -##lap -authentic -tablet -notation -##nburg -Bulldogs -Callum -Meet -mouths -coated -##xe -Truman -combinations -##mation -Steelers -Fan -Than -paternal -##father -##uti -Rebellion -inviting -Fun -theatres -##ي -##rom -curator -##cision -networking -Oz -drought -##ssel -granting -MBA -Shelby -Elaine -jealousy -Kyoto -shores -signaling -tenants -debated -Intermediate -Wise -##hes -##pu -Havana -duke -vicious -exited -servers -Nonetheless -Reports -explode -##beth -Nationals -offerings -Oval -conferred -eponymous -folklore -##NR -Shire -planting -1783 -Zeus -accelerated -Constable -consuming -troubles -McCartney -texture -bust -Immigration -excavated -hopefully -##cession -##coe -##name -##ully -lining -Einstein -Venezuelan -reissued -minorities -Beatrice -crystals -##nies -circus -lava -Beirut -extinction -##shu -Becker -##uke -issuing -Zurich -extract -##esta -##rred -regulate -progression -hut -alcoholic -plea -AB -Norse -Hubert -Mansfield -ashamed -##put -Bombardment -stripes -electrons -Denise -horrified -Nor -arranger -Hay -Koch -##ddling -##iner -Birthday -Josie -deliberate -explorer -##jiang -##signed -Arrow -wiping -satellites -baritone -mobility -##rals -Dorset -turbine -Coffee -185 -##lder -Cara -Colts -pits -Crossing -coral -##birth -Tai -zombie -smoothly -##hp -mates -##ady -Marguerite -##tary -puzzled -tapes -overly -Sonic -Prayer -Thinking -##uf -IEEE -obligation -##cliffe -Basil -redesignated -##mmy -nostrils -Barney -XIII -##phones -vacated -unused -Berg -##roid -Towards -viola -136 -Event -subdivided -rabbit -recruiting -##nery -Namibia -##16 -##ilation -recruits -Famous -Francesca -##hari -Goa -##lat -Karachi -haul -biblical -##cible -MGM -##rta -horsepower -profitable -Grandma -importantly -Martinez -incoming -##kill -beneficial -nominal -praying -##isch -gable -nail -noises -##ttle -Polytechnic -rub -##cope -Thor -audition -erotic -##ending -##iano -Ultimately -armoured -##mum -presently -pedestrian -##tled -Ipswich -offence -##ffin -##borne -Flemish -##hman -echo -##cting -auditorium -gentlemen -winged -##tched -Nicaragua -Unknown -prosperity -exhaust -pie -Peruvian -compartment -heights -disabilities -##pole -Harding -Humphrey -postponed -moths -Mathematical -Mets -posters -axe -##nett -Nights -Typically -chuckle -councillors -alternating -141 -Norris -##ately -##etus -deficit -dreaming -cooler -oppose -Beethoven -##esis -Marquis -flashlight -headache -investor -responding -appointments -##shore -Elias -ideals -shades -torch -lingering -##real -pier -fertile -Diploma -currents -Snake -##horse -##15 -Briggs -##ota -##hima -##romatic -Coastal -Kuala -ankles -Rae -slice -Hilton -locking -Approximately -Workshop -Niagara -strangely -##scence -functionality -advertisement -Rapid -Anders -ho -Soviets -packing -basal -Sunderland -Permanent -##fting -rack -tying -Lowell -##ncing -Wizard -mighty -tertiary -pencil -dismissal -torso -grasped -##yev -Sand -gossip -##nae -Beer -implementing -##19 -##riya -Fork -Bee -##eria -Win -##cid -sailor -pressures -##oping -speculated -Freddie -originating -##DF -##SR -##outh -28th -melt -Brenda -lump -Burlington -USC -marginal -##bine -Dogs -swamp -cu -Ex -uranium -metro -spill -Pietro -seize -Chorus -partition -##dock -##media -engineered -##oria -conclusions -subdivision -##uid -Illustrated -Leading -##hora -Berkshire -definite -##books -##cin -##suke -noun -winced -Doris -dissertation -Wilderness -##quest -braced -arbitrary -kidnapping -Kurdish -##but -clearance -excavations -wanna -Allmusic -insult -presided -yacht -##SM -Honour -Tin -attracting -explosives -Gore -Bride -##ience -Packers -Devils -Observer -##course -Loser -##erry -##hardt -##mble -Cyrillic -undefeated -##stra -subordinate -##ame -Wigan -compulsory -Pauline -Cruise -Opposition -##ods -Period -dispersed -expose -##60 -##has -Certain -Clerk -Wolves -##hibition -apparatus -allegiance -orbital -justified -thanked -##ević -Biblical -Carolyn -Graves -##tton -Hercules -backgrounds -replica -1788 -aquatic -Mega -Stirling -obstacles -filing -Founder -vowels -Deborah -Rotterdam -surpassed -Belarusian -##ologists -Zambia -Ren -Olga -Alpine -bi -councillor -Oaks -Animals -eliminating -digit -Managing -##GE -laundry -##rdo -presses -slamming -Tudor -thief -posterior -##bas -Rodgers -smells -##ining -Hole -SUV -trombone -numbering -representations -Domingo -Paralympics -cartridge -##rash -Combined -shelves -Kraków -revision -##frame -Sánchez -##tracted -##bler -Alain -townships -sic -trousers -Gibbs -anterior -symmetry -vaguely -Castile -IRA -resembling -Penguin -##ulent -infections -##stant -raped -##pressive -worrying -brains -bending -JR -Evidence -Venetian -complexes -Jonah -850 -exported -Ambrose -Gap -philanthropist -##atus -Marxist -weighing -##KO -##nath -Soldiers -chiefs -reject -repeating -shaky -Zürich -preserving -##xin -cigarettes -##break -mortar -##fin -Already -reproduction -socks -Waiting -amazed -##aca -dash -##path -Airborne -##harf -##get -descending -OBE -Sant -Tess -Lucius -enjoys -##ttered -##ivation -##ete -Leinster -Phillies -execute -geological -unfinished -Courts -SP -Beaver -Duck -motions -Platinum -friction -##aud -##bet -Parts -Stade -entirety -sprang -Smithsonian -coffin -prolonged -Borneo -##vise -unanimously -##uchi -Cars -Cassandra -Australians -##CT -##rgen -Louisa -spur -Constance -##lities -Patent -racism -tempo -##ssion -##chard -##nology -##claim -Million -Nichols -##dah -Numerous -ing -Pure -plantations -donor -##EP -##rip -convenience -##plate -dots -indirect -##written -Dong -failures -adapt -wizard -unfortunately -##gion -practitioners -economically -Enrique -unchanged -kingdoms -refined -definitions -lazy -worries -railing -##nay -Kaiser -##lug -cracks -sells -ninety -##WC -Directed -denotes -developmental -papal -unfortunate -disappointing -sixteenth -Jen -##urier -NWA -drifting -Horror -##chemical -behaviors -bury -surfaced -foreigners -slick -AND -##rene -##ditions -##teral -scrap -kicks -comprise -buddy -##anda -Mental -##ype -Dom -wines -Limerick -Luca -Rand -##won -Tomatoes -homage -geometric -##nted -telescope -Shelley -poles -##fan -shareholders -Autonomous -cope -intensified -Genoa -Reformation -grazing -##tern -Zhao -provisional -##bies -Con -##riel -Cynthia -Raleigh -vivid -threaten -Length -subscription -roses -Müller -##isms -robin -##tial -Laos -Stanton -nationalism -##clave -##ND -##17 -##zz -staging -Busch -Cindy -relieve -##spective -packs -neglected -CBE -alpine -Evolution -uneasy -coastline -Destiny -Barber -Julio -##tted -informs -unprecedented -Pavilion -##bei -##ference -betrayal -awaiting -leaked -V8 -puppet -adverse -Bourne -Sunset -collectors -##glass -##sque -copied -Demon -conceded -resembled -Rafe -Levy -prosecutor -##ject -flora -manned -deaf -Mosque -reminds -Lizzie -Products -Funny -cassette -congress -##rong -Rover -tossing -prompting -chooses -Satellite -cautiously -Reese -##UT -Huang -Gloucestershire -giggled -Kitty -##å -Pleasant -Aye -##ond -judging -1860s -intentionally -Hurling -aggression -##xy -transfers -employing -##fies -##oda -Archibald -Blessed -Ski -flavor -Rosie -##burgh -sunset -Scholarship -WC -surround -ranged -##jay -Degree -Houses -squeezing -limb -premium -Leningrad -steals -##inated -##ssie -madness -vacancy -hydraulic -Northampton -##prise -Marks -Boxing -##fying -academics -##lich -##TY -CDs -##lma -hardcore -monitors -paperback -cables -Dimitri -upside -advent -Ra -##clusive -Aug -Christchurch -objected -stalked -Simple -colonists -##laid -CT -discusses -fellowship -Carnival -cares -Miracle -pastoral -rooted -shortage -borne -Quentin -meditation -tapping -Novel -##ades -Alicia -Burn -famed -residency -Fernández -Johannesburg -Zhu -offended -Mao -outward -##inas -XV -denial -noticing -##ís -quarry -##hound -##amo -Bernie -Bentley -Joanna -mortgage -##rdi -##sumption -lenses -extracted -depiction -##RE -Networks -Broad -Revenue -flickered -virgin -flanked -##о -Enterprises -probable -Liberals -Falcons -drowning -phrases -loads -assumes -inhaled -awe -logs -slightest -spiders -waterfall -##pate -rocking -shrub -##uil -roofs -##gard -prehistoric -wary -##rak -TO -clips -sustain -treason -microphone -voter -Lamb -psychologist -wrinkled -##ères -mating -Carrier -340 -##lbert -sensing -##rino -destiny -distract -weaker -UC -Nearly -neurons -spends -Apache -##rem -genuinely -wells -##lanted -stereo -##girl -Lois -Leaving -consul -fungi -Pier -Cyril -80s -Jungle -##tani -illustration -Split -##hana -Abigail -##patrick -1787 -diminished -Selected -packaging -##EG -Martínez -communal -Manufacturing -sentiment -143 -unwilling -praising -Citation -pills -##iti -##rax -muffled -neatly -workforce -Yep -leisure -Tu -##nding -Wakefield -ancestral -##uki -destructive -seas -Passion -showcase -##ceptive -heroic -142 -exhaustion -Customs -##aker -Scholar -sliced -##inian -Direction -##OW -Swansea -aluminium -##eep -ceramic -McCoy -Career -Sector -chartered -Damascus -pictured -Interest -stiffened -Plateau -obsolete -##tant -irritated -inappropriate -overs -##nko -bail -Talent -Sur -ours -##nah -barred -legged -sociology -Bud -dictionary -##luk -Cover -obey -##oring -annoying -##dong -apprentice -Cyrus -Role -##GP -##uns -##bag -Greenland -Porsche -Rocket -##32 -organism -##ntary -reliability -##vocation -##й -Found -##hine -motors -promoter -unfair -##oms -##note -distribute -eminent -rails -appealing -chiefly -meaningful -Stephan -##rehension -Consumer -psychiatric -bowler -saints -##iful -##н -1777 -Pol -Dorian -Townsend -hastily -##jima -Quincy -Sol -fascinated -Scarlet -alto -Avon -certainty -##eding -Keys -##chu -Chu -##VE -ions -tributaries -Thanksgiving -##fusion -astronomer -oxide -pavilion -Supply -Casa -Bollywood -sadly -mutations -Keller -##wave -nationals -##rgo -##ym -predict -Catholicism -Vega -##eration -##ums -Mali -tuned -Lankan -Plans -radial -Bosnian -Lexi -##14 -##ü -sacks -unpleasant -Empty -handles -##taking -Bon -switches -intently -tuition -antique -##jk -fraternity -notebook -Desmond -##sei -prostitution -##how -deed -##OP -501 -Somewhere -Rocks -##mons -campaigned -frigate -gases -suppress -##hang -Merlin -Northumberland -dominate -expeditions -thunder -##ups -##rical -Cap -thorough -Ariel -##kind -renewable -constructing -pacing -terrorists -Bowen -documentaries -westward -##lass -##nage -Merchant -##ued -Beaumont -Din -##hian -Danube -peasant -Garrison -encourages -gratitude -reminding -stormed -##ouse -pronunciation -##ailed -Weekend -suggestions -##ffing -##DI -Active -Colombo -##logists -Merrill -##cens -Archaeological -Medina -captained -##yk -duel -cracking -Wilkinson -Guam -pickup -renovations -##ël -##izer -delighted -##iri -Weaver -##ctional -tens -##hab -Clint -##usion -##each -petals -Farrell -##sable -caste -##will -Ezra -##qi -##standing -thrilled -ambush -exhaled -##SU -Resource -blur -forearm -specifications -contingent -cafe -##iology -Antony -fundraising -grape -##rgy -turnout -##udi -Clifton -laboratories -Irvine -##opus -##lid -Monthly -Bihar -statutory -Roses -Emil -##rig -lumber -optimal -##DR -pumps -plaster -Mozambique -##aco -nightclub -propelled -##hun -ked -surplus -wax -##urai -pioneered -Sunny -imprint -Forget -Eliot -approximate -patronage -##bek -##ely -##mbe -Partnership -curl -snapping -29th -Patriarch -##jord -seldom -##ature -astronomy -Bremen -XIV -airborne -205 -1778 -recognizing -stranded -arrogant -bombardment -destined -ensured -146 -robust -Davenport -Interactive -Offensive -Fi -prevents -probe -propeller -sorrow -Blade -mounting -automotive -##dged -wallet -201 -lashes -Forrest -##ift -Cell -Younger -shouts -##cki -folds -##chet -Epic -yields -homosexual -tunes -##minate -##text -Manny -chemist -hindwings -##urn -pilgrimage -##sfield -##riff -MLS -##rive -Huntington -translates -Path -slim -##ndra -##oz -climax -commuter -desperation -##reet -denying -##rious -daring -seminary -polo -##clamation -Teatro -Torah -Cats -identities -Poles -photographed -fiery -popularly -##cross -winters -Hesse -##vio -Nurse -Senegal -Salon -prescribed -justify -##gues -##и -##orted -HQ -##hiro -evaluated -momentarily -##unts -Debbie -##licity -##TP -Mighty -Rabbit -##chal -Events -Savoy -##ht -Brandenburg -Bordeaux -##laus -Release -##IE -##kowski -1900s -SK -Strauss -##aly -Sonia -Updated -synagogue -McKay -flattened -370 -clutch -contests -toast -evaluate -pope -heirs -jam -tutor -reverted -##ading -nonsense -hesitate -Lars -Ceylon -Laurie -##guchi -accordingly -customary -148 -Ethics -Multiple -instincts -IGN -##ä -bullshit -##hit -##par -desirable -##ducing -##yam -alias -ashore -licenses -##lification -misery -147 -Cola -assassinated -fiercely -##aft -las -goat -substrate -lords -Cass -Bridges -ICC -lasts -sights -reproductive -##asi -Ivory -Clean -fixing -##lace -seeming -aide -1850s -harassment -##FF -##LE -reasonably -##coat -##cano -NYC -1784 -Fifty -immunity -Canadians -Cheng -comforting -meanwhile -##tera -##blin -breeds -glowed -##vour -Aden -##verted -##aded -##oral -neat -enforced -poisoning -##ews -##hone -enforce -predecessors -survivor -Month -unfamiliar -pierced -waived -dump -responds -Mai -Declan -angular -Doesn -interpretations -##yar -invest -Dhaka -policeman -Congregation -Eighth -painfully -##este -##vior -Württemberg -##cles -blockade -encouragement -##fie -Caucasus -Malone -Universidad -utilize -Nissan -inherent -151 -agreeing -syllable -determines -Protocol -conclude -##gara -40th -Xu -Taiwanese -##ather -boiler -printer -Lacey -titular -Klaus -Fallon -Wembley -fox -Chandra -Governorate -obsessed -##Ps -micro -##25 -Cooke -gymnasium -weaving -Shall -Hussein -glaring -softball -Reader -Dominion -Trouble -varsity -Cooperation -Chaos -Kang -Kramer -Eisenhower -proves -Connie -consortium -governors -Bethany -opener -Normally -Willy -linebacker -Regent -Used -AllMusic -Twilight -##shaw -Companion -Tribunal -simpler -##gam -Experimental -Slovenian -cellar -deadline -trout -Hubbard -ads -idol -##hetto -Granada -clues -salmon -1700 -Omega -Caldwell -softened -Bills -Honolulu -##gn -Terrace -suitcase -##IL -frantic -##oons -Abbot -Sitting -Fortress -Riders -sickness -enzymes -trustee -Bern -forged -##13 -##ruff -##rl -##versity -inspector -champagne -##held -##FI -hereditary -Taliban -handball -##wine -Sioux -##dicated -honoured -139 -##tude -Skye -meanings -##rkin -cardiac -analyzed -vegetable -##FS -Royals -dial -freelance -##fest -partisan -petroleum -ridden -Lincolnshire -panting -##comb -presidents -Haley -##chs -contributes -Jew -discoveries -panicked -Woody -eyelids -Fate -Tulsa -mg -whiskey -zombies -Wii -##udge -investigators -##bull -centred -##screen -Bone -Lana -##oise -forts -##ske -Conan -Lyons -##writing -SH -##ride -rhythmic -154 -##llah -pioneers -##bright -captivity -Sanchez -Oman -##mith -Flint -Platform -##ioned -emission -packet -Persia -##formed -takeover -tempted -Vance -Few -Toni -receptions -##ن -exchanges -Camille -whale -Chronicles -##rent -##ushing -##rift -Alto -Genus -##asing -onward -foremost -longing -Rockefeller -containers -##cribe -intercepted -##olt -pleading -Bye -bee -##umbling -153 -undertake -Izzy -cheaper -Ultra -validity -##pse -Sa -hovering -##pert -vintage -engraved -##rise -farmland -##ever -##ifier -Atlantis -propose -Catalonia -plunged -##edly -demonstrates -gig -##cover -156 -Osborne -cowboy -herd -investigator -loops -Burning -rests -Instrumental -embarrassing -focal -install -readings -swirling -Chatham -parameter -##zin -##holders -Mandarin -Moody -converting -Escape -warnings -##chester -incarnation -##ophone -adopting -##lins -Cromwell -##laws -Axis -Verde -Kappa -Schwartz -Serbs -caliber -Wanna -Chung -##ality -nursery -principally -Bulletin -likelihood -logging -##erty -Boyle -supportive -twitched -##usive -builds -Marseille -omitted -motif -Lands -##lusion -##ssed -Barrow -Airfield -Harmony -WWF -endured -merging -convey -branding -examinations -167 -Italians -##dh -dude -1781 -##teau -crawling -thoughtful -clasped -concluding -brewery -Moldova -Wan -Towers -Heidelberg -202 -##ict -Lagos -imposing -##eval -##serve -Bacon -frowning -thirteenth -conception -calculations -##ович -##mile -##ivated -mutation -strap -##lund -demographic -nude -perfection -stocks -##renched -##dit -Alejandro -bites -fragment -##hack -##rchy -GB -Surgery -Berger -punish -boiling -consume -Elle -Sid -Dome -relies -Crescent -treasurer -Bloody -1758 -upheld -Guess -Restaurant -signatures -font -millennium -mural -stakes -Abel -hailed -insists -Alumni -Breton -##jun -digits -##FM -##thal -Talking -motive -reigning -babe -masks -##ø -Shaun -potato -sour -whitish -Somali -##derman -##rab -##wy -chancel -telecommunications -Noise -messenger -tidal -grinding -##ogenic -Rebel -constituent -peripheral -recruitment -##ograph -##tler -pumped -Ravi -poked -##gley -Olive -diabetes -discs -liking -sting -fits -stir -Mari -Sega -creativity -weights -Macau -mandated -Bohemia -disastrous -Katrina -Baku -Rajasthan -waiter -##psis -Siberia -verbs -##truction -patented -1782 -##ndon -Relegated -Hunters -Greenwood -Shock -accusing -skipped -Sessions -markers -subset -monumental -Viola -comparative -Alright -Barbados -setup -Session -standardized -##ík -##sket -appoint -AFB -Nationalist -##WS -Troop -leaped -Treasure -goodness -weary -originates -100th -compassion -expresses -recommend -168 -composing -seventeenth -Tex -Atlético -bald -Finding -Presidency -Sharks -favoured -inactive -##lter -suffix -princes -brighter -##ctus -classics -defendants -culminated -terribly -Strategy -evenings -##ção -##iver -##urance -absorb -##rner -Territories -RBI -soothing -Martín -concurrently -##tr -Nicholson -fibers -swam -##oney -Allie -Algerian -Dartmouth -Mafia -##bos -##tts -Councillor -vocabulary -##bla -##lé -intending -##dler -Guerrero -sunshine -pedal -##TO -administrators -periodic -scholarships -Loop -Madeline -exaggerated -##ressed -Regan -##cellular -Explorer -##oids -Alexandre -vows -Reporter -Unable -Average -absorption -##bedience -Fortunately -Auxiliary -Grandpa -##HP -##ovo -potent -temporal -adrenaline -##udo -confusing -guiding -Dry -qualifications -joking -wherein -heavyweight -##ices -nightmares -pharmaceutical -Commanding -##aled -##ove -Gregor -##UP -censorship -degradation -glorious -Austro -##rench -380 -Miriam -sped -##orous -offset -##KA -fined -specialists -Pune -João -##dina -propped -fungus -##ς -frantically -Gabrielle -Hare -committing -##plied -Ask -Wilmington -stunt -numb -warmer -preacher -earnings -##lating -integer -##ija -federation -homosexuality -##cademia -epidemic -grumbled -shoving -Milk -Satan -Tobias -innovations -##dington -geology -memoirs -##IR -spared -culminating -Daphne -Focus -severed -stricken -Paige -Mans -flats -Russo -communes -litigation -strengthening -##powered -Staffordshire -Wiltshire -Painting -Watkins -##د -specializes -Select -##rane -##aver -Fulton -playable -##VN -openings -sampling -##coon -##21 -Allah -travelers -allocation -##arily -Loch -##hm -commentators -fulfilled -##troke -Emeritus -Vanderbilt -Vijay -pledged -##tative -diagram -drilling -##MD -##plain -Edison -productivity -31st -##rying -##ption -##gano -##oration -##bara -posture -bothering -platoon -politely -##inating -redevelopment -Job -##vale -stark -incorrect -Mansion -renewal -threatens -Bahamas -fridge -##tata -Uzbekistan -##edia -Sainte -##mio -gaps -neural -##storm -overturned -Preservation -shields -##ngo -##physics -ah -gradual -killings -##anza -consultation -premiership -Felipe -coincidence -##ène -##any -Handbook -##loaded -Edit -Guns -arguably -##ş -compressed -depict -seller -##qui -Kilkenny -##kling -Olympia -librarian -##acles -dramas -JP -Kit -Maj -##lists -proprietary -##nged -##ettes -##tok -exceeding -Lock -induction -numerical -##vist -Straight -foyer -imaginary -##pop -violinist -Carla -bouncing -##ashi -abolition -##uction -restoring -scenic -##č -Doom -overthrow -para -##vid -##ughty -Concord -HC -cocaine -deputies -##aul -visibility -##wart -Kapoor -Hutchinson -##agan -flashes -kn -decreasing -##ronology -quotes -vain -satisfying -##iam -##linger -310 -Hanson -fauna -##zawa -##rrel -Trenton -##VB -Employment -vocational -Exactly -bartender -butterflies -tow -##chers -##ocks -pigs -merchandise -##game -##pine -Shea -##gration -Connell -Josephine -monopoly -##dled -Cobb -warships -cancellation -someday -stove -##Cs -candidacy -superhero -unrest -Toulouse -admiration -undergone -whirled -Reconnaissance -costly -##ships -290 -Cafe -amber -Tory -##mpt -definitive -##dress -proposes -redesigned -acceleration -##asa -##raphy -Presley -exits -Languages -##cel -Mode -spokesperson -##tius -Ban -forthcoming -grounded -ACC -compelling -logistics -retailers -abused -##gating -soda -##yland -##lution -Landmark -XVI -blush -##tem -hurling -dread -Tobago -Foley -##uad -scenarios -##mentation -##rks -Score -fatigue -hairy -correspond -##iard -defences -confiscated -##rudence -1785 -Formerly -Shot -advertised -460 -Text -ridges -Promise -Dev -exclusion -NHS -tuberculosis -rockets -##offs -sparkling -256 -disappears -mankind -##hore -HP -##omo -taxation -Multi -DS -Virgil -##ams -Dell -stacked -guessing -Jump -Nope -cheer -hates -ballots -overlooked -analyses -Prevention -maturity -dos -##cards -##lect -Mare -##yssa -Petty -##wning -differing -iOS -##ior -Joachim -Sentinel -##nstein -90s -Pamela -480 -Asher -##lary -Vicente -landings -portray -##rda -##xley -Virtual -##uary -finances -Jain -Somebody -Tri -behave -Michele -##ider -dwellings -FAA -Gallagher -##lide -Monkey -195 -aforementioned -##rism -##bey -##kim -##puted -Mesa -hopped -unopposed -recipients -Reality -Been -gritted -149 -playground -pillar -##rone -Guinness -##tad -Théâtre -depended -Tipperary -Reuben -frightening -wooded -Target -globally -##uted -Morales -Baptiste -drunken -Institut -characterised -##chemistry -Strip -discrete -Premiership -##zzling -gazing -Outer -##quisition -Sikh -Booker -##yal -contemporaries -Jericho -##chan -##physical -##witch -Militia -##rez -##zard -dangers -##utter -##₀ -Programs -darling -participates -railroads -##ienne -behavioral -bureau -##rook -161 -Hicks -##rises -Comes -inflicted -bees -kindness -norm -##ković -generators -##pard -##omy -##ili -methodology -Alvin -façade -latitude -##plified -DE -Morse -##mered -educate -intersects -##MF -##cz -##vated -AL -##graded -##fill -constitutes -artery -feudal -avant -cautious -##ogue -immigrated -##chenko -Saul -Clinic -Fang -choke -Cornelius -flexibility -temperate -pins -##erson -oddly -inequality -157 -Natasha -Sal -##uter -215 -aft -blinking -##ntino -northward -Exposition -cookies -Wedding -impulse -Overseas -terrifying -##ough -Mortimer -##see -440 -https -og -imagining -##cars -Nicola -exceptionally -threads -##cup -Oswald -Provisional -dismantled -deserves -1786 -Fairy -discourse -Counsel -departing -Arc -guarding -##orse -420 -alterations -vibrant -Em -squinted -terrace -rowing -Led -accessories -SF -Sgt -cheating -Atomic -##raj -Blackpool -##iary -boarded -substituted -bestowed -lime -kernel -##jah -Belmont -shaken -sticky -retrospective -Louie -migrants -weigh -sunglasses -thumbs -##hoff -excavation -##nks -Extra -Polo -motives -Drum -infrared -tastes -berth -verge -##stand -programmed -warmed -Shankar -Titan -chromosome -cafeteria -dividing -pepper -CPU -Stevie -satirical -Nagar -scowled -Died -backyard -##gata -##reath -##bir -Governors -portraying -##yah -Revenge -##acing -1772 -margins -Bahn -OH -lowland -##razed -catcher -replay -##yoshi -Seriously -##licit -Aristotle -##ald -Habsburg -weekday -Secretariat -CO -##dly -##joy -##stad -litre -ultra -##cke -Mongol -Tucson -correlation -compose -traps -Groups -Hai -Salvatore -##dea -cents -##eese -concession -clash -Trip -Panzer -Moroccan -cruisers -torque -Ba -grossed -##arate -restriction -concentrating -FDA -##Leod -##ones -Scholars -##esi -throbbing -specialised -##heses -Chicken -##fia -##ificant -Erich -Residence -##trate -manipulation -namesake -##tom -Hoover -cue -Lindsey -Lonely -275 -##HT -combustion -subscribers -Punjabi -respects -Jeremiah -penned -##gor -##rilla -suppression -##tration -Crimson -piston -Derry -crimson -lyrical -oversee -portrays -CF -Districts -Lenin -Cora -searches -clans -VHS -##hel -Jacqueline -Redskins -Clubs -desktop -indirectly -alternatives -marijuana -suffrage -##smos -Irwin -##liff -Process -##hawks -Sloane -##bson -Sonata -yielded -Flores -##ares -armament -adaptations -integrate -neighbours -shelters -##tour -Skinner -##jet -##tations -1774 -Peterborough -##elles -ripping -Liang -Dickinson -charities -Rwanda -monasteries -crossover -racist -barked -guerrilla -##ivate -Grayson -##iques -##vious -##got -Rolls -denominations -atom -affinity -##delity -Wish -##inted -##inae -interrogation -##cey -##erina -##lifting -192 -Sands -1779 -mast -Likewise -##hyl -##oft -contempt -##por -assaulted -fills -establishments -Mal -consulted -##omi -##sight -greet -##roma -##egan -Pulitzer -##rried -##dius -##ractical -##voked -Hasan -CB -##zzy -Romanesque -Panic -wheeled -recorder -##tters -##warm -##gly -botanist -Balkan -Lockheed -Polly -farewell -suffers -purchases -Eaton -##80 -Quick -commenting -Saga -beasts -hides -motifs -##icks -Alonso -Springer -Wikipedia -circulated -encoding -jurisdictions -snout -UAE -Integrated -unmarried -Heinz -##lein -##figured -deleted -##tley -Zen -Cycling -Fuel -Scandinavian -##rants -Conner -reef -Marino -curiously -lingered -Gina -manners -activism -Mines -Expo -Micah -promotions -Server -booked -derivatives -eastward -detailing -reelection -##chase -182 -Campeonato -Po -158 -Peel -winger -##itch -canyon -##pit -LDS -A1 -##shin -Giorgio -pathetic -##rga -##mist -Aren -##lag -confronts -motel -textbook -shine -turbines -1770 -Darcy -##cot -Southeastern -##lessness -Banner -recognise -stray -Kitchen -paperwork -realism -Chrysler -filmmakers -fishermen -##hetic -variously -Vishnu -fiddle -Eddy -Origin -##tec -##ulin -Flames -Rs -bankrupt -Extreme -Pomeranian -##emption -ratified -##iu -jockey -Stratford -##ivating -##oire -Babylon -pardon -AI -affordable -deities -disturbance -Trying -##sai -Ida -Papers -advancement -70s -archbishop -Luftwaffe -announces -tugging -##lphin -##sistence -##eel -##ishes -ambition -aura -##fled -##lected -##vue -Prasad -boiled -clarity -Violin -investigative -routing -Yankee -##uckle -McMahon -bugs -eruption -##rooms -Minutes -relics -##ckle -##nse -sipped -valves -weakly -##ital -Middleton -collided -##quer -bamboo -insignia -Tyne -exercised -Ninth -echoing -polynomial -considerations -lunged -##bius -objections -complain -disguised -plaza -##VC -institutes -Judicial -ascent -imminent -Waterford -hello -Lumpur -Niger -Goldman -vendors -Kensington -Wren -browser -##bner -##tri -##mize -##pis -##lea -Cheyenne -Bold -Settlement -Hollow -Paralympic -axle -##toire -##actic -impose -perched -utilizing -slips -Benz -Michaels -manipulate -Chiang -##mian -Dolphins -prohibition -attacker -ecology -Estadio -##SB -##uild -attracts -recalls -glacier -lad -##rima -Barlow -kHz -melodic -##aby -##iracy -assumptions -Cornish -##aru -DOS -Maddie -##mers -lyric -Luton -nm -##tron -Reno -Fin -YOU -Broadcast -Finch -sensory -##bent -Jeep -##uman -additionally -Buildings -businessmen -treaties -235 -Stranger -gateway -Charlton -accomplishments -Diary -apologized -zinc -histories -supplier -##tting -162 -asphalt -Treatment -Abbas -##pating -##yres -Bloom -sedan -soloist -##cum -antagonist -denounced -Fairfax -##aving -##enko -noticeable -Budget -Buckingham -Snyder -retreating -Jai -spoon -invading -giggle -woven -gunfire -arrests -##vered -##come -respiratory -violet -##aws -Byrd -shocking -tenant -Jamaican -Ottomans -Seal -theirs -##isse -##48 -cooperate -peering -##nius -163 -Composer -organist -Mongolian -Bauer -Spy -collects -prophecy -congregations -##moor -Brick -calculation -fixtures -exempt -##dden -Ada -Thousand -##lue -tracing -##achi -bodyguard -vicar -supplying -Łódź -interception -monitored -##heart -Paso -overlap -annoyance -##dice -yellowish -stables -elders -illegally -honesty -##oar -skinny -spinal -##puram -Bourbon -##cor -flourished -Medium -##stics -##aba -Follow -##ckey -stationary -##scription -dresser -scrutiny -Buckley -Clearly -##SF -Lyrics -##heimer -drying -Oracle -internally -rains -##last -Enemy -##oes -McLean -Ole -phosphate -Rosario -Rifles -##mium -battered -Pepper -Presidents -conquer -Château -castles -##aldo -##ulf -Depending -Lesser -Boom -trades -Peyton -164 -emphasize -accustomed -SM -Ai -Classification -##mins -##35 -##rons -leak -piled -deeds -lush -##self -beginnings -breathless -1660 -McGill -##ago -##chaft -##gies -humour -Bomb -securities -Might -##zone -##eves -Matthias -Movies -Levine -vengeance -##ads -Challenger -Misty -Traditionally -constellation -##rass -deepest -workplace -##oof -##vina -impatient -##ML -Mughal -Alessandro -scenery -Slater -postseason -troupe -##ń -Volunteers -Facility -militants -Reggie -sanctions -Expeditionary -Nam -countered -interpret -Basilica -coding -expectation -Duffy -def -Tong -wakes -Bowling -Vehicle -Adler -salad -intricate -stronghold -medley -##uries -##bur -joints -##rac -##yx -##IO -Ordnance -Welch -distributor -Ark -cavern -trench -Weiss -Mauritius -decreases -docks -eagerly -irritation -Matilda -biographer -Visiting -##marked -##iter -##ear -##gong -Moreno -attendant -Bury -instrumentation -theologian -clit -nuns -symphony -translate -375 -loser -##user -##VR -##meter -##orious -harmful -##yuki -Commissioners -Mendoza -sniffed -Hulk -##dded -##ulator -##nz -Donnell -##eka -deported -Met -SD -Aerospace -##cultural -##odes -Fantastic -cavity -remark -emblem -fearing -##iance -ICAO -Liberia -stab -##yd -Pac -Gymnasium -IS -Everton -##vanna -mantle -##ief -Ramon -##genic -Shooting -Smoke -Random -Africans -MB -tavern -bargain -voluntarily -Ion -Peoples -Rusty -attackers -Patton -sins -##cake -Hat -moderately -##hala -##alia -requesting -mechanic -##eae -Seine -Robbins -##ulum -susceptible -Bravo -Slade -Strasbourg -rubble -entrusted -Creation -##amp -smoothed -##uintet -evenly -reviewers -skip -Sculpture -177 -Rough -##rrie -Reeves -##cede -Administrator -garde -minus -carriages -grenade -Ninja -fuscous -##kley -Punk -contributors -Aragon -Tottenham -##cca -##sir -VA -laced -dealers -##sonic -crisp -harmonica -Artistic -Butch -Andes -Farmers -corridors -unseen -##tium -Countries -Lone -envisioned -Katy -##lang -##cc -Quarterly -##neck -consort -##aceae -bidding -Corey -concurrent -##acts -##gum -Highness -##lient -##rators -arising -##unta -pathways -49ers -bolted -complaining -ecosystem -libretto -Ser -narrated -212 -Soft -influx -##dder -incorporation -plagued -tents -##ddled -1750 -Risk -citation -Tomas -hostilities -seals -Bruins -Dominique -attic -competent -##UR -##cci -hugging -Breuning -bacterial -Shrewsbury -vowed -eh -elongated -hangs -render -centimeters -##ficient -Mu -turtle -besieged -##gaard -grapes -bravery -collaborations -deprived -##amine -##using -##gins -arid -##uve -coats -hanged -##sting -Pa -prefix -##ranged -Exit -Chain -Flood -Materials -suspicions -##ö -hovered -Hidden -##state -Malawi -##24 -Mandy -norms -fascinating -airlines -delivers -##rust -Cretaceous -spanned -pillows -##onomy -jar -##kka -regent -fireworks -morality -discomfort -lure -uneven -##jack -Lucian -171 -archaeology -##til -mornings -Billie -Marquess -impending -spilling -tombs -##volved -Celia -Coke -underside -##bation -Vaughn -Daytona -Godfrey -Pascal -Alien -##sign -172 -##lage -iPhone -Gonna -genocide -##rber -oven -endure -dashed -simultaneous -##phism -Wally -##rō -ants -predator -reissue -##aper -Speech -funk -Rudy -claw -Hindus -Numbers -Bing -lantern -##aurus -scattering -poisoned -##active -Andrei -algebraic -baseman -##ritz -Gregg -##cola -selections -##putation -lick -Laguna -##IX -Sumatra -Warning -turf -buyers -Burgess -Oldham -exploit -worm -initiate -strapped -tuning -filters -haze -##е -##ledge -##ydro -##culture -amendments -Promotion -##union -Clair -##uria -petty -shutting -##eveloped -Phoebe -Zeke -conducts -grains -clashes -##latter -illegitimate -willingly -Deer -Lakers -Reference -chaplain -commitments -interrupt -salvation -Panther -Qualifying -Assessment -cancel -efficiently -attorneys -Dynamo -impress -accession -clinging -randomly -reviewing -Romero -Cathy -charting -clapped -rebranded -Azerbaijani -coma -indicator -punches -##tons -Sami -monastic -prospects -Pastor -##rville -electrified -##CI -##utical -tumbled -Chef -muzzle -selecting -UP -Wheel -protocols -##tat -Extended -beautifully -nests -##stal -Andersen -##anu -##³ -##rini -kneeling -##reis -##xia -anatomy -dusty -Safe -turmoil -Bianca -##elo -analyze -##ر -##eran -podcast -Slovene -Locke -Rue -##retta -##uni -Person -Prophet -crooked -disagreed -Versailles -Sarajevo -Utrecht -##ogen -chewing -##ception -##iidae -Missile -attribute -majors -Arch -intellectuals -##andra -ideological -Cory -Salzburg -##fair -Lot -electromagnetic -Distribution -##oper -##pered -Russ -Terra -repeats -fluttered -Riga -##ific -##gt -cows -Hair -labelled -protects -Gale -Personnel -Düsseldorf -Moran -rematch -##OE -Slow -forgiveness -##ssi -proudly -Macmillan -insist -undoubtedly -Québec -Violence -##yuan -##aine -mourning -linen -accidental -##iol -##arium -grossing -lattice -maneuver -##marine -prestige -petrol -gradient -invasive -militant -Galerie -widening -##aman -##quist -disagreement -##ales -creepy -remembers -buzz -##erial -Exempt -Dirk -mon -Addison -##inen -deposed -##agon -fifteenth -Hang -ornate -slab -##lades -Fountain -contractors -das -Warwickshire -1763 -##rc -Carly -Essays -Indy -Ligue -greenhouse -slit -##sea -chewed -wink -##azi -Playhouse -##kon -Gram -Ko -Samson -creators -revive -##rians -spawned -seminars -Craft -Tall -diverted -assistants -computational -enclosure -##acity -Coca -##eve -databases -Drop -##loading -##hage -Greco -Privy -entrances -pork -prospective -Memories -robes -##market -transporting -##lik -Rudolph -Horton -visually -##uay -##nja -Centro -Tor -Howell -##rsey -admitting -postgraduate -herbs -##att -Chin -Rutherford -##bot -##etta -Seasons -explanations -##bery -Friedman -heap -##ryl -##sberg -jaws -##agh -Choi -Killing -Fanny -##suming -##hawk -hopeful -##aid -Monty -gum -remarkably -Secrets -disco -harp -advise -##avia -Marathi -##cycle -Truck -abbot -sincere -urine -##mology -masked -bathing -##tun -Fellows -##TM -##gnetic -owl -##jon -hymn -##leton -208 -hostility -##cée -baked -Bottom -##AB -shudder -##ater -##von -##hee -reorganization -Cycle -##phs -Lex -##style -##rms -Translation -##erick -##imeter -##ière -attested -Hillary -##DM -gal -wander -Salle -##laming -Perez -Pit -##LP -USAF -contexts -Disease -blazing -aroused -razor -walled -Danielle -Mont -Funk -royalty -thee -203 -donors -##erton -famously -processors -reassigned -welcoming -Goldberg -##quities -undisclosed -Orient -Patty -vaccine -refrigerator -Cypriot -consonant -##waters -176 -sober -##lement -Racecourse -##uate -Luckily -Selection -conceptual -vines -Breaking -wa -lions -oversight -sheltered -Dancer -ponds -borrow -##BB -##pulsion -Daly -##eek -fertility -spontaneous -Worldwide -gasping -##tino -169 -ABS -Vickers -ambient -energetic -prisons -##eson -Stacy -##roach -GmbH -Afro -Marin -farmhouse -pinched -##cursion -##sp -Sabine -##pire -181 -nak -swelling -humble -perfume -##balls -Rai -cannons -##taker -Married -Maltese -canals -interceptions -hats -lever -slowing -##ppy -Nike -Silas -Scarborough -skirts -166 -inauguration -Shuttle -alloy -beads -belts -Compton -Cause -battling -critique -surf -Dock -roommate -##ulet -invade -Garland -##slow -nutrition -persona -##zam -Wichita -acquaintance -coincided -##cate -Dracula -clamped -##gau -overhaul -##broken -##rrier -melodies -ventures -Paz -convex -Roots -##holding -Tribute -transgender -##ò -chimney -##riad -Ajax -Thereafter -messed -nowadays -pH -##100 -##alog -Pomerania -##yra -Rossi -glove -##TL -Races -##asily -tablets -Jase -##ttes -diner -##rns -Hu -Mohan -anytime -weighted -remixes -Dove -cherry -imports -##urity -GA -##TT -##iated -##sford -Clarkson -evidently -rugged -Dust -siding -##ometer -acquitted -choral -##mite -infants -Domenico -gallons -Atkinson -gestures -slated -##xa -Archaeology -unwanted -##ibes -##duced -premise -Colby -Geelong -disqualified -##pf -##voking -simplicity -Walkover -Qaeda -Warden -##bourg -##ān -Invasion -Babe -harness -183 -##tated -maze -Burt -bedrooms -##nsley -Horizon -##oast -minimize -peeked -MLA -Trains -tractor -nudged -##iform -Growth -Benton -separates -##about -##kari -buffer -anthropology -brigades -foil -##wu -Domain -licking -whore -##rage -##sham -Initial -Courthouse -Rutgers -dams -villains -supermarket -##brush -Brunei -Palermo -arises -Passenger -outreach -##gill -Labrador -McLaren -##uy -Lori -##fires -Heads -magistrate -¹⁄₂ -Weapons -##wai -##roke -projecting -##ulates -bordering -McKenzie -Pavel -midway -Guangzhou -streamed -racer -##lished -eccentric -spectral -206 -##mism -Wilde -Grange -preparatory -lent -##tam -starving -Gertrude -##cea -##ricted -Breakfast -Mira -blurted -derive -##lair -blunt -sob -Cheltenham -Henrik -reinstated -intends -##istan -unite -##ector -playful -sparks -mapped -Cadet -luggage -prosperous -##ein -salon -##utes -Biological -##rland -Tyrone -buyer -##lose -amounted -Saw -smirked -Ronan -Reviews -Adele -trait -##proof -Bhutan -Ginger -##junct -digitally -stirring -##isted -coconut -Hamlet -Dinner -Scale -pledge -##RP -Wrong -Goal -Panel -therapeutic -elevations -infectious -priesthood -##inda -Guyana -diagnostic -##mbre -Blackwell -sails -##arm -literal -periodically -gleaming -Robot -Rector -##abulous -##tres -Reaching -Romantic -CP -Wonderful -##tur -ornamental -##nges -traitor -##zilla -genetics -mentioning -##eim -resonance -Areas -Shopping -##nard -Gail -Solid -##rito -##mara -Willem -Chip -Matches -Volkswagen -obstacle -Organ -invites -Coral -attain -##anus -##dates -Midway -shuffled -Cecilia -dessert -Gateway -Ch -Napoleonic -Petroleum -jets -goose -striped -bowls -vibration -Sims -nickel -Thirteen -problematic -intervene -##grading -##unds -Mum -semifinal -Radical -##izations -refurbished -##sation -##harine -Maximilian -cites -Advocate -Potomac -surged -preserves -Curry -angled -ordination -##pad -Cade -##DE -##sko -researched -torpedoes -Resident -wetlands -hay -applicants -depart -Bernstein -##pic -##ario -##rae -favourable -##wari -##р -metabolism -nobleman -Defaulted -calculate -ignition -Celebrity -Belize -sulfur -Flat -Sc -USB -flicker -Hertfordshire -Sept -CFL -Pasadena -Saturdays -Titus -##nir -Canary -Computing -Isaiah -##mler -formidable -pulp -orchid -Called -Solutions -kilograms -steamer -##hil -Doncaster -successors -Stokes -Holstein -##sius -sperm -API -Rogue -instability -Acoustic -##rag -159 -undercover -Wouldn -##pra -##medical -Eliminated -honorable -##chel -denomination -abrupt -Buffy -blouse -fi -Regardless -Subsequent -##rdes -Lover -##tford -bacon -##emia -carving -##cripts -Massacre -Ramos -Latter -##ulp -ballroom -##gement -richest -bruises -Rest -Wiley -##aster -explosions -##lastic -Edo -##LD -Mir -choking -disgusted -faintly -Barracks -blasted -headlights -Tours -ensued -presentations -##cale -wrought -##oat -##coa -Quaker -##sdale -recipe -##gny -corpses -##liance -comfortably -##wat -Landscape -niche -catalyst -##leader -Securities -messy -##RL -Rodrigo -backdrop -##opping -treats -Emilio -Anand -bilateral -meadow -VC -socialism -##grad -clinics -##itating -##ppe -##ymphonic -seniors -Advisor -Armoured -Method -Alley -##orio -Sad -fueled -raided -Axel -NH -rushes -Dixie -Otis -wrecked -##22 -capitalism -café -##bbe -##pion -##forcing -Aubrey -Lublin -Whenever -Sears -Scheme -##lana -Meadows -treatise -##RI -##ustic -sacrifices -sustainability -Biography -mystical -Wanted -multiplayer -Applications -disliked -##tisfied -impaired -empirical -forgetting -Fairfield -Sunni -blurred -Growing -Avalon -coil -Camera -Skin -bruised -terminals -##fted -##roving -Commando -##hya -##sper -reservations -needles -dangling -##rsch -##rsten -##spect -##mbs -yoga -regretted -Bliss -Orion -Rufus -glucose -Olsen -autobiographical -##dened -222 -humidity -Shan -##ifiable -supper -##rou -flare -##MO -campaigning -descend -socio -declares -Mounted -Gracie -Arte -endurance -##ety -Copper -costa -airplay -##MB -Proceedings -dislike -grimaced -occupants -births -glacial -oblivious -cans -installment -muddy -##ł -captains -pneumonia -Quiet -Sloan -Excuse -##nine -Geography -gymnastics -multimedia -drains -Anthology -Gear -cylindrical -Fry -undertaking -##pler -##tility -Nan -##recht -Dub -philosophers -piss -Atari -##pha -Galicia -México -##nking -Continuing -bump -graveyard -persisted -Shrine -##erapy -defects -Advance -Bomber -##oil -##ffling -cheerful -##lix -scrub -##eto -awkwardly -collaborator -fencing -##alo -prophet -Croix -coughed -##lication -roadway -slaughter -elephants -##erated -Simpsons -vulnerability -ivory -Birth -lizard -scarce -cylinders -fortunes -##NL -Hate -Priory -##lai -McBride -##copy -Lenny -liaison -Triangle -coronation -sampled -savage -amidst -Grady -whatsoever -instinctively -Reconstruction -insides -seizure -Drawing -##rlin -Antioch -Gao -Díaz -1760 -Sparks -##tien -##bidae -rehearsal -##bbs -botanical -##hers -compensate -wholesale -Seville -shareholder -prediction -astronomical -Reddy -hardest -circling -whereabouts -termination -Rep -Assistance -Dramatic -Herb -##ghter -climbs -188 -Poole -301 -##pable -wit -##istice -Walters -relying -Jakob -##redo -proceeding -Langley -affiliates -ou -##allo -##holm -Samsung -##ishi -Missing -Xi -vertices -Claus -foam -restless -##uating -##sso -##ttering -Philips -delta -bombed -Catalogue -coaster -Ling -Willard -satire -410 -Composition -Net -Orioles -##ldon -fins -Palatinate -Woodward -tease -tilt -brightness -##70 -##bbling -##loss -##dhi -##uilt -Whoever -##yers -hitter -Elton -Extension -ace -Affair -restructuring -##loping -Paterson -hi -##rya -spouse -Shay -Himself -piles -preaching -##gical -bikes -Brave -expulsion -Mirza -stride -Trees -commemorated -famine -masonry -Selena -Watt -Banking -Rancho -Stockton -dip -tattoos -Vlad -acquainted -Flyers -ruthless -fourteenth -illustrate -##akes -EPA -##rows -##uiz -bumped -Designed -Leaders -mastered -Manfred -swirled -McCain -##rout -Artemis -rabbi -flinched -upgrades -penetrate -shipyard -transforming -caretaker -##eiro -Maureen -tightening -##founded -RAM -##icular -##mper -##rung -Fifteen -exploited -consistency -interstate -##ynn -Bridget -contamination -Mistress -##rup -coating -##FP -##jective -Libyan -211 -Gemma -dependence -shrubs -##ggled -Germain -retaliation -traction -##PP -Dangerous -terminology -psychiatrist -##garten -hurdles -Natal -wasting -Weir -revolves -stripe -##reased -preferences -##entation -##lde -##áil -##otherapy -Flame -##ologies -viruses -Label -Pandora -veil -##ogical -Coliseum -Cottage -creeping -Jong -lectured -##çaise -shoreline -##fference -##hra -Shade -Clock -Faye -bilingual -Humboldt -Operating -##fter -##was -algae -towed -amphibious -Parma -impacted -smacked -Piedmont -Monsters -##omb -Moor -##lberg -sinister -Postal -178 -Drummond -Sign -textbooks -hazardous -Brass -Rosemary -Pick -Sit -Architect -transverse -Centennial -confess -polling -##aia -Julien -##mand -consolidation -Ethel -##ulse -severity -Yorker -choreographer -1840s -##ltry -softer -versa -##geny -##quila -##jō -Caledonia -Friendship -Visa -rogue -##zzle -bait -feather -incidence -Foods -Ships -##uto -##stead -arousal -##rote -Hazel -##bolic -Swing -##ej -##cule -##jana -##metry -##uity -Valuable -##ₙ -Shropshire -##nect -365 -Ones -realise -Café -Albuquerque -##grown -##stadt -209 -##ᵢ -prefers -withstand -Lillian -MacArthur -Hara -##fulness -domination -##VO -##school -Freddy -ethnicity -##while -adorned -hormone -Calder -Domestic -Freud -Shields -##phus -##rgan -BP -Segunda -Mustang -##GI -Bonn -patiently -remarried -##umbria -Crete -Elephant -Nuremberg -tolerate -Tyson -##evich -Programming -##lander -Bethlehem -segregation -Constituency -quarterly -blushed -photographers -Sheldon -porcelain -Blanche -goddamn -lively -##fused -bumps -##eli -curated -coherent -provoked -##vet -Madeleine -##isco -rainy -Bethel -accusation -ponytail -gag -##lington -quicker -scroll -##vate -Bow -Gender -Ira -crashes -ACT -Maintenance -##aton -##ieu -bitterly -strains -rattled -vectors -##arina -##ishly -173 -parole -##nx -amusing -Gonzalez -##erative -Caucus -sensual -Penelope -coefficient -Mateo -##mani -proposition -Duty -lacrosse -proportions -Plato -profiles -Botswana -Brandt -reins -mandolin -encompassing -##gens -Kahn -prop -summon -##MR -##yrian -##zaki -Falling -conditional -thy -##bao -##ych -radioactive -##nics -Newspaper -##people -##nded -Gaming -sunny -##look -Sherwood -crafted -NJ -awoke -187 -timeline -giants -possessing -##ycle -Cheryl -ng -Ruiz -polymer -potassium -Ramsay -relocation -##leen -Sociology -##bana -Franciscan -propulsion -denote -##erjee -registers -headline -Tests -emerges -Articles -Mint -livery -breakup -kits -Rap -Browning -Bunny -##mington -##watch -Anastasia -Zachary -arranging -biographical -Erica -Nippon -##membrance -Carmel -##sport -##xes -Paddy -##holes -Issues -Spears -compliment -##stro -##graphs -Castillo -##MU -##space -Corporal -##nent -174 -Gentlemen -##ilize -##vage -convinces -Carmine -Crash -##hashi -Files -Doctors -brownish -sweating -goats -##conductor -rendition -##bt -NL -##spiration -generates -##cans -obsession -##noy -Danger -Diaz -heats -Realm -priorities -##phon -1300 -initiation -pagan -bursts -archipelago -chloride -Screenplay -Hewitt -Khmer -bang -judgement -negotiating -##ait -Mabel -densely -Boulder -knob -430 -Alfredo -##kt -pitches -##ées -##ان -Macdonald -##llum -imply -##mot -Smile -spherical -##tura -Derrick -Kelley -Nico -cortex -launches -differed -parallels -Navigation -##child -##rming -canoe -forestry -reinforce -##mote -confirming -tasting -scaled -##resh -##eting -Understanding -prevailing -Pearce -CW -earnest -Gaius -asserts -denoted -landmarks -Chargers -warns -##flies -Judges -jagged -##dain -tails -Historian -Millie -##sler -221 -##uard -absurd -Dion -##ially -makeshift -Specifically -ignorance -Eat -##ieri -comparisons -forensic -186 -Giro -skeptical -disciplinary -battleship -##45 -Libby -520 -Odyssey -ledge -##post -Eternal -Missionary -deficiency -settler -wonders -##gai -raging -##cis -Romney -Ulrich -annexation -boxers -sect -204 -ARIA -dei -Hitchcock -te -Varsity -##fic -CC -lending -##nial -##tag -##rdy -##obe -Defensive -##dson -##pore -stellar -Lam -Trials -contention -Sung -##uminous -Poe -superiority -##plicate -325 -bitten -conspicuous -##olly -Lila -Pub -Petit -distorted -ISIL -distinctly -##family -Cowboy -mutant -##cats -##week -Changes -Sinatra -epithet -neglect -Innocent -gamma -thrill -reggae -##adia -##ational -##due -landlord -##leaf -visibly -##ì -Darlington -Gomez -##iting -scarf -##lade -Hinduism -Fever -scouts -##roi -convened -##oki -184 -Lao -boycott -unemployed -##lore -##ß -##hammer -Curran -disciples -odor -##ygiene -Lighthouse -Played -whales -discretion -Yves -##ceived -pauses -coincide -##nji -dizzy -##scopic -routed -Guardians -Kellan -carnival -nasal -224 -##awed -Mitsubishi -640 -Cast -silky -Projects -joked -Huddersfield -Rothschild -zu -##olar -Divisions -mildly -##eni -##lge -Appalachian -Sahara -pinch -##roon -wardrobe -##dham -##etal -Bubba -##lini -##rumbling -Communities -Poznań -unification -Beau -Kris -SV -Rowing -Minh -reconciliation -##saki -##sor -taped -##reck -certificates -gubernatorial -rainbow -##uing -litter -##lique -##oted -Butterfly -benefited -Images -induce -Balkans -Velvet -##90 -##xon -Bowman -##breaker -penis -##nitz -##oint -##otive -crust -##pps -organizers -Outdoor -nominees -##rika -TX -##ucks -Protestants -##imation -appetite -Baja -awaited -##points -windshield -##igh -##zled -Brody -Buster -stylized -Bryce -##sz -Dollar -vest -mold -ounce -ok -receivers -##uza -Purdue -Harrington -Hodges -captures -##ggio -Reservation -##ssin -##tman -cosmic -straightforward -flipping -remixed -##athed -Gómez -Lim -motorcycles -economies -owning -Dani -##rosis -myths -sire -kindly -1768 -Bean -graphs -##mee -##RO -##geon -puppy -Stephenson -notified -##jer -Watching -##rama -Sino -urgency -Islanders -##mash -Plata -fumble -##chev -##stance -##rack -##she -facilitated -swings -akin -enduring -payload -##phine -Deputies -murals -##tooth -610 -Jays -eyeing -##quito -transparency -##cote -Timor -negatively -##isan -battled -##fected -thankful -Rage -hospitality -incorrectly -207 -entrepreneurs -##cula -##wley -hedge -##cratic -Corpus -Odessa -Whereas -##ln -fetch -happier -Amherst -bullying -graceful -Height -Bartholomew -willingness -qualifier -191 -Syed -Wesleyan -Layla -##rrence -Webber -##hum -Rat -##cket -##herence -Monterey -contaminated -Beside -Mustafa -Nana -213 -##pruce -Reason -##spense -spike -##gé -AU -disciple -charcoal -##lean -formulated -Diesel -Mariners -accreditation -glossy -1800s -##ih -Mainz -unison -Marianne -shear -overseeing -vernacular -bowled -##lett -unpopular -##ckoned -##monia -Gaston -##TI -##oters -Cups -##bones -##ports -Museo -minors -1773 -Dickens -##EL -##NBC -Presents -ambitions -axes -Río -Yukon -bedside -Ribbon -Units -faults -conceal -##lani -prevailed -214 -Goodwin -Jaguar -crumpled -Cullen -Wireless -ceded -remotely -Bin -mocking -straps -ceramics -##avi -##uding -##ader -Taft -twenties -##aked -Problem -quasi -Lamar -##ntes -##avan -Barr -##eral -hooks -sa -##ône -194 -##ross -Nero -Caine -trance -Homeland -benches -Guthrie -dismiss -##lex -César -foliage -##oot -##alty -Assyrian -Ahead -Murdoch -dictatorship -wraps -##ntal -Corridor -Mackay -respectable -jewels -understands -##pathic -Bryn -##tep -ON -capsule -intrigued -Sleeping -communists -##chayat -##current -##vez -doubling -booklet -##uche -Creed -##NU -spies -##sef -adjusting -197 -Imam -heaved -Tanya -canonical -restraint -senators -stainless -##gnate -Matter -cache -restrained -conflicting -stung -##ool -Sustainable -antiquity -193 -heavens -inclusive -##ador -fluent -303 -911 -archaeologist -superseded -##plex -Tammy -inspire -##passing -##lub -Lama -Mixing -##activated -##yote -parlor -tactic -198 -Stefano -prostitute -recycling -sorted -banana -Stacey -Musée -aristocratic -cough -##rting -authorised -gangs -runoff -thoughtfully -##nish -Fisheries -Provence -detector -hum -##zhen -pill -##árez -Map -Leaves -Peabody -skater -vent -##color -390 -cerebral -hostages -mare -Jurassic -swell -##isans -Knoxville -Naked -Malaya -scowl -Cobra -##anga -Sexual -##dron -##iae -196 -##drick -Ravens -Blaine -##throp -Ismail -symmetric -##lossom -Leicestershire -Sylvester -glazed -##tended -Radar -fused -Families -Blacks -Sale -Zion -foothills -microwave -slain -Collingwood -##pants -##dling -killers -routinely -Janice -hearings -##chanted -##ltration -continents -##iving -##yster -##shot -##yna -injected -Guillaume -##ibi -kinda -Confederacy -Barnett -disasters -incapable -##grating -rhythms -betting -draining -##hak -Callie -Glover -##iliated -Sherlock -hearted -punching -Wolverhampton -Leaf -Pi -builders -furnished -knighted -Photo -##zle -Touring -fumbled -pads -##ий -Bartlett -Gunner -eerie -Marius -Bonus -pots -##hino -##pta -Bray -Frey -Ortiz -stalls -belongings -Subway -fascination -metaphor -Bat -Boer -Colchester -sway -##gro -rhetoric -##dheim -Fool -PMID -admire -##hsil -Strand -TNA -##roth -Nottinghamshire -##mat -##yler -Oxfordshire -##nacle -##roner -BS -##nces -stimulus -transports -Sabbath -##postle -Richter -4000 -##grim -##shima -##lette -deteriorated -analogous -##ratic -UHF -energies -inspiring -Yiddish -Activities -##quential -##boe -Melville -##ilton -Judd -consonants -labs -smuggling -##fari -avid -##uc -truce -undead -##raith -Mostly -bracelet -Connection -Hussain -awhile -##UC -##vention -liable -genetically -##phic -Important -Wildcats -daddy -transmit -##cas -conserved -Yesterday -##lite -Nicky -Guys -Wilder -Lay -skinned -Communists -Garfield -Nearby -organizer -Loss -crafts -walkway -Chocolate -Sundance -Synod -##enham -modify -swayed -Surface -analysts -brackets -drone -parachute -smelling -Andrés -filthy -frogs -vertically -##OK -localities -marries -AHL -35th -##pian -Palazzo -cube -dismay -relocate -##на -Hear -##digo -##oxide -prefecture -converts -hangar -##oya -##ucking -Spectrum -deepened -spoiled -Keeping -##phobic -Verona -outrage -Improvement -##UI -masterpiece -slung -Calling -chant -Haute -mediated -manipulated -affirmed -##hesis -Hangul -skies -##llan -Worcestershire -##kos -mosaic -##bage -##wned -Putnam -folder -##LM -guts -noteworthy -##rada -AJ -sculpted -##iselle -##rang -recognizable -##pent -dolls -lobbying -impatiently -Se -staple -Serb -tandem -Hiroshima -thieves -##ynx -faculties -Norte -##alle -##trusion -chords -##ylon -Gareth -##lops -##escu -FIA -Levin -auspices -groin -Hui -nun -Listed -Honourable -Larsen -rigorous -##erer -Tonga -##pment -##rave -##track -##aa -##enary -540 -clone -sediment -esteem -sighted -cruelty -##boa -inverse -violating -Amtrak -Status -amalgamated -vertex -AR -harmless -Amir -mounts -Coronation -counseling -Audi -CO₂ -splits -##eyer -Humans -Salmon -##have -##rado -##čić -216 -takeoff -classmates -psychedelic -##gni -Gypsy -231 -Anger -GAA -ME -##nist -##tals -Lissa -Odd -baptized -Fiat -fringe -##hren -179 -elevators -perspectives -##TF -##ngle -Question -frontal -950 -thicker -Molecular -##nological -Sixteen -Baton -Hearing -commemorative -dorm -Architectural -purity -##erse -risky -Georgie -relaxing -##ugs -downed -##rar -Slim -##phy -IUCN -##thorpe -Parkinson -217 -Marley -Shipping -sweaty -Jesuits -Sindh -Janata -implying -Armenians -intercept -Ankara -commissioners -ascended -sniper -Grass -Walls -salvage -Dewey -generalized -learnt -PT -##fighter -##tech -DR -##itrus -##zza -mercenaries -slots -##burst -##finger -##nsky -Princes -Rhodesia -##munication -##strom -Fremantle -homework -ins -##Os -##hao -##uffed -Thorpe -Xiao -exquisite -firstly -liberated -technician -Oilers -Phyllis -herb -sharks -MBE -##stock -Product -banjo -##morandum -##than -Visitors -unavailable -unpublished -oxidation -Vogue -##copic -##etics -Yates -##ppard -Leiden -Trading -cottages -Principles -##Millan -##wife -##hiva -Vicar -nouns -strolled -##eorological -##eton -##science -precedent -Armand -Guido -rewards -##ilis -##tise -clipped -chick -##endra -averages -tentatively -1830s -##vos -Certainly -305 -Société -Commandant -##crats -##dified -##nka -marsh -angered -ventilation -Hutton -Ritchie -##having -Eclipse -flick -motionless -Amor -Fest -Loire -lays -##icit -##sband -Guggenheim -Luck -disrupted -##ncia -Disco -##vigator -criticisms -grins -##lons -##vial -##ody -salute -Coaches -junk -saxophonist -##eology -Uprising -Diet -##marks -chronicles -robbed -##iet -##ahi -Bohemian -magician -wavelength -Kenyan -augmented -fashionable -##ogies -Luce -F1 -Monmouth -##jos -##loop -enjoyment -exemption -Centers -##visor -Soundtrack -blinding -practitioner -solidarity -sacrificed -##oso -##cture -##riated -blended -Abd -Copyright -##nob -34th -##reak -Claudio -hectare -rotor -testify -##ends -##iably -##sume -landowner -##cess -##ckman -Eduard -Silesian -backseat -mutually -##abe -Mallory -bounds -Collective -Poet -Winkler -pertaining -scraped -Phelps -crane -flickering -Proto -bubbles -popularized -removes -##86 -Cadillac -Warfare -audible -rites -shivering -##sist -##nst -##biotic -Mon -fascist -Bali -Kathryn -ambiguous -furiously -morale -patio -Sang -inconsistent -topology -Greens -monkeys -Köppen -189 -Toy -vow -##ías -bombings -##culus -improvised -lodged -subsidiaries -garment -startling -practised -Hume -Thorn -categorized -Till -Eileen -wedge -##64 -Federico -patriotic -unlock -##oshi -badminton -Compared -Vilnius -##KE -Crimean -Kemp -decks -spaced -resolutions -sighs -##mind -Imagine -Cartoon -huddled -policemen -forwards -##rouch -equals -##nter -inspected -Charley -MG -##rte -pamphlet -Arturo -dans -scarcely -##ulton -##rvin -parental -unconstitutional -watts -Susannah -Dare -##sitive -Rowland -Valle -invalid -##ué -Detachment -acronym -Yokohama -verified -##lsson -groove -Liza -clarified -compromised -265 -##rgon -##orf -hesitant -Fruit -Application -Mathias -icons -##cell -Qin -interventions -##uron -punt -remnant -##rien -Ames -manifold -spines -floral -##zable -comrades -Fallen -orbits -Annals -hobby -Auditorium -implicated -researching -Pueblo -Ta -terminate -##pella -Rings -approximation -fuzzy -##ús -thriving -##ket -Conor -alarmed -etched -Cary -##rdon -Ally -##rington -Pay -mint -##hasa -##unity -##dman -##itate -Oceania -furrowed -trams -##aq -Wentworth -ventured -choreography -prototypes -Patel -mouthed -trenches -##licing -##yya -Lies -deception -##erve -##vations -Bertrand -earthquakes -##tography -Southwestern -##aja -token -Gupta -##yō -Beckett -initials -ironic -Tsar -subdued -shootout -sobbing -liar -Scandinavia -Souls -ch -therapist -trader -Regulation -Kali -busiest -##pation -32nd -Telephone -Vargas -##moky -##nose -##uge -Favorite -abducted -bonding -219 -255 -correction -mat -drown -fl -unbeaten -Pocket -Summers -Quite -rods -Percussion -##ndy -buzzing -cadet -Wilkes -attire -directory -utilities -naive -populous -Hendrix -##actor -disadvantage -1400 -Landon -Underworld -##ense -Occasionally -mercury -Davey -Morley -spa -wrestled -##vender -eclipse -Sienna -supplemented -thou -Stream -liturgical -##gall -##berries -##piration -1769 -Bucks -abandoning -##jutant -##nac -232 -venom -##31 -Roche -dotted -Currie -Córdoba -Milo -Sharif -divides -justification -prejudice -fortunate -##vide -##ābād -Rowe -inflammatory -##eld -avenue -Sources -##rimal -Messenger -Blanco -advocating -formulation -##pute -emphasizes -nut -Armored -##ented -nutrients -##tment -insistence -Martins -landowners -##RB -comparatively -headlines -snaps -##qing -Celebration -##mad -republican -##NE -Trace -##500 -1771 -proclamation -NRL -Rubin -Buzz -Weimar -##AG -199 -posthumous -##ental -##deacon -Distance -intensely -overheard -Arcade -diagonal -hazard -Giving -weekdays -##ù -Verdi -actresses -##hare -Pulling -##erries -##pores -catering -shortest -##ctors -##cure -##restle -##reta -##runch -##brecht -##uddin -Moments -senate -Feng -Prescott -##thest -218 -divisional -Bertie -sparse -surrounds -coupling -gravitational -werewolves -##lax -Rankings -##mated -##tries -Shia -##mart -##23 -##vocative -interfaces -morphology -newscast -##bide -inputs -solicitor -Olaf -cabinets -puzzles -##tains -Unified -##firmed -WA -solemn -##opy -Tito -Jaenelle -Neolithic -horseback -##ires -pharmacy -prevalence -##lint -Swami -##bush -##tudes -Philipp -mythical -divers -Scouting -aperture -progressively -##bay -##nio -bounce -Floor -##elf -Lucan -adulthood -helm -Bluff -Passage -Salvation -lemon -napkin -scheduling -##gets -Elements -Mina -Novak -stalled -##llister -Infrastructure -##nky -##tania -##uished -Katz -Norma -sucks -trusting -1765 -boilers -Accordingly -##hered -223 -Crowley -##fight -##ulo -Henrietta -##hani -pounder -surprises -##chor -##glia -Dukes -##cracy -##zier -##fs -Patriot -silicon -##VP -simulcast -telegraph -Mysore -cardboard -Len -##QL -Auguste -accordion -analytical -specify -ineffective -hunched -abnormal -Transylvania -##dn -##tending -Emilia -glittering -Maddy -##wana -1762 -External -Lecture -endorsement -Hernández -Anaheim -Ware -offences -##phorus -Plantation -popping -Bonaparte -disgusting -neared -##notes -Identity -heroin -nicely -##raverse -apron -congestion -##PR -padded -##fts -invaders -##came -freshly -Halle -endowed -fracture -ROM -##max -sediments -diffusion -dryly -##tara -Tam -Draw -Spin -Talon -Anthropology -##lify -nausea -##shirt -insert -Fresno -capitalist -indefinitely -apples -Gift -scooped -60s -Cooperative -mistakenly -##lover -murmur -##iger -Equipment -abusive -orphanage -##9th -##lterweight -##unda -Baird -ant -saloon -33rd -Chesapeake -##chair -##sound -##tend -chaotic -pornography -brace -##aret -heiress -SSR -resentment -Arbor -headmaster -##uren -unlimited -##with -##jn -Bram -Ely -Pokémon -pivotal -##guous -Database -Marta -Shine -stumbling -##ovsky -##skin -Henley -Polk -functioned -##layer -##pas -##udd -##MX -blackness -cadets -feral -Damian -##actions -2D -##yla -Apocalypse -##aic -inactivated -##china -##kovic -##bres -destroys -nap -Macy -sums -Madhya -Wisdom -rejects -##amel -60th -Cho -bandwidth -##sons -##obbing -##orama -Mutual -shafts -##estone -##rsen -accord -replaces -waterfront -##gonal -##rida -convictions -##ays -calmed -suppliers -Cummings -GMA -fearful -Scientist -Sinai -examines -experimented -Netflix -Enforcement -Scarlett -##lasia -Healthcare -##onte -Dude -inverted -##36 -##regation -##lidae -Munro -##angay -Airbus -overlapping -Drivers -lawsuits -bodily -##udder -Wanda -Effects -Fathers -##finery -##islav -Ridley -observatory -pod -##utrition -Electricity -landslide -##mable -##zoic -##imator -##uration -Estates -sleepy -Nickelodeon -steaming -irony -schedules -snack -spikes -Hmm -##nesia -##bella -##hibit -Greenville -plucked -Harald -##ono -Gamma -infringement -roaring -deposition -##pol -##orum -660 -seminal -passports -engagements -Akbar -rotated -##bina -##gart -Hartley -##lown -##truct -uttered -traumatic -Dex -##ôme -Holloway -MV -apartheid -##nee -Counter -Colton -OR -245 -Spaniards -Regency -Schedule -scratching -squads -verify -##alk -keyboardist -rotten -Forestry -aids -commemorating -##yed -##érie -Sting -##elly -Dai -##fers -##berley -##ducted -Melvin -cannabis -glider -##enbach -##rban -Costello -Skating -cartoonist -AN -audit -##pectator -distributing -226 -312 -interpreter -header -Alternatively -##ases -smug -##kumar -cabins -remastered -Connolly -Kelsey -LED -tentative -Check -Sichuan -shaved -##42 -Gerhard -Harvest -inward -##rque -Hopefully -hem -##34 -Typical -binds -wrath -Woodstock -forcibly -Fergus -##charged -##tured -prepares -amenities -penetration -##ghan -coarse -##oned -enthusiasts -##av -##twined -fielded -##cky -Kiel -##obia -470 -beers -tremble -youths -attendees -##cademies -##sex -Macon -communism -dir -##abi -Lennox -Wen -differentiate -jewel -##SO -activate -assert -laden -unto -Gillespie -Guillermo -accumulation -##GM -NGO -Rosenberg -calculating -drastically -##omorphic -peeled -Liège -insurgents -outdoors -##enia -Aspen -Sep -awakened -##eye -Consul -Maiden -insanity -##brian -furnace -Colours -distributions -longitudinal -syllables -##scent -Martian -accountant -Atkins -husbands -sewage -zur -collaborate -highlighting -##rites -##PI -colonization -nearer -##XT -dunes -positioning -Ku -multitude -luxurious -Volvo -linguistics -plotting -squared -##inder -outstretched -##uds -Fuji -ji -##feit -##ahu -##loat -##gado -##luster -##oku -América -##iza -Residents -vine -Pieces -DD -Vampires -##ová -smoked -harshly -spreads -##turn -##zhi -betray -electors -##settled -Considering -exploits -stamped -Dusty -enraged -Nairobi -##38 -intervened -##luck -orchestras -##lda -Hereford -Jarvis -calf -##itzer -##CH -salesman -Lovers -cigar -Angelica -doomed -heroine -##tible -Sanford -offenders -##ulously -articulated -##oam -Emanuel -Gardiner -Edna -Shu -gigantic -##stable -Tallinn -coasts -Maker -ale -stalking -##oga -##smus -lucrative -southbound -##changing -Reg -##lants -Schleswig -discount -grouping -physiological -##OH -##sun -Galen -assurance -reconcile -rib -scarlet -Thatcher -anarchist -##oom -Turnpike -##ceding -cocktail -Sweeney -Allegheny -concessions -oppression -reassuring -##poli -##ticus -##TR -##VI -##uca -##zione -directional -strikeouts -Beneath -Couldn -Kabul -##national -hydroelectric -##jit -Desire -##riot -enhancing -northbound -##PO -Ok -Routledge -volatile -Bernardo -Python -333 -ample -chestnut -automobiles -##innamon -##care -##hering -BWF -salaries -Turbo -acquisitions -##stituting -strengths -pilgrims -Ponce -Pig -Actors -Beard -sanitation -##RD -##mett -Telecommunications -worms -##idas -Juno -Larson -Ventura -Northeastern -weighs -Houghton -collaborating -lottery -##rano -Wonderland -gigs -##lmer -##zano -##edd -##nife -mixtape -predominant -tripped -##ruly -Alexei -investing -Belgarath -Brasil -hiss -##crat -##xham -Côte -560 -kilometer -##cological -analyzing -##As -engined -listener -##cakes -negotiation -##hisky -Santana -##lemma -IAAF -Seneca -skeletal -Covenant -Steiner -##lev -##uen -Neptune -retention -##upon -Closing -Czechoslovak -chalk -Navarre -NZ -##IG -##hop -##oly -##quatorial -##sad -Brewery -Conflict -Them -renew -turrets -disagree -Petra -Slave -##reole -adjustment -##dela -##regard -##sner -framing -stature -##rca -##sies -##46 -##mata -Logic -inadvertently -naturalist -spheres -towering -heightened -Dodd -rink -##fle -Keyboards -bulb -diver -ul -##tsk -Exodus -Deacon -España -Canadiens -oblique -thud -reigned -rug -Whitman -Dash -##iens -Haifa -pets -##arland -manually -dart -##bial -Sven -textiles -subgroup -Napier -graffiti -revolver -humming -Babu -protector -typed -Provinces -Sparta -Wills -subjective -##rella -temptation -##liest -FL -Sadie -manifest -Guangdong -Transfer -entertain -eve -recipes -##33 -Benedictine -retailer -##dence -establishes -##cluded -##rked -Ursula -##ltz -##lars -##rena -qualifiers -##curement -colt -depictions -##oit -Spiritual -differentiation -staffed -transitional -##lew -1761 -fatalities -##oan -Bayern -Northamptonshire -Weeks -##CU -Fife -capacities -hoarse -##latt -##ة -evidenced -##HD -##ographer -assessing -evolve -hints -42nd -streaked -##lve -Yahoo -##estive -##rned -##zas -baggage -Elected -secrecy -##champ -Character -Pen -Decca -cape -Bernardino -vapor -Dolly -counselor -##isers -Benin -##khar -##CR -notch -##thus -##racy -bounty -lend -grassland -##chtenstein -##dating -pseudo -golfer -simplest -##ceive -Lucivar -Triumph -dinosaur -dinosaurs -##šić -Seahawks -##nco -resorts -reelected -1766 -reproduce -universally -##OA -ER -tendencies -Consolidated -Massey -Tasmanian -reckless -##icz -##ricks -1755 -questionable -Audience -##lates -preseason -Quran -trivial -Haitian -Freeway -dialed -Appointed -Heard -ecosystems -##bula -hormones -Carbon -Rd -##arney -##working -Christoph -presiding -pu -##athy -Morrow -Dar -ensures -posing -remedy -EA -disclosed -##hui -##rten -rumours -surveying -##ficiency -Aziz -Jewel -Plays -##smatic -Bernhard -Christi -##eanut -##friend -jailed -##dr -govern -neighbour -butler -Acheron -murdering -oils -mac -Editorial -detectives -bolts -##ulon -Guitars -malaria -36th -Pembroke -Opened -##hium -harmonic -serum -##sio -Franks -fingernails -##gli -culturally -evolving -scalp -VP -deploy -uploaded -mater -##evo -Jammu -Spa -##icker -flirting -##cursions -Heidi -Majority -sprawled -##alytic -Zheng -bunker -##lena -ST -##tile -Jiang -ceilings -##ently -##ols -Recovery -dire -##good -Manson -Honestly -Montréal -1764 -227 -quota -Lakshmi -incentive -Accounting -##cilla -Eureka -Reaper -buzzed -##uh -courtroom -dub -##mberg -KC -Gong -Theodor -Académie -NPR -criticizing -protesting -##pired -##yric -abuses -fisheries -##minated -1767 -yd -Gemini -Subcommittee -##fuse -Duff -Wasn -Wight -cleaner -##tite -planetary -Survivor -Zionist -mounds -##rary -landfall -disruption -yielding -##yana -bids -unidentified -Garry -Ellison -Elmer -Fishing -Hayward -demos -modelling -##anche -##stick -caressed -entertained -##hesion -piers -Crimea -##mass -WHO -boulder -trunks -1640 -Biennale -Palestinians -Pursuit -##udes -Dora -contender -##dridge -Nanjing -##ezer -##former -##ibel -Whole -proliferation -##tide -##weiler -fuels -predictions -##ente -##onium -Filming -absorbing -Ramón -strangled -conveyed -inhabit -prostitutes -recession -bonded -clinched -##eak -##iji -##edar -Pleasure -Rite -Christy -Therapy -sarcasm -##collegiate -hilt -probation -Sarawak -coefficients -underworld -biodiversity -SBS -groom -brewing -dungeon -##claiming -Hari -turnover -##ntina -##omer -##opped -orthodox -styling -##tars -##ulata -priced -Marjorie -##eley -##abar -Yong -##tically -Crambidae -Hernandez -##ego -##rricular -##ark -##lamour -##llin -##augh -##tens -Advancement -Loyola -##4th -##hh -goin -marshes -Sardinia -##ša -Ljubljana -Singing -suspiciously -##hesive -Félix -Regarding -flap -stimulation -##raught -Apr -Yin -gaping -tighten -skier -##itas -##lad -##rani -264 -Ashes -Olson -Problems -Tabitha -##rading -balancing -sunrise -##ease -##iture -##ritic -Fringe -##iciency -Inspired -Linnaeus -PBA -disapproval -##kles -##rka -##tails -##urger -Disaster -Laboratories -apps -paradise -Aero -Came -sneaking -Gee -Beacon -ODI -commodity -Ellington -graphical -Gretchen -spire -##skaya -##trine -RTÉ -efficacy -plc -tribunal -##ytic -downhill -flu -medications -##kaya -widen -Sunrise -##nous -distinguishing -pawn -##BO -##irn -##ssing -##ν -Easton -##vila -Rhineland -##aque -defect -##saurus -Goose -Ju -##classified -Middlesbrough -shaping -preached -1759 -##erland -Ein -Hailey -musicals -##altered -Galileo -Hilda -Fighters -Lac -##ometric -295 -Leafs -Milano -##lta -##VD -##ivist -penetrated -Mask -Orchard -plaintiff -##icorn -Yvonne -##fred -outfielder -peek -Collier -Caracas -repealed -Bois -dell -restrict -Dolores -Hadley -peacefully -##LL -condom -Granny -Orders -sabotage -##toon -##rings -compass -marshal -gears -brigadier -dye -Yunnan -communicating -donate -emerald -vitamin -administer -Fulham -##classical -##llas -Buckinghamshire -Held -layered -disclosure -Akira -programmer -shrimp -Crusade -##ximal -Luzon -bakery -##cute -Garth -Citadel -uniquely -Curling -info -mum -Para -##ști -sleek -##ione -hey -Lantern -mesh -##lacing -##lizzard -##gade -prosecuted -Alba -Gilles -greedy -twists -##ogged -Viper -##kata -Appearances -Skyla -hymns -##pelled -curving -predictable -Grave -Watford -##dford -##liptic -##vary -Westwood -fluids -Models -statutes -##ynamite -1740 -##culate -Framework -Johanna -##gression -Vuelta -imp -##otion -##raga -##thouse -Ciudad -festivities -##love -Beyoncé -italics -##vance -DB -##haman -outs -Singers -##ueva -##urning -##51 -##ntiary -##mobile -285 -Mimi -emeritus -nesting -Keeper -Ways -##onal -##oux -Edmond -MMA -##bark -##oop -Hampson -##ñez -##rets -Gladstone -wreckage -Pont -Playboy -reluctance -##ná -apprenticeship -preferring -Value -originate -##wei -##olio -Alexia -##rog -Parachute -jammed -stud -Eton -vols -##ganized -1745 -straining -creep -indicators -##mán -humiliation -hinted -alma -tanker -##egation -Haynes -Penang -amazement -branched -rumble -##ddington -archaeologists -paranoid -expenditure -Absolutely -Musicians -banished -##fining -baptism -Joker -Persons -hemisphere -##tieth -##ück -flock -##xing -lbs -Kung -crab -##dak -##tinent -Regulations -barrage -parcel -##ós -Tanaka -##rsa -Natalia -Voyage -flaws -stepfather -##aven -##eological -Botanical -Minsk -##ckers -Cinderella -Feast -Loving -Previous -Shark -##took -barrister -collaborators -##nnes -Croydon -Graeme -Juniors -##7th -##formation -##ulos -##ák -£2 -##hwa -##rove -##ș -Whig -demeanor -Otago -##TH -##ooster -Faber -instructors -##ahl -##bha -emptied -##schen -saga -##lora -exploding -##rges -Crusaders -##caster -##uations -streaks -CBN -bows -insights -ka -1650 -diversion -LSU -Wingspan -##liva -Response -sanity -Producers -imitation -##fine -Lange -Spokane -splash -weed -Siberian -magnet -##rocodile -capitals -##rgus -swelled -Rani -Bells -Silesia -arithmetic -rumor -##hampton -favors -Weird -marketplace -##orm -tsunami -unpredictable -##citation -##ferno -Tradition -postwar -stench -succeeds -##roup -Anya -Users -oversized -totaling -pouch -##nat -Tripoli -leverage -satin -##cline -Bathurst -Lund -Niall -thereof -##quid -Bangor -barge -Animated -##53 -##alan -Ballard -utilizes -Done -ballistic -NDP -gatherings -##elin -##vening -Rockets -Sabrina -Tamara -Tribal -WTA -##citing -blinded -flux -Khalid -Una -prescription -##jee -Parents -##otics -##food -Silicon -cured -electro -perpendicular -intimacy -##rified -Lots -##ceiving -##powder -incentives -McKenna -##arma -##ounced -##rinkled -Alzheimer -##tarian -262 -Seas -##cam -Novi -##hout -##morphic -##hazar -##hul -##nington -Huron -Bahadur -Pirate -pursed -Griffiths -indicted -swap -refrain -##mulating -Lal -stomped -##Pad -##mamoto -Reef -disposed -plastered -weeping -##rato -Minas -hourly -tumors -##ruising -Lyle -##yper -##sol -Odisha -credibility -##Dowell -Braun -Graphic -lurched -muster -##nex -##ührer -##connected -##iek -##ruba -Carthage -Peck -maple -bursting -##lava -Enrico -rite -##jak -Moment -##skar -Styx -poking -Spartan -##urney -Hepburn -Mart -Titanic -newsletter -waits -Mecklenburg -agitated -eats -##dious -Chow -matrices -Maud -##sexual -sermon -234 -##sible -##lung -Qi -cemeteries -mined -sprinter -##ckett -coward -##gable -##hell -##thin -##FB -Contact -##hay -rainforest -238 -Hemisphere -boasts -##nders -##verance -##kat -Convent -Dunedin -Lecturer -lyricist -##bject -Iberian -comune -##pphire -chunk -##boo -thrusting -fore -informing -pistols -echoes -Tier -battleships -substitution -##belt -moniker -##charya -##lland -Thoroughbred -38th -##01 -##tah -parting -tongues -Cale -##seau -Unionist -modular -celebrates -preview -steamed -Bismarck -302 -737 -vamp -##finity -##nbridge -weaknesses -husky -##berman -absently -##icide -Craven -tailored -Tokugawa -VIP -syntax -Kazan -captives -doses -filtered -overview -Cleopatra -Conversely -stallion -Burger -Suez -Raoul -th -##reaves -Dickson -Nell -Rate -anal -colder -##sław -Arm -Semitic -##green -reflective -1100 -episcopal -journeys -##ours -##pository -##dering -residue -Gunn -##27 -##ntial -##crates -##zig -Astros -Renee -Emerald -##vili -connectivity -undrafted -Sampson -treasures -##kura -##theon -##vern -Destroyer -##iable -##ener -Frederic -briefcase -confinement -Bree -##WD -Athena -233 -Padres -Thom -speeding -##hali -Dental -ducks -Putin -##rcle -##lou -Asylum -##usk -dusk -pasture -Institutes -ONE -jack -##named -diplomacy -Intercontinental -Leagues -Towns -comedic -premature -##edic -##mona -##ories -trimmed -Charge -Cream -guarantees -Dmitry -splashed -Philosophical -tramway -##cape -Maynard -predatory -redundant -##gratory -##wry -sobs -Burgundy -edible -outfits -Handel -dazed -dangerously -idle -Operational -organizes -##sional -blackish -broker -weddings -##halt -Becca -McGee -##gman -protagonists -##pelling -Keynes -aux -stumble -##ordination -Nokia -reel -sexes -##woods -##pheric -##quished -##voc -##oir -##pathian -##ptus -##sma -##tating -##ê -fulfilling -sheath -##ayne -Mei -Ordinary -Collin -Sharpe -grasses -interdisciplinary -##OX -Background -##ignment -Assault -transforms -Hamas -Serge -ratios -##sik -swaying -##rcia -Rosen -##gant -##versible -cinematographer -curly -penny -Kamal -Mellon -Sailor -Spence -phased -Brewers -amassed -Societies -##ropriations -##buted -mythological -##SN -##byss -##ired -Sovereign -preface -Parry -##ife -altitudes -crossings -##28 -Crewe -southernmost -taut -McKinley -##owa -##tore -254 -##ckney -compiling -Shelton -##hiko -228 -Poll -Shepard -Labs -Pace -Carlson -grasping -##ов -Delaney -Winning -robotic -intentional -shattering -##boarding -##git -##grade -Editions -Reserves -ignorant -proposing -##hanna -cutter -Mongols -NW -##eux -Codex -Cristina -Daughters -Rees -forecast -##hita -NGOs -Stations -Beaux -Erwin -##jected -##EX -##trom -Schumacher -##hrill -##rophe -Maharaja -Oricon -##sul -##dynamic -##fighting -Ce -Ingrid -rumbled -Prospect -stairwell -Barnard -applause -complementary -##uba -grunt -##mented -Bloc -Carleton -loft -noisy -##hey -490 -contrasted -##inator -##rief -##centric -##fica -Cantonese -Blanc -Lausanne -License -artifact -##ddin -rot -Amongst -Prakash -RF -##topia -milestone -##vard -Winters -Mead -churchyard -Lulu -estuary -##ind -Cha -Infinity -Meadow -subsidies -##valent -CONCACAF -Ching -medicinal -navigate -Carver -Twice -abdominal -regulating -RB -toilets -Brewer -weakening -ambushed -##aut -##vignon -Lansing -unacceptable -reliance -stabbing -##mpo -##naire -Interview -##ested -##imed -bearings -##lts -Rashid -##iation -authenticity -vigorous -##frey -##uel -biologist -NFC -##rmaid -##wash -Makes -##aunt -##steries -withdrawing -##qa -Buccaneers -bleed -inclination -stain -##ilo -##ppel -Torre -privileged -cereal -trailers -alumnus -neon -Cochrane -Mariana -caress -##47 -##ients -experimentation -Window -convict -signaled -##YP -rower -Pharmacy -interacting -241 -Strings -dominating -kinase -Dinamo -Wire -pains -sensations -##suse -Twenty20 -##39 -spotlight -##hend -elemental -##pura -Jameson -Swindon -honoring -pained -##ediatric -##lux -Psychological -assemblies -ingredient -Martial -Penguins -beverage -Monitor -mysteries -##ION -emigration -mused -##sique -crore -AMC -Funding -Chinatown -Establishment -Finalist -enjoyable -1756 -##mada -##rams -NO -newborn -CS -comprehend -Invisible -Siemens -##acon -246 -contraction -##volving -##moration -##rok -montane -##ntation -Galloway -##llow -Verity -directorial -pearl -Leaning -##rase -Fernandez -swallowing -Automatic -Madness -haunting -paddle -##UE -##rrows -##vies -##zuki -##bolt -##iber -Fender -emails -paste -##lancing -hind -homestead -hopeless -##dles -Rockies -garlic -fatty -shrieked -##ismic -Gillian -Inquiry -Schultz -XML -##cius -##uld -Domesday -grenades -northernmost -##igi -Tbilisi -optimistic -##poon -Refuge -stacks -Bose -smash -surreal -Nah -Straits -Conquest -##roo -##weet -##kell -Gladys -CH -##lim -##vitation -Doctorate -NRHP -knocks -Bey -Romano -##pile -242 -Diamonds -strides -eclectic -Betsy -clade -##hady -##leashed -dissolve -moss -Suburban -silvery -##bria -tally -turtles -##uctive -finely -industrialist -##nary -Ernesto -oz -pact -loneliness -##hov -Tomb -multinational -risked -Layne -USL -ne -##quiries -Ad -Message -Kamen -Kristen -reefs -implements -##itative -educators -garments -gunshot -##essed -##rve -Montevideo -vigorously -Stamford -assemble -packaged -##same -état -Viva -paragraph -##eter -##wire -Stick -Navajo -MCA -##pressing -ensembles -ABA -##zor -##llus -Partner -raked -##BI -Iona -thump -Celeste -Kiran -##iscovered -##rith -inflammation -##arel -Features -loosened -##yclic -Deluxe -Speak -economical -Frankenstein -Picasso -showcased -##zad -##eira -##planes -##linear -##overs -monsoon -prosecutors -slack -Horses -##urers -Angry -coughing -##truder -Questions -##tō -##zak -challenger -clocks -##ieving -Newmarket -##acle -cursing -stimuli -##mming -##qualified -slapping -##vasive -narration -##kini -Advertising -CSI -alliances -mixes -##yes -covert -amalgamation -reproduced -##ardt -##gis -1648 -id -Annette -Boots -Champagne -Brest -Daryl -##emon -##jou -##llers -Mean -adaptive -technicians -##pair -##usal -Yoga -fronts -leaping -Jul -harvesting -keel -##44 -petitioned -##lved -yells -Endowment -proponent -##spur -##tised -##zal -Homes -Includes -##ifer -##oodoo -##rvette -awarding -mirrored -ransom -Flute -outlook -##ganj -DVDs -Sufi -frontman -Goddard -barren -##astic -Suicide -hillside -Harlow -Lau -notions -Amnesty -Homestead -##irt -GE -hooded -umpire -mustered -Catch -Masonic -##erd -Dynamics -Equity -Oro -Charts -Mussolini -populace -muted -accompaniment -##lour -##ndes -ignited -##iferous -##laced -##atch -anguish -registry -##tub -##hards -##neer -251 -Hooker -uncomfortably -##6th -##ivers -Catalina -MiG -giggling -1754 -Dietrich -Kaladin -pricing -##quence -Sabah -##lving -##nical -Gettysburg -Vita -Telecom -Worst -Palais -Pentagon -##brand -##chichte -Graf -unnatural -1715 -bio -##26 -Radcliffe -##utt -chatting -spices -##aus -untouched -##eper -Doll -turkey -Syndicate -##rlene -##JP -##roots -Como -clashed -modernization -1757 -fantasies -##iating -dissipated -Sicilian -inspect -sensible -reputed -##final -Milford -poised -RC -metabolic -Tobacco -Mecca -optimization -##heat -lobe -rabbits -NAS -geologist -##liner -Kilda -carpenter -nationalists -##brae -summarized -##venge -Designer -misleading -beamed -##meyer -Matrix -excuses -##aines -##biology -401 -Moose -drafting -Sai -##ggle -Comprehensive -dripped -skate -##WI -##enan -##ruk -narrower -outgoing -##enter -##nounce -overseen -##structure -travellers -banging -scarred -##thing -##arra -Ebert -Sometime -##nated -BAFTA -Hurricanes -configurations -##MLL -immortality -##heus -gothic -##mpest -clergyman -viewpoint -Maxim -Instituto -emitted -quantitative -1689 -Consortium -##rsk -Meat -Tao -swimmers -Shaking -Terence -mainline -##linity -Quantum -##rogate -Nair -banquet -39th -reprised -lagoon -subdivisions -synonymous -incurred -password -sprung -##vere -Credits -Petersen -Faces -##vu -statesman -Zombie -gesturing -##going -Sergey -dormant -possessive -totals -southward -Ángel -##odies -HM -Mariano -Ramirez -Wicked -impressions -##Net -##cap -##ème -Transformers -Poker -RIAA -Redesignated -##chuk -Harcourt -Peña -spacious -tinged -alternatively -narrowing -Brigham -authorization -Membership -Zeppelin -##amed -Handball -steer -##orium -##rnal -##rops -Committees -endings -##MM -##yung -ejected -grams -##relli -Birch -Hilary -Stadion -orphan -clawed -##kner -Motown -Wilkins -ballads -outspoken -##ancipation -##bankment -##cheng -Advances -harvested -novelty -ineligible -oversees -##´s -obeyed -inevitably -Kingdoms -burying -Fabian -relevance -Tatiana -##MCA -sarcastic -##onda -Akron -229 -sandwiches -Adobe -Maddox -##azar -Hunting -##onized -Smiling -##tology -Juventus -Leroy -Poets -attach -lo -##rly -##film -Structure -##igate -olds -projections -SMS -outnumbered -##tase -judiciary -paramilitary -playfully -##rsing -##tras -Chico -Vin -informally -abandonment -##russ -Baroness -injuring -octagonal -deciduous -##nea -##olm -Hz -Norwood -poses -Marissa -alerted -willed -##KS -Dino -##ddler -##vani -Barbie -Thankfully -625 -bicycles -shimmering -##tinuum -##wolf -Chesterfield -##idy -##urgency -Knowles -sweetly -Ventures -##ponents -##valence -Darryl -Powerplant -RAAF -##pec -Kingsley -Parramatta -penetrating -spectacle -##inia -Marlborough -residual -compatibility -hike -Underwood -depleted -ministries -##odus -##ropriation -rotting -Faso -##inn -Happiness -Lille -Suns -cookie -rift -warmly -##lvin -Bugs -Gotham -Gothenburg -Properties -##seller -##ubi -Created -MAC -Noelle -Requiem -Ulysses -##ails -franchises -##icious -##rwick -celestial -kinetic -720 -STS -transmissions -amplitude -forums -freeing -reptiles -tumbling -##continent -##rising -##tropy -physiology -##uster -Loves -bodied -neutrality -Neumann -assessments -Vicky -##hom -hampered -##uku -Custom -timed -##eville -##xious -elastic -##section -rig -stilled -shipment -243 -artworks -boulders -Bournemouth -##hly -##LF -##linary -rumored -##bino -##drum -Chun -Freiburg -##dges -Equality -252 -Guadalajara -##sors -##taire -Roach -cramped -##ultural -Logistics -Punch -fines -Lai -caravan -##55 -lame -Collector -pausing -315 -migrant -hawk -signalling -##erham -##oughs -Demons -surfing -Rana -insisting -Wien -adolescent -##jong -##rera -##umba -Regis -brushes -##iman -residues -storytelling -Consider -contrasting -regeneration -##elling -##hlete -afforded -reactors -costing -##biotics -##gat -##евич -chanting -secondly -confesses -##ikos -##uang -##ronological -##− -Giacomo -##eca -vaudeville -weeds -rejecting -revoked -affluent -fullback -progresses -geologic -proprietor -replication -gliding -recounted -##bah -##igma -Flow -ii -newcomer -##lasp -##miya -Candace -fractured -interiors -confidential -Inverness -footing -##robe -Coordinator -Westphalia -jumper -##chism -dormitory -##gno -281 -acknowledging -leveled -##éra -Algiers -migrate -Frog -Rare -##iovascular -##urous -DSO -nomadic -##iera -woken -lifeless -##graphical -##ifications -Dot -Sachs -crow -nmi -Tacoma -Weight -mushroom -RS -conditioned -##zine -Tunisian -altering -##mizing -Handicap -Patti -Monsieur -clicking -gorge -interrupting -##powerment -drawers -Serra -##icides -Specialist -##itte -connector -worshipped -##ask -consoles -tags -##iler -glued -##zac -fences -Bratislava -honeymoon -313 -A2 -disposition -Gentleman -Gilmore -glaciers -##scribed -Calhoun -convergence -Aleppo -shortages -##43 -##orax -##worm -##codes -##rmal -neutron -##ossa -Bloomberg -Salford -periodicals -##ryan -Slayer -##ynasties -credentials -##tista -surveyor -File -stinging -unnoticed -Medici -ecstasy -espionage -Jett -Leary -circulating -bargaining -concerto -serviced -37th -HK -##fueling -Delilah -Marcia -graded -##join -Kaplan -feasible -##nale -##yt -Burnley -dreadful -ministerial -Brewster -Judah -##ngled -##rrey -recycled -Iroquois -backstage -parchment -##numbered -Kern -Motorsports -Organizations -##mini -Seems -Warrington -Dunbar -Ezio -##eor -paralyzed -Ara -yeast -##olis -cheated -reappeared -banged -##ymph -##dick -Lyndon -glide -Mat -##natch -Hotels -Household -parasite -irrelevant -youthful -##smic -##tero -##anti -2d -Ignacio -squash -##nets -shale -##اد -Abrams -##oese -assaults -##dier -##otte -Swamp -287 -Spurs -##economic -Fargo -auditioned -##mé -Haas -une -abbreviation -Turkic -##tisfaction -favorites -specials -##lial -Enlightenment -Burkina -##vir -Comparative -Lacrosse -elves -##lerical -##pear -Borders -controllers -##villa -excelled -##acher -##varo -camouflage -perpetual -##ffles -devoid -schooner -##bered -##oris -Gibbons -Lia -discouraged -sue -##gnition -Excellent -Layton -noir -smack -##ivable -##evity -##lone -Myra -weaken -weaponry -##azza -Shake -backbone -Certified -clown -occupational -caller -enslaved -soaking -Wexford -perceive -shortlisted -##pid -feminism -Bari -Indie -##avelin -##ldo -Hellenic -Hundreds -Savings -comedies -Honors -Mohawk -Told -coded -Incorporated -hideous -trusts -hose -Calais -Forster -Gabon -Internationale -AK -Colour -##UM -##heist -McGregor -localized -##tronomy -Darrell -##iara -squirrel -freaked -##eking -##manned -##ungen -radiated -##dua -commence -Donaldson -##iddle -MR -SAS -Tavern -Teenage -admissions -Instruments -##ilizer -Konrad -contemplated -##ductor -Jing -Reacher -recalling -Dhabi -emphasizing -illumination -##tony -legitimacy -Goethe -Ritter -McDonnell -Polar -Seconds -aspiring -derby -tunic -##rmed -outlines -Changing -distortion -##cter -Mechanics -##urly -##vana -Egg -Wolverine -Stupid -centralized -knit -##Ms -Saratoga -Ogden -storylines -##vres -lavish -beverages -##grarian -Kyrgyzstan -forcefully -superb -Elm -Thessaloniki -follower -Plants -slang -trajectory -Nowadays -Bengals -Ingram -perch -coloring -carvings -doubtful -##aph -##gratulations -##41 -Curse -253 -nightstand -Campo -Meiji -decomposition -##giri -McCormick -Yours -##amon -##bang -Texans -injunction -organise -periodical -##peculative -oceans -##aley -Success -Lehigh -##guin -1730 -Davy -allowance -obituary -##tov -treasury -##wayne -euros -readiness -systematically -##stered -##igor -##xen -##cliff -##lya -Send -##umatic -Celtics -Judiciary -425 -propagation -rebellious -##ims -##lut -Dal -##ayman -##cloth -Boise -pairing -Waltz -torment -Hatch -aspirations -diaspora -##hame -Rank -237 -Including -Muir -chained -toxicity -Université -##aroo -Mathews -meadows -##bio -Editing -Khorasan -##them -##ahn -##bari -##umes -evacuate -##sium -gram -kidnap -pinning -##diation -##orms -beacon -organising -McGrath -##ogist -Qur -Tango -##ceptor -##rud -##cend -##cie -##jas -##sided -Tuscany -Venture -creations -exhibiting -##rcerer -##tten -Butcher -Divinity -Pet -Whitehead -falsely -perished -handy -Moines -cyclists -synthesizers -Mortal -notoriety -##ronic -Dialogue -expressive -uk -Nightingale -grimly -vineyards -Driving -relentless -compiler -##district -##tuated -Hades -medicines -objection -Answer -Soap -Chattanooga -##gogue -Haryana -Parties -Turtle -##ferred -explorers -stakeholders -##aar -##rbonne -tempered -conjecture -##tee -##hur -Reeve -bumper -stew -##church -##generate -##ilitating -##chanized -##elier -##enne -translucent -##lows -Publisher -evangelical -inherit -##rted -247 -SmackDown -bitterness -lesions -##worked -mosques -wed -##lashes -Ng -Rebels -booking -##nail -Incident -Sailing -yo -confirms -Chaplin -baths -##kled -modernist -pulsing -Cicero -slaughtered -boasted -##losure -zipper -##hales -aristocracy -halftime -jolt -unlawful -Marching -sustaining -Yerevan -bracket -ram -Markus -##zef -butcher -massage -##quisite -Leisure -Pizza -collapsing -##lante -commentaries -scripted -##disciplinary -##sused -eroded -alleging -vase -Chichester -Peacock -commencement -dice -hotter -poisonous -executions -##occo -frost -fielding -vendor -Counts -Troops -maize -Divisional -analogue -shadowy -Nuevo -Ville -radiating -worthless -Adriatic -Buy -blaze -brutally -horizontally -longed -##matical -federally -Rolf -Root -exclude -rag -agitation -Lounge -astonished -##wirl -Impossible -transformations -##IVE -##ceded -##slav -downloaded -fucked -Egyptians -Welles -##ffington -U2 -befriended -radios -##jid -archaic -compares -##ccelerator -##imated -##tosis -Hung -Scientists -Thousands -geographically -##LR -Macintosh -fluorescent -##ipur -Wehrmacht -##BR -##firmary -Chao -##ague -Boyer -##grounds -##hism -##mento -##taining -infancy -##cton -510 -Boca -##loy -1644 -ben -dong -stresses -Sweat -expressway -graders -ochreous -nets -Lawn -thirst -Uruguayan -satisfactory -##tracts -baroque -rusty -##ław -Shen -Gdańsk -chickens -##graving -Hodge -Papal -SAT -bearer -##ogo -##rger -merits -Calendar -Highest -Skills -##ortex -Roberta -paradigm -recounts -frigates -swamps -unitary -##oker -balloons -Hawthorne -Muse -spurred -advisors -reclaimed -stimulate -fibre -pat -repeal -##dgson -##iar -##rana -anthropologist -descends -flinch -reared -##chang -##eric -##lithic -commissioning -##cumenical -##lume -##rchen -Wolff -##tsky -Eurasian -Nepali -Nightmare -ZIP -playback -##latz -##vington -Warm -##75 -Martina -Rollins -Saetan -Variations -sorting -##م -530 -Joaquin -Ptolemy -thinner -##iator -##pticism -Cebu -Highlanders -Linden -Vanguard -##SV -##mor -##ulge -ISSN -cartridges -repression -Étienne -311 -Lauderdale -commodities -null -##rb -1720 -gearbox -##reator -Ang -Forgotten -dubious -##rls -##dicative -##phate -Groove -Herrera -##çais -Collections -Maximus -##published -Fell -Qualification -filtering -##tized -Roe -hazards -##37 -##lative -##tröm -Guadalupe -Tajikistan -Preliminary -fronted -glands -##paper -##iche -##iding -Cairns -rallies -Location -seduce -##mple -BYU -##itic -##FT -Carmichael -Prentice -songwriters -forefront -Physicians -##rille -##zee -Preparatory -##cherous -UV -##dized -Navarro -misses -##nney -Inland -resisting -##sect -Hurt -##lino -galaxies -##raze -Institutions -devote -##lamp -##ciating -baron -##bracing -Hess -operatic -##CL -##ος -Chevalier -Guiana -##lattered -Fed -##cuted -##smo -Skull -denies -236 -Waller -##mah -Sakura -mole -nominate -sermons -##bering -widowed -##röm -Cavendish -##struction -Nehru -Revelation -doom -Gala -baking -Nr -Yourself -banning -Individuals -Sykes -orchestrated -630 -Phone -steered -620 -specialising -starvation -##AV -##alet -##upation -seductive -##jects -##zure -Tolkien -Benito -Wizards -Submarine -dictator -Duo -Caden -approx -basins -##nc -shrink -##icles -##sponsible -249 -mit -outpost -##bayashi -##rouse -##tl -Jana -Lombard -RBIs -finalized -humanities -##function -Honorable -tomato -##iot -Pie -tee -##pect -Beaufort -Ferris -bucks -##graduate -##ocytes -Directory -anxiously -##nating -flanks -##Ds -virtues -##believable -Grades -criterion -manufactures -sourced -##balt -##dance -##tano -Ying -##BF -##sett -adequately -blacksmith -totaled -trapping -expanse -Historia -Worker -Sense -ascending -housekeeper -##oos -Crafts -Resurrection -##verty -encryption -##aris -##vat -##pox -##runk -##iability -gazes -spying -##ths -helmets -wired -##zophrenia -Cheung -WR -downloads -stereotypes -239 -Lucknow -bleak -Bragg -hauling -##haft -prohibit -##ermined -##castle -barony -##hta -Typhoon -antibodies -##ascism -Hawthorn -Kurdistan -Minority -Gorge -Herr -appliances -disrupt -Drugs -Lazarus -##ilia -##ryo -##tany -Gotta -Masovian -Roxy -choreographed -##rissa -turbulent -##listed -Anatomy -exiting -##det -##isław -580 -Kaufman -sage -##apa -Symposium -##rolls -Kaye -##ptera -##rocław -jerking -##menclature -Guo -M1 -resurrected -trophies -##lard -Gathering -nestled -serpent -Dow -reservoirs -Claremont -arbitration -chronicle -eki -##arded -##zers -##mmoth -Congregational -Astronomical -NE -RA -Robson -Scotch -modelled -slashed -##imus -exceeds -##roper -##utile -Laughing -vascular -superficial -##arians -Barclay -Caucasian -classmate -sibling -Kimberly -Shreveport -##ilde -##liche -Cheney -Deportivo -Veracruz -berries -##lase -Bed -MI -Anatolia -Mindanao -broadband -##olia -##arte -##wab -darts -##immer -##uze -believers -ordinance -violate -##wheel -##ynth -Alongside -Coupe -Hobbs -arrondissement -earl -townland -##dote -##lihood -##sla -Ghosts -midfield -pulmonary -##eno -cues -##gol -##zda -322 -Siena -Sultanate -Bradshaw -Pieter -##thical -Raceway -bared -competence -##ssent -Bet -##urer -##ła -Alistair -Göttingen -appropriately -forge -##osterone -##ugen -DL -345 -convoys -inventions -##resses -##cturnal -Fay -Integration -slash -##roats -Widow -barking -##fant -1A -Hooper -##cona -##runched -unreliable -##emont -##esign -##stabulary -##stop -Journalists -bony -##iba -##trata -##ège -horrific -##bish -Jocelyn -##rmon -##apon -##cier -trainers -##ulatory -1753 -BR -corpus -synthesized -##bidden -##rafford -Elgin -##entry -Doherty -clockwise -##played -spins -##ample -##bley -Cope -constructions -seater -warlord -Voyager -documenting -fairies -##viator -Lviv -jewellery -suites -##gold -Maia -NME -##eavor -##kus -Eugène -furnishings -##risto -MCC -Metropolis -Older -Telangana -##mpus -amplifier -supervising -1710 -buffalo -cushion -terminating -##powering -steak -Quickly -contracting -dem -sarcastically -Elsa -##hein -bastards -narratives -Takes -304 -composure -typing -variance -##ifice -Softball -##rations -McLaughlin -gaped -shrines -##hogany -Glamorgan -##icle -##nai -##ntin -Fleetwood -Woodland -##uxe -fictitious -shrugs -##iper -BWV -conform -##uckled -Launch -##ductory -##mized -Tad -##stituted -##free -Bel -Chávez -messing -quartz -##iculate -##folia -##lynn -ushered -##29 -##ailing -dictated -Pony -##opsis -precinct -802 -Plastic -##ughter -##uno -##porated -Denton -Matters -SPD -hating -##rogen -Essential -Deck -Dortmund -obscured -##maging -Earle -##bred -##ittle -##ropolis -saturated -##fiction -##ression -Pereira -Vinci -mute -warehouses -##ún -biographies -##icking -sealing -##dered -executing -pendant -##wives -murmurs -##oko -substrates -symmetrical -Susie -##mare -Yusuf -analogy -##urage -Lesley -limitation -##rby -##ío -disagreements -##mise -embroidered -nape -unarmed -Sumner -Stores -dwell -Wilcox -creditors -##rivatization -##shes -##amia -directs -recaptured -scouting -McGuire -cradle -##onnell -Sato -insulin -mercenary -tolerant -Macquarie -transitions -cradled -##berto -##ivism -##yotes -FF -Ke -Reach -##dbury -680 -##bill -##oja -##sui -prairie -##ogan -reactive -##icient -##rits -Cyclone -Sirius -Survival -Pak -##coach -##trar -halves -Agatha -Opus -contrasts -##jection -ominous -##iden -Baylor -Woodrow -duct -fortification -intercourse -##rois -Colbert -envy -##isi -Afterward -geared -##flections -accelerate -##lenching -Witness -##rrer -Angelina -Material -assertion -misconduct -Nix -cringed -tingling -##eti -##gned -Everest -disturb -sturdy -##keepers -##vied -Profile -heavenly -##kova -##victed -translating -##sses -316 -Invitational -Mention -martyr -##uristic -Barron -hardness -Nakamura -405 -Genevieve -reflections -##falls -jurist -##LT -Pyramid -##yme -Shoot -heck -linguist -##tower -Ives -superiors -##leo -Achilles -##phological -Christophe -Padma -precedence -grassy -Oral -resurrection -##itting -clumsy -##lten -##rue -huts -##stars -Equal -##queduct -Devin -Gaga -diocesan -##plating -##upe -##graphers -Patch -Scream -hail -moaning -tracts -##hdi -Examination -outsider -##ergic -##oter -Archipelago -Havilland -greenish -tilting -Aleksandr -Konstantin -warship -##emann -##gelist -##ought -billionaire -##blivion -321 -Hungarians -transplant -##jured -##fters -Corbin -autism -pitchers -Garner -thence -Scientology -transitioned -integrating -repetitive -##dant -Rene -vomit -##burne -1661 -Researchers -Wallis -insulted -wavy -##wati -Ewing -excitedly -##kor -frescoes -injustice -##achal -##lumber -##úl -novella -##sca -Liv -##enstein -##river -monstrous -topping -downfall -looming -sinks -trillion -##pont -Effect -##phi -##urley -Sites -catchment -##H1 -Hopper -##raiser -1642 -Maccabi -lance -##chia -##sboro -NSA -branching -retorted -tensor -Immaculate -drumming -feeder -##mony -Dyer -homicide -Temeraire -fishes -protruding -skins -orchards -##nso -inlet -ventral -##finder -Asiatic -Sul -1688 -Melinda -assigns -paranormal -gardening -Tau -calming -##inge -##crow -regimental -Nik -fastened -correlated -##gene -##rieve -Sick -##minster -##politan -hardwood -hurled -##ssler -Cinematography -rhyme -Montenegrin -Packard -debating -##itution -Helens -Trick -Museums -defiance -encompassed -##EE -##TU -##nees -##uben -##ünster -##nosis -435 -Hagen -cinemas -Corbett -commended -##fines -##oman -bosses -ripe -scraping -##loc -filly -Saddam -pointless -Faust -Orléans -Syriac -##♭ -longitude -##ropic -Alfa -bliss -gangster -##ckling -SL -blending -##eptide -##nner -bends -escorting -##bloid -##quis -burials -##sle -##è -Ambulance -insults -##gth -Antrim -unfolded -##missible -splendid -Cure -warily -Saigon -Waste -astonishment -boroughs -##VS -##dalgo -##reshing -##usage -rue -marital -versatile -unpaid -allotted -bacterium -##coil -##cue -Dorothea -IDF -##location -##yke -RPG -##tropical -devotees -liter -##pree -Johnstone -astronaut -attends -pollen -periphery -doctrines -meta -showered -##tyn -GO -Huh -laude -244 -Amar -Christensen -Ping -Pontifical -Austen -raiding -realities -##dric -urges -##dek -Cambridgeshire -##otype -Cascade -Greenberg -Pact -##cognition -##aran -##urion -Riot -mimic -Eastwood -##imating -reversal -##blast -##henian -Pitchfork -##sunderstanding -Staten -WCW -lieu -##bard -##sang -experimenting -Aquino -##lums -TNT -Hannibal -catastrophic -##lsive -272 -308 -##otypic -41st -Highways -aggregator -##fluenza -Featured -Reece -dispatch -simulated -##BE -Communion -Vinnie -hardcover -inexpensive -til -##adores -groundwater -kicker -blogs -frenzy -##wala -dealings -erase -Anglia -##umour -Hapoel -Marquette -##raphic -##tives -consult -atrocities -concussion -##érard -Decree -ethanol -##aen -Rooney -##chemist -##hoot -1620 -menacing -Schuster -##bearable -laborers -sultan -Juliana -erased -onstage -##ync -Eastman -##tick -hushed -##yrinth -Lexie -Wharton -Lev -##PL -Testing -Bangladeshi -##bba -##usions -communicated -integers -internship -societal -##odles -Loki -ET -Ghent -broadcasters -Unix -##auer -Kildare -Yamaha -##quencing -##zman -chilled -##rapped -##uant -Duval -sentiments -Oliveira -packets -Horne -##rient -Harlan -Mirage -invariant -##anger -##tensive -flexed -sweetness -##wson -alleviate -insulting -limo -Hahn -##llars -##hesia -##lapping -buys -##oaming -mocked -pursuits -scooted -##conscious -##ilian -Ballad -jackets -##kra -hilly -##cane -Scenic -McGraw -silhouette -whipping -##roduced -##wark -##chess -##rump -Lemon -calculus -demonic -##latine -Bharatiya -Govt -Que -Trilogy -Ducks -Suit -stairway -##ceipt -Isa -regulator -Automobile -flatly -##buster -##lank -Spartans -topography -Tavi -usable -Chartered -Fairchild -##sance -##vyn -Digest -nuclei -typhoon -##llon -Alvarez -DJs -Grimm -authoritative -firearm -##chschule -Origins -lair -unmistakable -##xial -##cribing -Mouth -##genesis -##shū -##gaon -##ulter -Jaya -Neck -##UN -##oing -##static -relativity -##mott -##utive -##esan -##uveau -BT -salts -##roa -Dustin -preoccupied -Novgorod -##asus -Magnum -tempting -##histling -##ilated -Musa -##ghty -Ashland -pubs -routines -##etto -Soto -257 -Featuring -Augsburg -##alaya -Bit -loomed -expects -##abby -##ooby -Auschwitz -Pendleton -vodka -##sent -rescuing -systemic -##inet -##leg -Yun -applicant -revered -##nacht -##ndas -Muller -characterization -##patient -##roft -Carole -##asperated -Amiga -disconnected -gel -##cologist -Patriotic -rallied -assign -veterinary -installing -##cedural -258 -Jang -Parisian -incarcerated -stalk -##iment -Jamal -McPherson -Palma -##oken -##viation -512 -Rourke -irrational -##rippled -Devlin -erratic -##NI -##payers -Ni -engages -Portal -aesthetics -##rrogance -Milne -assassins -##rots -335 -385 -Cambodian -Females -fellows -si -##block -##otes -Jayne -Toro -flutter -##eera -Burr -##lanche -relaxation -##fra -Fitzroy -##undy -1751 -261 -comb -conglomerate -ribbons -veto -##Es -casts -##ege -1748 -Ares -spears -spirituality -comet -##nado -##yeh -Veterinary -aquarium -yer -Councils -##oked -##ynamic -Malmö -remorse -auditions -drilled -Hoffmann -Moe -Nagoya -Yacht -##hakti -##race -##rrick -Talmud -coordinating -##EI -##bul -##his -##itors -##ligent -##uerra -Narayan -goaltender -taxa -##asures -Det -##mage -Infinite -Maid -bean -intriguing -##cription -gasps -socket -##mentary -##reus -sewing -transmitting -##different -##furbishment -##traction -Grimsby -sprawling -Shipyard -##destine -##hropic -##icked -trolley -##agi -##lesh -Josiah -invasions -Content -firefighters -intro -Lucifer -subunit -Sahib -Myrtle -inhibitor -maneuvers -##teca -Wrath -slippery -##versing -Shoes -##dial -##illiers -##luded -##mmal -##pack -handkerchief -##edestal -##stones -Fusion -cumulative -##mell -##cacia -##rudge -##utz -foe -storing -swiped -##meister -##orra -batter -strung -##venting -##kker -Doo -Taste -immensely -Fairbanks -Jarrett -Boogie -1746 -mage -Kick -legislators -medial -##ilon -##logies -##ranton -Hybrid -##uters -Tide -deportation -Metz -##secration -##virus -UFO -##fell -##orage -##raction -##rrigan -1747 -fabricated -##BM -##GR -##rter -muttering -theorist -##tamine -BMG -Kincaid -solvent -##azed -Thin -adorable -Wendell -ta -##viour -pulses -##pologies -counters -exposition -sewer -Luciano -Clancy -##angelo -##riars -Showtime -observes -frankly -##oppy -Bergman -lobes -timetable -##bri -##uest -FX -##dust -##genus -Glad -Helmut -Meridian -##besity -##ontaine -Revue -miracles -##titis -PP -bluff -syrup -307 -Messiah -##erne -interfering -picturesque -unconventional -dipping -hurriedly -Kerman -248 -Ethnic -Toward -acidic -Harrisburg -##65 -intimidating -##aal -Jed -Pontiac -munitions -##nchen -growling -mausoleum -##ération -##wami -Cy -aerospace -caucus -Doing -##around -##miring -Cuthbert -##poradic -##rovisation -##wth -evaluating -##scraper -Belinda -owes -##sitic -##thermal -##fast -economists -##lishing -##uerre -##ân -credible -##koto -Fourteen -cones -##ebrates -bookstore -towels -##phony -Appearance -newscasts -##olin -Karin -Bingham -##elves -1680 -306 -disks -##lston -##secutor -Levant -##vout -Micro -snuck -##ogel -##racker -Exploration -drastic -##kening -Elsie -endowment -##utnant -Blaze -##rrosion -leaking -45th -##rug -##uernsey -760 -Shapiro -cakes -##ehan -##mei -##ité -##kla -repetition -successively -Friendly -Île -Koreans -Au -Tirana -flourish -Spirits -Yao -reasoned -##leam -Consort -cater -marred -ordeal -supremacy -##ritable -Paisley -euro -healer -portico -wetland -##kman -restart -##habilitation -##zuka -##Script -emptiness -communion -##CF -##inhabited -##wamy -Casablanca -pulsed -##rrible -##safe -395 -Dual -Terrorism -##urge -##found -##gnolia -Courage -patriarch -segregated -intrinsic -##liography -##phe -PD -convection -##icidal -Dharma -Jimmie -texted -constituents -twitch -##calated -##mitage -##ringing -415 -milling -##geons -Armagh -Geometridae -evergreen -needy -reflex -template -##pina -Schubert -##bruck -##icted -##scher -##wildered -1749 -Joanne -clearer -##narl -278 -Print -automation -consciously -flashback -occupations -##ests -Casimir -differentiated -policing -repay -##aks -##gnesium -Evaluation -commotion -##CM -##smopolitan -Clapton -mitochondrial -Kobe -1752 -Ignoring -Vincenzo -Wet -bandage -##rassed -##unate -Maris -##eted -##hetical -figuring -##eit -##nap -leopard -strategically -##reer -Fen -Iain -##ggins -##pipe -Matteo -McIntyre -##chord -##feng -Romani -asshole -flopped -reassure -Founding -Styles -Torino -patrolling -##erging -##ibrating -##ructural -sincerity -##ät -##teacher -Juliette -##cé -##hog -##idated -##span -Winfield -##fender -##nast -##pliant -1690 -Bai -Je -Saharan -expands -Bolshevik -rotate -##root -Britannia -Severn -##cini -##gering -##say -sly -Steps -insertion -rooftop -Piece -cuffs -plausible -##zai -Provost -semantic -##data -##vade -##cimal -IPA -indictment -Libraries -flaming -highlands -liberties -##pio -Elders -aggressively -##pecific -Decision -pigeon -nominally -descriptive -adjustments -equestrian -heaving -##mour -##dives -##fty -##yton -intermittent -##naming -##sets -Calvert -Casper -Tarzan -##kot -Ramírez -##IB -##erus -Gustavo -Roller -vaulted -##solation -##formatics -##tip -Hunger -colloquially -handwriting -hearth -launcher -##idian -##ilities -##lind -##locating -Magdalena -Soo -clubhouse -##kushima -##ruit -Bogotá -Organic -Worship -##Vs -##wold -upbringing -##kick -groundbreaking -##urable -##ván -repulsed -##dira -##ditional -##ici -melancholy -##bodied -##cchi -404 -concurrency -H₂O -bouts -##gami -288 -Leto -troll -##lak -advising -bundled -##nden -lipstick -littered -##leading -##mogeneous -Experiment -Nikola -grove -##ogram -Mace -##jure -cheat -Annabelle -Tori -lurking -Emery -Walden -##riz -paints -Markets -brutality -overrun -##agu -##sat -din -ostensibly -Fielding -flees -##eron -Pound -ornaments -tornadoes -##nikov -##organisation -##reen -##Works -##ldred -##olten -##stillery -soluble -Mata -Grimes -Léon -##NF -coldly -permitting -##inga -##reaked -Agents -hostess -##dl -Dyke -Kota -avail -orderly -##saur -##sities -Arroyo -##ceps -##egro -Hawke -Noctuidae -html -seminar -##ggles -##wasaki -Clube -recited -##sace -Ascension -Fitness -dough -##ixel -Nationale -##solidate -pulpit -vassal -570 -Annapolis -bladder -phylogenetic -##iname -convertible -##ppan -Comet -paler -##definite -Spot -##dices -frequented -Apostles -slalom -##ivision -##mana -##runcated -Trojan -##agger -##iq -##league -Concept -Controller -##barian -##curate -##spersed -##tring -engulfed -inquired -##hmann -286 -##dict -##osy -##raw -MacKenzie -su -##ienced -##iggs -##quitaine -bisexual -##noon -runways -subsp -##! -##" -### -##$ -##% -##& -##' -##( -##) -##* -##+ -##, -##- -##. -##/ -##: -##; -##< -##= -##> -##? -##@ -##[ -##\ -##] -##^ -##_ -##` -##{ -##| -##} -##~ -##¡ -##¢ -##£ -##¥ -##§ -##¨ -##© -##ª -##« -##¬ -##® -##± -##´ -##µ -##¶ -##· -##¹ -##º -##» -##¼ -##¾ -##¿ -##À -##Á -## -##Ä -##Å -##Æ -##Ç -##È -##É -##Í -##Î -##Ñ -##Ó -##Ö -##× -##Ø -##Ú -##Ü -##Þ -##â -##ã -##æ -##ç -##î -##ï -##ð -##ñ -##ô -##õ -##÷ -##û -##þ -##ÿ -##Ā -##ą -##Ć -##Č -##ď -##Đ -##đ -##ē -##ė -##ę -##ě -##ğ -##ġ -##Ħ -##ħ -##ĩ -##Ī -##İ -##ļ -##Ľ -##ľ -##Ł -##ņ -##ň -##ŋ -##Ō -##ŏ -##ő -##Œ -##œ -##ř -##Ś -##ś -##Ş -##Š -##Ţ -##ţ -##ť -##ũ -##ŭ -##ů -##ű -##ų -##ŵ -##ŷ -##ź -##Ż -##ż -##Ž -##ž -##Ə -##ƒ -##ơ -##ư -##ǎ -##ǐ -##ǒ -##ǔ -##ǫ -##Ș -##Ț -##ț -##ɐ -##ɑ -##ɔ -##ɕ -##ə -##ɛ -##ɡ -##ɣ -##ɨ -##ɪ -##ɲ -##ɾ -##ʀ -##ʁ -##ʂ -##ʃ -##ʊ -##ʋ -##ʌ -##ʐ -##ʑ -##ʒ -##ʔ -##ʰ -##ʲ -##ʳ -##ʷ -##ʻ -##ʼ -##ʾ -##ʿ -##ˈ -##ː -##ˡ -##ˢ -##ˣ -##́ -##̃ -##̍ -##̯ -##͡ -##Α -##Β -##Γ -##Δ -##Ε -##Η -##Θ -##Ι -##Κ -##Λ -##Μ -##Ν -##Ο -##Π -##Σ -##Τ -##Φ -##Χ -##Ψ -##Ω -##ά -##έ -##ή -##ί -##β -##γ -##δ -##ε -##ζ -##η -##θ -##ι -##κ -##λ -##μ -##ξ -##ο -##π -##ρ -##σ -##τ -##υ -##φ -##χ -##ψ -##ω -##ό -##ύ -##ώ -##І -##Ј -##А -##Б -##В -##Г -##Д -##Е -##Ж -##З -##И -##К -##Л -##М -##Н -##О -##П -##Р -##С -##Т -##У -##Ф -##Х -##Ц -##Ч -##Ш -##Э -##Ю -##Я -##б -##в -##г -##д -##ж -##з -##к -##л -##м -##п -##с -##т -##у -##ф -##х -##ц -##ч -##ш -##щ -##ъ -##ы -##ь -##э -##ю -##ё -##і -##ї -##ј -##њ -##ћ -##Ա -##Հ -##ա -##ե -##ի -##կ -##մ -##յ -##ն -##ո -##ս -##տ -##ր -##ւ -##ְ -##ִ -##ֵ -##ֶ -##ַ -##ָ -##ֹ -##ּ -##א -##ב -##ג -##ד -##ה -##ו -##ז -##ח -##ט -##י -##כ -##ל -##ם -##מ -##ן -##נ -##ס -##ע -##פ -##צ -##ק -##ר -##ש -##ת -##، -##ء -##آ -##أ -##إ -##ئ -##ا -##ب -##ت -##ث -##ج -##ح -##خ -##ذ -##ز -##س -##ش -##ص -##ض -##ط -##ظ -##ع -##غ -##ف -##ق -##ك -##ل -##و -##ى -##َ -##ِ -##ٹ -##پ -##چ -##ک -##گ -##ہ -##ی -##ے -##ं -##आ -##क -##ग -##च -##ज -##ण -##त -##द -##ध -##न -##प -##ब -##भ -##म -##य -##र -##ल -##व -##श -##ष -##स -##ह -##ा -##ि -##ी -##ु -##े -##ो -##् -##। -##॥ -##আ -##ই -##এ -##ও -##ক -##খ -##গ -##চ -##ছ -##জ -##ট -##ত -##থ -##দ -##ধ -##ন -##প -##ব -##ম -##য -##র -##ল -##শ -##স -##হ -##় -##া -##ি -##ী -##ু -##ে -##ো -##্ -##য় -##க -##த -##ப -##ம -##ய -##ர -##ல -##வ -##ா -##ி -##ு -##் -##ร -##་ -##ག -##ང -##ད -##ན -##བ -##མ -##ར -##ལ -##ས -##ི -##ུ -##ེ -##ོ -##ა -##ე -##ი -##ლ -##ნ -##ო -##რ -##ს -##ᴬ -##ᴵ -##ᵀ -##ᵃ -##ᵇ -##ᵈ -##ᵉ -##ᵍ -##ᵏ -##ᵐ -##ᵒ -##ᵖ -##ᵗ -##ᵘ -##ᵣ -##ᵤ -##ᵥ -##ᶜ -##ᶠ -##ḍ -##Ḥ -##ḥ -##Ḩ -##ḩ -##ḳ -##ṃ -##ṅ -##ṇ -##ṛ -##ṣ -##ṭ -##ạ -##ả -##ấ -##ầ -##ẩ -##ậ -##ắ -##ế -##ề -##ể -##ễ -##ệ -##ị -##ọ -##ố -##ồ -##ổ -##ộ -##ớ -##ờ -##ợ -##ụ -##ủ -##ứ -##ừ -##ử -##ữ -##ự -##ỳ -##ỹ -##ἀ -##ἐ -##ὁ -##ὐ -##ὰ -##ὶ -##ὸ -##ῆ -##ῖ -##ῦ -##ῶ -##‐ -##‑ -##‒ -##– -##— -##― -##‖ -##‘ -##’ -##‚ -##“ -##” -##„ -##† -##‡ -##• -##… -##‰ -##′ -##″ -##⁄ -##⁰ -##ⁱ -##⁴ -##⁵ -##⁶ -##⁷ -##⁸ -##⁹ -##⁻ -##ⁿ -##₅ -##₆ -##₇ -##₈ -##₉ -##₊ -##₍ -##₎ -##ₐ -##ₑ -##ₒ -##ₓ -##ₕ -##ₖ -##ₘ -##ₚ -##ₛ -##ₜ -##₤ -##€ -##₱ -##₹ -##ℓ -##№ -##ℝ -##⅓ -##← -##↑ -##→ -##↔ -##⇌ -##⇒ -##∂ -##∈ -##∗ -##∘ -##√ -##∞ -##∧ -##∨ -##∩ -##∪ -##≈ -##≠ -##≡ -##≤ -##≥ -##⊂ -##⊆ -##⊕ -##⋅ -##─ -##│ -##■ -##● -##★ -##☆ -##☉ -##♠ -##♣ -##♥ -##♦ -##♯ -##⟨ -##⟩ -##ⱼ -##、 -##。 -##《 -##》 -##「 -##」 -##『 -##』 -##〜 -##い -##う -##え -##お -##か -##き -##く -##け -##こ -##さ -##し -##す -##せ -##そ -##た -##ち -##つ -##て -##と -##な -##に -##の -##は -##ひ -##ま -##み -##む -##め -##も -##や -##ゆ -##よ -##ら -##り -##る -##れ -##ん -##ア -##ィ -##イ -##ウ -##エ -##オ -##カ -##ガ -##キ -##ク -##グ -##コ -##サ -##シ -##ジ -##ス -##ズ -##タ -##ダ -##ッ -##テ -##デ -##ト -##ド -##ナ -##ニ -##ハ -##バ -##パ -##フ -##ブ -##プ -##マ -##ミ -##ム -##ャ -##ュ -##ラ -##リ -##ル -##レ -##ロ -##ン -##・ -##ー -##一 -##三 -##上 -##下 -##中 -##事 -##二 -##井 -##京 -##人 -##亻 -##仁 -##佐 -##侍 -##光 -##公 -##力 -##北 -##十 -##南 -##原 -##口 -##史 -##司 -##吉 -##同 -##和 -##囗 -##国 -##國 -##土 -##城 -##士 -##大 -##天 -##太 -##夫 -##女 -##子 -##宀 -##安 -##宮 -##宿 -##小 -##尚 -##山 -##島 -##川 -##州 -##平 -##年 -##心 -##愛 -##戸 -##文 -##新 -##方 -##日 -##明 -##星 -##書 -##月 -##木 -##本 -##李 -##村 -##東 -##松 -##林 -##正 -##武 -##氏 -##水 -##氵 -##江 -##河 -##海 -##版 -##犬 -##王 -##生 -##田 -##白 -##皇 -##省 -##真 -##石 -##社 -##神 -##竹 -##美 -##義 -##花 -##藤 -##西 -##谷 -##車 -##辶 -##道 -##郎 -##郡 -##部 -##野 -##金 -##長 -##門 -##陽 -##青 -##食 -##馬 -##高 -##龍 -##龸 -##사 -##씨 -##의 -##이 -##한 -##fi -##fl -##! -##( -##) -##, -##- -##/ -##: diff --git a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_squad/vocab.uncased.txt b/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_squad/vocab.uncased.txt deleted file mode 100644 index fb140275c155a9c7c5a3b3e0e77a9e839594a938..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/ACL2019-KTNET/retrieve_concepts/tokenization_squad/vocab.uncased.txt +++ /dev/null @@ -1,30522 +0,0 @@ -[PAD] -[unused0] -[unused1] -[unused2] -[unused3] -[unused4] -[unused5] -[unused6] -[unused7] -[unused8] -[unused9] -[unused10] -[unused11] -[unused12] -[unused13] -[unused14] -[unused15] -[unused16] -[unused17] -[unused18] -[unused19] -[unused20] -[unused21] -[unused22] -[unused23] -[unused24] -[unused25] -[unused26] -[unused27] -[unused28] -[unused29] -[unused30] -[unused31] -[unused32] -[unused33] -[unused34] -[unused35] -[unused36] -[unused37] -[unused38] -[unused39] -[unused40] -[unused41] -[unused42] -[unused43] -[unused44] -[unused45] -[unused46] -[unused47] -[unused48] -[unused49] -[unused50] -[unused51] -[unused52] -[unused53] -[unused54] -[unused55] -[unused56] -[unused57] -[unused58] -[unused59] -[unused60] -[unused61] -[unused62] -[unused63] -[unused64] -[unused65] -[unused66] -[unused67] -[unused68] -[unused69] -[unused70] -[unused71] -[unused72] -[unused73] -[unused74] -[unused75] -[unused76] -[unused77] -[unused78] -[unused79] -[unused80] -[unused81] -[unused82] -[unused83] -[unused84] -[unused85] -[unused86] -[unused87] -[unused88] -[unused89] -[unused90] -[unused91] -[unused92] -[unused93] -[unused94] -[unused95] -[unused96] -[unused97] -[unused98] -[UNK] -[CLS] -[SEP] -[MASK] -[unused99] -[unused100] -[unused101] -[unused102] -[unused103] -[unused104] -[unused105] -[unused106] -[unused107] -[unused108] -[unused109] -[unused110] -[unused111] -[unused112] -[unused113] -[unused114] -[unused115] -[unused116] -[unused117] -[unused118] -[unused119] -[unused120] -[unused121] -[unused122] -[unused123] -[unused124] -[unused125] -[unused126] -[unused127] -[unused128] -[unused129] -[unused130] -[unused131] -[unused132] -[unused133] -[unused134] -[unused135] -[unused136] -[unused137] -[unused138] -[unused139] -[unused140] -[unused141] -[unused142] -[unused143] -[unused144] -[unused145] -[unused146] -[unused147] -[unused148] -[unused149] -[unused150] -[unused151] -[unused152] -[unused153] -[unused154] -[unused155] -[unused156] -[unused157] -[unused158] -[unused159] -[unused160] -[unused161] -[unused162] -[unused163] -[unused164] -[unused165] -[unused166] -[unused167] -[unused168] -[unused169] -[unused170] -[unused171] -[unused172] -[unused173] -[unused174] -[unused175] -[unused176] -[unused177] -[unused178] -[unused179] -[unused180] -[unused181] -[unused182] -[unused183] -[unused184] -[unused185] -[unused186] -[unused187] -[unused188] -[unused189] -[unused190] -[unused191] -[unused192] -[unused193] -[unused194] -[unused195] -[unused196] -[unused197] -[unused198] -[unused199] -[unused200] -[unused201] -[unused202] -[unused203] -[unused204] -[unused205] -[unused206] -[unused207] -[unused208] -[unused209] -[unused210] -[unused211] -[unused212] -[unused213] -[unused214] -[unused215] -[unused216] -[unused217] -[unused218] -[unused219] -[unused220] -[unused221] -[unused222] -[unused223] -[unused224] -[unused225] -[unused226] -[unused227] -[unused228] -[unused229] -[unused230] -[unused231] -[unused232] -[unused233] -[unused234] -[unused235] -[unused236] -[unused237] -[unused238] -[unused239] -[unused240] -[unused241] -[unused242] -[unused243] -[unused244] -[unused245] -[unused246] -[unused247] -[unused248] -[unused249] -[unused250] -[unused251] -[unused252] -[unused253] -[unused254] -[unused255] -[unused256] -[unused257] -[unused258] -[unused259] -[unused260] -[unused261] -[unused262] -[unused263] -[unused264] -[unused265] -[unused266] -[unused267] -[unused268] -[unused269] -[unused270] -[unused271] -[unused272] -[unused273] -[unused274] -[unused275] -[unused276] -[unused277] -[unused278] -[unused279] -[unused280] -[unused281] -[unused282] -[unused283] -[unused284] -[unused285] -[unused286] -[unused287] -[unused288] -[unused289] -[unused290] -[unused291] -[unused292] -[unused293] -[unused294] -[unused295] -[unused296] -[unused297] -[unused298] -[unused299] -[unused300] -[unused301] -[unused302] -[unused303] -[unused304] -[unused305] -[unused306] -[unused307] -[unused308] -[unused309] -[unused310] -[unused311] -[unused312] -[unused313] -[unused314] -[unused315] -[unused316] -[unused317] -[unused318] -[unused319] -[unused320] -[unused321] -[unused322] -[unused323] -[unused324] -[unused325] -[unused326] -[unused327] -[unused328] -[unused329] -[unused330] -[unused331] -[unused332] -[unused333] -[unused334] -[unused335] -[unused336] -[unused337] -[unused338] -[unused339] -[unused340] -[unused341] -[unused342] -[unused343] -[unused344] -[unused345] -[unused346] -[unused347] -[unused348] -[unused349] -[unused350] -[unused351] -[unused352] -[unused353] -[unused354] -[unused355] -[unused356] -[unused357] -[unused358] -[unused359] -[unused360] -[unused361] -[unused362] -[unused363] -[unused364] -[unused365] -[unused366] -[unused367] -[unused368] -[unused369] -[unused370] -[unused371] -[unused372] -[unused373] -[unused374] -[unused375] -[unused376] -[unused377] -[unused378] -[unused379] -[unused380] -[unused381] -[unused382] -[unused383] -[unused384] -[unused385] -[unused386] -[unused387] -[unused388] -[unused389] -[unused390] -[unused391] -[unused392] -[unused393] -[unused394] -[unused395] -[unused396] -[unused397] -[unused398] -[unused399] -[unused400] -[unused401] -[unused402] -[unused403] -[unused404] -[unused405] -[unused406] -[unused407] -[unused408] -[unused409] -[unused410] -[unused411] -[unused412] -[unused413] -[unused414] -[unused415] -[unused416] -[unused417] -[unused418] -[unused419] -[unused420] -[unused421] -[unused422] -[unused423] -[unused424] -[unused425] -[unused426] -[unused427] -[unused428] -[unused429] -[unused430] -[unused431] -[unused432] -[unused433] -[unused434] -[unused435] -[unused436] -[unused437] -[unused438] -[unused439] -[unused440] -[unused441] -[unused442] -[unused443] -[unused444] -[unused445] -[unused446] -[unused447] -[unused448] -[unused449] -[unused450] -[unused451] -[unused452] -[unused453] -[unused454] -[unused455] -[unused456] -[unused457] -[unused458] -[unused459] -[unused460] -[unused461] -[unused462] -[unused463] -[unused464] -[unused465] -[unused466] -[unused467] -[unused468] -[unused469] -[unused470] -[unused471] -[unused472] -[unused473] -[unused474] -[unused475] -[unused476] -[unused477] -[unused478] -[unused479] -[unused480] -[unused481] -[unused482] -[unused483] -[unused484] -[unused485] -[unused486] -[unused487] -[unused488] -[unused489] -[unused490] -[unused491] -[unused492] -[unused493] -[unused494] -[unused495] -[unused496] -[unused497] -[unused498] -[unused499] -[unused500] -[unused501] -[unused502] -[unused503] -[unused504] -[unused505] -[unused506] -[unused507] -[unused508] -[unused509] -[unused510] -[unused511] -[unused512] -[unused513] -[unused514] -[unused515] -[unused516] -[unused517] -[unused518] -[unused519] -[unused520] -[unused521] -[unused522] -[unused523] -[unused524] -[unused525] -[unused526] -[unused527] -[unused528] -[unused529] -[unused530] -[unused531] -[unused532] -[unused533] -[unused534] -[unused535] -[unused536] -[unused537] -[unused538] -[unused539] -[unused540] -[unused541] -[unused542] -[unused543] -[unused544] -[unused545] -[unused546] -[unused547] -[unused548] -[unused549] -[unused550] -[unused551] -[unused552] -[unused553] -[unused554] -[unused555] -[unused556] -[unused557] -[unused558] -[unused559] -[unused560] -[unused561] -[unused562] -[unused563] -[unused564] -[unused565] -[unused566] -[unused567] -[unused568] -[unused569] -[unused570] -[unused571] -[unused572] -[unused573] -[unused574] -[unused575] -[unused576] -[unused577] -[unused578] -[unused579] -[unused580] -[unused581] -[unused582] -[unused583] -[unused584] -[unused585] -[unused586] -[unused587] -[unused588] -[unused589] -[unused590] -[unused591] -[unused592] -[unused593] -[unused594] -[unused595] -[unused596] -[unused597] -[unused598] -[unused599] -[unused600] -[unused601] -[unused602] -[unused603] -[unused604] -[unused605] -[unused606] -[unused607] -[unused608] -[unused609] -[unused610] -[unused611] -[unused612] -[unused613] -[unused614] -[unused615] -[unused616] -[unused617] -[unused618] -[unused619] -[unused620] -[unused621] -[unused622] -[unused623] -[unused624] -[unused625] -[unused626] -[unused627] -[unused628] -[unused629] -[unused630] -[unused631] -[unused632] -[unused633] -[unused634] -[unused635] -[unused636] -[unused637] -[unused638] -[unused639] -[unused640] -[unused641] -[unused642] -[unused643] -[unused644] -[unused645] -[unused646] -[unused647] -[unused648] -[unused649] -[unused650] -[unused651] -[unused652] -[unused653] -[unused654] -[unused655] -[unused656] -[unused657] -[unused658] -[unused659] -[unused660] -[unused661] -[unused662] -[unused663] -[unused664] -[unused665] -[unused666] -[unused667] -[unused668] -[unused669] -[unused670] -[unused671] -[unused672] -[unused673] -[unused674] -[unused675] -[unused676] -[unused677] -[unused678] -[unused679] -[unused680] -[unused681] -[unused682] -[unused683] -[unused684] -[unused685] -[unused686] -[unused687] -[unused688] -[unused689] -[unused690] -[unused691] -[unused692] -[unused693] -[unused694] -[unused695] -[unused696] -[unused697] -[unused698] -[unused699] -[unused700] -[unused701] -[unused702] -[unused703] -[unused704] -[unused705] -[unused706] -[unused707] -[unused708] -[unused709] -[unused710] -[unused711] -[unused712] -[unused713] -[unused714] -[unused715] -[unused716] -[unused717] -[unused718] -[unused719] -[unused720] -[unused721] -[unused722] -[unused723] -[unused724] -[unused725] -[unused726] -[unused727] -[unused728] -[unused729] -[unused730] -[unused731] -[unused732] -[unused733] -[unused734] -[unused735] -[unused736] -[unused737] -[unused738] -[unused739] -[unused740] -[unused741] -[unused742] -[unused743] -[unused744] -[unused745] -[unused746] -[unused747] -[unused748] -[unused749] -[unused750] -[unused751] -[unused752] -[unused753] -[unused754] -[unused755] -[unused756] -[unused757] -[unused758] -[unused759] -[unused760] -[unused761] -[unused762] -[unused763] -[unused764] -[unused765] -[unused766] -[unused767] -[unused768] -[unused769] -[unused770] -[unused771] -[unused772] -[unused773] -[unused774] -[unused775] -[unused776] -[unused777] -[unused778] -[unused779] -[unused780] -[unused781] -[unused782] -[unused783] -[unused784] -[unused785] -[unused786] -[unused787] -[unused788] -[unused789] -[unused790] -[unused791] -[unused792] -[unused793] -[unused794] -[unused795] -[unused796] -[unused797] -[unused798] -[unused799] -[unused800] -[unused801] -[unused802] -[unused803] -[unused804] -[unused805] -[unused806] -[unused807] -[unused808] -[unused809] -[unused810] -[unused811] -[unused812] -[unused813] -[unused814] -[unused815] -[unused816] -[unused817] -[unused818] -[unused819] -[unused820] -[unused821] -[unused822] -[unused823] -[unused824] -[unused825] -[unused826] -[unused827] -[unused828] -[unused829] -[unused830] -[unused831] -[unused832] -[unused833] -[unused834] -[unused835] -[unused836] -[unused837] -[unused838] -[unused839] -[unused840] -[unused841] -[unused842] -[unused843] -[unused844] -[unused845] -[unused846] -[unused847] -[unused848] -[unused849] -[unused850] -[unused851] -[unused852] -[unused853] -[unused854] -[unused855] -[unused856] -[unused857] -[unused858] -[unused859] -[unused860] -[unused861] -[unused862] -[unused863] -[unused864] -[unused865] -[unused866] -[unused867] -[unused868] -[unused869] -[unused870] -[unused871] -[unused872] -[unused873] -[unused874] -[unused875] -[unused876] -[unused877] -[unused878] -[unused879] -[unused880] -[unused881] -[unused882] -[unused883] -[unused884] -[unused885] -[unused886] -[unused887] -[unused888] -[unused889] -[unused890] -[unused891] -[unused892] -[unused893] -[unused894] -[unused895] -[unused896] -[unused897] -[unused898] -[unused899] -[unused900] -[unused901] -[unused902] -[unused903] -[unused904] -[unused905] -[unused906] -[unused907] -[unused908] -[unused909] -[unused910] -[unused911] -[unused912] -[unused913] -[unused914] -[unused915] -[unused916] -[unused917] -[unused918] -[unused919] -[unused920] -[unused921] -[unused922] -[unused923] -[unused924] -[unused925] -[unused926] -[unused927] -[unused928] -[unused929] -[unused930] -[unused931] -[unused932] -[unused933] -[unused934] -[unused935] -[unused936] -[unused937] -[unused938] -[unused939] -[unused940] -[unused941] -[unused942] -[unused943] -[unused944] -[unused945] -[unused946] -[unused947] -[unused948] -[unused949] -[unused950] -[unused951] -[unused952] -[unused953] -[unused954] -[unused955] -[unused956] -[unused957] -[unused958] -[unused959] -[unused960] -[unused961] -[unused962] -[unused963] -[unused964] -[unused965] -[unused966] -[unused967] -[unused968] -[unused969] -[unused970] -[unused971] -[unused972] -[unused973] -[unused974] -[unused975] -[unused976] -[unused977] -[unused978] -[unused979] -[unused980] -[unused981] -[unused982] -[unused983] -[unused984] -[unused985] -[unused986] -[unused987] -[unused988] -[unused989] -[unused990] -[unused991] -[unused992] -[unused993] -! -" -# -$ -% -& -' -( -) -* -+ -, -- -. -/ -0 -1 -2 -3 -4 -5 -6 -7 -8 -9 -: -; -< -= -> -? -@ -[ -\ -] -^ -_ -` -a -b -c -d -e -f -g -h -i -j -k -l -m -n -o -p -q -r -s -t -u -v -w -x -y -z -{ -| -} -~ -¡ -¢ -£ -¤ -¥ -¦ -§ -¨ -© -ª -« -¬ -® -° -± -² -³ -´ -µ -¶ -· -¹ -º -» -¼ -½ -¾ -¿ -× -ß -æ -ð -÷ -ø -þ -đ -ħ -ı -ł -ŋ -œ -ƒ -ɐ -ɑ -ɒ -ɔ -ɕ -ə -ɛ -ɡ -ɣ -ɨ -ɪ -ɫ -ɬ -ɯ -ɲ -ɴ -ɹ -ɾ -ʀ -ʁ -ʂ -ʃ -ʉ -ʊ -ʋ -ʌ -ʎ -ʐ -ʑ -ʒ -ʔ -ʰ -ʲ -ʳ -ʷ -ʸ -ʻ -ʼ -ʾ -ʿ -ˈ -ː -ˡ -ˢ -ˣ -ˤ -α -β -γ -δ -ε -ζ -η -θ -ι -κ -λ -μ -ν -ξ -ο -π -ρ -ς -σ -τ -υ -φ -χ -ψ -ω -а -б -в -г -д -е -ж -з -и -к -л -м -н -о -п -р -с -т -у -ф -х -ц -ч -ш -щ -ъ -ы -ь -э -ю -я -ђ -є -і -ј -љ -њ -ћ -ӏ -ա -բ -գ -դ -ե -թ -ի -լ -կ -հ -մ -յ -ն -ո -պ -ս -վ -տ -ր -ւ -ք -־ -א -ב -ג -ד -ה -ו -ז -ח -ט -י -ך -כ -ל -ם -מ -ן -נ -ס -ע -ף -פ -ץ -צ -ק -ר -ש -ת -، -ء -ا -ب -ة -ت -ث -ج -ح -خ -د -ذ -ر -ز -س -ش -ص -ض -ط -ظ -ع -غ -ـ -ف -ق -ك -ل -م -ن -ه -و -ى -ي -ٹ -پ -چ -ک -گ -ں -ھ -ہ -ی -ے -अ -आ -उ -ए -क -ख -ग -च -ज -ट -ड -ण -त -थ -द -ध -न -प -ब -भ -म -य -र -ल -व -श -ष -स -ह -ा -ि -ी -ो -। -॥ -ং -অ -আ -ই -উ -এ -ও -ক -খ -গ -চ -ছ -জ -ট -ড -ণ -ত -থ -দ -ধ -ন -প -ব -ভ -ম -য -র -ল -শ -ষ -স -হ -া -ি -ী -ে -க -ச -ட -த -ந -ன -ப -ம -ய -ர -ல -ள -வ -ா -ி -ு -ே -ை -ನ -ರ -ಾ -ක -ය -ර -ල -ව -ා -ก -ง -ต -ท -น -พ -ม -ย -ร -ล -ว -ส -อ -า -เ -་ -། -ག -ང -ད -ན -པ -བ -མ -འ -ར -ལ -ས -မ -ა -ბ -გ -დ -ე -ვ -თ -ი -კ -ლ -მ -ნ -ო -რ -ს -ტ -უ -ᄀ -ᄂ -ᄃ -ᄅ -ᄆ -ᄇ -ᄉ -ᄊ -ᄋ -ᄌ -ᄎ -ᄏ -ᄐ -ᄑ -ᄒ -ᅡ -ᅢ -ᅥ -ᅦ -ᅧ -ᅩ -ᅪ -ᅭ -ᅮ -ᅯ -ᅲ -ᅳ -ᅴ -ᅵ -ᆨ -ᆫ -ᆯ -ᆷ -ᆸ -ᆼ -ᴬ -ᴮ -ᴰ -ᴵ -ᴺ -ᵀ -ᵃ -ᵇ -ᵈ -ᵉ -ᵍ -ᵏ -ᵐ -ᵒ -ᵖ -ᵗ -ᵘ -ᵢ -ᵣ -ᵤ -ᵥ -ᶜ -ᶠ -‐ -‑ -‒ -– -— -― -‖ -‘ -’ -‚ -“ -” -„ -† -‡ -• -… -‰ -′ -″ -› -‿ -⁄ -⁰ -ⁱ -⁴ -⁵ -⁶ -⁷ -⁸ -⁹ -⁺ -⁻ -ⁿ -₀ -₁ -₂ -₃ -₄ -₅ -₆ -₇ -₈ -₉ -₊ -₍ -₎ -ₐ -ₑ -ₒ -ₓ -ₕ -ₖ -ₗ -ₘ -ₙ -ₚ -ₛ -ₜ -₤ -₩ -€ -₱ -₹ -ℓ -№ -ℝ -™ -⅓ -⅔ -← -↑ -→ -↓ -↔ -↦ -⇄ -⇌ -⇒ -∂ -∅ -∆ -∇ -∈ -− -∗ -∘ -√ -∞ -∧ -∨ -∩ -∪ -≈ -≡ -≤ -≥ -⊂ -⊆ -⊕ -⊗ -⋅ -─ -│ -■ -▪ -● -★ -☆ -☉ -♠ -♣ -♥ -♦ -♭ -♯ -⟨ -⟩ -ⱼ -⺩ -⺼ -⽥ -、 -。 -〈 -〉 -《 -》 -「 -」 -『 -』 -〜 -あ -い -う -え -お -か -き -く -け -こ -さ -し -す -せ -そ -た -ち -っ -つ -て -と -な -に -ぬ -ね -の -は -ひ -ふ -へ -ほ -ま -み -む -め -も -や -ゆ -よ -ら -り -る -れ -ろ -を -ん -ァ -ア -ィ -イ -ウ -ェ -エ -オ -カ -キ -ク -ケ -コ -サ -シ -ス -セ -タ -チ -ッ -ツ -テ -ト -ナ -ニ -ノ -ハ -ヒ -フ -ヘ -ホ -マ -ミ -ム -メ -モ -ャ -ュ -ョ -ラ -リ -ル -レ -ロ -ワ -ン -・ -ー -一 -三 -上 -下 -不 -世 -中 -主 -久 -之 -也 -事 -二 -五 -井 -京 -人 -亻 -仁 -介 -代 -仮 -伊 -会 -佐 -侍 -保 -信 -健 -元 -光 -八 -公 -内 -出 -分 -前 -劉 -力 -加 -勝 -北 -区 -十 -千 -南 -博 -原 -口 -古 -史 -司 -合 -吉 -同 -名 -和 -囗 -四 -国 -國 -土 -地 -坂 -城 -堂 -場 -士 -夏 -外 -大 -天 -太 -夫 -奈 -女 -子 -学 -宀 -宇 -安 -宗 -定 -宣 -宮 -家 -宿 -寺 -將 -小 -尚 -山 -岡 -島 -崎 -川 -州 -巿 -帝 -平 -年 -幸 -广 -弘 -張 -彳 -後 -御 -德 -心 -忄 -志 -忠 -愛 -成 -我 -戦 -戸 -手 -扌 -政 -文 -新 -方 -日 -明 -星 -春 -昭 -智 -曲 -書 -月 -有 -朝 -木 -本 -李 -村 -東 -松 -林 -森 -楊 -樹 -橋 -歌 -止 -正 -武 -比 -氏 -民 -水 -氵 -氷 -永 -江 -沢 -河 -治 -法 -海 -清 -漢 -瀬 -火 -版 -犬 -王 -生 -田 -男 -疒 -発 -白 -的 -皇 -目 -相 -省 -真 -石 -示 -社 -神 -福 -禾 -秀 -秋 -空 -立 -章 -竹 -糹 -美 -義 -耳 -良 -艹 -花 -英 -華 -葉 -藤 -行 -街 -西 -見 -訁 -語 -谷 -貝 -貴 -車 -軍 -辶 -道 -郎 -郡 -部 -都 -里 -野 -金 -鈴 -镇 -長 -門 -間 -阝 -阿 -陳 -陽 -雄 -青 -面 -風 -食 -香 -馬 -高 -龍 -龸 -fi -fl -! -( -) -, -- -. -/ -: -? -~ -the -of -and -in -to -was -he -is -as -for -on -with -that -it -his -by -at -from -her -##s -she -you -had -an -were -but -be -this -are -not -my -they -one -which -or -have -him -me -first -all -also -their -has -up -who -out -been -when -after -there -into -new -two -its -##a -time -would -no -what -about -said -we -over -then -other -so -more -##e -can -if -like -back -them -only -some -could -##i -where -just -##ing -during -before -##n -do -##o -made -school -through -than -now -years -most -world -may -between -down -well -three -##d -year -while -will -##ed -##r -##y -later -##t -city -under -around -did -such -being -used -state -people -part -know -against -your -many -second -university -both -national -##er -these -don -known -off -way -until -re -how -even -get -head -... -didn -##ly -team -american -because -de -##l -born -united -film -since -still -long -work -south -us -became -any -high -again -day -family -see -right -man -eyes -house -season -war -states -including -took -life -north -same -each -called -name -much -place -however -go -four -group -another -found -won -area -here -going -10 -away -series -left -home -music -best -make -hand -number -company -several -never -last -john -000 -very -album -take -end -good -too -following -released -game -played -little -began -district -##m -old -want -those -side -held -own -early -county -ll -league -use -west -##u -face -think -##es -2010 -government -##h -march -came -small -general -town -june -##on -line -based -something -##k -september -thought -looked -along -international -2011 -air -july -club -went -january -october -our -august -april -york -12 -few -2012 -2008 -east -show -member -college -2009 -father -public -##us -come -men -five -set -station -church -##c -next -former -november -room -party -located -december -2013 -age -got -2007 -##g -system -let -love -2006 -though -every -2014 -look -song -water -century -without -body -black -night -within -great -women -single -ve -building -large -population -river -named -band -white -started -##an -once -15 -20 -should -18 -2015 -service -top -built -british -open -death -king -moved -local -times -children -february -book -why -11 -door -need -president -order -final -road -wasn -although -due -major -died -village -third -knew -2016 -asked -turned -st -wanted -say -##p -together -received -main -son -served -different -##en -behind -himself -felt -members -power -football -law -voice -play -##in -near -park -history -30 -having -2005 -16 -##man -saw -mother -##al -army -point -front -help -english -street -art -late -hands -games -award -##ia -young -14 -put -published -country -division -across -told -13 -often -ever -french -london -center -six -red -2017 -led -days -include -light -25 -find -tell -among -species -really -according -central -half -2004 -form -original -gave -office -making -enough -lost -full -opened -must -included -live -given -german -player -run -business -woman -community -cup -might -million -land -2000 -court -development -17 -short -round -ii -km -seen -class -story -always -become -sure -research -almost -director -council -la -##2 -career -things -using -island -##z -couldn -car -##is -24 -close -force -##1 -better -free -support -control -field -students -2003 -education -married -##b -nothing -worked -others -record -big -inside -level -anything -continued -give -james -##3 -military -established -non -returned -feel -does -title -written -thing -feet -william -far -co -association -hard -already -2002 -##ra -championship -human -western -100 -##na -department -hall -role -various -production -21 -19 -heart -2001 -living -fire -version -##ers -##f -television -royal -##4 -produced -working -act -case -society -region -present -radio -period -looking -least -total -keep -england -wife -program -per -brother -mind -special -22 -##le -am -works -soon -##6 -political -george -services -taken -created -##7 -further -able -reached -david -union -joined -upon -done -important -social -information -either -##ic -##x -appeared -position -ground -lead -rock -dark -election -23 -board -france -hair -course -arms -site -police -girl -instead -real -sound -##v -words -moment -##te -someone -##8 -summer -project -announced -san -less -wrote -past -followed -##5 -blue -founded -al -finally -india -taking -records -america -##ne -1999 -design -considered -northern -god -stop -battle -toward -european -outside -described -track -today -playing -language -28 -call -26 -heard -professional -low -australia -miles -california -win -yet -green -##ie -trying -blood -##ton -southern -science -maybe -everything -match -square -27 -mouth -video -race -recorded -leave -above -##9 -daughter -points -space -1998 -museum -change -middle -common -##0 -move -tv -post -##ta -lake -seven -tried -elected -closed -ten -paul -minister -##th -months -start -chief -return -canada -person -sea -release -similar -modern -brought -rest -hit -formed -mr -##la -1997 -floor -event -doing -thomas -1996 -robert -care -killed -training -star -week -needed -turn -finished -railway -rather -news -health -sent -example -ran -term -michael -coming -currently -yes -forces -despite -gold -areas -50 -stage -fact -29 -dead -says -popular -2018 -originally -germany -probably -developed -result -pulled -friend -stood -money -running -mi -signed -word -songs -child -eventually -met -tour -average -teams -minutes -festival -current -deep -kind -1995 -decided -usually -eastern -seemed -##ness -episode -bed -added -table -indian -private -charles -route -available -idea -throughout -centre -addition -appointed -style -1994 -books -eight -construction -press -mean -wall -friends -remained -schools -study -##ch -##um -institute -oh -chinese -sometimes -events -possible -1992 -australian -type -brown -forward -talk -process -food -debut -seat -performance -committee -features -character -arts -herself -else -lot -strong -russian -range -hours -peter -arm -##da -morning -dr -sold -##ry -quickly -directed -1993 -guitar -china -##w -31 -list -##ma -performed -media -uk -players -smile -##rs -myself -40 -placed -coach -province -towards -wouldn -leading -whole -boy -official -designed -grand -census -##el -europe -attack -japanese -henry -1991 -##re -##os -cross -getting -alone -action -lower -network -wide -washington -japan -1990 -hospital -believe -changed -sister -##ar -hold -gone -sir -hadn -ship -##ka -studies -academy -shot -rights -below -base -bad -involved -kept -largest -##ist -bank -future -especially -beginning -mark -movement -section -female -magazine -plan -professor -lord -longer -##ian -sat -walked -hill -actually -civil -energy -model -families -size -thus -aircraft -completed -includes -data -captain -##or -fight -vocals -featured -richard -bridge -fourth -1989 -officer -stone -hear -##ism -means -medical -groups -management -self -lips -competition -entire -lived -technology -leaving -federal -tournament -bit -passed -hot -independent -awards -kingdom -mary -spent -fine -doesn -reported -##ling -jack -fall -raised -itself -stay -true -studio -1988 -sports -replaced -paris -systems -saint -leader -theatre -whose -market -capital -parents -spanish -canadian -earth -##ity -cut -degree -writing -bay -christian -awarded -natural -higher -bill -##as -coast -provided -previous -senior -ft -valley -organization -stopped -onto -countries -parts -conference -queen -security -interest -saying -allowed -master -earlier -phone -matter -smith -winning -try -happened -moving -campaign -los -##ley -breath -nearly -mid -1987 -certain -girls -date -italian -african -standing -fell -artist -##ted -shows -deal -mine -industry -1986 -##ng -everyone -republic -provide -collection -library -student -##ville -primary -owned -older -via -heavy -1st -makes -##able -attention -anyone -africa -##ri -stated -length -ended -fingers -command -staff -skin -foreign -opening -governor -okay -medal -kill -sun -cover -job -1985 -introduced -chest -hell -feeling -##ies -success -meet -reason -standard -meeting -novel -1984 -trade -source -buildings -##land -rose -guy -goal -##ur -chapter -native -husband -previously -unit -limited -entered -weeks -producer -operations -mountain -takes -covered -forced -related -roman -complete -successful -key -texas -cold -##ya -channel -1980 -traditional -films -dance -clear -approximately -500 -nine -van -prince -question -active -tracks -ireland -regional -silver -author -personal -sense -operation -##ine -economic -1983 -holding -twenty -isbn -additional -speed -hour -edition -regular -historic -places -whom -shook -movie -km² -secretary -prior -report -chicago -read -foundation -view -engine -scored -1982 -units -ask -airport -property -ready -immediately -lady -month -listed -contract -##de -manager -themselves -lines -##ki -navy -writer -meant -##ts -runs -##ro -practice -championships -singer -glass -commission -required -forest -starting -culture -generally -giving -access -attended -test -couple -stand -catholic -martin -caught -executive -##less -eye -##ey -thinking -chair -quite -shoulder -1979 -hope -decision -plays -defeated -municipality -whether -structure -offered -slowly -pain -ice -direction -##ion -paper -mission -1981 -mostly -200 -noted -individual -managed -nature -lives -plant -##ha -helped -except -studied -computer -figure -relationship -issue -significant -loss -die -smiled -gun -ago -highest -1972 -##am -male -bring -goals -mexico -problem -distance -commercial -completely -location -annual -famous -drive -1976 -neck -1978 -surface -caused -italy -understand -greek -highway -wrong -hotel -comes -appearance -joseph -double -issues -musical -companies -castle -income -review -assembly -bass -initially -parliament -artists -experience -1974 -particular -walk -foot -engineering -talking -window -dropped -##ter -miss -baby -boys -break -1975 -stars -edge -remember -policy -carried -train -stadium -bar -sex -angeles -evidence -##ge -becoming -assistant -soviet -1977 -upper -step -wing -1970 -youth -financial -reach -##ll -actor -numerous -##se -##st -nodded -arrived -##ation -minute -##nt -believed -sorry -complex -beautiful -victory -associated -temple -1968 -1973 -chance -perhaps -metal -##son -1945 -bishop -##et -lee -launched -particularly -tree -le -retired -subject -prize -contains -yeah -theory -empire -##ce -suddenly -waiting -trust -recording -##to -happy -terms -camp -champion -1971 -religious -pass -zealand -names -2nd -port -ancient -tom -corner -represented -watch -legal -anti -justice -cause -watched -brothers -45 -material -changes -simply -response -louis -fast -##ting -answer -60 -historical -1969 -stories -straight -create -feature -increased -rate -administration -virginia -el -activities -cultural -overall -winner -programs -basketball -legs -guard -beyond -cast -doctor -mm -flight -results -remains -cost -effect -winter -##ble -larger -islands -problems -chairman -grew -commander -isn -1967 -pay -failed -selected -hurt -fort -box -regiment -majority -journal -35 -edward -plans -##ke -##ni -shown -pretty -irish -characters -directly -scene -likely -operated -allow -spring -##j -junior -matches -looks -mike -houses -fellow -##tion -beach -marriage -##ham -##ive -rules -oil -65 -florida -expected -nearby -congress -sam -peace -recent -iii -wait -subsequently -cell -##do -variety -serving -agreed -please -poor -joe -pacific -attempt -wood -democratic -piece -prime -##ca -rural -mile -touch -appears -township -1964 -1966 -soldiers -##men -##ized -1965 -pennsylvania -closer -fighting -claimed -score -jones -physical -editor -##ous -filled -genus -specific -sitting -super -mom -##va -therefore -supported -status -fear -cases -store -meaning -wales -minor -spain -tower -focus -vice -frank -follow -parish -separate -golden -horse -fifth -remaining -branch -32 -presented -stared -##id -uses -secret -forms -##co -baseball -exactly -##ck -choice -note -discovered -travel -composed -truth -russia -ball -color -kiss -dad -wind -continue -ring -referred -numbers -digital -greater -##ns -metres -slightly -direct -increase -1960 -responsible -crew -rule -trees -troops -##no -broke -goes -individuals -hundred -weight -creek -sleep -memory -defense -provides -ordered -code -value -jewish -windows -1944 -safe -judge -whatever -corps -realized -growing -pre -##ga -cities -alexander -gaze -lies -spread -scott -letter -showed -situation -mayor -transport -watching -workers -extended -##li -expression -normal -##ment -chart -multiple -border -##ba -host -##ner -daily -mrs -walls -piano -##ko -heat -cannot -##ate -earned -products -drama -era -authority -seasons -join -grade -##io -sign -difficult -machine -1963 -territory -mainly -##wood -stations -squadron -1962 -stepped -iron -19th -##led -serve -appear -sky -speak -broken -charge -knowledge -kilometres -removed -ships -article -campus -simple -##ty -pushed -britain -##ve -leaves -recently -cd -soft -boston -latter -easy -acquired -poland -##sa -quality -officers -presence -planned -nations -mass -broadcast -jean -share -image -influence -wild -offer -emperor -electric -reading -headed -ability -promoted -yellow -ministry -1942 -throat -smaller -politician -##by -latin -spoke -cars -williams -males -lack -pop -80 -##ier -acting -seeing -consists -##ti -estate -1961 -pressure -johnson -newspaper -jr -chris -olympics -online -conditions -beat -elements -walking -vote -##field -needs -carolina -text -featuring -global -block -shirt -levels -francisco -purpose -females -et -dutch -duke -ahead -gas -twice -safety -serious -turning -highly -lieutenant -firm -maria -amount -mixed -daniel -proposed -perfect -agreement -affairs -3rd -seconds -contemporary -paid -1943 -prison -save -kitchen -label -administrative -intended -constructed -academic -nice -teacher -races -1956 -formerly -corporation -ben -nation -issued -shut -1958 -drums -housing -victoria -seems -opera -1959 -graduated -function -von -mentioned -picked -build -recognized -shortly -protection -picture -notable -exchange -elections -1980s -loved -percent -racing -fish -elizabeth -garden -volume -hockey -1941 -beside -settled -##ford -1940 -competed -replied -drew -1948 -actress -marine -scotland -steel -glanced -farm -steve -1957 -risk -tonight -positive -magic -singles -effects -gray -screen -dog -##ja -residents -bus -sides -none -secondary -literature -polish -destroyed -flying -founder -households -1939 -lay -reserve -usa -gallery -##ler -1946 -industrial -younger -approach -appearances -urban -ones -1950 -finish -avenue -powerful -fully -growth -page -honor -jersey -projects -advanced -revealed -basic -90 -infantry -pair -equipment -visit -33 -evening -search -grant -effort -solo -treatment -buried -republican -primarily -bottom -owner -1970s -israel -gives -jim -dream -bob -remain -spot -70 -notes -produce -champions -contact -ed -soul -accepted -ways -del -##ally -losing -split -price -capacity -basis -trial -questions -##ina -1955 -20th -guess -officially -memorial -naval -initial -##ization -whispered -median -engineer -##ful -sydney -##go -columbia -strength -300 -1952 -tears -senate -00 -card -asian -agent -1947 -software -44 -draw -warm -supposed -com -pro -##il -transferred -leaned -##at -candidate -escape -mountains -asia -potential -activity -entertainment -seem -traffic -jackson -murder -36 -slow -product -orchestra -haven -agency -bbc -taught -website -comedy -unable -storm -planning -albums -rugby -environment -scientific -grabbed -protect -##hi -boat -typically -1954 -1953 -damage -principal -divided -dedicated -mount -ohio -##berg -pick -fought -driver -##der -empty -shoulders -sort -thank -berlin -prominent -account -freedom -necessary -efforts -alex -headquarters -follows -alongside -des -simon -andrew -suggested -operating -learning -steps -1949 -sweet -technical -begin -easily -34 -teeth -speaking -settlement -scale -##sh -renamed -ray -max -enemy -semi -joint -compared -##rd -scottish -leadership -analysis -offers -georgia -pieces -captured -animal -deputy -guest -organized -##lin -tony -combined -method -challenge -1960s -huge -wants -battalion -sons -rise -crime -types -facilities -telling -path -1951 -platform -sit -1990s -##lo -tells -assigned -rich -pull -##ot -commonly -alive -##za -letters -concept -conducted -wearing -happen -bought -becomes -holy -gets -ocean -defeat -languages -purchased -coffee -occurred -titled -##q -declared -applied -sciences -concert -sounds -jazz -brain -##me -painting -fleet -tax -nick -##ius -michigan -count -animals -leaders -episodes -##line -content -##den -birth -##it -clubs -64 -palace -critical -refused -fair -leg -laughed -returning -surrounding -participated -formation -lifted -pointed -connected -rome -medicine -laid -taylor -santa -powers -adam -tall -shared -focused -knowing -yards -entrance -falls -##wa -calling -##ad -sources -chosen -beneath -resources -yard -##ite -nominated -silence -zone -defined -##que -gained -thirty -38 -bodies -moon -##ard -adopted -christmas -widely -register -apart -iran -premier -serves -du -unknown -parties -##les -generation -##ff -continues -quick -fields -brigade -quiet -teaching -clothes -impact -weapons -partner -flat -theater -supreme -1938 -37 -relations -##tor -plants -suffered -1936 -wilson -kids -begins -##age -1918 -seats -armed -internet -models -worth -laws -400 -communities -classes -background -knows -thanks -quarter -reaching -humans -carry -killing -format -kong -hong -setting -75 -architecture -disease -railroad -inc -possibly -wish -arthur -thoughts -harry -doors -density -##di -crowd -illinois -stomach -tone -unique -reports -anyway -##ir -liberal -der -vehicle -thick -dry -drug -faced -largely -facility -theme -holds -creation -strange -colonel -##mi -revolution -bell -politics -turns -silent -rail -relief -independence -combat -shape -write -determined -sales -learned -4th -finger -oxford -providing -1937 -heritage -fiction -situated -designated -allowing -distribution -hosted -##est -sight -interview -estimated -reduced -##ria -toronto -footballer -keeping -guys -damn -claim -motion -sport -sixth -stayed -##ze -en -rear -receive -handed -twelve -dress -audience -granted -brazil -##well -spirit -##ated -noticed -etc -olympic -representative -eric -tight -trouble -reviews -drink -vampire -missing -roles -ranked -newly -household -finals -wave -critics -##ee -phase -massachusetts -pilot -unlike -philadelphia -bright -guns -crown -organizations -roof -42 -respectively -clearly -tongue -marked -circle -fox -korea -bronze -brian -expanded -sexual -supply -yourself -inspired -labour -fc -##ah -reference -vision -draft -connection -brand -reasons -1935 -classic -driving -trip -jesus -cells -entry -1920 -neither -trail -claims -atlantic -orders -labor -nose -afraid -identified -intelligence -calls -cancer -attacked -passing -stephen -positions -imperial -grey -jason -39 -sunday -48 -swedish -avoid -extra -uncle -message -covers -allows -surprise -materials -fame -hunter -##ji -1930 -citizens -figures -davis -environmental -confirmed -shit -titles -di -performing -difference -acts -attacks -##ov -existing -votes -opportunity -nor -shop -entirely -trains -opposite -pakistan -##pa -develop -resulted -representatives -actions -reality -pressed -##ish -barely -wine -conversation -faculty -northwest -ends -documentary -nuclear -stock -grace -sets -eat -alternative -##ps -bag -resulting -creating -surprised -cemetery -1919 -drop -finding -sarah -cricket -streets -tradition -ride -1933 -exhibition -target -ear -explained -rain -composer -injury -apartment -municipal -educational -occupied -netherlands -clean -billion -constitution -learn -1914 -maximum -classical -francis -lose -opposition -jose -ontario -bear -core -hills -rolled -ending -drawn -permanent -fun -##tes -##lla -lewis -sites -chamber -ryan -##way -scoring -height -1934 -##house -lyrics -staring -55 -officials -1917 -snow -oldest -##tic -orange -##ger -qualified -interior -apparently -succeeded -thousand -dinner -lights -existence -fans -heavily -41 -greatest -conservative -send -bowl -plus -enter -catch -##un -economy -duty -1929 -speech -authorities -princess -performances -versions -shall -graduate -pictures -effective -remembered -poetry -desk -crossed -starring -starts -passenger -sharp -##ant -acres -ass -weather -falling -rank -fund -supporting -check -adult -publishing -heads -cm -southeast -lane -##burg -application -bc -##ura -les -condition -transfer -prevent -display -ex -regions -earl -federation -cool -relatively -answered -besides -1928 -obtained -portion -##town -mix -##ding -reaction -liked -dean -express -peak -1932 -##tte -counter -religion -chain -rare -miller -convention -aid -lie -vehicles -mobile -perform -squad -wonder -lying -crazy -sword -##ping -attempted -centuries -weren -philosophy -category -##ize -anna -interested -47 -sweden -wolf -frequently -abandoned -kg -literary -alliance -task -entitled -##ay -threw -promotion -factory -tiny -soccer -visited -matt -fm -achieved -52 -defence -internal -persian -43 -methods -##ging -arrested -otherwise -cambridge -programming -villages -elementary -districts -rooms -criminal -conflict -worry -trained -1931 -attempts -waited -signal -bird -truck -subsequent -programme -##ol -ad -49 -communist -details -faith -sector -patrick -carrying -laugh -##ss -controlled -korean -showing -origin -fuel -evil -1927 -##ent -brief -identity -darkness -address -pool -missed -publication -web -planet -ian -anne -wings -invited -##tt -briefly -standards -kissed -##be -ideas -climate -causing -walter -worse -albert -articles -winners -desire -aged -northeast -dangerous -gate -doubt -1922 -wooden -multi -##ky -poet -rising -funding -46 -communications -communication -violence -copies -prepared -ford -investigation -skills -1924 -pulling -electronic -##ak -##ial -##han -containing -ultimately -offices -singing -understanding -restaurant -tomorrow -fashion -christ -ward -da -pope -stands -5th -flow -studios -aired -commissioned -contained -exist -fresh -americans -##per -wrestling -approved -kid -employed -respect -suit -1925 -angel -asking -increasing -frame -angry -selling -1950s -thin -finds -##nd -temperature -statement -ali -explain -inhabitants -towns -extensive -narrow -51 -jane -flowers -images -promise -somewhere -object -fly -closely -##ls -1912 -bureau -cape -1926 -weekly -presidential -legislative -1921 -##ai -##au -launch -founding -##ny -978 -##ring -artillery -strike -un -institutions -roll -writers -landing -chose -kevin -anymore -pp -##ut -attorney -fit -dan -billboard -receiving -agricultural -breaking -sought -dave -admitted -lands -mexican -##bury -charlie -specifically -hole -iv -howard -credit -moscow -roads -accident -1923 -proved -wear -struck -hey -guards -stuff -slid -expansion -1915 -cat -anthony -##kin -melbourne -opposed -sub -southwest -architect -failure -plane -1916 -##ron -map -camera -tank -listen -regarding -wet -introduction -metropolitan -link -ep -fighter -inch -grown -gene -anger -fixed -buy -dvd -khan -domestic -worldwide -chapel -mill -functions -examples -##head -developing -1910 -turkey -hits -pocket -antonio -papers -grow -unless -circuit -18th -concerned -attached -journalist -selection -journey -converted -provincial -painted -hearing -aren -bands -negative -aside -wondered -knight -lap -survey -ma -##ow -noise -billy -##ium -shooting -guide -bedroom -priest -resistance -motor -homes -sounded -giant -##mer -150 -scenes -equal -comic -patients -hidden -solid -actual -bringing -afternoon -touched -funds -wedding -consisted -marie -canal -sr -kim -treaty -turkish -recognition -residence -cathedral -broad -knees -incident -shaped -fired -norwegian -handle -cheek -contest -represent -##pe -representing -beauty -##sen -birds -advantage -emergency -wrapped -drawing -notice -pink -broadcasting -##ong -somehow -bachelor -seventh -collected -registered -establishment -alan -assumed -chemical -personnel -roger -retirement -jeff -portuguese -wore -tied -device -threat -progress -advance -##ised -banks -hired -manchester -nfl -teachers -structures -forever -##bo -tennis -helping -saturday -sale -applications -junction -hip -incorporated -neighborhood -dressed -ceremony -##ds -influenced -hers -visual -stairs -decades -inner -kansas -hung -hoped -gain -scheduled -downtown -engaged -austria -clock -norway -certainly -pale -protected -1913 -victor -employees -plate -putting -surrounded -##ists -finishing -blues -tropical -##ries -minnesota -consider -philippines -accept -54 -retrieved -1900 -concern -anderson -properties -institution -gordon -successfully -vietnam -##dy -backing -outstanding -muslim -crossing -folk -producing -usual -demand -occurs -observed -lawyer -educated -##ana -kelly -string -pleasure -budget -items -quietly -colorado -philip -typical -##worth -derived -600 -survived -asks -mental -##ide -56 -jake -jews -distinguished -ltd -1911 -sri -extremely -53 -athletic -loud -thousands -worried -shadow -transportation -horses -weapon -arena -importance -users -tim -objects -contributed -dragon -douglas -aware -senator -johnny -jordan -sisters -engines -flag -investment -samuel -shock -capable -clark -row -wheel -refers -session -familiar -biggest -wins -hate -maintained -drove -hamilton -request -expressed -injured -underground -churches -walker -wars -tunnel -passes -stupid -agriculture -softly -cabinet -regarded -joining -indiana -##ea -##ms -push -dates -spend -behavior -woods -protein -gently -chase -morgan -mention -burning -wake -combination -occur -mirror -leads -jimmy -indeed -impossible -singapore -paintings -covering -##nes -soldier -locations -attendance -sell -historian -wisconsin -invasion -argued -painter -diego -changing -egypt -##don -experienced -inches -##ku -missouri -vol -grounds -spoken -switzerland -##gan -reform -rolling -ha -forget -massive -resigned -burned -allen -tennessee -locked -values -improved -##mo -wounded -universe -sick -dating -facing -pack -purchase -user -##pur -moments -##ul -merged -anniversary -1908 -coal -brick -understood -causes -dynasty -queensland -establish -stores -crisis -promote -hoping -views -cards -referee -extension -##si -raise -arizona -improve -colonial -formal -charged -##rt -palm -lucky -hide -rescue -faces -95 -feelings -candidates -juan -##ell -goods -6th -courses -weekend -59 -luke -cash -fallen -##om -delivered -affected -installed -carefully -tries -swiss -hollywood -costs -lincoln -responsibility -##he -shore -file -proper -normally -maryland -assistance -jump -constant -offering -friendly -waters -persons -realize -contain -trophy -800 -partnership -factor -58 -musicians -cry -bound -oregon -indicated -hero -houston -medium -##ure -consisting -somewhat -##ara -57 -cycle -##che -beer -moore -frederick -gotten -eleven -worst -weak -approached -arranged -chin -loan -universal -bond -fifteen -pattern -disappeared -##ney -translated -##zed -lip -arab -capture -interests -insurance -##chi -shifted -cave -prix -warning -sections -courts -coat -plot -smell -feed -golf -favorite -maintain -knife -vs -voted -degrees -finance -quebec -opinion -translation -manner -ruled -operate -productions -choose -musician -discovery -confused -tired -separated -stream -techniques -committed -attend -ranking -kings -throw -passengers -measure -horror -fan -mining -sand -danger -salt -calm -decade -dam -require -runner -##ik -rush -associate -greece -##ker -rivers -consecutive -matthew -##ski -sighed -sq -documents -steam -edited -closing -tie -accused -1905 -##ini -islamic -distributed -directors -organisation -bruce -7th -breathing -mad -lit -arrival -concrete -taste -08 -composition -shaking -faster -amateur -adjacent -stating -1906 -twin -flew -##ran -tokyo -publications -##tone -obviously -ridge -storage -1907 -carl -pages -concluded -desert -driven -universities -ages -terminal -sequence -borough -250 -constituency -creative -cousin -economics -dreams -margaret -notably -reduce -montreal -mode -17th -ears -saved -jan -vocal -##ica -1909 -andy -##jo -riding -roughly -threatened -##ise -meters -meanwhile -landed -compete -repeated -grass -czech -regularly -charges -tea -sudden -appeal -##ung -solution -describes -pierre -classification -glad -parking -##ning -belt -physics -99 -rachel -add -hungarian -participate -expedition -damaged -gift -childhood -85 -fifty -##red -mathematics -jumped -letting -defensive -mph -##ux -##gh -testing -##hip -hundreds -shoot -owners -matters -smoke -israeli -kentucky -dancing -mounted -grandfather -emma -designs -profit -argentina -##gs -truly -li -lawrence -cole -begun -detroit -willing -branches -smiling -decide -miami -enjoyed -recordings -##dale -poverty -ethnic -gay -##bi -gary -arabic -09 -accompanied -##one -##ons -fishing -determine -residential -acid -##ary -alice -returns -starred -mail -##ang -jonathan -strategy -##ue -net -forty -cook -businesses -equivalent -commonwealth -distinct -ill -##cy -seriously -##ors -##ped -shift -harris -replace -rio -imagine -formula -ensure -##ber -additionally -scheme -conservation -occasionally -purposes -feels -favor -##and -##ore -1930s -contrast -hanging -hunt -movies -1904 -instruments -victims -danish -christopher -busy -demon -sugar -earliest -colony -studying -balance -duties -##ks -belgium -slipped -carter -05 -visible -stages -iraq -fifa -##im -commune -forming -zero -07 -continuing -talked -counties -legend -bathroom -option -tail -clay -daughters -afterwards -severe -jaw -visitors -##ded -devices -aviation -russell -kate -##vi -entering -subjects -##ino -temporary -swimming -forth -smooth -ghost -audio -bush -operates -rocks -movements -signs -eddie -##tz -ann -voices -honorary -06 -memories -dallas -pure -measures -racial -promised -66 -harvard -ceo -16th -parliamentary -indicate -benefit -flesh -dublin -louisiana -1902 -1901 -patient -sleeping -1903 -membership -coastal -medieval -wanting -element -scholars -rice -62 -limit -survive -makeup -rating -definitely -collaboration -obvious -##tan -boss -ms -baron -birthday -linked -soil -diocese -##lan -ncaa -##mann -offensive -shell -shouldn -waist -##tus -plain -ross -organ -resolution -manufacturing -adding -relative -kennedy -98 -whilst -moth -marketing -gardens -crash -72 -heading -partners -credited -carlos -moves -cable -##zi -marshall -##out -depending -bottle -represents -rejected -responded -existed -04 -jobs -denmark -lock -##ating -treated -graham -routes -talent -commissioner -drugs -secure -tests -reign -restored -photography -##gi -contributions -oklahoma -designer -disc -grin -seattle -robin -paused -atlanta -unusual -##gate -praised -las -laughing -satellite -hungary -visiting -##sky -interesting -factors -deck -poems -norman -##water -stuck -speaker -rifle -domain -premiered -##her -dc -comics -actors -01 -reputation -eliminated -8th -ceiling -prisoners -script -##nce -leather -austin -mississippi -rapidly -admiral -parallel -charlotte -guilty -tools -gender -divisions -fruit -##bs -laboratory -nelson -fantasy -marry -rapid -aunt -tribe -requirements -aspects -suicide -amongst -adams -bone -ukraine -abc -kick -sees -edinburgh -clothing -column -rough -gods -hunting -broadway -gathered -concerns -##ek -spending -ty -12th -snapped -requires -solar -bones -cavalry -##tta -iowa -drinking -waste -index -franklin -charity -thompson -stewart -tip -flash -landscape -friday -enjoy -singh -poem -listening -##back -eighth -fred -differences -adapted -bomb -ukrainian -surgery -corporate -masters -anywhere -##more -waves -odd -sean -portugal -orleans -dick -debate -kent -eating -puerto -cleared -96 -expect -cinema -97 -guitarist -blocks -electrical -agree -involving -depth -dying -panel -struggle -##ged -peninsula -adults -novels -emerged -vienna -metro -debuted -shoes -tamil -songwriter -meets -prove -beating -instance -heaven -scared -sending -marks -artistic -passage -superior -03 -significantly -shopping -##tive -retained -##izing -malaysia -technique -cheeks -##ola -warren -maintenance -destroy -extreme -allied -120 -appearing -##yn -fill -advice -alabama -qualifying -policies -cleveland -hat -battery -smart -authors -10th -soundtrack -acted -dated -lb -glance -equipped -coalition -funny -outer -ambassador -roy -possibility -couples -campbell -dna -loose -ethan -supplies -1898 -gonna -88 -monster -##res -shake -agents -frequency -springs -dogs -practices -61 -gang -plastic -easier -suggests -gulf -blade -exposed -colors -industries -markets -pan -nervous -electoral -charts -legislation -ownership -##idae -mac -appointment -shield -copy -assault -socialist -abbey -monument -license -throne -employment -jay -93 -replacement -charter -cloud -powered -suffering -accounts -oak -connecticut -strongly -wright -colour -crystal -13th -context -welsh -networks -voiced -gabriel -jerry -##cing -forehead -mp -##ens -manage -schedule -totally -remix -##ii -forests -occupation -print -nicholas -brazilian -strategic -vampires -engineers -76 -roots -seek -correct -instrumental -und -alfred -backed -hop -##des -stanley -robinson -traveled -wayne -welcome -austrian -achieve -67 -exit -rates -1899 -strip -whereas -##cs -sing -deeply -adventure -bobby -rick -jamie -careful -components -cap -useful -personality -knee -##shi -pushing -hosts -02 -protest -ca -ottoman -symphony -##sis -63 -boundary -1890 -processes -considering -considerable -tons -##work -##ft -##nia -cooper -trading -dear -conduct -91 -illegal -apple -revolutionary -holiday -definition -harder -##van -jacob -circumstances -destruction -##lle -popularity -grip -classified -liverpool -donald -baltimore -flows -seeking -honour -approval -92 -mechanical -till -happening -statue -critic -increasingly -immediate -describe -commerce -stare -##ster -indonesia -meat -rounds -boats -baker -orthodox -depression -formally -worn -naked -claire -muttered -sentence -11th -emily -document -77 -criticism -wished -vessel -spiritual -bent -virgin -parker -minimum -murray -lunch -danny -printed -compilation -keyboards -false -blow -belonged -68 -raising -78 -cutting -##board -pittsburgh -##up -9th -shadows -81 -hated -indigenous -jon -15th -barry -scholar -ah -##zer -oliver -##gy -stick -susan -meetings -attracted -spell -romantic -##ver -ye -1895 -photo -demanded -customers -##ac -1896 -logan -revival -keys -modified -commanded -jeans -##ious -upset -raw -phil -detective -hiding -resident -vincent -##bly -experiences -diamond -defeating -coverage -lucas -external -parks -franchise -helen -bible -successor -percussion -celebrated -il -lift -profile -clan -romania -##ied -mills -##su -nobody -achievement -shrugged -fault -1897 -rhythm -initiative -breakfast -carbon -700 -69 -lasted -violent -74 -wound -ken -killer -gradually -filmed -°c -dollars -processing -94 -remove -criticized -guests -sang -chemistry -##vin -legislature -disney -##bridge -uniform -escaped -integrated -proposal -purple -denied -liquid -karl -influential -morris -nights -stones -intense -experimental -twisted -71 -84 -##ld -pace -nazi -mitchell -ny -blind -reporter -newspapers -14th -centers -burn -basin -forgotten -surviving -filed -collections -monastery -losses -manual -couch -description -appropriate -merely -tag -missions -sebastian -restoration -replacing -triple -73 -elder -julia -warriors -benjamin -julian -convinced -stronger -amazing -declined -versus -merchant -happens -output -finland -bare -barbara -absence -ignored -dawn -injuries -##port -producers -##ram -82 -luis -##ities -kw -admit -expensive -electricity -nba -exception -symbol -##ving -ladies -shower -sheriff -characteristics -##je -aimed -button -ratio -effectively -summit -angle -jury -bears -foster -vessels -pants -executed -evans -dozen -advertising -kicked -patrol -1889 -competitions -lifetime -principles -athletics -##logy -birmingham -sponsored -89 -rob -nomination -1893 -acoustic -##sm -creature -longest -##tra -credits -harbor -dust -josh -##so -territories -milk -infrastructure -completion -thailand -indians -leon -archbishop -##sy -assist -pitch -blake -arrangement -girlfriend -serbian -operational -hence -sad -scent -fur -dj -sessions -hp -refer -rarely -##ora -exists -1892 -##ten -scientists -dirty -penalty -burst -portrait -seed -79 -pole -limits -rival -1894 -stable -alpha -grave -constitutional -alcohol -arrest -flower -mystery -devil -architectural -relationships -greatly -habitat -##istic -larry -progressive -remote -cotton -##ics -##ok -preserved -reaches -##ming -cited -86 -vast -scholarship -decisions -cbs -joy -teach -1885 -editions -knocked -eve -searching -partly -participation -gap -animated -fate -excellent -##ett -na -87 -alternate -saints -youngest -##ily -climbed -##ita -##tors -suggest -##ct -discussion -staying -choir -lakes -jacket -revenue -nevertheless -peaked -instrument -wondering -annually -managing -neil -1891 -signing -terry -##ice -apply -clinical -brooklyn -aim -catherine -fuck -farmers -figured -ninth -pride -hugh -evolution -ordinary -involvement -comfortable -shouted -tech -encouraged -taiwan -representation -sharing -##lia -##em -panic -exact -cargo -competing -fat -cried -83 -1920s -occasions -pa -cabin -borders -utah -marcus -##isation -badly -muscles -##ance -victorian -transition -warner -bet -permission -##rin -slave -terrible -similarly -shares -seth -uefa -possession -medals -benefits -colleges -lowered -perfectly -mall -transit -##ye -##kar -publisher -##ened -harrison -deaths -elevation -##ae -asleep -machines -sigh -ash -hardly -argument -occasion -parent -leo -decline -1888 -contribution -##ua -concentration -1000 -opportunities -hispanic -guardian -extent -emotions -hips -mason -volumes -bloody -controversy -diameter -steady -mistake -phoenix -identify -violin -##sk -departure -richmond -spin -funeral -enemies -1864 -gear -literally -connor -random -sergeant -grab -confusion -1865 -transmission -informed -op -leaning -sacred -suspended -thinks -gates -portland -luck -agencies -yours -hull -expert -muscle -layer -practical -sculpture -jerusalem -latest -lloyd -statistics -deeper -recommended -warrior -arkansas -mess -supports -greg -eagle -1880 -recovered -rated -concerts -rushed -##ano -stops -eggs -files -premiere -keith -##vo -delhi -turner -pit -affair -belief -paint -##zing -mate -##ach -##ev -victim -##ology -withdrew -bonus -styles -fled -##ud -glasgow -technologies -funded -nbc -adaptation -##ata -portrayed -cooperation -supporters -judges -bernard -justin -hallway -ralph -##ick -graduating -controversial -distant -continental -spider -bite -##ho -recognize -intention -mixing -##ese -egyptian -bow -tourism -suppose -claiming -tiger -dominated -participants -vi -##ru -nurse -partially -tape -##rum -psychology -##rn -essential -touring -duo -voting -civilian -emotional -channels -##king -apparent -hebrew -1887 -tommy -carrier -intersection -beast -hudson -##gar -##zo -lab -nova -bench -discuss -costa -##ered -detailed -behalf -drivers -unfortunately -obtain -##lis -rocky -##dae -siege -friendship -honey -##rian -1861 -amy -hang -posted -governments -collins -respond -wildlife -preferred -operator -##po -laura -pregnant -videos -dennis -suspected -boots -instantly -weird -automatic -businessman -alleged -placing -throwing -ph -mood -1862 -perry -venue -jet -remainder -##lli -##ci -passion -biological -boyfriend -1863 -dirt -buffalo -ron -segment -fa -abuse -##era -genre -thrown -stroke -colored -stress -exercise -displayed -##gen -struggled -##tti -abroad -dramatic -wonderful -thereafter -madrid -component -widespread -##sed -tale -citizen -todd -monday -1886 -vancouver -overseas -forcing -crying -descent -##ris -discussed -substantial -ranks -regime -1870 -provinces -switch -drum -zane -ted -tribes -proof -lp -cream -researchers -volunteer -manor -silk -milan -donated -allies -venture -principle -delivery -enterprise -##ves -##ans -bars -traditionally -witch -reminded -copper -##uk -pete -inter -links -colin -grinned -elsewhere -competitive -frequent -##oy -scream -##hu -tension -texts -submarine -finnish -defending -defend -pat -detail -1884 -affiliated -stuart -themes -villa -periods -tool -belgian -ruling -crimes -answers -folded -licensed -resort -demolished -hans -lucy -1881 -lion -traded -photographs -writes -craig -##fa -trials -generated -beth -noble -debt -percentage -yorkshire -erected -ss -viewed -grades -confidence -ceased -islam -telephone -retail -##ible -chile -m² -roberts -sixteen -##ich -commented -hampshire -innocent -dual -pounds -checked -regulations -afghanistan -sung -rico -liberty -assets -bigger -options -angels -relegated -tribute -wells -attending -leaf -##yan -butler -romanian -forum -monthly -lisa -patterns -gmina -##tory -madison -hurricane -rev -##ians -bristol -##ula -elite -valuable -disaster -democracy -awareness -germans -freyja -##ins -loop -absolutely -paying -populations -maine -sole -prayer -spencer -releases -doorway -bull -##ani -lover -midnight -conclusion -##sson -thirteen -lily -mediterranean -##lt -nhl -proud -sample -##hill -drummer -guinea -##ova -murphy -climb -##ston -instant -attributed -horn -ain -railways -steven -##ao -autumn -ferry -opponent -root -traveling -secured -corridor -stretched -tales -sheet -trinity -cattle -helps -indicates -manhattan -murdered -fitted -1882 -gentle -grandmother -mines -shocked -vegas -produces -##light -caribbean -##ou -belong -continuous -desperate -drunk -historically -trio -waved -raf -dealing -nathan -bat -murmured -interrupted -residing -scientist -pioneer -harold -aaron -##net -delta -attempting -minority -mini -believes -chorus -tend -lots -eyed -indoor -load -shots -updated -jail -##llo -concerning -connecting -wealth -##ved -slaves -arrive -rangers -sufficient -rebuilt -##wick -cardinal -flood -muhammad -whenever -relation -runners -moral -repair -viewers -arriving -revenge -punk -assisted -bath -fairly -breathe -lists -innings -illustrated -whisper -nearest -voters -clinton -ties -ultimate -screamed -beijing -lions -andre -fictional -gathering -comfort -radar -suitable -dismissed -hms -ban -pine -wrist -atmosphere -voivodeship -bid -timber -##ned -##nan -giants -##ane -cameron -recovery -uss -identical -categories -switched -serbia -laughter -noah -ensemble -therapy -peoples -touching -##off -locally -pearl -platforms -everywhere -ballet -tables -lanka -herbert -outdoor -toured -derek -1883 -spaces -contested -swept -1878 -exclusive -slight -connections -##dra -winds -prisoner -collective -bangladesh -tube -publicly -wealthy -thai -##ys -isolated -select -##ric -insisted -pen -fortune -ticket -spotted -reportedly -animation -enforcement -tanks -110 -decides -wider -lowest -owen -##time -nod -hitting -##hn -gregory -furthermore -magazines -fighters -solutions -##ery -pointing -requested -peru -reed -chancellor -knights -mask -worker -eldest -flames -reduction -1860 -volunteers -##tis -reporting -##hl -wire -advisory -endemic -origins -settlers -pursue -knock -consumer -1876 -eu -compound -creatures -mansion -sentenced -ivan -deployed -guitars -frowned -involves -mechanism -kilometers -perspective -shops -maps -terminus -duncan -alien -fist -bridges -##pers -heroes -fed -derby -swallowed -##ros -patent -sara -illness -characterized -adventures -slide -hawaii -jurisdiction -##op -organised -##side -adelaide -walks -biology -se -##ties -rogers -swing -tightly -boundaries -##rie -prepare -implementation -stolen -##sha -certified -colombia -edwards -garage -##mm -recalled -##ball -rage -harm -nigeria -breast -##ren -furniture -pupils -settle -##lus -cuba -balls -client -alaska -21st -linear -thrust -celebration -latino -genetic -terror -##cia -##ening -lightning -fee -witness -lodge -establishing -skull -##ique -earning -hood -##ei -rebellion -wang -sporting -warned -missile -devoted -activist -porch -worship -fourteen -package -1871 -decorated -##shire -housed -##ock -chess -sailed -doctors -oscar -joan -treat -garcia -harbour -jeremy -##ire -traditions -dominant -jacques -##gon -##wan -relocated -1879 -amendment -sized -companion -simultaneously -volleyball -spun -acre -increases -stopping -loves -belongs -affect -drafted -tossed -scout -battles -1875 -filming -shoved -munich -tenure -vertical -romance -pc -##cher -argue -##ical -craft -ranging -www -opens -honest -tyler -yesterday -virtual -##let -muslims -reveal -snake -immigrants -radical -screaming -speakers -firing -saving -belonging -ease -lighting -prefecture -blame -farmer -hungry -grows -rubbed -beam -sur -subsidiary -##cha -armenian -sao -dropping -conventional -##fer -microsoft -reply -qualify -spots -1867 -sweat -festivals -##ken -immigration -physician -discover -exposure -sandy -explanation -isaac -implemented -##fish -hart -initiated -connect -stakes -presents -heights -householder -pleased -tourist -regardless -slip -closest -##ction -surely -sultan -brings -riley -preparation -aboard -slammed -baptist -experiment -ongoing -interstate -organic -playoffs -##ika -1877 -130 -##tar -hindu -error -tours -tier -plenty -arrangements -talks -trapped -excited -sank -ho -athens -1872 -denver -welfare -suburb -athletes -trick -diverse -belly -exclusively -yelled -1868 -##med -conversion -##ette -1874 -internationally -computers -conductor -abilities -sensitive -hello -dispute -measured -globe -rocket -prices -amsterdam -flights -tigers -inn -municipalities -emotion -references -3d -##mus -explains -airlines -manufactured -pm -archaeological -1873 -interpretation -devon -comment -##ites -settlements -kissing -absolute -improvement -suite -impressed -barcelona -sullivan -jefferson -towers -jesse -julie -##tin -##lu -grandson -hi -gauge -regard -rings -interviews -trace -raymond -thumb -departments -burns -serial -bulgarian -scores -demonstrated -##ix -1866 -kyle -alberta -underneath -romanized -##ward -relieved -acquisition -phrase -cliff -reveals -han -cuts -merger -custom -##dar -nee -gilbert -graduation -##nts -assessment -cafe -difficulty -demands -swung -democrat -jennifer -commons -1940s -grove -##yo -completing -focuses -sum -substitute -bearing -stretch -reception -##py -reflected -essentially -destination -pairs -##ched -survival -resource -##bach -promoting -doubles -messages -tear -##down -##fully -parade -florence -harvey -incumbent -partial -framework -900 -pedro -frozen -procedure -olivia -controls -##mic -shelter -personally -temperatures -##od -brisbane -tested -sits -marble -comprehensive -oxygen -leonard -##kov -inaugural -iranian -referring -quarters -attitude -##ivity -mainstream -lined -mars -dakota -norfolk -unsuccessful -##° -explosion -helicopter -congressional -##sing -inspector -bitch -seal -departed -divine -##ters -coaching -examination -punishment -manufacturer -sink -columns -unincorporated -signals -nevada -squeezed -dylan -dining -photos -martial -manuel -eighteen -elevator -brushed -plates -ministers -ivy -congregation -##len -slept -specialized -taxes -curve -restricted -negotiations -likes -statistical -arnold -inspiration -execution -bold -intermediate -significance -margin -ruler -wheels -gothic -intellectual -dependent -listened -eligible -buses -widow -syria -earn -cincinnati -collapsed -recipient -secrets -accessible -philippine -maritime -goddess -clerk -surrender -breaks -playoff -database -##ified -##lon -ideal -beetle -aspect -soap -regulation -strings -expand -anglo -shorter -crosses -retreat -tough -coins -wallace -directions -pressing -##oon -shipping -locomotives -comparison -topics -nephew -##mes -distinction -honors -travelled -sierra -ibn -##over -fortress -sa -recognised -carved -1869 -clients -##dan -intent -##mar -coaches -describing -bread -##ington -beaten -northwestern -##ona -merit -youtube -collapse -challenges -em -historians -objective -submitted -virus -attacking -drake -assume -##ere -diseases -marc -stem -leeds -##cus -##ab -farming -glasses -##lock -visits -nowhere -fellowship -relevant -carries -restaurants -experiments -101 -constantly -bases -targets -shah -tenth -opponents -verse -territorial -##ira -writings -corruption -##hs -instruction -inherited -reverse -emphasis -##vic -employee -arch -keeps -rabbi -watson -payment -uh -##ala -nancy -##tre -venice -fastest -sexy -banned -adrian -properly -ruth -touchdown -dollar -boards -metre -circles -edges -favour -comments -ok -travels -liberation -scattered -firmly -##ular -holland -permitted -diesel -kenya -den -originated -##ral -demons -resumed -dragged -rider -##rus -servant -blinked -extend -torn -##ias -##sey -input -meal -everybody -cylinder -kinds -camps -##fe -bullet -logic -##wn -croatian -evolved -healthy -fool -chocolate -wise -preserve -pradesh -##ess -respective -1850 -##ew -chicken -artificial -gross -corresponding -convicted -cage -caroline -dialogue -##dor -narrative -stranger -mario -br -christianity -failing -trent -commanding -buddhist -1848 -maurice -focusing -yale -bike -altitude -##ering -mouse -revised -##sley -veteran -##ig -pulls -theology -crashed -campaigns -legion -##ability -drag -excellence -customer -cancelled -intensity -excuse -##lar -liga -participating -contributing -printing -##burn -variable -##rk -curious -bin -legacy -renaissance -##my -symptoms -binding -vocalist -dancer -##nie -grammar -gospel -democrats -ya -enters -sc -diplomatic -hitler -##ser -clouds -mathematical -quit -defended -oriented -##heim -fundamental -hardware -impressive -equally -convince -confederate -guilt -chuck -sliding -##ware -magnetic -narrowed -petersburg -bulgaria -otto -phd -skill -##ama -reader -hopes -pitcher -reservoir -hearts -automatically -expecting -mysterious -bennett -extensively -imagined -seeds -monitor -fix -##ative -journalism -struggling -signature -ranch -encounter -photographer -observation -protests -##pin -influences -##hr -calendar -##all -cruz -croatia -locomotive -hughes -naturally -shakespeare -basement -hook -uncredited -faded -theories -approaches -dare -phillips -filling -fury -obama -##ain -efficient -arc -deliver -min -raid -breeding -inducted -leagues -efficiency -axis -montana -eagles -##ked -supplied -instructions -karen -picking -indicating -trap -anchor -practically -christians -tomb -vary -occasional -electronics -lords -readers -newcastle -faint -innovation -collect -situations -engagement -160 -claude -mixture -##feld -peer -tissue -logo -lean -##ration -°f -floors -##ven -architects -reducing -##our -##ments -rope -1859 -ottawa -##har -samples -banking -declaration -proteins -resignation -francois -saudi -advocate -exhibited -armor -twins -divorce -##ras -abraham -reviewed -jo -temporarily -matrix -physically -pulse -curled -##ena -difficulties -bengal -usage -##ban -annie -riders -certificate -##pi -holes -warsaw -distinctive -jessica -##mon -mutual -1857 -customs -circular -eugene -removal -loaded -mere -vulnerable -depicted -generations -dame -heir -enormous -lightly -climbing -pitched -lessons -pilots -nepal -ram -google -preparing -brad -louise -renowned -##₂ -liam -##ably -plaza -shaw -sophie -brilliant -bills -##bar -##nik -fucking -mainland -server -pleasant -seized -veterans -jerked -fail -beta -brush -radiation -stored -warmth -southeastern -nate -sin -raced -berkeley -joke -athlete -designation -trunk -##low -roland -qualification -archives -heels -artwork -receives -judicial -reserves -##bed -woke -installation -abu -floating -fake -lesser -excitement -interface -concentrated -addressed -characteristic -amanda -saxophone -monk -auto -##bus -releasing -egg -dies -interaction -defender -ce -outbreak -glory -loving -##bert -sequel -consciousness -http -awake -ski -enrolled -##ress -handling -rookie -brow -somebody -biography -warfare -amounts -contracts -presentation -fabric -dissolved -challenged -meter -psychological -lt -elevated -rally -accurate -##tha -hospitals -undergraduate -specialist -venezuela -exhibit -shed -nursing -protestant -fluid -structural -footage -jared -consistent -prey -##ska -succession -reflect -exile -lebanon -wiped -suspect -shanghai -resting -integration -preservation -marvel -variant -pirates -sheep -rounded -capita -sailing -colonies -manuscript -deemed -variations -clarke -functional -emerging -boxing -relaxed -curse -azerbaijan -heavyweight -nickname -editorial -rang -grid -tightened -earthquake -flashed -miguel -rushing -##ches -improvements -boxes -brooks -180 -consumption -molecular -felix -societies -repeatedly -variation -aids -civic -graphics -professionals -realm -autonomous -receiver -delayed -workshop -militia -chairs -trump -canyon -##point -harsh -extending -lovely -happiness -##jan -stake -eyebrows -embassy -wellington -hannah -##ella -sony -corners -bishops -swear -cloth -contents -xi -namely -commenced -1854 -stanford -nashville -courage -graphic -commitment -garrison -##bin -hamlet -clearing -rebels -attraction -literacy -cooking -ruins -temples -jenny -humanity -celebrate -hasn -freight -sixty -rebel -bastard -##art -newton -##ada -deer -##ges -##ching -smiles -delaware -singers -##ets -approaching -assists -flame -##ph -boulevard -barrel -planted -##ome -pursuit -##sia -consequences -posts -shallow -invitation -rode -depot -ernest -kane -rod -concepts -preston -topic -chambers -striking -blast -arrives -descendants -montgomery -ranges -worlds -##lay -##ari -span -chaos -praise -##ag -fewer -1855 -sanctuary -mud -fbi -##ions -programmes -maintaining -unity -harper -bore -handsome -closure -tournaments -thunder -nebraska -linda -facade -puts -satisfied -argentine -dale -cork -dome -panama -##yl -1858 -tasks -experts -##ates -feeding -equation -##las -##ida -##tu -engage -bryan -##ax -um -quartet -melody -disbanded -sheffield -blocked -gasped -delay -kisses -maggie -connects -##non -sts -poured -creator -publishers -##we -guided -ellis -extinct -hug -gaining -##ord -complicated -##bility -poll -clenched -investigate -##use -thereby -quantum -spine -cdp -humor -kills -administered -semifinals -##du -encountered -ignore -##bu -commentary -##maker -bother -roosevelt -140 -plains -halfway -flowing -cultures -crack -imprisoned -neighboring -airline -##ses -##view -##mate -##ec -gather -wolves -marathon -transformed -##ill -cruise -organisations -carol -punch -exhibitions -numbered -alarm -ratings -daddy -silently -##stein -queens -colours -impression -guidance -liu -tactical -##rat -marshal -della -arrow -##ings -rested -feared -tender -owns -bitter -advisor -escort -##ides -spare -farms -grants -##ene -dragons -encourage -colleagues -cameras -##und -sucked -pile -spirits -prague -statements -suspension -landmark -fence -torture -recreation -bags -permanently -survivors -pond -spy -predecessor -bombing -coup -##og -protecting -transformation -glow -##lands -##book -dug -priests -andrea -feat -barn -jumping -##chen -##ologist -##con -casualties -stern -auckland -pipe -serie -revealing -ba -##bel -trevor -mercy -spectrum -yang -consist -governing -collaborated -possessed -epic -comprises -blew -shane -##ack -lopez -honored -magical -sacrifice -judgment -perceived -hammer -mtv -baronet -tune -das -missionary -sheets -350 -neutral -oral -threatening -attractive -shade -aims -seminary -##master -estates -1856 -michel -wounds -refugees -manufacturers -##nic -mercury -syndrome -porter -##iya -##din -hamburg -identification -upstairs -purse -widened -pause -cared -breathed -affiliate -santiago -prevented -celtic -fisher -125 -recruited -byzantine -reconstruction -farther -##mp -diet -sake -au -spite -sensation -##ert -blank -separation -105 -##hon -vladimir -armies -anime -##lie -accommodate -orbit -cult -sofia -archive -##ify -##box -founders -sustained -disorder -honours -northeastern -mia -crops -violet -threats -blanket -fires -canton -followers -southwestern -prototype -voyage -assignment -altered -moderate -protocol -pistol -##eo -questioned -brass -lifting -1852 -math -authored -##ual -doug -dimensional -dynamic -##san -1851 -pronounced -grateful -quest -uncomfortable -boom -presidency -stevens -relating -politicians -chen -barrier -quinn -diana -mosque -tribal -cheese -palmer -portions -sometime -chester -treasure -wu -bend -download -millions -reforms -registration -##osa -consequently -monitoring -ate -preliminary -brandon -invented -ps -eaten -exterior -intervention -ports -documented -log -displays -lecture -sally -favourite -##itz -vermont -lo -invisible -isle -breed -##ator -journalists -relay -speaks -backward -explore -midfielder -actively -stefan -procedures -cannon -blond -kenneth -centered -servants -chains -libraries -malcolm -essex -henri -slavery -##hal -facts -fairy -coached -cassie -cats -washed -cop -##fi -announcement -item -2000s -vinyl -activated -marco -frontier -growled -curriculum -##das -loyal -accomplished -leslie -ritual -kenny -##00 -vii -napoleon -hollow -hybrid -jungle -stationed -friedrich -counted -##ulated -platinum -theatrical -seated -col -rubber -glen -1840 -diversity -healing -extends -id -provisions -administrator -columbus -##oe -tributary -te -assured -org -##uous -prestigious -examined -lectures -grammy -ronald -associations -bailey -allan -essays -flute -believing -consultant -proceedings -travelling -1853 -kit -kerala -yugoslavia -buddy -methodist -##ith -burial -centres -batman -##nda -discontinued -bo -dock -stockholm -lungs -severely -##nk -citing -manga -##ugh -steal -mumbai -iraqi -robot -celebrity -bride -broadcasts -abolished -pot -joel -overhead -franz -packed -reconnaissance -johann -acknowledged -introduce -handled -doctorate -developments -drinks -alley -palestine -##nis -##aki -proceeded -recover -bradley -grain -patch -afford -infection -nationalist -legendary -##ath -interchange -virtually -gen -gravity -exploration -amber -vital -wishes -powell -doctrine -elbow -screenplay -##bird -contribute -indonesian -pet -creates -##com -enzyme -kylie -discipline -drops -manila -hunger -##ien -layers -suffer -fever -bits -monica -keyboard -manages -##hood -searched -appeals -##bad -testament -grande -reid -##war -beliefs -congo -##ification -##dia -si -requiring -##via -casey -1849 -regret -streak -rape -depends -syrian -sprint -pound -tourists -upcoming -pub -##xi -tense -##els -practiced -echo -nationwide -guild -motorcycle -liz -##zar -chiefs -desired -elena -bye -precious -absorbed -relatives -booth -pianist -##mal -citizenship -exhausted -wilhelm -##ceae -##hed -noting -quarterback -urge -hectares -##gue -ace -holly -##tal -blonde -davies -parked -sustainable -stepping -twentieth -airfield -galaxy -nest -chip -##nell -tan -shaft -paulo -requirement -##zy -paradise -tobacco -trans -renewed -vietnamese -##cker -##ju -suggesting -catching -holmes -enjoying -md -trips -colt -holder -butterfly -nerve -reformed -cherry -bowling -trailer -carriage -goodbye -appreciate -toy -joshua -interactive -enabled -involve -##kan -collar -determination -bunch -facebook -recall -shorts -superintendent -episcopal -frustration -giovanni -nineteenth -laser -privately -array -circulation -##ovic -armstrong -deals -painful -permit -discrimination -##wi -aires -retiring -cottage -ni -##sta -horizon -ellen -jamaica -ripped -fernando -chapters -playstation -patron -lecturer -navigation -behaviour -genes -georgian -export -solomon -rivals -swift -seventeen -rodriguez -princeton -independently -sox -1847 -arguing -entity -casting -hank -criteria -oakland -geographic -milwaukee -reflection -expanding -conquest -dubbed -##tv -halt -brave -brunswick -doi -arched -curtis -divorced -predominantly -somerset -streams -ugly -zoo -horrible -curved -buenos -fierce -dictionary -vector -theological -unions -handful -stability -chan -punjab -segments -##lly -altar -ignoring -gesture -monsters -pastor -##stone -thighs -unexpected -operators -abruptly -coin -compiled -associates -improving -migration -pin -##ose -compact -collegiate -reserved -##urs -quarterfinals -roster -restore -assembled -hurry -oval -##cies -1846 -flags -martha -##del -victories -sharply -##rated -argues -deadly -neo -drawings -symbols -performer -##iel -griffin -restrictions -editing -andrews -java -journals -arabia -compositions -dee -pierce -removing -hindi -casino -runway -civilians -minds -nasa -hotels -##zation -refuge -rent -retain -potentially -conferences -suburban -conducting -##tto -##tions -##tle -descended -massacre -##cal -ammunition -terrain -fork -souls -counts -chelsea -durham -drives -cab -##bank -perth -realizing -palestinian -finn -simpson -##dal -betty -##ule -moreover -particles -cardinals -tent -evaluation -extraordinary -##oid -inscription -##works -wednesday -chloe -maintains -panels -ashley -trucks -##nation -cluster -sunlight -strikes -zhang -##wing -dialect -canon -##ap -tucked -##ws -collecting -##mas -##can -##sville -maker -quoted -evan -franco -aria -buying -cleaning -eva -closet -provision -apollo -clinic -rat -##ez -necessarily -ac -##gle -##ising -venues -flipped -cent -spreading -trustees -checking -authorized -##sco -disappointed -##ado -notion -duration -trumpet -hesitated -topped -brussels -rolls -theoretical -hint -define -aggressive -repeat -wash -peaceful -optical -width -allegedly -mcdonald -strict -copyright -##illa -investors -mar -jam -witnesses -sounding -miranda -michelle -privacy -hugo -harmony -##pp -valid -lynn -glared -nina -102 -headquartered -diving -boarding -gibson -##ncy -albanian -marsh -routine -dealt -enhanced -er -intelligent -substance -targeted -enlisted -discovers -spinning -observations -pissed -smoking -rebecca -capitol -visa -varied -costume -seemingly -indies -compensation -surgeon -thursday -arsenal -westminster -suburbs -rid -anglican -##ridge -knots -foods -alumni -lighter -fraser -whoever -portal -scandal -##ray -gavin -advised -instructor -flooding -terrorist -##ale -teenage -interim -senses -duck -teen -thesis -abby -eager -overcome -##ile -newport -glenn -rises -shame -##cc -prompted -priority -forgot -bomber -nicolas -protective -360 -cartoon -katherine -breeze -lonely -trusted -henderson -richardson -relax -banner -candy -palms -remarkable -##rio -legends -cricketer -essay -ordained -edmund -rifles -trigger -##uri -##away -sail -alert -1830 -audiences -penn -sussex -siblings -pursued -indianapolis -resist -rosa -consequence -succeed -avoided -1845 -##ulation -inland -##tie -##nna -counsel -profession -chronicle -hurried -##una -eyebrow -eventual -bleeding -innovative -cure -##dom -committees -accounting -con -scope -hardy -heather -tenor -gut -herald -codes -tore -scales -wagon -##oo -luxury -tin -prefer -fountain -triangle -bonds -darling -convoy -dried -traced -beings -troy -accidentally -slam -findings -smelled -joey -lawyers -outcome -steep -bosnia -configuration -shifting -toll -brook -performers -lobby -philosophical -construct -shrine -aggregate -boot -cox -phenomenon -savage -insane -solely -reynolds -lifestyle -##ima -nationally -holdings -consideration -enable -edgar -mo -mama -##tein -fights -relegation -chances -atomic -hub -conjunction -awkward -reactions -currency -finale -kumar -underwent -steering -elaborate -gifts -comprising -melissa -veins -reasonable -sunshine -chi -solve -trails -inhabited -elimination -ethics -huh -ana -molly -consent -apartments -layout -marines -##ces -hunters -bulk -##oma -hometown -##wall -##mont -cracked -reads -neighbouring -withdrawn -admission -wingspan -damned -anthology -lancashire -brands -batting -forgive -cuban -awful -##lyn -104 -dimensions -imagination -##ade -dante -##ship -tracking -desperately -goalkeeper -##yne -groaned -workshops -confident -burton -gerald -milton -circus -uncertain -slope -copenhagen -sophia -fog -philosopher -portraits -accent -cycling -varying -gripped -larvae -garrett -specified -scotia -mature -luther -kurt -rap -##kes -aerial -750 -ferdinand -heated -es -transported -##shan -safely -nonetheless -##orn -##gal -motors -demanding -##sburg -startled -##brook -ally -generate -caps -ghana -stained -demo -mentions -beds -ap -afterward -diary -##bling -utility -##iro -richards -1837 -conspiracy -conscious -shining -footsteps -observer -cyprus -urged -loyalty -developer -probability -olive -upgraded -gym -miracle -insects -graves -1844 -ourselves -hydrogen -amazon -katie -tickets -poets -##pm -planes -##pan -prevention -witnessed -dense -jin -randy -tang -warehouse -monroe -bang -archived -elderly -investigations -alec -granite -mineral -conflicts -controlling -aboriginal -carlo -##zu -mechanics -stan -stark -rhode -skirt -est -##berry -bombs -respected -##horn -imposed -limestone -deny -nominee -memphis -grabbing -disabled -##als -amusement -aa -frankfurt -corn -referendum -varies -slowed -disk -firms -unconscious -incredible -clue -sue -##zhou -twist -##cio -joins -idaho -chad -developers -computing -destroyer -103 -mortal -tucker -kingston -choices -yu -carson -1800 -os -whitney -geneva -pretend -dimension -staged -plateau -maya -##une -freestyle -##bc -rovers -hiv -##ids -tristan -classroom -prospect -##hus -honestly -diploma -lied -thermal -auxiliary -feast -unlikely -iata -##tel -morocco -pounding -treasury -lithuania -considerably -1841 -dish -1812 -geological -matching -stumbled -destroying -marched -brien -advances -cake -nicole -belle -settling -measuring -directing -##mie -tuesday -bassist -capabilities -stunned -fraud -torpedo -##list -##phone -anton -wisdom -surveillance -ruined -##ulate -lawsuit -healthcare -theorem -halls -trend -aka -horizontal -dozens -acquire -lasting -swim -hawk -gorgeous -fees -vicinity -decrease -adoption -tactics -##ography -pakistani -##ole -draws -##hall -willie -burke -heath -algorithm -integral -powder -elliott -brigadier -jackie -tate -varieties -darker -##cho -lately -cigarette -specimens -adds -##ree -##ensis -##inger -exploded -finalist -cia -murders -wilderness -arguments -nicknamed -acceptance -onwards -manufacture -robertson -jets -tampa -enterprises -blog -loudly -composers -nominations -1838 -ai -malta -inquiry -automobile -hosting -viii -rays -tilted -grief -museums -strategies -furious -euro -equality -cohen -poison -surrey -wireless -governed -ridiculous -moses -##esh -##room -vanished -##ito -barnes -attract -morrison -istanbul -##iness -absent -rotation -petition -janet -##logical -satisfaction -custody -deliberately -observatory -comedian -surfaces -pinyin -novelist -strictly -canterbury -oslo -monks -embrace -ibm -jealous -photograph -continent -dorothy -marina -doc -excess -holden -allegations -explaining -stack -avoiding -lance -storyline -majesty -poorly -spike -dos -bradford -raven -travis -classics -proven -voltage -pillow -fists -butt -1842 -interpreted -##car -1839 -gage -telegraph -lens -promising -expelled -casual -collector -zones -##min -silly -nintendo -##kh -##bra -downstairs -chef -suspicious -afl -flies -vacant -uganda -pregnancy -condemned -lutheran -estimates -cheap -decree -saxon -proximity -stripped -idiot -deposits -contrary -presenter -magnus -glacier -im -offense -edwin -##ori -upright -##long -bolt -##ois -toss -geographical -##izes -environments -delicate -marking -abstract -xavier -nails -windsor -plantation -occurring -equity -saskatchewan -fears -drifted -sequences -vegetation -revolt -##stic -1843 -sooner -fusion -opposing -nato -skating -1836 -secretly -ruin -lease -##oc -edit -##nne -flora -anxiety -ruby -##ological -##mia -tel -bout -taxi -emmy -frost -rainbow -compounds -foundations -rainfall -assassination -nightmare -dominican -##win -achievements -deserve -orlando -intact -armenia -##nte -calgary -valentine -106 -marion -proclaimed -theodore -bells -courtyard -thigh -gonzalez -console -troop -minimal -monte -everyday -##ence -##if -supporter -terrorism -buck -openly -presbyterian -activists -carpet -##iers -rubbing -uprising -##yi -cute -conceived -legally -##cht -millennium -cello -velocity -ji -rescued -cardiff -1835 -rex -concentrate -senators -beard -rendered -glowing -battalions -scouts -competitors -sculptor -catalogue -arctic -ion -raja -bicycle -wow -glancing -lawn -##woman -gentleman -lighthouse -publish -predicted -calculated -##val -variants -##gne -strain -##ui -winston -deceased -##nus -touchdowns -brady -caleb -sinking -echoed -crush -hon -blessed -protagonist -hayes -endangered -magnitude -editors -##tine -estimate -responsibilities -##mel -backup -laying -consumed -sealed -zurich -lovers -frustrated -##eau -ahmed -kicking -mit -treasurer -1832 -biblical -refuse -terrified -pump -agrees -genuine -imprisonment -refuses -plymouth -##hen -lou -##nen -tara -trembling -antarctic -ton -learns -##tas -crap -crucial -faction -atop -##borough -wrap -lancaster -odds -hopkins -erik -lyon -##eon -bros -##ode -snap -locality -tips -empress -crowned -cal -acclaimed -chuckled -##ory -clara -sends -mild -towel -##fl -##day -##а -wishing -assuming -interviewed -##bal -##die -interactions -eden -cups -helena -##lf -indie -beck -##fire -batteries -filipino -wizard -parted -##lam -traces -##born -rows -idol -albany -delegates -##ees -##sar -discussions -##ex -notre -instructed -belgrade -highways -suggestion -lauren -possess -orientation -alexandria -abdul -beats -salary -reunion -ludwig -alright -wagner -intimate -pockets -slovenia -hugged -brighton -merchants -cruel -stole -trek -slopes -repairs -enrollment -politically -underlying -promotional -counting -boeing -##bb -isabella -naming -##и -keen -bacteria -listing -separately -belfast -ussr -450 -lithuanian -anybody -ribs -sphere -martinez -cock -embarrassed -proposals -fragments -nationals -##fs -##wski -premises -fin -1500 -alpine -matched -freely -bounded -jace -sleeve -##af -gaming -pier -populated -evident -##like -frances -flooded -##dle -frightened -pour -trainer -framed -visitor -challenging -pig -wickets -##fold -infected -email -##pes -arose -##aw -reward -ecuador -oblast -vale -ch -shuttle -##usa -bach -rankings -forbidden -cornwall -accordance -salem -consumers -bruno -fantastic -toes -machinery -resolved -julius -remembering -propaganda -iceland -bombardment -tide -contacts -wives -##rah -concerto -macdonald -albania -implement -daisy -tapped -sudan -helmet -angela -mistress -##lic -crop -sunk -finest -##craft -hostile -##ute -##tsu -boxer -fr -paths -adjusted -habit -ballot -supervision -soprano -##zen -bullets -wicked -sunset -regiments -disappear -lamp -performs -app -##gia -##oa -rabbit -digging -incidents -entries -##cion -dishes -##oi -introducing -##ati -##fied -freshman -slot -jill -tackles -baroque -backs -##iest -lone -sponsor -destiny -altogether -convert -##aro -consensus -shapes -demonstration -basically -feminist -auction -artifacts -##bing -strongest -twitter -halifax -2019 -allmusic -mighty -smallest -precise -alexandra -viola -##los -##ille -manuscripts -##illo -dancers -ari -managers -monuments -blades -barracks -springfield -maiden -consolidated -electron -##end -berry -airing -wheat -nobel -inclusion -blair -payments -geography -bee -cc -eleanor -react -##hurst -afc -manitoba -##yu -su -lineup -fitness -recreational -investments -airborne -disappointment -##dis -edmonton -viewing -##row -renovation -##cast -infant -bankruptcy -roses -aftermath -pavilion -##yer -carpenter -withdrawal -ladder -##hy -discussing -popped -reliable -agreements -rochester -##abad -curves -bombers -220 -rao -reverend -decreased -choosing -107 -stiff -consulting -naples -crawford -tracy -ka -ribbon -cops -##lee -crushed -deciding -unified -teenager -accepting -flagship -explorer -poles -sanchez -inspection -revived -skilled -induced -exchanged -flee -locals -tragedy -swallow -loading -hanna -demonstrate -##ela -salvador -flown -contestants -civilization -##ines -wanna -rhodes -fletcher -hector -knocking -considers -##ough -nash -mechanisms -sensed -mentally -walt -unclear -##eus -renovated -madame -##cks -crews -governmental -##hin -undertaken -monkey -##ben -##ato -fatal -armored -copa -caves -governance -grasp -perception -certification -froze -damp -tugged -wyoming -##rg -##ero -newman -##lor -nerves -curiosity -graph -115 -##ami -withdraw -tunnels -dull -meredith -moss -exhibits -neighbors -communicate -accuracy -explored -raiders -republicans -secular -kat -superman -penny -criticised -##tch -freed -update -conviction -wade -ham -likewise -delegation -gotta -doll -promises -technological -myth -nationality -resolve -convent -##mark -sharon -dig -sip -coordinator -entrepreneur -fold -##dine -capability -councillor -synonym -blown -swan -cursed -1815 -jonas -haired -sofa -canvas -keeper -rivalry -##hart -rapper -speedway -swords -postal -maxwell -estonia -potter -recurring -##nn -##ave -errors -##oni -cognitive -1834 -##² -claws -nadu -roberto -bce -wrestler -ellie -##ations -infinite -ink -##tia -presumably -finite -staircase -108 -noel -patricia -nacional -##cation -chill -eternal -tu -preventing -prussia -fossil -limbs -##logist -ernst -frog -perez -rene -##ace -pizza -prussian -##ios -##vy -molecules -regulatory -answering -opinions -sworn -lengths -supposedly -hypothesis -upward -habitats -seating -ancestors -drank -yield -hd -synthesis -researcher -modest -##var -mothers -peered -voluntary -homeland -##the -acclaim -##igan -static -valve -luxembourg -alto -carroll -fe -receptor -norton -ambulance -##tian -johnston -catholics -depicting -jointly -elephant -gloria -mentor -badge -ahmad -distinguish -remarked -councils -precisely -allison -advancing -detection -crowded -##10 -cooperative -ankle -mercedes -dagger -surrendered -pollution -commit -subway -jeffrey -lesson -sculptures -provider -##fication -membrane -timothy -rectangular -fiscal -heating -teammate -basket -particle -anonymous -deployment -##ple -missiles -courthouse -proportion -shoe -sec -##ller -complaints -forbes -blacks -abandon -remind -sizes -overwhelming -autobiography -natalie -##awa -risks -contestant -countryside -babies -scorer -invaded -enclosed -proceed -hurling -disorders -##cu -reflecting -continuously -cruiser -graduates -freeway -investigated -ore -deserved -maid -blocking -phillip -jorge -shakes -dove -mann -variables -lacked -burden -accompanying -que -consistently -organizing -provisional -complained -endless -##rm -tubes -juice -georges -krishna -mick -labels -thriller -##uch -laps -arcade -sage -snail -##table -shannon -fi -laurence -seoul -vacation -presenting -hire -churchill -surprisingly -prohibited -savannah -technically -##oli -170 -##lessly -testimony -suited -speeds -toys -romans -mlb -flowering -measurement -talented -kay -settings -charleston -expectations -shattered -achieving -triumph -ceremonies -portsmouth -lanes -mandatory -loser -stretching -cologne -realizes -seventy -cornell -careers -webb -##ulating -americas -budapest -ava -suspicion -##ison -yo -conrad -##hai -sterling -jessie -rector -##az -1831 -transform -organize -loans -christine -volcanic -warrant -slender -summers -subfamily -newer -danced -dynamics -rhine -proceeds -heinrich -gastropod -commands -sings -facilitate -easter -ra -positioned -responses -expense -fruits -yanked -imported -25th -velvet -vic -primitive -tribune -baldwin -neighbourhood -donna -rip -hay -pr -##uro -1814 -espn -welcomed -##aria -qualifier -glare -highland -timing -##cted -shells -eased -geometry -louder -exciting -slovakia -##sion -##iz -##lot -savings -prairie -##ques -marching -rafael -tonnes -##lled -curtain -preceding -shy -heal -greene -worthy -##pot -detachment -bury -sherman -##eck -reinforced -seeks -bottles -contracted -duchess -outfit -walsh -##sc -mickey -##ase -geoffrey -archer -squeeze -dawson -eliminate -invention -##enberg -neal -##eth -stance -dealer -coral -maple -retire -polo -simplified -##ht -1833 -hid -watts -backwards -jules -##oke -genesis -mt -frames -rebounds -burma -woodland -moist -santos -whispers -drained -subspecies -##aa -streaming -ulster -burnt -correspondence -maternal -gerard -denis -stealing -##load -genius -duchy -##oria -inaugurated -momentum -suits -placement -sovereign -clause -thames -##hara -confederation -reservation -sketch -yankees -lets -rotten -charm -hal -verses -ultra -commercially -dot -salon -citation -adopt -winnipeg -mist -allocated -cairo -##boy -jenkins -interference -objectives -##wind -1820 -portfolio -armoured -sectors -##eh -initiatives -##world -integrity -exercises -robe -tap -ab -gazed -##tones -distracted -rulers -111 -favorable -jerome -tended -cart -factories -##eri -diplomat -valued -gravel -charitable -##try -calvin -exploring -chang -shepherd -terrace -pdf -pupil -##ural -reflects -ups -##rch -governors -shelf -depths -##nberg -trailed -crest -tackle -##nian -##ats -hatred -##kai -clare -makers -ethiopia -longtime -detected -embedded -lacking -slapped -rely -thomson -anticipation -iso -morton -successive -agnes -screenwriter -straightened -philippe -playwright -haunted -licence -iris -intentions -sutton -112 -logical -correctly -##weight -branded -licked -tipped -silva -ricky -narrator -requests -##ents -greeted -supernatural -cow -##wald -lung -refusing -employer -strait -gaelic -liner -##piece -zoe -sabha -##mba -driveway -harvest -prints -bates -reluctantly -threshold -algebra -ira -wherever -coupled -240 -assumption -picks -##air -designers -raids -gentlemen -##ean -roller -blowing -leipzig -locks -screw -dressing -strand -##lings -scar -dwarf -depicts -##nu -nods -##mine -differ -boris -##eur -yuan -flip -##gie -mob -invested -questioning -applying -##ture -shout -##sel -gameplay -blamed -illustrations -bothered -weakness -rehabilitation -##of -##zes -envelope -rumors -miners -leicester -subtle -kerry -##ico -ferguson -##fu -premiership -ne -##cat -bengali -prof -catches -remnants -dana -##rily -shouting -presidents -baltic -ought -ghosts -dances -sailors -shirley -fancy -dominic -##bie -madonna -##rick -bark -buttons -gymnasium -ashes -liver -toby -oath -providence -doyle -evangelical -nixon -cement -carnegie -embarked -hatch -surroundings -guarantee -needing -pirate -essence -##bee -filter -crane -hammond -projected -immune -percy -twelfth -##ult -regent -doctoral -damon -mikhail -##ichi -lu -critically -elect -realised -abortion -acute -screening -mythology -steadily -##fc -frown -nottingham -kirk -wa -minneapolis -##rra -module -algeria -mc -nautical -encounters -surprising -statues -availability -shirts -pie -alma -brows -munster -mack -soup -crater -tornado -sanskrit -cedar -explosive -bordered -dixon -planets -stamp -exam -happily -##bble -carriers -kidnapped -##vis -accommodation -emigrated -##met -knockout -correspondent -violation -profits -peaks -lang -specimen -agenda -ancestry -pottery -spelling -equations -obtaining -ki -linking -1825 -debris -asylum -##20 -buddhism -teddy -##ants -gazette -##nger -##sse -dental -eligibility -utc -fathers -averaged -zimbabwe -francesco -coloured -hissed -translator -lynch -mandate -humanities -mackenzie -uniforms -lin -##iana -##gio -asset -mhz -fitting -samantha -genera -wei -rim -beloved -shark -riot -entities -expressions -indo -carmen -slipping -owing -abbot -neighbor -sidney -##av -rats -recommendations -encouraging -squadrons -anticipated -commanders -conquered -##oto -donations -diagnosed -##mond -divide -##iva -guessed -decoration -vernon -auditorium -revelation -conversations -##kers -##power -herzegovina -dash -alike -protested -lateral -herman -accredited -mg -##gent -freeman -mel -fiji -crow -crimson -##rine -livestock -##pped -humanitarian -bored -oz -whip -##lene -##ali -legitimate -alter -grinning -spelled -anxious -oriental -wesley -##nin -##hole -carnival -controller -detect -##ssa -bowed -educator -kosovo -macedonia -##sin -occupy -mastering -stephanie -janeiro -para -unaware -nurses -noon -135 -cam -hopefully -ranger -combine -sociology -polar -rica -##eer -neill -##sman -holocaust -##ip -doubled -lust -1828 -109 -decent -cooling -unveiled -##card -1829 -nsw -homer -chapman -meyer -##gin -dive -mae -reagan -expertise -##gled -darwin -brooke -sided -prosecution -investigating -comprised -petroleum -genres -reluctant -differently -trilogy -johns -vegetables -corpse -highlighted -lounge -pension -unsuccessfully -elegant -aided -ivory -beatles -amelia -cain -dubai -sunny -immigrant -babe -click -##nder -underwater -pepper -combining -mumbled -atlas -horns -accessed -ballad -physicians -homeless -gestured -rpm -freak -louisville -corporations -patriots -prizes -rational -warn -modes -decorative -overnight -din -troubled -phantom -##ort -monarch -sheer -##dorf -generals -guidelines -organs -addresses -##zon -enhance -curling -parishes -cord -##kie -linux -caesar -deutsche -bavaria -##bia -coleman -cyclone -##eria -bacon -petty -##yama -##old -hampton -diagnosis -1824 -throws -complexity -rita -disputed -##₃ -pablo -##sch -marketed -trafficking -##ulus -examine -plague -formats -##oh -vault -faithful -##bourne -webster -##ox -highlights -##ient -##ann -phones -vacuum -sandwich -modeling -##gated -bolivia -clergy -qualities -isabel -##nas -##ars -wears -screams -reunited -annoyed -bra -##ancy -##rate -differential -transmitter -tattoo -container -poker -##och -excessive -resides -cowboys -##tum -augustus -trash -providers -statute -retreated -balcony -reversed -void -storey -preceded -masses -leap -laughs -neighborhoods -wards -schemes -falcon -santo -battlefield -pad -ronnie -thread -lesbian -venus -##dian -beg -sandstone -daylight -punched -gwen -analog -stroked -wwe -acceptable -measurements -dec -toxic -##kel -adequate -surgical -economist -parameters -varsity -##sberg -quantity -ella -##chy -##rton -countess -generating -precision -diamonds -expressway -ga -##ı -1821 -uruguay -talents -galleries -expenses -scanned -colleague -outlets -ryder -lucien -##ila -paramount -##bon -syracuse -dim -fangs -gown -sweep -##sie -toyota -missionaries -websites -##nsis -sentences -adviser -val -trademark -spells -##plane -patience -starter -slim -##borg -toe -incredibly -shoots -elliot -nobility -##wyn -cowboy -endorsed -gardner -tendency -persuaded -organisms -emissions -kazakhstan -amused -boring -chips -themed -##hand -llc -constantinople -chasing -systematic -guatemala -borrowed -erin -carey -##hard -highlands -struggles -1810 -##ifying -##ced -wong -exceptions -develops -enlarged -kindergarten -castro -##ern -##rina -leigh -zombie -juvenile -##most -consul -##nar -sailor -hyde -clarence -intensive -pinned -nasty -useless -jung -clayton -stuffed -exceptional -ix -apostolic -230 -transactions -##dge -exempt -swinging -cove -religions -##ash -shields -dairy -bypass -190 -pursuing -bug -joyce -bombay -chassis -southampton -chat -interact -redesignated -##pen -nascar -pray -salmon -rigid -regained -malaysian -grim -publicity -constituted -capturing -toilet -delegate -purely -tray -drift -loosely -striker -weakened -trinidad -mitch -itv -defines -transmitted -ming -scarlet -nodding -fitzgerald -fu -narrowly -sp -tooth -standings -virtue -##₁ -##wara -##cting -chateau -gloves -lid -##nel -hurting -conservatory -##pel -sinclair -reopened -sympathy -nigerian -strode -advocated -optional -chronic -discharge -##rc -suck -compatible -laurel -stella -shi -fails -wage -dodge -128 -informal -sorts -levi -buddha -villagers -##aka -chronicles -heavier -summoned -gateway -3000 -eleventh -jewelry -translations -accordingly -seas -##ency -fiber -pyramid -cubic -dragging -##ista -caring -##ops -android -contacted -lunar -##dt -kai -lisbon -patted -1826 -sacramento -theft -madagascar -subtropical -disputes -ta -holidays -piper -willow -mare -cane -itunes -newfoundland -benny -companions -dong -raj -observe -roar -charming -plaque -tibetan -fossils -enacted -manning -bubble -tina -tanzania -##eda -##hir -funk -swamp -deputies -cloak -ufc -scenario -par -scratch -metals -anthem -guru -engaging -specially -##boat -dialects -nineteen -cecil -duet -disability -messenger -unofficial -##lies -defunct -eds -moonlight -drainage -surname -puzzle -honda -switching -conservatives -mammals -knox -broadcaster -sidewalk -cope -##ried -benson -princes -peterson -##sal -bedford -sharks -eli -wreck -alberto -gasp -archaeology -lgbt -teaches -securities -madness -compromise -waving -coordination -davidson -visions -leased -possibilities -eighty -jun -fernandez -enthusiasm -assassin -sponsorship -reviewer -kingdoms -estonian -laboratories -##fy -##nal -applies -verb -celebrations -##zzo -rowing -lightweight -sadness -submit -mvp -balanced -dude -##vas -explicitly -metric -magnificent -mound -brett -mohammad -mistakes -irregular -##hing -##ass -sanders -betrayed -shipped -surge -##enburg -reporters -termed -georg -pity -verbal -bulls -abbreviated -enabling -appealed -##are -##atic -sicily -sting -heel -sweetheart -bart -spacecraft -brutal -monarchy -##tter -aberdeen -cameo -diane -##ub -survivor -clyde -##aries -complaint -##makers -clarinet -delicious -chilean -karnataka -coordinates -1818 -panties -##rst -pretending -ar -dramatically -kiev -bella -tends -distances -113 -catalog -launching -instances -telecommunications -portable -lindsay -vatican -##eim -angles -aliens -marker -stint -screens -bolton -##rne -judy -wool -benedict -plasma -europa -spark -imaging -filmmaker -swiftly -##een -contributor -##nor -opted -stamps -apologize -financing -butter -gideon -sophisticated -alignment -avery -chemicals -yearly -speculation -prominence -professionally -##ils -immortal -institutional -inception -wrists -identifying -tribunal -derives -gains -##wo -papal -preference -linguistic -vince -operative -brewery -##ont -unemployment -boyd -##ured -##outs -albeit -prophet -1813 -bi -##rr -##face -##rad -quarterly -asteroid -cleaned -radius -temper -##llen -telugu -jerk -viscount -menu -##ote -glimpse -##aya -yacht -hawaiian -baden -##rl -laptop -readily -##gu -monetary -offshore -scots -watches -##yang -##arian -upgrade -needle -xbox -lea -encyclopedia -flank -fingertips -##pus -delight -teachings -confirm -roth -beaches -midway -winters -##iah -teasing -daytime -beverly -gambling -bonnie -##backs -regulated -clement -hermann -tricks -knot -##shing -##uring -##vre -detached -ecological -owed -specialty -byron -inventor -bats -stays -screened -unesco -midland -trim -affection -##ander -##rry -jess -thoroughly -feedback -##uma -chennai -strained -heartbeat -wrapping -overtime -pleaded -##sworth -mon -leisure -oclc -##tate -##ele -feathers -angelo -thirds -nuts -surveys -clever -gill -commentator -##dos -darren -rides -gibraltar -##nc -##mu -dissolution -dedication -shin -meals -saddle -elvis -reds -chaired -taller -appreciation -functioning -niece -favored -advocacy -robbie -criminals -suffolk -yugoslav -passport -constable -congressman -hastings -vera -##rov -consecrated -sparks -ecclesiastical -confined -##ovich -muller -floyd -nora -1822 -paved -1827 -cumberland -ned -saga -spiral -##flow -appreciated -yi -collaborative -treating -similarities -feminine -finishes -##ib -jade -import -##nse -##hot -champagne -mice -securing -celebrities -helsinki -attributes -##gos -cousins -phases -ache -lucia -gandhi -submission -vicar -spear -shine -tasmania -biting -detention -constitute -tighter -seasonal -##gus -terrestrial -matthews -##oka -effectiveness -parody -philharmonic -##onic -1816 -strangers -encoded -consortium -guaranteed -regards -shifts -tortured -collision -supervisor -inform -broader -insight -theaters -armour -emeritus -blink -incorporates -mapping -##50 -##ein -handball -flexible -##nta -substantially -generous -thief -##own -carr -loses -1793 -prose -ucla -romeo -generic -metallic -realization -damages -mk -commissioners -zach -default -##ther -helicopters -lengthy -stems -spa -partnered -spectators -rogue -indication -penalties -teresa -1801 -sen -##tric -dalton -##wich -irving -photographic -##vey -dell -deaf -peters -excluded -unsure -##vable -patterson -crawled -##zio -resided -whipped -latvia -slower -ecole -pipes -employers -maharashtra -comparable -va -textile -pageant -##gel -alphabet -binary -irrigation -chartered -choked -antoine -offs -waking -supplement -##wen -quantities -demolition -regain -locate -urdu -folks -alt -114 -##mc -scary -andreas -whites -##ava -classrooms -mw -aesthetic -publishes -valleys -guides -cubs -johannes -bryant -conventions -affecting -##itt -drain -awesome -isolation -prosecutor -ambitious -apology -captive -downs -atmospheric -lorenzo -aisle -beef -foul -##onia -kidding -composite -disturbed -illusion -natives -##ffer -emi -rockets -riverside -wartime -painters -adolf -melted -##ail -uncertainty -simulation -hawks -progressed -meantime -builder -spray -breach -unhappy -regina -russians -##urg -determining -##tation -tram -1806 -##quin -aging -##12 -1823 -garion -rented -mister -diaz -terminated -clip -1817 -depend -nervously -disco -owe -defenders -shiva -notorious -disbelief -shiny -worcester -##gation -##yr -trailing -undertook -islander -belarus -limitations -watershed -fuller -overlooking -utilized -raphael -1819 -synthetic -breakdown -klein -##nate -moaned -memoir -lamb -practicing -##erly -cellular -arrows -exotic -##graphy -witches -117 -charted -rey -hut -hierarchy -subdivision -freshwater -giuseppe -aloud -reyes -qatar -marty -sideways -utterly -sexually -jude -prayers -mccarthy -softball -blend -damien -##gging -##metric -wholly -erupted -lebanese -negro -revenues -tasted -comparative -teamed -transaction -labeled -maori -sovereignty -parkway -trauma -gran -malay -121 -advancement -descendant -2020 -buzz -salvation -inventory -symbolic -##making -antarctica -mps -##gas -##bro -mohammed -myanmar -holt -submarines -tones -##lman -locker -patriarch -bangkok -emerson -remarks -predators -kin -afghan -confession -norwich -rental -emerge -advantages -##zel -rca -##hold -shortened -storms -aidan -##matic -autonomy -compliance -##quet -dudley -atp -##osis -1803 -motto -documentation -summary -professors -spectacular -christina -archdiocese -flashing -innocence -remake -##dell -psychic -reef -scare -employ -rs -sticks -meg -gus -leans -##ude -accompany -bergen -tomas -##iko -doom -wages -pools -##nch -##bes -breasts -scholarly -alison -outline -brittany -breakthrough -willis -realistic -##cut -##boro -competitor -##stan -pike -picnic -icon -designing -commercials -washing -villain -skiing -micro -costumes -auburn -halted -executives -##hat -logistics -cycles -vowel -applicable -barrett -exclaimed -eurovision -eternity -ramon -##umi -##lls -modifications -sweeping -disgust -##uck -torch -aviv -ensuring -rude -dusty -sonic -donovan -outskirts -cu -pathway -##band -##gun -##lines -disciplines -acids -cadet -paired -##40 -sketches -##sive -marriages -##⁺ -folding -peers -slovak -implies -admired -##beck -1880s -leopold -instinct -attained -weston -megan -horace -##ination -dorsal -ingredients -evolutionary -##its -complications -deity -lethal -brushing -levy -deserted -institutes -posthumously -delivering -telescope -coronation -motivated -rapids -luc -flicked -pays -volcano -tanner -weighed -##nica -crowds -frankie -gifted -addressing -granddaughter -winding -##rna -constantine -gomez -##front -landscapes -rudolf -anthropology -slate -werewolf -##lio -astronomy -circa -rouge -dreaming -sack -knelt -drowned -naomi -prolific -tracked -freezing -herb -##dium -agony -randall -twisting -wendy -deposit -touches -vein -wheeler -##bbled -##bor -batted -retaining -tire -presently -compare -specification -daemon -nigel -##grave -merry -recommendation -czechoslovakia -sandra -ng -roma -##sts -lambert -inheritance -sheikh -winchester -cries -examining -##yle -comeback -cuisine -nave -##iv -ko -retrieve -tomatoes -barker -polished -defining -irene -lantern -personalities -begging -tract -swore -1809 -175 -##gic -omaha -brotherhood -##rley -haiti -##ots -exeter -##ete -##zia -steele -dumb -pearson -210 -surveyed -elisabeth -trends -##ef -fritz -##rf -premium -bugs -fraction -calmly -viking -##birds -tug -inserted -unusually -##ield -confronted -distress -crashing -brent -turks -resign -##olo -cambodia -gabe -sauce -##kal -evelyn -116 -extant -clusters -quarry -teenagers -luna -##lers -##ister -affiliation -drill -##ashi -panthers -scenic -libya -anita -strengthen -inscriptions -##cated -lace -sued -judith -riots -##uted -mint -##eta -preparations -midst -dub -challenger -##vich -mock -cf -displaced -wicket -breaths -enables -schmidt -analyst -##lum -ag -highlight -automotive -axe -josef -newark -sufficiently -resembles -50th -##pal -flushed -mum -traits -##ante -commodore -incomplete -warming -titular -ceremonial -ethical -118 -celebrating -eighteenth -cao -lima -medalist -mobility -strips -snakes -##city -miniature -zagreb -barton -escapes -umbrella -automated -doubted -differs -cooled -georgetown -dresden -cooked -fade -wyatt -rna -jacobs -carlton -abundant -stereo -boost -madras -inning -##hia -spur -ip -malayalam -begged -osaka -groan -escaping -charging -dose -vista -##aj -bud -papa -communists -advocates -edged -tri -##cent -resemble -peaking -necklace -fried -montenegro -saxony -goose -glances -stuttgart -curator -recruit -grocery -sympathetic -##tting -##fort -127 -lotus -randolph -ancestor -##rand -succeeding -jupiter -1798 -macedonian -##heads -hiking -1808 -handing -fischer -##itive -garbage -node -##pies -prone -singular -papua -inclined -attractions -italia -pouring -motioned -grandma -garnered -jacksonville -corp -ego -ringing -aluminum -##hausen -ordering -##foot -drawer -traders -synagogue -##play -##kawa -resistant -wandering -fragile -fiona -teased -var -hardcore -soaked -jubilee -decisive -exposition -mercer -poster -valencia -hale -kuwait -1811 -##ises -##wr -##eed -tavern -gamma -122 -johan -##uer -airways -amino -gil -##ury -vocational -domains -torres -##sp -generator -folklore -outcomes -##keeper -canberra -shooter -fl -beams -confrontation -##lling -##gram -feb -aligned -forestry -pipeline -jax -motorway -conception -decay -##tos -coffin -##cott -stalin -1805 -escorted -minded -##nam -sitcom -purchasing -twilight -veronica -additions -passive -tensions -straw -123 -frequencies -1804 -refugee -cultivation -##iate -christie -clary -bulletin -crept -disposal -##rich -##zong -processor -crescent -##rol -bmw -emphasized -whale -nazis -aurora -##eng -dwelling -hauled -sponsors -toledo -mega -ideology -theatres -tessa -cerambycidae -saves -turtle -cone -suspects -kara -rusty -yelling -greeks -mozart -shades -cocked -participant -##tro -shire -spit -freeze -necessity -##cos -inmates -nielsen -councillors -loaned -uncommon -omar -peasants -botanical -offspring -daniels -formations -jokes -1794 -pioneers -sigma -licensing -##sus -wheelchair -polite -1807 -liquor -pratt -trustee -##uta -forewings -balloon -##zz -kilometre -camping -explicit -casually -shawn -foolish -teammates -nm -hassan -carrie -judged -satisfy -vanessa -knives -selective -cnn -flowed -##lice -eclipse -stressed -eliza -mathematician -cease -cultivated -##roy -commissions -browns -##ania -destroyers -sheridan -meadow -##rius -minerals -##cial -downstream -clash -gram -memoirs -ventures -baha -seymour -archie -midlands -edith -fare -flynn -invite -canceled -tiles -stabbed -boulder -incorporate -amended -camden -facial -mollusk -unreleased -descriptions -yoga -grabs -550 -raises -ramp -shiver -##rose -coined -pioneering -tunes -qing -warwick -tops -119 -melanie -giles -##rous -wandered -##inal -annexed -nov -30th -unnamed -##ished -organizational -airplane -normandy -stoke -whistle -blessing -violations -chased -holders -shotgun -##ctic -outlet -reactor -##vik -tires -tearing -shores -fortified -mascot -constituencies -nc -columnist -productive -tibet -##rta -lineage -hooked -oct -tapes -judging -cody -##gger -hansen -kashmir -triggered -##eva -solved -cliffs -##tree -resisted -anatomy -protesters -transparent -implied -##iga -injection -mattress -excluding -##mbo -defenses -helpless -devotion -##elli -growl -liberals -weber -phenomena -atoms -plug -##iff -mortality -apprentice -howe -convincing -aaa -swimmer -barber -leone -promptly -sodium -def -nowadays -arise -##oning -gloucester -corrected -dignity -norm -erie -##ders -elders -evacuated -sylvia -compression -##yar -hartford -pose -backpack -reasoning -accepts -24th -wipe -millimetres -marcel -##oda -dodgers -albion -1790 -overwhelmed -aerospace -oaks -1795 -showcase -acknowledge -recovering -nolan -ashe -hurts -geology -fashioned -disappearance -farewell -swollen -shrug -marquis -wimbledon -124 -rue -1792 -commemorate -reduces -experiencing -inevitable -calcutta -intel -##court -murderer -sticking -fisheries -imagery -bloom -280 -brake -##inus -gustav -hesitation -memorable -po -viral -beans -accidents -tunisia -antenna -spilled -consort -treatments -aye -perimeter -##gard -donation -hostage -migrated -banker -addiction -apex -lil -trout -##ously -conscience -##nova -rams -sands -genome -passionate -troubles -##lets -##set -amid -##ibility -##ret -higgins -exceed -vikings -##vie -payne -##zan -muscular -##ste -defendant -sucking -##wal -ibrahim -fuselage -claudia -vfl -europeans -snails -interval -##garh -preparatory -statewide -tasked -lacrosse -viktor -##lation -angola -##hra -flint -implications -employs -teens -patrons -stall -weekends -barriers -scrambled -nucleus -tehran -jenna -parsons -lifelong -robots -displacement -5000 -##bles -precipitation -##gt -knuckles -clutched -1802 -marrying -ecology -marx -accusations -declare -scars -kolkata -mat -meadows -bermuda -skeleton -finalists -vintage -crawl -coordinate -affects -subjected -orchestral -mistaken -##tc -mirrors -dipped -relied -260 -arches -candle -##nick -incorporating -wildly -fond -basilica -owl -fringe -rituals -whispering -stirred -feud -tertiary -slick -goat -honorable -whereby -skip -ricardo -stripes -parachute -adjoining -submerged -synthesizer -##gren -intend -positively -ninety -phi -beaver -partition -fellows -alexis -prohibition -carlisle -bizarre -fraternity -##bre -doubts -icy -cbc -aquatic -sneak -sonny -combines -airports -crude -supervised -spatial -merge -alfonso -##bic -corrupt -scan -undergo -##ams -disabilities -colombian -comparing -dolphins -perkins -##lish -reprinted -unanimous -bounced -hairs -underworld -midwest -semester -bucket -paperback -miniseries -coventry -demise -##leigh -demonstrations -sensor -rotating -yan -##hler -arrange -soils -##idge -hyderabad -labs -##dr -brakes -grandchildren -##nde -negotiated -rover -ferrari -continuation -directorate -augusta -stevenson -counterpart -gore -##rda -nursery -rican -ave -collectively -broadly -pastoral -repertoire -asserted -discovering -nordic -styled -fiba -cunningham -harley -middlesex -survives -tumor -tempo -zack -aiming -lok -urgent -##rade -##nto -devils -##ement -contractor -turin -##wl -##ool -bliss -repaired -simmons -moan -astronomical -cr -negotiate -lyric -1890s -lara -bred -clad -angus -pbs -##ience -engineered -posed -##lk -hernandez -possessions -elbows -psychiatric -strokes -confluence -electorate -lifts -campuses -lava -alps -##ep -##ution -##date -physicist -woody -##page -##ographic -##itis -juliet -reformation -sparhawk -320 -complement -suppressed -jewel -##½ -floated -##kas -continuity -sadly -##ische -inability -melting -scanning -paula -flour -judaism -safer -vague -##lm -solving -curb -##stown -financially -gable -bees -expired -miserable -cassidy -dominion -1789 -cupped -145 -robbery -facto -amos -warden -resume -tallest -marvin -ing -pounded -usd -declaring -gasoline -##aux -darkened -270 -650 -sophomore -##mere -erection -gossip -televised -risen -dial -##eu -pillars -##link -passages -profound -##tina -arabian -ashton -silicon -nail -##ead -##lated -##wer -##hardt -fleming -firearms -ducked -circuits -blows -waterloo -titans -##lina -atom -fireplace -cheshire -financed -activation -algorithms -##zzi -constituent -catcher -cherokee -partnerships -sexuality -platoon -tragic -vivian -guarded -whiskey -meditation -poetic -##late -##nga -##ake -porto -listeners -dominance -kendra -mona -chandler -factions -22nd -salisbury -attitudes -derivative -##ido -##haus -intake -paced -javier -illustrator -barrels -bias -cockpit -burnett -dreamed -ensuing -##anda -receptors -someday -hawkins -mattered -##lal -slavic -1799 -jesuit -cameroon -wasted -tai -wax -lowering -victorious -freaking -outright -hancock -librarian -sensing -bald -calcium -myers -tablet -announcing -barack -shipyard -pharmaceutical -##uan -greenwich -flush -medley -patches -wolfgang -pt -speeches -acquiring -exams -nikolai -##gg -hayden -kannada -##type -reilly -##pt -waitress -abdomen -devastated -capped -pseudonym -pharmacy -fulfill -paraguay -1796 -clicked -##trom -archipelago -syndicated -##hman -lumber -orgasm -rejection -clifford -lorraine -advent -mafia -rodney -brock -##ght -##used -##elia -cassette -chamberlain -despair -mongolia -sensors -developmental -upstream -##eg -##alis -spanning -165 -trombone -basque -seeded -interred -renewable -rhys -leapt -revision -molecule -##ages -chord -vicious -nord -shivered -23rd -arlington -debts -corpus -sunrise -bays -blackburn -centimetres -##uded -shuddered -gm -strangely -gripping -cartoons -isabelle -orbital -##ppa -seals -proving -##lton -refusal -strengthened -bust -assisting -baghdad -batsman -portrayal -mara -pushes -spears -og -##cock -reside -nathaniel -brennan -1776 -confirmation -caucus -##worthy -markings -yemen -nobles -ku -lazy -viewer -catalan -encompasses -sawyer -##fall -sparked -substances -patents -braves -arranger -evacuation -sergio -persuade -dover -tolerance -penguin -cum -jockey -insufficient -townships -occupying -declining -plural -processed -projection -puppet -flanders -introduces -liability -##yon -gymnastics -antwerp -taipei -hobart -candles -jeep -wes -observers -126 -chaplain -bundle -glorious -##hine -hazel -flung -sol -excavations -dumped -stares -sh -bangalore -triangular -icelandic -intervals -expressing -turbine -##vers -songwriting -crafts -##igo -jasmine -ditch -rite -##ways -entertaining -comply -sorrow -wrestlers -basel -emirates -marian -rivera -helpful -##some -caution -downward -networking -##atory -##tered -darted -genocide -emergence -replies -specializing -spokesman -convenient -unlocked -fading -augustine -concentrations -resemblance -elijah -investigator -andhra -##uda -promotes -bean -##rrell -fleeing -wan -simone -announcer -##ame -##bby -lydia -weaver -132 -residency -modification -##fest -stretches -##ast -alternatively -nat -lowe -lacks -##ented -pam -tile -concealed -inferior -abdullah -residences -tissues -vengeance -##ided -moisture -peculiar -groove -zip -bologna -jennings -ninja -oversaw -zombies -pumping -batch -livingston -emerald -installations -1797 -peel -nitrogen -rama -##fying -##star -schooling -strands -responding -werner -##ost -lime -casa -accurately -targeting -##rod -underway -##uru -hemisphere -lester -##yard -occupies -2d -griffith -angrily -reorganized -##owing -courtney -deposited -##dd -##30 -estadio -##ifies -dunn -exiled -##ying -checks -##combe -##о -##fly -successes -unexpectedly -blu -assessed -##flower -##ه -observing -sacked -spiders -kn -##tail -mu -nodes -prosperity -audrey -divisional -155 -broncos -tangled -adjust -feeds -erosion -paolo -surf -directory -snatched -humid -admiralty -screwed -gt -reddish -##nese -modules -trench -lamps -bind -leah -bucks -competes -##nz -##form -transcription -##uc -isles -violently -clutching -pga -cyclist -inflation -flats -ragged -unnecessary -##hian -stubborn -coordinated -harriet -baba -disqualified -330 -insect -wolfe -##fies -reinforcements -rocked -duel -winked -embraced -bricks -##raj -hiatus -defeats -pending -brightly -jealousy -##xton -##hm -##uki -lena -gdp -colorful -##dley -stein -kidney -##shu -underwear -wanderers -##haw -##icus -guardians -m³ -roared -habits -##wise -permits -gp -uranium -punished -disguise -bundesliga -elise -dundee -erotic -partisan -pi -collectors -float -individually -rendering -behavioral -bucharest -ser -hare -valerie -corporal -nutrition -proportional -##isa -immense -##kis -pavement -##zie -##eld -sutherland -crouched -1775 -##lp -suzuki -trades -endurance -operas -crosby -prayed -priory -rory -socially -##urn -gujarat -##pu -walton -cube -pasha -privilege -lennon -floods -thorne -waterfall -nipple -scouting -approve -##lov -minorities -voter -dwight -extensions -assure -ballroom -slap -dripping -privileges -rejoined -confessed -demonstrating -patriotic -yell -investor -##uth -pagan -slumped -squares -##cle -##kins -confront -bert -embarrassment -##aid -aston -urging -sweater -starr -yuri -brains -williamson -commuter -mortar -structured -selfish -exports -##jon -cds -##him -unfinished -##rre -mortgage -destinations -##nagar -canoe -solitary -buchanan -delays -magistrate -fk -##pling -motivation -##lier -##vier -recruiting -assess -##mouth -malik -antique -1791 -pius -rahman -reich -tub -zhou -smashed -airs -galway -xii -conditioning -honduras -discharged -dexter -##pf -lionel -129 -debates -lemon -tiffany -volunteered -dom -dioxide -procession -devi -sic -tremendous -advertisements -colts -transferring -verdict -hanover -decommissioned -utter -relate -pac -racism -##top -beacon -limp -similarity -terra -occurrence -ant -##how -becky -capt -updates -armament -richie -pal -##graph -halloween -mayo -##ssen -##bone -cara -serena -fcc -dolls -obligations -##dling -violated -lafayette -jakarta -exploitation -##ime -infamous -iconic -##lah -##park -kitty -moody -reginald -dread -spill -crystals -olivier -modeled -bluff -equilibrium -separating -notices -ordnance -extinction -onset -cosmic -attachment -sammy -expose -privy -anchored -##bil -abbott -admits -bending -baritone -emmanuel -policeman -vaughan -winged -climax -dresses -denny -polytechnic -mohamed -burmese -authentic -nikki -genetics -grandparents -homestead -gaza -postponed -metacritic -una -##sby -##bat -unstable -dissertation -##rial -##cian -curls -obscure -uncovered -bronx -praying -disappearing -##hoe -prehistoric -coke -turret -mutations -nonprofit -pits -monaco -##ي -##usion -prominently -dispatched -podium -##mir -uci -##uation -133 -fortifications -birthplace -kendall -##lby -##oll -preacher -rack -goodman -##rman -persistent -##ott -countless -jaime -recorder -lexington -persecution -jumps -renewal -wagons -##11 -crushing -##holder -decorations -##lake -abundance -wrath -laundry -£1 -garde -##rp -jeanne -beetles -peasant -##sl -splitting -caste -sergei -##rer -##ema -scripts -##ively -rub -satellites -##vor -inscribed -verlag -scrapped -gale -packages -chick -potato -slogan -kathleen -arabs -##culture -counterparts -reminiscent -choral -##tead -rand -retains -bushes -dane -accomplish -courtesy -closes -##oth -slaughter -hague -krakow -lawson -tailed -elias -ginger -##ttes -canopy -betrayal -rebuilding -turf -##hof -frowning -allegiance -brigades -kicks -rebuild -polls -alias -nationalism -td -rowan -audition -bowie -fortunately -recognizes -harp -dillon -horrified -##oro -renault -##tics -ropes -##α -presumed -rewarded -infrared -wiping -accelerated -illustration -##rid -presses -practitioners -badminton -##iard -detained -##tera -recognizing -relates -misery -##sies -##tly -reproduction -piercing -potatoes -thornton -esther -manners -hbo -##aan -ours -bullshit -ernie -perennial -sensitivity -illuminated -rupert -##jin -##iss -##ear -rfc -nassau -##dock -staggered -socialism -##haven -appointments -nonsense -prestige -sharma -haul -##tical -solidarity -gps -##ook -##rata -igor -pedestrian -##uit -baxter -tenants -wires -medication -unlimited -guiding -impacts -diabetes -##rama -sasha -pas -clive -extraction -131 -continually -constraints -##bilities -sonata -hunted -sixteenth -chu -planting -quote -mayer -pretended -abs -spat -##hua -ceramic -##cci -curtains -pigs -pitching -##dad -latvian -sore -dayton -##sted -##qi -patrols -slice -playground -##nted -shone -stool -apparatus -inadequate -mates -treason -##ija -desires -##liga -##croft -somalia -laurent -mir -leonardo -oracle -grape -obliged -chevrolet -thirteenth -stunning -enthusiastic -##ede -accounted -concludes -currents -basil -##kovic -drought -##rica -mai -##aire -shove -posting -##shed -pilgrimage -humorous -packing -fry -pencil -wines -smells -144 -marilyn -aching -newest -clung -bon -neighbours -sanctioned -##pie -mug -##stock -drowning -##mma -hydraulic -##vil -hiring -reminder -lilly -investigators -##ncies -sour -##eous -compulsory -packet -##rion -##graphic -##elle -cannes -##inate -depressed -##rit -heroic -importantly -theresa -##tled -conway -saturn -marginal -rae -##xia -corresponds -royce -pact -jasper -explosives -packaging -aluminium -##ttered -denotes -rhythmic -spans -assignments -hereditary -outlined -originating -sundays -lad -reissued -greeting -beatrice -##dic -pillar -marcos -plots -handbook -alcoholic -judiciary -avant -slides -extract -masculine -blur -##eum -##force -homage -trembled -owens -hymn -trey -omega -signaling -socks -accumulated -reacted -attic -theo -lining -angie -distraction -primera -talbot -##key -1200 -ti -creativity -billed -##hey -deacon -eduardo -identifies -proposition -dizzy -gunner -hogan -##yam -##pping -##hol -ja -##chan -jensen -reconstructed -##berger -clearance -darius -##nier -abe -harlem -plea -dei -circled -emotionally -notation -fascist -neville -exceeded -upwards -viable -ducks -##fo -workforce -racer -limiting -shri -##lson -possesses -1600 -kerr -moths -devastating -laden -disturbing -locking -##cture -gal -fearing -accreditation -flavor -aide -1870s -mountainous -##baum -melt -##ures -motel -texture -servers -soda -##mb -herd -##nium -erect -puzzled -hum -peggy -examinations -gould -testified -geoff -ren -devised -sacks -##law -denial -posters -grunted -cesar -tutor -ec -gerry -offerings -byrne -falcons -combinations -ct -incoming -pardon -rocking -26th -avengers -flared -mankind -seller -uttar -loch -nadia -stroking -exposing -##hd -fertile -ancestral -instituted -##has -noises -prophecy -taxation -eminent -vivid -pol -##bol -dart -indirect -multimedia -notebook -upside -displaying -adrenaline -referenced -geometric -##iving -progression -##ddy -blunt -announce -##far -implementing -##lav -aggression -liaison -cooler -cares -headache -plantations -gorge -dots -impulse -thickness -ashamed -averaging -kathy -obligation -precursor -137 -fowler -symmetry -thee -225 -hears -##rai -undergoing -ads -butcher -bowler -##lip -cigarettes -subscription -goodness -##ically -browne -##hos -##tech -kyoto -donor -##erty -damaging -friction -drifting -expeditions -hardened -prostitution -152 -fauna -blankets -claw -tossing -snarled -butterflies -recruits -investigative -coated -healed -138 -communal -hai -xiii -academics -boone -psychologist -restless -lahore -stephens -mba -brendan -foreigners -printer -##pc -ached -explode -27th -deed -scratched -dared -##pole -cardiac -1780 -okinawa -proto -commando -compelled -oddly -electrons -##base -replica -thanksgiving -##rist -sheila -deliberate -stafford -tidal -representations -hercules -ou -##path -##iated -kidnapping -lenses -##tling -deficit -samoa -mouths -consuming -computational -maze -granting -smirk -razor -fixture -ideals -inviting -aiden -nominal -##vs -issuing -julio -pitt -ramsey -docks -##oss -exhaust -##owed -bavarian -draped -anterior -mating -ethiopian -explores -noticing -##nton -discarded -convenience -hoffman -endowment -beasts -cartridge -mormon -paternal -probe -sleeves -interfere -lump -deadline -##rail -jenks -bulldogs -scrap -alternating -justified -reproductive -nam -seize -descending -secretariat -kirby -coupe -grouped -smash -panther -sedan -tapping -##18 -lola -cheer -germanic -unfortunate -##eter -unrelated -##fan -subordinate -##sdale -suzanne -advertisement -##ility -horsepower -##lda -cautiously -discourse -luigi -##mans -##fields -noun -prevalent -mao -schneider -everett -surround -governorate -kira -##avia -westward -##take -misty -rails -sustainability -134 -unused -##rating -packs -toast -unwilling -regulate -thy -suffrage -nile -awe -assam -definitions -travelers -affordable -##rb -conferred -sells -undefeated -beneficial -torso -basal -repeating -remixes -##pass -bahrain -cables -fang -##itated -excavated -numbering -statutory -##rey -deluxe -##lian -forested -ramirez -derbyshire -zeus -slamming -transfers -astronomer -banana -lottery -berg -histories -bamboo -##uchi -resurrection -posterior -bowls -vaguely -##thi -thou -preserving -tensed -offence -##inas -meyrick -callum -ridden -watt -langdon -tying -lowland -snorted -daring -truman -##hale -##girl -aura -overly -filing -weighing -goa -infections -philanthropist -saunders -eponymous -##owski -latitude -perspectives -reviewing -mets -commandant -radial -##kha -flashlight -reliability -koch -vowels -amazed -ada -elaine -supper -##rth -##encies -predator -debated -soviets -cola -##boards -##nah -compartment -crooked -arbitrary -fourteenth -##ctive -havana -majors -steelers -clips -profitable -ambush -exited -packers -##tile -nude -cracks -fungi -##е -limb -trousers -josie -shelby -tens -frederic -##ος -definite -smoothly -constellation -insult -baton -discs -lingering -##nco -conclusions -lent -staging -becker -grandpa -shaky -##tron -einstein -obstacles -sk -adverse -elle -economically -##moto -mccartney -thor -dismissal -motions -readings -nostrils -treatise -##pace -squeezing -evidently -prolonged -1783 -venezuelan -je -marguerite -beirut -takeover -shareholders -##vent -denise -digit -airplay -norse -##bbling -imaginary -pills -hubert -blaze -vacated -eliminating -##ello -vine -mansfield -##tty -retrospective -barrow -borne -clutch -bail -forensic -weaving -##nett -##witz -desktop -citadel -promotions -worrying -dorset -ieee -subdivided -##iating -manned -expeditionary -pickup -synod -chuckle -185 -barney -##rz -##ffin -functionality -karachi -litigation -meanings -uc -lick -turbo -anders -##ffed -execute -curl -oppose -ankles -typhoon -##د -##ache -##asia -linguistics -compassion -pressures -grazing -perfection -##iting -immunity -monopoly -muddy -backgrounds -136 -namibia -francesca -monitors -attracting -stunt -tuition -##ии -vegetable -##mates -##quent -mgm -jen -complexes -forts -##ond -cellar -bites -seventeenth -royals -flemish -failures -mast -charities -##cular -peruvian -capitals -macmillan -ipswich -outward -frigate -postgraduate -folds -employing -##ouse -concurrently -fiery -##tai -contingent -nightmares -monumental -nicaragua -##kowski -lizard -mal -fielding -gig -reject -##pad -harding -##ipe -coastline -##cin -##nos -beethoven -humphrey -innovations -##tam -##nge -norris -doris -solicitor -huang -obey -141 -##lc -niagara -##tton -shelves -aug -bourbon -curry -nightclub -specifications -hilton -##ndo -centennial -dispersed -worm -neglected -briggs -sm -font -kuala -uneasy -plc -##nstein -##bound -##aking -##burgh -awaiting -pronunciation -##bbed -##quest -eh -optimal -zhu -raped -greens -presided -brenda -worries -##life -venetian -marxist -turnout -##lius -refined -braced -sins -grasped -sunderland -nickel -speculated -lowell -cyrillic -communism -fundraising -resembling -colonists -mutant -freddie -usc -##mos -gratitude -##run -mural -##lous -chemist -wi -reminds -28th -steals -tess -pietro -##ingen -promoter -ri -microphone -honoured -rai -sant -##qui -feather -##nson -burlington -kurdish -terrorists -deborah -sickness -##wed -##eet -hazard -irritated -desperation -veil -clarity -##rik -jewels -xv -##gged -##ows -##cup -berkshire -unfair -mysteries -orchid -winced -exhaustion -renovations -stranded -obe -infinity -##nies -adapt -redevelopment -thanked -registry -olga -domingo -noir -tudor -ole -##atus -commenting -behaviors -##ais -crisp -pauline -probable -stirling -wigan -##bian -paralympics -panting -surpassed -##rew -luca -barred -pony -famed -##sters -cassandra -waiter -carolyn -exported -##orted -andres -destructive -deeds -jonah -castles -vacancy -suv -##glass -1788 -orchard -yep -famine -belarusian -sprang -##forth -skinny -##mis -administrators -rotterdam -zambia -zhao -boiler -discoveries -##ride -##physics -lucius -disappointing -outreach -spoon -##frame -qualifications -unanimously -enjoys -regency -##iidae -stade -realism -veterinary -rodgers -dump -alain -chestnut -castile -censorship -rumble -gibbs -##itor -communion -reggae -inactivated -logs -loads -##houses -homosexual -##iano -ale -informs -##cas -phrases -plaster -linebacker -ambrose -kaiser -fascinated -850 -limerick -recruitment -forge -mastered -##nding -leinster -rooted -threaten -##strom -borneo -##hes -suggestions -scholarships -propeller -documentaries -patronage -coats -constructing -invest -neurons -comet -entirety -shouts -identities -annoying -unchanged -wary -##antly -##ogy -neat -oversight -##kos -phillies -replay -constance -##kka -incarnation -humble -skies -minus -##acy -smithsonian -##chel -guerrilla -jar -cadets -##plate -surplus -audit -##aru -cracking -joanna -louisa -pacing -##lights -intentionally -##iri -diner -nwa -imprint -australians -tong -unprecedented -bunker -naive -specialists -ark -nichols -railing -leaked -pedal -##uka -shrub -longing -roofs -v8 -captains -neural -tuned -##ntal -##jet -emission -medina -frantic -codex -definitive -sid -abolition -intensified -stocks -enrique -sustain -genoa -oxide -##written -clues -cha -##gers -tributaries -fragment -venom -##rity -##ente -##sca -muffled -vain -sire -laos -##ingly -##hana -hastily -snapping -surfaced -sentiment -motive -##oft -contests -approximate -mesa -luckily -dinosaur -exchanges -propelled -accord -bourne -relieve -tow -masks -offended -##ues -cynthia -##mmer -rains -bartender -zinc -reviewers -lois -##sai -legged -arrogant -rafe -rosie -comprise -handicap -blockade -inlet -lagoon -copied -drilling -shelley -petals -##inian -mandarin -obsolete -##inated -onward -arguably -productivity -cindy -praising -seldom -busch -discusses -raleigh -shortage -ranged -stanton -encouragement -firstly -conceded -overs -temporal -##uke -cbe -##bos -woo -certainty -pumps -##pton -stalked -##uli -lizzie -periodic -thieves -weaker -##night -gases -shoving -chooses -wc -##chemical -prompting -weights -##kill -robust -flanked -sticky -hu -tuberculosis -##eb -##eal -christchurch -resembled -wallet -reese -inappropriate -pictured -distract -fixing -fiddle -giggled -burger -heirs -hairy -mechanic -torque -apache -obsessed -chiefly -cheng -logging -##tag -extracted -meaningful -numb -##vsky -gloucestershire -reminding -##bay -unite -##lit -breeds -diminished -clown -glove -1860s -##ن -##ug -archibald -focal -freelance -sliced -depiction -##yk -organism -switches -sights -stray -crawling -##ril -lever -leningrad -interpretations -loops -anytime -reel -alicia -delighted -##ech -inhaled -xiv -suitcase -bernie -vega -licenses -northampton -exclusion -induction -monasteries -racecourse -homosexuality -##right -##sfield -##rky -dimitri -michele -alternatives -ions -commentators -genuinely -objected -pork -hospitality -fencing -stephan -warships -peripheral -wit -drunken -wrinkled -quentin -spends -departing -chung -numerical -spokesperson -##zone -johannesburg -caliber -killers -##udge -assumes -neatly -demographic -abigail -bloc -##vel -mounting -##lain -bentley -slightest -xu -recipients -##jk -merlin -##writer -seniors -prisons -blinking -hindwings -flickered -kappa -##hel -80s -strengthening -appealing -brewing -gypsy -mali -lashes -hulk -unpleasant -harassment -bio -treaties -predict -instrumentation -pulp -troupe -boiling -mantle -##ffe -ins -##vn -dividing -handles -verbs -##onal -coconut -senegal -340 -thorough -gum -momentarily -##sto -cocaine -panicked -destined -##turing -teatro -denying -weary -captained -mans -##hawks -##code -wakefield -bollywood -thankfully -##16 -cyril -##wu -amendments -##bahn -consultation -stud -reflections -kindness -1787 -internally -##ovo -tex -mosaic -distribute -paddy -seeming -143 -##hic -piers -##15 -##mura -##verse -popularly -winger -kang -sentinel -mccoy -##anza -covenant -##bag -verge -fireworks -suppress -thrilled -dominate -##jar -swansea -##60 -142 -reconciliation -##ndi -stiffened -cue -dorian -##uf -damascus -amor -ida -foremost -##aga -porsche -unseen -dir -##had -##azi -stony -lexi -melodies -##nko -angular -integer -podcast -ants -inherent -jaws -justify -persona -##olved -josephine -##nr -##ressed -customary -flashes -gala -cyrus -glaring -backyard -ariel -physiology -greenland -html -stir -avon -atletico -finch -methodology -ked -##lent -mas -catholicism -townsend -branding -quincy -fits -containers -1777 -ashore -aragon -##19 -forearm -poisoning -##sd -adopting -conquer -grinding -amnesty -keller -finances -evaluate -forged -lankan -instincts -##uto -guam -bosnian -photographed -workplace -desirable -protector -##dog -allocation -intently -encourages -willy -##sten -bodyguard -electro -brighter -##ν -bihar -##chev -lasts -opener -amphibious -sal -verde -arte -##cope -captivity -vocabulary -yields -##tted -agreeing -desmond -pioneered -##chus -strap -campaigned -railroads -##ович -emblem -##dre -stormed -501 -##ulous -marijuana -northumberland -##gn -##nath -bowen -landmarks -beaumont -##qua -danube -##bler -attorneys -th -ge -flyers -critique -villains -cass -mutation -acc -##0s -colombo -mckay -motif -sampling -concluding -syndicate -##rell -neon -stables -ds -warnings -clint -mourning -wilkinson -##tated -merrill -leopard -evenings -exhaled -emil -sonia -ezra -discrete -stove -farrell -fifteenth -prescribed -superhero -##rier -worms -helm -wren -##duction -##hc -expo -##rator -hq -unfamiliar -antony -prevents -acceleration -fiercely -mari -painfully -calculations -cheaper -ign -clifton -irvine -davenport -mozambique -##np -pierced -##evich -wonders -##wig -##cate -##iling -crusade -ware -##uel -enzymes -reasonably -mls -##coe -mater -ambition -bunny -eliot -kernel -##fin -asphalt -headmaster -torah -aden -lush -pins -waived -##care -##yas -joao -substrate -enforce -##grad -##ules -alvarez -selections -epidemic -tempted -##bit -bremen -translates -ensured -waterfront -29th -forrest -manny -malone -kramer -reigning -cookies -simpler -absorption -205 -engraved -##ffy -evaluated -1778 -haze -146 -comforting -crossover -##abe -thorn -##rift -##imo -##pop -suppression -fatigue -cutter -##tr -201 -wurttemberg -##orf -enforced -hovering -proprietary -gb -samurai -syllable -ascent -lacey -tick -lars -tractor -merchandise -rep -bouncing -defendants -##yre -huntington -##ground -##oko -standardized -##hor -##hima -assassinated -nu -predecessors -rainy -liar -assurance -lyrical -##uga -secondly -flattened -ios -parameter -undercover -##mity -bordeaux -punish -ridges -markers -exodus -inactive -hesitate -debbie -nyc -pledge -savoy -nagar -offset -organist -##tium -hesse -marin -converting -##iver -diagram -propulsion -pu -validity -reverted -supportive -##dc -ministries -clans -responds -proclamation -##inae -##ø -##rea -ein -pleading -patriot -sf -birch -islanders -strauss -hates -##dh -brandenburg -concession -rd -##ob -1900s -killings -textbook -antiquity -cinematography -wharf -embarrassing -setup -creed -farmland -inequality -centred -signatures -fallon -370 -##ingham -##uts -ceylon -gazing -directive -laurie -##tern -globally -##uated -##dent -allah -excavation -threads -##cross -148 -frantically -icc -utilize -determines -respiratory -thoughtful -receptions -##dicate -merging -chandra -seine -147 -builders -builds -diagnostic -dev -visibility -goddamn -analyses -dhaka -cho -proves -chancel -concurrent -curiously -canadians -pumped -restoring -1850s -turtles -jaguar -sinister -spinal -traction -declan -vows -1784 -glowed -capitalism -swirling -install -universidad -##lder -##oat -soloist -##genic -##oor -coincidence -beginnings -nissan -dip -resorts -caucasus -combustion -infectious -##eno -pigeon -serpent -##itating -conclude -masked -salad -jew -##gr -surreal -toni -##wc -harmonica -151 -##gins -##etic -##coat -fishermen -intending -bravery -##wave -klaus -titan -wembley -taiwanese -ransom -40th -incorrect -hussein -eyelids -jp -cooke -dramas -utilities -##etta -##print -eisenhower -principally -granada -lana -##rak -openings -concord -##bl -bethany -connie -morality -sega -##mons -##nard -earnings -##kara -##cine -wii -communes -##rel -coma -composing -softened -severed -grapes -##17 -nguyen -analyzed -warlord -hubbard -heavenly -behave -slovenian -##hit -##ony -hailed -filmmakers -trance -caldwell -skye -unrest -coward -likelihood -##aging -bern -sci -taliban -honolulu -propose -##wang -1700 -browser -imagining -cobra -contributes -dukes -instinctively -conan -violinist -##ores -accessories -gradual -##amp -quotes -sioux -##dating -undertake -intercepted -sparkling -compressed -139 -fungus -tombs -haley -imposing -rests -degradation -lincolnshire -retailers -wetlands -tulsa -distributor -dungeon -nun -greenhouse -convey -atlantis -aft -exits -oman -dresser -lyons -##sti -joking -eddy -judgement -omitted -digits -##cts -##game -juniors -##rae -cents -stricken -une -##ngo -wizards -weir -breton -nan -technician -fibers -liking -royalty -##cca -154 -persia -terribly -magician -##rable -##unt -vance -cafeteria -booker -camille -warmer -##static -consume -cavern -gaps -compass -contemporaries -foyer -soothing -graveyard -maj -plunged -blush -##wear -cascade -demonstrates -ordinance -##nov -boyle -##lana -rockefeller -shaken -banjo -izzy -##ense -breathless -vines -##32 -##eman -alterations -chromosome -dwellings -feudal -mole -153 -catalonia -relics -tenant -mandated -##fm -fridge -hats -honesty -patented -raul -heap -cruisers -accusing -enlightenment -infants -wherein -chatham -contractors -zen -affinity -hc -osborne -piston -156 -traps -maturity -##rana -lagos -##zal -peering -##nay -attendant -dealers -protocols -subset -prospects -biographical -##cre -artery -##zers -insignia -nuns -endured -##eration -recommend -schwartz -serbs -berger -cromwell -crossroads -##ctor -enduring -clasped -grounded -##bine -marseille -twitched -abel -choke -https -catalyst -moldova -italians -##tist -disastrous -wee -##oured -##nti -wwf -nope -##piration -##asa -expresses -thumbs -167 -##nza -coca -1781 -cheating -##ption -skipped -sensory -heidelberg -spies -satan -dangers -semifinal -202 -bohemia -whitish -confusing -shipbuilding -relies -surgeons -landings -ravi -baku -moor -suffix -alejandro -##yana -litre -upheld -##unk -rajasthan -##rek -coaster -insists -posture -scenarios -etienne -favoured -appoint -transgender -elephants -poked -greenwood -defences -fulfilled -militant -somali -1758 -chalk -potent -##ucci -migrants -wink -assistants -nos -restriction -activism -niger -##ario -colon -shaun -##sat -daphne -##erated -swam -congregations -reprise -considerations -magnet -playable -xvi -##р -overthrow -tobias -knob -chavez -coding -##mers -propped -katrina -orient -newcomer -##suke -temperate -##pool -farmhouse -interrogation -##vd -committing -##vert -forthcoming -strawberry -joaquin -macau -ponds -shocking -siberia -##cellular -chant -contributors -##nant -##ologists -sped -absorb -hail -1782 -spared -##hore -barbados -karate -opus -originates -saul -##xie -evergreen -leaped -##rock -correlation -exaggerated -weekday -unification -bump -tracing -brig -afb -pathways -utilizing -##ners -mod -mb -disturbance -kneeling -##stad -##guchi -100th -pune -##thy -decreasing -168 -manipulation -miriam -academia -ecosystem -occupational -rbi -##lem -rift -##14 -rotary -stacked -incorporation -awakening -generators -guerrero -racist -##omy -cyber -derivatives -culminated -allie -annals -panzer -sainte -wikipedia -pops -zu -austro -##vate -algerian -politely -nicholson -mornings -educate -tastes -thrill -dartmouth -##gating -db -##jee -regan -differing -concentrating -choreography -divinity -##media -pledged -alexandre -routing -gregor -madeline -##idal -apocalypse -##hora -gunfire -culminating -elves -fined -liang -lam -programmed -tar -guessing -transparency -gabrielle -##gna -cancellation -flexibility -##lining -accession -shea -stronghold -nets -specializes -##rgan -abused -hasan -sgt -ling -exceeding -##₄ -admiration -supermarket -##ark -photographers -specialised -tilt -resonance -hmm -perfume -380 -sami -threatens -garland -botany -guarding -boiled -greet -puppy -russo -supplier -wilmington -vibrant -vijay -##bius -paralympic -grumbled -paige -faa -licking -margins -hurricanes -##gong -fest -grenade -ripping -##uz -counseling -weigh -##sian -needles -wiltshire -edison -costly -##not -fulton -tramway -redesigned -staffordshire -cache -gasping -watkins -sleepy -candidacy -##group -monkeys -timeline -throbbing -##bid -##sos -berth -uzbekistan -vanderbilt -bothering -overturned -ballots -gem -##iger -sunglasses -subscribers -hooker -compelling -ang -exceptionally -saloon -stab -##rdi -carla -terrifying -rom -##vision -coil -##oids -satisfying -vendors -31st -mackay -deities -overlooked -ambient -bahamas -felipe -olympia -whirled -botanist -advertised -tugging -##dden -disciples -morales -unionist -rites -foley -morse -motives -creepy -##₀ -soo -##sz -bargain -highness -frightening -turnpike -tory -reorganization -##cer -depict -biographer -##walk -unopposed -manifesto -##gles -institut -emile -accidental -kapoor -##dam -kilkenny -cortex -lively -##13 -romanesque -jain -shan -cannons -##ood -##ske -petrol -echoing -amalgamated -disappears -cautious -proposes -sanctions -trenton -##ر -flotilla -aus -contempt -tor -canary -cote -theirs -##hun -conceptual -deleted -fascinating -paso -blazing -elf -honourable -hutchinson -##eiro -##outh -##zin -surveyor -tee -amidst -wooded -reissue -intro -##ono -cobb -shelters -newsletter -hanson -brace -encoding -confiscated -dem -caravan -marino -scroll -melodic -cows -imam -##adi -##aneous -northward -searches -biodiversity -cora -310 -roaring -##bers -connell -theologian -halo -compose -pathetic -unmarried -dynamo -##oot -az -calculation -toulouse -deserves -humour -nr -forgiveness -tam -undergone -martyr -pamela -myths -whore -counselor -hicks -290 -heavens -battleship -electromagnetic -##bbs -stellar -establishments -presley -hopped -##chin -temptation -90s -wills -nas -##yuan -nhs -##nya -seminars -##yev -adaptations -gong -asher -lex -indicator -sikh -tobago -cites -goin -##yte -satirical -##gies -characterised -correspond -bubbles -lure -participates -##vid -eruption -skate -therapeutic -1785 -canals -wholesale -defaulted -sac -460 -petit -##zzled -virgil -leak -ravens -256 -portraying -##yx -ghetto -creators -dams -portray -vicente -##rington -fae -namesake -bounty -##arium -joachim -##ota -##iser -aforementioned -axle -snout -depended -dismantled -reuben -480 -##ibly -gallagher -##lau -##pd -earnest -##ieu -##iary -inflicted -objections -##llar -asa -gritted -##athy -jericho -##sea -##was -flick -underside -ceramics -undead -substituted -195 -eastward -undoubtedly -wheeled -chimney -##iche -guinness -cb -##ager -siding -##bell -traitor -baptiste -disguised -inauguration -149 -tipperary -choreographer -perched -warmed -stationary -eco -##ike -##ntes -bacterial -##aurus -flores -phosphate -##core -attacker -invaders -alvin -intersects -a1 -indirectly -immigrated -businessmen -cornelius -valves -narrated -pill -sober -ul -nationale -monastic -applicants -scenery -##jack -161 -motifs -constitutes -cpu -##osh -jurisdictions -sd -tuning -irritation -woven -##uddin -fertility -gao -##erie -antagonist -impatient -glacial -hides -boarded -denominations -interception -##jas -cookie -nicola -##tee -algebraic -marquess -bahn -parole -buyers -bait -turbines -paperwork -bestowed -natasha -renee -oceans -purchases -157 -vaccine -215 -##tock -fixtures -playhouse -integrate -jai -oswald -intellectuals -##cky -booked -nests -mortimer -##isi -obsession -sept -##gler -##sum -440 -scrutiny -simultaneous -squinted -##shin -collects -oven -shankar -penned -remarkably -##я -slips -luggage -spectral -1786 -collaborations -louie -consolidation -##ailed -##ivating -420 -hoover -blackpool -harness -ignition -vest -tails -belmont -mongol -skinner -##nae -visually -mage -derry -##tism -##unce -stevie -transitional -##rdy -redskins -drying -prep -prospective -##21 -annoyance -oversee -##loaded -fills -##books -##iki -announces -fda -scowled -respects -prasad -mystic -tucson -##vale -revue -springer -bankrupt -1772 -aristotle -salvatore -habsburg -##geny -dal -natal -nut -pod -chewing -darts -moroccan -walkover -rosario -lenin -punjabi -##ße -grossed -scattering -wired -invasive -hui -polynomial -corridors -wakes -gina -portrays -##cratic -arid -retreating -erich -irwin -sniper -##dha -linen -lindsey -maneuver -butch -shutting -socio -bounce -commemorative -postseason -jeremiah -pines -275 -mystical -beads -bp -abbas -furnace -bidding -consulted -assaulted -empirical -rubble -enclosure -sob -weakly -cancel -polly -yielded -##emann -curly -prediction -battered -70s -vhs -jacqueline -render -sails -barked -detailing -grayson -riga -sloane -raging -##yah -herbs -bravo -##athlon -alloy -giggle -imminent -suffers -assumptions -waltz -##itate -accomplishments -##ited -bathing -remixed -deception -prefix -##emia -deepest -##tier -##eis -balkan -frogs -##rong -slab -##pate -philosophers -peterborough -grains -imports -dickinson -rwanda -##atics -1774 -dirk -lan -tablets -##rove -clone -##rice -caretaker -hostilities -mclean -##gre -regimental -treasures -norms -impose -tsar -tango -diplomacy -variously -complain -192 -recognise -arrests -1779 -celestial -pulitzer -##dus -bing -libretto -##moor -adele -splash -##rite -expectation -lds -confronts -##izer -spontaneous -harmful -wedge -entrepreneurs -buyer -##ope -bilingual -translate -rugged -conner -circulated -uae -eaton -##gra -##zzle -lingered -lockheed -vishnu -reelection -alonso -##oom -joints -yankee -headline -cooperate -heinz -laureate -invading -##sford -echoes -scandinavian -##dham -hugging -vitamin -salute -micah -hind -trader -##sper -radioactive -##ndra -militants -poisoned -ratified -remark -campeonato -deprived -wander -prop -##dong -outlook -##tani -##rix -##eye -chiang -darcy -##oping -mandolin -spice -statesman -babylon -182 -walled -forgetting -afro -##cap -158 -giorgio -buffer -##polis -planetary -##gis -overlap -terminals -kinda -centenary -##bir -arising -manipulate -elm -ke -1770 -ak -##tad -chrysler -mapped -moose -pomeranian -quad -macarthur -assemblies -shoreline -recalls -stratford -##rted -noticeable -##evic -imp -##rita -##sque -accustomed -supplying -tents -disgusted -vogue -sipped -filters -khz -reno -selecting -luftwaffe -mcmahon -tyne -masterpiece -carriages -collided -dunes -exercised -flare -remembers -muzzle -##mobile -heck -##rson -burgess -lunged -middleton -boycott -bilateral -##sity -hazardous -lumpur -multiplayer -spotlight -jackets -goldman -liege -porcelain -rag -waterford -benz -attracts -hopeful -battling -ottomans -kensington -baked -hymns -cheyenne -lattice -levine -borrow -polymer -clashes -michaels -monitored -commitments -denounced -##25 -##von -cavity -##oney -hobby -akin -##holders -futures -intricate -cornish -patty -##oned -illegally -dolphin -##lag -barlow -yellowish -maddie -apologized -luton -plagued -##puram -nana -##rds -sway -fanny -łodz -##rino -psi -suspicions -hanged -##eding -initiate -charlton -##por -nak -competent -235 -analytical -annex -wardrobe -reservations -##rma -sect -162 -fairfax -hedge -piled -buckingham -uneven -bauer -simplicity -snyder -interpret -accountability -donors -moderately -byrd -continents -##cite -##max -disciple -hr -jamaican -ping -nominees -##uss -mongolian -diver -attackers -eagerly -ideological -pillows -miracles -apartheid -revolver -sulfur -clinics -moran -163 -##enko -ile -katy -rhetoric -##icated -chronology -recycling -##hrer -elongated -mughal -pascal -profiles -vibration -databases -domination -##fare -##rant -matthias -digest -rehearsal -polling -weiss -initiation -reeves -clinging -flourished -impress -ngo -##hoff -##ume -buckley -symposium -rhythms -weed -emphasize -transforming -##taking -##gence -##yman -accountant -analyze -flicker -foil -priesthood -voluntarily -decreases -##80 -##hya -slater -sv -charting -mcgill -##lde -moreno -##iu -besieged -zur -robes -##phic -admitting -api -deported -turmoil -peyton -earthquakes -##ares -nationalists -beau -clair -brethren -interrupt -welch -curated -galerie -requesting -164 -##ested -impending -steward -viper -##vina -complaining -beautifully -brandy -foam -nl -1660 -##cake -alessandro -punches -laced -explanations -##lim -attribute -clit -reggie -discomfort -##cards -smoothed -whales -##cene -adler -countered -duffy -disciplinary -widening -recipe -reliance -conducts -goats -gradient -preaching -##shaw -matilda -quasi -striped -meridian -cannabis -cordoba -certificates -##agh -##tering -graffiti -hangs -pilgrims -repeats -##ych -revive -urine -etat -##hawk -fueled -belts -fuzzy -susceptible -##hang -mauritius -salle -sincere -beers -hooks -##cki -arbitration -entrusted -advise -sniffed -seminar -junk -donnell -processors -principality -strapped -celia -mendoza -everton -fortunes -prejudice -starving -reassigned -steamer -##lund -tuck -evenly -foreman -##ffen -dans -375 -envisioned -slit -##xy -baseman -liberia -rosemary -##weed -electrified -periodically -potassium -stride -contexts -sperm -slade -mariners -influx -bianca -subcommittee -##rane -spilling -icao -estuary -##nock -delivers -iphone -##ulata -isa -mira -bohemian -dessert -##sbury -welcoming -proudly -slowing -##chs -musee -ascension -russ -##vian -waits -##psy -africans -exploit -##morphic -gov -eccentric -crab -peck -##ull -entrances -formidable -marketplace -groom -bolted -metabolism -patton -robbins -courier -payload -endure -##ifier -andes -refrigerator -##pr -ornate -##uca -ruthless -illegitimate -masonry -strasbourg -bikes -adobe -##³ -apples -quintet -willingly -niche -bakery -corpses -energetic -##cliffe -##sser -##ards -177 -centimeters -centro -fuscous -cretaceous -rancho -##yde -andrei -telecom -tottenham -oasis -ordination -vulnerability -presiding -corey -cp -penguins -sims -##pis -malawi -piss -##48 -correction -##cked -##ffle -##ryn -countdown -detectives -psychiatrist -psychedelic -dinosaurs -blouse -##get -choi -vowed -##oz -randomly -##pol -49ers -scrub -blanche -bruins -dusseldorf -##using -unwanted -##ums -212 -dominique -elevations -headlights -om -laguna -##oga -1750 -famously -ignorance -shrewsbury -##aine -ajax -breuning -che -confederacy -greco -overhaul -##screen -paz -skirts -disagreement -cruelty -jagged -phoebe -shifter -hovered -viruses -##wes -mandy -##lined -##gc -landlord -squirrel -dashed -##ι -ornamental -gag -wally -grange -literal -spurs -undisclosed -proceeding -yin -##text -billie -orphan -spanned -humidity -indy -weighted -presentations -explosions -lucian -##tary -vaughn -hindus -##anga -##hell -psycho -171 -daytona -protects -efficiently -rematch -sly -tandem -##oya -rebranded -impaired -hee -metropolis -peach -godfrey -diaspora -ethnicity -prosperous -gleaming -dar -grossing -playback -##rden -stripe -pistols -##tain -births -labelled -##cating -172 -rudy -alba -##onne -aquarium -hostility -##gb -##tase -shudder -sumatra -hardest -lakers -consonant -creeping -demos -homicide -capsule -zeke -liberties -expulsion -pueblo -##comb -trait -transporting -##ddin -##neck -##yna -depart -gregg -mold -ledge -hangar -oldham -playboy -termination -analysts -gmbh -romero -##itic -insist -cradle -filthy -brightness -slash -shootout -deposed -bordering -##truct -isis -microwave -tumbled -sheltered -cathy -werewolves -messy -andersen -convex -clapped -clinched -satire -wasting -edo -vc -rufus -##jak -mont -##etti -poznan -##keeping -restructuring -transverse -##rland -azerbaijani -slovene -gestures -roommate -choking -shear -##quist -vanguard -oblivious -##hiro -disagreed -baptism -##lich -coliseum -##aceae -salvage -societe -cory -locke -relocation -relying -versailles -ahl -swelling -##elo -cheerful -##word -##edes -gin -sarajevo -obstacle -diverted -##nac -messed -thoroughbred -fluttered -utrecht -chewed -acquaintance -assassins -dispatch -mirza -##wart -nike -salzburg -swell -yen -##gee -idle -ligue -samson -##nds -##igh -playful -spawned -##cise -tease -##case -burgundy -##bot -stirring -skeptical -interceptions -marathi -##dies -bedrooms -aroused -pinch -##lik -preferences -tattoos -buster -digitally -projecting -rust -##ital -kitten -priorities -addison -pseudo -##guard -dusk -icons -sermon -##psis -##iba -bt -##lift -##xt -ju -truce -rink -##dah -##wy -defects -psychiatry -offences -calculate -glucose -##iful -##rized -##unda -francaise -##hari -richest -warwickshire -carly -1763 -purity -redemption -lending -##cious -muse -bruises -cerebral -aero -carving -##name -preface -terminology -invade -monty -##int -anarchist -blurred -##iled -rossi -treats -guts -shu -foothills -ballads -undertaking -premise -cecilia -affiliates -blasted -conditional -wilder -minors -drone -rudolph -buffy -swallowing -horton -attested -##hop -rutherford -howell -primetime -livery -penal -##bis -minimize -hydro -wrecked -wrought -palazzo -##gling -cans -vernacular -friedman -nobleman -shale -walnut -danielle -##ection -##tley -sears -##kumar -chords -lend -flipping -streamed -por -dracula -gallons -sacrifices -gamble -orphanage -##iman -mckenzie -##gible -boxers -daly -##balls -##ان -208 -##ific -##rative -##iq -exploited -slated -##uity -circling -hillary -pinched -goldberg -provost -campaigning -lim -piles -ironically -jong -mohan -successors -usaf -##tem -##ught -autobiographical -haute -preserves -##ending -acquitted -comparisons -203 -hydroelectric -gangs -cypriot -torpedoes -rushes -chrome -derive -bumps -instability -fiat -pets -##mbe -silas -dye -reckless -settler -##itation -info -heats -##writing -176 -canonical -maltese -fins -mushroom -stacy -aspen -avid -##kur -##loading -vickers -gaston -hillside -statutes -wilde -gail -kung -sabine -comfortably -motorcycles -##rgo -169 -pneumonia -fetch -##sonic -axel -faintly -parallels -##oop -mclaren -spouse -compton -interdisciplinary -miner -##eni -181 -clamped -##chal -##llah -separates -versa -##mler -scarborough -labrador -##lity -##osing -rutgers -hurdles -como -166 -burt -divers -##100 -wichita -cade -coincided -##erson -bruised -mla -##pper -vineyard -##ili -##brush -notch -mentioning -jase -hearted -kits -doe -##acle -pomerania -##ady -ronan -seizure -pavel -problematic -##zaki -domenico -##ulin -catering -penelope -dependence -parental -emilio -ministerial -atkinson -##bolic -clarkson -chargers -colby -grill -peeked -arises -summon -##aged -fools -##grapher -faculties -qaeda -##vial -garner -refurbished -##hwa -geelong -disasters -nudged -bs -shareholder -lori -algae -reinstated -rot -##ades -##nous -invites -stainless -183 -inclusive -##itude -diocesan -til -##icz -denomination -##xa -benton -floral -registers -##ider -##erman -##kell -absurd -brunei -guangzhou -hitter -retaliation -##uled -##eve -blanc -nh -consistency -contamination -##eres -##rner -dire -palermo -broadcasters -diaries -inspire -vols -brewer -tightening -ky -mixtape -hormone -##tok -stokes -##color -##dly -##ssi -pg -##ometer -##lington -sanitation -##tility -intercontinental -apps -##adt -¹⁄₂ -cylinders -economies -favourable -unison -croix -gertrude -odyssey -vanity -dangling -##logists -upgrades -dice -middleweight -practitioner -##ight -206 -henrik -parlor -orion -angered -lac -python -blurted -##rri -sensual -intends -swings -angled -##phs -husky -attain -peerage -precinct -textiles -cheltenham -shuffled -dai -confess -tasting -bhutan -##riation -tyrone -segregation -abrupt -ruiz -##rish -smirked -blackwell -confidential -browning -amounted -##put -vase -scarce -fabulous -raided -staple -guyana -unemployed -glider -shay -##tow -carmine -troll -intervene -squash -superstar -##uce -cylindrical -len -roadway -researched -handy -##rium -##jana -meta -lao -declares -##rring -##tadt -##elin -##kova -willem -shrubs -napoleonic -realms -skater -qi -volkswagen -##ł -tad -hara -archaeologist -awkwardly -eerie -##kind -wiley -##heimer -##24 -titus -organizers -cfl -crusaders -lama -usb -vent -enraged -thankful -occupants -maximilian -##gaard -possessing -textbooks -##oran -collaborator -quaker -##ulo -avalanche -mono -silky -straits -isaiah -mustang -surged -resolutions -potomac -descend -cl -kilograms -plato -strains -saturdays -##olin -bernstein -##ype -holstein -ponytail -##watch -belize -conversely -heroine -perpetual -##ylus -charcoal -piedmont -glee -negotiating -backdrop -prologue -##jah -##mmy -pasadena -climbs -ramos -sunni -##holm -##tner -##tri -anand -deficiency -hertfordshire -stout -##avi -aperture -orioles -##irs -doncaster -intrigued -bombed -coating -otis -##mat -cocktail -##jit -##eto -amir -arousal -sar -##proof -##act -##ories -dixie -pots -##bow -whereabouts -159 -##fted -drains -bullying -cottages -scripture -coherent -fore -poe -appetite -##uration -sampled -##ators -##dp -derrick -rotor -jays -peacock -installment -##rro -advisors -##coming -rodeo -scotch -##mot -##db -##fen -##vant -ensued -rodrigo -dictatorship -martyrs -twenties -##н -towed -incidence -marta -rainforest -sai -scaled -##cles -oceanic -qualifiers -symphonic -mcbride -dislike -generalized -aubrey -colonization -##iation -##lion -##ssing -disliked -lublin -salesman -##ulates -spherical -whatsoever -sweating -avalon -contention -punt -severity -alderman -atari -##dina -##grant -##rop -scarf -seville -vertices -annexation -fairfield -fascination -inspiring -launches -palatinate -regretted -##rca -feral -##iom -elk -nap -olsen -reddy -yong -##leader -##iae -garment -transports -feng -gracie -outrage -viceroy -insides -##esis -breakup -grady -organizer -softer -grimaced -222 -murals -galicia -arranging -vectors -##rsten -bas -##sb -##cens -sloan -##eka -bitten -ara -fender -nausea -bumped -kris -banquet -comrades -detector -persisted -##llan -adjustment -endowed -cinemas -##shot -sellers -##uman -peek -epa -kindly -neglect -simpsons -talon -mausoleum -runaway -hangul -lookout -##cic -rewards -coughed -acquainted -chloride -##ald -quicker -accordion -neolithic -##qa -artemis -coefficient -lenny -pandora -tx -##xed -ecstasy -litter -segunda -chairperson -gemma -hiss -rumor -vow -nasal -antioch -compensate -patiently -transformers -##eded -judo -morrow -penis -posthumous -philips -bandits -husbands -denote -flaming -##any -##phones -langley -yorker -1760 -walters -##uo -##kle -gubernatorial -fatty -samsung -leroy -outlaw -##nine -unpublished -poole -jakob -##ᵢ -##ₙ -crete -distorted -superiority -##dhi -intercept -crust -mig -claus -crashes -positioning -188 -stallion -301 -frontal -armistice -##estinal -elton -aj -encompassing -camel -commemorated -malaria -woodward -calf -cigar -penetrate -##oso -willard -##rno -##uche -illustrate -amusing -convergence -noteworthy -##lma -##rva -journeys -realise -manfred -##sable -410 -##vocation -hearings -fiance -##posed -educators -provoked -adjusting -##cturing -modular -stockton -paterson -vlad -rejects -electors -selena -maureen -##tres -uber -##rce -swirled -##num -proportions -nanny -pawn -naturalist -parma -apostles -awoke -ethel -wen -##bey -monsoon -overview -##inating -mccain -rendition -risky -adorned -##ih -equestrian -germain -nj -conspicuous -confirming -##yoshi -shivering -##imeter -milestone -rumours -flinched -bounds -smacked -token -##bei -lectured -automobiles -##shore -impacted -##iable -nouns -nero -##leaf -ismail -prostitute -trams -##lace -bridget -sud -stimulus -impressions -reins -revolves -##oud -##gned -giro -honeymoon -##swell -criterion -##sms -##uil -libyan -prefers -##osition -211 -preview -sucks -accusation -bursts -metaphor -diffusion -tolerate -faye -betting -cinematographer -liturgical -specials -bitterly -humboldt -##ckle -flux -rattled -##itzer -archaeologists -odor -authorised -marshes -discretion -##ов -alarmed -archaic -inverse -##leton -explorers -##pine -drummond -tsunami -woodlands -##minate -##tland -booklet -insanity -owning -insert -crafted -calculus -##tore -receivers -##bt -stung -##eca -##nched -prevailing -travellers -eyeing -lila -graphs -##borne -178 -julien -##won -morale -adaptive -therapist -erica -cw -libertarian -bowman -pitches -vita -##ional -crook -##ads -##entation -caledonia -mutiny -##sible -1840s -automation -##ß -flock -##pia -ironic -pathology -##imus -remarried -##22 -joker -withstand -energies -##att -shropshire -hostages -madeleine -tentatively -conflicting -mateo -recipes -euros -ol -mercenaries -nico -##ndon -albuquerque -augmented -mythical -bel -freud -##child -cough -##lica -365 -freddy -lillian -genetically -nuremberg -calder -209 -bonn -outdoors -paste -suns -urgency -vin -restraint -tyson -##cera -##selle -barrage -bethlehem -kahn -##par -mounts -nippon -barony -happier -ryu -makeshift -sheldon -blushed -castillo -barking -listener -taped -bethel -fluent -headlines -pornography -rum -disclosure -sighing -mace -doubling -gunther -manly -##plex -rt -interventions -physiological -forwards -emerges -##tooth -##gny -compliment -rib -recession -visibly -barge -faults -connector -exquisite -prefect -##rlin -patio -##cured -elevators -brandt -italics -pena -173 -wasp -satin -ea -botswana -graceful -respectable -##jima -##rter -##oic -franciscan -generates -##dl -alfredo -disgusting -##olate -##iously -sherwood -warns -cod -promo -cheryl -sino -##ة -##escu -twitch -##zhi -brownish -thom -ortiz -##dron -densely -##beat -carmel -reinforce -##bana -187 -anastasia -downhill -vertex -contaminated -remembrance -harmonic -homework -##sol -fiancee -gears -olds -angelica -loft -ramsay -quiz -colliery -sevens -##cape -autism -##hil -walkway -##boats -ruben -abnormal -ounce -khmer -##bbe -zachary -bedside -morphology -punching -##olar -sparrow -convinces -##35 -hewitt -queer -remastered -rods -mabel -solemn -notified -lyricist -symmetric -##xide -174 -encore -passports -wildcats -##uni -baja -##pac -mildly -##ease -bleed -commodity -mounds -glossy -orchestras -##omo -damian -prelude -ambitions -##vet -awhile -remotely -##aud -asserts -imply -##iques -distinctly -modelling -remedy -##dded -windshield -dani -xiao -##endra -audible -powerplant -1300 -invalid -elemental -acquisitions -##hala -immaculate -libby -plata -smuggling -ventilation -denoted -minh -##morphism -430 -differed -dion -kelley -lore -mocking -sabbath -spikes -hygiene -drown -runoff -stylized -tally -liberated -aux -interpreter -righteous -aba -siren -reaper -pearce -millie -##cier -##yra -gaius -##iso -captures -##ttering -dorm -claudio -##sic -benches -knighted -blackness -##ored -discount -fumble -oxidation -routed -##ς -novak -perpendicular -spoiled -fracture -splits -##urt -pads -topology -##cats -axes -fortunate -offenders -protestants -esteem -221 -broadband -convened -frankly -hound -prototypes -isil -facilitated -keel -##sher -sahara -awaited -bubba -orb -prosecutors -186 -hem -520 -##xing -relaxing -remnant -romney -sorted -slalom -stefano -ulrich -##active -exemption -folder -pauses -foliage -hitchcock -epithet -204 -criticisms -##aca -ballistic -brody -hinduism -chaotic -youths -equals -##pala -pts -thicker -analogous -capitalist -improvised -overseeing -sinatra -ascended -beverage -##tl -straightforward -##kon -curran -##west -bois -325 -induce -surveying -emperors -sax -unpopular -##kk -cartoonist -fused -##mble -unto -##yuki -localities -##cko -##ln -darlington -slain -academie -lobbying -sediment -puzzles -##grass -defiance -dickens -manifest -tongues -alumnus -arbor -coincide -184 -appalachian -mustafa -examiner -cabaret -traumatic -yves -bracelet -draining -heroin -magnum -baths -odessa -consonants -mitsubishi -##gua -kellan -vaudeville -##fr -joked -null -straps -probation -##ław -ceded -interfaces -##pas -##zawa -blinding -viet -224 -rothschild -museo -640 -huddersfield -##vr -tactic -##storm -brackets -dazed -incorrectly -##vu -reg -glazed -fearful -manifold -benefited -irony -##sun -stumbling -##rte -willingness -balkans -mei -wraps -##aba -injected -##lea -gu -syed -harmless -##hammer -bray -takeoff -poppy -timor -cardboard -astronaut -purdue -weeping -southbound -cursing -stalls -diagonal -##neer -lamar -bryce -comte -weekdays -harrington -##uba -negatively -##see -lays -grouping -##cken -##henko -affirmed -halle -modernist -##lai -hodges -smelling -aristocratic -baptized -dismiss -justification -oilers -##now -coupling -qin -snack -healer -##qing -gardener -layla -battled -formulated -stephenson -gravitational -##gill -##jun -1768 -granny -coordinating -suites -##cd -##ioned -monarchs -##cote -##hips -sep -blended -apr -barrister -deposition -fia -mina -policemen -paranoid -##pressed -churchyard -covert -crumpled -creep -abandoning -tr -transmit -conceal -barr -understands -readiness -spire -##cology -##enia -##erry -610 -startling -unlock -vida -bowled -slots -##nat -##islav -spaced -trusting -admire -rig -##ink -slack -##70 -mv -207 -casualty -##wei -classmates -##odes -##rar -##rked -amherst -furnished -evolve -foundry -menace -mead -##lein -flu -wesleyan -##kled -monterey -webber -##vos -wil -##mith -##на -bartholomew -justices -restrained -##cke -amenities -191 -mediated -sewage -trenches -ml -mainz -##thus -1800s -##cula -##inski -caine -bonding -213 -converts -spheres -superseded -marianne -crypt -sweaty -ensign -historia -##br -spruce -##post -##ask -forks -thoughtfully -yukon -pamphlet -ames -##uter -karma -##yya -bryn -negotiation -sighs -incapable -##mbre -##ntial -actresses -taft -##mill -luce -prevailed -##amine -1773 -motionless -envoy -testify -investing -sculpted -instructors -provence -kali -cullen -horseback -##while -goodwin -##jos -gaa -norte -##ldon -modify -wavelength -abd -214 -skinned -sprinter -forecast -scheduling -marries -squared -tentative -##chman -boer -##isch -bolts -swap -fisherman -assyrian -impatiently -guthrie -martins -murdoch -194 -tanya -nicely -dolly -lacy -med -##45 -syn -decks -fashionable -millionaire -##ust -surfing -##ml -##ision -heaved -tammy -consulate -attendees -routinely -197 -fuse -saxophonist -backseat -malaya -##lord -scowl -tau -##ishly -193 -sighted -steaming -##rks -303 -911 -##holes -##hong -ching -##wife -bless -conserved -jurassic -stacey -unix -zion -chunk -rigorous -blaine -198 -peabody -slayer -dismay -brewers -nz -##jer -det -##glia -glover -postwar -int -penetration -sylvester -imitation -vertically -airlift -heiress -knoxville -viva -##uin -390 -macon -##rim -##fighter -##gonal -janice -##orescence -##wari -marius -belongings -leicestershire -196 -blanco -inverted -preseason -sanity -sobbing -##due -##elt -##dled -collingwood -regeneration -flickering -shortest -##mount -##osi -feminism -##lat -sherlock -cabinets -fumbled -northbound -precedent -snaps -##mme -researching -##akes -guillaume -insights -manipulated -vapor -neighbour -sap -gangster -frey -f1 -stalking -scarcely -callie -barnett -tendencies -audi -doomed -assessing -slung -panchayat -ambiguous -bartlett -##etto -distributing -violating -wolverhampton -##hetic -swami -histoire -##urus -liable -pounder -groin -hussain -larsen -popping -surprises -##atter -vie -curt -##station -mute -relocate -musicals -authorization -richter -##sef -immortality -tna -bombings -##press -deteriorated -yiddish -##acious -robbed -colchester -cs -pmid -ao -verified -balancing -apostle -swayed -recognizable -oxfordshire -retention -nottinghamshire -contender -judd -invitational -shrimp -uhf -##icient -cleaner -longitudinal -tanker -##mur -acronym -broker -koppen -sundance -suppliers -##gil -4000 -clipped -fuels -petite -##anne -landslide -helene -diversion -populous -landowners -auspices -melville -quantitative -##xes -ferries -nicky -##llus -doo -haunting -roche -carver -downed -unavailable -##pathy -approximation -hiroshima -##hue -garfield -valle -comparatively -keyboardist -traveler -##eit -congestion -calculating -subsidiaries -##bate -serb -modernization -fairies -deepened -ville -averages -##lore -inflammatory -tonga -##itch -co₂ -squads -##hea -gigantic -serum -enjoyment -retailer -verona -35th -cis -##phobic -magna -technicians -##vati -arithmetic -##sport -levin -##dation -amtrak -chow -sienna -##eyer -backstage -entrepreneurship -##otic -learnt -tao -##udy -worcestershire -formulation -baggage -hesitant -bali -sabotage -##kari -barren -enhancing -murmur -pl -freshly -putnam -syntax -aces -medicines -resentment -bandwidth -##sier -grins -chili -guido -##sei -framing -implying -gareth -lissa -genevieve -pertaining -admissions -geo -thorpe -proliferation -sato -bela -analyzing -parting -##gor -awakened -##isman -huddled -secrecy -##kling -hush -gentry -540 -dungeons -##ego -coasts -##utz -sacrificed -##chule -landowner -mutually -prevalence -programmer -adolescent -disrupted -seaside -gee -trusts -vamp -georgie -##nesian -##iol -schedules -sindh -##market -etched -hm -sparse -bey -beaux -scratching -gliding -unidentified -216 -collaborating -gems -jesuits -oro -accumulation -shaping -mbe -anal -##xin -231 -enthusiasts -newscast -##egan -janata -dewey -parkinson -179 -ankara -biennial -towering -dd -inconsistent -950 -##chet -thriving -terminate -cabins -furiously -eats -advocating -donkey -marley -muster -phyllis -leiden -##user -grassland -glittering -iucn -loneliness -217 -memorandum -armenians -##ddle -popularized -rhodesia -60s -lame -##illon -sans -bikini -header -orbits -##xx -##finger -##ulator -sharif -spines -biotechnology -strolled -naughty -yates -##wire -fremantle -milo -##mour -abducted -removes -##atin -humming -wonderland -##chrome -##ester -hume -pivotal -##rates -armand -grams -believers -elector -rte -apron -bis -scraped -##yria -endorsement -initials -##llation -eps -dotted -hints -buzzing -emigration -nearer -##tom -indicators -##ulu -coarse -neutron -protectorate -##uze -directional -exploits -pains -loire -1830s -proponents -guggenheim -rabbits -ritchie -305 -hectare -inputs -hutton -##raz -verify -##ako -boilers -longitude -##lev -skeletal -yer -emilia -citrus -compromised -##gau -pokemon -prescription -paragraph -eduard -cadillac -attire -categorized -kenyan -weddings -charley -##bourg -entertain -monmouth -##lles -nutrients -davey -mesh -incentive -practised -ecosystems -kemp -subdued -overheard -##rya -bodily -maxim -##nius -apprenticeship -ursula -##fight -lodged -rug -silesian -unconstitutional -patel -inspected -coyote -unbeaten -##hak -34th -disruption -convict -parcel -##cl -##nham -collier -implicated -mallory -##iac -##lab -susannah -winkler -##rber -shia -phelps -sediments -graphical -robotic -##sner -adulthood -mart -smoked -##isto -kathryn -clarified -##aran -divides -convictions -oppression -pausing -burying -##mt -federico -mathias -eileen -##tana -kite -hunched -##acies -189 -##atz -disadvantage -liza -kinetic -greedy -paradox -yokohama -dowager -trunks -ventured -##gement -gupta -vilnius -olaf -##thest -crimean -hopper -##ej -progressively -arturo -mouthed -arrondissement -##fusion -rubin -simulcast -oceania -##orum -##stra -##rred -busiest -intensely -navigator -cary -##vine -##hini -##bies -fife -rowe -rowland -posing -insurgents -shafts -lawsuits -activate -conor -inward -culturally -garlic -265 -##eering -eclectic -##hui -##kee -##nl -furrowed -vargas -meteorological -rendezvous -##aus -culinary -commencement -##dition -quota -##notes -mommy -salaries -overlapping -mule -##iology -##mology -sums -wentworth -##isk -##zione -mainline -subgroup -##illy -hack -plaintiff -verdi -bulb -differentiation -engagements -multinational -supplemented -bertrand -caller -regis -##naire -##sler -##arts -##imated -blossom -propagation -kilometer -viaduct -vineyards -##uate -beckett -optimization -golfer -songwriters -seminal -semitic -thud -volatile -evolving -ridley -##wley -trivial -distributions -scandinavia -jiang -##ject -wrestled -insistence -##dio -emphasizes -napkin -##ods -adjunct -rhyme -##ricted -##eti -hopeless -surrounds -tremble -32nd -smoky -##ntly -oils -medicinal -padded -steer -wilkes -219 -255 -concessions -hue -uniquely -blinded -landon -yahoo -##lane -hendrix -commemorating -dex -specify -chicks -##ggio -intercity -1400 -morley -##torm -highlighting -##oting -pang -oblique -stalled -##liner -flirting -newborn -1769 -bishopric -shaved -232 -currie -##ush -dharma -spartan -##ooped -favorites -smug -novella -sirens -abusive -creations -espana -##lage -paradigm -semiconductor -sheen -##rdo -##yen -##zak -nrl -renew -##pose -##tur -adjutant -marches -norma -##enity -ineffective -weimar -grunt -##gat -lordship -plotting -expenditure -infringement -lbs -refrain -av -mimi -mistakenly -postmaster -1771 -##bara -ras -motorsports -tito -199 -subjective -##zza -bully -stew -##kaya -prescott -1a -##raphic -##zam -bids -styling -paranormal -reeve -sneaking -exploding -katz -akbar -migrant -syllables -indefinitely -##ogical -destroys -replaces -applause -##phine -pest -##fide -218 -articulated -bertie -##thing -##cars -##ptic -courtroom -crowley -aesthetics -cummings -tehsil -hormones -titanic -dangerously -##ibe -stadion -jaenelle -auguste -ciudad -##chu -mysore -partisans -##sio -lucan -philipp -##aly -debating -henley -interiors -##rano -##tious -homecoming -beyonce -usher -henrietta -prepares -weeds -##oman -ely -plucked -##pire -##dable -luxurious -##aq -artifact -password -pasture -juno -maddy -minsk -##dder -##ologies -##rone -assessments -martian -royalist -1765 -examines -##mani -##rge -nino -223 -parry -scooped -relativity -##eli -##uting -##cao -congregational -noisy -traverse -##agawa -strikeouts -nickelodeon -obituary -transylvania -binds -depictions -polk -trolley -##yed -##lard -breeders -##under -dryly -hokkaido -1762 -strengths -stacks -bonaparte -connectivity -neared -prostitutes -stamped -anaheim -gutierrez -sinai -##zzling -bram -fresno -madhya -##86 -proton -##lena -##llum -##phon -reelected -wanda -##anus -##lb -ample -distinguishing -##yler -grasping -sermons -tomato -bland -stimulation -avenues -##eux -spreads -scarlett -fern -pentagon -assert -baird -chesapeake -ir -calmed -distortion -fatalities -##olis -correctional -pricing -##astic -##gina -prom -dammit -ying -collaborate -##chia -welterweight -33rd -pointer -substitution -bonded -umpire -communicating -multitude -paddle -##obe -federally -intimacy -##insky -betray -ssr -##lett -##lean -##lves -##therapy -airbus -##tery -functioned -ud -bearer -biomedical -netflix -##hire -##nca -condom -brink -ik -##nical -macy -##bet -flap -gma -experimented -jelly -lavender -##icles -##ulia -munro -##mian -##tial -rye -##rle -60th -gigs -hottest -rotated -predictions -fuji -bu -##erence -##omi -barangay -##fulness -##sas -clocks -##rwood -##liness -cereal -roe -wight -decker -uttered -babu -onion -xml -forcibly -##df -petra -sarcasm -hartley -peeled -storytelling -##42 -##xley -##ysis -##ffa -fibre -kiel -auditor -fig -harald -greenville -##berries -geographically -nell -quartz -##athic -cemeteries -##lr -crossings -nah -holloway -reptiles -chun -sichuan -snowy -660 -corrections -##ivo -zheng -ambassadors -blacksmith -fielded -fluids -hardcover -turnover -medications -melvin -academies -##erton -ro -roach -absorbing -spaniards -colton -##founded -outsider -espionage -kelsey -245 -edible -##ulf -dora -establishes -##sham -##tries -contracting -##tania -cinematic -costello -nesting -##uron -connolly -duff -##nology -mma -##mata -fergus -sexes -gi -optics -spectator -woodstock -banning -##hee -##fle -differentiate -outfielder -refinery -226 -312 -gerhard -horde -lair -drastically -##udi -landfall -##cheng -motorsport -odi -##achi -predominant -quay -skins -##ental -edna -harshly -complementary -murdering -##aves -wreckage -##90 -ono -outstretched -lennox -munitions -galen -reconcile -470 -scalp -bicycles -gillespie -questionable -rosenberg -guillermo -hostel -jarvis -kabul -volvo -opium -yd -##twined -abuses -decca -outpost -##cino -sensible -neutrality -##64 -ponce -anchorage -atkins -turrets -inadvertently -disagree -libre -vodka -reassuring -weighs -##yal -glide -jumper -ceilings -repertory -outs -stain -##bial -envy -##ucible -smashing -heightened -policing -hyun -mixes -lai -prima -##ples -celeste -##bina -lucrative -intervened -kc -manually -##rned -stature -staffed -bun -bastards -nairobi -priced -##auer -thatcher -##kia -tripped -comune -##ogan -##pled -brasil -incentives -emanuel -hereford -musica -##kim -benedictine -biennale -##lani -eureka -gardiner -rb -knocks -sha -##ael -##elled -##onate -efficacy -ventura -masonic -sanford -maize -leverage -##feit -capacities -santana -##aur -novelty -vanilla -##cter -##tour -benin -##oir -##rain -neptune -drafting -tallinn -##cable -humiliation -##boarding -schleswig -fabian -bernardo -liturgy -spectacle -sweeney -pont -routledge -##tment -cosmos -ut -hilt -sleek -universally -##eville -##gawa -typed -##dry -favors -allegheny -glaciers -##rly -recalling -aziz -##log -parasite -requiem -auf -##berto -##llin -illumination -##breaker -##issa -festivities -bows -govern -vibe -vp -333 -sprawled -larson -pilgrim -bwf -leaping -##rts -##ssel -alexei -greyhound -hoarse -##dler -##oration -seneca -##cule -gaping -##ulously -##pura -cinnamon -##gens -##rricular -craven -fantasies -houghton -engined -reigned -dictator -supervising -##oris -bogota -commentaries -unnatural -fingernails -spirituality -tighten -##tm -canadiens -protesting -intentional -cheers -sparta -##ytic -##iere -##zine -widen -belgarath -controllers -dodd -iaaf -navarre -##ication -defect -squire -steiner -whisky -##mins -560 -inevitably -tome -##gold -chew -##uid -##lid -elastic -##aby -streaked -alliances -jailed -regal -##ined -##phy -czechoslovak -narration -absently -##uld -bluegrass -guangdong -quran -criticizing -hose -hari -##liest -##owa -skier -streaks -deploy -##lom -raft -bose -dialed -huff -##eira -haifa -simplest -bursting -endings -ib -sultanate -##titled -franks -whitman -ensures -sven -##ggs -collaborators -forster -organising -ui -banished -napier -injustice -teller -layered -thump -##otti -roc -battleships -evidenced -fugitive -sadie -robotics -##roud -equatorial -geologist -##iza -yielding -##bron -##sr -internationale -mecca -##diment -sbs -skyline -toad -uploaded -reflective -undrafted -lal -leafs -bayern -##dai -lakshmi -shortlisted -##stick -##wicz -camouflage -donate -af -christi -lau -##acio -disclosed -nemesis -1761 -assemble -straining -northamptonshire -tal -##asi -bernardino -premature -heidi -42nd -coefficients -galactic -reproduce -buzzed -sensations -zionist -monsieur -myrtle -##eme -archery -strangled -musically -viewpoint -antiquities -bei -trailers -seahawks -cured -pee -preferring -tasmanian -lange -sul -##mail -##working -colder -overland -lucivar -massey -gatherings -haitian -##smith -disapproval -flaws -##cco -##enbach -1766 -npr -##icular -boroughs -creole -forums -techno -1755 -dent -abdominal -streetcar -##eson -##stream -procurement -gemini -predictable -##tya -acheron -christoph -feeder -fronts -vendor -bernhard -jammu -tumors -slang -##uber -goaltender -twists -curving -manson -vuelta -mer -peanut -confessions -pouch -unpredictable -allowance -theodor -vascular -##factory -bala -authenticity -metabolic -coughing -nanjing -##cea -pembroke -##bard -splendid -36th -ff -hourly -##ahu -elmer -handel -##ivate -awarding -thrusting -dl -experimentation -##hesion -##46 -caressed -entertained -steak -##rangle -biologist -orphans -baroness -oyster -stepfather -##dridge -mirage -reefs -speeding -##31 -barons -1764 -227 -inhabit -preached -repealed -##tral -honoring -boogie -captives -administer -johanna -##imate -gel -suspiciously -1767 -sobs -##dington -backbone -hayward -garry -##folding -##nesia -maxi -##oof -##ppe -ellison -galileo -##stand -crimea -frenzy -amour -bumper -matrices -natalia -baking -garth -palestinians -##grove -smack -conveyed -ensembles -gardening -##manship -##rup -##stituting -1640 -harvesting -topography -jing -shifters -dormitory -##carriage -##lston -ist -skulls -##stadt -dolores -jewellery -sarawak -##wai -##zier -fences -christy -confinement -tumbling -credibility -fir -stench -##bria -##plication -##nged -##sam -virtues -##belt -marjorie -pba -##eem -##made -celebrates -schooner -agitated -barley -fulfilling -anthropologist -##pro -restrict -novi -regulating -##nent -padres -##rani -##hesive -loyola -tabitha -milky -olson -proprietor -crambidae -guarantees -intercollegiate -ljubljana -hilda -##sko -ignorant -hooded -##lts -sardinia -##lidae -##vation -frontman -privileged -witchcraft -##gp -jammed -laude -poking -##than -bracket -amazement -yunnan -##erus -maharaja -linnaeus -264 -commissioning -milano -peacefully -##logies -akira -rani -regulator -##36 -grasses -##rance -luzon -crows -compiler -gretchen -seaman -edouard -tab -buccaneers -ellington -hamlets -whig -socialists -##anto -directorial -easton -mythological -##kr -##vary -rhineland -semantic -taut -dune -inventions -succeeds -##iter -replication -branched -##pired -jul -prosecuted -kangaroo -penetrated -##avian -middlesbrough -doses -bleak -madam -predatory -relentless -##vili -reluctance -##vir -hailey -crore -silvery -1759 -monstrous -swimmers -transmissions -hawthorn -informing -##eral -toilets -caracas -crouch -kb -##sett -295 -cartel -hadley -##aling -alexia -yvonne -##biology -cinderella -eton -superb -blizzard -stabbing -industrialist -maximus -##gm -##orus -groves -maud -clade -oversized -comedic -##bella -rosen -nomadic -fulham -montane -beverages -galaxies -redundant -swarm -##rot -##folia -##llis -buckinghamshire -fen -bearings -bahadur -##rom -gilles -phased -dynamite -faber -benoit -vip -##ount -##wd -booking -fractured -tailored -anya -spices -westwood -cairns -auditions -inflammation -steamed -##rocity -##acion -##urne -skyla -thereof -watford -torment -archdeacon -transforms -lulu -demeanor -fucked -serge -##sor -mckenna -minas -entertainer -##icide -caress -originate -residue -##sty -1740 -##ilised -##org -beech -##wana -subsidies -##ghton -emptied -gladstone -ru -firefighters -voodoo -##rcle -het -nightingale -tamara -edmond -ingredient -weaknesses -silhouette -285 -compatibility -withdrawing -hampson -##mona -anguish -giggling -##mber -bookstore -##jiang -southernmost -tilting -##vance -bai -economical -rf -briefcase -dreadful -hinted -projections -shattering -totaling -##rogate -analogue -indicted -periodical -fullback -##dman -haynes -##tenberg -##ffs -##ishment -1745 -thirst -stumble -penang -vigorous -##ddling -##kor -##lium -octave -##ove -##enstein -##inen -##ones -siberian -##uti -cbn -repeal -swaying -##vington -khalid -tanaka -unicorn -otago -plastered -lobe -riddle -##rella -perch -##ishing -croydon -filtered -graeme -tripoli -##ossa -crocodile -##chers -sufi -mined -##tung -inferno -lsu -##phi -swelled -utilizes -£2 -cale -periodicals -styx -hike -informally -coop -lund -##tidae -ala -hen -qui -transformations -disposed -sheath -chickens -##cade -fitzroy -sas -silesia -unacceptable -odisha -1650 -sabrina -pe -spokane -ratios -athena -massage -shen -dilemma -##drum -##riz -##hul -corona -doubtful -niall -##pha -##bino -fines -cite -acknowledging -bangor -ballard -bathurst -##resh -huron -mustered -alzheimer -garments -kinase -tyre -warship -##cp -flashback -pulmonary -braun -cheat -kamal -cyclists -constructions -grenades -ndp -traveller -excuses -stomped -signalling -trimmed -futsal -mosques -relevance -##wine -wta -##23 -##vah -##lter -hoc -##riding -optimistic -##´s -deco -sim -interacting -rejecting -moniker -waterways -##ieri -##oku -mayors -gdansk -outnumbered -pearls -##ended -##hampton -fairs -totals -dominating -262 -notions -stairway -compiling -pursed -commodities -grease -yeast -##jong -carthage -griffiths -residual -amc -contraction -laird -sapphire -##marine -##ivated -amalgamation -dissolve -inclination -lyle -packaged -altitudes -suez -canons -graded -lurched -narrowing -boasts -guise -wed -enrico -##ovsky -rower -scarred -bree -cub -iberian -protagonists -bargaining -proposing -trainers -voyages -vans -fishes -##aea -##ivist -##verance -encryption -artworks -kazan -sabre -cleopatra -hepburn -rotting -supremacy -mecklenburg -##brate -burrows -hazards -outgoing -flair -organizes -##ctions -scorpion -##usions -boo -234 -chevalier -dunedin -slapping -##34 -ineligible -pensions -##38 -##omic -manufactures -emails -bismarck -238 -weakening -blackish -ding -mcgee -quo -##rling -northernmost -xx -manpower -greed -sampson -clicking -##ange -##horpe -##inations -##roving -torre -##eptive -##moral -symbolism -38th -asshole -meritorious -outfits -splashed -biographies -sprung -astros -##tale -302 -737 -filly -raoul -nw -tokugawa -linden -clubhouse -##apa -tracts -romano -##pio -putin -tags -##note -chained -dickson -gunshot -moe -gunn -rashid -##tails -zipper -##bas -##nea -contrasted -##ply -##udes -plum -pharaoh -##pile -aw -comedies -ingrid -sandwiches -subdivisions -1100 -mariana -nokia -kamen -hz -delaney -veto -herring -##words -possessive -outlines -##roup -siemens -stairwell -rc -gallantry -messiah -palais -yells -233 -zeppelin -##dm -bolivar -##cede -smackdown -mckinley -##mora -##yt -muted -geologic -finely -unitary -avatar -hamas -maynard -rees -bog -contrasting -##rut -liv -chico -disposition -pixel -##erate -becca -dmitry -yeshiva -narratives -##lva -##ulton -mercenary -sharpe -tempered -navigate -stealth -amassed -keynes -##lini -untouched -##rrie -havoc -lithium -##fighting -abyss -graf -southward -wolverine -balloons -implements -ngos -transitions -##icum -ambushed -concacaf -dormant -economists -##dim -costing -csi -rana -universite -boulders -verity -##llon -collin -mellon -misses -cypress -fluorescent -lifeless -spence -##ulla -crewe -shepard -pak -revelations -##م -jolly -gibbons -paw -##dro -##quel -freeing -##test -shack -fries -palatine -##51 -##hiko -accompaniment -cruising -recycled -##aver -erwin -sorting -synthesizers -dyke -realities -sg -strides -enslaved -wetland -##ghan -competence -gunpowder -grassy -maroon -reactors -objection -##oms -carlson -gearbox -macintosh -radios -shelton -##sho -clergyman -prakash -254 -mongols -trophies -oricon -228 -stimuli -twenty20 -cantonese -cortes -mirrored -##saurus -bhp -cristina -melancholy -##lating -enjoyable -nuevo -##wny -downfall -schumacher -##ind -banging -lausanne -rumbled -paramilitary -reflex -ax -amplitude -migratory -##gall -##ups -midi -barnard -lastly -sherry -##hp -##nall -keystone -##kra -carleton -slippery -##53 -coloring -foe -socket -otter -##rgos -mats -##tose -consultants -bafta -bison -topping -##km -490 -primal -abandonment -transplant -atoll -hideous -mort -pained -reproduced -tae -howling -##turn -unlawful -billionaire -hotter -poised -lansing -##chang -dinamo -retro -messing -nfc -domesday -##mina -blitz -timed -##athing -##kley -ascending -gesturing -##izations -signaled -tis -chinatown -mermaid -savanna -jameson -##aint -catalina -##pet -##hers -cochrane -cy -chatting -##kus -alerted -computation -mused -noelle -majestic -mohawk -campo -octagonal -##sant -##hend -241 -aspiring -##mart -comprehend -iona -paralyzed -shimmering -swindon -rhone -##eley -reputed -configurations -pitchfork -agitation -francais -gillian -lipstick -##ilo -outsiders -pontifical -resisting -bitterness -sewer -rockies -##edd -##ucher -misleading -1756 -exiting -galloway -##nging -risked -##heart -246 -commemoration -schultz -##rka -integrating -##rsa -poses -shrieked -##weiler -guineas -gladys -jerking -owls -goldsmith -nightly -penetrating -##unced -lia -##33 -ignited -betsy -##aring -##thorpe -follower -vigorously -##rave -coded -kiran -knit -zoology -tbilisi -##28 -##bered -repository -govt -deciduous -dino -growling -##bba -enhancement -unleashed -chanting -pussy -biochemistry -##eric -kettle -repression -toxicity -nrhp -##arth -##kko -##bush -ernesto -commended -outspoken -242 -mca -parchment -sms -kristen -##aton -bisexual -raked -glamour -navajo -a2 -conditioned -showcased -##hma -spacious -youthful -##esa -usl -appliances -junta -brest -layne -conglomerate -enchanted -chao -loosened -picasso -circulating -inspect -montevideo -##centric -##kti -piazza -spurred -##aith -bari -freedoms -poultry -stamford -lieu -##ect -indigo -sarcastic -bahia -stump -attach -dvds -frankenstein -lille -approx -scriptures -pollen -##script -nmi -overseen -##ivism -tides -proponent -newmarket -inherit -milling -##erland -centralized -##rou -distributors -credentials -drawers -abbreviation -##lco -##xon -downing -uncomfortably -ripe -##oes -erase -franchises -##ever -populace -##bery -##khar -decomposition -pleas -##tet -daryl -sabah -##stle -##wide -fearless -genie -lesions -annette -##ogist -oboe -appendix -nair -dripped -petitioned -maclean -mosquito -parrot -rpg -hampered -1648 -operatic -reservoirs -##tham -irrelevant -jolt -summarized -##fp -medallion -##taff -##− -clawed -harlow -narrower -goddard -marcia -bodied -fremont -suarez -altering -tempest -mussolini -porn -##isms -sweetly -oversees -walkers -solitude -grimly -shrines -hk -ich -supervisors -hostess -dietrich -legitimacy -brushes -expressive -##yp -dissipated -##rse -localized -systemic -##nikov -gettysburg -##js -##uaries -dialogues -muttering -251 -housekeeper -sicilian -discouraged -##frey -beamed -kaladin -halftime -kidnap -##amo -##llet -1754 -synonymous -depleted -instituto -insulin -reprised -##opsis -clashed -##ctric -interrupting -radcliffe -insisting -medici -1715 -ejected -playfully -turbulent -##47 -starvation -##rini -shipment -rebellious -petersen -verification -merits -##rified -cakes -##charged -1757 -milford -shortages -spying -fidelity -##aker -emitted -storylines -harvested -seismic -##iform -cheung -kilda -theoretically -barbie -lynx -##rgy -##tius -goblin -mata -poisonous -##nburg -reactive -residues -obedience -##евич -conjecture -##rac -401 -hating -sixties -kicker -moaning -motown -##bha -emancipation -neoclassical -##hering -consoles -ebert -professorship -##tures -sustaining -assaults -obeyed -affluent -incurred -tornadoes -##eber -##zow -emphasizing -highlanders -cheated -helmets -##ctus -internship -terence -bony -executions -legislators -berries -peninsular -tinged -##aco -1689 -amplifier -corvette -ribbons -lavish -pennant -##lander -worthless -##chfield -##forms -mariano -pyrenees -expenditures -##icides -chesterfield -mandir -tailor -39th -sergey -nestled -willed -aristocracy -devotees -goodnight -raaf -rumored -weaponry -remy -appropriations -harcourt -burr -riaa -##lence -limitation -unnoticed -guo -soaking -swamps -##tica -collapsing -tatiana -descriptive -brigham -psalm -##chment -maddox -##lization -patti -caliph -##aja -akron -injuring -serra -##ganj -basins -##sari -astonished -launcher -##church -hilary -wilkins -sewing -##sf -stinging -##fia -##ncia -underwood -startup -##ition -compilations -vibrations -embankment -jurist -##nity -bard -juventus -groundwater -kern -palaces -helium -boca -cramped -marissa -soto -##worm -jae -princely -##ggy -faso -bazaar -warmly -##voking -229 -pairing -##lite -##grate -##nets -wien -freaked -ulysses -rebirth -##alia -##rent -mummy -guzman -jimenez -stilled -##nitz -trajectory -tha -woken -archival -professions -##pts -##pta -hilly -shadowy -shrink -##bolt -norwood -glued -migrate -stereotypes -devoid -##pheus -625 -evacuate -horrors -infancy -gotham -knowles -optic -downloaded -sachs -kingsley -parramatta -darryl -mor -##onale -shady -commence -confesses -kan -##meter -##placed -marlborough -roundabout -regents -frigates -io -##imating -gothenburg -revoked -carvings -clockwise -convertible -intruder -##sche -banged -##ogo -vicky -bourgeois -##mony -dupont -footing -##gum -pd -##real -buckle -yun -penthouse -sane -720 -serviced -stakeholders -neumann -bb -##eers -comb -##gam -catchment -pinning -rallies -typing -##elles -forefront -freiburg -sweetie -giacomo -widowed -goodwill -worshipped -aspirations -midday -##vat -fishery -##trick -bournemouth -turk -243 -hearth -ethanol -guadalajara -murmurs -sl -##uge -afforded -scripted -##hta -wah -##jn -coroner -translucent -252 -memorials -puck -progresses -clumsy -##race -315 -candace -recounted -##27 -##slin -##uve -filtering -##mac -howl -strata -heron -leveled -##ays -dubious -##oja -##т -##wheel -citations -exhibiting -##laya -##mics -##pods -turkic -##lberg -injunction -##ennial -##mit -antibodies -##44 -organise -##rigues -cardiovascular -cushion -inverness -##zquez -dia -cocoa -sibling -##tman -##roid -expanse -feasible -tunisian -algiers -##relli -rus -bloomberg -dso -westphalia -bro -tacoma -281 -downloads -##ours -konrad -duran -##hdi -continuum -jett -compares -legislator -secession -##nable -##gues -##zuka -translating -reacher -##gley -##ła -aleppo -##agi -tc -orchards -trapping -linguist -versatile -drumming -postage -calhoun -superiors -##mx -barefoot -leary -##cis -ignacio -alfa -kaplan -##rogen -bratislava -mori -##vot -disturb -haas -313 -cartridges -gilmore -radiated -salford -tunic -hades -##ulsive -archeological -delilah -magistrates -auditioned -brewster -charters -empowerment -blogs -cappella -dynasties -iroquois -whipping -##krishna -raceway -truths -myra -weaken -judah -mcgregor -##horse -mic -refueling -37th -burnley -bosses -markus -premio -query -##gga -dunbar -##economic -darkest -lyndon -sealing -commendation -reappeared -##mun -addicted -ezio -slaughtered -satisfactory -shuffle -##eves -##thic -##uj -fortification -warrington -##otto -resurrected -fargo -mane -##utable -##lei -##space -foreword -ox -##aris -##vern -abrams -hua -##mento -sakura -##alo -uv -sentimental -##skaya -midfield -##eses -sturdy -scrolls -macleod -##kyu -entropy -##lance -mitochondrial -cicero -excelled -thinner -convoys -perceive -##oslav -##urable -systematically -grind -burkina -287 -##tagram -ops -##aman -guantanamo -##cloth -##tite -forcefully -wavy -##jou -pointless -##linger -##tze -layton -portico -superficial -clerical -outlaws -##hism -burials -muir -##inn -creditors -hauling -rattle -##leg -calais -monde -archers -reclaimed -dwell -wexford -hellenic -falsely -remorse -##tek -dough -furnishings -##uttered -gabon -neurological -novice -##igraphy -contemplated -pulpit -nightstand -saratoga -##istan -documenting -pulsing -taluk -##firmed -busted -marital -##rien -disagreements -wasps -##yes -hodge -mcdonnell -mimic -fran -pendant -dhabi -musa -##nington -congratulations -argent -darrell -concussion -losers -regrets -thessaloniki -reversal -donaldson -hardwood -thence -achilles -ritter -##eran -demonic -jurgen -prophets -goethe -eki -classmate -buff -##cking -yank -irrational -##inging -perished -seductive -qur -sourced -##crat -##typic -mustard -ravine -barre -horizontally -characterization -phylogenetic -boise -##dit -##runner -##tower -brutally -intercourse -seduce -##bbing -fay -ferris -ogden -amar -nik -unarmed -##inator -evaluating -kyrgyzstan -sweetness -##lford -##oki -mccormick -meiji -notoriety -stimulate -disrupt -figuring -instructional -mcgrath -##zoo -groundbreaking -##lto -flinch -khorasan -agrarian -bengals -mixer -radiating -##sov -ingram -pitchers -nad -tariff -##cript -tata -##codes -##emi -##ungen -appellate -lehigh -##bled -##giri -brawl -duct -texans -##ciation -##ropolis -skipper -speculative -vomit -doctrines -stresses -253 -davy -graders -whitehead -jozef -timely -cumulative -haryana -paints -appropriately -boon -cactus -##ales -##pid -dow -legions -##pit -perceptions -1730 -picturesque -##yse -periphery -rune -wr -##aha -celtics -sentencing -whoa -##erin -confirms -variance -425 -moines -mathews -spade -rave -m1 -fronted -fx -blending -alleging -reared -##gl -237 -##paper -grassroots -eroded -##free -##physical -directs -ordeal -##sław -accelerate -hacker -rooftop -##inia -lev -buys -cebu -devote -##lce -specialising -##ulsion -choreographed -repetition -warehouses -##ryl -paisley -tuscany -analogy -sorcerer -hash -huts -shards -descends -exclude -nix -chaplin -gaga -ito -vane -##drich -causeway -misconduct -limo -orchestrated -glands -jana -##kot -u2 -##mple -##sons -branching -contrasts -scoop -longed -##virus -chattanooga -##75 -syrup -cornerstone -##tized -##mind -##iaceae -careless -precedence -frescoes -##uet -chilled -consult -modelled -snatch -peat -##thermal -caucasian -humane -relaxation -spins -temperance -##lbert -occupations -lambda -hybrids -moons -mp3 -##oese -247 -rolf -societal -yerevan -ness -##ssler -befriended -mechanized -nominate -trough -boasted -cues -seater -##hom -bends -##tangle -conductors -emptiness -##lmer -eurasian -adriatic -tian -##cie -anxiously -lark -propellers -chichester -jock -ev -2a -##holding -credible -recounts -tori -loyalist -abduction -##hoot -##redo -nepali -##mite -ventral -tempting -##ango -##crats -steered -##wice -javelin -dipping -laborers -prentice -looming -titanium -##ː -badges -emir -tensor -##ntation -egyptians -rash -denies -hawthorne -lombard -showers -wehrmacht -dietary -trojan -##reus -welles -executing -horseshoe -lifeboat -##lak -elsa -infirmary -nearing -roberta -boyer -mutter -trillion -joanne -##fine -##oked -sinks -vortex -uruguayan -clasp -sirius -##block -accelerator -prohibit -sunken -byu -chronological -diplomats -ochreous -510 -symmetrical -1644 -maia -##tology -salts -reigns -atrocities -##ия -hess -bared -issn -##vyn -cater -saturated -##cycle -##isse -sable -voyager -dyer -yusuf -##inge -fountains -wolff -##39 -##nni -engraving -rollins -atheist -ominous -##ault -herr -chariot -martina -strung -##fell -##farlane -horrific -sahib -gazes -saetan -erased -ptolemy -##olic -flushing -lauderdale -analytic -##ices -530 -navarro -beak -gorilla -herrera -broom -guadalupe -raiding -sykes -311 -bsc -deliveries -1720 -invasions -carmichael -tajikistan -thematic -ecumenical -sentiments -onstage -##rians -##brand -##sume -catastrophic -flanks -molten -##arns -waller -aimee -terminating -##icing -alternately -##oche -nehru -printers -outraged -##eving -empires -template -banners -repetitive -za -##oise -vegetarian -##tell -guiana -opt -cavendish -lucknow -synthesized -##hani -##mada -finalized -##ctable -fictitious -mayoral -unreliable -##enham -embracing -peppers -rbis -##chio -##neo -inhibition -slashed -togo -orderly -embroidered -safari -salty -236 -barron -benito -totaled -##dak -pubs -simulated -caden -devin -tolkien -momma -welding -sesame -##ept -gottingen -hardness -630 -shaman -temeraire -620 -adequately -pediatric -##kit -ck -assertion -radicals -composure -cadence -seafood -beaufort -lazarus -mani -warily -cunning -kurdistan -249 -cantata -##kir -ares -##41 -##clusive -nape -townland -geared -insulted -flutter -boating -violate -draper -dumping -malmo -##hh -##romatic -firearm -alta -bono -obscured -##clave -exceeds -panorama -unbelievable -##train -preschool -##essed -disconnected -installing -rescuing -secretaries -accessibility -##castle -##drive -##ifice -##film -bouts -slug -waterway -mindanao -##buro -##ratic -halves -##ل -calming -liter -maternity -adorable -bragg -electrification -mcc -##dote -roxy -schizophrenia -##body -munoz -kaye -whaling -239 -mil -tingling -tolerant -##ago -unconventional -volcanoes -##finder -deportivo -##llie -robson -kaufman -neuroscience -wai -deportation -masovian -scraping -converse -##bh -hacking -bulge -##oun -administratively -yao -580 -amp -mammoth -booster -claremont -hooper -nomenclature -pursuits -mclaughlin -melinda -##sul -catfish -barclay -substrates -taxa -zee -originals -kimberly -packets -padma -##ality -borrowing -ostensibly -solvent -##bri -##genesis -##mist -lukas -shreveport -veracruz -##ь -##lou -##wives -cheney -tt -anatolia -hobbs -##zyn -cyclic -radiant -alistair -greenish -siena -dat -independents -##bation -conform -pieter -hyper -applicant -bradshaw -spores -telangana -vinci -inexpensive -nuclei -322 -jang -nme -soho -spd -##ign -cradled -receptionist -pow -##43 -##rika -fascism -##ifer -experimenting -##ading -##iec -##region -345 -jocelyn -maris -stair -nocturnal -toro -constabulary -elgin -##kker -msc -##giving -##schen -##rase -doherty -doping -sarcastically -batter -maneuvers -##cano -##apple -##gai -##git -intrinsic -##nst -##stor -1753 -showtime -cafes -gasps -lviv -ushered -##thed -fours -restart -astonishment -transmitting -flyer -shrugs -##sau -intriguing -cones -dictated -mushrooms -medial -##kovsky -##elman -escorting -gaped -##26 -godfather -##door -##sell -djs -recaptured -timetable -vila -1710 -3a -aerodrome -mortals -scientology -##orne -angelina -mag -convection -unpaid -insertion -intermittent -lego -##nated -endeavor -kota -pereira -##lz -304 -bwv -glamorgan -insults -agatha -fey -##cend -fleetwood -mahogany -protruding -steamship -zeta -##arty -mcguire -suspense -##sphere -advising -urges -##wala -hurriedly -meteor -gilded -inline -arroyo -stalker -##oge -excitedly -revered -##cure -earle -introductory -##break -##ilde -mutants -puff -pulses -reinforcement -##haling -curses -lizards -stalk -correlated -##fixed -fallout -macquarie -##unas -bearded -denton -heaving -802 -##ocation -winery -assign -dortmund -##lkirk -everest -invariant -charismatic -susie -##elling -bled -lesley -telegram -sumner -bk -##ogen -##к -wilcox -needy -colbert -duval -##iferous -##mbled -allotted -attends -imperative -##hita -replacements -hawker -##inda -insurgency -##zee -##eke -casts -##yla -680 -ives -transitioned -##pack -##powering -authoritative -baylor -flex -cringed -plaintiffs -woodrow -##skie -drastic -ape -aroma -unfolded -commotion -nt -preoccupied -theta -routines -lasers -privatization -wand -domino -ek -clenching -nsa -strategically -showered -bile -handkerchief -pere -storing -christophe -insulting -316 -nakamura -romani -asiatic -magdalena -palma -cruises -stripping -405 -konstantin -soaring -##berman -colloquially -forerunner -havilland -incarcerated -parasites -sincerity -##utus -disks -plank -saigon -##ining -corbin -homo -ornaments -powerhouse -##tlement -chong -fastened -feasibility -idf -morphological -usable -##nish -##zuki -aqueduct -jaguars -keepers -##flies -aleksandr -faust -assigns -ewing -bacterium -hurled -tricky -hungarians -integers -wallis -321 -yamaha -##isha -hushed -oblivion -aviator -evangelist -friars -##eller -monograph -ode -##nary -airplanes -labourers -charms -##nee -1661 -hagen -tnt -rudder -fiesta -transcript -dorothea -ska -inhibitor -maccabi -retorted -raining -encompassed -clauses -menacing -1642 -lineman -##gist -vamps -##ape -##dick -gloom -##rera -dealings -easing -seekers -##nut -##pment -helens -unmanned -##anu -##isson -basics -##amy -##ckman -adjustments -1688 -brutality -horne -##zell -sui -##55 -##mable -aggregator -##thal -rhino -##drick -##vira -counters -zoom -##01 -##rting -mn -montenegrin -packard -##unciation -##♭ -##kki -reclaim -scholastic -thugs -pulsed -##icia -syriac -quan -saddam -banda -kobe -blaming -buddies -dissent -##lusion -##usia -corbett -jaya -delle -erratic -lexie -##hesis -435 -amiga -hermes -##pressing -##leen -chapels -gospels -jamal -##uating -compute -revolving -warp -##sso -##thes -armory -##eras -##gol -antrim -loki -##kow -##asian -##good -##zano -braid -handwriting -subdistrict -funky -pantheon -##iculate -concurrency -estimation -improper -juliana -##his -newcomers -johnstone -staten -communicated -##oco -##alle -sausage -stormy -##stered -##tters -superfamily -##grade -acidic -collateral -tabloid -##oped -##rza -bladder -austen -##ellant -mcgraw -##hay -hannibal -mein -aquino -lucifer -wo -badger -boar -cher -christensen -greenberg -interruption -##kken -jem -244 -mocked -bottoms -cambridgeshire -##lide -sprawling -##bbly -eastwood -ghent -synth -##buck -advisers -##bah -nominally -hapoel -qu -daggers -estranged -fabricated -towels -vinnie -wcw -misunderstanding -anglia -nothin -unmistakable -##dust -##lova -chilly -marquette -truss -##edge -##erine -reece -##lty -##chemist -##connected -272 -308 -41st -bash -raion -waterfalls -##ump -##main -labyrinth -queue -theorist -##istle -bharatiya -flexed -soundtracks -rooney -leftist -patrolling -wharton -plainly -alleviate -eastman -schuster -topographic -engages -immensely -unbearable -fairchild -1620 -dona -lurking -parisian -oliveira -ia -indictment -hahn -bangladeshi -##aster -vivo -##uming -##ential -antonia -expects -indoors -kildare -harlan -##logue -##ogenic -##sities -forgiven -##wat -childish -tavi -##mide -##orra -plausible -grimm -successively -scooted -##bola -##dget -##rith -spartans -emery -flatly -azure -epilogue -##wark -flourish -##iny -##tracted -##overs -##oshi -bestseller -distressed -receipt -spitting -hermit -topological -##cot -drilled -subunit -francs -##layer -eel -##fk -##itas -octopus -footprint -petitions -ufo -##say -##foil -interfering -leaking -palo -##metry -thistle -valiant -##pic -narayan -mcpherson -##fast -gonzales -##ym -##enne -dustin -novgorod -solos -##zman -doin -##raph -##patient -##meyer -soluble -ashland -cuffs -carole -pendleton -whistling -vassal -##river -deviation -revisited -constituents -rallied -rotate -loomed -##eil -##nting -amateurs -augsburg -auschwitz -crowns -skeletons -##cona -bonnet -257 -dummy -globalization -simeon -sleeper -mandal -differentiated -##crow -##mare -milne -bundled -exasperated -talmud -owes -segregated -##feng -##uary -dentist -piracy -props -##rang -devlin -##torium -malicious -paws -##laid -dependency -##ergy -##fers -##enna -258 -pistons -rourke -jed -grammatical -tres -maha -wig -512 -ghostly -jayne -##achal -##creen -##ilis -##lins -##rence -designate -##with -arrogance -cambodian -clones -showdown -throttle -twain -##ception -lobes -metz -nagoya -335 -braking -##furt -385 -roaming -##minster -amin -crippled -##37 -##llary -indifferent -hoffmann -idols -intimidating -1751 -261 -influenza -memo -onions -1748 -bandage -consciously -##landa -##rage -clandestine -observes -swiped -tangle -##ener -##jected -##trum -##bill -##lta -hugs -congresses -josiah -spirited -##dek -humanist -managerial -filmmaking -inmate -rhymes -debuting -grimsby -ur -##laze -duplicate -vigor -##tf -republished -bolshevik -refurbishment -antibiotics -martini -methane -newscasts -royale -horizons -levant -iain -visas -##ischen -paler -##around -manifestation -snuck -alf -chop -futile -pedestal -rehab -##kat -bmg -kerman -res -fairbanks -jarrett -abstraction -saharan -##zek -1746 -procedural -clearer -kincaid -sash -luciano -##ffey -crunch -helmut -##vara -revolutionaries -##tute -creamy -leach -##mmon -1747 -permitting -nes -plight -wendell -##lese -contra -ts -clancy -ipa -mach -staples -autopsy -disturbances -nueva -karin -pontiac -##uding -proxy -venerable -haunt -leto -bergman -expands -##helm -wal -##pipe -canning -celine -cords -obesity -##enary -intrusion -planner -##phate -reasoned -sequencing -307 -harrow -##chon -##dora -marred -mcintyre -repay -tarzan -darting -248 -harrisburg -margarita -repulsed -##hur -##lding -belinda -hamburger -novo -compliant -runways -bingham -registrar -skyscraper -ic -cuthbert -improvisation -livelihood -##corp -##elial -admiring -##dened -sporadic -believer -casablanca -popcorn -##29 -asha -shovel -##bek -##dice -coiled -tangible -##dez -casper -elsie -resin -tenderness -rectory -##ivision -avail -sonar -##mori -boutique -##dier -guerre -bathed -upbringing -vaulted -sandals -blessings -##naut -##utnant -1680 -306 -foxes -pia -corrosion -hesitantly -confederates -crystalline -footprints -shapiro -tirana -valentin -drones -45th -microscope -shipments -texted -inquisition -wry -guernsey -unauthorized -resigning -760 -ripple -schubert -stu -reassure -felony -##ardo -brittle -koreans -##havan -##ives -dun -implicit -tyres -##aldi -##lth -magnolia -##ehan -##puri -##poulos -aggressively -fei -gr -familiarity -##poo -indicative -##trust -fundamentally -jimmie -overrun -395 -anchors -moans -##opus -britannia -armagh -##ggle -purposely -seizing -##vao -bewildered -mundane -avoidance -cosmopolitan -geometridae -quartermaster -caf -415 -chatter -engulfed -gleam -purge -##icate -juliette -jurisprudence -guerra -revisions -##bn -casimir -brew -##jm -1749 -clapton -cloudy -conde -hermitage -278 -simulations -torches -vincenzo -matteo -##rill -hidalgo -booming -westbound -accomplishment -tentacles -unaffected -##sius -annabelle -flopped -sloping -##litz -dreamer -interceptor -vu -##loh -consecration -copying -messaging -breaker -climates -hospitalized -1752 -torino -afternoons -winfield -witnessing -##teacher -breakers -choirs -sawmill -coldly -##ege -sipping -haste -uninhabited -conical -bibliography -pamphlets -severn -edict -##oca -deux -illnesses -grips -##pl -rehearsals -sis -thinkers -tame -##keepers -1690 -acacia -reformer -##osed -##rys -shuffling -##iring -##shima -eastbound -ionic -rhea -flees -littered -##oum -rocker -vomiting -groaning -champ -overwhelmingly -civilizations -paces -sloop -adoptive -##tish -skaters -##vres -aiding -mango -##joy -nikola -shriek -##ignon -pharmaceuticals -##mg -tuna -calvert -gustavo -stocked -yearbook -##urai -##mana -computed -subsp -riff -hanoi -kelvin -hamid -moors -pastures -summons -jihad -nectar -##ctors -bayou -untitled -pleasing -vastly -republics -intellect -##η -##ulio -##tou -crumbling -stylistic -sb -##ی -consolation -frequented -h₂o -walden -widows -##iens -404 -##ignment -chunks -improves -288 -grit -recited -##dev -snarl -sociological -##arte -##gul -inquired -##held -bruise -clube -consultancy -homogeneous -hornets -multiplication -pasta -prick -savior -##grin -##kou -##phile -yoon -##gara -grimes -vanishing -cheering -reacting -bn -distillery -##quisite -##vity -coe -dockyard -massif -##jord -escorts -voss -##valent -byte -chopped -hawke -illusions -workings -floats -##koto -##vac -kv -annapolis -madden -##onus -alvaro -noctuidae -##cum -##scopic -avenge -steamboat -forte -illustrates -erika -##trip -570 -dew -nationalities -bran -manifested -thirsty -diversified -muscled -reborn -##standing -arson -##lessness -##dran -##logram -##boys -##kushima -##vious -willoughby -##phobia -286 -alsace -dashboard -yuki -##chai -granville -myspace -publicized -tricked -##gang -adjective -##ater -relic -reorganisation -enthusiastically -indications -saxe -##lassified -consolidate -iec -padua -helplessly -ramps -renaming -regulars -pedestrians -accents -convicts -inaccurate -lowers -mana -##pati -barrie -bjp -outta -someplace -berwick -flanking -invoked -marrow -sparsely -excerpts -clothed -rei -##ginal -wept -##straße -##vish -alexa -excel -##ptive -membranes -aquitaine -creeks -cutler -sheppard -implementations -ns -##dur -fragrance -budge -concordia -magnesium -marcelo -##antes -gladly -vibrating -##rral -##ggles -montrose -##omba -lew -seamus -1630 -cocky -##ament -##uen -bjorn -##rrick -fielder -fluttering -##lase -methyl -kimberley -mcdowell -reductions -barbed -##jic -##tonic -aeronautical -condensed -distracting -##promising -huffed -##cala -##sle -claudius -invincible -missy -pious -balthazar -ci -##lang -butte -combo -orson -##dication -myriad -1707 -silenced -##fed -##rh -coco -netball -yourselves -##oza -clarify -heller -peg -durban -etudes -offender -roast -blackmail -curvature -##woods -vile -309 -illicit -suriname -##linson -overture -1685 -bubbling -gymnast -tucking -##mming -##ouin -maldives -##bala -gurney -##dda -##eased -##oides -backside -pinto -jars -racehorse -tending -##rdial -baronetcy -wiener -duly -##rke -barbarian -cupping -flawed -##thesis -bertha -pleistocene -puddle -swearing -##nob -##tically -fleeting -prostate -amulet -educating -##mined -##iti -##tler -75th -jens -respondents -analytics -cavaliers -papacy -raju -##iente -##ulum -##tip -funnel -271 -disneyland -##lley -sociologist -##iam -2500 -faulkner -louvre -menon -##dson -276 -##ower -afterlife -mannheim -peptide -referees -comedians -meaningless -##anger -##laise -fabrics -hurley -renal -sleeps -##bour -##icle -breakout -kristin -roadside -animator -clover -disdain -unsafe -redesign -##urity -firth -barnsley -portage -reset -narrows -268 -commandos -expansive -speechless -tubular -##lux -essendon -eyelashes -smashwords -##yad -##bang -##claim -craved -sprinted -chet -somme -astor -wrocław -orton -266 -bane -##erving -##uing -mischief -##amps -##sund -scaling -terre -##xious -impairment -offenses -undermine -moi -soy -contiguous -arcadia -inuit -seam -##tops -macbeth -rebelled -##icative -##iot -590 -elaborated -frs -uniformed -##dberg -259 -powerless -priscilla -stimulated -980 -qc -arboretum -frustrating -trieste -bullock -##nified -enriched -glistening -intern -##adia -locus -nouvelle -ollie -ike -lash -starboard -ee -tapestry -headlined -hove -rigged -##vite -pollock -##yme -thrive -clustered -cas -roi -gleamed -olympiad -##lino -pressured -regimes -##hosis -##lick -ripley -##ophone -kickoff -gallon -rockwell -##arable -crusader -glue -revolutions -scrambling -1714 -grover -##jure -englishman -aztec -263 -contemplating -coven -ipad -preach -triumphant -tufts -##esian -rotational -##phus -328 -falkland -##brates -strewn -clarissa -rejoin -environmentally -glint -banded -drenched -moat -albanians -johor -rr -maestro -malley -nouveau -shaded -taxonomy -v6 -adhere -bunk -airfields -##ritan -1741 -encompass -remington -tran -##erative -amelie -mazda -friar -morals -passions -##zai -breadth -vis -##hae -argus -burnham -caressing -insider -rudd -##imov -##mini -##rso -italianate -murderous -textual -wainwright -armada -bam -weave -timer -##taken -##nh -fra -##crest -ardent -salazar -taps -tunis -##ntino -allegro -gland -philanthropic -##chester -implication -##optera -esq -judas -noticeably -wynn -##dara -inched -indexed -crises -villiers -bandit -royalties -patterned -cupboard -interspersed -accessory -isla -kendrick -entourage -stitches -##esthesia -headwaters -##ior -interlude -distraught -draught -1727 -##basket -biased -sy -transient -triad -subgenus -adapting -kidd -shortstop -##umatic -dimly -spiked -mcleod -reprint -nellie -pretoria -windmill -##cek -singled -##mps -273 -reunite -##orous -747 -bankers -outlying -##omp -##ports -##tream -apologies -cosmetics -patsy -##deh -##ocks -##yson -bender -nantes -serene -##nad -lucha -mmm -323 -##cius -##gli -cmll -coinage -nestor -juarez -##rook -smeared -sprayed -twitching -sterile -irina -embodied -juveniles -enveloped -miscellaneous -cancers -dq -gulped -luisa -crested -swat -donegal -ref -##anov -##acker -hearst -mercantile -##lika -doorbell -ua -vicki -##alla -##som -bilbao -psychologists -stryker -sw -horsemen -turkmenistan -wits -##national -anson -mathew -screenings -##umb -rihanna -##agne -##nessy -aisles -##iani -##osphere -hines -kenton -saskatoon -tasha -truncated -##champ -##itan -mildred -advises -fredrik -interpreting -inhibitors -##athi -spectroscopy -##hab -##kong -karim -panda -##oia -##nail -##vc -conqueror -kgb -leukemia -##dity -arrivals -cheered -pisa -phosphorus -shielded -##riated -mammal -unitarian -urgently -chopin -sanitary -##mission -spicy -drugged -hinges -##tort -tipping -trier -impoverished -westchester -##caster -267 -epoch -nonstop -##gman -##khov -aromatic -centrally -cerro -##tively -##vio -billions -modulation -sedimentary -283 -facilitating -outrageous -goldstein -##eak -##kt -ld -maitland -penultimate -pollard -##dance -fleets -spaceship -vertebrae -##nig -alcoholism -als -recital -##bham -##ference -##omics -m2 -##bm -trois -##tropical -##в -commemorates -##meric -marge -##raction -1643 -670 -cosmetic -ravaged -##ige -catastrophe -eng -##shida -albrecht -arterial -bellamy -decor -harmon -##rde -bulbs -synchronized -vito -easiest -shetland -shielding -wnba -##glers -##ssar -##riam -brianna -cumbria -##aceous -##rard -cores -thayer -##nsk -brood -hilltop -luminous -carts -keynote -larkin -logos -##cta -##ا -##mund -##quay -lilith -tinted -277 -wrestle -mobilization -##uses -sequential -siam -bloomfield -takahashi -274 -##ieving -presenters -ringo -blazed -witty -##oven -##ignant -devastation -haydn -harmed -newt -therese -##peed -gershwin -molina -rabbis -sudanese -001 -innate -restarted -##sack -##fus -slices -wb -##shah -enroll -hypothetical -hysterical -1743 -fabio -indefinite -warped -##hg -exchanging -525 -unsuitable -##sboro -gallo -1603 -bret -cobalt -homemade -##hunter -mx -operatives -##dhar -terraces -durable -latch -pens -whorls -##ctuated -##eaux -billing -ligament -succumbed -##gly -regulators -spawn -##brick -##stead -filmfare -rochelle -##nzo -1725 -circumstance -saber -supplements -##nsky -##tson -crowe -wellesley -carrot -##9th -##movable -primate -drury -sincerely -topical -##mad -##rao -callahan -kyiv -smarter -tits -undo -##yeh -announcements -anthologies -barrio -nebula -##islaus -##shaft -##tyn -bodyguards -2021 -assassinate -barns -emmett -scully -##mah -##yd -##eland -##tino -##itarian -demoted -gorman -lashed -prized -adventist -writ -##gui -alla -invertebrates -##ausen -1641 -amman -1742 -align -healy -redistribution -##gf -##rize -insulation -##drop -adherents -hezbollah -vitro -ferns -yanking -269 -php -registering -uppsala -cheerleading -confines -mischievous -tully -##ross -49th -docked -roam -stipulated -pumpkin -##bry -prompt -##ezer -blindly -shuddering -craftsmen -frail -scented -katharine -scramble -shaggy -sponge -helix -zaragoza -279 -##52 -43rd -backlash -fontaine -seizures -posse -cowan -nonfiction -telenovela -wwii -hammered -undone -##gpur -encircled -irs -##ivation -artefacts -oneself -searing -smallpox -##belle -##osaurus -shandong -breached -upland -blushing -rankin -infinitely -psyche -tolerated -docking -evicted -##col -unmarked -##lving -gnome -lettering -litres -musique -##oint -benevolent -##jal -blackened -##anna -mccall -racers -tingle -##ocene -##orestation -introductions -radically -292 -##hiff -##باد -1610 -1739 -munchen -plead -##nka -condo -scissors -##sight -##tens -apprehension -##cey -##yin -hallmark -watering -formulas -sequels -##llas -aggravated -bae -commencing -##building -enfield -prohibits -marne -vedic -civilized -euclidean -jagger -beforehand -blasts -dumont -##arney -##nem -740 -conversions -hierarchical -rios -simulator -##dya -##lellan -hedges -oleg -thrusts -shadowed -darby -maximize -1744 -gregorian -##nded -##routed -sham -unspecified -##hog -emory -factual -##smo -##tp -fooled -##rger -ortega -wellness -marlon -##oton -##urance -casket -keating -ley -enclave -##ayan -char -influencing -jia -##chenko -412 -ammonia -erebidae -incompatible -violins -cornered -##arat -grooves -astronauts -columbian -rampant -fabrication -kyushu -mahmud -vanish -##dern -mesopotamia -##lete -ict -##rgen -caspian -kenji -pitted -##vered -999 -grimace -roanoke -tchaikovsky -twinned -##analysis -##awan -xinjiang -arias -clemson -kazakh -sizable -1662 -##khand -##vard -plunge -tatum -vittorio -##nden -cholera -##dana -##oper -bracing -indifference -projectile -superliga -##chee -realises -upgrading -299 -porte -retribution -##vies -nk -stil -##resses -ama -bureaucracy -blackberry -bosch -testosterone -collapses -greer -##pathic -ioc -fifties -malls -##erved -bao -baskets -adolescents -siegfried -##osity -##tosis -mantra -detecting -existent -fledgling -##cchi -dissatisfied -gan -telecommunication -mingled -sobbed -6000 -controversies -outdated -taxis -##raus -fright -slams -##lham -##fect -##tten -detectors -fetal -tanned -##uw -fray -goth -olympian -skipping -mandates -scratches -sheng -unspoken -hyundai -tracey -hotspur -restrictive -##buch -americana -mundo -##bari -burroughs -diva -vulcan -##6th -distinctions -thumping -##ngen -mikey -sheds -fide -rescues -springsteen -vested -valuation -##ece -##ely -pinnacle -rake -sylvie -##edo -almond -quivering -##irus -alteration -faltered -##wad -51st -hydra -ticked -##kato -recommends -##dicated -antigua -arjun -stagecoach -wilfred -trickle -pronouns -##pon -aryan -nighttime -##anian -gall -pea -stitch -##hei -leung -milos -##dini -eritrea -nexus -starved -snowfall -kant -parasitic -cot -discus -hana -strikers -appleton -kitchens -##erina -##partisan -##itha -##vius -disclose -metis -##channel -1701 -tesla -##vera -fitch -1735 -blooded -##tila -decimal -##tang -##bai -cyclones -eun -bottled -peas -pensacola -basha -bolivian -crabs -boil -lanterns -partridge -roofed -1645 -necks -##phila -opined -patting -##kla -##lland -chuckles -volta -whereupon -##nche -devout -euroleague -suicidal -##dee -inherently -involuntary -knitting -nasser -##hide -puppets -colourful -courageous -southend -stills -miraculous -hodgson -richer -rochdale -ethernet -greta -uniting -prism -umm -##haya -##itical -##utation -deterioration -pointe -prowess -##ropriation -lids -scranton -billings -subcontinent -##koff -##scope -brute -kellogg -psalms -degraded -##vez -stanisław -##ructured -ferreira -pun -astonishing -gunnar -##yat -arya -prc -gottfried -##tight -excursion -##ographer -dina -##quil -##nare -huffington -illustrious -wilbur -gundam -verandah -##zard -naacp -##odle -constructive -fjord -kade -##naud -generosity -thrilling -baseline -cayman -frankish -plastics -accommodations -zoological -##fting -cedric -qb -motorized -##dome -##otted -squealed -tackled -canucks -budgets -situ -asthma -dail -gabled -grasslands -whimpered -writhing -judgments -##65 -minnie -pv -##carbon -bananas -grille -domes -monique -odin -maguire -markham -tierney -##estra -##chua -libel -poke -speedy -atrium -laval -notwithstanding -##edly -fai -kala -##sur -robb -##sma -listings -luz -supplementary -tianjin -##acing -enzo -jd -ric -scanner -croats -transcribed -##49 -arden -cv -##hair -##raphy -##lver -##uy -357 -seventies -staggering -alam -horticultural -hs -regression -timbers -blasting -##ounded -montagu -manipulating -##cit -catalytic -1550 -troopers -##meo -condemnation -fitzpatrick -##oire -##roved -inexperienced -1670 -castes -##lative -outing -314 -dubois -flicking -quarrel -ste -learners -1625 -iq -whistled -##class -282 -classify -tariffs -temperament -355 -folly -liszt -##yles -immersed -jordanian -ceasefire -apparel -extras -maru -fished -##bio -harta -stockport -assortment -craftsman -paralysis -transmitters -##cola -blindness -##wk -fatally -proficiency -solemnly -##orno -repairing -amore -groceries -ultraviolet -##chase -schoolhouse -##tua -resurgence -nailed -##otype -##× -ruse -saliva -diagrams -##tructing -albans -rann -thirties -1b -antennas -hilarious -cougars -paddington -stats -##eger -breakaway -ipod -reza -authorship -prohibiting -scoffed -##etz -##ttle -conscription -defected -trondheim -##fires -ivanov -keenan -##adan -##ciful -##fb -##slow -locating -##ials -##tford -cadiz -basalt -blankly -interned -rags -rattling -##tick -carpathian -reassured -sync -bum -guildford -iss -staunch -##onga -astronomers -sera -sofie -emergencies -susquehanna -##heard -duc -mastery -vh1 -williamsburg -bayer -buckled -craving -##khan -##rdes -bloomington -##write -alton -barbecue -##bians -justine -##hri -##ndt -delightful -smartphone -newtown -photon -retrieval -peugeot -hissing -##monium -##orough -flavors -lighted -relaunched -tainted -##games -##lysis -anarchy -microscopic -hopping -adept -evade -evie -##beau -inhibit -sinn -adjustable -hurst -intuition -wilton -cisco -44th -lawful -lowlands -stockings -thierry -##dalen -##hila -##nai -fates -prank -tb -maison -lobbied -provocative -1724 -4a -utopia -##qual -carbonate -gujarati -purcell -##rford -curtiss -##mei -overgrown -arenas -mediation -swallows -##rnik -respectful -turnbull -##hedron -##hope -alyssa -ozone -##ʻi -ami -gestapo -johansson -snooker -canteen -cuff -declines -empathy -stigma -##ags -##iner -##raine -taxpayers -gui -volga -##wright -##copic -lifespan -overcame -tattooed -enactment -giggles -##ador -##camp -barrington -bribe -obligatory -orbiting -peng -##enas -elusive -sucker -##vating -cong -hardship -empowered -anticipating -estrada -cryptic -greasy -detainees -planck -sudbury -plaid -dod -marriott -kayla -##ears -##vb -##zd -mortally -##hein -cognition -radha -319 -liechtenstein -meade -richly -argyle -harpsichord -liberalism -trumpets -lauded -tyrant -salsa -tiled -lear -promoters -reused -slicing -trident -##chuk -##gami -##lka -cantor -checkpoint -##points -gaul -leger -mammalian -##tov -##aar -##schaft -doha -frenchman -nirvana -##vino -delgado -headlining -##eron -##iography -jug -tko -1649 -naga -intersections -##jia -benfica -nawab -##suka -ashford -gulp -##deck -##vill -##rug -brentford -frazier -pleasures -dunne -potsdam -shenzhen -dentistry -##tec -flanagan -##dorff -##hear -chorale -dinah -prem -quezon -##rogated -relinquished -sutra -terri -##pani -flaps -##rissa -poly -##rnet -homme -aback -##eki -linger -womb -##kson -##lewood -doorstep -orthodoxy -threaded -westfield -##rval -dioceses -fridays -subsided -##gata -loyalists -##biotic -##ettes -letterman -lunatic -prelate -tenderly -invariably -souza -thug -winslow -##otide -furlongs -gogh -jeopardy -##runa -pegasus -##umble -humiliated -standalone -tagged -##roller -freshmen -klan -##bright -attaining -initiating -transatlantic -logged -viz -##uance -1723 -combatants -intervening -stephane -chieftain -despised -grazed -317 -cdc -galveston -godzilla -macro -simulate -##planes -parades -##esses -960 -##ductive -##unes -equator -overdose -##cans -##hosh -##lifting -joshi -epstein -sonora -treacherous -aquatics -manchu -responsive -##sation -supervisory -##christ -##llins -##ibar -##balance -##uso -kimball -karlsruhe -mab -##emy -ignores -phonetic -reuters -spaghetti -820 -almighty -danzig -rumbling -tombstone -designations -lured -outset -##felt -supermarkets -##wt -grupo -kei -kraft -susanna -##blood -comprehension -genealogy -##aghan -##verted -redding -##ythe -1722 -bowing -##pore -##roi -lest -sharpened -fulbright -valkyrie -sikhs -##unds -swans -bouquet -merritt -##tage -##venting -commuted -redhead -clerks -leasing -cesare -dea -hazy -##vances -fledged -greenfield -servicemen -##gical -armando -blackout -dt -sagged -downloadable -intra -potion -pods -##4th -##mism -xp -attendants -gambia -stale -##ntine -plump -asteroids -rediscovered -buds -flea -hive -##neas -1737 -classifications -debuts -##eles -olympus -scala -##eurs -##gno -##mute -hummed -sigismund -visuals -wiggled -await -pilasters -clench -sulfate -##ances -bellevue -enigma -trainee -snort -##sw -clouded -denim -##rank -##rder -churning -hartman -lodges -riches -sima -##missible -accountable -socrates -regulates -mueller -##cr -1702 -avoids -solids -himalayas -nutrient -pup -##jevic -squat -fades -nec -##lates -##pina -##rona -##ου -privateer -tequila -##gative -##mpton -apt -hornet -immortals -##dou -asturias -cleansing -dario -##rries -##anta -etymology -servicing -zhejiang -##venor -##nx -horned -erasmus -rayon -relocating -£10 -##bags -escalated -promenade -stubble -2010s -artisans -axial -liquids -mora -sho -yoo -##tsky -bundles -oldies -##nally -notification -bastion -##ths -sparkle -##lved -1728 -leash -pathogen -highs -##hmi -immature -880 -gonzaga -ignatius -mansions -monterrey -sweets -bryson -##loe -polled -regatta -brightest -pei -rosy -squid -hatfield -payroll -addict -meath -cornerback -heaviest -lodging -##mage -capcom -rippled -##sily -barnet -mayhem -ymca -snuggled -rousseau -##cute -blanchard -284 -fragmented -leighton -chromosomes -risking -##md -##strel -##utter -corinne -coyotes -cynical -hiroshi -yeomanry -##ractive -ebook -grading -mandela -plume -agustin -magdalene -##rkin -bea -femme -trafford -##coll -##lun -##tance -52nd -fourier -upton -##mental -camilla -gust -iihf -islamabad -longevity -##kala -feldman -netting -##rization -endeavour -foraging -mfa -orr -##open -greyish -contradiction -graz -##ruff -handicapped -marlene -tweed -oaxaca -spp -campos -miocene -pri -configured -cooks -pluto -cozy -pornographic -##entes -70th -fairness -glided -jonny -lynne -rounding -sired -##emon -##nist -remade -uncover -##mack -complied -lei -newsweek -##jured -##parts -##enting -##pg -293 -finer -guerrillas -athenian -deng -disused -stepmother -accuse -gingerly -seduction -521 -confronting -##walker -##going -gora -nostalgia -sabres -virginity -wrenched -##minated -syndication -wielding -eyre -##56 -##gnon -##igny -behaved -taxpayer -sweeps -##growth -childless -gallant -##ywood -amplified -geraldine -scrape -##ffi -babylonian -fresco -##rdan -##kney -##position -1718 -restricting -tack -fukuoka -osborn -selector -partnering -##dlow -318 -gnu -kia -tak -whitley -gables -##54 -##mania -mri -softness -immersion -##bots -##evsky -1713 -chilling -insignificant -pcs -##uis -elites -lina -purported -supplemental -teaming -##americana -##dding -##inton -proficient -rouen -##nage -##rret -niccolo -selects -##bread -fluffy -1621 -gruff -knotted -mukherjee -polgara -thrash -nicholls -secluded -smoothing -thru -corsica -loaf -whitaker -inquiries -##rrier -##kam -indochina -289 -marlins -myles -peking -##tea -extracts -pastry -superhuman -connacht -vogel -##ditional -##het -##udged -##lash -gloss -quarries -refit -teaser -##alic -##gaon -20s -materialized -sling -camped -pickering -tung -tracker -pursuant -##cide -cranes -soc -##cini -##typical -##viere -anhalt -overboard -workout -chores -fares -orphaned -stains -##logie -fenton -surpassing -joyah -triggers -##itte -grandmaster -##lass -##lists -clapping -fraudulent -ledger -nagasaki -##cor -##nosis -##tsa -eucalyptus -tun -##icio -##rney -##tara -dax -heroism -ina -wrexham -onboard -unsigned -##dates -moshe -galley -winnie -droplets -exiles -praises -watered -noodles -##aia -fein -adi -leland -multicultural -stink -bingo -comets -erskine -modernized -canned -constraint -domestically -chemotherapy -featherweight -stifled -##mum -darkly -irresistible -refreshing -hasty -isolate -##oys -kitchener -planners -##wehr -cages -yarn -implant -toulon -elects -childbirth -yue -##lind -##lone -cn -rightful -sportsman -junctions -remodeled -specifies -##rgh -291 -##oons -complimented -##urgent -lister -ot -##logic -bequeathed -cheekbones -fontana -gabby -##dial -amadeus -corrugated -maverick -resented -triangles -##hered -##usly -nazareth -tyrol -1675 -assent -poorer -sectional -aegean -##cous -296 -nylon -ghanaian -##egorical -##weig -cushions -forbid -fusiliers -obstruction -somerville -##scia -dime -earrings -elliptical -leyte -oder -polymers -timmy -atm -midtown -piloted -settles -continual -externally -mayfield -##uh -enrichment -henson -keane -persians -1733 -benji -braden -pep -324 -##efe -contenders -pepsi -valet -##isches -298 -##asse -##earing -goofy -stroll -##amen -authoritarian -occurrences -adversary -ahmedabad -tangent -toppled -dorchester -1672 -modernism -marxism -islamist -charlemagne -exponential -racks -unicode -brunette -mbc -pic -skirmish -##bund -##lad -##powered -##yst -hoisted -messina -shatter -##ctum -jedi -vantage -##music -##neil -clemens -mahmoud -corrupted -authentication -lowry -nils -##washed -omnibus -wounding -jillian -##itors -##opped -serialized -narcotics -handheld -##arm -##plicity -intersecting -stimulating -##onis -crate -fellowships -hemingway -casinos -climatic -fordham -copeland -drip -beatty -leaflets -robber -brothel -madeira -##hedral -sphinx -ultrasound -##vana -valor -forbade -leonid -villas -##aldo -duane -marquez -##cytes -disadvantaged -forearms -kawasaki -reacts -consular -lax -uncles -uphold -##hopper -concepcion -dorsey -lass -##izan -arching -passageway -1708 -researches -tia -internationals -##graphs -##opers -distinguishes -javanese -divert -##uven -plotted -##listic -##rwin -##erik -##tify -affirmative -signifies -validation -##bson -kari -felicity -georgina -zulu -##eros -##rained -##rath -overcoming -##dot -argyll -##rbin -1734 -chiba -ratification -windy -earls -parapet -##marks -hunan -pristine -astrid -punta -##gart -brodie -##kota -##oder -malaga -minerva -rouse -##phonic -bellowed -pagoda -portals -reclamation -##gur -##odies -##⁄₄ -parentheses -quoting -allergic -palette -showcases -benefactor -heartland -nonlinear -##tness -bladed -cheerfully -scans -##ety -##hone -1666 -girlfriends -pedersen -hiram -sous -##liche -##nator -1683 -##nery -##orio -##umen -bobo -primaries -smiley -##cb -unearthed -uniformly -fis -metadata -1635 -ind -##oted -recoil -##titles -##tura -##ια -406 -hilbert -jamestown -mcmillan -tulane -seychelles -##frid -antics -coli -fated -stucco -##grants -1654 -bulky -accolades -arrays -caledonian -carnage -optimism -puebla -##tative -##cave -enforcing -rotherham -seo -dunlop -aeronautics -chimed -incline -zoning -archduke -hellenistic -##oses -##sions -candi -thong -##ople -magnate -rustic -##rsk -projective -slant -##offs -danes -hollis -vocalists -##ammed -congenital -contend -gesellschaft -##ocating -##pressive -douglass -quieter -##cm -##kshi -howled -salim -spontaneously -townsville -buena -southport -##bold -kato -1638 -faerie -stiffly -##vus -##rled -297 -flawless -realising -taboo -##7th -bytes -straightening -356 -jena -##hid -##rmin -cartwright -berber -bertram -soloists -411 -noses -417 -coping -fission -hardin -inca -##cen -1717 -mobilized -vhf -##raf -biscuits -curate -##85 -##anial -331 -gaunt -neighbourhoods -1540 -##abas -blanca -bypassed -sockets -behold -coincidentally -##bane -nara -shave -splinter -terrific -##arion -##erian -commonplace -juris -redwood -waistband -boxed -caitlin -fingerprints -jennie -naturalized -##ired -balfour -craters -jody -bungalow -hugely -quilt -glitter -pigeons -undertaker -bulging -constrained -goo -##sil -##akh -assimilation -reworked -##person -persuasion -##pants -felicia -##cliff -##ulent -1732 -explodes -##dun -##inium -##zic -lyman -vulture -hog -overlook -begs -northwards -ow -spoil -##urer -fatima -favorably -accumulate -sargent -sorority -corresponded -dispersal -kochi -toned -##imi -##lita -internacional -newfound -##agger -##lynn -##rigue -booths -peanuts -##eborg -medicare -muriel -nur -##uram -crates -millennia -pajamas -worsened -##breakers -jimi -vanuatu -yawned -##udeau -carousel -##hony -hurdle -##ccus -##mounted -##pod -rv -##eche -airship -ambiguity -compulsion -recapture -##claiming -arthritis -##osomal -1667 -asserting -ngc -sniffing -dade -discontent -glendale -ported -##amina -defamation -rammed -##scent -fling -livingstone -##fleet -875 -##ppy -apocalyptic -comrade -lcd -##lowe -cessna -eine -persecuted -subsistence -demi -hoop -reliefs -710 -coptic -progressing -stemmed -perpetrators -1665 -priestess -##nio -dobson -ebony -rooster -itf -tortricidae -##bbon -##jian -cleanup -##jean -##øy -1721 -eighties -taxonomic -holiness -##hearted -##spar -antilles -showcasing -stabilized -##nb -gia -mascara -michelangelo -dawned -##uria -##vinsky -extinguished -fitz -grotesque -£100 -##fera -##loid -##mous -barges -neue -throbbed -cipher -johnnie -##a1 -##mpt -outburst -##swick -spearheaded -administrations -c1 -heartbreak -pixels -pleasantly -##enay -lombardy -plush -##nsed -bobbie -##hly -reapers -tremor -xiang -minogue -substantive -hitch -barak -##wyl -kwan -##encia -910 -obscene -elegance -indus -surfer -bribery -conserve -##hyllum -##masters -horatio -##fat -apes -rebound -psychotic -##pour -iteration -##mium -##vani -botanic -horribly -antiques -dispose -paxton -##hli -##wg -timeless -1704 -disregard -engraver -hounds -##bau -##version -looted -uno -facilitates -groans -masjid -rutland -antibody -disqualification -decatur -footballers -quake -slacks -48th -rein -scribe -stabilize -commits -exemplary -tho -##hort -##chison -pantry -traversed -##hiti -disrepair -identifiable -vibrated -baccalaureate -##nnis -csa -interviewing -##iensis -##raße -greaves -wealthiest -343 -classed -jogged -£5 -##58 -##atal -illuminating -knicks -respecting -##uno -scrubbed -##iji -##dles -kruger -moods -growls -raider -silvia -chefs -kam -vr -cree -percival -##terol -gunter -counterattack -defiant -henan -ze -##rasia -##riety -equivalence -submissions -##fra -##thor -bautista -mechanically -##heater -cornice -herbal -templar -##mering -outputs -ruining -ligand -renumbered -extravagant -mika -blockbuster -eta -insurrection -##ilia -darkening -ferocious -pianos -strife -kinship -##aer -melee -##anor -##iste -##may -##oue -decidedly -weep -##jad -##missive -##ppel -354 -puget -unease -##gnant -1629 -hammering -kassel -ob -wessex -##lga -bromwich -egan -paranoia -utilization -##atable -##idad -contradictory -provoke -##ols -##ouring -##tangled -knesset -##very -##lette -plumbing -##sden -##¹ -greensboro -occult -sniff -338 -zev -beaming -gamer -haggard -mahal -##olt -##pins -mendes -utmost -briefing -gunnery -##gut -##pher -##zh -##rok -1679 -khalifa -sonya -##boot -principals -urbana -wiring -##liffe -##minating -##rrado -dahl -nyu -skepticism -np -townspeople -ithaca -lobster -somethin -##fur -##arina -##−1 -freighter -zimmerman -biceps -contractual -##herton -amend -hurrying -subconscious -##anal -336 -meng -clermont -spawning -##eia -##lub -dignitaries -impetus -snacks -spotting -twigs -##bilis -##cz -##ouk -libertadores -nic -skylar -##aina -##firm -gustave -asean -##anum -dieter -legislatures -flirt -bromley -trolls -umar -##bbies -##tyle -blah -parc -bridgeport -crank -negligence -##nction -46th -constantin -molded -bandages -seriousness -00pm -siegel -carpets -compartments -upbeat -statehood -##dner -##edging -marko -730 -platt -##hane -paving -##iy -1738 -abbess -impatience -limousine -nbl -##talk -441 -lucille -mojo -nightfall -robbers -##nais -karel -brisk -calves -replicate -ascribed -telescopes -##olf -intimidated -##reen -ballast -specialization -##sit -aerodynamic -caliphate -rainer -visionary -##arded -epsilon -##aday -##onte -aggregation -auditory -boosted -reunification -kathmandu -loco -robyn -402 -acknowledges -appointing -humanoid -newell -redeveloped -restraints -##tained -barbarians -chopper -1609 -italiana -##lez -##lho -investigates -wrestlemania -##anies -##bib -690 -##falls -creaked -dragoons -gravely -minions -stupidity -volley -##harat -##week -musik -##eries -##uously -fungal -massimo -semantics -malvern -##ahl -##pee -discourage -embryo -imperialism -1910s -profoundly -##ddled -jiangsu -sparkled -stat -##holz -sweatshirt -tobin -##iction -sneered -##cheon -##oit -brit -causal -smyth -##neuve -diffuse -perrin -silvio -##ipes -##recht -detonated -iqbal -selma -##nism -##zumi -roasted -##riders -tay -##ados -##mament -##mut -##rud -840 -completes -nipples -cfa -flavour -hirsch -##laus -calderon -sneakers -moravian -##ksha -1622 -rq -294 -##imeters -bodo -##isance -##pre -##ronia -anatomical -excerpt -##lke -dh -kunst -##tablished -##scoe -biomass -panted -unharmed -gael -housemates -montpellier -##59 -coa -rodents -tonic -hickory -singleton -##taro -451 -1719 -aldo -breaststroke -dempsey -och -rocco -##cuit -merton -dissemination -midsummer -serials -##idi -haji -polynomials -##rdon -gs -enoch -prematurely -shutter -taunton -£3 -##grating -##inates -archangel -harassed -##asco -326 -archway -dazzling -##ecin -1736 -sumo -wat -##kovich -1086 -honneur -##ently -##nostic -##ttal -##idon -1605 -403 -1716 -blogger -rents -##gnan -hires -##ikh -##dant -howie -##rons -handler -retracted -shocks -1632 -arun -duluth -kepler -trumpeter -##lary -peeking -seasoned -trooper -##mara -laszlo -##iciencies -##rti -heterosexual -##inatory -##ssion -indira -jogging -##inga -##lism -beit -dissatisfaction -malice -##ately -nedra -peeling -##rgeon -47th -stadiums -475 -vertigo -##ains -iced -restroom -##plify -##tub -illustrating -pear -##chner -##sibility -inorganic -rappers -receipts -watery -##kura -lucinda -##oulos -reintroduced -##8th -##tched -gracefully -saxons -nutritional -wastewater -rained -favourites -bedrock -fisted -hallways -likeness -upscale -##lateral -1580 -blinds -prequel -##pps -##tama -deter -humiliating -restraining -tn -vents -1659 -laundering -recess -rosary -tractors -coulter -federer -##ifiers -##plin -persistence -##quitable -geschichte -pendulum -quakers -##beam -bassett -pictorial -buffet -koln -##sitor -drills -reciprocal -shooters -##57 -##cton -##tees -converge -pip -dmitri -donnelly -yamamoto -aqua -azores -demographics -hypnotic -spitfire -suspend -wryly -roderick -##rran -sebastien -##asurable -mavericks -##fles -##200 -himalayan -prodigy -##iance -transvaal -demonstrators -handcuffs -dodged -mcnamara -sublime -1726 -crazed -##efined -##till -ivo -pondered -reconciled -shrill -sava -##duk -bal -cad -heresy -jaipur -goran -##nished -341 -lux -shelly -whitehall -##hre -israelis -peacekeeping -##wled -1703 -demetrius -ousted -##arians -##zos -beale -anwar -backstroke -raged -shrinking -cremated -##yck -benign -towing -wadi -darmstadt -landfill -parana -soothe -colleen -sidewalks -mayfair -tumble -hepatitis -ferrer -superstructure -##gingly -##urse -##wee -anthropological -translators -##mies -closeness -hooves -##pw -mondays -##roll -##vita -landscaping -##urized -purification -sock -thorns -thwarted -jalan -tiberius -##taka -saline -##rito -confidently -khyber -sculptors -##ij -brahms -hammersmith -inspectors -battista -fivb -fragmentation -hackney -##uls -arresting -exercising -antoinette -bedfordshire -##zily -dyed -##hema -1656 -racetrack -variability -##tique -1655 -austrians -deteriorating -madman -theorists -aix -lehman -weathered -1731 -decreed -eruptions -1729 -flaw -quinlan -sorbonne -flutes -nunez -1711 -adored -downwards -fable -rasped -1712 -moritz -mouthful -renegade -shivers -stunts -dysfunction -restrain -translit -327 -pancakes -##avio -##cision -##tray -351 -vial -##lden -bain -##maid -##oxide -chihuahua -malacca -vimes -##rba -##rnier -1664 -donnie -plaques -##ually -337 -bangs -floppy -huntsville -loretta -nikolay -##otte -eater -handgun -ubiquitous -##hett -eras -zodiac -1634 -##omorphic -1820s -##zog -cochran -##bula -##lithic -warring -##rada -dalai -excused -blazers -mcconnell -reeling -bot -este -##abi -geese -hoax -taxon -##bla -guitarists -##icon -condemning -hunts -inversion -moffat -taekwondo -##lvis -1624 -stammered -##rest -##rzy -sousa -fundraiser -marylebone -navigable -uptown -cabbage -daniela -salman -shitty -whimper -##kian -##utive -programmers -protections -rm -##rmi -##rued -forceful -##enes -fuss -##tao -##wash -brat -oppressive -reykjavik -spartak -ticking -##inkles -##kiewicz -adolph -horst -maui -protege -straighten -cpc -landau -concourse -clements -resultant -##ando -imaginative -joo -reactivated -##rem -##ffled -##uising -consultative -##guide -flop -kaitlyn -mergers -parenting -somber -##vron -supervise -vidhan -##imum -courtship -exemplified -harmonies -medallist -refining -##rrow -##ка -amara -##hum -780 -goalscorer -sited -overshadowed -rohan -displeasure -secretive -multiplied -osman -##orth -engravings -padre -##kali -##veda -miniatures -mis -##yala -clap -pali -rook -##cana -1692 -57th -antennae -astro -oskar -1628 -bulldog -crotch -hackett -yucatan -##sure -amplifiers -brno -ferrara -migrating -##gree -thanking -turing -##eza -mccann -ting -andersson -onslaught -gaines -ganga -incense -standardization -##mation -sentai -scuba -stuffing -turquoise -waivers -alloys -##vitt -regaining -vaults -##clops -##gizing -digger -furry -memorabilia -probing -##iad -payton -rec -deutschland -filippo -opaque -seamen -zenith -afrikaans -##filtration -disciplined -inspirational -##merie -banco -confuse -grafton -tod -##dgets -championed -simi -anomaly -biplane -##ceptive -electrode -##para -1697 -cleavage -crossbow -swirl -informant -##lars -##osta -afi -bonfire -spec -##oux -lakeside -slump -##culus -##lais -##qvist -##rrigan -1016 -facades -borg -inwardly -cervical -xl -pointedly -050 -stabilization -##odon -chests -1699 -hacked -ctv -orthogonal -suzy -##lastic -gaulle -jacobite -rearview -##cam -##erted -ashby -##drik -##igate -##mise -##zbek -affectionately -canine -disperse -latham -##istles -##ivar -spielberg -##orin -##idium -ezekiel -cid -##sg -durga -middletown -##cina -customized -frontiers -harden -##etano -##zzy -1604 -bolsheviks -##66 -coloration -yoko -##bedo -briefs -slabs -debra -liquidation -plumage -##oin -blossoms -dementia -subsidy -1611 -proctor -relational -jerseys -parochial -ter -##ici -esa -peshawar -cavalier -loren -cpi -idiots -shamrock -1646 -dutton -malabar -mustache -##endez -##ocytes -referencing -terminates -marche -yarmouth -##sop -acton -mated -seton -subtly -baptised -beige -extremes -jolted -kristina -telecast -##actic -safeguard -waldo -##baldi -##bular -endeavors -sloppy -subterranean -##ensburg -##itung -delicately -pigment -tq -##scu -1626 -##ound -collisions -coveted -herds -##personal -##meister -##nberger -chopra -##ricting -abnormalities -defective -galician -lucie -##dilly -alligator -likened -##genase -burundi -clears -complexion -derelict -deafening -diablo -fingered -champaign -dogg -enlist -isotope -labeling -mrna -##erre -brilliance -marvelous -##ayo -1652 -crawley -ether -footed -dwellers -deserts -hamish -rubs -warlock -skimmed -##lizer -870 -buick -embark -heraldic -irregularities -##ajan -kiara -##kulam -##ieg -antigen -kowalski -##lge -oakley -visitation -##mbit -vt -##suit -1570 -murderers -##miento -##rites -chimneys -##sling -condemn -custer -exchequer -havre -##ghi -fluctuations -##rations -dfb -hendricks -vaccines -##tarian -nietzsche -biking -juicy -##duced -brooding -scrolling -selangor -##ragan -352 -annum -boomed -seminole -sugarcane -##dna -departmental -dismissing -innsbruck -arteries -ashok -batavia -daze -kun -overtook -##rga -##tlan -beheaded -gaddafi -holm -electronically -faulty -galilee -fractures -kobayashi -##lized -gunmen -magma -aramaic -mala -eastenders -inference -messengers -bf -##qu -407 -bathrooms -##vere -1658 -flashbacks -ideally -misunderstood -##jali -##weather -mendez -##grounds -505 -uncanny -##iii -1709 -friendships -##nbc -sacrament -accommodated -reiterated -logistical -pebbles -thumped -##escence -administering -decrees -drafts -##flight -##cased -##tula -futuristic -picket -intimidation -winthrop -##fahan -interfered -339 -afar -francoise -morally -uta -cochin -croft -dwarfs -##bruck -##dents -##nami -biker -##hner -##meral -nano -##isen -##ometric -##pres -##ан -brightened -meek -parcels -securely -gunners -##jhl -##zko -agile -hysteria -##lten -##rcus -bukit -champs -chevy -cuckoo -leith -sadler -theologians -welded -##section -1663 -jj -plurality -xander -##rooms -##formed -shredded -temps -intimately -pau -tormented -##lok -##stellar -1618 -charred -ems -essen -##mmel -alarms -spraying -ascot -blooms -twinkle -##abia -##apes -internment -obsidian -##chaft -snoop -##dav -##ooping -malibu -##tension -quiver -##itia -hays -mcintosh -travers -walsall -##ffie -1623 -beverley -schwarz -plunging -structurally -m3 -rosenthal -vikram -##tsk -770 -ghz -##onda -##tiv -chalmers -groningen -pew -reckon -unicef -##rvis -55th -##gni -1651 -sulawesi -avila -cai -metaphysical -screwing -turbulence -##mberg -augusto -samba -56th -baffled -momentary -toxin -##urian -##wani -aachen -condoms -dali -steppe -##3d -##app -##oed -##year -adolescence -dauphin -electrically -inaccessible -microscopy -nikita -##ega -atv -##cel -##enter -##oles -##oteric -##ы -accountants -punishments -wrongly -bribes -adventurous -clinch -flinders -southland -##hem -##kata -gough -##ciency -lads -soared -##ה -undergoes -deformation -outlawed -rubbish -##arus -##mussen -##nidae -##rzburg -arcs -##ingdon -##tituted -1695 -wheelbase -wheeling -bombardier -campground -zebra -##lices -##oj -##bain -lullaby -##ecure -donetsk -wylie -grenada -##arding -##ης -squinting -eireann -opposes -##andra -maximal -runes -##broken -##cuting -##iface -##ror -##rosis -additive -britney -adultery -triggering -##drome -detrimental -aarhus -containment -jc -swapped -vichy -##ioms -madly -##oric -##rag -brant -##ckey -##trix -1560 -1612 -broughton -rustling -##stems -##uder -asbestos -mentoring -##nivorous -finley -leaps -##isan -apical -pry -slits -substitutes -##dict -intuitive -fantasia -insistent -unreasonable -##igen -##vna -domed -hannover -margot -ponder -##zziness -impromptu -jian -lc -rampage -stemming -##eft -andrey -gerais -whichever -amnesia -appropriated -anzac -clicks -modifying -ultimatum -cambrian -maids -verve -yellowstone -##mbs -conservatoire -##scribe -adherence -dinners -spectra -imperfect -mysteriously -sidekick -tatar -tuba -##aks -##ifolia -distrust -##athan -##zle -c2 -ronin -zac -##pse -celaena -instrumentalist -scents -skopje -##mbling -comical -compensated -vidal -condor -intersect -jingle -wavelengths -##urrent -mcqueen -##izzly -carp -weasel -422 -kanye -militias -postdoctoral -eugen -gunslinger -##ɛ -faux -hospice -##for -appalled -derivation -dwarves -##elis -dilapidated -##folk -astoria -philology -##lwyn -##otho -##saka -inducing -philanthropy -##bf -##itative -geek -markedly -sql -##yce -bessie -indices -rn -##flict -495 -frowns -resolving -weightlifting -tugs -cleric -contentious -1653 -mania -rms -##miya -##reate -##ruck -##tucket -bien -eels -marek -##ayton -##cence -discreet -unofficially -##ife -leaks -##bber -1705 -332 -dung -compressor -hillsborough -pandit -shillings -distal -##skin -381 -##tat -##you -nosed -##nir -mangrove -undeveloped -##idia -textures -##inho -##500 -##rise -ae -irritating -nay -amazingly -bancroft -apologetic -compassionate -kata -symphonies -##lovic -airspace -##lch -930 -gifford -precautions -fulfillment -sevilla -vulgar -martinique -##urities -looting -piccolo -tidy -##dermott -quadrant -armchair -incomes -mathematicians -stampede -nilsson -##inking -##scan -foo -quarterfinal -##ostal -shang -shouldered -squirrels -##owe -344 -vinegar -##bner -##rchy -##systems -delaying -##trics -ars -dwyer -rhapsody -sponsoring -##gration -bipolar -cinder -starters -##olio -##urst -421 -signage -##nty -aground -figurative -mons -acquaintances -duets -erroneously -soyuz -elliptic -recreated -##cultural -##quette -##ssed -##tma -##zcz -moderator -scares -##itaire -##stones -##udence -juniper -sighting -##just -##nsen -britten -calabria -ry -bop -cramer -forsyth -stillness -##л -airmen -gathers -unfit -##umber -##upt -taunting -##rip -seeker -streamlined -##bution -holster -schumann -tread -vox -##gano -##onzo -strive -dil -reforming -covent -newbury -predicting -##orro -decorate -tre -##puted -andover -ie -asahi -dept -dunkirk -gills -##tori -buren -huskies -##stis -##stov -abstracts -bets -loosen -##opa -1682 -yearning -##glio -##sir -berman -effortlessly -enamel -napoli -persist -##peration -##uez -attache -elisa -b1 -invitations -##kic -accelerating -reindeer -boardwalk -clutches -nelly -polka -starbucks -##kei -adamant -huey -lough -unbroken -adventurer -embroidery -inspecting -stanza -##ducted -naia -taluka -##pone -##roids -chases -deprivation -florian -##jing -##ppet -earthly -##lib -##ssee -colossal -foreigner -vet -freaks -patrice -rosewood -triassic -upstate -##pkins -dominates -ata -chants -ks -vo -##400 -##bley -##raya -##rmed -555 -agra -infiltrate -##ailing -##ilation -##tzer -##uppe -##werk -binoculars -enthusiast -fujian -squeak -##avs -abolitionist -almeida -boredom -hampstead -marsden -rations -##ands -inflated -334 -bonuses -rosalie -patna -##rco -329 -detachments -penitentiary -54th -flourishing -woolf -##dion -##etched -papyrus -##lster -##nsor -##toy -bobbed -dismounted -endelle -inhuman -motorola -tbs -wince -wreath -##ticus -hideout -inspections -sanjay -disgrace -infused -pudding -stalks -##urbed -arsenic -leases -##hyl -##rrard -collarbone -##waite -##wil -dowry -##bant -##edance -genealogical -nitrate -salamanca -scandals -thyroid -necessitated -##! -##" -### -##$ -##% -##& -##' -##( -##) -##* -##+ -##, -##- -##. -##/ -##: -##; -##< -##= -##> -##? -##@ -##[ -##\ -##] -##^ -##_ -##` -##{ -##| -##} -##~ -##¡ -##¢ -##£ -##¤ -##¥ -##¦ -##§ -##¨ -##© -##ª -##« -##¬ -##® -##± -##´ -##µ -##¶ -##· -##º -##» -##¼ -##¾ -##¿ -##æ -##ð -##÷ -##þ -##đ -##ħ -##ŋ -##œ -##ƒ -##ɐ -##ɑ -##ɒ -##ɔ -##ɕ -##ə -##ɡ -##ɣ -##ɨ -##ɪ -##ɫ -##ɬ -##ɯ -##ɲ -##ɴ -##ɹ -##ɾ -##ʀ -##ʁ -##ʂ -##ʃ -##ʉ -##ʊ -##ʋ -##ʌ -##ʎ -##ʐ -##ʑ -##ʒ -##ʔ -##ʰ -##ʲ -##ʳ -##ʷ -##ʸ -##ʻ -##ʼ -##ʾ -##ʿ -##ˈ -##ˡ -##ˢ -##ˣ -##ˤ -##β -##γ -##δ -##ε -##ζ -##θ -##κ -##λ -##μ -##ξ -##ο -##π -##ρ -##σ -##τ -##υ -##φ -##χ -##ψ -##ω -##б -##г -##д -##ж -##з -##м -##п -##с -##у -##ф -##х -##ц -##ч -##ш -##щ -##ъ -##э -##ю -##ђ -##є -##і -##ј -##љ -##њ -##ћ -##ӏ -##ա -##բ -##գ -##դ -##ե -##թ -##ի -##լ -##կ -##հ -##մ -##յ -##ն -##ո -##պ -##ս -##վ -##տ -##ր -##ւ -##ք -##־ -##א -##ב -##ג -##ד -##ו -##ז -##ח -##ט -##י -##ך -##כ -##ל -##ם -##מ -##ן -##נ -##ס -##ע -##ף -##פ -##ץ -##צ -##ק -##ר -##ש -##ת -##، -##ء -##ب -##ت -##ث -##ج -##ح -##خ -##ذ -##ز -##س -##ش -##ص -##ض -##ط -##ظ -##ع -##غ -##ـ -##ف -##ق -##ك -##و -##ى -##ٹ -##پ -##چ -##ک -##گ -##ں -##ھ -##ہ -##ے -##अ -##आ -##उ -##ए -##क -##ख -##ग -##च -##ज -##ट -##ड -##ण -##त -##थ -##द -##ध -##न -##प -##ब -##भ -##म -##य -##र -##ल -##व -##श -##ष -##स -##ह -##ा -##ि -##ी -##ो -##। -##॥ -##ং -##অ -##আ -##ই -##উ -##এ -##ও -##ক -##খ -##গ -##চ -##ছ -##জ -##ট -##ড -##ণ -##ত -##থ -##দ -##ধ -##ন -##প -##ব -##ভ -##ম -##য -##র -##ল -##শ -##ষ -##স -##হ -##া -##ি -##ী -##ে -##க -##ச -##ட -##த -##ந -##ன -##ப -##ம -##ய -##ர -##ல -##ள -##வ -##ா -##ி -##ு -##ே -##ை -##ನ -##ರ -##ಾ -##ක -##ය -##ර -##ල -##ව -##ා -##ก -##ง -##ต -##ท -##น -##พ -##ม -##ย -##ร -##ล -##ว -##ส -##อ -##า -##เ -##་ -##། -##ག -##ང -##ད -##ན -##པ -##བ -##མ -##འ -##ར -##ལ -##ས -##မ -##ა -##ბ -##გ -##დ -##ე -##ვ -##თ -##ი -##კ -##ლ -##მ -##ნ -##ო -##რ -##ს -##ტ -##უ -##ᄀ -##ᄂ -##ᄃ -##ᄅ -##ᄆ -##ᄇ -##ᄉ -##ᄊ -##ᄋ -##ᄌ -##ᄎ -##ᄏ -##ᄐ -##ᄑ -##ᄒ -##ᅡ -##ᅢ -##ᅥ -##ᅦ -##ᅧ -##ᅩ -##ᅪ -##ᅭ -##ᅮ -##ᅯ -##ᅲ -##ᅳ -##ᅴ -##ᅵ -##ᆨ -##ᆫ -##ᆯ -##ᆷ -##ᆸ -##ᆼ -##ᴬ -##ᴮ -##ᴰ -##ᴵ -##ᴺ -##ᵀ -##ᵃ -##ᵇ -##ᵈ -##ᵉ -##ᵍ -##ᵏ -##ᵐ -##ᵒ -##ᵖ -##ᵗ -##ᵘ -##ᵣ -##ᵤ -##ᵥ -##ᶜ -##ᶠ -##‐ -##‑ -##‒ -##– -##— -##― -##‖ -##‘ -##’ -##‚ -##“ -##” -##„ -##† -##‡ -##• -##… -##‰ -##′ -##″ -##› -##‿ -##⁄ -##⁰ -##ⁱ -##⁴ -##⁵ -##⁶ -##⁷ -##⁸ -##⁹ -##⁻ -##ⁿ -##₅ -##₆ -##₇ -##₈ -##₉ -##₊ -##₍ -##₎ -##ₐ -##ₑ -##ₒ -##ₓ -##ₕ -##ₖ -##ₗ -##ₘ -##ₚ -##ₛ -##ₜ -##₤ -##₩ -##€ -##₱ -##₹ -##ℓ -##№ -##ℝ -##™ -##⅓ -##⅔ -##← -##↑ -##→ -##↓ -##↔ -##↦ -##⇄ -##⇌ -##⇒ -##∂ -##∅ -##∆ -##∇ -##∈ -##∗ -##∘ -##√ -##∞ -##∧ -##∨ -##∩ -##∪ -##≈ -##≡ -##≤ -##≥ -##⊂ -##⊆ -##⊕ -##⊗ -##⋅ -##─ -##│ -##■ -##▪ -##● -##★ -##☆ -##☉ -##♠ -##♣ -##♥ -##♦ -##♯ -##⟨ -##⟩ -##ⱼ -##⺩ -##⺼ -##⽥ -##、 -##。 -##〈 -##〉 -##《 -##》 -##「 -##」 -##『 -##』 -##〜 -##あ -##い -##う -##え -##お -##か -##き -##く -##け -##こ -##さ -##し -##す -##せ -##そ -##た -##ち -##っ -##つ -##て -##と -##な -##に -##ぬ -##ね -##の -##は -##ひ -##ふ -##へ -##ほ -##ま -##み -##む -##め -##も -##や -##ゆ -##よ -##ら -##り -##る -##れ -##ろ -##を -##ん -##ァ -##ア -##ィ -##イ -##ウ -##ェ -##エ -##オ -##カ -##キ -##ク -##ケ -##コ -##サ -##シ -##ス -##セ -##タ -##チ -##ッ -##ツ -##テ -##ト -##ナ -##ニ -##ノ -##ハ -##ヒ -##フ -##ヘ -##ホ -##マ -##ミ -##ム -##メ -##モ -##ャ -##ュ -##ョ -##ラ -##リ -##ル -##レ -##ロ -##ワ -##ン -##・ -##ー -##一 -##三 -##上 -##下 -##不 -##世 -##中 -##主 -##久 -##之 -##也 -##事 -##二 -##五 -##井 -##京 -##人 -##亻 -##仁 -##介 -##代 -##仮 -##伊 -##会 -##佐 -##侍 -##保 -##信 -##健 -##元 -##光 -##八 -##公 -##内 -##出 -##分 -##前 -##劉 -##力 -##加 -##勝 -##北 -##区 -##十 -##千 -##南 -##博 -##原 -##口 -##古 -##史 -##司 -##合 -##吉 -##同 -##名 -##和 -##囗 -##四 -##国 -##國 -##土 -##地 -##坂 -##城 -##堂 -##場 -##士 -##夏 -##外 -##大 -##天 -##太 -##夫 -##奈 -##女 -##子 -##学 -##宀 -##宇 -##安 -##宗 -##定 -##宣 -##宮 -##家 -##宿 -##寺 -##將 -##小 -##尚 -##山 -##岡 -##島 -##崎 -##川 -##州 -##巿 -##帝 -##平 -##年 -##幸 -##广 -##弘 -##張 -##彳 -##後 -##御 -##德 -##心 -##忄 -##志 -##忠 -##愛 -##成 -##我 -##戦 -##戸 -##手 -##扌 -##政 -##文 -##新 -##方 -##日 -##明 -##星 -##春 -##昭 -##智 -##曲 -##書 -##月 -##有 -##朝 -##木 -##本 -##李 -##村 -##東 -##松 -##林 -##森 -##楊 -##樹 -##橋 -##歌 -##止 -##正 -##武 -##比 -##氏 -##民 -##水 -##氵 -##氷 -##永 -##江 -##沢 -##河 -##治 -##法 -##海 -##清 -##漢 -##瀬 -##火 -##版 -##犬 -##王 -##生 -##田 -##男 -##疒 -##発 -##白 -##的 -##皇 -##目 -##相 -##省 -##真 -##石 -##示 -##社 -##神 -##福 -##禾 -##秀 -##秋 -##空 -##立 -##章 -##竹 -##糹 -##美 -##義 -##耳 -##良 -##艹 -##花 -##英 -##華 -##葉 -##藤 -##行 -##街 -##西 -##見 -##訁 -##語 -##谷 -##貝 -##貴 -##車 -##軍 -##辶 -##道 -##郎 -##郡 -##部 -##都 -##里 -##野 -##金 -##鈴 -##镇 -##長 -##門 -##間 -##阝 -##阿 -##陳 -##陽 -##雄 -##青 -##面 -##風 -##食 -##香 -##馬 -##高 -##龍 -##龸 -##fi -##fl -##! -##( -##) -##, -##- -##. -##/ -##: -##? -##~ diff --git a/PaddleNLP/Research/Dialogue-PLATO/README.md b/PaddleNLP/Research/Dialogue-PLATO/README.md index ed9b9a85c682253c0aae468d1f1bbbc90a5e449d..5cbe1dc7471272fd92667df50cc8f06ac570f16c 100644 --- a/PaddleNLP/Research/Dialogue-PLATO/README.md +++ b/PaddleNLP/Research/Dialogue-PLATO/README.md @@ -1,147 +1 @@ -# PLATO -**PLATO: Pre-trained Dialogue Generation Model with Discrete Latent Variable** -[paper link](http://arxiv.org/abs/1910.07931) - -**\*\*\*\*\* Update \*\*\*\*\*** - -Nov. 14: Support new APIs in paddlepaddle 1.6.0 (model files in the link have been updated accordingly), multi-GPU training and decoding strategy of top-k sampling. Release our baseline model `PLATO w/o latent`. - -## Requirements -``` -- python >= 3.6 -- paddlepaddle >= 1.6.0 -- numpy -- nltk -- tqdm -- visualdl >= 1.3.0 (optional) -- regex -``` - -## Pre-trained dialogue generation model -A novel pre-training model for dialogue generation is introduced in this work, incorporated with latent discrete variables for one-to-many relationship modeling. Our model is flexible enough to support various kinds of conversations, including chit-chat, knowledge grounded dialogues, and conversational question answering. The pre-training is carried out with Reddit and Twitter corpora. You can download the uncased pre-trained model from: -* PLATO, uncased [model](https://baidu-nlp.bj.bcebos.com/PLATO/model.tar.gz): 12-layers, 768-hidden, 12-heads, 132M parameters -* PLATO w/o latent, uncased [model](https://baidu-nlp.bj.bcebos.com/PLATO/model-baseline.tar.gz): 12-layers 768-hidden, 12-heads, 109M parameters - -```bash -mv /path/to/model.tar.gz . -tar xzf model.tar.gz -``` - -## Fine-tuning -We also provide instructions to fine-tune PLATO on different conversation datasets (chit-chat, knowledge grounded dialogues and conversational question answering). - -### Data preparation -Download data from the [link](https://baidu-nlp.bj.bcebos.com/PLATO/data.tar.gz). -The tar file contains three processed datasets: `DailyDialog`, `PersonaChat` and `DSTC7_AVSD`. -```bash -mv /path/to/data.tar.gz . -tar xzf data.tar.gz -``` - -### Data format -Our model supports two kinds of data formats for dialogue context: `multi` and `multi_knowledge`. -* `multi`: multi-turn dialogue context. -```txt -u_1 __eou__ u_2 __eou__ ... u_n \t r -``` -* `multi_knowledge`: multi-turn dialogue context with background knowledges. -```txt -k_1 __eou__ k_2 __eou__ ... k_m \t u_1 __eou__ u_2 __eou__ ... u_n \t r -``` - -If you want to use this model on other datasets, you can process your data accordingly. - -### Train -Fine-tuning the pre-trained model on different `${DATASET}`. -```bash -# DailyDialog / PersonaChat / DSTC7_AVSD -DATASET=DailyDialog -sh scripts/${DATASET}/train.sh -``` -After training, you can find the output folder `outputs/${DATASET}` (by default). It contatins `best.model` (best results on validation dataset), `hparams.json` (hyper-parameters of training script) and `trainer.log` (training log). - - -Fine-tuning the pre-trained model on multiple GPUs. - -Note: You need to install NCCL library and set up the environment variable `LD_LIBRARY` properly. -```bash -sh scripts/DailyDialog/multi_gpu_train.sh -``` - -You can fine-tune PLATO w/o latent on different `${DATASET}`. We provide an example script on DailyDialog dataset. -```bash -sh scripts/DailyDialog/baseline_train.sh -``` - -#### Recommended settings - -For the fine-tuning of our pre-trained model, it usually requires about 10 epochs to reach convergence with learning rate = 1e-5 and about 2-3 epochs to reach convergence with learning rate = 5e-5. - -GPU Memory | batch size | max len -------|------|------ -16G | 6 | 256 -32G | 12 | 256 - -### Infer -Running inference on test dataset. -```bash -# DailyDialog / PersonaChat / DSTC7_AVSD -DATASET=DailyDialog -sh scripts/${DATASET}/infer.sh - -# Running inference of PLATO w/o latent -sh scripts/DailyDialog/baseline_infer.sh -``` -After inference, you can find the output foler `outputs/${DATASET}.infer` (by default). It contains `infer_0.result.json` (the inference result), `hparams.json` (hyper-parameters of inference scipt) and `trainer.log` (inference log). - -If you want to use top-k sampling (beam search by default), you can follow the example script: -```bash -sh scripts/DailyDialog/topk_infer.sh -``` - -## Result - -### DailyDialog -Model | BLEU-1/2 | Distinct-1/2 | Fluency | Coherence | Informativeness | Overall -------|------|------|------|------|------|------- -Seq2Seq | 0.336/0.268 | 0.030/0.128 | 1.85 | 0.37 | 0.44 | 0.33 -iVAE_MI | 0.309/0.249 | 0.029/0.250 | 1.53 | 0.34 | 0.59 | 0.30 -Our w/o Latent | **0.405/0.322** | 0.046/0.246 | 1.91 | **1.58** | 1.03 | 1.44 -Our Method | 0.397/0.311 | **0.053/0.291** | **1.97** | 1.57 | **1.23** | **1.48** - -### PersonaChat -Model | BLEU-1/2 | Distinct-1/2 | Knowledge R/P/F1 | Fluency | Coherence | Informativeness | Overall -------|------|------|------|------|------|-------|------- -Seq2Seq | 0.448/0.353 | 0.004/0.016 | 0.004/0.016/0.006 | 1.82 | 0.37 | 0.85 | 0.34 -LIC | 0.405/0.320 | 0.019/0.113 | 0.042/0.154/0.064 | 1.95 | 1.34 | 1.09 | 1.29 -Our w/o Latent | **0.458/0.357** | 0.012/0.064 | 0.085/0.263/0.125 | 1.98 | 1.36 | 1.04 | 1.30 -Our Method | 0.406/0.315 | **0.021/0.121** | **0.142/0.461/0.211** | **1.99** | **1.51** | **1.70** | **1.50** - -### DSTC7_AVSD -Model | BELU-1 | BELU-2 | BLEU-3 | BLEU-4 | METEOR | ROUGH-L | CIDEr -------|------|------|------|------|------|-------|------- -Baseline | 0.629 | 0.485 | 0.383 | 0.309 | 0.215 | 0.487 | 0.746 -CMU | 0.718 | 0.584 | 0.478 | 0.394 | 0.267 | 0.563 | 1.094 -Our Method | **0.784** | **0.637** | **0.525** | **0.435** | **0.286** | **0.596** | **1.209** -Our Method Upper Bound | 0.925 | 0.843 | 0.767 | 0.689 | 0.361 | 0.731 | 1.716 - -Note: In the experiments on `DSTC7_AVSD`, the response selection of our method is strengthened with an extra ranking step, which ranks the candidates according to the automatic scores and selects the top one as the final answer. - -## Citation -If you find PLATO useful in your work, please cite the following Arxiv paper: -``` -@article{bao2019plato, - title={PLATO: Pre-trained Dialogue Generation Model with Discrete Latent Variable}, - author={Bao, Siqi and He, Huang and Wang, Fan and Wu, Hua and Wang, Haifeng}, - journal={arXiv preprint arXiv:1910.07931}, - year={2019} -} -``` - -## Disclaimer -This project aims to facilitate further research progress in dialogue generation. Baidu is not responsible for the 3rd party's generation with the pre-trained system. - -## Contact information -For help or issues using PLATO, please submit a GitHub issue. - -For personal communication related to PLATO, please contact Siqi Bao (`baosiqi@baidu.com`), or Huang He (`hehuang@baidu.com`). +This work has been moved to new address: [NLP](https://github.com/PaddlePaddle/Research/tree/master/NLP) diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/args.py b/PaddleNLP/Research/Dialogue-PLATO/plato/args.py deleted file mode 100644 index f5fc9e5813fd2311d38cf8ad243d2c4d29fb2f33..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/args.py +++ /dev/null @@ -1,79 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Parse argument. -""" - -import argparse -import json - - -def str2bool(v): - if v.lower() in ('yes', 'true', 't', 'y', '1'): - return True - elif v.lower() in ('no', 'false', 'f', 'n', '0'): - return False - else: - raise argparse.ArgumentTypeError('Unsupported value encountered.') - - -class HParams(dict): - """ Hyper-parameters class - - Store hyper-parameters in training / infer / ... scripts. - """ - - def __getattr__(self, name): - if name in self.keys(): - return self[name] - for v in self.values(): - if isinstance(v, HParams): - if name in v: - return v[name] - raise AttributeError(f"'HParams' object has no attribute '{name}'") - - def __setattr__(self, name, value): - self[name] = value - - def save(self, filename): - with open(filename, "w", encoding="utf-8") as fp: - json.dump(self, fp, ensure_ascii=False, - indent=4, sort_keys=False) - - def load(self, filename): - with open(filename, "r", encoding="utf-8") as fp: - params_dict = json.load(fp) - for k, v in params_dict.items(): - if isinstance(v, dict): - self[k].update(HParams(v)) - else: - self[k] = v - - -def parse_args(parser): - """ Parse hyper-parameters from cmdline. """ - parsed = parser.parse_args() - args = HParams() - optional_args = parser._action_groups[1] - for action in optional_args._group_actions[1:]: - arg_name = action.dest - args[arg_name] = getattr(parsed, arg_name) - for group in parser._action_groups[2:]: - group_args = HParams() - for action in group._group_actions: - arg_name = action.dest - group_args[arg_name] = getattr(parsed, arg_name) - if len(group_args) > 0: - args[group.title] = group_args - return args diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/data/data_loader.py b/PaddleNLP/Research/Dialogue-PLATO/plato/data/data_loader.py deleted file mode 100644 index 8cd9e20a7d00155cd201061201954ce1f9221cad..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/data/data_loader.py +++ /dev/null @@ -1,72 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -DataLoader class -""" - -import math - -import paddle.fluid as fluid -import paddle.batch - -from plato.args import str2bool -from plato.data.sampler import RandomSampler -from plato.data.sampler import SequentialSampler -from plato.data.sampler import SortedSampler -import plato.modules.parallel as parallel - - -class DataLoader(object): - """ Implement of DataLoader. """ - - @classmethod - def add_cmdline_argument(cls, group): - group.add_argument("--shuffle", type=str2bool, default=True) - group.add_argument("--sort_pool_size", type=int, default=0) - return group - - def __init__(self, dataset, hparams, collate_fn=None, sampler=None, is_test=False, is_train=False): - self.dataset = dataset - self.collate_fn = collate_fn - self.sort_pool_size = hparams.sort_pool_size - - if sampler is None: - if hparams.shuffle and not is_test: - sampler = RandomSampler(dataset) - else: - sampler = SequentialSampler(dataset) - - if self.sort_pool_size > 0 and not is_test: - sampler = SortedSampler(sampler, self.sort_pool_size) - - def reader(): - for idx in sampler: - yield idx - - self.reader = paddle.batch(reader, batch_size=hparams.batch_size, drop_last=False) - self.num_batches = math.ceil(len(dataset) / hparams.batch_size) - - if hparams.use_data_distributed and parallel.Env().nranks > 1 and is_train: - self.reader = fluid.contrib.reader.distributed_batch_reader(self.reader) - self.num_batches = self.num_batches // fluid.dygraph.parallel.Env().nranks - - return - - def __len__(self): - return self.num_batches - - def __iter__(self): - for batch_indices in self.reader(): - samples = [self.dataset[idx] for idx in batch_indices] - yield self.collate_fn(samples) diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/data/dataset.py b/PaddleNLP/Research/Dialogue-PLATO/plato/data/dataset.py deleted file mode 100644 index 1952ef1f1f01300305acedc5ccb0eef72b5ecbf8..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/data/dataset.py +++ /dev/null @@ -1,77 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Dataset class -""" - -import json - - -class Dataset(object): - """ Basic Dataset interface class. """ - - @classmethod - def add_cmdline_argument(cls, parser): - group = parser.add_argument_group("Dataset") - group.add_argument("--data_dir", type=str, required=True, - help="The dataset dir.") - group.add_argument("--data_type", type=str, required=True, - choices=["multi", "multi_knowledge"], - help="The type of dataset.") - return group - - def __init__(self, data): - self.data = data - - def __len__(self): - return len(self.data) - - def __getitem__(self, idx): - return self.data[idx] - - -class LazyDataset(Dataset): - """ - Lazy load dataset from disk. - - Each line of data file is a preprocessed example. - """ - - def __init__(self, data_file, transform=lambda s: json.loads(s)): - """ - Initialize lazy dataset. - - By default, loading .jsonl format. - - :param data_file - :type str - - :param transform - :type callable - """ - self.data_file = data_file - self.transform = transform - self.offsets = [0] - with open(data_file, "r", encoding="utf-8") as fp: - while fp.readline() != "": - self.offsets.append(fp.tell()) - self.offsets.pop() - self.fp = open(data_file, "r", encoding="utf-8") - - def __len__(self): - return len(self.offsets) - - def __getitem__(self, idx): - self.fp.seek(self.offsets[idx], 0) - return self.transform(self.fp.readline().strip()) diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/data/field.py b/PaddleNLP/Research/Dialogue-PLATO/plato/data/field.py deleted file mode 100644 index a5ca7312329d86a7ef45bd9a6ead0c154a49fba3..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/data/field.py +++ /dev/null @@ -1,397 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Field class -""" - -from itertools import chain -import json -import numpy as np -import pickle -import time -from tqdm import tqdm - -from plato.args import str2bool -from plato.data.tokenizer import Tokenizer - - -def max_lens(X): - lens = [len(X)] - while isinstance(X[0], list): - lens.append(max(map(len, X))) - X = [x for xs in X for x in xs] - return lens - - -def list2np(X, padding=0, dtype="int64"): - shape = max_lens(X) - ret = np.full(shape, padding, dtype=np.int32) - - if len(shape) == 1: - ret = np.array(X) - elif len(shape) == 2: - for i, x in enumerate(X): - ret[i, :len(x)] = np.array(x) - elif len(shape) == 3: - for i, xs in enumerate(X): - for j, x in enumerate(xs): - ret[i, j, :len(x)] = np.array(x) - return ret.astype(dtype) - -class BPETextField(object): - - pad_token = "[PAD]" - bos_token = "[BOS]" - eos_token = "[EOS]" - unk_token = "[UNK]" - - @classmethod - def add_cmdline_argument(cls, parser): - group = parser.add_argument_group("BPETextField") - group.add_argument("--vocab_path", type=str, required=True, - help="The vocabulary file path.") - group.add_argument("--filtered", type=str2bool, default=False, - help="Whether to filter the data with too long utterance/context. " - "If the data is unfiltered, it will be truncated.") - group.add_argument("--max_len", type=int, default=256, - help="The maximum length of context or knowledges.") - group.add_argument("--min_utt_len", type=int, default=1, - help="The minimum length of utterance.") - group.add_argument("--max_utt_len", type=int, default=50, - help="The maximum length of utterance.") - group.add_argument("--min_ctx_turn", type=int, default=1, - help="The minimum turn of context.") - group.add_argument("--max_ctx_turn", type=int, default=16, - help="The maximum turn of context.") - group.add_argument("--max_knowledge_num", type=int, default=16, - help="The maximum number of knowledges.") - group.add_argument("--max_knowledge_len", type=int, default=16, - help="The maximum length of each knowledges.") - group.add_argument("--tokenizer_type", type=str, default="Bert", - choices=["Bert", "GPT2"], - help="The type of tokenizer.") - return group - - def __init__(self, hparams): - special_tokens = [self.pad_token, self.bos_token, self.eos_token, self.unk_token] - self.tokenizer = Tokenizer(vocab_path=hparams.vocab_path, - special_tokens=special_tokens, - tokenizer_type=hparams.tokenizer_type) - - self.filtered = hparams.filtered - self.max_len = hparams.max_len - self.min_utt_len = hparams.min_utt_len - self.max_utt_len = hparams.max_utt_len - self.min_ctx_turn = hparams.min_ctx_turn - self.max_ctx_turn = hparams.max_ctx_turn - 1 # subtract reply turn - self.max_knowledge_num = hparams.max_knowledge_num - self.max_knowledge_len = hparams.max_knowledge_len - return - - @property - def vocab_size(self): - return self.tokenizer.vocab_size - - @property - def num_specials(self): - return len(self.special_tokens) - - @property - def pad_id(self): - return self.tokenizer.convert_tokens_to_ids([self.pad_token])[0] - - @property - def bos_id(self): - return self.tokenizer.convert_tokens_to_ids([self.bos_token])[0] - - @property - def eos_id(self): - return self.tokenizer.convert_tokens_to_ids([self.eos_token])[0] - - @property - def unk_id(self): - return self.tokenizer.convert_tokens_to_ids([self.unk_token])[0] - - @property - def bot_id(self): - return 0 - - @property - def user_id(self): - return 1 - - @property - def knowledge_id(self): - return 2 - - def numericalize(self, tokens): - assert isinstance(tokens, list) - if len(tokens) == 0: - return [] - element = tokens[0] - if isinstance(element, list): - return [self.numericalize(s) for s in tokens] - else: - return self.tokenizer.convert_tokens_to_ids(tokens) - - def denumericalize(self, numbers): - assert isinstance(numbers, list) - if len(numbers) == 0: - return [] - element = numbers[0] - if isinstance(element, list): - return [self.denumericalize(x) for x in numbers] - else: - return self.tokenizer.decode( - numbers, ignore_tokens=[self.bos_token, self.eos_token, self.pad_token]) - - def save_examples(self, examples, filename): - print(f"Saving examples to '{filename}' ...") - start = time.time() - if filename.endswith("pkl"): - with open(filename, "wb") as fp: - pickle.dump(examples, fp) - elif filename.endswith("jsonl"): - with open(filename, "w", encoding="utf-8") as fp: - for ex in examples: - fp.write(json.dumps(ex) + "\n") - else: - raise ValueError(f"Unsport file format: {filename}") - elapsed = time.time() - start - print(f"Saved {len(examples)} examples (elapsed {elapsed:.2f}s)") - - def load_examples(self, filename): - print(f"Loading examples from '{filename}' ...") - start = time.time() - if filename.endswith("pkl"): - with open(filename, "rb") as fp: - examples = pickle.load(fp) - else: - with open(filename, "r", encoding="utf-8") as fp: - examples = list(map(lambda s: json.loads(s.strip()), fp)) - elapsed = time.time() - start - print(f"Loaded {len(examples)} examples (elapsed {elapsed:.2f}s)") - return examples - - def utt_filter_pred(self, utt): - return self.min_utt_len <= len(utt) \ - and (not self.filtered or len(utt) <= self.max_utt_len) - - def utts_filter_pred(self, utts): - return self.min_ctx_turn <= len(utts) \ - and (not self.filtered or len(utts) <= self.max_ctx_turn) - - def build_example_multi_turn(self, req): - examples = [] - src = [self.tokenizer.tokenize(s) for s in req["context"]] - src = [s[-self.max_utt_len:] for s in src[-self.max_ctx_turn:]] - src = [self.numericalize(s) + [self.eos_id] for s in src] - ex = {"src": src} - examples.append(ex) - return examples - - def build_example_multi_turn_with_knowledge(self, req): - examples = [] - src = [self.tokenizer.tokenize(s) for s in req["context"]] - src = [s[-self.max_utt_len:] for s in src[-self.max_ctx_turn:]] - src = [self.numericalize(s) + [self.eos_id] for s in src] - knowledge = [self.tokenizer.tokenize(k) for k in req["knowledge"]] - knowledge = [k[:self.max_knowledge_len] for k in knowledge] - knowledge = [self.numericalize(k) + [self.eos_id] for k in knowledge] - ex = {"src": src, "knowledge": knowledge} - examples.append(ex) - return examples - - def build_examples_multi_turn(self, data_file, data_type="train"): - print(f"Reading examples from '{data_file}' ...") - examples = [] - ignored = 0 - - with open(data_file, "r", encoding="utf-8") as f: - for line in tqdm(f, total=None): - src, tgt = line.strip("\n").split("\t") - tgt = self.tokenizer.tokenize(tgt) - src = [self.tokenizer.tokenize(s) for s in src.split(" __eou__ ")] - - if (self.utts_filter_pred(src) and all(map(self.utt_filter_pred, src)) - and self.utt_filter_pred(tgt)) or data_type == "test": - src = [s[-self.max_utt_len:] for s in src[-self.max_ctx_turn:]] - src = [self.numericalize(s) + [self.eos_id] for s in src] - tgt = [self.bos_id] + self.numericalize(tgt) + [self.eos_id] - if data_type != "test": - tgt = tgt[:self.max_utt_len + 2] - ex = {"src": src, "tgt": tgt} - examples.append(ex) - else: - ignored += 1 - print(f"Built {len(examples)} {data_type.upper()} examples ({ignored} filtered)") - return examples - - def build_examples_multi_turn_with_knowledge(self, data_file, data_type="train"): - print(f"Reading examples from '{data_file}' ...") - examples = [] - ignored = 0 - - with open(data_file, "r", encoding="utf-8") as f: - for line in tqdm(f, total=None): - knowledge, src, tgt = line.strip("\n").split("\t") - tgt = self.tokenizer.tokenize(tgt) - knowledge = [self.tokenizer.tokenize(k) for k in knowledge.split(" __eou__ ")] - knowledge = [k[:self.max_knowledge_len] - for k in knowledge[-self.max_knowledge_num:]] - src = [self.tokenizer.tokenize(s) for s in src.split(" __eou__ ")] - - if (self.utts_filter_pred(src) and all(map(self.utt_filter_pred, src)) - and self.utt_filter_pred(tgt)) or data_type == "test": - src = [s[-self.max_utt_len:] for s in src[-self.max_ctx_turn:]] - src = [self.numericalize(s) + [self.eos_id] for s in src] - knowledge = [self.numericalize(k) + [self.eos_id] for k in knowledge] - tgt = [self.bos_id] + self.numericalize(tgt) + [self.eos_id] - if data_type != "test": - tgt = tgt[:self.max_utt_len + 2] - ex = {"src": src, "knowledge": knowledge, "tgt": tgt} - examples.append(ex) - else: - ignored += 1 - print(f"Built {len(examples)} {data_type.upper()} examples ({ignored} filtered)") - return examples - - def collate_fn_multi_turn(self, samples): - batch_size = len(samples) - - src = [sp["src"] for sp in samples] - - src_token, src_pos, src_turn, src_role = [], [], [], [] - for utts in src: - utt_lens = [len(utt) for utt in utts] - - # Token ids - src_token.append(list(chain(*utts))[-self.max_len:]) - - # Position ids - pos = [list(range(l)) for l in utt_lens] - src_pos.append(list(chain(*pos))[-self.max_len:]) - - # Turn ids - turn = [[len(utts) - i] * l for i, l in enumerate(utt_lens)] - src_turn.append(list(chain(*turn))[-self.max_len:]) - - # Role ids - role = [[self.bot_id if (len(utts) - i) % 2 == 0 else self.user_id] * l - for i, l in enumerate(utt_lens)] - src_role.append(list(chain(*role))[-self.max_len:]) - - src_token = list2np(src_token, padding=self.pad_id) - src_pos = list2np(src_pos, padding=self.pad_id) - src_turn = list2np(src_turn, padding=self.pad_id) - src_role = list2np(src_role, padding=self.pad_id) - - batch = {} - batch["src_token"] = src_token - batch["src_mask"] = (src_token != self.pad_id).astype("int64") - batch["src_pos"] = src_pos - batch["src_type"] = src_role - batch["src_turn"] = src_turn - - if "tgt" in samples[0]: - tgt = [sp["tgt"] for sp in samples] - - # Token ids & Label ids - tgt_token = list2np(tgt, padding=self.pad_id) - - # Position ids - tgt_pos = np.zeros_like(tgt_token) - tgt_pos[:] = np.arange(tgt_token.shape[1], dtype=tgt_token.dtype) - - # Turn ids - tgt_turn = np.zeros_like(tgt_token) - - # Role ids - tgt_role = np.full_like(tgt_token, self.bot_id) - - batch["tgt_token"] = tgt_token - batch["tgt_mask"] = (tgt_token != self.pad_id).astype("int64") - batch["tgt_pos"] = tgt_pos - batch["tgt_type"] = tgt_role - batch["tgt_turn"] = tgt_turn - - return batch, batch_size - - def collate_fn_multi_turn_with_knowledge(self, samples): - batch_size = len(samples) - - src = [sp["src"] for sp in samples] - knowledge = [sp["knowledge"] for sp in samples] - - src_token, src_pos, src_turn, src_role = [], [], [], [] - for utts, ks in zip(src, knowledge): - utt_lens = [len(utt) for utt in utts] - k_lens = [len(k) for k in ks] - - # Token ids - token = list(chain(*utts))[-self.max_len:] - token.extend(list(chain(*ks))[-self.max_len:]) - src_token.append(token) - - # Position ids - pos = list(chain(*[list(range(l)) for l in utt_lens]))[-self.max_len:] - pos.extend(list(chain(*[list(range(l)) for l in k_lens]))[-self.max_len:]) - src_pos.append(pos) - - # Turn ids - turn = list(chain(*[[len(utts) - i] * l for i, l in enumerate(utt_lens)]))[-self.max_len:] - turn.extend(list(chain(*[[i] * l for i, l in enumerate(k_lens)]))[-self.max_len:]) - src_turn.append(turn) - - # Role ids - role = list(chain(*[[self.bot_id if (len(utts)-i) % 2 == 0 else self.user_id] * l - for i, l in enumerate(utt_lens)]))[-self.max_len:] - role.extend(list(chain(*[[self.knowledge_id] * l for l in k_lens]))[-self.max_len:]) - src_role.append(role) - - src_token = list2np(src_token, padding=self.pad_id) - src_pos = list2np(src_pos, padding=self.pad_id) - src_turn = list2np(src_turn, padding=self.pad_id) - src_role = list2np(src_role, padding=self.pad_id) - - batch = {} - batch["src_token"] = src_token - batch["src_mask"] = (src_token != self.pad_id).astype("int64") - batch["src_pos"] = src_pos - batch["src_type"] = src_role - batch["src_turn"] = src_turn - - if "tgt" in samples[0]: - tgt = [sp["tgt"] for sp in samples] - - # Token ids & Label ids - tgt_token = list2np(tgt, padding=self.pad_id) - - # Position ids - tgt_pos = np.zeros_like(tgt_token) - tgt_pos[:] = np.arange(tgt_token.shape[1], dtype=tgt_token.dtype) - - # Turn ids - tgt_turn = np.zeros_like(tgt_token) - - # Role ids - tgt_role = np.full_like(tgt_token, self.bot_id) - - batch["tgt_token"] = tgt_token - batch["tgt_mask"] = (tgt_token != self.pad_id).astype("int64") - batch["tgt_pos"] = tgt_pos - batch["tgt_type"] = tgt_role - batch["tgt_turn"] = tgt_turn - - return batch, batch_size diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/data/sampler.py b/PaddleNLP/Research/Dialogue-PLATO/plato/data/sampler.py deleted file mode 100644 index f807ed107f1223b850e9255e534f0e8e94d9e350..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/data/sampler.py +++ /dev/null @@ -1,89 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Sampler class. -""" - -import numpy as np - - -class Sampler(object): - - def __init__(self): - return - - def __len__(self): - raise NotImplementedError - - def __iter__(self): - raise NotImplementedError - - -class SequentialSampler(Sampler): - - def __init__(self, dataset): - self.dataset = dataset - return - - def __len__(self): - return len(self.dataset) - - def __iter__(self): - return iter(range(len(self))) - - -class RandomSampler(Sampler): - - def __init__(self, dataset): - self.dataset = dataset - self.epoch = 0 - return - - def __len__(self): - return len(self.dataset) - - def __iter__(self): - np.random.seed(self.epoch) - self.epoch += 1 - return iter(np.random.permutation(len(self))) - - -class SortedSampler(Sampler): - """ Sorted Sampler. - - Sort each block of examples by key. - """ - - def __init__(self, sampler, sort_pool_size, key="src"): - self.sampler = sampler - self.sort_pool_size = sort_pool_size - self.key = lambda idx: len(self.sampler.dataset[idx][key]) - return - - def __len__(self): - return len(self.sampler) - - def __iter__(self): - pool = [] - for idx in self.sampler: - pool.append(idx) - if len(pool) == self.sort_pool_size: - pool = sorted(pool, key=self.key) - for i in pool: - yield i - pool = [] - if len(pool) > 0: - pool = sorted(pool, key=self.key) - for i in pool: - yield i diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/data/tokenizer.py b/PaddleNLP/Research/Dialogue-PLATO/plato/data/tokenizer.py deleted file mode 100644 index 7c523eb12feb144fa89ffb309e83e429796a0fa1..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/data/tokenizer.py +++ /dev/null @@ -1,628 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Tokenizer class. -""" - -from __future__ import absolute_import, division, print_function, unicode_literals - -import collections -import json -import logging -import os -import regex as re -import sys -import unicodedata - - -def clean_string(string): - replace_mp = { - " - ": "-", - " ' ": "'", - " n't": "n't", - " 'm": "'m", - " do not": " don't", - " 's": "'s", - " 've": "'ve", - " 're": "'re" - } - for k, v in replace_mp.items(): - string = string.replace(k, v) - return string - - -class Tokenizer(object): - - def __init__(self, vocab_path, special_tokens=[], tokenizer_type="Bert"): - self.tokenizer_type = tokenizer_type - if tokenizer_type == "Bert": - self.spec_convert_dict = {"[BOS]": "[unused0]", "[EOS]": "[unused1]"} - self.spec_revert_dict = {v: k for k, - v in self.spec_convert_dict.items()} - special_tokens = [self.spec_convert_dict.get(tok, tok) - for tok in special_tokens] - self.special_tokens = ("[UNK]", "[SEP]", "[PAD]", "[CLS]", "[MASK]") - self.special_tokens += tuple(x for x in special_tokens if x not in self.special_tokens) - - self._tokenizer = BertTokenizer(vocab_path, never_split=self.special_tokens) - for tok in self.special_tokens: - assert tok in self._tokenizer.vocab, f"special token '{tok}' is not in the vocabulary" - self.vocab_size = len(self._tokenizer.vocab) - elif tokenizer_type == "GPT2": - self.spec_convert_dict = {"[UNK]": ""} - self.spec_revert_dict = {v: k for k, - v in self.spec_convert_dict.items()} - special_tokens = [tok for tok in special_tokens - if tok not in self.spec_convert_dict] - vocab_file = os.path.join(vocab_path, "vocab.json") - merges_file = os.path.join(vocab_path, "merges.txt") - self._tokenizer = GPT2Tokenizer(vocab_file, merges_file, special_tokens=special_tokens) - self.num_specials = len(special_tokens) - self.vocab_size = len(self._tokenizer) - else: - raise ValueError - - def tokenize(self, text): - return self._tokenizer.tokenize(text) - - def convert_tokens_to_ids(self, tokens): - if self.tokenizer_type == "Bert": - tokens = [self.spec_convert_dict.get(tok, tok) for tok in tokens] - ids = self._tokenizer.convert_tokens_to_ids(tokens) - return ids - else: - tokens = [self.spec_convert_dict.get(tok, tok) for tok in tokens] - ids = self._tokenizer.convert_tokens_to_ids(tokens) - ids = [(i + self.num_specials) % self.vocab_size for i in ids] - return ids - - def convert_ids_to_tokens(self, ids): - if self.tokenizer_type == "Bert": - tokens = self._tokenizer.convert_ids_to_tokens(ids) - tokens = [self.spec_revert_dict.get(tok, tok) for tok in tokens] - return tokens - else: - ids = [(i - self.num_specials) % self.vocab_size for i in ids] - tokens = self._tokenizer.convert_ids_to_tokens(ids) - tokens = [self.spec_revert_dict.get(tok, tok) for tok in tokens] - return tokens - - def decode(self, ids, ignore_tokens=[]): - tokens = self.convert_ids_to_tokens(ids) - if len(ignore_tokens) > 0: - ignore_tokens = set(ignore_tokens) - tokens = [tok for tok in tokens if tok not in ignore_tokens] - if self.tokenizer_type == "Bert": - string = " ".join(tokens).replace(" ##", "") - else: - string = "".join(tokens) - string = bytearray([self._tokenizer.byte_decoder[c] - for c in string]).decode("utf-8") - string = clean_string(string) - return string - -# Copyright 2018 The Google AI Language Team Authors and The HuggingFace Inc. team. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Tokenization classes.""" - - -logger = logging.getLogger(__name__) - - -def load_vocab(vocab_file): - """Loads a vocabulary file into a dictionary.""" - vocab = collections.OrderedDict() - index = 0 - with open(vocab_file, "r", encoding="utf-8") as reader: - while True: - token = reader.readline() - if not token: - break - token = token.strip() - vocab[token] = index - index += 1 - return vocab - - -def whitespace_tokenize(text): - """Runs basic whitespace cleaning and splitting on a piece of text.""" - text = text.strip() - if not text: - return [] - tokens = text.split() - return tokens - - -class BertTokenizer(object): - """Runs end-to-end tokenization: punctuation splitting + wordpiece""" - - def __init__(self, vocab_file, do_lower_case=True, max_len=None, do_basic_tokenize=True, - never_split=("[UNK]", "[SEP]", "[PAD]", "[CLS]", "[MASK]")): - """Constructs a BertTokenizer. - - Args: - vocab_file: Path to a one-wordpiece-per-line vocabulary file - do_lower_case: Whether to lower case the input - Only has an effect when do_wordpiece_only=False - do_basic_tokenize: Whether to do basic tokenization before wordpiece. - max_len: An artificial maximum length to truncate tokenized sequences to; - Effective maximum length is always the minimum of this - value (if specified) and the underlying BERT model's - sequence length. - never_split: List of tokens which will never be split during tokenization. - Only has an effect when do_wordpiece_only=False - """ - if not os.path.isfile(vocab_file): - raise ValueError( - "Can't find a vocabulary file at path '{}'. To load the vocabulary from a Google pretrained " - "model use `tokenizer = BertTokenizer.from_pretrained(PRETRAINED_MODEL_NAME)`".format(vocab_file)) - self.vocab = load_vocab(vocab_file) - self.ids_to_tokens = collections.OrderedDict( - [(ids, tok) for tok, ids in self.vocab.items()]) - self.do_basic_tokenize = do_basic_tokenize - if do_basic_tokenize: - self.basic_tokenizer = BasicTokenizer(do_lower_case=do_lower_case, - never_split=never_split) - self.wordpiece_tokenizer = WordpieceTokenizer(vocab=self.vocab) - self.max_len = max_len if max_len is not None else int(1e12) - - def tokenize(self, text): - split_tokens = [] - if self.do_basic_tokenize: - for token in self.basic_tokenizer.tokenize(text): - for sub_token in self.wordpiece_tokenizer.tokenize(token): - split_tokens.append(sub_token) - else: - split_tokens = self.wordpiece_tokenizer.tokenize(text) - return split_tokens - - def convert_tokens_to_ids(self, tokens): - """Converts a sequence of tokens into ids using the vocab.""" - ids = [] - for token in tokens: - ids.append(self.vocab[token]) - if len(ids) > self.max_len: - logger.warning( - "Token indices sequence length is longer than the specified maximum " - " sequence length for this BERT model ({} > {}). Running this" - " sequence through BERT will result in indexing errors".format(len(ids), self.max_len) - ) - return ids - - def convert_ids_to_tokens(self, ids): - """Converts a sequence of ids in wordpiece tokens using the vocab.""" - tokens = [] - for i in ids: - tokens.append(self.ids_to_tokens[i]) - return tokens - - -class BasicTokenizer(object): - """Runs basic tokenization (punctuation splitting, lower casing, etc.).""" - - def __init__(self, - do_lower_case=True, - never_split=("[UNK]", "[SEP]", "[PAD]", "[CLS]", "[MASK]")): - """Constructs a BasicTokenizer. - - Args: - do_lower_case: Whether to lower case the input. - """ - self.do_lower_case = do_lower_case - self.never_split = never_split - - def tokenize(self, text): - """Tokenizes a piece of text.""" - text = self._clean_text(text) - # This was added on November 1st, 2018 for the multilingual and Chinese - # models. This is also applied to the English models now, but it doesn't - # matter since the English models were not trained on any Chinese data - # and generally don't have any Chinese data in them (there are Chinese - # characters in the vocabulary because Wikipedia does have some Chinese - # words in the English Wikipedia.). - text = self._tokenize_chinese_chars(text) - orig_tokens = whitespace_tokenize(text) - split_tokens = [] - for token in orig_tokens: - if self.do_lower_case and token not in self.never_split: - token = token.lower() - token = self._run_strip_accents(token) - split_tokens.extend(self._run_split_on_punc(token)) - - output_tokens = whitespace_tokenize(" ".join(split_tokens)) - return output_tokens - - def _run_strip_accents(self, text): - """Strips accents from a piece of text.""" - text = unicodedata.normalize("NFD", text) - output = [] - for char in text: - cat = unicodedata.category(char) - if cat == "Mn": - continue - output.append(char) - return "".join(output) - - def _run_split_on_punc(self, text): - """Splits punctuation on a piece of text.""" - if text in self.never_split: - return [text] - chars = list(text) - i = 0 - start_new_word = True - output = [] - while i < len(chars): - char = chars[i] - if _is_punctuation(char): - output.append([char]) - start_new_word = True - else: - if start_new_word: - output.append([]) - start_new_word = False - output[-1].append(char) - i += 1 - - return ["".join(x) for x in output] - - def _tokenize_chinese_chars(self, text): - """Adds whitespace around any CJK character.""" - output = [] - for char in text: - cp = ord(char) - if self._is_chinese_char(cp): - output.append(" ") - output.append(char) - output.append(" ") - else: - output.append(char) - return "".join(output) - - def _is_chinese_char(self, cp): - """Checks whether CP is the codepoint of a CJK character.""" - # This defines a "chinese character" as anything in the CJK Unicode block: - # https://en.wikipedia.org/wiki/CJK_Unified_Ideographs_(Unicode_block) - # - # Note that the CJK Unicode block is NOT all Japanese and Korean characters, - # despite its name. The modern Korean Hangul alphabet is a different block, - # as is Japanese Hiragana and Katakana. Those alphabets are used to write - # space-separated words, so they are not treated specially and handled - # like the all of the other languages. - if ((cp >= 0x4E00 and cp <= 0x9FFF) or # - (cp >= 0x3400 and cp <= 0x4DBF) or # - (cp >= 0x20000 and cp <= 0x2A6DF) or # - (cp >= 0x2A700 and cp <= 0x2B73F) or # - (cp >= 0x2B740 and cp <= 0x2B81F) or # - (cp >= 0x2B820 and cp <= 0x2CEAF) or - (cp >= 0xF900 and cp <= 0xFAFF) or # - (cp >= 0x2F800 and cp <= 0x2FA1F)): # - return True - - return False - - def _clean_text(self, text): - """Performs invalid character removal and whitespace cleanup on text.""" - output = [] - for char in text: - cp = ord(char) - if cp == 0 or cp == 0xfffd or _is_control(char): - continue - if _is_whitespace(char): - output.append(" ") - else: - output.append(char) - return "".join(output) - - -class WordpieceTokenizer(object): - """Runs WordPiece tokenization.""" - - def __init__(self, vocab, unk_token="[UNK]", max_input_chars_per_word=100): - self.vocab = vocab - self.unk_token = unk_token - self.max_input_chars_per_word = max_input_chars_per_word - - def tokenize(self, text): - """Tokenizes a piece of text into its word pieces. - - This uses a greedy longest-match-first algorithm to perform tokenization - using the given vocabulary. - - For example: - input = "unaffable" - output = ["un", "##aff", "##able"] - - Args: - text: A single token or whitespace separated tokens. This should have - already been passed through `BasicTokenizer`. - - Returns: - A list of wordpiece tokens. - """ - - output_tokens = [] - for token in whitespace_tokenize(text): - chars = list(token) - if len(chars) > self.max_input_chars_per_word: - output_tokens.append(self.unk_token) - continue - - is_bad = False - start = 0 - sub_tokens = [] - while start < len(chars): - end = len(chars) - cur_substr = None - while start < end: - substr = "".join(chars[start:end]) - if start > 0: - substr = "##" + substr - if substr in self.vocab: - cur_substr = substr - break - end -= 1 - if cur_substr is None: - is_bad = True - break - sub_tokens.append(cur_substr) - start = end - - if is_bad: - output_tokens.append(self.unk_token) - else: - output_tokens.extend(sub_tokens) - return output_tokens - - -def _is_whitespace(char): - """Checks whether `chars` is a whitespace character.""" - # \t, \n, and \r are technically contorl characters but we treat them - # as whitespace since they are generally considered as such. - if char == " " or char == "\t" or char == "\n" or char == "\r": - return True - cat = unicodedata.category(char) - if cat == "Zs": - return True - return False - - -def _is_control(char): - """Checks whether `chars` is a control character.""" - # These are technically control characters but we count them as whitespace - # characters. - if char == "\t" or char == "\n" or char == "\r": - return False - cat = unicodedata.category(char) - if cat.startswith("C"): - return True - return False - - -def _is_punctuation(char): - """Checks whether `chars` is a punctuation character.""" - cp = ord(char) - # We treat all non-letter/number ASCII as punctuation. - # Characters such as "^", "$", and "`" are not in the Unicode - # Punctuation class but we treat them as punctuation anyways, for - # consistency. - if ((cp >= 33 and cp <= 47) or (cp >= 58 and cp <= 64) or - (cp >= 91 and cp <= 96) or (cp >= 123 and cp <= 126)): - return True - cat = unicodedata.category(char) - if cat.startswith("P"): - return True - return False - -# Copyright 2018 The Open AI Team Authors and The HuggingFace Inc. team. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Tokenization classes for OpenAI GPT.""" - - -try: - from functools import lru_cache -except ImportError: - # Just a dummy decorator to get the checks to run on python2 - # because honestly I don't want to support a byte-level unicode BPE tokenizer on python 2 right now. - def lru_cache(): - return lambda func: func - - -@lru_cache() -def bytes_to_unicode(): - """ - Returns list of utf-8 byte and a corresponding list of unicode strings. - The reversible bpe codes work on unicode strings. - This means you need a large # of unicode characters in your vocab if you want to avoid UNKs. - When you're at something like a 10B token dataset you end up needing around 5K for decent coverage. - This is a signficant percentage of your normal, say, 32K bpe vocab. - To avoid that, we want lookup tables between utf-8 bytes and unicode strings. - And avoids mapping to whitespace/control characters the bpe code barfs on. - """ - _chr = unichr if sys.version_info[0] == 2 else chr - bs = list(range(ord("!"), ord("~")+1))+list(range(ord("¡"), ord("¬")+1))+list(range(ord("®"), ord("ÿ")+1)) - cs = bs[:] - n = 0 - for b in range(2**8): - if b not in bs: - bs.append(b) - cs.append(2**8+n) - n += 1 - cs = [_chr(n) for n in cs] - return dict(zip(bs, cs)) - -def get_pairs(word): - """Return set of symbol pairs in a word. - - Word is represented as tuple of symbols (symbols being variable-length strings). - """ - pairs = set() - prev_char = word[0] - for char in word[1:]: - pairs.add((prev_char, char)) - prev_char = char - return pairs - -class GPT2Tokenizer(object): - """ - GPT-2 BPE tokenizer. Peculiarities: - - Byte-level BPE - """ - - def __init__(self, vocab_file, merges_file, errors='replace', special_tokens=None, max_len=None): - self.max_len = max_len if max_len is not None else int(1e12) - self.encoder = json.load(open(vocab_file)) - self.decoder = {v:k for k,v in self.encoder.items()} - self.errors = errors # how to handle errors in decoding - self.byte_encoder = bytes_to_unicode() - self.byte_decoder = {v:k for k, v in self.byte_encoder.items()} - bpe_data = open(merges_file, encoding='utf-8').read().split('\n')[1:-1] - bpe_merges = [tuple(merge.split()) for merge in bpe_data] - self.bpe_ranks = dict(zip(bpe_merges, range(len(bpe_merges)))) - self.cache = {} - - # Should haved added re.IGNORECASE so BPE merges can happen for capitalized versions of contractions - self.pat = re.compile(r"""'s|'t|'re|'ve|'m|'ll|'d| ?\p{L}+| ?\p{N}+| ?[^\s\p{L}\p{N}]+|\s+(?!\S)|\s+""") - - self.special_tokens = {} - self.special_tokens_decoder = {} - self.set_special_tokens(special_tokens) - - def __len__(self): - return len(self.encoder) + len(self.special_tokens) - - def set_special_tokens(self, special_tokens): - """ Add a list of additional tokens to the encoder. - The additional tokens are indexed starting from the last index of the - current vocabulary in the order of the `special_tokens` list. - """ - if not special_tokens: - self.special_tokens = {} - self.special_tokens_decoder = {} - return - self.special_tokens = dict((tok, len(self.encoder) + i) for i, tok in enumerate(special_tokens)) - self.special_tokens_decoder = {v:k for k, v in self.special_tokens.items()} - logger.info("Special tokens {}".format(self.special_tokens)) - - def bpe(self, token): - if token in self.cache: - return self.cache[token] - word = tuple(token) - pairs = get_pairs(word) - - if not pairs: - return token - - while True: - bigram = min(pairs, key = lambda pair: self.bpe_ranks.get(pair, float('inf'))) - if bigram not in self.bpe_ranks: - break - first, second = bigram - new_word = [] - i = 0 - while i < len(word): - try: - j = word.index(first, i) - new_word.extend(word[i:j]) - i = j - except: - new_word.extend(word[i:]) - break - - if word[i] == first and i < len(word)-1 and word[i+1] == second: - new_word.append(first+second) - i += 2 - else: - new_word.append(word[i]) - i += 1 - new_word = tuple(new_word) - word = new_word - if len(word) == 1: - break - else: - pairs = get_pairs(word) - word = ' '.join(word) - self.cache[token] = word - return word - - def tokenize(self, text): - """ Tokenize a string. """ - bpe_tokens = [] - for token in re.findall(self.pat, text): - token = ''.join(self.byte_encoder[ord(b)] for b in token if ord(b) in self.byte_encoder) - if token == '': - continue - bpe_tokens.extend(bpe_token for bpe_token in self.bpe(token).split(' ')) - return bpe_tokens - - def convert_tokens_to_ids(self, tokens): - """ Converts a sequence of tokens into ids using the vocab. """ - ids = [] - if isinstance(tokens, str) or (sys.version_info[0] == 2 and isinstance(tokens, unicode)): - if tokens in self.special_tokens: - return self.special_tokens[tokens] - else: - return self.encoder.get(tokens, 0) - for token in tokens: - if token in self.special_tokens: - ids.append(self.special_tokens[token]) - else: - ids.append(self.encoder.get(token, 0)) - if len(ids) > self.max_len: - logger.warning( - "Token indices sequence length is longer than the specified maximum " - " sequence length for this OpenAI GPT model ({} > {}). Running this" - " sequence through the model will result in indexing errors".format(len(ids), self.max_len) - ) - return ids - - def convert_ids_to_tokens(self, ids, skip_special_tokens=False): - """Converts a sequence of ids in BPE tokens using the vocab.""" - tokens = [] - for i in ids: - if i in self.special_tokens_decoder: - if not skip_special_tokens: - tokens.append(self.special_tokens_decoder[i]) - else: - tokens.append(self.decoder[i]) - return tokens - - def encode(self, text): - return self.convert_tokens_to_ids(self.tokenize(text)) - - def decode(self, tokens): - text = ''.join([self.decoder[token] for token in tokens]) - text = bytearray([self.byte_decoder[c] for c in text]).decode('utf-8', errors=self.errors) - return text diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/metrics/metrics.py b/PaddleNLP/Research/Dialogue-PLATO/plato/metrics/metrics.py deleted file mode 100644 index 2c6c545dee1a0f0410e099e7d2fabb1cc43dfe21..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/metrics/metrics.py +++ /dev/null @@ -1,69 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Metrics class. -""" - -from collections import Counter - -from nltk.translate import bleu_score -from nltk.translate.bleu_score import SmoothingFunction -import numpy as np - - -def distinct(seqs): - """ Calculate intra/inter distinct 1/2. """ - batch_size = len(seqs) - intra_dist1, intra_dist2 = [], [] - unigrams_all, bigrams_all = Counter(), Counter() - for seq in seqs: - unigrams = Counter(seq) - bigrams = Counter(zip(seq, seq[1:])) - intra_dist1.append((len(unigrams)+1e-12) / (len(seq)+1e-5)) - intra_dist2.append((len(bigrams)+1e-12) / (max(0, len(seq)-1)+1e-5)) - - unigrams_all.update(unigrams) - bigrams_all.update(bigrams) - - inter_dist1 = (len(unigrams_all)+1e-12) / (sum(unigrams_all.values())+1e-5) - inter_dist2 = (len(bigrams_all)+1e-12) / (sum(bigrams_all.values())+1e-5) - intra_dist1 = np.average(intra_dist1) - intra_dist2 = np.average(intra_dist2) - return intra_dist1, intra_dist2, inter_dist1, inter_dist2 - - -def bleu(hyps, refs): - """ Calculate bleu 1/2. """ - bleu_1 = [] - bleu_2 = [] - for hyp, ref in zip(hyps, refs): - try: - score = bleu_score.sentence_bleu( - [ref], hyp, - smoothing_function=SmoothingFunction().method7, - weights=[1, 0, 0, 0]) - except: - score = 0 - bleu_1.append(score) - try: - score = bleu_score.sentence_bleu( - [ref], hyp, - smoothing_function=SmoothingFunction().method7, - weights=[0.5, 0.5, 0, 0]) - except: - score = 0 - bleu_2.append(score) - bleu_1 = np.average(bleu_1) - bleu_2 = np.average(bleu_2) - return bleu_1, bleu_2 diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/metrics/metrics_tracker.py b/PaddleNLP/Research/Dialogue-PLATO/plato/metrics/metrics_tracker.py deleted file mode 100644 index eb621a462031cb2c8df3e8f6006a25ea198ea0d1..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/metrics/metrics_tracker.py +++ /dev/null @@ -1,85 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -MetricsTracker class -""" - -from collections import defaultdict -import math - - -class MetricsTracker(object): - """ Tracking metrics. """ - - def __init__(self): - self.metrics_val = defaultdict(float) - self.metrics_avg = defaultdict(float) - self.num_samples = 0 - - def update(self, metrics, num_samples): - for key, val in metrics.items(): - if val is not None: - val = float(val) - self.metrics_val[key] = val - avg_val = (self.metrics_avg.get(key, 0) * self.num_samples + - val * num_samples) / (self.num_samples + num_samples) - self.metrics_avg[key] = avg_val - self.num_samples += num_samples - - def clear(self): - self.metrics_val = defaultdict(float) - self.metrics_avg = defaultdict(float) - self.num_samples = 0 - - def items(self): - return self.metrics_avg.items() - - def get(self, name): - if self.num_samples == 0: - raise ValueError("There is no data in Metrics.") - return self.metrics_avg.get(name) - - def state_dict(self): - return { - "metrics_val": self.metrics_val, - "metrics_avg": self.metrics_avg, - "num_samples": self.num_samples, - } - - def load_state_dict(self, state_dict): - self.metrics_val = state_dict["metrics_val"] - self.metrics_avg = state_dict["metrics_avg"] - self.num_samples = state_dict["num_samples"] - - def value(self): - metric_strs = [] - for key, val in self.metrics_val.items(): - metric_str = f"{key.upper()}-{val:.3f}" - metric_strs.append(metric_str) - if "token_nll" in self.metrics_val: - metric_str = f"TOKEN_PPL-{math.exp(self.metrics_val['token_nll']):.3f}" - metric_strs.append(metric_str) - metric_strs = " ".join(metric_strs) - return metric_strs - - def summary(self): - metric_strs = [] - for key, val in self.metrics_avg.items(): - metric_str = f"{key.upper()}-{val:.3f}" - metric_strs.append(metric_str) - if "token_nll" in self.metrics_avg: - metric_str = f"TOKEN_PPL-{math.exp(self.metrics_avg['token_nll']):.3f}" - metric_strs.append(metric_str) - metric_strs = " ".join(metric_strs) - return metric_strs diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/models/__init__.py b/PaddleNLP/Research/Dialogue-PLATO/plato/models/__init__.py deleted file mode 100644 index a3e7df80234415f4563834c6f9187b0d7f2a51f1..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/models/__init__.py +++ /dev/null @@ -1,18 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Loading models. -""" - -import plato.models.unified_transformer diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/models/generator.py b/PaddleNLP/Research/Dialogue-PLATO/plato/models/generator.py deleted file mode 100644 index f28df4240138d05b50b9fb2e99b1a48f7cc65342..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/models/generator.py +++ /dev/null @@ -1,445 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Generator class. -""" - -import bisect -import math -import sys - -import numpy as np -import paddle.fluid as fluid -import paddle.fluid.layers as layers -from paddle.fluid.framework import Variable - -from plato.args import str2bool -import plato.modules.functions as F - - -def repeat(var, times): - if isinstance(var, list): - return [repeat(x, times) for x in var] - elif isinstance(var, dict): - return {k: repeat(v, times) for k, v in var.items()} - elif isinstance(var, Variable): - var = F.unsqueeze(var, [1]) - expand_times = [1] * len(var.shape) - expand_times[1] = times - dtype = var.dtype - var = layers.cast(var, "float32") - var = layers.expand(var, expand_times) - shape = [var.shape[0] * var.shape[1]] + var.shape[2:] - var = layers.reshape(var, shape) - var = layers.cast(var, dtype) - return var - else: - return var - - -def gather(var, idx): - if isinstance(var, list): - return [gather(x, idx) for x in var] - elif isinstance(var, dict): - return {k: gather(v, idx) for k, v in var.items()} - elif isinstance(var, Variable): - out = layers.gather(var, idx) - return out - else: - return var - - -class Generator(object): - """ Genrator class. """ - - _registry = dict() - - @classmethod - def register(cls, name): - Generator._registry[name] = cls - return - - @staticmethod - def by_name(name): - return Generator._registry[name] - - @staticmethod - def create(hparams, *args, **kwargs): - """ Create generator. """ - generator_cls = Generator.by_name(hparams.generator) - return generator_cls(hparams, *args, **kwargs) - - @classmethod - def add_cmdline_argument(cls, parser): - group = parser.add_argument_group("Generator") - group.add_argument("--generator", type=str, default="BeamSearch", - choices=["TopKSampling", "TopPSampling", "GreedySampling", - "BeamSearch"]) - group.add_argument("--min_gen_len", type=int, default=1, - help="The minimum length of generated response.") - group.add_argument("--max_gen_len", type=int, default=30, - help="The maximum length of generated response.") - args, _ = parser.parse_known_args() - generator_cls = cls.by_name(args.generator) - generator_cls.add_cmdline_argument(group) - return group - - def __init__(self, hparams, bpe): - self.vocab_size = bpe.vocab_size - self.bos_id = bpe.bos_id - self.eos_id = bpe.eos_id - self.unk_id = bpe.unk_id - self.pad_id = bpe.pad_id - self.min_gen_len = hparams.min_gen_len - self.max_gen_len = hparams.max_gen_len - assert 1 <= self.min_gen_len <= self.max_gen_len - return - - def __call__(self, step_fn, state): - """ - Running generation. - - @param : step_fn : decoding one step - @type : function - - @param : state : initial state - @type : dict - """ - raise NotImplementedError - - -class Sampling(Generator): - """ Sampling Generator. """ - - @classmethod - def add_cmdline_argument(cls, group): - group.add_argument("--ignore_unk", type=str2bool, default=True, - help="Whether to ignore unkown token in generation.") - group.add_argument("--sampling_temperature", type=float, default=1.0) - return group - - def __init__(self, hparams, bpe): - super().__init__(hparams, bpe) - self.ignore_unk = hparams.ignore_unk - self.temperature = hparams.sampling_temperature - return - - def _sampling(self, scores): - """ Sampling function. """ - raise NotImplementedError - - def __call__(self, step_fn, state): - """ - Running generation. - - @param : step_fn : decoding one step - @type : function - - @param : state : initial state - @type : dict - """ - batch_size = state["batch_size"] - vocab_size = self.vocab_size - - pos_index = layers.range(0, batch_size, 1, dtype="int64") - pos_index = layers.scale(pos_index, vocab_size) - - # shape: [batch_size, beam_size, 1] - predictions = layers.fill_constant(shape=[batch_size, 1], - dtype="int64", - value=self.bos_id) - sequence_scores = layers.fill_constant(shape=[batch_size], - dtype="float32", - value=0.0) - - unk_penalty = np.zeros(vocab_size, dtype="float32") - unk_penalty[self.unk_id] = -1e10 - unk_penalty = layers.assign(unk_penalty) - - eos_penalty = np.zeros(vocab_size, dtype="float32") - eos_penalty[self.eos_id] = -1e10 - eos_penalty = layers.assign(eos_penalty) - - scores_after_end = np.full(vocab_size, -1e10, dtype="float32") - scores_after_end[self.pad_id] = 0 - scores_after_end = layers.assign(scores_after_end) - - # initial input - for step in range(1, self.max_gen_len + 1): - pre_ids = predictions[:, -1:] - state["pred_token"] = F.unsqueeze(pre_ids, [2]) - if step > 1: - state["pred_mask"] = 1 - F.equal(state["pred_token"], self.pad_id) - state["pred_pos"] = state["pred_pos"] + 1 - scores, state = step_fn(state) - - # Generate next - # scores shape: [batch_size, vocab_size] - if self.ignore_unk: - scores = scores + unk_penalty - - if step <= self.min_gen_len: - scores = scores + eos_penalty - - # previous token is [PAD] or [EOS] - # shape: [batch_size, 1] - pre_eos_mask = F.equal(pre_ids, self.eos_id) + F.equal(pre_ids, self.pad_id) - scores = scores * (1 - pre_eos_mask) + \ - layers.expand(pre_eos_mask, [1, vocab_size]) * scores_after_end - - scores = scores / self.temperature - preds = self._sampling(scores) - - predictions = layers.concat([predictions, F.unsqueeze(preds, [1])], axis=1) - - scores = layers.reshape(scores, [batch_size * vocab_size]) - preds = preds + pos_index - scores = gather(scores, preds) - sequence_scores = sequence_scores + scores - - results = { - "preds": predictions, - "scores": sequence_scores - } - return results - - -class GreedySampling(Sampling): - """ Greedy sampling. """ - - @classmethod - def add_cmdline_argument(cls, group): - return Sampling.add_cmdline_argument(group) - - def _sampling(self, logits): - """ Implement greedy sampling. """ - preds = layers.argmax(logits, axis=1) - return preds - - -class TopKSampling(Sampling): - """ Top-k sampling. """ - - @classmethod - def add_cmdline_argument(cls, group): - Sampling.add_cmdline_argument(group) - group.add_argument("--top_k_ratio", type=float, default=None) - group.add_argument("--top_k_num", type=int, default=None) - return group - - def __init__(self, hparams, bpe): - super().__init__(hparams, bpe) - assert hparams.top_k_ratio is not None or hparams.top_k_num is not None - if hparams.top_k_num is not None: - self.top_k_num = hparams.top_k_num - else: - self.top_k_num = math.floor(hparams.top_k_ratio * self.vocab_size) - assert self.top_k_num >= 1 - return - - def _sampling(self, logits): - """ Implement top-k sampling. """ - probs = layers.softmax(logits, axis=1) - probs, indices = layers.topk(probs, self.top_k_num) - probs = probs / layers.reduce_sum(probs, dim=1, keep_dim=True) - preds = [] - for p, ids in zip(probs.numpy(), indices.numpy()): - o = np.random.choice(ids, p=p) - preds.append(o) - preds = np.array(preds, dtype="int64") - return fluid.dygraph.to_variable(preds) - - -class TopPSampling(Sampling): - """ Top-p sampling. """ - - @classmethod - def add_cmdline_argument(cls, group): - Sampling.add_cmdline_argument(group) - group.add_argument("--top_p_ratio", type=float, default=1.0) - return group - - def __init__(self, hparams, bpe): - super().__init__(hparams, bpe) - self.top_p_ratio = hparams.top_p_ratio - return - - def _sampling(self, logits): - """ Implement top-k sampling. """ - probs = layers.softmax(logits, axis=1) - preds = [] - for p in probs.numpy(): - ids = np.argsort(-p) - p = p[ids] - c_p = np.cumsum(p) - i = bisect.bisect_right(c_p, self.top_p_ratio) + 1 - o = np.random.choice(ids[:i], p=p[:i]/np.sum(p[:i])) - preds.append(o) - preds = np.array(preds, dtype="int64") - return fluid.dygraph.to_variable(preds) - - -class BeamSearch(Generator): - """ BeamSearch generator. """ - - @classmethod - def add_cmdline_argument(cls, group): - group.add_argument("--beam_size", type=int, default=5, - help="The beam size in beam search.") - group.add_argument("--length_average", type=str2bool, default=False, - help="Whether to use length average.") - group.add_argument("--length_penalty", type=float, default=-1.0, - help="The parameter(alpha) of length penalty.") - group.add_argument("--ignore_unk", type=str2bool, default=True, - help="Whether to ignore unkown token in generation.") - return group - - def __init__(self, hparams, bpe): - super().__init__(hparams, bpe) - self.beam_size = hparams.beam_size - self.length_average = hparams.length_average - self.length_penalty = hparams.length_penalty - self.ignore_unk = hparams.ignore_unk - return - - def __call__(self, step_fn, state): - """ - Running beam search. - - @param : step_fn : decoding one step - @type : function - - @param : state : initial state - @type : dict - """ - batch_size = state["batch_size"] - beam_size = self.beam_size - - # shape: [batch_size, 1] - pos_index = layers.range(0, batch_size, 1, dtype="int64") - pos_index = layers.scale(pos_index, beam_size) - pos_index = F.unsqueeze(pos_index, [1]) - - # shape: [batch_size, beam_size, 1] - predictions = layers.fill_constant(shape=[batch_size, beam_size, 1], - dtype="int64", - value=self.bos_id) - - # initial input - state["pred_token"] = predictions[:, :1] - # shape: [batch_size, vocab_size] - scores, state = step_fn(state) - - unk_penalty = np.zeros(self.vocab_size, dtype="float32") - unk_penalty[self.unk_id] = -1e10 - unk_penalty = layers.assign(unk_penalty) - - eos_penalty = np.zeros(self.vocab_size, dtype="float32") - eos_penalty[self.eos_id] = -1e10 - eos_penalty = layers.assign(eos_penalty) - - scores_after_end = np.full(self.vocab_size, -1e10, dtype="float32") - scores_after_end[self.pad_id] = 0 - scores_after_end = layers.assign(scores_after_end) - - if self.ignore_unk: - scores = scores + unk_penalty - scores = scores + eos_penalty - - # shape: [batch_size, beam_size] - sequence_scores, preds = layers.topk(scores, self.beam_size) - - predictions = layers.concat([predictions, F.unsqueeze(preds, [2])], axis=2) - state = repeat(state, beam_size) - - parent_idx_list = [] - pred_list = [] - - for step in range(2, self.max_gen_len + 1): - pre_ids = predictions[:, :, -1:] - state["pred_token"] = layers.reshape(pre_ids, shape=[batch_size * beam_size, 1, 1]) - state["pred_mask"] = 1 - F.equal(state["pred_token"], self.pad_id) - state["pred_pos"] = state["pred_pos"] + 1 - scores, state = step_fn(state) - - # Generate next - # scores shape: [batch_size, beam_size, vocab_size] - if self.ignore_unk: - scores = scores + unk_penalty - - if step <= self.min_gen_len: - scores = scores + eos_penalty - - scores = layers.reshape(scores, shape=[batch_size, beam_size, self.vocab_size]) - - # previous token is [PAD] or [EOS] - pre_eos_mask = F.equal(pre_ids, self.eos_id) + F.equal(pre_ids, self.pad_id) - - scores = scores * (1 - pre_eos_mask) + \ - layers.expand(pre_eos_mask, [1, 1, self.vocab_size]) * scores_after_end - if self.length_average: - scaled_value = pre_eos_mask + (1 - pre_eos_mask) * (1 - 1 / step) - sequence_scores = F.unsqueeze(sequence_scores, [2]) * scaled_value - scaled_value = pre_eos_mask + (1 - pre_eos_mask) * (1 / step) - scores = scores * scaled_value - elif self.length_penalty >= 0.0: - scaled_value = pre_eos_mask + (1 - pre_eos_mask) * \ - (math.pow((4 + step) / (5 + step), self.length_penalty)) - sequence_scores = layers.elementwise_mul(scaled_value, sequence_scores, axis=0) - scaled_value = pre_eos_mask + (1 - pre_eos_mask) * \ - (math.pow(1 / (5 + step), self.length_penalty)) - scores = scores * scaled_value - scores = layers.elementwise_add(scores, sequence_scores, axis=0) - scores = layers.reshape(scores, shape=[batch_size, beam_size * self.vocab_size]) - - topk_scores, topk_indices = layers.topk(scores, beam_size) - vocab_size = layers.fill_constant(shape=[1], dtype="int64", value=self.vocab_size) - parent_idx = layers.elementwise_floordiv(topk_indices, vocab_size) - preds = layers.elementwise_mod(topk_indices, vocab_size) - - # Gather state / sequence_scores - parent_idx = layers.elementwise_add(parent_idx, pos_index, axis=0) - parent_idx = layers.reshape(parent_idx, [batch_size * beam_size]) - state = gather(state, parent_idx) - sequence_scores = topk_scores - - predictions = layers.reshape(predictions, shape=[batch_size * beam_size, step]) - predictions = gather(predictions, parent_idx) - predictions = layers.reshape(predictions, shape=[batch_size, beam_size, step]) - predictions = layers.concat([predictions, F.unsqueeze(preds, [2])], axis=2) - - pre_ids = predictions[:, :, -1] - pre_eos_mask = F.equal(pre_ids, self.eos_id) + F.equal(pre_ids, self.pad_id) - sequence_scores = sequence_scores * pre_eos_mask + layers.scale(1 - pre_eos_mask, -1e10) - - _, indices = layers.argsort(sequence_scores, axis=1) - indices = indices + pos_index - indices = layers.reshape(indices, [-1]) - sequence_scores = layers.reshape(sequence_scores, [batch_size * beam_size]) - predictions = layers.reshape(predictions, [batch_size * beam_size, -1]) - sequence_scores = gather(sequence_scores, indices) - predictions = layers.gather(predictions, indices) - sequence_scores = layers.reshape(sequence_scores, [batch_size, beam_size]) - predictions = layers.reshape(predictions, [batch_size, beam_size, -1]) - - results = { - "preds": predictions[:, -1], - "scores": sequence_scores[:, -1] - } - return results - -BeamSearch.register("BeamSearch") -GreedySampling.register("GreedySampling") -TopKSampling.register("TopKSampling") -TopPSampling.register("TopPSampling") diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/models/model_base.py b/PaddleNLP/Research/Dialogue-PLATO/plato/models/model_base.py deleted file mode 100644 index 9d801e9275786a3b92894020db95a4da21b9952c..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/models/model_base.py +++ /dev/null @@ -1,145 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Model base -""" - -import paddle.fluid as fluid -from paddle.fluid.dygraph import parallel_helper - - -class ModelBase(fluid.dygraph.Layer): - """ - Basic model wrapper for static graph and dygrpah. - """ - _registry = dict() - - @classmethod - def register(cls, name): - ModelBase._registry[name] = cls - return - - @staticmethod - def by_name(name): - return ModelBase._registry[name] - - @staticmethod - def create(name_scope, hparams, *args, **kwargs): - model_cls = ModelBase.by_name(hparams.model) - return model_cls(name_scope, hparams, *args, **kwargs) - - @classmethod - def add_cmdline_argument(cls, parser): - """ Add cmdline argument. """ - group = parser.add_argument_group("Model") - group.add_argument("--init_checkpoint", type=str, default=None) - group.add_argument("--model", type=str, default="UnifiedTransformer", - choices=["UnifiedTransformer"]) - args, _ = parser.parse_known_args() - model_cls = ModelBase.by_name(args.model) - model_cls.add_cmdline_argument(group) - return group - - def __init__(self, name_scope, hparams): - super().__init__(name_scope) - self.init_checkpoint = hparams.init_checkpoint - return - - def __call__(self, *args, **kwargs): - """ Re-implement __call__ function in dygraph mode. """ - if not self._built: - self._build_once(*args, **kwargs) - self._built = True - - outputs = self.forward(*args, **kwargs) - return outputs - - def _build_once(self, inputs, *args, **kwargs): - """ - Build only once. - - 1. Initialize models's parameters. - 2. Boardcast parameters if in data parallel mode. - 3. Load saved parameters - """ - # Initial parameters. - self._create_parameters() - - if parallel_helper._is_data_parallel_mode(): - parallel_helper._broadcast_parameters(self._parameters.values()) - - # Load persitables - self._load_params() - return - - def _create_parameters(self): - """ Create model's paramters. """ - raise NotImplementedError - - def _load_params(self): - """ Load saved paramters. """ - raise NotImplementedError - - def _forward(self, inputs, is_training): - """ Real forward process of model in different mode(train/test). """ - raise NotImplementedError - - def _collect_metrics(self, inputs, outputs): - """ Calculate loss function by using inputs and outputs. """ - raise NotImplementedError - - def _optimize(self, loss): - """ Optimize loss function and update model. """ - raise NotImplementedError - - def _infer(self, inputs): - """ Real inference process of model. """ - raise NotImplementedError - - def forward(self, inputs, is_training=False): - """ - Forward process, include real forward, collect metrices and optimize(optional) - - @params : inputs : input data - @type : dict of numpy.ndarray/int/float/... - """ - if is_training: - self.train() - else: - self.eval() - - outputs = self._forward(inputs, is_training) - metrics = self._collect_metrics(inputs, outputs) - loss = metrics["loss"] - if is_training: - self._optimize(loss) - - metrics = {k: v.numpy() for k, v in metrics.items()} - return metrics - - def infer(self, inputs): - """ - Inference process. - - @params : inputs : input data - @type : dict of numpy.ndarray/int/float/... - """ - if not self._built: - self._build_once(inputs) - self._built = True - - self.eval() - results = self._infer(inputs) - results = {name: results[name].numpy() for name in results} - return results diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/models/unified_transformer.py b/PaddleNLP/Research/Dialogue-PLATO/plato/models/unified_transformer.py deleted file mode 100644 index 8ccc45c70a343533f29e8711c4f396bd353b65d9..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/models/unified_transformer.py +++ /dev/null @@ -1,747 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -UnifiedTransformer -""" - -import numpy as np -import paddle -import paddle.fluid as fluid -from paddle.fluid.dygraph import FC -import paddle.fluid.layers as layers - -from plato.args import str2bool -from plato.modules.embedder import Embedder -import plato.modules.functions as F -from plato.modules.layer_norm import LayerNorm -from plato.modules.transformer_block import TransformerBlock -from plato.models.model_base import ModelBase - - -class UnifiedTransformer(ModelBase): - """ - Implement unified transformer. - """ - - @classmethod - def add_cmdline_argument(cls, group): - """ Add cmdline argument. """ - group.add_argument("--num_token_embeddings", type=int, default=-1, - help="The number of tokens in vocabulary. " - "It will be automatically calculated after loading vocabulary.") - group.add_argument("--num_pos_embeddings", type=int, default=512, - help="The maximum number of position.") - group.add_argument("--num_type_embeddings", type=int, default=2, - help="The number of different type of tokens.") - group.add_argument("--num_turn_embeddings", type=int, default=16, - help="The maximum number of turn.") - group.add_argument("--num_latent", type=int, default=20, - help="The number of latent.") - group.add_argument("--tau", type=float, default=0.67, - help="The parameter of gumbel softmax.") - group.add_argument("--with_bow", type=str2bool, default=True, - help="Whether to use BoW loss.") - group.add_argument("--hidden_dim", type=int, default=768, - help="The size of hidden vector in transformer.") - group.add_argument("--num_heads", type=int, default=12, - help="The number of heads in multi head attention.") - group.add_argument("--num_layers", type=int, default=12, - help="The number of layers in transformer.") - group.add_argument("--padding_idx", type=int, default=0, - help="The padding index.") - group.add_argument("--dropout", type=float, default=0.1, - help="The dropout ratio after multi head attention and feed forward network.") - group.add_argument("--embed_dropout", type=float, default=0.0, - help="The dropout ratio of embedding layers.") - group.add_argument("--attn_dropout", type=float, default=0.1, - help="The dropout ratio of multi head attention.") - group.add_argument("--ff_dropout", type=float, default=0.1, - help="The dropout ratio of feed forward network.") - group.add_argument("--use_discriminator", type=str2bool, default=False, - help="Whether to use discriminator loss.") - group.add_argument("--dis_ratio", type=float, default=1.0, - help="The ratio of discriminator loss.") - group.add_argument("--weight_sharing", type=str2bool, default=True, - help="Whether to share weight between token embedding and " - "predictor FC layer.") - group.add_argument("--pos_trainable", type=str2bool, default=True, - help="Whether to train position embeddings.") - group.add_argument("--two_layer_predictor", type=str2bool, default=False, - help="Use two layer predictor. " - "Traditional BERT use two FC layers to predict masked token.") - group.add_argument("--bidirectional_context", type=str2bool, default=True, - help="Whether to use bidirectional self-attention in context tokens.") - group.add_argument("--label_smooth", type=float, default=0.0, - help="Use soft label to calculate NLL loss and BoW loss.") - group.add_argument("--initializer_range", type=float, default=0.02, - help="Use to initialize parameters.") - - group.add_argument("--lr", type=float, default=5e-5, - help="The inital learning rate for Adam.") - group.add_argument("--weight_decay", type=float, default=0.0, - help="The weight decay for Adam.") - group.add_argument("--max_grad_norm", type=float, default=None, - help="The maximum norm of gradient.") - return group - - def __init__(self, name_scope, hparams, generator, dtype="float32"): - super().__init__(name_scope, hparams) - self.generator = generator - self.num_token_embeddings = hparams.num_token_embeddings - self.num_pos_embeddings = hparams.num_pos_embeddings - self.num_type_embeddings = hparams.num_type_embeddings - self.num_turn_embeddings = hparams.num_turn_embeddings - self.num_latent = hparams.num_latent - self.tau = hparams.tau - self.with_bow = hparams.with_bow - self.hidden_dim = hparams.hidden_dim - self.num_heads = hparams.num_heads - self.num_layers = hparams.num_layers - self.padding_idx = hparams.padding_idx - self.dropout = hparams.dropout - self.embed_dropout = hparams.embed_dropout - self.attn_dropout = hparams.attn_dropout - self.ff_dropout = hparams.ff_dropout - self.use_discriminator = hparams.use_discriminator - self.weight_sharing = hparams.weight_sharing - self.pos_trainable = hparams.pos_trainable - self.two_layer_predictor = hparams.two_layer_predictor - self.bidirectional_context = hparams.bidirectional_context - self.label_smooth = hparams.label_smooth - self.initializer_range = hparams.initializer_range - - self.embedder = Embedder(self.full_name(), - self.hidden_dim, - self.num_token_embeddings, - self.num_pos_embeddings, - self.num_type_embeddings, - self.num_turn_embeddings, - padding_idx=self.padding_idx, - dropout=self.embed_dropout, - pos_trainable=self.pos_trainable) - self.embed_layer_norm = LayerNorm(self.full_name(), - begin_norm_axis=2, - epsilon=1e-12, - param_attr=fluid.ParamAttr( - regularizer=fluid.regularizer.L2Decay(0.0)), - bias_attr=fluid.ParamAttr( - regularizer=fluid.regularizer.L2Decay(0.0))) - - self.layers = [] - for i in range(hparams.num_layers): - layer = TransformerBlock(self.full_name(), - self.hidden_dim, - self.num_heads, - self.dropout, - self.attn_dropout, - self.ff_dropout) - self.layers.append(layer) - self.add_sublayer(f"layer_{i}", layer) - - if self.num_latent > 0: - self.post_network = FC(name_scope=self.full_name() + ".post_network", - size=self.num_latent, - bias_attr=False) - - if self.use_discriminator: - self.dis_ratio = hparams.dis_ratio - self.discriminator = FC(name_scope=self.full_name() + ".discriminator", - size=1, - act="sigmoid") - - if self.two_layer_predictor: - self.pre_predictor = FC(name_scope=self.full_name() + ".pre_predictor", - size=self.hidden_dim, - num_flatten_dims=2, - act="gelu") - if self.num_latent > 0 and self.with_bow: - self.pre_bow_predictor = FC(name_scope=self.full_name() + ".pre_bow_predictor", - size=self.hidden_dim, - act="gelu") - if not self.weight_sharing: - self.predictor = FC(name_scope=self.full_name() + ".predictor", - size=self.num_token_embeddings, - num_flatten_dims=2, - bias_attr=False) - if self.num_latent > 0 and self.with_bow: - self.bow_predictor = FC(name_scope=self.full_name() + ".bow_predictor", - size=self.num_token_embeddings, - bias_attr=False) - - self.max_grad_norm = hparams.max_grad_norm - if self.max_grad_norm is not None: - self.grad_clip = fluid.dygraph_grad_clip.GradClipByGlobalNorm(hparams.max_grad_norm) - else: - self.grad_clip = None - self.weight_decay = hparams.weight_decay - self.optimizer = fluid.optimizer.AdamOptimizer( - learning_rate=hparams.lr, - regularization=fluid.regularizer.L2Decay(self.weight_decay)) - - self._dtype = dtype - - # DataDistributed - self.before_backward_fn = None - self.after_backward_fn = None - return - - def _create_parameters(self): - """ Create model's paramters. """ - if self.num_latent > 0: - self.mask_embed = self.create_parameter( - attr=fluid.ParamAttr( - name="mask_embed", - initializer=fluid.initializer.NormalInitializer(scale=self.initializer_range)), - shape=[1, 1, self.hidden_dim], - dtype=self._dtype) - self.latent_embeddings = self.create_parameter( - attr=fluid.ParamAttr( - name="latent_embeddings", - initializer=fluid.initializer.NormalInitializer(scale=self.initializer_range)), - shape=[self.num_latent, self.hidden_dim], - dtype=self._dtype) - - sequence_mask = np.tri(self.num_pos_embeddings, self.num_pos_embeddings, dtype=self._dtype) - self.sequence_mask = self.create_parameter( - attr=fluid.ParamAttr( - name="sequence_mask", - initializer=fluid.initializer.NumpyArrayInitializer(sequence_mask), - trainable=False), - shape=sequence_mask.shape, - dtype=sequence_mask.dtype) - return - - def _load_params(self): - """ Load saved paramters. """ - if self.init_checkpoint is not None: - print(f"Loading parameters from {self.init_checkpoint}") - if hasattr(fluid, "load_dygraph"): - # >= 1.6.0 compatible - models, optimizers = fluid.load_dygraph(self.init_checkpoint) - else: - models, optimizers = fluid.dygraph.load_persistables(self.init_checkpoint) - parameters = {param.name: param for param in self.parameters()} - for name, param in models.items(): - if name in parameters: - if param.shape != parameters[name].shape: - print(f"part of parameter({name}) random normlize initialize") - if hasattr(param, "numpy"): - arr = param.numpy() - else: - value = param.value() - tensor = value.get_tensor() - arr = np.array(tensor) - z = np.random.normal(scale=self.initializer_range, - size=parameters[name].shape).astype("float32") - if name == "Model/UnifiedTransformer_0/Embedder_0/Embedding_0.w_0": - z[-param.shape[0]:] = arr - else: - z[:param.shape[0]] = arr - z = fluid.dygraph.to_variable(z) - models[name] = z - for name in parameters: - if name not in models: - if parameters[name].trainable: - print(f"parameter({name}) random normlize initialize") - z = np.random.normal(scale=self.initializer_range, - size=parameters[name].shape).astype("float32") - models[name] = fluid.dygraph.to_variable(z) - else: - models[name] = parameters[name] - self.load_dict(models) - print(f"Loaded parameters from {self.init_checkpoint}") - - def _create_mask(self, input_mask, append_head=False, auto_regressive=False): - """ - Create attention mask. - - @param : input_mask - @type : Variable(shape: [batch_size, max_seq_len]) - - @param : auto_regressive - @type : bool - """ - input_mask = fluid.layers.unsqueeze(input=input_mask, axes=[2]) - seq_len = input_mask.shape[1] - - input_mask = layers.cast(input_mask, self._dtype) - mask1 = layers.expand(input_mask, [1, 1, seq_len]) - mask2 = layers.transpose(mask1, [0, 2, 1]) - mask = layers.elementwise_mul(mask1, mask2) - - if append_head: - mask = layers.concat([mask[:, :1, :], mask], axis=1) - mask = layers.concat([mask[:, :, :1], mask], axis=2) - seq_len += 1 - - if auto_regressive: - seq_mask = self.sequence_mask[:seq_len, :seq_len] - mask = layers.elementwise_mul(mask, seq_mask) - - mask = 1 - mask - return mask - - def _join_mask(self, mask1, mask2): - """ Merge source attention mask and target attention mask. - - @param : mask1 : source attention mask - @type : Variable(shape: [batch_size, max_src_len, max_src_len]) - - @param : mask1 : target attention mask - @type : Variable(shape: [batch_size, max_tgt_len, max_tgt_len]) - """ - batch_size = mask1.shape[0] - seq_len1 = mask1.shape[1] - seq_len2 = mask2.shape[1] - seq_len = seq_len1 + seq_len2 - - mask_lu = mask1 - mask_ru = layers.fill_constant([batch_size, seq_len1, seq_len2], self._dtype, 1) - mask3 = layers.expand(mask2[:, :, :1], [1, 1, seq_len1]) - mask4 = layers.expand(mask1[:, :1], [1, seq_len2, 1]) - mask_lb = mask3 + mask4 - mask3 * mask4 - mask_rb = mask2 - mask_u = layers.concat([mask_lu, mask_ru], axis=2) - mask_b = layers.concat([mask_lb, mask_rb], axis=2) - mask = layers.concat([mask_u, mask_b], axis=1) - return mask - - def _posteriori_network(self, input_mask, embed, batch_size, src_len, tgt_len): - """ Basic posteriori network implement. """ - mask_embed = self.mask_embed - mask_embed = layers.expand(mask_embed, [batch_size, 1, 1]) - mask_embed = self.embed_layer_norm(mask_embed) - post_embed = layers.concat([mask_embed, embed], axis=1) - - mask = self._create_mask(input_mask, auto_regressive=not self.bidirectional_context, - append_head=True) - - for layer in self.layers: - post_embed = layer(post_embed, mask, None) - - post_embed = post_embed[:, 0] - post_logits = self.post_network(post_embed) - post_probs = layers.softmax(post_logits, axis=-1) - post_logits = layers.log(post_probs) - return post_embed, post_probs, post_logits - - def _discriminator_network(self, input_mask, embed, batch_size, src_len, tgt_len, pos_embed): - """ Basic discriminator network implement. """ - # if batch_size <= 1: - # raise ValueError("Warmming: If you use discriminator loss in traning, the batch_size must be greater than 1.") - - src_embed = embed[:, :src_len] - tgt_embed = embed[:, src_len:] - if batch_size > 1: - neg_tgt_embed = layers.concat([tgt_embed[1:], tgt_embed[:1]], axis=0) - else: - # Cannot train discriminator if batch_size == 1 - neg_tgt_embed = tgt_embed - neg_embed = layers.concat([src_embed, neg_tgt_embed], axis=1) - - # Create generation network mask - src_mask = input_mask[:, :src_len] - tgt_mask = input_mask[:, src_len:] - if batch_size > 1: - neg_tgt_mask = layers.concat([tgt_mask[1:], tgt_mask[:1]], axis=0) - else: - # Cannot train discriminator if batch_size == 1 - neg_tgt_mask = tgt_mask - neg_mask = layers.concat([src_mask, neg_tgt_mask], axis=1) - mask = self._create_mask(neg_mask, auto_regressive=not self.bidirectional_context, - append_head=True) - - mask_embed = self.mask_embed - mask_embed = layers.expand(mask_embed, [batch_size, 1, 1]) - mask_embed = self.embed_layer_norm(mask_embed) - neg_embed= layers.concat([mask_embed, neg_embed], axis=1) - - for layer in self.layers: - neg_embed = layer(neg_embed, mask, None) - - neg_embed = neg_embed[:, 0] - - pos_probs = self.discriminator(pos_embed) - neg_probs = self.discriminator(neg_embed) - - return pos_probs, neg_probs - - def _generation_network(self, input_mask, embed, batch_size, src_len, tgt_len, latent_embed): - """ Basic generation network implement. """ - if self.num_latent > 0: - latent_embed = F.unsqueeze(latent_embed, [1]) - latent_embed = self.embed_layer_norm(latent_embed) - dec_embed = layers.concat([latent_embed, embed], axis=1) - else: - dec_embed = embed - - # Create generation network mask - src_mask = input_mask[:, :src_len] - tgt_mask = input_mask[:, src_len:] - enc_mask = self._create_mask(src_mask, auto_regressive=not self.bidirectional_context, - append_head=self.num_latent > 0) - dec_mask = self._create_mask(tgt_mask, auto_regressive=True) - mask = self._join_mask(enc_mask, dec_mask) - - for layer in self.layers: - dec_embed = layer(dec_embed, mask, None) - - if self.num_latent > 0: - latent_embed = dec_embed[:, 0] - else: - latent_embed = None - dec_embed = dec_embed[:, -tgt_len:] - if self.two_layer_predictor: - dec_embed = self.pre_predictor(dec_embed) - if self.weight_sharing: - token_embedding = self.embedder.token_embedding.weight - dec_logits = layers.matmul( - x=dec_embed, - y=token_embedding, - transpose_y=True - ) - else: - dec_logits = self.predictor(dec_embed) - - dec_probs = layers.softmax(dec_logits, axis=-1) - - return latent_embed, dec_probs - - def _forward(self, inputs, is_training): - """ Real forward process of model in different mode(train/test). """ - outputs = {} - - src_token = inputs["src_token"] - src_mask = inputs["src_mask"] - src_pos = inputs["src_pos"] - src_type = inputs["src_type"] - src_turn = inputs["src_turn"] - - tgt_token = inputs["tgt_token"][:, :-1] - tgt_mask = inputs["tgt_mask"][:, :-1] - tgt_pos = inputs["tgt_pos"][:, :-1] - tgt_type = inputs["tgt_type"][:, :-1] - tgt_turn = inputs["tgt_turn"][:, :-1] - - input_mask = layers.concat([src_mask, tgt_mask], axis=1) - input_mask.stop_gradient = True - src_embed = self.embedder(src_token, src_pos, src_type, src_turn) - tgt_embed = self.embedder(tgt_token, tgt_pos, tgt_type, tgt_turn) - embed = layers.concat([src_embed, tgt_embed], axis=1) - embed = self.embed_layer_norm(embed) - - batch_size = src_token.shape[0] - src_len = src_token.shape[1] - tgt_len = tgt_token.shape[1] - - if self.num_latent > 0: - post_embed, post_probs, post_logits = self._posteriori_network( - input_mask, embed, batch_size, src_len, tgt_len) - outputs["post_logits"] = post_logits - - if self.use_discriminator: - pos_probs, neg_probs = self._discriminator_network( - input_mask, embed, batch_size, src_len, tgt_len, post_embed) - outputs["pos_probs"] = pos_probs - outputs["neg_probs"] = neg_probs - - if is_training: - z = F.gumbel_softmax(post_logits, self.tau) - else: - indices = layers.argmax(post_logits, axis=1) - z = layers.one_hot(F.unsqueeze(indices, [1]), self.num_latent) - latent_embeddings = self.latent_embeddings - latent_embed = layers.matmul(z, latent_embeddings) - outputs["latent_embed"] = latent_embed - else: - latent_embed = None - - latent_embed, dec_probs = self._generation_network( - input_mask, embed, batch_size, src_len, tgt_len, latent_embed) - outputs["dec_probs"] = dec_probs - - if self.num_latent > 0 and self.with_bow: - if self.two_layer_predictor: - latent_embed = self.pre_bow_predictor(latent_embed) - bow_logits = self.bow_predictor(latent_embed) - bow_probs = layers.softmax(bow_logits) - outputs["bow_probs"] = bow_probs - - return outputs - - def _collect_metrics(self, inputs, outputs): - """ Calculate loss function by using inputs and outputs. """ - metrics = {} - - tgt_len = layers.reduce_sum(layers.reduce_sum(inputs["tgt_mask"], dim=1) - 1) - tgt_len.stop_gradient = True - - label = inputs["tgt_token"][:, 1:] - if self.label_smooth > 0: - one_hot_label = layers.one_hot(label, self.num_token_embeddings) - smooth_label = layers.label_smooth(one_hot_label, epsilon=self.label_smooth, - dtype=self._dtype) - nll = layers.cross_entropy(outputs["dec_pred"], smooth_label, soft_label=True, - ignore_index=self.padding_idx) - else: - nll = layers.cross_entropy(outputs["dec_probs"], label, ignore_index=self.padding_idx) - nll = layers.reduce_sum(nll, dim=1) - token_nll = layers.reduce_sum(nll) / tgt_len - nll = layers.reduce_mean(nll) - metrics["nll"] = nll - metrics["token_nll"] = token_nll - loss = nll - - if self.num_latent > 0 and self.with_bow: - bow_probs = F.unsqueeze(outputs["bow_probs"], [1]) - bow_probs = layers.expand(bow_probs, [1, label.shape[1], 1]) - if self.label_smooth > 0: - bow = layers.cross_entropy(bow_probs, smooth_label, soft_label=True, - ignore_index=self.padding_idx) - else: - bow = layers.cross_entropy(bow_probs, label, ignore_index=self.padding_idx) - bow = layers.reduce_sum(bow, dim=1) - token_bow = layers.reduce_sum(bow) / tgt_len - bow = layers.reduce_mean(bow) - metrics["bow"] = bow - metrics["token_bow"] = token_bow - loss = loss + bow - - if self.num_latent > 0 and self.use_discriminator: - dis = 0.0 - (layers.log(outputs["pos_probs"]) + layers.log(1.0 - outputs["neg_probs"])) - dis = layers.reduce_mean(dis) - metrics["dis"] = dis - loss = loss + dis * self.dis_ratio - - metrics["loss"] = loss - metrics["token_num"] = tgt_len - return metrics - - def _optimize(self, loss): - """ Optimize loss function and update model. """ - if self.before_backward_fn is not None: - loss = self.before_backward_fn(loss) - loss.backward() - if self.after_backward_fn is not None: - self.after_backward_fn() - self.optimizer.minimize(loss, - grad_clip=self.grad_clip, - parameter_list=self.parameters()) - self.clear_gradients() - return - - def _init_state(self, inputs): - """ Initialize decode state. """ - state = {} - - src_token = inputs["src_token"] - src_mask = inputs["src_mask"] - src_pos = inputs["src_pos"] - src_type = inputs["src_type"] - src_turn = inputs["src_turn"] - - batch_size = src_token.shape[0] - seq_len = src_token.shape[1] - - src_embed = self.embedder(src_token, src_pos, src_type, src_turn) - src_embed = self.embed_layer_norm(src_embed) - - mask = self._create_mask(src_mask, append_head=self.num_latent > 0) - - if self.num_latent > 0: - src_embed = F.unsqueeze(src_embed, [1]) - src_embed = layers.expand(src_embed, [1, self.num_latent, 1, 1]) - src_embed = layers.reshape(src_embed, [-1, seq_len, self.hidden_dim]) - - latent_embed = self.latent_embeddings - latent_embed = F.unsqueeze(latent_embed, [1]) - latent_embed = layers.expand(latent_embed, [batch_size, 1, 1]) - latent_embed = self.embed_layer_norm(latent_embed) - - enc_out = layers.concat([latent_embed, src_embed], axis=1) - - mask = F.unsqueeze(mask, [1]) - mask = layers.expand(mask, [1, self.num_latent, 1, 1]) - mask = layers.reshape(mask, [-1, seq_len + 1, seq_len + 1]) - else: - enc_out = src_embed - - cache = {} - for l, layer in enumerate(self.layers): - cache[f"layer_{l}"] = {} - enc_out = layer(enc_out, mask, cache[f"layer_{l}"]) - - state["cache"] = cache - state["mask"] = mask[:, :1] - if self.num_latent > 0: - state["batch_size"] = batch_size * self.num_latent - shape = [batch_size * self.num_latent, 1, 1] - else: - state["batch_size"] = batch_size - shape = [batch_size, 1, 1] - state["pred_mask"] = layers.ones(shape, self._dtype) - state["pred_pos"] = layers.zeros(shape, "int64") - state["pred_type"] = layers.zeros(shape, "int64") - state["pred_turn"] = layers.zeros(shape, "int64") - - if "tgt_token" in inputs and self.num_latent > 0: - tgt_token = inputs["tgt_token"][:, :-1] - tgt_mask = inputs["tgt_mask"][:, :-1] - tgt_pos = inputs["tgt_pos"][:, :-1] - tgt_type = inputs["tgt_type"][:, :-1] - tgt_turn = inputs["tgt_turn"][:, :-1] - - input_mask = layers.concat([src_mask, tgt_mask], axis=1) - input_mask.stop_gradient = True - src_embed = self.embedder(src_token, src_pos, src_type, src_turn) - tgt_embed = self.embedder(tgt_token, tgt_pos, tgt_type, tgt_turn) - embed = layers.concat([src_embed, tgt_embed], axis=1) - embed = self.embed_layer_norm(embed) - - batch_size = src_token.shape[0] - src_len = src_token.shape[1] - tgt_len = tgt_token.shape[1] - - post_embed, post_probs, post_logits = self._posteriori_network( - input_mask, embed, batch_size, src_len, tgt_len) - state["post_probs"] = post_probs - - return state - - def _decode(self, state): - """ Decoding one time stamp. """ - # shape: [batch_size, 1, seq_len] - mask = state["mask"] - - # shape: [batch_size, 1] - pred_token = state["pred_token"] - pred_mask = state["pred_mask"] - pred_pos = state["pred_pos"] - pred_type = state["pred_type"] - pred_turn = state["pred_turn"] - - # list of shape(len: num_layers): [batch_size, seq_len, hidden_dim] - cache = state["cache"] - - pred_embed = self.embedder(pred_token, pred_pos, pred_type, pred_turn) - pred_embed = self.embed_layer_norm(pred_embed) - - # shape: [batch_size, 1, seq_len + 1] - mask = layers.concat([mask, 1 - pred_mask], axis=2) - - # shape: [batch_size, 1, hidden_dim] - for l, layer in enumerate(self.layers): - pred_embed = layer(pred_embed, mask, cache[f"layer_{l}"]) - - # shape: [batch_size, 1, vocab_size] - if self.two_layer_predictor: - pred_embed = self.pre_predictor(pred_embed) - if self.weight_sharing: - token_embedding = self.embedder.token_embedding.weight - pred_logits = layers.matmul( - x=pred_embed, - y=token_embedding, - transpose_y=True - ) - else: - pred_logits = self.predictor(pred_embed) - pred_logits = pred_logits[: , 0] - pred_probs = layers.softmax(pred_logits, axis=1) - pred_logits = layers.log(pred_probs) - - state["mask"] = mask - return pred_logits, state - - def _ranking(self, inputs, predictions): - """ Reranking generated responses. """ - src_token = inputs["src_token"] - src_mask = inputs["src_mask"] - src_pos = inputs["src_pos"] - src_type = inputs["src_type"] - src_turn = inputs["src_turn"] - src_embed = self.embedder(src_token, src_pos, src_type, src_turn) - - batch_size, num_latent, tgt_seq_len = predictions.shape - - # shape: [batch_size, num_latent, seq_len, 1] - preds_token = F.unsqueeze(predictions, [3]) - preds_mask = F.not_equal(preds_token, self.padding_idx, "int64") - preds_pos = layers.range(0, tgt_seq_len, 1, dtype="float32") - preds_pos = F.unsqueeze(preds_pos, [0, 0, 1]) - preds_pos = layers.expand(preds_pos, [batch_size, num_latent, 1, 1]) - preds_pos = layers.cast(preds_pos, "int64") - preds_type = layers.zeros_like(preds_token) - preds_turn = layers.zeros_like(preds_token) - - scores = [] - for i in range(num_latent): - pred_token = preds_token[:, i] - pred_mask = preds_mask[:, i] - pred_pos = preds_pos[:, i] - pred_type = preds_type[:, i] - pred_turn = preds_turn[:, i] - - input_mask = layers.concat([src_mask, pred_mask], axis=1) - input_mask.stop_gradient = True - pred_embed = self.embedder(pred_token, pred_pos, pred_type, pred_turn) - embed = layers.concat([src_embed, pred_embed], axis=1) - embed = self.embed_layer_norm(embed) - - mask_embed = self.mask_embed - mask_embed = layers.expand(mask_embed, [batch_size, 1, 1]) - mask_embed = self.embed_layer_norm(mask_embed) - - out = layers.concat([mask_embed, embed], axis=1) - mask = self._create_mask(input_mask, append_head=True) - - for layer in self.layers: - out = layer(out, mask, None) - - mask_embed = out[:, 0] - score = self.discriminator(mask_embed) - scores.append(score[:, 0]) - scores = layers.stack(scores, axis=1) - return scores - - def _infer(self, inputs): - """ Real inference process of model. """ - results = {} - - # Initial decode state. - state = self._init_state(inputs) - if "post_probs" in state: - results["post_probs"] = state.pop("post_probs") - - # Generation process. - gen_results = self.generator(self._decode, state) - results.update(gen_results) - - if self.num_latent > 0: - batch_size = state["batch_size"] // self.num_latent - results["scores"] = layers.reshape(results["scores"], [batch_size, self.num_latent]) - results["log_p"] = results["scores"] - results["src"] = layers.reshape(inputs["src_token"], [batch_size, -1]) - if "tgt_token" in inputs: - results["tgt"] = layers.reshape(inputs["tgt_token"], [batch_size, -1]) - results["preds"] = layers.reshape(results["preds"], [batch_size, self.num_latent, -1]) - if self.use_discriminator: - results["scores"] = self._ranking(inputs, results["preds"]) - else: - batch_size = state["batch_size"] - if "tgt_token" in inputs: - results["tgt"] = layers.reshape(inputs["tgt_token"], [batch_size, -1]) - return results - - -UnifiedTransformer.register("UnifiedTransformer") diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/modules/embedder.py b/PaddleNLP/Research/Dialogue-PLATO/plato/modules/embedder.py deleted file mode 100644 index bfebcc875473de4d73f85c35bd5d9ce6c4b4502b..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/modules/embedder.py +++ /dev/null @@ -1,79 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Embedder class. -""" - -import paddle.fluid as fluid -from paddle.fluid.dygraph import Embedding -from paddle.fluid.dygraph import Layer -import paddle.fluid.layers as layers - -import plato.modules.functions as F - - -class Embedder(Layer): - """ - Composite embedding layer. - """ - - def __init__(self, - name_scope, - hidden_dim, - num_token_embeddings, - num_pos_embeddings, - num_type_embeddings, - num_turn_embeddings, - padding_idx=None, - dropout=0.1, - pos_trainable=False): - super().__init__(name_scope) - - self.token_embedding = Embedding(name_scope=self.full_name(), - size=[num_token_embeddings, hidden_dim]) - self.pos_embedding = Embedding(name_scope=self.full_name(), - size=[num_pos_embeddings, hidden_dim], - param_attr=fluid.ParamAttr(trainable=pos_trainable)) - self.type_embedding = Embedding(name_scope=self.full_name(), - size=[num_type_embeddings, hidden_dim]) - self.turn_embedding = Embedding(name_scope=self.full_name(), - size=[num_turn_embeddings, hidden_dim]) - self.dropout = dropout - return - - def forward(self, token_inp, pos_inp, type_inp, turn_inp): - embed = self.token_embedding(token_inp) + \ - self.pos_embedding(pos_inp) + \ - self.type_embedding(type_inp) + \ - self.turn_embedding(turn_inp) - embed = F.dropout(embed, self.dropout) - return embed - - -def main(): - import numpy as np - - place = fluid.CPUPlace() - with fluid.dygraph.guard(place): - model = Embedder("Embedder", 10, 20, 20, 20, 20) - token_inp = fluid.dygraph.to_variable(np.random.randint(0, 19, [10, 10]).astype("int64")) - pos_inp = fluid.dygraph.to_variable(np.random.randint(0, 19, [10, 10]).astype("int64")) - type_inp = fluid.dygraph.to_variable(np.random.randint(0, 19, [10, 10]).astype("int64")) - turn_inp = fluid.dygraph.to_variable(np.random.randint(0, 19, [10, 10]).astype("int64")) - out = model(token_inp, pos_inp, type_inp, turn_inp) - print(out) - - -if __name__ == "__main__": - main() diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/modules/feedforward.py b/PaddleNLP/Research/Dialogue-PLATO/plato/modules/feedforward.py deleted file mode 100644 index b083c0060db510f8183f4ef35d1db0a4b9643a46..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/modules/feedforward.py +++ /dev/null @@ -1,66 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -FeedForward class. -""" - -import paddle.fluid as fluid -from paddle.fluid.dygraph import FC -from paddle.fluid.dygraph import Layer -import paddle.fluid.layers as layers - -import plato.modules.functions as F - - -class FeedForward(Layer): - """ - Positional feed forward layer. - """ - - def __init__(self, name_scope, hidden_dim, inner_dim, dropout): - super().__init__(name_scope) - - self.hidden_dim = hidden_dim - self.inner_dim = inner_dim - self.linear_hidden = FC(name_scope=self.full_name(), - size=inner_dim, - num_flatten_dims=2, - act="gelu") - self.linear_out = FC(name_scope=self.full_name(), - size=hidden_dim, - num_flatten_dims=2) - self.dropout = dropout - return - - def forward(self, x): - out = self.linear_hidden(x) - out = F.dropout(out, self.dropout) - out = self.linear_out(out) - return out - - -def main(): - import numpy as np - - place = fluid.CPUPlace() - with fluid.dygraph.guard(place): - model = FeedForward("FeedForward", 10, 20, 0.5) - inp = np.random.rand(2, 3, 10).astype("float32") - inp = fluid.dygraph.to_variable(inp) - out = model(inp) - print(out) - - -if __name__ == "__main__": - main() diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/modules/functions.py b/PaddleNLP/Research/Dialogue-PLATO/plato/modules/functions.py deleted file mode 100644 index d6b418e34a86333d62055a4af5c26c1b8365bb21..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/modules/functions.py +++ /dev/null @@ -1,67 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Helpful functions. -""" - -import numpy as np -import paddle.fluid as fluid -import paddle.fluid.layers as layers - - -def unsqueeze(input, axes): - """ Implement unsqueeze in dygraph mode. """ - # return layers.unsqueeze(input, axes) - # op:unsqueeze has bug in dygraph - axes = [axis if axis >= 0 else axis + len(input.shape) + 1 for axis in axes] - axes = sorted(axes, reverse=True) - shape = list(input.shape) - for axis in axes: - shape.insert(axis, 1) - return layers.reshape(input, shape) - - -def gumbel_softmax(input, tau=1, eps=1e-10): - """ Basic implement of gumbel_softmax. """ - U = fluid.dygraph.to_variable(np.random.rand(*input.shape)) - # U = layers.uniform_random(input.shape, dtype=input.dtype, min=0.0, max=1.0) - # U.stop_gradient = True - gumbel = 0.0 - layers.log(eps - layers.log(U + eps)) - y = input + gumbel - return layers.softmax(y / tau) - - -def equal(x, y, dtype=None): - """ Implement equal in dygraph mode. """ - # if not isinstance(y, fluid.framework.Variable): - # y = layers.fill_constant(x.shape, x.dtype, y) - # return layers.cast(layers.equal(x, y), dtype) - if dtype is None: - dtype = "float32" - if isinstance(x, fluid.framework.Variable): - x = x.numpy() - if isinstance(y, fluid.framework.Variable): - y = y.numpy() - out = np.equal(x, y).astype(dtype) - return fluid.dygraph.to_variable(out) - - -def not_equal(x, y, dtype=None): - """ Implement not_equal in dygraph mode. """ - return 1 - equal(x, y, dtype) - - -def dropout(x, p): - """ Implement dropout function like tensorflow/pytorch. """ - return layers.dropout(x, p, dropout_implementation="upscale_in_train") diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/modules/layer_norm.py b/PaddleNLP/Research/Dialogue-PLATO/plato/modules/layer_norm.py deleted file mode 100644 index af439b12317bd18988b9b7b86cba01beb131f143..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/modules/layer_norm.py +++ /dev/null @@ -1,91 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -LayerNorm layer. -""" - -# from paddle.fluid.dygraph import LayerNorm - -from six.moves import reduce - -import paddle.fluid as fluid -import paddle.fluid.layers as layers -from paddle.fluid.dygraph import Layer -import logging - -class LayerNorm(Layer): - """ Implement LayerNorm in dygraph mode. """ - - def __init__(self, - name_scope, - scale=True, - shift=True, - begin_norm_axis=1, - epsilon=1e-05, - param_attr=None, - bias_attr=None, - act=None): - super().__init__(name_scope) - self._scale = scale - self._shift = shift - self._begin_norm_axis = begin_norm_axis - self._epsilon = epsilon - self._param_attr = param_attr - self._bias_attr = bias_attr - self._act = act - return - - def _build_once(self, input): - """ Create parameters. """ - self._dtype = self._helper.input_dtype(input) - input_shape = input.shape - param_shape = [ - reduce(lambda x, y: x * y, input_shape[self._begin_norm_axis:]) - ] - if self._scale: - self._scale_w = self.create_parameter( - attr=self._param_attr, - shape=param_shape, - dtype=self._dtype, - default_initializer=fluid.initializer.Constant(1.0)) - else: - if self._param_attr: - logging.warn("param_attr are only avaliable with scale is True") - - if self._shift: - assert self._bias_attr is not False - self._bias_w = self.create_parameter( - attr=self._bias_attr, - shape=param_shape, - dtype=self._dtype, - is_bias=True) - else: - if self._bias_attr: - logging.warn("bias_attr are only avaliable with shift is True") - return - - def forward(self, x): - """ Forward process of LayerNorm. """ - mean = layers.reduce_mean(x, - dim=list(range(self._begin_norm_axis, len(x.shape))), - keep_dim=True) - shift_x = layers.elementwise_sub(x=x, y=mean, axis=0) - variance = layers.reduce_mean(layers.square(shift_x), - dim=list(range(self._begin_norm_axis, len(x.shape))), - keep_dim=True) - r_stdev = layers.rsqrt(variance + self._epsilon) - norm_x = layers.elementwise_mul(x=shift_x, y=r_stdev, axis=0) - out = layers.elementwise_mul(x=norm_x, y=self._scale_w, axis=-1) - out = layers.elementwise_add(x=out, y=self._bias_w, axis=-1) - return out diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/modules/multihead_attention.py b/PaddleNLP/Research/Dialogue-PLATO/plato/modules/multihead_attention.py deleted file mode 100644 index 1fee956cff1a7577dd1a1784b88734aa1314dcd0..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/modules/multihead_attention.py +++ /dev/null @@ -1,119 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -MultiheadAttention class. -""" - -import paddle.fluid as fluid -from paddle.fluid.dygraph import Layer -from paddle.fluid.dygraph import FC -import paddle.fluid.layers as layers - -import plato.modules.functions as F - - -class MultiheadAttention(Layer): - """ - Multi head attention layer. - """ - - def __init__(self, name_scope, hidden_dim, num_heads, dropout): - assert hidden_dim % num_heads == 0 - super().__init__(name_scope) - - self.hidden_dim = hidden_dim - self.num_heads = num_heads - self.head_dim = hidden_dim // num_heads - self.scale = self.head_dim ** -0.5 - self.linear_qkv = FC(name_scope=self.full_name(), - size=hidden_dim * 3, - num_flatten_dims=2) - self.linear_out = FC(name_scope=self.full_name(), - size=hidden_dim, - num_flatten_dims=2) - self.dropout = dropout - return - - def _split_heads(self, x, is_key=False): - x = layers.reshape( - x=x, shape=[0, 0, self.num_heads, self.head_dim] - ) - x = layers.transpose(x=x, perm=[0, 2, 3, 1] if is_key else [0, 2, 1, 3]) - return x - - def _merge_heads(self, x): - x = layers.transpose(x=x, perm=[0, 2, 1, 3]) - x = layers.reshape(x=x, shape=[0, 0, self.hidden_dim]) - return x - - def _attn(self, query, key, value, mask): - # shape: [batch_size, num_head, seq_len, seq_len] - scores = layers.matmul(x=query, y=key, alpha=self.scale) - - if mask is not None: - mask = F.unsqueeze(mask, [1]) - mask = layers.expand(mask, [1, self.num_heads, 1, 1]) - mask.stop_gradient = True - scores = (1 - mask) * scores + layers.scale(mask, scale=-1e10) - - attn = layers.softmax(scores, axis=-1) - attn = F.dropout(attn, self.dropout) - - if mask is not None: - attn = (1 - mask) * attn - - out = layers.matmul(x=attn, y=value) - return out - - def forward(self, inp, mask=None, cache=None): - """ Forward process of self attention. """ - # shape: [batch_size, seq_len, 3 * hidden_dim] - qkv = self.linear_qkv(inp) - query, key, value = layers.split(qkv, num_or_sections=3, dim=2) - - - # shape: [batch_size, num_head, seq_len, head_dim] - query = self._split_heads(query) - # shape: [batch_size, num_head, head_dim, seq_len] - key = self._split_heads(key, is_key=True) - # shape: [batch_size, num_head, seq_len, head_dim] - value = self._split_heads(value) - - if cache is not None: - if "key" in cache and "value" in cache: - key = layers.concat([cache["key"], key], axis=3) - value = layers.concat([cache["value"], value], axis=2) - cache["key"] = key - cache["value"] = value - - out = self._attn(query, key, value, mask) - out = self._merge_heads(out) - out = self.linear_out(out) - return out - - -def main(): - import numpy as np - - place = fluid.CPUPlace() - with fluid.dygraph.guard(place): - model = MultiheadAttention("MultiheadAttention", 10, 2, 0.5) - inp = np.random.rand(2, 3, 10).astype("float32") - inp = fluid.dygraph.to_variable(inp) - out = model(inp, inp, inp) - print(out) - - -if __name__ == "__main__": - main() diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/modules/parallel.py b/PaddleNLP/Research/Dialogue-PLATO/plato/modules/parallel.py deleted file mode 100644 index e574168120db03efa64f509d16809caec1679011..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/modules/parallel.py +++ /dev/null @@ -1,263 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Parallel class. -""" - -from collections import OrderedDict -import os - -import numpy as np -from paddle.fluid import core -from paddle.fluid.dygraph import layers -from paddle.fluid.dygraph import parallel_helper -import paddle.fluid.framework as framework -from paddle.fluid.layers import collective -from paddle.fluid.dygraph.base import to_variable, no_grad - -ParallelStrategy = core.ParallelStrategy - - -def prepare_context(strategy=None): - """ Copy codes. """ - if strategy is None: - strategy = ParallelStrategy() - strategy.nranks = Env().nranks - strategy.local_rank = Env().local_rank - strategy.trainer_endpoints = Env().trainer_endpoints - strategy.current_endpoint = Env().current_endpoint - if strategy.nranks < 2: - return - assert framework.in_dygraph_mode() is True, \ - "dygraph.parallel.prepare_context should be used with dygrahp mode." - place = framework._current_expected_place() - assert place is not None, \ - "dygraph.parallel.prepare_context should be used in fluid.dygraph.guard(place) guard." - if isinstance(place, core.CUDAPlace): - parallel_helper._set_parallel_ctx( - core.NCCLParallelContext(strategy, place)) - else: - # TODO(Yancey1989): add Gloo Parallel Context to support CPU parallel computation - assert ("Only support CUDAPlace for now.") - parallel_helper._init_parallel_ctx() - return strategy - - -class Env(object): - """ Copy codes. """ - def __init__(self): - self._nranks = int(os.getenv("PADDLE_TRAINERS_NUM", "1")) - self._local_rank = int(os.getenv("PADDLE_TRAINER_ID", "0")) - self._dev_id = int(os.getenv("FLAGS_selected_gpus", "0")) - self._trainer_endpoints = os.getenv("PADDLE_TRAINER_ENDPOINTS", - "").split(",") - self._current_endpoint = os.getenv("PADDLE_CURRENT_ENDPOINT", "") - - @property - def nranks(self): - """ Copy codes. """ - return self._nranks - - @property - def local_rank(self): - """ Copy codes. """ - return self._local_rank - - @property - def dev_id(self): - """ Copy codes. """ - return self._dev_id - - @property - def current_endpoint(self): - """ Copy codes. """ - return self._current_endpoint - - @property - def trainer_endpoints(self): - """ Copy codes. """ - return self._trainer_endpoints - - -class DataParallel(layers.Layer): - """ - Runs the module with data parallelism. - - Currently, DataParallel only supports to run the dynamic graph - with multi-process. The usage is: - `python -m paddle.distributed.launch --gpus 2 dynamic_graph_test.py`. - And the content of `dynamic_graph_test.py` is the code of examples. - - Examples: - .. code-block:: python - - import numpy as np - import paddle.fluid as fluid - import paddle.fluid.dygraph as dygraph - from paddle.fluid.optimizer import AdamOptimizer - from paddle.fluid.dygraph.nn import FC - from paddle.fluid.dygraph.base import to_variable - - place = fluid.CUDAPlace(0) - with fluid.dygraph.guard(place=place): - - # prepare the data parallel context - strategy=dygraph.parallel.prepare_context() - - fc_layer = FC("FC", 10, act="softmax") - adam = fluid.optimizer.AdamOptimizer() - - # make the module become the data parallelism module - fc_layer = dygraph.parallel.DataParallel(fc_layer, strategy) - - x_data = np.random.random(size=[10, 1]).astype(np.float32) - data = to_variable(x_data) - - hidden = fc_layer(data) - avg_loss = fluid.layers.mean(hidden) - - # scale the loss according to the number of trainers. - avg_loss = fc_layer.scale_loss(avg_loss) - - avg_loss.backward() - - # collect the gradients of trainers. - fc_layer.apply_collective_grads() - - adam.minimize(avg_loss) - fc_layer.clear_gradients() - - Args: - layers(Layer): The module that should be executed by data parallel. - strategy(ParallelStrategy): The strategy of data parallelism. - - Returns: - Layer: The data paralleled module. - """ - - def __init__(self, layers, strategy): - super(DataParallel, - self).__init__(layers.full_name() + "_data_parallel") - - self._layers = layers - self._strategy = strategy - - def forward(self, *inputs, **kwargs): - return self._layers(*inputs, **kwargs) - - def __call__(self, *args, **kwargs): - # Reimplement __call__ function - if not self._built: - self._built = True - - outputs = self.forward(*args, **kwargs) - return outputs - - def scale_loss(self, loss): - """ - Scale the loss. In data parallel mode, the loss should be scale with - the number of trainers. If not in data parallel mode, return the loss - directly. - - Args: - loss(Layer): The loss of the current Model. - - Returns: - Layer: the scaled loss. - """ - if not self._is_data_parallel_mode(): - return loss - - loss_scale = to_variable( - np.array([self._strategy.nranks]).astype("float32")) - loss_scale.stop_gradient = True - loss = loss / loss_scale - return loss - - def _coalesce_tensors(self, var_groups): - from paddle.fluid.layers import nn - coalesced_grads_and_grad_vars = [] - for group_id, grad_vars in var_groups.items(): - flattened_vars = [] - g_var_shapes = [] - for g_var in grad_vars: - g_var_shapes.append(g_var.shape) - flattened_vars.append( - nn.reshape( - x=g_var, shape=[np.prod(g_var.shape)], inplace=True)) - coalesced_grad = nn.concat(flattened_vars) - coalesced_grads_and_grad_vars.append( - [coalesced_grad, grad_vars, g_var_shapes]) - return coalesced_grads_and_grad_vars - - def _split_tensors(self, coalesced_grads_and_grad_vars): - from paddle.fluid.layers import nn - for coalesced_grad, origin_grad_vars, grad_shapes in coalesced_grads_and_grad_vars: - grad_var_len = [np.prod(g_shape) for g_shape in grad_shapes] - self._helper.main_program.current_block().append_op( - type='split', - inputs={'X': coalesced_grad}, - outputs={'Out': origin_grad_vars}, - attrs={'sections': grad_var_len, - 'axis': 0}) - for g_var, g_shape in zip(origin_grad_vars, grad_shapes): - nn.reshape(x=g_var, shape=g_shape, inplace=True) - - @no_grad - def apply_collective_grads(self): - """ - AllReduce the Parameters' gradient. - """ - if not self._is_data_parallel_mode(): - return - - grad_var_set = set() - grad_vars = [] - for param in self._layers.parameters(): - # NOTE(zcd): The grad_ivar maybe no generated. - if param.trainable and param._grad_ivar(): - g_var = param._grad_ivar() - grad_vars.append(g_var) - assert g_var not in grad_var_set - grad_var_set.add(g_var) - - # FIXME(zcd): the type of the var should be LoDTensor, i.e - # the gradients should be dense, otherwise, the following - # logic should be updated. - # 128 MB as a group - mega_bytes = 128 * 1024 * 1024 - group_idx = 0 - memory_counter = 0 - grad_var_groups = OrderedDict() - dtype = grad_vars[0].dtype - for g_var in grad_vars: - # Note: the dtype of the same group should be the same. - bytes = np.prod(g_var.shape) * core.size_of_dtype(g_var.dtype) - if memory_counter < mega_bytes and dtype == g_var.dtype: - memory_counter += bytes - else: - memory_counter = bytes - group_idx += 1 - grad_var_groups.setdefault(group_idx, []).append(g_var) - - coalesced_grads_and_vars = self._coalesce_tensors(grad_var_groups) - - for coalesced_grad, g_vars, g_shapes in coalesced_grads_and_vars: - collective._allreduce( - coalesced_grad, coalesced_grad, sync_mode=False) - - self._split_tensors(coalesced_grads_and_vars) - - def _is_data_parallel_mode(self): - return self._strategy.nranks > 1 diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/modules/transformer_block.py b/PaddleNLP/Research/Dialogue-PLATO/plato/modules/transformer_block.py deleted file mode 100644 index b105c75d83560ea01c3c4464db6ce1c28c14fa43..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/modules/transformer_block.py +++ /dev/null @@ -1,100 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -TransformerBlock class. -""" - -import paddle.fluid as fluid -from paddle.fluid.dygraph import FC -from paddle.fluid.dygraph import Layer -import paddle.fluid.layers as layers - -from plato.modules.feedforward import FeedForward -from plato.modules.layer_norm import LayerNorm -from plato.modules.multihead_attention import MultiheadAttention -import plato.modules.functions as F - - -class TransformerBlock(Layer): - """ - Transformer block module. - """ - - def __init__(self, name_scope, hidden_dim, num_heads, dropout, attn_dropout, ff_dropout): - super().__init__(name_scope) - - self.attn = MultiheadAttention(name_scope=self.full_name(), - hidden_dim=hidden_dim, - num_heads=num_heads, - dropout=attn_dropout) - self.attn_norm = LayerNorm(name_scope=self.full_name(), - begin_norm_axis=2, - epsilon=1e-12, - param_attr=fluid.ParamAttr( - regularizer=fluid.regularizer.L2Decay(0.0)), - bias_attr=fluid.ParamAttr( - regularizer=fluid.regularizer.L2Decay(0.0))) - self.ff = FeedForward(name_scope=self.full_name(), - hidden_dim=hidden_dim, - inner_dim=4 * hidden_dim, - dropout=ff_dropout) - self.ff_norm = LayerNorm(name_scope=self.full_name(), - begin_norm_axis=2, - epsilon=1e-12, - param_attr=fluid.ParamAttr( - regularizer=fluid.regularizer.L2Decay(0.0)), - bias_attr=fluid.ParamAttr( - regularizer=fluid.regularizer.L2Decay(0.0))) - self.dropout = dropout - return - - def forward(self, inp, mask=None, cache=None): - """ - Forward process on one transformer layer. - - @param : x - @type : Variable(shape: [batch_size, seq_len, hidden_size]) - - @param : memory - @type : Variable(shape: [batch_size, seq_len, hidden_size]) - - @param : mask - - @param : cache - """ - attn_out = self.attn(inp, mask, cache) - attn_out = F.dropout(attn_out, self.dropout) - attn_out = self.attn_norm(attn_out + inp) - - ff_out = self.ff(attn_out) - ff_out = F.dropout(ff_out, self.dropout) - ff_out = self.ff_norm(ff_out + attn_out) - - return ff_out - - -def main(): - import numpy as np - - place = fluid.CPUPlace() - with fluid.dygraph.guard(place): - model = TransformerBlock("TransformerBlock", 10, 2, 0.5, 0.5, 0.5) - inp = np.random.rand(2, 3, 10).astype("float32") - inp = fluid.dygraph.to_variable(inp) - out = model(inp, inp) - print(out) - - -if __name__ == "__main__": - main() diff --git a/PaddleNLP/Research/Dialogue-PLATO/plato/trainer.py b/PaddleNLP/Research/Dialogue-PLATO/plato/trainer.py deleted file mode 100644 index f464323f7e75677842c7272f705fab743c11249f..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/plato/trainer.py +++ /dev/null @@ -1,362 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Trainer class. -""" - -import json -import logging -import os -import sys -import time - -import numpy as np -import paddle -import paddle.fluid as fluid -import paddle.fluid.dygraph as dygraph -from tqdm import tqdm - -from plato.args import str2bool -from plato.data.data_loader import DataLoader -from plato.metrics.metrics_tracker import MetricsTracker -from plato.metrics.metrics import bleu -from plato.metrics.metrics import distinct -import plato.modules.parallel as parallel - - -def get_logger(log_path, name="default"): - logger = logging.getLogger(name) - logger.propagate = False - logger.setLevel(logging.DEBUG) - - formatter = logging.Formatter("%(message)s") - - sh = logging.StreamHandler(sys.stdout) - sh.setFormatter(formatter) - logger.addHandler(sh) - - fh = logging.FileHandler(log_path, mode="w") - fh.setFormatter(formatter) - logger.addHandler(fh) - - return logger - - -def evaluate_generation_result(results): - tgt = [result["tgt"].split(" ") for result in results] - pred = [result["preds"][np.argmax(result["scores"])] - if isinstance(result["preds"], list) - else result["preds"] - for result in results] - pred = [p.split(" ") for p in pred] - metrics = {} - metrics_tracker = MetricsTracker() - - bleu1, bleu2 = bleu(pred, tgt) - metrics.update({"bleu_1": bleu1, "bleu_2": bleu2}) - - intra_dist1, intra_dist2, inter_dist1, inter_dist2 = distinct(pred) - metrics.update({"intra_dist_1": intra_dist1, - "intra_dist_2": intra_dist2, - "inter_dist_1": inter_dist1, - "inter_dist_2": inter_dist2}) - - avg_len = sum(map(len, pred)) / len(pred) - metrics.update({"len": avg_len}) - - metrics_tracker.update(metrics, num_samples=1) - return metrics_tracker - - -def save(model, model_path): - if isinstance(model, parallel.DataParallel): - model = model._layers - if hasattr(fluid, "save_dygraph"): - # >= 1.6.0 compatible - fluid.save_dygraph(model.state_dict(), model_path) - fluid.save_dygraph(model.optimizer.state_dict(), model_path) - else: - dygraph.save_persistables(model.state_dict(), model_path, optimizers=model.optimizer) - return - - -class Trainer(object): - - @classmethod - def add_cmdline_argument(cls, parser): - """ Add the cmdline arguments of trainer. """ - group = parser.add_argument_group("Trainer") - group.add_argument("--use_data_distributed", type=str2bool, default=False, - help="Whether to use data distributed for parallel training.") - group.add_argument("--valid_metric_name", type=str, default="-loss", - help="The validation metric determining which checkpoint is the best.") - group.add_argument("--num_epochs", type=int, default=10, - help="Total number of training epochs to perform.") - group.add_argument("--save_dir", type=str, required=True, - help="The output directory where the model will be saved.") - group.add_argument("--batch_size", type=int, default=8, - help="Total batch size for training/evaluation/inference.") - group.add_argument("--log_steps", type=int, default=100, - help="The number of training steps to output current metrics " - "on past training dataset.") - group.add_argument("--valid_steps", type=int, default=2000, - help="The number of training steps to perform a evaluation " - "on validation datasets.") - group.add_argument("--save_checkpoint", type=str2bool, default=True, - help="Whether to save one checkpoints for each training epoch.") - group.add_argument("--save_summary", type=str2bool, default=False, - help="Whether to save metrics summary for visualDL module.") - DataLoader.add_cmdline_argument(group) - return group - - def __init__(self, model, to_tensor, hparams, logger=None): - # Use data distributed - if hparams.use_data_distributed: - strategy = parallel.prepare_context() - if strategy is not None: - parallel_model = parallel.DataParallel(model, strategy) - model.before_backward_fn = parallel_model.scale_loss - model.after_backward_fn = parallel_model.apply_collective_grads - model = parallel_model - - self.model = model - self.to_tensor = to_tensor - - self.is_decreased_valid_metric = hparams.valid_metric_name[0] == "-" - self.valid_metric_name = hparams.valid_metric_name[1:] - self.num_epochs = hparams.num_epochs - self.save_dir = hparams.save_dir - self.log_steps = hparams.log_steps - self.valid_steps = hparams.valid_steps - self.save_checkpoint = hparams.save_checkpoint - self.save_summary = hparams.save_summary - - if not os.path.exists(self.save_dir): - os.makedirs(self.save_dir) - - self.logger = logger or get_logger(os.path.join(self.save_dir, "trainer.log"), "trainer") - - if self.save_summary: - from visualdl import LogWriter - self.summary_logger = LogWriter(os.path.join(self.save_dir, "summary"), sync_cycle=10000) - self.train_summary = {} - self.valid_summary = {} - - self.batch_metrics_tracker = MetricsTracker() - self.token_metrics_tracker = MetricsTracker() - - self.best_valid_metric = float("inf" if self.is_decreased_valid_metric else "-inf") - self.epoch = 0 - self.batch_num = 0 - - def train_epoch(self, train_iter, valid_iter, infer_iter=None, infer_parse_dict=None): - """ - Train an epoch. - - @param train_iter - @type : DataLoader - - @param valid_iter - @type : DataLoader - - @param infer_iter - @type : DataLoader - - @param infer_parse_dict - @type : dict of function - """ - self.epoch += 1 - num_batches = len(train_iter) - self.batch_metrics_tracker.clear() - self.token_metrics_tracker.clear() - times = [] - for batch_id, (batch, batch_size) in enumerate(train_iter, 1): - batch = type(batch)(map(lambda kv: (kv[0], self.to_tensor(kv[1])), batch.items())) - batch["epoch"] = self.epoch - batch["num_steps"] = self.batch_num - - # Do a training iteration - start_time = time.time() - metrics = self.model(batch, is_training=True) - token_num = metrics.pop("token_num", None) - elapsed = time.time() - start_time - times.append(elapsed) - - batch_metrics = {k: v for k, v in metrics.items() if "token" not in k} - token_metrics = {k: v for k, v in metrics.items() if "token" in k} - self.batch_metrics_tracker.update(batch_metrics, batch_size) - self.token_metrics_tracker.update(token_metrics, token_num) - self.batch_num += 1 - - if self.log_steps and batch_id % self.log_steps == 0: - batch_metrics_message = self.batch_metrics_tracker.value() - token_metrics_message = self.token_metrics_tracker.value() - message_prefix = f"[Train][{self.epoch}][{batch_id}/{num_batches}]" - avg_time = f"AVG_Time-{sum(times[-self.log_steps:]) / self.log_steps:.3f}" - message = " ".join([message_prefix, batch_metrics_message, token_metrics_message, - avg_time]) - self.logger.info(message) - - if self.save_summary: - with self.summary_logger.mode("train"): - for k, v in self.batch_metrics_tracker.items(): - if k not in self.train_summary: - self.train_summary[k] = self.summary_logger.scalar(k) - scalar = self.train_summary[k] - scalar.add_record(self.batch_num, v) - for k, v in self.token_metrics_tracker.items(): - if k not in self.train_summary: - self.train_summary[k] = self.summary_logger.scalar(k) - scalar = self.train_summary[k] - scalar.add_record(self.batch_num, v) - - if self.valid_steps and valid_iter is not None and \ - batch_id % self.valid_steps == 0: - self.evaluate(valid_iter) - - if valid_iter is not None: - self.evaluate(valid_iter) - - if infer_iter is not None and infer_parse_dict is not None: - self.infer(infer_iter, infer_parse_dict) - - return - - def infer(self, data_iter, parse_dict, num_batches=None): - """ - Inference interface. - - @param : data_iter - @type : DataLoader - - @param : parse_dict - @type : dict of function - - @param : num_batches : the number of batch to infer - @type : int/None - """ - self.logger.info("Generation starts ...") - infer_save_file = os.path.join(self.save_dir, f"infer_{self.epoch}.result.json") - - # Inference - infer_results = [] - batch_cnt = 0 - begin_time = time.time() - for batch, batch_size in tqdm(data_iter, total=num_batches): - batch = type(batch)(map(lambda kv: (kv[0], self.to_tensor(kv[1])), batch.items())) - - result = self.model.infer(inputs=batch) - batch_result = {} - - def to_list(batch): - """ Parse list. """ - return batch.tolist() - - # parse - for k in result: - if k in parse_dict: - parse_fn = parse_dict[k] - else: - parse_fn = to_list - if result[k] is not None: - batch_result[k] = parse_fn(result[k]) - - for vs in zip(*batch_result.values()): - infer_result = {} - for k, v in zip(batch_result.keys(), vs): - infer_result[k] = v - infer_results.append(infer_result) - - batch_cnt += 1 - if batch_cnt == num_batches: - break - - self.logger.info(f"Saved inference results to {infer_save_file}") - with open(infer_save_file, "w") as fp: - json.dump(infer_results, fp, indent=2) - infer_metrics_tracker = evaluate_generation_result(infer_results) - metrics_message = infer_metrics_tracker.summary() - message_prefix = f"[Infer][{self.epoch}]" - time_cost = f"TIME-{time.time() - begin_time:.3f}" - message = " ".join([message_prefix, metrics_message, time_cost]) - self.logger.info(message) - return - - def evaluate(self, data_iter, need_save=True): - """ - Evaluation interface - - @param : data_iter - @type : DataLoader - - @param : need_save - @type : bool - """ - if isinstance(self.model, parallel.DataParallel): - need_save = need_save and parallel.Env().local_rank == 0 - - # Evaluation - begin_time = time.time() - batch_metrics_tracker = MetricsTracker() - token_metrics_tracker = MetricsTracker() - for batch, batch_size in data_iter: - batch = type(batch)(map(lambda kv: (kv[0], self.to_tensor(kv[1])), batch.items())) - metrics = self.model(batch, is_training=False) - token_num = int(metrics.pop("token_num")) - batch_metrics = {k: v for k, v in metrics.items() if "token" not in k} - token_metrics = {k: v for k, v in metrics.items() if "token" in k} - batch_metrics_tracker.update(batch_metrics, batch_size) - token_metrics_tracker.update(token_metrics, token_num) - batch_metrics_message = batch_metrics_tracker.summary() - token_metrics_message = token_metrics_tracker.summary() - message_prefix = f"[Valid][{self.epoch}]" - time_cost = f"TIME-{time.time() - begin_time:.3f}" - message = " ".join([message_prefix, batch_metrics_message, token_metrics_message, time_cost]) - self.logger.info(message) - - if need_save: - # Check valid metric - cur_valid_metric = batch_metrics_tracker.get(self.valid_metric_name) - if self.is_decreased_valid_metric: - is_best = cur_valid_metric < self.best_valid_metric - else: - is_best = cur_valid_metric > self.best_valid_metric - if is_best: - # Save current best model - self.best_valid_metric = cur_valid_metric - best_model_path = os.path.join(self.save_dir, "best.model") - save(self.model, best_model_path) - self.logger.info( - f"Saved best model to '{best_model_path}' with new best valid metric " - f"{self.valid_metric_name.upper()}-{self.best_valid_metric:.3f}") - - # Save checkpoint - if self.save_checkpoint: - model_file = os.path.join(self.save_dir, f"epoch_{self.epoch}.model") - save(self.model, model_file) - - if self.save_summary: - with self.summary_logger.mode("valid"): - for k, v in self.batch_metrics_tracker.items(): - if k not in self.valid_summary: - self.valid_summary[k] = self.summary_logger.scalar(k) - scalar = self.valid_summary[k] - scalar.add_record(self.batch_num, v) - for k, v in self.token_metrics_tracker.items(): - if k not in self.valid_summary: - self.valid_summary[k] = self.summary_logger.scalar(k) - scalar = self.valid_summary[k] - scalar.add_record(self.batch_num, v) - - return diff --git a/PaddleNLP/Research/Dialogue-PLATO/preprocess.py b/PaddleNLP/Research/Dialogue-PLATO/preprocess.py deleted file mode 100644 index 0e8c2bd86d13e055480666437833fa0561d02b3f..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/preprocess.py +++ /dev/null @@ -1,66 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Preprocess script. -""" - -import os -import argparse - -from plato.args import str2bool -from plato.args import parse_args -from plato.data.dataset import Dataset -from plato.data.field import BPETextField - - -def main(): - parser = argparse.ArgumentParser() - - BPETextField.add_cmdline_argument(parser) - Dataset.add_cmdline_argument(parser) - - args = parse_args(parser) - - raw_train_file = os.path.join(args.data_dir, "dial.train") - raw_valid_file = os.path.join(args.data_dir, "dial.valid") - raw_test_file = os.path.join(args.data_dir, "dial.test") - train_file = raw_train_file + f".{args.tokenizer_type}.jsonl" - valid_file = raw_valid_file + f".{args.tokenizer_type}.jsonl" - test_file = raw_test_file + f".{args.tokenizer_type}.jsonl" - - bpe = BPETextField(args.BPETextField) - - BUILD_EXAMPLES_FN = { - "multi": bpe.build_examples_multi_turn, - "multi_knowledge": bpe.build_examples_multi_turn_with_knowledge - } - build_examples_fn = BUILD_EXAMPLES_FN[args.data_type] - - if os.path.exists(raw_valid_file) and not os.path.exists(valid_file): - valid_examples = build_examples_fn(raw_valid_file, data_type="valid") - bpe.save_examples(valid_examples, valid_file) - - if os.path.exists(raw_test_file) and not os.path.exists(test_file): - test_examples = build_examples_fn(raw_test_file, data_type="test") - bpe.save_examples(test_examples, test_file) - - if os.path.exists(raw_train_file) and not os.path.exists(train_file): - train_examples = build_examples_fn(raw_train_file, data_type="train") - bpe.save_examples(train_examples, train_file) - - return - - -if __name__ == "__main__": - main() diff --git a/PaddleNLP/Research/Dialogue-PLATO/run.py b/PaddleNLP/Research/Dialogue-PLATO/run.py deleted file mode 100644 index a45410d8b2e3b014a0ccf5c6b0224112b353e88f..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/run.py +++ /dev/null @@ -1,162 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Running scripts. -""" - -import argparse -import json -import os - -import numpy as np -import paddle.fluid as fluid - -from plato.args import parse_args -from plato.args import str2bool -from plato.data.data_loader import DataLoader -from plato.data.dataset import Dataset -from plato.data.dataset import LazyDataset -from plato.data.field import BPETextField -from plato.trainer import Trainer -from plato.models.model_base import ModelBase -from plato.models.generator import Generator -import plato.modules.parallel as parallel - - -def main(): - parser = argparse.ArgumentParser() - - parser.add_argument("--do_train", type=str2bool, default=False, - help="Whether to run trainning.") - parser.add_argument("--do_test", type=str2bool, default=False, - help="Whether to run evaluation on the test dataset.") - parser.add_argument("--do_infer", type=str2bool, default=False, - help="Whether to run inference on the test dataset.") - parser.add_argument("--num_infer_batches", type=int, default=None, - help="The number of batches need to infer.\n" - "Stay 'None': infer on entrie test dataset.") - parser.add_argument("--hparams_file", type=str, default=None, - help="Loading hparams setting from file(.json format).") - BPETextField.add_cmdline_argument(parser) - Dataset.add_cmdline_argument(parser) - Trainer.add_cmdline_argument(parser) - ModelBase.add_cmdline_argument(parser) - Generator.add_cmdline_argument(parser) - - hparams = parse_args(parser) - - if hparams.hparams_file and os.path.exists(hparams.hparams_file): - print(f"Loading hparams from {hparams.hparams_file} ...") - hparams.load(hparams.hparams_file) - print(f"Loaded hparams from {hparams.hparams_file}") - - print(json.dumps(hparams, indent=2)) - - if not os.path.exists(hparams.save_dir): - os.makedirs(hparams.save_dir) - hparams.save(os.path.join(hparams.save_dir, "hparams.json")) - - bpe = BPETextField(hparams.BPETextField) - hparams.Model.num_token_embeddings = bpe.vocab_size - - generator = Generator.create(hparams.Generator, bpe=bpe) - - COLLATE_FN = { - "multi": bpe.collate_fn_multi_turn, - "multi_knowledge": bpe.collate_fn_multi_turn_with_knowledge - } - collate_fn = COLLATE_FN[hparams.data_type] - - # Loading datasets - if hparams.do_train: - raw_train_file = os.path.join(hparams.data_dir, "dial.train") - train_file = raw_train_file + f".{hparams.tokenizer_type}.jsonl" - assert os.path.exists(train_file), f"{train_file} isn't exist" - train_dataset = LazyDataset(train_file) - train_loader = DataLoader(train_dataset, hparams.Trainer, collate_fn=collate_fn, is_train=True) - raw_valid_file = os.path.join(hparams.data_dir, "dial.valid") - valid_file = raw_valid_file + f".{hparams.tokenizer_type}.jsonl" - assert os.path.exists(valid_file), f"{valid_file} isn't exist" - valid_dataset = LazyDataset(valid_file) - valid_loader = DataLoader(valid_dataset, hparams.Trainer, collate_fn=collate_fn) - - if hparams.do_infer or hparams.do_test: - raw_test_file = os.path.join(hparams.data_dir, "dial.test") - test_file = raw_test_file + f".{hparams.tokenizer_type}.jsonl" - assert os.path.exists(test_file), f"{test_file} isn't exist" - test_dataset = LazyDataset(test_file) - test_loader = DataLoader(test_dataset, hparams.Trainer, collate_fn=collate_fn, is_test=hparams.do_infer) - - def to_tensor(array): - return fluid.dygraph.to_variable(array) - - if hparams.use_data_distributed: - place = fluid.CUDAPlace(parallel.Env().dev_id) - else: - place = fluid.CUDAPlace(0) - - with fluid.dygraph.guard(place): - # Construct Model - model = ModelBase.create("Model", hparams, generator=generator) - - # Construct Trainer - trainer = Trainer(model, to_tensor, hparams.Trainer) - - if hparams.do_train: - # Training process - for epoch in range(hparams.num_epochs): - trainer.train_epoch(train_loader, valid_loader) - - if hparams.do_test: - # Validation process - trainer.evaluate(test_loader, need_save=False) - - if hparams.do_infer: - # Inference process - def split(xs, sep, pad): - """ Split id list by separator. """ - out, o = [], [] - for x in xs: - if x == pad: - continue - if x != sep: - o.append(x) - else: - if len(o) > 0: - out.append(list(o)) - o = [] - if len(o) > 0: - out.append(list(o)) - assert(all(len(o) > 0 for o in out)) - return out - - def parse_context(batch): - """ Parse context. """ - return bpe.denumericalize([split(xs, bpe.eos_id, bpe.pad_id) - for xs in batch.tolist()]) - - def parse_text(batch): - """ Parse text. """ - return bpe.denumericalize(batch.tolist()) - - infer_parse_dict = { - "src": parse_context, - "tgt": parse_text, - "preds": parse_text - } - trainer.infer(test_loader, infer_parse_dict, num_batches=hparams.num_infer_batches) - - -if __name__ == "__main__": - main() diff --git a/PaddleNLP/Research/Dialogue-PLATO/scripts/DSTC7_AVSD/infer.sh b/PaddleNLP/Research/Dialogue-PLATO/scripts/DSTC7_AVSD/infer.sh deleted file mode 100644 index 76610ebaa1b85cbb91b443ce49796060cda0d9d7..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/scripts/DSTC7_AVSD/infer.sh +++ /dev/null @@ -1,34 +0,0 @@ -#!/bin/bash -set -ux - -SAVE_DIR=outputs/DSTC7_AVSD.infer -VOCAB_PATH=model/Bert/vocab.txt -DATA_DIR=data/DSTC7_AVSD -INIT_CHECKPOINT=outputs/DSTC7_AVSD/best.model -DATA_TYPE=multi_knowledge - -# CUDA environment settings. -export CUDA_VISIBLE_DEVICES=0 - -# Paddle environment settings. -export FLAGS_fraction_of_gpu_memory_to_use=0.1 -export FLAGS_eager_delete_scope=True -export FLAGS_eager_delete_tensor_gb=0.0 - -python -u \ - ./preprocess.py \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE - -python -u \ - ./run.py \ - --do_infer true \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE \ - --batch_size 4 \ - --num_type_embeddings 3 \ - --use_discriminator true \ - --init_checkpoint $INIT_CHECKPOINT \ - --save_dir $SAVE_DIR diff --git a/PaddleNLP/Research/Dialogue-PLATO/scripts/DSTC7_AVSD/train.sh b/PaddleNLP/Research/Dialogue-PLATO/scripts/DSTC7_AVSD/train.sh deleted file mode 100644 index b2bd742deb79fa0c30e0b0a16de1d5e77c9103f3..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/scripts/DSTC7_AVSD/train.sh +++ /dev/null @@ -1,49 +0,0 @@ -#!/bin/bash -set -ux - -SAVE_DIR=outputs/DSTC7_AVSD -VOCAB_PATH=model/Bert/vocab.txt -DATA_DIR=data/DSTC7_AVSD -INIT_CHECKPOINT=model/PLATO -DATA_TYPE=multi_knowledge -USE_VISUALDL=false - -# CUDA environment settings. -export CUDA_VISIBLE_DEVICES=0 - -# Paddle environment settings. -export FLAGS_fraction_of_gpu_memory_to_use=0.1 -export FLAGS_eager_delete_scope=True -export FLAGS_eager_delete_tensor_gb=0.0 - -python -u \ - ./preprocess.py \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE - -if [[ "$USE_VISUALDL" = true ]]; then - visualdl --logdir=$SAVE_DIR/summary --port=8083 --host=`hostname` & - VISUALDL_PID=$! -fi - -python -u \ - ./run.py \ - --do_train true \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE \ - --batch_size 4 \ - --valid_steps 2000 \ - --num_type_embeddings 3 \ - --use_discriminator true \ - --num_epoch 20 \ - --lr 1e-5 \ - --save_checkpoint false \ - --save_summary $USE_VISUALDL \ - --init_checkpoint $INIT_CHECKPOINT \ - --save_dir $SAVE_DIR - -if [[ $USE_VISUALDL = true ]]; then - kill $VISUALDL_PID -fi diff --git a/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/baseline_infer.sh b/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/baseline_infer.sh deleted file mode 100644 index 65a8f1be1fa8e5965c64036646865e589fba0668..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/baseline_infer.sh +++ /dev/null @@ -1,35 +0,0 @@ -#!/bin/bash -set -ux - -SAVE_DIR=outputs/DailyDialog.baseline.infer -VOCAB_PATH=model/Bert/vocab.txt -DATA_DIR=data/DailyDialog -INIT_CHECKPOINT=outputs/DailyDialog.baseline/best.model -DATA_TYPE=multi - -# CUDA environment settings. -export CUDA_VISIBLE_DEVICES=0 - -# Paddle environment settings. -export FLAGS_fraction_of_gpu_memory_to_use=0.1 -export FLAGS_eager_delete_scope=True -export FLAGS_eager_delete_tensor_gb=0.0 - -python -u \ - ./preprocess.py \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE - -python -u \ - ./run.py \ - --do_infer true \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE \ - --batch_size 48 \ - --num_latent 0 \ - --num_type_embeddings 2 \ - --init_checkpoint $INIT_CHECKPOINT \ - --length_average true \ - --save_dir $SAVE_DIR diff --git a/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/baseline_train.sh b/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/baseline_train.sh deleted file mode 100644 index f7593df31991e63c5627d09a8b96c7844a1afeb9..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/baseline_train.sh +++ /dev/null @@ -1,49 +0,0 @@ -#!/bin/bash -set -ux - -SAVE_DIR=outputs/DailyDialog.baseline -VOCAB_PATH=model-baseline/Bert/vocab.txt -DATA_DIR=data/DailyDialog -INIT_CHECKPOINT=model-baseline/PLATO.baseline -DATA_TYPE=multi -USE_VISUALDL=false - -# CUDA environment settings. -export CUDA_VISIBLE_DEVICES=2 - -# Paddle environment settings. -export FLAGS_fraction_of_gpu_memory_to_use=0.1 -export FLAGS_eager_delete_scope=True -export FLAGS_eager_delete_tensor_gb=0.0 - -python -u \ - ./preprocess.py \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE - -if [[ "$USE_VISUALDL" = true ]]; then - visualdl --logdir=$SAVE_DIR/summary --port=8083 --host=`hostname` & - VISUALDL_PID=$! -fi - -python -u \ - ./run.py \ - --do_train true \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE \ - --batch_size 2 \ - --valid_steps 2000 \ - --num_type_embeddings 2 \ - --num_latent 0 \ - --num_epoch 20 \ - --lr 1e-5 \ - --save_checkpoint false \ - --save_summary $USE_VISUALDL \ - --init_checkpoint $INIT_CHECKPOINT \ - --save_dir $SAVE_DIR - -if [[ $USE_VISUALDL = true ]]; then - kill $VISUALDL_PID -fi diff --git a/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/infer.sh b/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/infer.sh deleted file mode 100644 index 7857a17503c78ac5db5505c2dc63eff14b3370dd..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/infer.sh +++ /dev/null @@ -1,35 +0,0 @@ -#!/bin/bash -set -ux - -SAVE_DIR=outputs/DailyDialog.infer -VOCAB_PATH=model/Bert/vocab.txt -DATA_DIR=data/DailyDialog -INIT_CHECKPOINT=outputs/DailyDialog/best.model -DATA_TYPE=multi - -# CUDA environment settings. -export CUDA_VISIBLE_DEVICES=0 - -# Paddle environment settings. -export FLAGS_fraction_of_gpu_memory_to_use=0.1 -export FLAGS_eager_delete_scope=True -export FLAGS_eager_delete_tensor_gb=0.0 - -python -u \ - ./preprocess.py \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE - -python -u \ - ./run.py \ - --do_infer true \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE \ - --batch_size 4 \ - --num_type_embeddings 2 \ - --num_latent 20 \ - --use_discriminator true \ - --init_checkpoint $INIT_CHECKPOINT \ - --save_dir $SAVE_DIR diff --git a/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/multi_gpu_train.sh b/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/multi_gpu_train.sh deleted file mode 100644 index 446b149657cdd708ccfe7272df96c8e06dbd135d..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/multi_gpu_train.sh +++ /dev/null @@ -1,55 +0,0 @@ -#!/bin/bash -set -ux - -SAVE_DIR=outputs/DailyDialog -VOCAB_PATH=model/Bert/vocab.txt -DATA_DIR=data/DailyDialog -INIT_CHECKPOINT=model/PLATO -DATA_TYPE=multi -USE_VISUALDL=false - -# CUDA environment settings. -export CUDA_VISIBLE_DEVICES=0,1 - -# Paddle environment settings. -export FLAGS_fraction_of_gpu_memory_to_use=0.1 -export FLAGS_eager_delete_scope=True -export FLAGS_eager_delete_tensor_gb=0.0 - -if [[ ! -e $DATA_DIR/dial.train.jsonl ]]; then - python -u \ - ./preprocess.py \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE -fi - -if [[ "$USE_VISUALDL" = true ]]; then - visualdl --logdir=$SAVE_DIR/summary --port=8083 --host=`hostname` & - VISUALDL_PID=$! -fi - -python -m \ - paddle.distributed.launch \ - --log_dir $SAVE_DIR \ - --started_port 8888 \ - ./run.py \ - --use_data_distributed true \ - --do_train true \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE \ - --batch_size 6 \ - --valid_steps 2000 \ - --num_type_embeddings 2 \ - --use_discriminator true \ - --num_epoch 20 \ - --lr 1e-5 \ - --save_checkpoint false \ - --save_summary $USE_VISUALDL \ - --init_checkpoint $INIT_CHECKPOINT \ - --save_dir $SAVE_DIR - -if [[ $USE_VISUALDL = true ]]; then - kill $VISUALDL_PID -fi diff --git a/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/topk_infer.sh b/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/topk_infer.sh deleted file mode 100644 index a550f40c232e0a12493300f22eacfaf40681d89a..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/topk_infer.sh +++ /dev/null @@ -1,39 +0,0 @@ -#!/bin/bash -set -ux - -SAVE_DIR=outputs/DailyDialog.infer -VOCAB_PATH=model/Bert/vocab.txt -DATA_DIR=data/DailyDialog -INIT_CHECKPOINT=outputs/DailyDialog/best.model -DATA_TYPE=multi - -# CUDA environment settings. -export CUDA_VISIBLE_DEVICES=0 - -# Paddle environment settings. -export FLAGS_fraction_of_gpu_memory_to_use=0.1 -export FLAGS_eager_delete_scope=True -export FLAGS_eager_delete_tensor_gb=0.0 - -if [[ ! -e $DATA_DIR/dial.test.jsonl ]]; then - python -u \ - ./preprocess.py \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE -fi - -python -u \ - ./run.py \ - --do_infer true \ - --generator TopKSampling \ - --top_k_num 10 \ - --sampling_temperate 0.8 \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE \ - --batch_size 16 \ - --num_type_embeddings 2 \ - --use_discriminator true \ - --init_checkpoint $INIT_CHECKPOINT \ - --save_dir $SAVE_DIR diff --git a/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/train.sh b/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/train.sh deleted file mode 100644 index cc53d39bb8a60c11cab33938bcda9451526e1fdb..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/scripts/DailyDialog/train.sh +++ /dev/null @@ -1,49 +0,0 @@ -#!/bin/bash -set -ux - -SAVE_DIR=outputs/DailyDialog -VOCAB_PATH=model/Bert/vocab.txt -DATA_DIR=data/DailyDialog -INIT_CHECKPOINT=model/PLATO -DATA_TYPE=multi -USE_VISUALDL=false - -# CUDA environment settings. -export CUDA_VISIBLE_DEVICES=0 - -# Paddle environment settings. -export FLAGS_fraction_of_gpu_memory_to_use=0.1 -export FLAGS_eager_delete_scope=True -export FLAGS_eager_delete_tensor_gb=0.0 - -python -u \ - ./preprocess.py \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE - -if [[ "$USE_VISUALDL" = true ]]; then - visualdl --logdir=$SAVE_DIR/summary --port=8083 --host=`hostname` & - VISUALDL_PID=$! -fi - -python -u \ - ./run.py \ - --do_train true \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE \ - --batch_size 6 \ - --valid_steps 2000 \ - --num_type_embeddings 2 \ - --use_discriminator true \ - --num_epoch 20 \ - --lr 1e-5 \ - --save_checkpoint false \ - --save_summary $USE_VISUALDL \ - --init_checkpoint $INIT_CHECKPOINT \ - --save_dir $SAVE_DIR - -if [[ $USE_VISUALDL = true ]]; then - kill $VISUALDL_PID -fi diff --git a/PaddleNLP/Research/Dialogue-PLATO/scripts/PersonaChat/infer.sh b/PaddleNLP/Research/Dialogue-PLATO/scripts/PersonaChat/infer.sh deleted file mode 100644 index 06aa1e3f6b5171c8efbda0476ebfe7a7369ea597..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/scripts/PersonaChat/infer.sh +++ /dev/null @@ -1,36 +0,0 @@ -#!/bin/bash -set -ux - -SAVE_DIR=outputs/PersonaChat.infer -VOCAB_PATH=model/Bert/vocab.txt -DATA_DIR=data/PersonaChat -INIT_CHECKPOINT=outputs/PersonaChat/best.model -DATA_TYPE=multi_knowledge - -# CUDA environment settings. -export CUDA_VISIBLE_DEVICES=0 - -# Paddle environment settings. -export FLAGS_fraction_of_gpu_memory_to_use=0.1 -export FLAGS_eager_delete_scope=True -export FLAGS_eager_delete_tensor_gb=0.0 - -python -u \ - ./preprocess.py \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE - -python -u \ - ./run.py \ - --do_infer true \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE \ - --batch_size 2 \ - --num_type_embeddings 3 \ - --use_discriminator true \ - --init_checkpoint $INIT_CHECKPOINT \ - --save_dir $SAVE_DIR - -python -u ./tools/knowledge_f1.py $SAVE_DIR/infer_0.result.json $DATA_DIR/dial.test diff --git a/PaddleNLP/Research/Dialogue-PLATO/scripts/PersonaChat/train.sh b/PaddleNLP/Research/Dialogue-PLATO/scripts/PersonaChat/train.sh deleted file mode 100644 index 480024f4ce85bda65251b1674108295b23ced985..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/scripts/PersonaChat/train.sh +++ /dev/null @@ -1,49 +0,0 @@ -#!/bin/bash -set -ux - -SAVE_DIR=outputs/PersonaChat -VOCAB_PATH=model/Bert/vocab.txt -DATA_DIR=data/PersonaChat -INIT_CHECKPOINT=model/PLATO -DATA_TYPE=multi_knowledge -USE_VISUALDL=false - -# CUDA environment settings. -export CUDA_VISIBLE_DEVICES=0 - -# Paddle environment settings. -export FLAGS_fraction_of_gpu_memory_to_use=0.1 -export FLAGS_eager_delete_scope=True -export FLAGS_eager_delete_tensor_gb=0.0 - -python -u \ - ./preprocess.py \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE - -if [[ "$USE_VISUALDL" = true ]]; then - visualdl --logdir=$SAVE_DIR/summary --port=8083 --host=`hostname` & - VISUALDL_PID=$! -fi - -python -u \ - ./run.py \ - --do_train true \ - --vocab_path $VOCAB_PATH \ - --data_dir $DATA_DIR \ - --data_type $DATA_TYPE \ - --batch_size 4 \ - --valid_steps 2000 \ - --num_type_embeddings 3 \ - --use_discriminator true \ - --num_epoch 20 \ - --lr 1e-5 \ - --save_checkpoint false \ - --save_summary $USE_VISUALDL \ - --init_checkpoint $INIT_CHECKPOINT \ - --save_dir $SAVE_DIR - -if [[ $USE_VISUALDL = true ]]; then - kill $VISUALDL_PID -fi diff --git a/PaddleNLP/Research/Dialogue-PLATO/tools/dstc7_avsd_eval.py b/PaddleNLP/Research/Dialogue-PLATO/tools/dstc7_avsd_eval.py deleted file mode 100644 index 01d39ff119c812311926d90373ae8282bf74ac0d..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/tools/dstc7_avsd_eval.py +++ /dev/null @@ -1,90 +0,0 @@ -import sys -import math -import json - -import numpy as np - -from pycocoevalcap.bleu.bleu import Bleu -from pycocoevalcap.rouge.rouge import Rouge -from pycocoevalcap.cider.cider import Cider -from pycocoevalcap.meteor.meteor import Meteor - -def_scorers = [ - (Bleu(4), ["Bleu_1", "Bleu_2", "Bleu_3", "Bleu_4"]), - (Meteor(),"METEOR"), - (Rouge(), "ROUGE_L"), - (Cider(), "CIDEr") -] - -best_scorers = [ - (Bleu(4), ["Bleu_1", "Bleu_2", "Bleu_3", "Bleu_4"]), - (Meteor(),"METEOR"), - (Rouge(), "ROUGE_L") -] - -def score_fn(ref, sample, scorers=def_scorers): - # ref and sample are both dict - - final_scores = {} - for scorer, method in scorers: - # print('computing %s score with COCO-EVAL...'%(scorer.method())) - score, scores = scorer.compute_score(ref, sample) - if type(score) == list: - for m, s in zip(method, score): - final_scores[m] = s - else: - final_scores[method] = score - return final_scores - -from collections import defaultdict -chosen_by_scores = defaultdict(int) -chosen_by_best = defaultdict(int) - -acc = 0 - -with open(sys.argv[1]) as file: - datas = json.load(file) - -cnt = 0 -all_refs = dict() -all_cands = dict() - -for data in datas: - ref = list(map(lambda x : x.strip(), data['tgt'].split('|'))) - - # if False: - best_pred = '' - best_score = -1e9 - best_idx = -1 - for i, pred in enumerate(data['preds']): - refs = dict() - cands = dict() - refs[0] = ref - cands[0] = [pred] - ret = score_fn(refs, cands, best_scorers) - score = sum(map(lambda x : ret[x], ret)) - if score > best_score: - best_idx = i - best_score = score - best_pred = pred - chosen_by_best[best_idx] += 1 - - idx = np.argmax(data['scores']) - chosen_by_scores[idx] += 1 - chosen_pred = data['preds'][idx] - - if idx == best_idx: - acc += 1 - - all_refs[cnt] = ref - all_cands[cnt] = [chosen_pred] - cnt += 1 - -print(f"Acc: {acc / len(datas)}") -for i in range(20): - print(f"{i} {chosen_by_scores[i]} {chosen_by_best[i]}" - f" {chosen_by_scores[i] / len(datas):.4f}" - f" {chosen_by_scores[i] / chosen_by_best[i]:.4f}") -res = score_fn(all_refs, all_cands) -for name in res: - print(f"{name}: {res[name]:.4f}") diff --git a/PaddleNLP/Research/Dialogue-PLATO/tools/knowledge_f1.py b/PaddleNLP/Research/Dialogue-PLATO/tools/knowledge_f1.py deleted file mode 100644 index fa1a6946954f423a1df279a6c556961fe7966dc0..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/tools/knowledge_f1.py +++ /dev/null @@ -1,69 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" -Calculate Knowledge f1. -""" - -import sys -import json - -import numpy as np - -eval_file = sys.argv[1] -test_file = sys.argv[2] - -cnt = 0 -res = 0.0 -r = 0.0 -p = 0.0 -stopwords = set() -with open("./tools/stopwords.txt") as f: - for line in f: - word = line.strip() - stopwords.add(word) - -with open(eval_file) as f: - for result, line in zip(json.load(f), open(test_file)): - cnt += 1 - if "scores" in result: - pred = result["preds"][np.argmax(result["scores"])] - else: - pred = result["preds"][0] - knowledges, _, reply = line.strip().split('\t') - - words = set() - for sent in knowledges.split(" __eou__ "): - for word in sent.split(): - words.add(word) - words = words - stopwords - k_len = len(words) - - pred1 = set(pred.split()) - pred1 = pred1 - stopwords - pred_len = len(pred1) - overlap = len(words & pred1) - - if overlap == 0: - continue - - recall = float(overlap) / k_len - r += recall - precison = float(overlap) / pred_len - p += precison - res += 2*recall*precison/(recall+precison) -print(f"Recall:{r/cnt}") -print(f"Precison:{p/cnt}") -print(f"F1:{res/cnt}") -print("Recall/Precision/F1:{:0,.4f}/{:0,.4f}/{:0,.4f}".format(r/cnt, p/cnt, res/cnt)) - diff --git a/PaddleNLP/Research/Dialogue-PLATO/tools/stopwords.txt b/PaddleNLP/Research/Dialogue-PLATO/tools/stopwords.txt deleted file mode 100644 index 08777dd3195a4e688b7d202692c37842d70dffcd..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/Dialogue-PLATO/tools/stopwords.txt +++ /dev/null @@ -1,284 +0,0 @@ -a -according -about -above -across -after -again -against -all -almost -alone -along -already -also -although -always -among -an -and -another -any -are -around -as -ask -asked -asking -asks -at -away -b -back -backed -backing -backs -be -became -because -become -becomes -been -began -being -beings -between -both -but -by -c -can -cannot -certain -certainly -come -could -d -did -differ -different -differently -do -does -done -during -e -each -either -even -evenly -ever -every -f -felt -find -finds -for -from -further -furthered -furthering -furthers -g -gave -general -generally -get -gets -give -given -gives -go -going -got -h -had -has -have -having -he -her -here -herself -him -himself -his -how -however -i -if -in -into -is -it -its -itself -j -just -k -keep -keeps -kind -knew -know -known -knows -l -let -lets -likely -m -may -me -might -mostly -much -must -my -myself -n -need -needed -needing -needs -never -no -nobody -non -noone -not -nothing -now -nowhere -o -of -on -once -one -only -or -other -others -our -out -over -overall -p -per -perhaps -put -puts -q -r -rather -really -s -seem -seemed -seeming -seems -shall -she -should -showed -showing -shows -since -so -some -still -still -such -sure -t -take -taken -than -that -the -their -them -then -there -therefore -particularly -nevertheless -these -they -thing -things -think -thinks -this -those -though -thought -thoughts -through -thus -try -trying -tried -to -anyway -anymore -together -too -took -toward -u -under -until -up -upon -us -use -used -uses -v -very -w -want -wanted -wanting -wants -was -way -ways -we -well -wells -went -were -what -when -where -whether -which -while -who -whole -whose -why -will -with -within -would -x -y -yet -you -your -yours -z -. -am -like -love -favorite -work -, -enjoy -'m -'re -great diff --git a/PaddleNLP/Research/EMNLP2019-MAL/README.md b/PaddleNLP/Research/EMNLP2019-MAL/README.md old mode 100755 new mode 100644 index 9100f30f0f1ca8ffe7d8e78f76f26b121ebbdb77..5cbe1dc7471272fd92667df50cc8f06ac570f16c --- a/PaddleNLP/Research/EMNLP2019-MAL/README.md +++ b/PaddleNLP/Research/EMNLP2019-MAL/README.md @@ -1,64 +1 @@ -# Multi-agent Learning for Neural Machine Translation(MAL) - -## 简介 - -MAL是百度翻译团队近期提出的首个多智能体端到端联合学习框架,该框架显著提升了单智能体学习能力,在多个机器翻译测试集上刷新了当前最好结果。 该框架投稿并被EMNLP2019录用 [Multi-agent Learning for Neural Machine Translation](https://www.aclweb.org/anthology/D19-1079.pdf)。 具体结构如下: - -

-
-MAL整体框架 -

- -这个repo包含了PaddlePaddle版本的MAL实现,框架在论文的基础上做了一些修改,在WMT英德2014测试集上BLEU达到30.04,超过了论文中的结果,在不改变模型结构的基础上,刷新了SOTA。 - -### 实验结果 - -#### WMT 英德 - -| Models | En-De | -| :------------- | :---------: | -| [ConvS2S](https://pdfs.semanticscholar.org/bb3e/bc09b65728d6eced04929df72a006fb5210b.pdf) | 25.20 | -| [Transformer](https://papers.nips.cc/paper/7181-attention-is-all-you-need.pdf) | 28.40 | -| [Rel](https://www.aclweb.org/anthology/N18-2074.pdf) | 29.20 | -| [DynamicConv](https://openreview.net/pdf?id=SkVhlh09tX) | 29.70 | -| L2R | 28.88 | -| MAL-L2R | **30.04** | - - -## 运行 - -### 环境 - -运行环境需要满足如下要求: -+ python 2.7 -+ paddlepaddle-gpu (1.6.1) - + CUDA, CuDNN and NCCL (CUDA 9.0, CuDNN v7 and NCCL 2.3.5) - - WMT英德的实验结果复现需要56张 32G V100, 运行30W步左右。 - -### 数据准备 - 运行get_data.sh脚本拉取原始数据并做预处理,形成训练需要的文件格式 - ``` - sh get_data.sh - ``` -### 模型运行 - 在运行前,需要配置CUDA, CuDNN, NCCL的路径,具体路径修改在env/env.sh - 调用train.sh运行MAL,产出的模型在output下,模型会边训练,边预测,针对训练过程中解码出来的文件,可以调用evaluate.sh来测BLEU - 在train.sh中有个参数是distributed_args,这里需要使用者根据自身机器的情况来改变,需要修改的有nproc_per_node和selected_gpus,nproc_per_node代表每台机器需要使用几张卡,selected_gpus为gpu的卡号,例如一台8卡的v100,使用8张卡跑训练,那么nproc_per_node设置为8,selected_gpus为0, 1, 2, 3, 4, 5, 6, 7 - ``` - sh train.sh ip1,ip2,ip3...(机器的ip地址,不要写127.0.0.1,填写hostname -i的结果) & - sh evaluate.sh file_path(预测出的文件,在output路径下) - ``` -### 复现论文中结果 - 我们提供了MAL在英德任务上训练出的模型,调用infer.sh可以观察到最终结果(因为测试集需要提前生成,所以在调用infer.sh前,请先调用get_data.sh,同时也需要设置好CUDA, CuDNN路径) - ``` - sh infer.sh - ``` - -### 代码结构 - 我们主要的代码均在src文件夹中 - train.py 训练的入口文件 - infer.py 模型预测入口 - config.py 定义了该项目模型的相关配置,包括具体模型类别、以及模型的超参数 - reader.py 定义了读入数据的功能 - bleu_hook.py BLEU计算脚本 +This work has been moved to new address: [NLP](https://github.com/PaddlePaddle/Research/tree/master/NLP) diff --git a/PaddleNLP/Research/EMNLP2019-MAL/env/cloud_job_conf.conf b/PaddleNLP/Research/EMNLP2019-MAL/env/cloud_job_conf.conf deleted file mode 100644 index 1eb89d774fdea3e762084d303ccd2db51c338a8d..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/env/cloud_job_conf.conf +++ /dev/null @@ -1,47 +0,0 @@ -#### -################################## User Define Configuration ########################### -################################## Data Configuration ################################## -#type of storage cluster -#storage_type = "afs" -#attention: files for training should be put on hdfs -##the list contains all file locations should be specified here -#fs_name = "afs://xingtian.afs.baidu.com:9902" -##If force_reuse_output_path is True ,paddle will remove output_path without check output_path exist -#force_reuse_output_path = "True" -##ugi of hdfs -#fs_ugi = "NLP_KM_Data,NLP_km_2018" - -#the initial model path on hdfs used to init parameters -#init_model_path= - -#the initial model path for pservers -#pserver_model_dir= - -#which pass -#pserver_model_pass= - -#example of above 2 args: -#if set pserver_model_dir to /app/paddle/models -#and set pserver_model_pass to 123 -#then rank 0 will download model from /app/paddle/models/rank-00000/pass-00123/ -#and rank 1 will download model from /app/paddle/models/rank-00001/pass-00123/, etc. -##train data path on hdfs -#train_data_path = "/user/NLP_KM_Data/gongweibao/transformer/paddle_training_data/train_data" -##test data path on hdfs, can be null or not setted -#test_data_path = "/app/inf/mpi/bml-guest/paddle-platform/dataset/mnist/data/test/" -#the output directory on hdfs -#output_path = "/user/NLP_KM_Data/gongweibao/transformer/output" -#add datareader to thirdparty -#thirdparty_path = "/user/NLP_KM_Data/gongweibao/transformer/thirdparty" -FLAGS_rpc_deadline=3000000 -#whl_name=paddlepaddle_ab57d3_post97_gpu-0.0.0-cp27-cp27mu-linux_x86_64.whl -#dataset_path=/user/NLP_KM_Data/gongweibao/transformer/small/paddle_training_data - -PROFILE=0 -FUSE=1 -NCCL_COMM_NUM=2 -NUM_THREADS=3 -USE_HIERARCHICAL_ALLREDUCE=True -NUM_CARDS=8 -NUM_EPOCHS=100 -BATCH_SIZE=4096 diff --git a/PaddleNLP/Research/EMNLP2019-MAL/env/env.sh b/PaddleNLP/Research/EMNLP2019-MAL/env/env.sh deleted file mode 100644 index 6822d193f6bdfe2f1ccbe3d4e793c25684618537..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/env/env.sh +++ /dev/null @@ -1,26 +0,0 @@ -#!/bin/bash -export BASE_PATH="$PWD" - -#NCCL -export NCCL_DEBUG=INFO -export NCCL_IB_GID_INDEX=3 -#export NCCL_IB_RETRY_CNT=0 - -#PADDLE -export FLAGS_fraction_of_gpu_memory_to_use=0.98 -export FLAGS_sync_nccl_allreduce=0 -export FLAGS_eager_delete_tensor_gb=0.0 - -#Cudnn -#export FLAGS_cudnn_exhaustive_search=1 -export LD_LIBRARY_PATH=/home/work/cuda-9.0/lib64:$LD_LIBRARY_PATH -export LD_LIBRARY_PATH=/home/work/cudnn/cudnn_v7/cuda/lib64:$LD_LIBRARY_PATH -export LD_LIBRARY_PATH="${BASE_PATH}/nccl_2.3.5/lib/:$LD_LIBRARY_PATH" -#proxy -unset https_proxy http_proxy - -# GLOG -export GLOG_v=1 -#export GLOG_vmodule=fused_all_reduce_op_handle=10,all_reduce_op_handle=10,alloc_continuous_space_op=10,fuse_all_reduce_op_pass=10,alloc_continuous_space_for_grad_pass=10,fast_threaded_ssa_graph_executor=10,threaded_ssa_graph_executor=10,backward_op_deps_pass=10,graph=10 -export GLOG_logtostderr=1 - diff --git a/PaddleNLP/Research/EMNLP2019-MAL/env/utils.sh b/PaddleNLP/Research/EMNLP2019-MAL/env/utils.sh deleted file mode 100644 index 46038e8f361ebf8506989c1f9e674c41776d4eb8..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/env/utils.sh +++ /dev/null @@ -1,44 +0,0 @@ -#!/bin/bash - -set -u - -function check_iplist() { - - if [ ${iplist:-} ]; then - #paddle envs - export PADDLE_PSERVER_PORT=9184 - export PADDLE_TRAINER_IPS=${iplist} - #export PADDLE_CURRENT_IP=`/sbin/ip a | grep inet | grep global | awk '{print $2}' | sed 's/\/[0-9][0-9].*$//g'` - export PADDLE_CURRENT_IP=`hostname -i` - - iparray=(${iplist//,/ }) - for i in "${!iparray[@]}"; do - echo $i - if [ ${iparray[$i]} == ${PADDLE_CURRENT_IP} ]; then - export PADDLE_TRAINER_ID=$i - fi - done - - export TRAINING_ROLE=TRAINER - #export PADDLE_PSERVERS=127.0.0.1 - export PADDLE_INIT_TRAINER_COUNT=${#iparray[@]} - export PADDLE_PORT=${PADDLE_PSERVER_PORT} - export PADDLE_TRAINERS=${PADDLE_TRAINER_IPS} - export POD_IP=${PADDLE_CURRENT_IP} - export PADDLE_TRAINERS_NUM=${PADDLE_INIT_TRAINER_COUNT} - #is local - export PADDLE_IS_LOCAL=0 - echo "****************************************************" - - #paddle debug envs - export GLOG_v=0 - export GLOG_logtostderr=1 - - #nccl debug envs - export NCCL_DEBUG=INFO - #export NCCL_IB_DISABLE=1 - #export NCCL_IB_GDR_LEVEL=4 - export NCCL_IB_GID_INDEX=3 - #export NCCL_SOCKET_IFNAME=eth2 - fi -} diff --git a/PaddleNLP/Research/EMNLP2019-MAL/evaluate.sh b/PaddleNLP/Research/EMNLP2019-MAL/evaluate.sh deleted file mode 100755 index 822c0ce55f3b2fa7e614ebb937f2b883fcdf6089..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/evaluate.sh +++ /dev/null @@ -1,9 +0,0 @@ -#! /bin/sh - -path=$1 - -python ./src/id2word.py data/vocab.source.32000 < ${path} > ${path}_word -head -n 3003 ${path}_word > ${path}_word_tmp -mv ${path}_word_tmp ${path}_word -cat ${path}_word | sed 's/@@ //g' > ${path}.trans.post -python ./src/bleu_hook.py --reference wmt16_en_de/newstest2014.tok.de --translation ${path}.trans.post diff --git a/PaddleNLP/Research/EMNLP2019-MAL/get_data.sh b/PaddleNLP/Research/EMNLP2019-MAL/get_data.sh deleted file mode 100755 index 9cb421d71e6ac3546acf6b7dd222e964b4def443..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/get_data.sh +++ /dev/null @@ -1,34 +0,0 @@ -#! /bin/sh - -tmp_dir=wmt16_en_de -data_dir=data -source_file=train.tok.clean.bpe.32000.en -target_file=train.tok.clean.bpe.32000.de -source_vocab_size=32000 -target_vocab_size=32000 -num_shards=100 - -if [ ! -d wmt16_en_de ] -then - mkdir wmt16_en_de -fi - -wget https://baidu-nlp.bj.bcebos.com/EMNLP2019-MAL/wmt16_en_de.tar.gz -O wmt16_en_de/wmt16_en_de.tar.gz -tar -zxf wmt16_en_de/wmt16_en_de.tar.gz -C wmt16_en_de - -if [ ! -d $data_dir ] -then - mkdir data -fi - -if [ ! -d testset ] -then - mkdir testset -fi - - -cp wmt16_en_de/vocab.bpe.32000 data/vocab.source.32000 - -python ./src/gen_records.py --tmp_dir ${tmp_dir} --data_dir ${data_dir} --source_train_files ${source_file} --target_train_files ${target_file} --source_vocab_size ${source_vocab_size} --target_vocab_size ${target_vocab_size} --num_shards ${num_shards} --token True --onevocab True - -python ./src/preprocess/gen_utils.py --vocab $data_dir/vocab.source.${source_vocab_size} --testset ${tmp_dir}/newstest2014.tok.bpe.32000.en --output ./testset/testfile diff --git a/PaddleNLP/Research/EMNLP2019-MAL/images/arch.png b/PaddleNLP/Research/EMNLP2019-MAL/images/arch.png deleted file mode 100644 index 4c0b0f1385458184fb0eee92e6440235a5ff5666..0000000000000000000000000000000000000000 Binary files a/PaddleNLP/Research/EMNLP2019-MAL/images/arch.png and /dev/null differ diff --git a/PaddleNLP/Research/EMNLP2019-MAL/infer.sh b/PaddleNLP/Research/EMNLP2019-MAL/infer.sh deleted file mode 100755 index 4a9bf970930e526cb085e4f8428c78675bae3225..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/infer.sh +++ /dev/null @@ -1,32 +0,0 @@ -#! /bin/sh - -export LD_LIBRARY_PATH=/home/work/cuda-9.0/lib64:/home/work/cudnn/cudnn_v7/cuda/lib64:/home/work/cuda-9.0/extras/CUPTI/lib64:$LD_LIBRARY_PATH - -wget https://baidu-nlp.bj.bcebos.com/EMNLP2019-MAL/checkpoint.best.tgz -tar -zxf checkpoint.best.tgz - -infer(){ - CUDA_VISIBLE_DEVICES=$1 python -u src/infer.py \ - --val_file_pattern $3 \ - --vocab_size $4 \ - --special_token '' '' '' \ - --use_mem_opt True \ - --use_delay_load True \ - --infer_batch_size 16 \ - --decode_alpha 0.3 \ - d_model 1024 \ - d_inner_hid 4096 \ - n_head 16 \ - prepostprocess_dropout 0.0 \ - attention_dropout 0.0 \ - relu_dropout 0.0 \ - model_path $2 \ - beam_size 4 \ - max_out_len 306 \ - max_length 256 -} - -infer 0 checkpoint.best testset/testfile 37007 - -sh evaluate.sh trans/forward_checkpoint.best -grep "BLEU_cased" trans/* diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/args.py b/PaddleNLP/Research/EMNLP2019-MAL/src/args.py deleted file mode 100644 index e28bea6d9864f5269312c69c5d598d74845df0f7..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/args.py +++ /dev/null @@ -1,70 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import six -import argparse - - -def str2bool(v): - """ - because argparse does not support to parse "true, False" as python - boolean directly - """ - return v.lower() in ("true", "t", "1") - - -class ArgumentGroup(object): - """ - ArgumentGroup - """ - def __init__(self, parser, title, des): - self._group = parser.add_argument_group(title=title, description=des) - - def add_arg(self, name, type, default, help, positional_arg=False, **kwargs): - """ - add_arg - """ - prefix = "" if positional_arg else "--" - type = str2bool if type == bool else type - self._group.add_argument( - prefix + name, - default=default, - type=type, - help=help + ' Default: %(default)s.', - **kwargs) - - -def print_arguments(args): - """ - print_arguments - """ - print('----------- Configuration Arguments -----------') - for arg, value in sorted(six.iteritems(vars(args))): - print('%s: %s' % (arg, value)) - print('------------------------------------------------') - - -def inv_arguments(args): - """ - inv_arguments - """ - print('[Warning] Only keyword argument type is supported.') - args_list = [] - for arg, value in sorted(six.iteritems(vars(args))): - args_list.extend(['--' + str(arg), str(value)]) - return args_list diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/attention.py b/PaddleNLP/Research/EMNLP2019-MAL/src/attention.py deleted file mode 100644 index 643cefe864b493e7ba60359862bde5090071c168..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/attention.py +++ /dev/null @@ -1,133 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License - -import paddle.fluid as fluid -import paddle.fluid.layers as layers -from paddle.fluid.layer_helper import LayerHelper as LayerHelper - -def generate_relative_positions_matrix(length, max_relative_position, cache=False): - if not cache: - range_vec = layers.range(0, length, 1, 'int32') - range_vec.stop_gradient = True - shapes = layers.shape(range_vec) - range_vec = layers.reshape(range_vec, shape=[1, shapes[0]]) - range_mat = layers.expand(range_vec, [shapes[0], 1]) - distance_mat = range_mat - layers.transpose(range_mat, [1, 0]) - else: - distance_mat = layers.range(-1 * length+1, 1, 1, 'int32') - distance_mat.stop_gradient = True - shapes = layers.shape(distance_mat) - distance_mat = layers.reshape(distance_mat, [1, shapes[0]]) - - distance_mat_clipped = layers.clip(layers.cast(distance_mat, dtype="float32"), float(-max_relative_position), float(max_relative_position)) - final_mat = layers.cast(distance_mat_clipped, dtype = 'int32') + max_relative_position - return final_mat - - -def generate_relative_positions_embeddings(length, depth, max_relative_position, name, cache=False): - relative_positions_matrix = generate_relative_positions_matrix( - length, max_relative_position, cache=cache) - - y = layers.reshape(relative_positions_matrix, [-1]) - y.stop_gradient = True - vocab_size = max_relative_position * 2 + 1 - #embeddings_table = layers.create_parameter(shape=[vocab_size, depth], dtype='float32', default_initializer=fluid.initializer.Constant(1.2345), name=name) - embeddings_table = layers.create_parameter(shape=[vocab_size, depth], dtype='float32', name=name) - #layers.Print(embeddings_table, message = "embeddings_table=====") - embeddings_1 = layers.gather(embeddings_table, y) - embeddings = layers.reshape(embeddings_1, [-1, length, depth]) - return embeddings - - -def _relative_attention_inner(q, k, v, transpose): - batch_size = layers.shape(q)[0] - heads = layers.shape(q)[1] - length = layers.shape(q)[2] - - xy_matmul = layers.matmul(q, k, transpose_y=transpose) - x_t = layers.transpose(q, [2, 0, 1, 3]) - x_t_r = layers.reshape(x_t, [length, batch_size * heads, -1]) - x_tz_matmul = layers.matmul(x_t_r, v, transpose_y = transpose) - x_tz_matmul_r = layers.reshape(x_tz_matmul, [length, batch_size, heads, -1]) - x_tz_matmul_r_t = layers.transpose(x_tz_matmul_r, [1, 2, 0, 3]) - return xy_matmul + x_tz_matmul_r_t - -def _dot_product_relative(q, k, v, bias, dropout=0.1, cache=None, params_type="normal"): - depth_constant = int(k.shape[3]) - heads = layers.shape(k)[1] - length = layers.shape(k)[2] - - max_relative_position = 4 - pre_name = "relative_positions_" - if params_type == "fixed": - pre_name = "fixed_relative_positions_" - elif params_type == "new": - pre_name = "new_relative_positions_" - relations_keys = generate_relative_positions_embeddings( - length, depth_constant, max_relative_position, name=pre_name + "keys", - cache=cache is not None) - - relations_values = generate_relative_positions_embeddings( - length, depth_constant, max_relative_position, - name = pre_name + "values", - cache=cache is not None) - - logits = _relative_attention_inner(q, k, relations_keys, True) - - if bias is not None: logits += bias - weights = layers.softmax(logits, name = "attention_weights") - weights = layers.dropout(weights, dropout_prob=float(dropout)) - output = _relative_attention_inner(weights, v, relations_values, False) - return output - -def scaled_dot_product_attention(q, k, v, attn_bias, d_key, dropout_rate): - """ - Scaled Dot-Product Attention - """ - scaled_q = layers.scale(x=q, scale=d_key ** -0.5) - product = layers.matmul(x=scaled_q, y=k, transpose_y=True) - if attn_bias: - product += attn_bias - weights = layers.softmax(product) - if dropout_rate: - weights = layers.dropout( - weights, - dropout_prob=dropout_rate, - seed=ModelHyperParams.dropout_seed, - is_test=False, dropout_implementation='upscale_in_train') - out = layers.matmul(weights, v) - return out - -if __name__ == "__main__": - batch_size = 2 - heads = 8 - length = 5 - depth = 3 - cpu = fluid.core.CPUPlace() - exe = fluid.Executor(cpu) - startup_prog = fluid.Program() - train_prog = fluid.Program() - with fluid.program_guard(train_prog, startup_prog): - with fluid.unique_name.guard("forward"): - x = layers.reshape(layers.cast(layers.range(0, 18, 1, "int32"), dtype = "float32"), shape =[-1, 3, 3]) - y = layers.reshape(layers.cast(layers.range(0, 2, 1, "int32"), dtype = "float32"), shape =[-1, 1]) - z = x * y - - exe.run(startup_prog) - outs = exe.run(train_prog, fetch_list=[x, y, z]) - print outs[0] - print outs[1] - print outs[2] - - diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/beam_search.py b/PaddleNLP/Research/EMNLP2019-MAL/src/beam_search.py deleted file mode 100644 index 2673baf54099999d6cc472be061ea56af1e68c96..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/beam_search.py +++ /dev/null @@ -1,206 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -import paddle.fluid as fluid -import paddle.fluid.layers as layers - -INF = 1. * 1e9 - -class BeamSearch(object): - """ - beam_search class - """ - def __init__(self, beam_size, batch_size, alpha, vocab_size, hidden_size): - self.beam_size = beam_size - self.batch_size = batch_size - self.alpha = alpha - self.vocab_size = vocab_size - self.hidden_size = hidden_size - self.gather_top2k_append_index = layers.range(0, 2 * self.batch_size * beam_size, 1, 'int64') // \ - (2 * self.beam_size) * (self.beam_size) - - self.gather_topk_append_index = layers.range(0, self.batch_size * beam_size, 1, 'int64') // \ - self.beam_size * (2 * self.beam_size) - - self.gather_finish_topk_append_index = layers.range(0, self.batch_size * beam_size, 1, 'int64') // \ - self.beam_size * (3 * self.beam_size) - - self.eos_id = layers.fill_constant([self.batch_size, 2 * self.beam_size], 'int64', value=1) - self.get_alive_index = layers.range(0, self.batch_size, 1, 'int64') * self.beam_size - - - def gather_cache(self, kv_caches, select_id): - """ - gather cache - """ - for index in xrange(len(kv_caches)): - kv_cache = kv_caches[index] - select_k = layers.gather(kv_cache['k'], [select_id]) - select_v = layers.gather(kv_cache['v'], [select_id]) - layers.assign(select_k, kv_caches[index]['k']) - layers.assign(select_v, kv_caches[index]['v']) - - - # topk_seq, topk_scores, topk_log_probs, topk_finished, cache - def compute_topk_scores_and_seq(self, sequences, scores, scores_to_gather, flags, pick_finish=False, cache=None): - """ - compute_topk_scores_and_seq - """ - topk_scores, topk_indexes = layers.topk(scores, k=self.beam_size) #[batch_size, beam_size] - if not pick_finish: - flat_topk_indexes = layers.reshape(topk_indexes, [-1]) + self.gather_topk_append_index - flat_sequences = layers.reshape(sequences, [2 * self.batch_size * self.beam_size, -1]) - else: - flat_topk_indexes = layers.reshape(topk_indexes, [-1]) + self.gather_finish_topk_append_index - flat_sequences = layers.reshape(sequences, [3 * self.batch_size * self.beam_size, -1]) - - topk_seq = layers.gather(flat_sequences, [flat_topk_indexes]) - topk_seq = layers.reshape(topk_seq, [self.batch_size, self.beam_size, -1]) - - flat_flags = layers.reshape(flags, [-1]) - topk_flags = layers.gather(flat_flags, [flat_topk_indexes]) - topk_flags = layers.reshape(topk_flags, [-1, self.beam_size]) - - flat_scores = layers.reshape(scores_to_gather, [-1]) - topk_gathered_scores = layers.gather(flat_scores, [flat_topk_indexes]) - topk_gathered_scores = layers.reshape(topk_gathered_scores, [-1, self.beam_size]) - - if cache: - self.gather_cache(cache, flat_topk_indexes) - - return topk_seq, topk_gathered_scores, topk_flags, cache - - - def grow_topk(self, i, logits, alive_seq, alive_log_probs, cache, enc_output, enc_bias): - """ - grow_topk - """ - logits = layers.reshape(logits, [self.batch_size, self.beam_size, -1]) - - candidate_log_probs = layers.log(layers.softmax(logits, axis=2)) - log_probs = candidate_log_probs + layers.unsqueeze(alive_log_probs, axes=[2]) - - base_1 = layers.cast(i, 'float32') + 6.0 - base_1 /= 6.0 - length_penalty = layers.pow(base_1, self.alpha) - #length_penalty = layers.pow(((5.0 + layers.cast(i+1, 'float32')) / 6.0), self.alpha) - - curr_scores = log_probs / length_penalty - flat_curr_scores = layers.reshape(curr_scores, [self.batch_size, self.beam_size * self.vocab_size]) - - topk_scores, topk_ids = layers.topk(flat_curr_scores, k=self.beam_size * 2) - - topk_log_probs = topk_scores * length_penalty - - select_beam_index = topk_ids // self.vocab_size - select_id = topk_ids % self.vocab_size - - #layers.Print(select_id, message="select_id", summarize=1024) - #layers.Print(topk_scores, message="topk_scores", summarize=10000000) - - flat_select_beam_index = layers.reshape(select_beam_index, [-1]) + self.gather_top2k_append_index - - topk_seq = layers.gather(alive_seq, [flat_select_beam_index]) - topk_seq = layers.reshape(topk_seq, [self.batch_size, 2 * self.beam_size, -1]) - - - #concat with current ids - topk_seq = layers.concat([topk_seq, layers.unsqueeze(select_id, axes=[2])], axis=2) - topk_finished = layers.cast(layers.equal(select_id, self.eos_id), 'float32') - - #gather cache - self.gather_cache(cache, flat_select_beam_index) - - #topk_seq: [batch_size, 2*beam_size, i+1] - #topk_log_probs, topk_scores, topk_finished: [batch_size, 2*beam_size] - return topk_seq, topk_log_probs, topk_scores, topk_finished, cache - - - def grow_alive(self, curr_seq, curr_scores, curr_log_probs, curr_finished, cache): - """ - grow_alive - """ - finish_float_flag = layers.cast(curr_finished, 'float32') - finish_float_flag = finish_float_flag * -INF - curr_scores += finish_float_flag - - return self.compute_topk_scores_and_seq(curr_seq, curr_scores, - curr_log_probs, curr_finished, cache=cache) - - - def grow_finished(self, i, finished_seq, finished_scores, finished_flags, curr_seq, - curr_scores, curr_finished): - """ - grow_finished - """ - finished_seq = layers.concat([finished_seq, - layers.fill_constant([self.batch_size, self.beam_size, 1], dtype='int64', value=0)], - axis=2) - - curr_scores = curr_scores + (1.0 - layers.cast(curr_finished, 'int64')) * -INF - - curr_finished_seq = layers.concat([finished_seq, curr_seq], axis=1) - curr_finished_scores = layers.concat([finished_scores, curr_scores], axis=1) - curr_finished_flags = layers.concat([finished_flags, curr_finished], axis=1) - - return self.compute_topk_scores_and_seq(curr_finished_seq, curr_finished_scores, - curr_finished_scores, curr_finished_flags, - pick_finish=True) - - - def inner_func(self, i, logits, alive_seq, alive_log_probs, finished_seq, finished_scores, - finished_flags, cache, enc_output, enc_bias): - """ - inner_func - """ - topk_seq, topk_log_probs, topk_scores, topk_finished, cache = self.grow_topk( - i, logits, alive_seq, alive_log_probs, cache, enc_output, enc_bias) - - alive_seq, alive_log_probs, _, cache = self.grow_alive( - topk_seq, topk_scores, topk_log_probs, topk_finished, cache) - #layers.Print(alive_seq, message="alive_seq", summarize=1024) - - finished_seq, finished_scores, finished_flags, _ = self.grow_finished( - i, finished_seq, finished_scores, finished_flags, topk_seq, topk_scores, topk_finished) - - return alive_seq, alive_log_probs, finished_seq, finished_scores, finished_flags, cache - - - def is_finished(self, step_idx, source_length, alive_log_probs, finished_scores, finished_in_finished): - """ - is_finished - """ - base_1 = layers.cast(source_length, 'float32') + 55.0 - base_1 /= 6.0 - max_length_penalty = layers.pow(base_1, self.alpha) - - flat_alive_log_probs = layers.reshape(alive_log_probs, [-1]) - lower_bound_alive_scores_1 = layers.gather(flat_alive_log_probs, [self.get_alive_index]) - - lower_bound_alive_scores = lower_bound_alive_scores_1 / max_length_penalty - - lowest_score_of_finished_in_finish = layers.reduce_min(finished_scores * finished_in_finished, dim=1) - - finished_in_finished = layers.cast(finished_in_finished, 'bool') - lowest_score_of_finished_in_finish += \ - ((1.0 - layers.cast(layers.reduce_any(finished_in_finished, 1), 'float32')) * -INF) - - #print lowest_score_of_finished_in_finish - bound_is_met = layers.reduce_all(layers.greater_than(lowest_score_of_finished_in_finish, - lower_bound_alive_scores)) - - decode_length = source_length + 50 - length_cond = layers.less_than(x=step_idx, y=decode_length) - - return layers.logical_and(x=layers.logical_not(bound_is_met), y=length_cond) diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/bleu_hook.py b/PaddleNLP/Research/EMNLP2019-MAL/src/bleu_hook.py deleted file mode 100644 index 05e722aeddb54ed3716fa822716976a0be5b5483..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/bleu_hook.py +++ /dev/null @@ -1,209 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from __future__ import absolute_import -from __future__ import division - -import collections -import math -import os -import re -import sys -import time -import unicodedata - -# Dependency imports - -import numpy as np -import six -from six.moves import range -from six.moves import zip - -from preprocess import text_encoder - - -def _get_ngrams(segment, max_order): - """Extracts all n-grams up to a given maximum order from an input segment. - - Args: - segment: text segment from which n-grams will be extracted. - max_order: maximum length in tokens of the n-grams returned by this - methods. - - Returns: - The Counter containing all n-grams up to max_order in segment - with a count of how many times each n-gram occurred. - """ - ngram_counts = collections.Counter() - for order in range(1, max_order + 1): - for i in range(0, len(segment) - order + 1): - ngram = tuple(segment[i:i + order]) - ngram_counts[ngram] += 1 - return ngram_counts - - -def compute_bleu(reference_corpus, - translation_corpus, - max_order=4, - use_bp=True): - """Computes BLEU score of translated segments against one or more references. - - Args: - reference_corpus: list of references for each translation. Each - reference should be tokenized into a list of tokens. - translation_corpus: list of translations to score. Each translation - should be tokenized into a list of tokens. - max_order: Maximum n-gram order to use when computing BLEU score. - use_bp: boolean, whether to apply brevity penalty. - - Returns: - BLEU score. - """ - reference_length = 0 - translation_length = 0 - bp = 1.0 - geo_mean = 0 - - matches_by_order = [0] * max_order - possible_matches_by_order = [0] * max_order - precisions = [] - - for (references, translations) in zip(reference_corpus, translation_corpus): - reference_length += len(references) - translation_length += len(translations) - ref_ngram_counts = _get_ngrams(references, max_order) - translation_ngram_counts = _get_ngrams(translations, max_order) - - overlap = dict((ngram, - min(count, translation_ngram_counts[ngram])) - for ngram, count in ref_ngram_counts.items()) - - for ngram in overlap: - matches_by_order[len(ngram) - 1] += overlap[ngram] - for ngram in translation_ngram_counts: - possible_matches_by_order[len(ngram)-1] += translation_ngram_counts[ngram] - precisions = [0] * max_order - smooth = 1.0 - for i in range(0, max_order): - if possible_matches_by_order[i] > 0: - precisions[i] = matches_by_order[i] / possible_matches_by_order[i] - if matches_by_order[i] > 0: - precisions[i] = matches_by_order[i] / possible_matches_by_order[i] - else: - smooth *= 2 - precisions[i] = 1.0 / (smooth * possible_matches_by_order[i]) - else: - precisions[i] = 0.0 - - if max(precisions) > 0: - p_log_sum = sum(math.log(p) for p in precisions if p) - geo_mean = math.exp(p_log_sum / max_order) - - if use_bp: - ratio = (translation_length + 1e-6) / reference_length - bp = math.exp(1 - 1. / ratio) if ratio < 1.0 else 1.0 - bleu = geo_mean * bp - return np.float32(bleu) - - -class UnicodeRegex(object): - """Ad-hoc hack to recognize all punctuation and symbols.""" - - def __init__(self): - punctuation = self.property_chars("P") - self.nondigit_punct_re = re.compile(r"([^\d])([" + punctuation + r"])") - self.punct_nondigit_re = re.compile(r"([" + punctuation + r"])([^\d])") - self.symbol_re = re.compile("([" + self.property_chars("S") + "])") - - def property_chars(self, prefix): - """ - get unicode of specified chars - """ - return "".join(six.unichr(x) for x in range(sys.maxunicode) - if unicodedata.category(six.unichr(x)).startswith(prefix)) - - -uregex = UnicodeRegex() - - -def bleu_tokenize(string): - r"""Tokenize a string following the official BLEU implementation. - - See https://github.com/moses-smt/mosesdecoder/" - "blob/master/scripts/generic/mteval-v14.pl#L954-L983 - In our case, the input string is expected to be just one line - and no HTML entities de-escaping is needed. - So we just tokenize on punctuation and symbols, - except when a punctuation is preceded and followed by a digit - (e.g. a comma/dot as a thousand/decimal separator). - - Note that a number (e.g. a year) followed by a dot at the end of sentence - is NOT tokenized, - i.e. the dot stays with the number because `s/(\p{P})(\P{N})/ $1 $2/g` - does not match this case (unless we add a space after each sentence). - However, this error is already in the original mteval-v14.pl - and we want to be consistent with it. - - Args: - string: the input string - - Returns: - a list of tokens - """ - string = uregex.nondigit_punct_re.sub(r"\1 \2 ", string) - string = uregex.punct_nondigit_re.sub(r" \1 \2", string) - string = uregex.symbol_re.sub(r" \1 ", string) - return string.split() - - -def bleu_wrapper(ref_filename, hyp_filename, case_sensitive=False): - """Compute BLEU for two files (reference and hypothesis translation).""" - ref_lines = text_encoder.native_to_unicode( - open(ref_filename, "r").read()).splitlines() - hyp_lines = text_encoder.native_to_unicode( - open(hyp_filename, "r").read()).splitlines() - assert len(ref_lines) == len(hyp_lines) - if not case_sensitive: - ref_lines = [x.lower() for x in ref_lines] - hyp_lines = [x.lower() for x in hyp_lines] - ref_tokens = [bleu_tokenize(x) for x in ref_lines] - hyp_tokens = [bleu_tokenize(x) for x in hyp_lines] - - return compute_bleu(ref_tokens, hyp_tokens) - - -if __name__ == "__main__": - import argparse - parser = argparse.ArgumentParser("Calc BLEU.") - - parser.add_argument( - "--reference", - type=str, - required=True, - help="path of reference.") - - parser.add_argument( - "--translation", - type=str, - required=True, - help="path of translation.") - args = parser.parse_args() - - bleu_uncased = 100 * bleu_wrapper(args.reference, args.translation, case_sensitive=False) - bleu_cased = 100 * bleu_wrapper(args.reference, args.translation, case_sensitive=True) - - f = open("%s.bleu" % args.translation, 'w') - f.write("BLEU_uncased = %6.2f\n" % (bleu_uncased)) - f.write("BLEU_cased = %6.2f\n" % (bleu_cased)) - f.close() diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/config.py b/PaddleNLP/Research/EMNLP2019-MAL/src/config.py deleted file mode 100644 index 77ed70cc08eb685101349698af78bd4036591a96..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/config.py +++ /dev/null @@ -1,315 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -class TrainTaskConfig(object): - """ - TrainTaskConfig - """ - # support both CPU and GPU now. - use_gpu = True - # the epoch number to train. - pass_num = 30 - # the number of sequences contained in a mini-batch. - # deprecated, set batch_size in args. - batch_size = 32 - # the hyper parameters for Adam optimizer. - # This static learning_rate will be multiplied to the LearningRateScheduler - # derived learning rate the to get the final learning rate. - learning_rate = 4.0 - beta1 = 0.9 - beta2 = 0.997 - eps = 1e-9 - # the parameters for learning rate scheduling. - warmup_steps = 8000 - # the weight used to mix up the ground-truth distribution and the fixed - # uniform distribution in label smoothing when training. - # Set this as zero if label smoothing is not wanted. - label_smooth_eps = 0.1 - # the directory for saving trained models. - model_dir = "trained_models" - # the directory for saving checkpoints. - ckpt_dir = "trained_ckpts" - # the directory for loading checkpoint. - # If provided, continue training from the checkpoint. - ckpt_path = None - # the parameter to initialize the learning rate scheduler. - # It should be provided if use checkpoints, since the checkpoint doesn't - # include the training step counter currently. - start_step = 0 - # the frequency to save trained models. - save_freq = 5000 - # the frequency to copy unfixed parameters to fixed parameters - fixed_freq = 50000 - beta = 0.7 - -class InferTaskConfig(object): - """ - InferTaskConfig - """ - use_gpu = True - # the number of examples in one run for sequence generation. - batch_size = 10 - # the parameters for beam search. - beam_size = 5 - max_out_len = 256 - # the number of decoded sentences to output. - n_best = 1 - # the flags indicating whether to output the special tokens. - output_bos = False - output_eos = False - output_unk = True - # the directory for loading the trained model. - model_path = "trained_models/pass_1.infer.model" - decode_alpha = 0.6 - - -class ModelHyperParams(object): - """ - ModelHyperParams - """ - # These following five vocabularies related configurations will be set - # automatically according to the passed vocabulary path and special tokens. - # size of source word dictionary. - src_vocab_size = 10000 - # size of target word dictionay - trg_vocab_size = 10000 - # index for token - bos_idx = 0 - # index for token - eos_idx = 1 - # index for token - unk_idx = 2 - # max length of sequences deciding the size of position encoding table. - max_length = 256 - # the dimension for word embeddings, which is also the last dimension of - # the input and output of multi-head attention, position-wise feed-forward - # networks, encoder and decoder. - d_model = 1024 - # size of the hidden layer in position-wise feed-forward networks. - d_inner_hid = 4096 - # the dimension that keys are projected to for dot-product attention. - d_key = 64 - # the dimension that values are projected to for dot-product attention. - d_value = 64 - # number of head used in multi-head attention. - n_head = 16 - # number of sub-layers to be stacked in the encoder and decoder. - n_layer = 6 - # dropout rates of different modules. - prepostprocess_dropout = 0.1 - attention_dropout = 0.1 - relu_dropout = 0.1 - # to process before each sub-layer - preprocess_cmd = "n" # layer normalization - # to process after each sub-layer - postprocess_cmd = "da" # dropout + residual connection - # random seed used in dropout for CE. - dropout_seed = None - # the flag indicating whether to share embedding and softmax weights. - # vocabularies in source and target should be same for weight sharing. - weight_sharing = True - embedding_sharing = True - -class DenseModelHyperParams(object): - """ - DenseModelHyperParams - """ - # These following five vocabularies related configurations will be set - # automatically according to the passed vocabulary path and special tokens. - # size of source word dictionary. - src_vocab_size = 37007 - # size of target word dictionay - trg_vocab_size = 37007 - # index for token - bos_idx = 0 - # index for token - eos_idx = 1 - # index for token - unk_idx = 2 - # max length of sequences deciding the size of position encoding table. - max_length = 256 - # the dimension for word embeddings, which is also the last dimension of - # the input and output of multi-head attention, position-wise feed-forward - # networks, encoder and decoder. - d_model = 512 - # size of the hidden layer in position-wise feed-forward networks. - d_inner_hid = 2048 - # the dimension that keys are projected to for dot-product attention. - d_key = 64 - # the dimension that values are projected to for dot-product attention. - d_value = 64 - # number of head used in multi-head attention. - n_head = 8 - # number of sub-layers to be stacked in the encoder and decoder. - n_layer = 6 - enc_n_layer = 25 - # dropout rates of different modules. - prepostprocess_dropout = 0.1 - attention_dropout = 0.1 - relu_dropout = 0.1 - # to process before each sub-layer - preprocess_cmd = "n" # layer normalization - # to process after each sub-layer - postprocess_cmd = "da" # dropout + residual connection - # random seed used in dropout for CE. - dropout_seed = None - # the flag indicating whether to share embedding and softmax weights. - # vocabularies in source and target should be same for weight sharing. - weight_sharing = True - embedding_sharing = True - -def merge_cfg_from_list(cfg_list, g_cfgs): - """ - Set the above global configurations using the cfg_list. - """ - assert len(cfg_list) % 2 == 0 - for key, value in zip(cfg_list[0::2], cfg_list[1::2]): - for g_cfg in g_cfgs: - if hasattr(g_cfg, key): - try: - value = eval(value) - except Exception: # for file path - pass - setattr(g_cfg, key, value) - break - - -# The placeholder for batch_size in compile time. Must be -1 currently to be -# consistent with some ops' infer-shape output in compile time, such as the -# sequence_expand op used in beamsearch decoder. -batch_size = -1 -# The placeholder for squence length in compile time. -seq_len = ModelHyperParams.max_length -# Here list the data shapes and data types of all inputs. -# The shapes here act as placeholder and are set to pass the infer-shape in -# compile time. -input_descs = { - # The actual data shape of src_word is: - # [batch_size, max_src_len_in_batch, 1] - "src_word": [(batch_size, seq_len, 1), "int64", 2], - # The actual data shape of src_pos is: - # [batch_size, max_src_len_in_batch, 1] - "src_pos": [(batch_size, seq_len, 1), "int64"], - # This input is used to remove attention weights on paddings in the - # encoder. - # The actual data shape of src_slf_attn_bias is: - # [batch_size, n_head, max_src_len_in_batch, max_src_len_in_batch] - "src_slf_attn_bias": [(batch_size, ModelHyperParams.n_head, seq_len, - seq_len), "float32"], - "dense_src_slf_attn_bias": [(batch_size, DenseModelHyperParams.n_head, seq_len, - seq_len), "float32"], - # The actual data shape of trg_word is: - # [batch_size, max_trg_len_in_batch, 1] - "trg_word": [(batch_size, seq_len, 1), "int64", - 2], # lod_level is only used in fast decoder. - "reverse_trg_word": [(batch_size, seq_len, 1), "int64", - 2], # lod_level is only used in fast decoder. - # The actual data shape of trg_pos is: - # [batch_size, max_trg_len_in_batch, 1] - "trg_pos": [(batch_size, seq_len, 1), "int64"], - # This input is used to remove attention weights on paddings and - # subsequent words in the decoder. - # The actual data shape of trg_slf_attn_bias is: - # [batch_size, n_head, max_trg_len_in_batch, max_trg_len_in_batch] - "trg_slf_attn_bias": [(batch_size, ModelHyperParams.n_head, seq_len, - seq_len), "float32"], - "dense_trg_slf_attn_bias": [(batch_size, DenseModelHyperParams.n_head, seq_len, - seq_len), "float32"], - # This input is used to remove attention weights on paddings of the source - # input in the encoder-decoder attention. - # The actual data shape of trg_src_attn_bias is: - # [batch_size, n_head, max_trg_len_in_batch, max_src_len_in_batch] - "trg_src_attn_bias": [(batch_size, ModelHyperParams.n_head, seq_len, - seq_len), "float32"], - "dense_trg_src_attn_bias": [(batch_size, DenseModelHyperParams.n_head, seq_len, - seq_len), "float32"], - # This input is used in independent decoder program for inference. - # The actual data shape of enc_output is: - # [batch_size, max_src_len_in_batch, d_model] - "enc_output": [(batch_size, seq_len, ModelHyperParams.d_model), "float32"], - # The actual data shape of label_word is: - # [batch_size * max_trg_len_in_batch, 1] - "lbl_word": [(batch_size * seq_len, 1), "int64"], - "reverse_lbl_word": [(batch_size * seq_len, 1), "int64"], - "eos_position": [(batch_size * seq_len, 1), "int64"], - # This input is used to mask out the loss of paddding tokens. - # The actual data shape of label_weight is: - # [batch_size * max_trg_len_in_batch, 1] - "lbl_weight": [(batch_size * seq_len, 1), "float32"], - # This input is used in beam-search decoder. - "init_score": [(batch_size, 1), "float32"], - # This input is used in beam-search decoder for the first gather - # (cell states updation) - "init_idx": [(batch_size, ), "int32"], - "decode_length": [(batch_size, ), "int64"], -} -# Names of word embedding table which might be reused for weight sharing. -dense_word_emb_param_names = ( - "src_word_emb_table", - "trg_word_emb_table", ) -# Names of position encoding table which will be initialized externally. -dense_pos_enc_param_names = ( - "dense_src_pos_enc_table", - "dense_trg_pos_enc_table", ) -# Names of word embedding table which might be reused for weight sharing. -word_emb_param_names = ( - "src_word_emb_table", - "trg_word_emb_table", ) -# Names of position encoding table which will be initialized externally. -pos_enc_param_names = ( - "src_pos_enc_table", - "trg_pos_enc_table", ) -# separated inputs for different usages. -encoder_data_input_fields = ( - "src_word", - "src_pos", - "src_slf_attn_bias", ) -# separated inputs for different usages. -dense_encoder_data_input_fields = ( - "src_word", - "src_pos", - "dense_src_slf_attn_bias", ) -decoder_data_input_fields = ( - "trg_word", - "reverse_trg_word", - "trg_pos", - "trg_slf_attn_bias", - "trg_src_attn_bias", - "enc_output", ) -dense_decoder_data_input_fields = ( - "trg_word", - "reverse_trg_word", - "trg_pos", - "dense_trg_slf_attn_bias", - "dense_trg_src_attn_bias", - "enc_output", ) -label_data_input_fields = ( - "lbl_word", - "lbl_weight", - "reverse_lbl_word", - "eos_position") -dense_bias_input_fields = ( - "dense_src_slf_attn_bias", - "dense_trg_slf_attn_bias", - "dense_trg_src_attn_bias") -# In fast decoder, trg_pos (only containing the current time step) is generated -# by ops and trg_slf_attn_bias is not needed. -fast_encoder_data_input_fields = ( - "src_word", - "src_pos", - "src_slf_attn_bias", - "dense_src_slf_attn_bias", ) - -fast_decoder_data_input_fields = ( - "decode_length", ) diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/dense_model.py b/PaddleNLP/Research/EMNLP2019-MAL/src/dense_model.py deleted file mode 100644 index ceb1319e18c53b7c77829d2c6f273a57fec595a9..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/dense_model.py +++ /dev/null @@ -1,958 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License - -from functools import partial -import numpy as np - -import paddle.fluid as fluid -import paddle.fluid.layers as layers -from paddle.fluid.layer_helper import LayerHelper as LayerHelper - -from config import * -from beam_search import BeamSearch - -INF = 1. * 1e5 - -def layer_norm(x, begin_norm_axis=1, epsilon=1e-6, param_attr=None, bias_attr=None): - """ - layer_norm - """ - helper = LayerHelper('layer_norm', **locals()) - mean = layers.reduce_mean(x, dim=begin_norm_axis, keep_dim=True) - shift_x = layers.elementwise_sub(x=x, y=mean, axis=0) - variance = layers.reduce_mean(layers.square(shift_x), dim=begin_norm_axis, keep_dim=True) - r_stdev = layers.rsqrt(variance + epsilon) - norm_x = layers.elementwise_mul(x=shift_x, y=r_stdev, axis=0) - - param_shape = [reduce(lambda x, y: x * y, norm_x.shape[begin_norm_axis:])] - param_dtype = norm_x.dtype - scale = helper.create_parameter( - attr=param_attr, - shape=param_shape, - dtype=param_dtype, - default_initializer=fluid.initializer.Constant(1.)) - bias = helper.create_parameter( - attr=bias_attr, - shape=param_shape, - dtype=param_dtype, - is_bias=True, - default_initializer=fluid.initializer.Constant(0.)) - - out = layers.elementwise_mul(x=norm_x, y=scale, axis=-1) - out = layers.elementwise_add(x=out, y=bias, axis=-1) - - return out - -def dense_position_encoding_init(n_position, d_pos_vec): - """ - Generate the initial values for the sinusoid position encoding table. - """ - channels = d_pos_vec - position = np.arange(n_position) - num_timescales = channels // 2 - log_timescale_increment = (np.log(float(1e4) / float(1)) / - (num_timescales - 1)) - inv_timescales = np.exp(np.arange( - num_timescales) * -log_timescale_increment) - #num_timescales)) * -log_timescale_increment - scaled_time = np.expand_dims(position, 1) * np.expand_dims(inv_timescales, - 0) - signal = np.concatenate([np.sin(scaled_time), np.cos(scaled_time)], axis=1) - signal = np.pad(signal, [[0, 0], [0, np.mod(channels, 2)]], 'constant') - position_enc = signal - return position_enc.astype("float32") - - -def multi_head_attention(queries, - keys, - values, - attn_bias, - d_key, - d_value, - d_model, - n_head=1, - dropout_rate=0., - cache=None, - attention_type="dot_product",): - """ - Multi-Head Attention. Note that attn_bias is added to the logit before - computing softmax activiation to mask certain selected positions so that - they will not considered in attention weights. - """ - keys = queries if keys is None else keys - values = keys if values is None else values - - if not (len(queries.shape) == len(keys.shape) == len(values.shape) == 3): - raise ValueError( - "Inputs: quries, keys and values should all be 3-D tensors.") - - def __compute_qkv(queries, keys, values, n_head, d_key, d_value): - """ - Add linear projection to queries, keys, and values. - """ - q = layers.fc(input=queries, - size=d_key * n_head, - bias_attr=False, - num_flatten_dims=2) - k = layers.fc(input=keys, - size=d_key * n_head, - bias_attr=False, - num_flatten_dims=2) - v = layers.fc(input=values, - size=d_value * n_head, - bias_attr=False, - num_flatten_dims=2) - return q, k, v - - def __split_heads(x, n_head): - """ - Reshape the last dimension of inpunt tensor x so that it becomes two - dimensions and then transpose. Specifically, input a tensor with shape - [bs, max_sequence_length, n_head * hidden_dim] then output a tensor - with shape [bs, n_head, max_sequence_length, hidden_dim]. - """ - if n_head == 1: - return x - - hidden_size = x.shape[-1] - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - reshaped = layers.reshape( - x=x, shape=[0, 0, n_head, hidden_size // n_head], inplace=True) - - # permuate the dimensions into: - # [batch_size, n_head, max_sequence_len, hidden_size_per_head] - return layers.transpose(x=reshaped, perm=[0, 2, 1, 3]) - - def __combine_heads(x): - """ - Transpose and then reshape the last two dimensions of inpunt tensor x - so that it becomes one dimension, which is reverse to __split_heads. - """ - if len(x.shape) == 3: return x - if len(x.shape) != 4: - raise ValueError("Input(x) should be a 4-D Tensor.") - - trans_x = layers.transpose(x, perm=[0, 2, 1, 3]) - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - return layers.reshape( - x=trans_x, - shape=[0, 0, trans_x.shape[2] * trans_x.shape[3]], - inplace=True) - - def scaled_dot_product_attention(q, k, v, attn_bias, d_key, dropout_rate): - """ - Scaled Dot-Product Attention - """ - scaled_q = layers.scale(x=q, scale=d_key ** -0.5) - product = layers.matmul(x=scaled_q, y=k, transpose_y=True) - if attn_bias: - product += attn_bias - weights = layers.softmax(product) - if dropout_rate: - weights = layers.dropout( - weights, - dropout_prob=dropout_rate, - seed=DenseModelHyperParams.dropout_seed, - is_test=False, dropout_implementation='upscale_in_train') - out = layers.matmul(weights, v) - return out - - q, k, v = __compute_qkv(queries, keys, values, n_head, d_key, d_value) - - if cache is not None: # use cache and concat time steps - # Since the inplace reshape in __split_heads changes the shape of k and - # v, which is the cache input for next time step, reshape the cache - # input from the previous time step first. - k = layers.concat([cache['k'], k], axis=1) - v = layers.concat([cache['v'], v], axis=1) - layers.assign(k, cache['k']) - layers.assign(v, cache['v']) - - q = __split_heads(q, n_head) - k = __split_heads(k, n_head) - v = __split_heads(v, n_head) - - ctx_multiheads = scaled_dot_product_attention(q, k, v, attn_bias, d_key, #d_model, - dropout_rate) - - out = __combine_heads(ctx_multiheads) - - # Project back to the model size. - proj_out = layers.fc(input=out, - size=d_model, - bias_attr=False, - num_flatten_dims=2) - return proj_out - - -def positionwise_feed_forward(x, d_inner_hid, d_hid, dropout_rate): - """ - Position-wise Feed-Forward Networks. - This module consists of two linear transformations with a ReLU activation - in between, which is applied to each position separately and identically. - """ - hidden = layers.fc(input=x, - size=d_inner_hid, - num_flatten_dims=2, - act="relu") - if dropout_rate: - hidden = layers.dropout( - hidden, - dropout_prob=dropout_rate, - seed=DenseModelHyperParams.dropout_seed, - is_test=False, dropout_implementation='upscale_in_train') - out = layers.fc(input=hidden, size=d_hid, num_flatten_dims=2) - return out - - -def pre_post_process_layer(prev_out, out, process_cmd, dropout_rate=0.): - """ - Add residual connection, layer normalization and droput to the out tensor - optionally according to the value of process_cmd. - This will be used before or after multi-head attention and position-wise - feed-forward networks. - """ - for cmd in process_cmd: - if cmd == "a": # add residual connection - out = out + prev_out if prev_out else out - elif cmd == "n": # add layer normalization - out = layer_norm( - out, - begin_norm_axis=len(out.shape) - 1, - epsilon=1e-6, - param_attr=fluid.initializer.Constant(1.), - bias_attr=fluid.initializer.Constant(0.)) - elif cmd == "d": # add dropout - if dropout_rate: - out = layers.dropout( - out, - dropout_prob=dropout_rate, - seed=DenseModelHyperParams.dropout_seed, - is_test=False, dropout_implementation='upscale_in_train') - return out - - -pre_process_layer = partial(pre_post_process_layer, None) -post_process_layer = pre_post_process_layer - - -def prepare_encoder_decoder(src_word, - src_pos, - src_vocab_size, - src_emb_dim, - src_max_len, - dropout_rate=0., - word_emb_param_name=None, - training=True, - pos_enc_param_name=None, - is_src=True, - params_type="normal"): - """Add word embeddings and position encodings. - The output tensor has a shape of: - [batch_size, max_src_length_in_batch, d_model]. - This module is used at the bottom of the encoder stacks. - """ - assert params_type == "fixed" or params_type == "normal" or params_type == "new" - pre_name = "densedense" - - if params_type == "fixed": - pre_name = "fixed_densefixed_dense" - elif params_type == "new": - pre_name = "new_densenew_dense" - - src_word_emb = layers.embedding( - src_word, - size=[src_vocab_size, src_emb_dim], - padding_idx=DenseModelHyperParams.bos_idx, # set embedding of bos to 0 - param_attr=fluid.ParamAttr( - name = pre_name + word_emb_param_name, - initializer=fluid.initializer.Normal(0., src_emb_dim ** -0.5)))#, is_sparse=True) - if not is_src and training: - src_word_emb = layers.pad(src_word_emb, [0, 0, 1, 0, 0, 0]) - src_word_emb = layers.scale(x=src_word_emb, scale=src_emb_dim ** 0.5) - src_pos_enc = layers.embedding( - src_pos, - size=[src_max_len, src_emb_dim], - param_attr=fluid.ParamAttr( - trainable=False, name = pre_name + pos_enc_param_name)) - src_pos_enc.stop_gradient = True - enc_input = src_word_emb + src_pos_enc - return layers.dropout( - enc_input, - dropout_prob=dropout_rate, - seed=DenseModelHyperParams.dropout_seed, - is_test=False, dropout_implementation='upscale_in_train') if dropout_rate else enc_input - - -prepare_encoder = partial( - prepare_encoder_decoder, pos_enc_param_name="src_pos_enc_table", is_src=True) -prepare_decoder = partial( - prepare_encoder_decoder, pos_enc_param_name="trg_pos_enc_table", is_src=False) - - -def encoder_layer(enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd="n", - postprocess_cmd="da"): - """The encoder layers that can be stacked to form a deep encoder. - This module consits of a multi-head (self) attention followed by - position-wise feed-forward networks and both the two components companied - with the post_process_layer to add residual connection, layer normalization - and droput. - """ - attn_output = multi_head_attention( - pre_process_layer(enc_input, preprocess_cmd, - prepostprocess_dropout), None, None, attn_bias, d_key, - d_value, d_model, n_head, attention_dropout) - attn_output = post_process_layer(enc_input, attn_output, postprocess_cmd, - prepostprocess_dropout) - ffd_output = positionwise_feed_forward( - pre_process_layer(attn_output, preprocess_cmd, prepostprocess_dropout), - d_inner_hid, d_model, relu_dropout) - return post_process_layer(attn_output, ffd_output, postprocess_cmd, - prepostprocess_dropout) - - -def encoder(enc_input, - attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd="n", - postprocess_cmd="da"): - """ - The encoder is composed of a stack of identical layers returned by calling - encoder_layer. - """ - stack_layer_norm = [] - bottom_embedding_output = pre_process_layer(enc_input, preprocess_cmd, prepostprocess_dropout) - stack_layer_norm.append(bottom_embedding_output) - - #zeros = layers.zeros_like(enc_input) - #ones_flag = layers.equal(zeros, zeros) - #ones = layers.cast(ones_flag, 'float32') - - for i in range(n_layer): - enc_output = encoder_layer( - enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, ) - enc_output_2 = pre_process_layer(enc_output, preprocess_cmd, prepostprocess_dropout) - stack_layer_norm.append(enc_output_2) - - pre_output = bottom_embedding_output - for index in xrange(1, len(stack_layer_norm)): - pre_output = pre_output + stack_layer_norm[index] - - # pre_mean - enc_input = pre_output / len(stack_layer_norm) - - enc_output = pre_process_layer(enc_output, preprocess_cmd, - prepostprocess_dropout) - return enc_output - - -def decoder_layer(dec_input, - enc_output, - slf_attn_bias, - dec_enc_attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - cache=None): - """ The layer to be stacked in decoder part. - The structure of this module is similar to that in the encoder part except - a multi-head attention is added to implement encoder-decoder attention. - """ - slf_attn_output = multi_head_attention( - pre_process_layer(dec_input, preprocess_cmd, prepostprocess_dropout), - None, - None, - slf_attn_bias, - d_key, - d_value, - d_model, - n_head, - attention_dropout, - cache, ) - slf_attn_output = post_process_layer( - dec_input, - slf_attn_output, - postprocess_cmd, - prepostprocess_dropout, ) - enc_attn_output = multi_head_attention( - pre_process_layer(slf_attn_output, preprocess_cmd, - prepostprocess_dropout), - enc_output, - enc_output, - dec_enc_attn_bias, - d_key, - d_value, - d_model, - n_head, - attention_dropout, ) - enc_attn_output = post_process_layer( - slf_attn_output, - enc_attn_output, - postprocess_cmd, - prepostprocess_dropout, ) - ffd_output = positionwise_feed_forward( - pre_process_layer(enc_attn_output, preprocess_cmd, - prepostprocess_dropout), - d_inner_hid, - d_model, - relu_dropout, ) - dec_output = post_process_layer( - enc_attn_output, - ffd_output, - postprocess_cmd, - prepostprocess_dropout, ) - return dec_output - - -def decoder(dec_input, - enc_output, - dec_slf_attn_bias, - dec_enc_attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - caches=None): - """ - The decoder is composed of a stack of identical decoder_layer layers. - """ - for i in range(n_layer): - dec_output = decoder_layer( - dec_input, - enc_output, - dec_slf_attn_bias, - dec_enc_attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - cache=None if caches is None else caches[i]) - dec_input = dec_output - dec_output = pre_process_layer(dec_output, preprocess_cmd, - prepostprocess_dropout) - return dec_output - - -def make_all_inputs(input_fields): - """ - Define the input data layers for the transformer model. - """ - inputs = [] - for input_field in input_fields: - input_var = layers.data( - name=input_field, - shape=input_descs[input_field][0], - dtype=input_descs[input_field][1], - lod_level=input_descs[input_field][2] - if len(input_descs[input_field]) == 3 else 0, - append_batch_size=False) - inputs.append(input_var) - return inputs - -def make_all_py_reader_inputs(input_fields, is_test=False): - """ - Define the input data layers for the transformer model. - """ - reader = layers.py_reader( - capacity=20, - name="test_reader" if is_test else "train_reader", - shapes=[dense_input_descs[input_field][0] for input_field in input_fields], - dtypes=[dense_input_descs[input_field][1] for input_field in input_fields], - lod_levels=[ - dense_input_descs[input_field][2] - if len(dense_input_descs[input_field]) == 3 else 0 - for input_field in input_fields - ], use_double_buffer=True) - return layers.read_file(reader), reader - - -def dense_transformer(src_vocab_size, - trg_vocab_size, - max_length, - n_layer, - enc_n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - label_smooth_eps, - use_py_reader=False, - is_test=False, - params_type="normal", - all_data_inputs=None): - """ - transformer - """ - if embedding_sharing: - assert src_vocab_size == trg_vocab_size, ( - "Vocabularies in source and target should be same for weight sharing." - ) - - - data_input_names = encoder_data_input_fields + \ - decoder_data_input_fields[:-1] + label_data_input_fields + dense_bias_input_fields - - if use_py_reader: - all_inputs = all_data_inputs - else: - all_inputs = make_all_inputs(data_input_names) - - enc_inputs_len = len(encoder_data_input_fields) - dec_inputs_len = len(decoder_data_input_fields[:-1]) - enc_inputs = all_inputs[0:enc_inputs_len] - dec_inputs = all_inputs[enc_inputs_len:enc_inputs_len + dec_inputs_len] - real_label = all_inputs[enc_inputs_len + dec_inputs_len] - weights = all_inputs[enc_inputs_len + dec_inputs_len + 1] - reverse_label = all_inputs[enc_inputs_len + dec_inputs_len + 2] - enc_inputs[2] = all_inputs[-3] # dense_src_slf_attn_bias - dec_inputs[3] = all_inputs[-2] # dense_trg_slf_attn_bias - dec_inputs[4] = all_inputs[-1] # dense_trg_src_attn_bias - - enc_output = wrap_encoder( - src_vocab_size, - max_length, - enc_n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - enc_inputs, - params_type=params_type) - - predict = wrap_decoder( - trg_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - dec_inputs, - enc_output, is_train = True if not is_test else False, - params_type=params_type) - - # Padding index do not contribute to the total loss. The weights is used to - # cancel padding index in calculating the loss. - if label_smooth_eps: - label = layers.one_hot(input=real_label, depth=trg_vocab_size) - label = label * (1 - label_smooth_eps) + (1 - label) * ( - label_smooth_eps / (trg_vocab_size - 1)) - label.stop_gradient = True - else: - label = real_label - - cost = layers.softmax_with_cross_entropy( - logits=predict, - label=label, - soft_label=True if label_smooth_eps else False) - weighted_cost = cost * weights - sum_cost = layers.reduce_sum(weighted_cost) - sum_cost.persistable = True - token_num = layers.reduce_sum(weights) - token_num.persistable = True - token_num.stop_gradient = True - avg_cost = sum_cost / token_num - - sen_count = layers.shape(dec_inputs[0])[0] - batch_predict = layers.reshape(predict, shape = [sen_count, -1, DenseModelHyperParams.trg_vocab_size]) - batch_label = layers.reshape(real_label, shape=[sen_count, -1]) - batch_weights = layers.reshape(weights, shape=[sen_count, -1, 1]) - return sum_cost, avg_cost, token_num, batch_predict, cost, sum_cost, batch_label, batch_weights - - -def wrap_encoder(src_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - enc_inputs=None, - params_type="normal"): - """ - The wrapper assembles together all needed layers for the encoder. - """ - if enc_inputs is None: - # This is used to implement independent encoder program in inference. - src_word, src_pos, src_slf_attn_bias = make_all_inputs( - encoder_data_input_fields) - else: - src_word, src_pos, src_slf_attn_bias = enc_inputs - enc_input = prepare_encoder( - src_word, - src_pos, - src_vocab_size, - d_model, - max_length, - prepostprocess_dropout, - word_emb_param_name=dense_word_emb_param_names[0], - params_type=params_type) - enc_output = encoder( - enc_input, - src_slf_attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, ) - return enc_output - - -def wrap_decoder(trg_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - dec_inputs=None, - enc_output=None, - caches=None, is_train=True, params_type="normal"): - """ - The wrapper assembles together all needed layers for the decoder. - """ - if dec_inputs is None: - # This is used to implement independent decoder program in inference. - trg_word, reverse_trg_word, trg_pos, trg_slf_attn_bias, trg_src_attn_bias, enc_output = \ - make_all_inputs(dense_decoder_data_input_fields) - else: - trg_word, reverse_trg_word, trg_pos, trg_slf_attn_bias, trg_src_attn_bias = dec_inputs - - dec_input = prepare_decoder( - trg_word, - trg_pos, - trg_vocab_size, - d_model, - max_length, - prepostprocess_dropout, - word_emb_param_name=dense_word_emb_param_names[0] - if embedding_sharing else dense_word_emb_param_names[1], - training=is_train, - params_type=params_type) - - dec_output = decoder( - dec_input, - enc_output, - trg_slf_attn_bias, - trg_src_attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - caches=caches) - # Reshape to 2D tensor to use GEMM instead of BatchedGEMM - dec_output = layers.reshape( - dec_output, shape=[-1, dec_output.shape[-1]], inplace=True) - - assert params_type == "fixed" or params_type == "normal" or params_type == "new" - pre_name = "densedense" - if params_type == "fixed": - pre_name = "fixed_densefixed_dense" - elif params_type == "new": - pre_name = "new_densenew_dense" - if weight_sharing and embedding_sharing: - predict = layers.matmul( - x=dec_output, - y=fluid.default_main_program().global_block().var( - pre_name + dense_word_emb_param_names[0]), - transpose_y=True) - elif weight_sharing: - predict = layers.matmul( - x=dec_output, - y=fluid.default_main_program().global_block().var( - pre_name + dense_word_emb_param_names[1]), - transpose_y=True) - else: - predict = layers.fc(input=dec_output, - size=trg_vocab_size, - bias_attr=False) - #layers.Print(predict, message="logits", summarize=20) - if dec_inputs is None: - # Return probs for independent decoder program. - predict = layers.softmax(predict) - return predict - - -def get_enc_bias(source_inputs): - """ - get_enc_bias - """ - source_inputs = layers.cast(source_inputs, 'float32') - emb_sum = layers.reduce_sum(layers.abs(source_inputs), dim=-1) - zero = layers.fill_constant([1], 'float32', value=0) - bias = layers.cast(layers.equal(emb_sum, zero), 'float32') * -1e9 - return layers.unsqueeze(layers.unsqueeze(bias, axes=[1]), axes=[1]) - - -def dense_fast_decode( - src_vocab_size, - trg_vocab_size, - max_in_len, - n_layer, - enc_n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - beam_size, - batch_size, - max_out_len, - decode_alpha, - eos_idx, - params_type="normal"): - """ - Use beam search to decode. Caches will be used to store states of history - steps which can make the decoding faster. - """ - - assert params_type == "normal" or params_type == "new" or params_type == "fixed" - data_input_names = dense_encoder_data_input_fields + fast_decoder_data_input_fields - - all_inputs = make_all_inputs(data_input_names) - - enc_inputs_len = len(encoder_data_input_fields) - dec_inputs_len = len(fast_decoder_data_input_fields) - enc_inputs = all_inputs[0:enc_inputs_len] - dec_inputs = all_inputs[enc_inputs_len:enc_inputs_len + dec_inputs_len] - - enc_output = wrap_encoder(src_vocab_size, max_in_len, enc_n_layer, n_head, - d_key, d_value, d_model, d_inner_hid, - prepostprocess_dropout, attention_dropout, - relu_dropout, preprocess_cmd, postprocess_cmd, - weight_sharing, embedding_sharing, enc_inputs, params_type=params_type) - enc_bias = get_enc_bias(enc_inputs[0]) - source_length, = dec_inputs - - def beam_search(enc_output, enc_bias, source_length): - """ - beam_search - """ - max_len = layers.fill_constant( - shape=[1], dtype='int64', value=max_out_len) - step_idx = layers.fill_constant( - shape=[1], dtype='int64', value=0) - cond = layers.less_than(x=step_idx, y=max_len) - while_op = layers.While(cond) - - caches_batch_size = batch_size * beam_size - init_score = np.zeros([1, beam_size]).astype('float32') - init_score[:, 1:] = -INF - initial_log_probs = layers.assign(init_score) - - alive_log_probs = layers.expand(initial_log_probs, [batch_size, 1]) - # alive seq [batch_size, beam_size, 1] - initial_ids = layers.zeros([batch_size, 1, 1], 'float32') - alive_seq = layers.expand(initial_ids, [1, beam_size, 1]) - alive_seq = layers.cast(alive_seq, 'int64') - - enc_output = layers.unsqueeze(enc_output, axes=[1]) - enc_output = layers.expand(enc_output, [1, beam_size, 1, 1]) - enc_output = layers.reshape(enc_output, [caches_batch_size, -1, d_model]) - - tgt_src_attn_bias = layers.unsqueeze(enc_bias, axes=[1]) - tgt_src_attn_bias = layers.expand(tgt_src_attn_bias, [1, beam_size, n_head, 1, 1]) - enc_bias_shape = layers.shape(tgt_src_attn_bias) - tgt_src_attn_bias = layers.reshape(tgt_src_attn_bias, [-1, enc_bias_shape[2], - enc_bias_shape[3], enc_bias_shape[4]]) - - beam_search = BeamSearch(beam_size, batch_size, decode_alpha, trg_vocab_size, d_model) - - caches = [{ - "k": layers.fill_constant( - shape=[caches_batch_size, 0, d_model], - dtype=enc_output.dtype, - value=0), - "v": layers.fill_constant( - shape=[caches_batch_size, 0, d_model], - dtype=enc_output.dtype, - value=0) - } for i in range(n_layer)] - - finished_seq = layers.zeros_like(alive_seq) - finished_scores = layers.fill_constant([batch_size, beam_size], - dtype='float32', value=-INF) - finished_flags = layers.fill_constant([batch_size, beam_size], - dtype='float32', value=0) - - with while_op.block(): - pos = layers.fill_constant([caches_batch_size, 1, 1], dtype='int64', value=1) - pos = layers.elementwise_mul(pos, step_idx, axis=0) - - alive_seq_1 = layers.reshape(alive_seq, [caches_batch_size, -1]) - alive_seq_2 = alive_seq_1[:, -1:] - alive_seq_2 = layers.unsqueeze(alive_seq_2, axes=[1]) - - logits = wrap_decoder( - trg_vocab_size, max_in_len, n_layer, n_head, d_key, - d_value, d_model, d_inner_hid, prepostprocess_dropout, - attention_dropout, relu_dropout, preprocess_cmd, - postprocess_cmd, weight_sharing, embedding_sharing, - dec_inputs=(alive_seq_2, alive_seq_2, pos, None, tgt_src_attn_bias), - enc_output=enc_output, caches=caches, is_train=False, params_type=params_type) - - alive_seq_2, alive_log_probs_2, finished_seq_2, finished_scores_2, finished_flags_2, caches_2 = \ - beam_search.inner_func(step_idx, logits, alive_seq_1, alive_log_probs, finished_seq, - finished_scores, finished_flags, caches, enc_output, - tgt_src_attn_bias) - - layers.increment(x=step_idx, value=1.0, in_place=True) - finish_cond = beam_search.is_finished(step_idx, source_length, alive_log_probs_2, - finished_scores_2, finished_flags_2) - - layers.assign(alive_seq_2, alive_seq) - layers.assign(alive_log_probs_2, alive_log_probs) - layers.assign(finished_seq_2, finished_seq) - layers.assign(finished_scores_2, finished_scores) - layers.assign(finished_flags_2, finished_flags) - - for i in xrange(len(caches_2)): - layers.assign(caches_2[i]["k"], caches[i]["k"]) - layers.assign(caches_2[i]["v"], caches[i]["v"]) - - layers.logical_and(x=cond, y=finish_cond, out=cond) - - finished_flags = layers.reduce_sum(finished_flags, dim=1, keep_dim=True) / beam_size - finished_flags = layers.cast(finished_flags, 'bool') - mask = layers.cast(layers.reduce_any(input=finished_flags, dim=1, keep_dim=True), 'float32') - mask = layers.expand(mask, [1, beam_size]) - - mask2 = 1.0 - mask - finished_seq = layers.cast(finished_seq, 'float32') - alive_seq = layers.cast(alive_seq, 'float32') - #print mask - - finished_seq = layers.elementwise_mul(finished_seq, mask, axis=0) + \ - layers.elementwise_mul(alive_seq, mask2, axis = 0) - finished_seq = layers.cast(finished_seq, 'int32') - finished_scores = layers.elementwise_mul(finished_scores, mask, axis=0) + \ - layers.elementwise_mul(alive_log_probs, mask2) - finished_seq.persistable = True - finished_scores.persistable = True - - return finished_seq, finished_scores - - finished_ids, finished_scores = beam_search(enc_output, enc_bias, source_length) - return finished_ids, finished_scores diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/forward_model.py b/PaddleNLP/Research/EMNLP2019-MAL/src/forward_model.py deleted file mode 100644 index 61372933546d5192d0b5a5b9d43616396f6dcbe5..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/forward_model.py +++ /dev/null @@ -1,943 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License - -from functools import partial -import numpy as np - -import paddle.fluid as fluid -import paddle.fluid.layers as layers -from paddle.fluid.layer_helper import LayerHelper as LayerHelper - -from config import * -from beam_search import BeamSearch -from attention import _dot_product_relative - -INF = 1. * 1e5 - -def layer_norm(x, begin_norm_axis=1, epsilon=1e-6, param_attr=None, bias_attr=None): - """ - layer_norm - """ - helper = LayerHelper('layer_norm', **locals()) - mean = layers.reduce_mean(x, dim=begin_norm_axis, keep_dim=True) - shift_x = layers.elementwise_sub(x=x, y=mean, axis=0) - variance = layers.reduce_mean(layers.square(shift_x), dim=begin_norm_axis, keep_dim=True) - r_stdev = layers.rsqrt(variance + epsilon) - norm_x = layers.elementwise_mul(x=shift_x, y=r_stdev, axis=0) - - param_shape = [reduce(lambda x, y: x * y, norm_x.shape[begin_norm_axis:])] - param_dtype = norm_x.dtype - scale = helper.create_parameter( - attr=param_attr, - shape=param_shape, - dtype=param_dtype, - default_initializer=fluid.initializer.Constant(1.)) - bias = helper.create_parameter( - attr=bias_attr, - shape=param_shape, - dtype=param_dtype, - is_bias=True, - default_initializer=fluid.initializer.Constant(0.)) - - out = layers.elementwise_mul(x=norm_x, y=scale, axis=-1) - out = layers.elementwise_add(x=out, y=bias, axis=-1) - - return out - -def forward_position_encoding_init(n_position, d_pos_vec): - """ - Generate the initial values for the sinusoid position encoding table. - """ - channels = d_pos_vec - position = np.arange(n_position) - num_timescales = channels // 2 - log_timescale_increment = (np.log(float(1e4) / float(1)) / - (num_timescales - 1)) - inv_timescales = np.exp(np.arange( - num_timescales) * -log_timescale_increment) - #num_timescales)) * -log_timescale_increment - scaled_time = np.expand_dims(position, 1) * np.expand_dims(inv_timescales, - 0) - signal = np.concatenate([np.sin(scaled_time), np.cos(scaled_time)], axis=1) - signal = np.pad(signal, [[0, 0], [0, np.mod(channels, 2)]], 'constant') - position_enc = signal - return position_enc.astype("float32") - - -def multi_head_attention(queries, - keys, - values, - attn_bias, - d_key, - d_value, - d_model, - n_head=1, - dropout_rate=0., - cache=None, - attention_type="dot_product",): - """ - Multi-Head Attention. Note that attn_bias is added to the logit before - computing softmax activiation to mask certain selected positions so that - they will not considered in attention weights. - """ - keys = queries if keys is None else keys - values = keys if values is None else values - - if not (len(queries.shape) == len(keys.shape) == len(values.shape) == 3): - raise ValueError( - "Inputs: quries, keys and values should all be 3-D tensors.") - - def __compute_qkv(queries, keys, values, n_head, d_key, d_value): - """ - Add linear projection to queries, keys, and values. - """ - q = layers.fc(input=queries, - size=d_key * n_head, - bias_attr=False, - num_flatten_dims=2) - k = layers.fc(input=keys, - size=d_key * n_head, - bias_attr=False, - num_flatten_dims=2) - v = layers.fc(input=values, - size=d_value * n_head, - bias_attr=False, - num_flatten_dims=2) - return q, k, v - - def __split_heads(x, n_head): - """ - Reshape the last dimension of inpunt tensor x so that it becomes two - dimensions and then transpose. Specifically, input a tensor with shape - [bs, max_sequence_length, n_head * hidden_dim] then output a tensor - with shape [bs, n_head, max_sequence_length, hidden_dim]. - """ - if n_head == 1: - return x - - hidden_size = x.shape[-1] - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - reshaped = layers.reshape( - x=x, shape=[0, 0, n_head, hidden_size // n_head], inplace=True) - - # permuate the dimensions into: - # [batch_size, n_head, max_sequence_len, hidden_size_per_head] - return layers.transpose(x=reshaped, perm=[0, 2, 1, 3]) - - def __combine_heads(x): - """ - Transpose and then reshape the last two dimensions of inpunt tensor x - so that it becomes one dimension, which is reverse to __split_heads. - """ - if len(x.shape) == 3: return x - if len(x.shape) != 4: - raise ValueError("Input(x) should be a 4-D Tensor.") - - trans_x = layers.transpose(x, perm=[0, 2, 1, 3]) - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - return layers.reshape( - x=trans_x, - shape=[0, 0, trans_x.shape[2] * trans_x.shape[3]], - inplace=True) - - def scaled_dot_product_attention(q, k, v, attn_bias, d_key, dropout_rate): - """ - Scaled Dot-Product Attention - """ - scaled_q = layers.scale(x=q, scale=d_key ** -0.5) - product = layers.matmul(x=scaled_q, y=k, transpose_y=True) - if attn_bias: - product += attn_bias - weights = layers.softmax(product) - if dropout_rate: - weights = layers.dropout( - weights, - dropout_prob=dropout_rate, - seed=ModelHyperParams.dropout_seed, - is_test=False, dropout_implementation='upscale_in_train') - out = layers.matmul(weights, v) - return out - - q, k, v = __compute_qkv(queries, keys, values, n_head, d_key, d_value) - - if cache is not None: # use cache and concat time steps - # Since the inplace reshape in __split_heads changes the shape of k and - # v, which is the cache input for next time step, reshape the cache - # input from the previous time step first. - k = layers.concat([cache['k'], k], axis=1) - v = layers.concat([cache['v'], v], axis=1) - layers.assign(k, cache['k']) - layers.assign(v, cache['v']) - - q = __split_heads(q, n_head) - k = __split_heads(k, n_head) - v = __split_heads(v, n_head) - - assert attention_type == "dot_product" or attention_type == "dot_product_relative_encoder" or attention_type == "dot_product_relative_decoder" - if attention_type == "dot_product": - ctx_multiheads = scaled_dot_product_attention(q, k, v, attn_bias, d_key, #d_model, - dropout_rate) - elif attention_type == "dot_product_relative_encoder": - q = layers.scale(x=q, scale=d_key ** -0.5) - ctx_multiheads = _dot_product_relative(q, k, v, attn_bias, dropout=dropout_rate) - else: - q = layers.scale(x=q, scale=d_key ** -0.5) - ctx_multiheads = _dot_product_relative(q, k, v, attn_bias, dropout=dropout_rate, cache = cache) - - - out = __combine_heads(ctx_multiheads) - - # Project back to the model size. - proj_out = layers.fc(input=out, - size=d_model, - bias_attr=False, - num_flatten_dims=2) - return proj_out - - -def positionwise_feed_forward(x, d_inner_hid, d_hid, dropout_rate): - """ - Position-wise Feed-Forward Networks. - This module consists of two linear transformations with a ReLU activation - in between, which is applied to each position separately and identically. - """ - hidden = layers.fc(input=x, - size=d_inner_hid, - num_flatten_dims=2, - act="relu") - if dropout_rate: - hidden = layers.dropout( - hidden, - dropout_prob=dropout_rate, - seed=ModelHyperParams.dropout_seed, - is_test=False, dropout_implementation='upscale_in_train') - out = layers.fc(input=hidden, size=d_hid, num_flatten_dims=2) - return out - - -def pre_post_process_layer(prev_out, out, process_cmd, dropout_rate=0.): - """ - Add residual connection, layer normalization and droput to the out tensor - optionally according to the value of process_cmd. - This will be used before or after multi-head attention and position-wise - feed-forward networks. - """ - for cmd in process_cmd: - if cmd == "a": # add residual connection - out = out + prev_out if prev_out else out - elif cmd == "n": # add layer normalization - out = layer_norm( - out, - begin_norm_axis=len(out.shape) - 1, - epsilon=1e-6, - param_attr=fluid.initializer.Constant(1.), - bias_attr=fluid.initializer.Constant(0.)) - elif cmd == "d": # add dropout - if dropout_rate: - out = layers.dropout( - out, - dropout_prob=dropout_rate, - seed=ModelHyperParams.dropout_seed, - is_test=False, dropout_implementation='upscale_in_train') - return out - - -pre_process_layer = partial(pre_post_process_layer, None) -post_process_layer = pre_post_process_layer - - -def prepare_encoder_decoder(src_word, - src_pos, - src_vocab_size, - src_emb_dim, - src_max_len, - dropout_rate=0., - word_emb_param_name=None, - training=True, - pos_enc_param_name=None, - is_src=True, - params_type="normal"): - """Add word embeddings and position encodings. - The output tensor has a shape of: - [batch_size, max_src_length_in_batch, d_model]. - This module is used at the bottom of the encoder stacks. - """ - assert params_type == "fixed" or params_type == "normal" or params_type == "new" - pre_name = "forwardforward" - if params_type == "fixed": - pre_name = "fixed_forwardfixed_forward" - elif params_type == "new": - pre_name = "new_forwardnew_forward" - src_word_emb = layers.embedding( - src_word, - size=[src_vocab_size, src_emb_dim], - padding_idx=ModelHyperParams.bos_idx, # set embedding of bos to 0 - param_attr=fluid.ParamAttr( - name = pre_name + word_emb_param_name, - initializer=fluid.initializer.Normal(0., src_emb_dim ** -0.5)))#, is_sparse=True) - if not is_src and training: - src_word_emb = layers.pad(src_word_emb, [0, 0, 1, 0, 0, 0]) - src_word_emb = layers.scale(x=src_word_emb, scale=src_emb_dim ** 0.5) - src_pos_enc = layers.embedding( - src_pos, - size=[src_max_len, src_emb_dim], - param_attr=fluid.ParamAttr( - trainable=False, name = pre_name + pos_enc_param_name)) - src_pos_enc.stop_gradient = True - enc_input = src_word_emb + src_pos_enc - return layers.dropout( - enc_input, - dropout_prob=dropout_rate, - seed=ModelHyperParams.dropout_seed, - is_test=False, dropout_implementation='upscale_in_train') if dropout_rate else enc_input - - -prepare_encoder = partial( - prepare_encoder_decoder, pos_enc_param_name=pos_enc_param_names[0], is_src=True) -prepare_decoder = partial( - prepare_encoder_decoder, pos_enc_param_name=pos_enc_param_names[1], is_src=False) - - -def encoder_layer(enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd="n", - postprocess_cmd="da"): - """The encoder layers that can be stacked to form a deep encoder. - This module consits of a multi-head (self) attention followed by - position-wise feed-forward networks and both the two components companied - with the post_process_layer to add residual connection, layer normalization - and droput. - """ - attn_output = multi_head_attention( - pre_process_layer(enc_input, preprocess_cmd, - prepostprocess_dropout), None, None, attn_bias, d_key, - d_value, d_model, n_head, attention_dropout) - attn_output = post_process_layer(enc_input, attn_output, postprocess_cmd, - prepostprocess_dropout) - ffd_output = positionwise_feed_forward( - pre_process_layer(attn_output, preprocess_cmd, prepostprocess_dropout), - d_inner_hid, d_model, relu_dropout) - return post_process_layer(attn_output, ffd_output, postprocess_cmd, - prepostprocess_dropout) - - -def encoder(enc_input, - attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd="n", - postprocess_cmd="da"): - """ - The encoder is composed of a stack of identical layers returned by calling - encoder_layer. - """ - for i in range(n_layer): - enc_output = encoder_layer( - enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, ) - enc_input = enc_output - enc_output = pre_process_layer(enc_output, preprocess_cmd, - prepostprocess_dropout) - return enc_output - - -def decoder_layer(dec_input, - enc_output, - slf_attn_bias, - dec_enc_attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - cache=None): - """ The layer to be stacked in decoder part. - The structure of this module is similar to that in the encoder part except - a multi-head attention is added to implement encoder-decoder attention. - """ - slf_attn_output = multi_head_attention( - pre_process_layer(dec_input, preprocess_cmd, prepostprocess_dropout), - None, - None, - slf_attn_bias, - d_key, - d_value, - d_model, - n_head, - attention_dropout, - cache) - slf_attn_output = post_process_layer( - dec_input, - slf_attn_output, - postprocess_cmd, - prepostprocess_dropout, ) - enc_attn_output = multi_head_attention( - pre_process_layer(slf_attn_output, preprocess_cmd, - prepostprocess_dropout), - enc_output, - enc_output, - dec_enc_attn_bias, - d_key, - d_value, - d_model, - n_head, - attention_dropout, ) - enc_attn_output = post_process_layer( - slf_attn_output, - enc_attn_output, - postprocess_cmd, - prepostprocess_dropout, ) - ffd_output = positionwise_feed_forward( - pre_process_layer(enc_attn_output, preprocess_cmd, - prepostprocess_dropout), - d_inner_hid, - d_model, - relu_dropout, ) - dec_output = post_process_layer( - enc_attn_output, - ffd_output, - postprocess_cmd, - prepostprocess_dropout, ) - return dec_output - - -def decoder(dec_input, - enc_output, - dec_slf_attn_bias, - dec_enc_attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - caches=None): - """ - The decoder is composed of a stack of identical decoder_layer layers. - """ - for i in range(n_layer): - dec_output = decoder_layer( - dec_input, - enc_output, - dec_slf_attn_bias, - dec_enc_attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - cache=None if caches is None else caches[i]) - dec_input = dec_output - dec_output = pre_process_layer(dec_output, preprocess_cmd, - prepostprocess_dropout) - return dec_output - - -def make_all_inputs(input_fields): - """ - Define the input data layers for the transformer model. - """ - inputs = [] - for input_field in input_fields: - input_var = layers.data( - name=input_field, - shape=input_descs[input_field][0], - dtype=input_descs[input_field][1], - lod_level=input_descs[input_field][2] - if len(input_descs[input_field]) == 3 else 0, - append_batch_size=False) - inputs.append(input_var) - return inputs - - -def make_all_py_reader_inputs(input_fields, is_test=False): - """ - Define the input data layers for the transformer model. - """ - reader = layers.py_reader( - capacity=20, - name="test_reader" if is_test else "train_reader", - shapes=[input_descs[input_field][0] for input_field in input_fields], - dtypes=[input_descs[input_field][1] for input_field in input_fields], - lod_levels=[ - input_descs[input_field][2] - if len(input_descs[input_field]) == 3 else 0 - for input_field in input_fields - ], use_double_buffer=True) - return layers.read_file(reader), reader - - -def forward_transformer(src_vocab_size, - trg_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - label_smooth_eps, - use_py_reader=False, - is_test=False, - params_type="normal", - all_data_inputs=None): - """ - transformer - """ - if embedding_sharing: - assert src_vocab_size == trg_vocab_size, ( - "Vocabularies in source and target should be same for weight sharing." - ) - - data_input_names = encoder_data_input_fields + \ - decoder_data_input_fields[:-1] + label_data_input_fields + dense_bias_input_fields - - if use_py_reader: - all_inputs = all_data_inputs - else: - all_inputs = make_all_inputs(data_input_names) - - enc_inputs_len = len(encoder_data_input_fields) - dec_inputs_len = len(decoder_data_input_fields[:-1]) - enc_inputs = all_inputs[0:enc_inputs_len] - dec_inputs = all_inputs[enc_inputs_len:enc_inputs_len + dec_inputs_len] - real_label = all_inputs[enc_inputs_len + dec_inputs_len] - weights = all_inputs[enc_inputs_len + dec_inputs_len + 1] - reverse_label = all_inputs[enc_inputs_len + dec_inputs_len + 2] - - enc_output = wrap_encoder( - src_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - enc_inputs, - params_type=params_type) - - predict = wrap_decoder( - trg_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - dec_inputs, - enc_output, is_train = True if not is_test else False, - params_type=params_type) - - # Padding index do not contribute to the total loss. The weights is used to - # cancel padding index in calculating the loss. - if label_smooth_eps: - label = layers.one_hot(input=real_label, depth=trg_vocab_size) - label = label * (1 - label_smooth_eps) + (1 - label) * ( - label_smooth_eps / (trg_vocab_size - 1)) - label.stop_gradient = True - else: - label = real_label - - cost = layers.softmax_with_cross_entropy( - logits=predict, - label=label, - soft_label=True if label_smooth_eps else False) - weighted_cost = cost * weights - sum_cost = layers.reduce_sum(weighted_cost) - sum_cost.persistable = True - token_num = layers.reduce_sum(weights) - token_num.persistable = True - token_num.stop_gradient = True - avg_cost = sum_cost / token_num - - sen_count = layers.shape(dec_inputs[0])[0] - batch_predict = layers.reshape(predict, shape = [sen_count, -1, ModelHyperParams.trg_vocab_size]) - #batch_label = layers.reshape(real_label, shape=[sen_count, -1]) - batch_weights = layers.reshape(weights, shape=[sen_count, -1, 1]) - return sum_cost, avg_cost, token_num, batch_predict, cost, sum_cost, real_label, batch_weights - - -def wrap_encoder(src_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - enc_inputs=None, - params_type="normal"): - """ - The wrapper assembles together all needed layers for the encoder. - """ - if enc_inputs is None: - # This is used to implement independent encoder program in inference. - src_word, src_pos, src_slf_attn_bias = make_all_inputs( - encoder_data_input_fields) - else: - src_word, src_pos, src_slf_attn_bias = enc_inputs - enc_input = prepare_encoder( - src_word, - src_pos, - src_vocab_size, - d_model, - max_length, - prepostprocess_dropout, - word_emb_param_name=word_emb_param_names[0], - params_type=params_type) - enc_output = encoder( - enc_input, - src_slf_attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, ) - return enc_output - - -def wrap_decoder(trg_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - dec_inputs=None, - enc_output=None, - caches=None, is_train=True, params_type="normal"): - """ - The wrapper assembles together all needed layers for the decoder. - """ - if dec_inputs is None: - # This is used to implement independent decoder program in inference. - trg_word, reverse_trg_word, trg_pos, trg_slf_attn_bias, trg_src_attn_bias, enc_output = \ - make_all_inputs(decoder_data_input_fields) - else: - trg_word, reverse_trg_word, trg_pos, trg_slf_attn_bias, trg_src_attn_bias = dec_inputs - - dec_input = prepare_decoder( - trg_word, - trg_pos, - trg_vocab_size, - d_model, - max_length, - prepostprocess_dropout, - word_emb_param_name=word_emb_param_names[0] - if embedding_sharing else word_emb_param_names[1], - training=is_train, - params_type=params_type) - - dec_output = decoder( - dec_input, - enc_output, - trg_slf_attn_bias, - trg_src_attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - caches=caches) - # Reshape to 2D tensor to use GEMM instead of BatchedGEMM - dec_output = layers.reshape( - dec_output, shape=[-1, dec_output.shape[-1]], inplace=True) - - assert params_type == "fixed" or params_type == "normal" or params_type == "new" - pre_name = "forwardforward" - if params_type == "fixed": - pre_name = "fixed_forwardfixed_forward" - elif params_type == "new": - pre_name = "new_forwardnew_forward" - if weight_sharing and embedding_sharing: - predict = layers.matmul( - x=dec_output, - y=fluid.default_main_program().global_block().var( - pre_name + word_emb_param_names[0]), - transpose_y=True) - elif weight_sharing: - predict = layers.matmul( - x=dec_output, - y=fluid.default_main_program().global_block().var( - pre_name + word_emb_param_names[1]), - transpose_y=True) - else: - predict = layers.fc(input=dec_output, - size=trg_vocab_size, - bias_attr=False) - if dec_inputs is None: - # Return probs for independent decoder program. - predict = layers.softmax(predict) - return predict - - -def get_enc_bias(source_inputs): - """ - get_enc_bias - """ - source_inputs = layers.cast(source_inputs, 'float32') - emb_sum = layers.reduce_sum(layers.abs(source_inputs), dim=-1) - zero = layers.fill_constant([1], 'float32', value=0) - bias = layers.cast(layers.equal(emb_sum, zero), 'float32') * -1e9 - return layers.unsqueeze(layers.unsqueeze(bias, axes=[1]), axes=[1]) - - -def forward_fast_decode( - src_vocab_size, - trg_vocab_size, - max_in_len, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - beam_size, - batch_size, - max_out_len, - decode_alpha, - eos_idx, - params_type="normal"): - """ - Use beam search to decode. Caches will be used to store states of history - steps which can make the decoding faster. - """ - - assert params_type == "normal" or params_type == "new" or params_type == "fixed" - data_input_names = encoder_data_input_fields + fast_decoder_data_input_fields - - all_inputs = make_all_inputs(data_input_names) - - enc_inputs_len = len(encoder_data_input_fields) - dec_inputs_len = len(fast_decoder_data_input_fields) - enc_inputs = all_inputs[0:enc_inputs_len] - dec_inputs = all_inputs[enc_inputs_len:enc_inputs_len + dec_inputs_len] - - enc_output = wrap_encoder(src_vocab_size, max_in_len, n_layer, n_head, - d_key, d_value, d_model, d_inner_hid, - prepostprocess_dropout, attention_dropout, - relu_dropout, preprocess_cmd, postprocess_cmd, - weight_sharing, embedding_sharing, enc_inputs, params_type=params_type) - enc_bias = get_enc_bias(enc_inputs[0]) - source_length, = dec_inputs - - def beam_search(enc_output, enc_bias, source_length): - """ - beam_search - """ - max_len = layers.fill_constant( - shape=[1], dtype='int64', value=max_out_len) - step_idx = layers.fill_constant( - shape=[1], dtype='int64', value=0) - cond = layers.less_than(x=step_idx, y=max_len) - while_op = layers.While(cond) - - caches_batch_size = batch_size * beam_size - init_score = np.zeros([1, beam_size]).astype('float32') - init_score[:, 1:] = -INF - initial_log_probs = layers.assign(init_score) - - alive_log_probs = layers.expand(initial_log_probs, [batch_size, 1]) - # alive seq [batch_size, beam_size, 1] - initial_ids = layers.zeros([batch_size, 1, 1], 'float32') - alive_seq = layers.expand(initial_ids, [1, beam_size, 1]) - alive_seq = layers.cast(alive_seq, 'int64') - - enc_output = layers.unsqueeze(enc_output, axes=[1]) - enc_output = layers.expand(enc_output, [1, beam_size, 1, 1]) - enc_output = layers.reshape(enc_output, [caches_batch_size, -1, d_model]) - - tgt_src_attn_bias = layers.unsqueeze(enc_bias, axes=[1]) - tgt_src_attn_bias = layers.expand(tgt_src_attn_bias, [1, beam_size, n_head, 1, 1]) - enc_bias_shape = layers.shape(tgt_src_attn_bias) - tgt_src_attn_bias = layers.reshape(tgt_src_attn_bias, [-1, enc_bias_shape[2], - enc_bias_shape[3], enc_bias_shape[4]]) - - beam_search = BeamSearch(beam_size, batch_size, decode_alpha, trg_vocab_size, d_model) - - caches = [{ - "k": layers.fill_constant( - shape=[caches_batch_size, 0, d_model], - dtype=enc_output.dtype, - value=0), - "v": layers.fill_constant( - shape=[caches_batch_size, 0, d_model], - dtype=enc_output.dtype, - value=0) - } for i in range(n_layer)] - - finished_seq = layers.zeros_like(alive_seq) - finished_scores = layers.fill_constant([batch_size, beam_size], - dtype='float32', value=-INF) - finished_flags = layers.fill_constant([batch_size, beam_size], - dtype='float32', value=0) - - with while_op.block(): - pos = layers.fill_constant([caches_batch_size, 1, 1], dtype='int64', value=1) - pos = layers.elementwise_mul(pos, step_idx, axis=0) - - alive_seq_1 = layers.reshape(alive_seq, [caches_batch_size, -1]) - alive_seq_2 = alive_seq_1[:, -1:] - alive_seq_2 = layers.unsqueeze(alive_seq_2, axes=[1]) - - logits = wrap_decoder( - trg_vocab_size, max_in_len, n_layer, n_head, d_key, - d_value, d_model, d_inner_hid, prepostprocess_dropout, - attention_dropout, relu_dropout, preprocess_cmd, - postprocess_cmd, weight_sharing, embedding_sharing, - dec_inputs=(alive_seq_2, alive_seq_2, pos, None, tgt_src_attn_bias), - enc_output=enc_output, caches=caches, is_train=False, params_type=params_type) - - alive_seq_2, alive_log_probs_2, finished_seq_2, finished_scores_2, finished_flags_2, caches_2 = \ - beam_search.inner_func(step_idx, logits, alive_seq_1, alive_log_probs, finished_seq, - finished_scores, finished_flags, caches, enc_output, - tgt_src_attn_bias) - - layers.increment(x=step_idx, value=1.0, in_place=True) - finish_cond = beam_search.is_finished(step_idx, source_length, alive_log_probs_2, - finished_scores_2, finished_flags_2) - - layers.assign(alive_seq_2, alive_seq) - layers.assign(alive_log_probs_2, alive_log_probs) - layers.assign(finished_seq_2, finished_seq) - layers.assign(finished_scores_2, finished_scores) - layers.assign(finished_flags_2, finished_flags) - - for i in xrange(len(caches_2)): - layers.assign(caches_2[i]["k"], caches[i]["k"]) - layers.assign(caches_2[i]["v"], caches[i]["v"]) - - layers.logical_and(x=cond, y=finish_cond, out=cond) - - finished_flags = layers.reduce_sum(finished_flags, dim=1, keep_dim=True) / beam_size - finished_flags = layers.cast(finished_flags, 'bool') - mask = layers.cast(layers.reduce_any(input=finished_flags, dim=1, keep_dim=True), 'float32') - mask = layers.expand(mask, [1, beam_size]) - - mask2 = 1.0 - mask - finished_seq = layers.cast(finished_seq, 'float32') - alive_seq = layers.cast(alive_seq, 'float32') - #print mask - - finished_seq = layers.elementwise_mul(finished_seq, mask, axis=0) + \ - layers.elementwise_mul(alive_seq, mask2, axis = 0) - finished_seq = layers.cast(finished_seq, 'int32') - finished_scores = layers.elementwise_mul(finished_scores, mask, axis=0) + \ - layers.elementwise_mul(alive_log_probs, mask2) - finished_seq.persistable = True - finished_scores.persistable = True - - return finished_seq, finished_scores - - finished_ids, finished_scores = beam_search(enc_output, enc_bias, source_length) - return finished_ids, finished_scores diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/gen_records.py b/PaddleNLP/Research/EMNLP2019-MAL/src/gen_records.py deleted file mode 100644 index 8b2e2b1a61466762fd4b220914d65a0648f0286c..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/gen_records.py +++ /dev/null @@ -1,220 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -import logging -import os, sys -import random -import six -import ast - -class TRDataGen(object): - """record data generator - """ - - def __init__(self, num_shards, data_dir): - self.num_shards = num_shards - self.data_dir = data_dir - - def gen_data_fnames(self, is_train=True): - """generate filenames for train and valid - return: - train_filenames, valid_filenames - """ - if not os.path.isdir(self.data_dir): - try: - os.mkdir(self.data_dir) - except Exception as e: - raise ValueError("%s is exists as one file", self.data_dir) - if is_train: - train_prefix = os.path.join(self.data_dir, "translate-train-%05d-of_unshuffle") - return [train_prefix % i for i in xrange(self.num_shards)] - return [os.path.join(self.data_dir, "translate-dev-00000-of_unshuffle")] - - def generate(self, data_list, is_train=True, is_shuffle=True): - """generating record file - :param data_list: - :param is_train: - :return: - """ - output_filename = self.gen_data_fnames(is_train) - #writers = [tf.python_io.TFRecordWriter(fname) for fname in output_filename] - writers = [open(fname, 'w') for fname in output_filename] - ct = 0 - shard = 0 - for case in data_list: - ct += 1 - if ct % 10000 == 0: - logging.info("Generating case %s ." % ct) - - example = self.to_example(case) - writers[shard].write(example.strip() + "\n") - if is_train: - shard = (shard + 1) % self.num_shards - logging.info("Generating case %s ." % ct) - for writer in writers: - writer.close() - if is_shuffle: - self.shuffle_dataset(output_filename) - - def to_example(self, dictionary): - """ - :param source: - :param target: - :return: - """ - - if "inputs" not in dictionary or "targets" not in dictionary: - raise ValueError("Empty generated field: inputs or target") - - inputs = " ".join(str(x) for x in dictionary["inputs"]) - targets = " ".join(str(x) for x in dictionary["targets"]) - return inputs + "\t" + targets - - def shuffle_dataset(self, filenames): - """ - :return: - """ - logging.info("Shuffling data...") - for fname in filenames: - records = self.read_records(fname) - random.shuffle(records) - out_fname = fname.replace("_unshuffle", "-shuffle") - self.write_records(records, out_fname) - os.remove(fname) - - def read_records(self, filename): - """ - :param filename: - :return: - """ - records = [] - with open(filename, 'r') as reader: - for record in reader: - records.append(record) - if len(records) % 100000 == 0: - logging.info("read: %d", len(records)) - return records - - def write_records(self, records, out_filename): - """ - :param records: - :param out_filename: - :return: - """ - with open(out_filename, 'w') as f: - for count, record in enumerate(records): - f.write(record) - if count > 0 and count % 100000 == 0: - logging.info("write: %d", count) - - -if __name__ == "__main__": - from preprocess.problem import SubwordVocabProblem - from preprocess.problem import TokenVocabProblem - import argparse - - parser = argparse.ArgumentParser("Tips for generating subword.") - parser.add_argument( - "--tmp_dir", - type=str, - required=True, - help="dir that includes original corpus.") - - parser.add_argument( - "--data_dir", - type=str, - required=True, - help="dir that generates training files") - - parser.add_argument( - "--source_train_files", - type=str, - required=True, - help="train file for source") - - parser.add_argument( - "--target_train_files", - type=str, - required=True, - help="train file for target") - - parser.add_argument( - "--source_vocab_size", - type=int, - required=True, - help="source_vocab_size") - - parser.add_argument( - "--target_vocab_size", - type=int, - required=True, - help="target_vocab_size") - - parser.add_argument( - "--num_shards", - type=int, - default=100, - help="number of shards") - - parser.add_argument( - "--subword", - type=ast.literal_eval, - default=False, - help="subword") - - parser.add_argument( - "--token", - type=ast.literal_eval, - default=False, - help="token") - - parser.add_argument( - "--onevocab", - type=ast.literal_eval, - default=False, - help="share vocab") - - args = parser.parse_args() - print args - - gen = TRDataGen(args.num_shards, args.data_dir) - source_train_files = args.source_train_files.split(",") - target_train_files = args.target_train_files.split(",") - if args.token == args.subword: - print "one of subword or token is True" - import sys - - sys.exit(1) - - LOG_FORMAT = "[%(asctime)s %(levelname)s %(filename)s:%(lineno)d] %(message)s" - logging.basicConfig(stream=sys.stdout, level=logging.INFO, format=LOG_FORMAT) - - if args.subword: - problem = SubwordVocabProblem(args.source_vocab_size, - args.target_vocab_size, - source_train_files, - target_train_files, - None, - None, - args.onevocab) - else: - problem = TokenVocabProblem(args.source_vocab_size, - args.target_vocab_size, - source_train_files, - target_train_files, - None, - None, - args.onevocab) - - gen.generate(problem.generate_data(args.data_dir, args.tmp_dir, True), True, True) diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/id2word.py b/PaddleNLP/Research/EMNLP2019-MAL/src/id2word.py deleted file mode 100644 index c7708b484604fa530cbc649c22caaad99f89580b..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/id2word.py +++ /dev/null @@ -1,44 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -import sys - -id2word = {} -ln = sys.stdin - -def load_vocab(file_path): - start_index = 0 - f = open(file_path, 'r') - - for line in f: - line = line.strip() - id2word[start_index] = line - start_index += 1 - f.close() - -if __name__=="__main__": - load_vocab(sys.argv[1]) - while True: - line = ln.readline().strip() - if not line: - break - - split_res = line.split(" ") - output_str = "" - for item in split_res: - output_str += id2word[int(item.strip())] - output_str += " " - output_str = output_str.strip() - print output_str - diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/infer.py b/PaddleNLP/Research/EMNLP2019-MAL/src/infer.py deleted file mode 100644 index bbd6517b9d849bc04018d46134a8064588845778..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/infer.py +++ /dev/null @@ -1,470 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -import argparse -import ast -import multiprocessing -import numpy as np -import os -from functools import partial - -import contextlib -import time -import paddle.fluid.profiler as profiler - -import paddle -import paddle.fluid as fluid - -import forward_model -import reader -import sys -from config import * -from forward_model import wrap_encoder as encoder -from forward_model import wrap_decoder as decoder -from forward_model import forward_fast_decode -from dense_model import dense_fast_decode -from relative_model import relative_fast_decode -from forward_model import forward_position_encoding_init -from reader import * - - -def parse_args(): - """ - parse_args - """ - parser = argparse.ArgumentParser("Training for Transformer.") - parser.add_argument( - "--val_file_pattern", - type=str, - required=True, - help="The pattern to match test data files.") - parser.add_argument( - "--batch_size", - type=int, - default=50, - help="The number of examples in one run for sequence generation.") - parser.add_argument( - "--pool_size", - type=int, - default=10000, - help="The buffer size to pool data.") - parser.add_argument( - "--special_token", - type=str, - default=["", "", ""], - nargs=3, - help="The , and tokens in the dictionary.") - parser.add_argument( - "--token_delimiter", - type=lambda x: str(x.encode().decode("unicode-escape")), - default=" ", - help="The delimiter used to split tokens in source or target sentences. " - "For EN-DE BPE data we provided, use spaces as token delimiter. ") - parser.add_argument( - "--use_mem_opt", - type=ast.literal_eval, - default=True, - help="The flag indicating whether to use memory optimization.") - parser.add_argument( - "--use_py_reader", - type=ast.literal_eval, - default=False, - help="The flag indicating whether to use py_reader.") - parser.add_argument( - "--use_parallel_exe", - type=ast.literal_eval, - default=False, - help="The flag indicating whether to use ParallelExecutor.") - parser.add_argument( - "--use_candidate", - type=ast.literal_eval, - default=False, - help="The flag indicating whether to use candidates.") - parser.add_argument( - "--common_ids", - type=str, - default="", - help="The file path of common ids.") - parser.add_argument( - 'opts', - help='See config.py for all options', - default=None, - nargs=argparse.REMAINDER) - parser.add_argument( - "--use_delay_load", - type=ast.literal_eval, - default=True, - help= - "The flag indicating whether to load all data into memories at once.") - parser.add_argument( - "--vocab_size", - type=str, - required=True, - help="Size of Vocab.") - parser.add_argument( - "--infer_batch_size", - type=int, - help="Infer batch_size") - parser.add_argument( - "--decode_alpha", - type=float, - help="decode_alpha") - - args = parser.parse_args() - # Append args related to dict - #src_dict = reader.DataReader.load_dict(args.src_vocab_fpath) - #trg_dict = reader.DataReader.load_dict(args.trg_vocab_fpath) - #dict_args = [ - # "src_vocab_size", str(len(src_dict)), "trg_vocab_size", - # str(len(trg_dict)), "bos_idx", str(src_dict[args.special_token[0]]), - # "eos_idx", str(src_dict[args.special_token[1]]), "unk_idx", - # str(src_dict[args.special_token[2]]) - #] - voc_size = args.vocab_size - dict_args = [ - "src_vocab_size", voc_size, - "trg_vocab_size", voc_size, - "bos_idx", str(0), - "eos_idx", str(1), - "unk_idx", str(int(voc_size) - 1) - ] - merge_cfg_from_list(args.opts + dict_args, - [InferTaskConfig, ModelHyperParams]) - return args - - -def post_process_seq(seq, - bos_idx=ModelHyperParams.bos_idx, - eos_idx=ModelHyperParams.eos_idx, - output_bos=InferTaskConfig.output_bos, - output_eos=InferTaskConfig.output_eos): - """ - Post-process the beam-search decoded sequence. Truncate from the first - and remove the and tokens currently. - """ - eos_pos = len(seq) - 1 - for i, idx in enumerate(seq): - if idx == eos_idx: - eos_pos = i - break - seq = [ - idx for idx in seq[:eos_pos + 1] - if (output_bos or idx != bos_idx) and (output_eos or idx != eos_idx) - ] - return seq - - -def prepare_batch_input(insts, data_input_names, src_pad_idx, bos_idx, n_head, - d_model): - """ - Put all padded data needed by beam search decoder into a dict. - """ - src_word, src_pos, src_slf_attn_bias, src_max_len = pad_batch_data( - [inst[0] for inst in insts], src_pad_idx, n_head, is_target=False) - source_length = np.asarray([src_max_len], dtype="int64") - src_word = src_word.reshape(-1, src_max_len, 1) - src_pos = src_pos.reshape(-1, src_max_len, 1) - - data_input_dict = dict( - zip(data_input_names, [ - src_word, src_pos, src_slf_attn_bias, source_length - ])) - - return data_input_dict - - -def prepare_feed_dict_list(data_generator, count): - """ - Prepare the list of feed dict for multi-devices. - """ - feed_dict_list = [] - if data_generator is not None: # use_py_reader == False - data_input_names = encoder_data_input_fields + fast_decoder_data_input_fields - data = next(data_generator) - for idx, data_buffer in enumerate(data): - data_input_dict = prepare_batch_input( - data_buffer, data_input_names, ModelHyperParams.bos_idx, - ModelHyperParams.bos_idx, ModelHyperParams.n_head, - ModelHyperParams.d_model) - feed_dict_list.append(data_input_dict) - return feed_dict_list if len(feed_dict_list) == count else None - - -def prepare_dense_feed_dict_list(data_generator, count): - """ - Prepare the list of feed dict for multi-devices. - """ - feed_dict_list = [] - if data_generator is not None: # use_py_reader == False - data_input_names = dense_encoder_data_input_fields + fast_decoder_data_input_fields - data = next(data_generator) - for idx, data_buffer in enumerate(data): - data_input_dict = prepare_batch_input( - data_buffer, data_input_names, DenseModelHyperParams.bos_idx, - DenseModelHyperParams.bos_idx, DenseModelHyperParams.n_head, - DenseModelHyperParams.d_model) - feed_dict_list.append(data_input_dict) - return feed_dict_list if len(feed_dict_list) == count else None - - -def prepare_infer_feed_dict_list(data_generator, count): - feed_dict_list = [] - if data_generator is not None: # use_py_reader == False - data_input_names = encoder_data_input_fields + fast_decoder_data_input_fields - dense_data_input_names = dense_encoder_data_input_fields + fast_decoder_data_input_fields - data = next(data_generator) - for idx, data_buffer in enumerate(data): - dense_data_input_dict = prepare_batch_input( - data_buffer, dense_data_input_names, DenseModelHyperParams.bos_idx, - DenseModelHyperParams.bos_idx, DenseModelHyperParams.n_head, - DenseModelHyperParams.d_model) - - data_input_dict = prepare_batch_input(data_buffer, data_input_names, - ModelHyperParams.bos_idx, ModelHyperParams.bos_idx, - ModelHyperParams.n_head, ModelHyperParams.d_model) - - for key in dense_data_input_dict: - if key not in data_input_dict: - data_input_dict[key] = dense_data_input_dict[key] - - feed_dict_list.append(data_input_dict) - return feed_dict_list if len(feed_dict_list) == count else None - - - -def get_trans_res(batch_size, out_list, final_list): - """ - Get trans - """ - for index in xrange(batch_size): - seq = out_list[index][0] #top1 seq - - if 1 not in seq: - res = seq[1:-1] - else: - res = seq[1:seq.index(1)] - - res = map(str, res) - final_list.append(" ".join(res)) - - -def fast_infer(args): - """ - Inference by beam search decoder based solely on Fluid operators. - """ - test_prog = fluid.Program() - startup_prog = fluid.Program() - - #with fluid.program_guard(test_prog, startup_prog): - with fluid.unique_name.guard("new_forward"): - out_ids1, out_scores1 = forward_fast_decode( - ModelHyperParams.src_vocab_size, - ModelHyperParams.trg_vocab_size, - ModelHyperParams.max_length + 50, - ModelHyperParams.n_layer, - ModelHyperParams.n_head, - ModelHyperParams.d_key, - ModelHyperParams.d_value, - ModelHyperParams.d_model, - ModelHyperParams.d_inner_hid, - ModelHyperParams.prepostprocess_dropout, - ModelHyperParams.attention_dropout, - ModelHyperParams.relu_dropout, - ModelHyperParams.preprocess_cmd, - ModelHyperParams.postprocess_cmd, - ModelHyperParams.weight_sharing, - ModelHyperParams.embedding_sharing, - InferTaskConfig.beam_size, - args.infer_batch_size, - InferTaskConfig.max_out_len, - args.decode_alpha, - ModelHyperParams.eos_idx, - params_type="new" - ) - - with fluid.unique_name.guard("new_relative_position"): - out_ids2, out_scores2 = relative_fast_decode( - ModelHyperParams.src_vocab_size, - ModelHyperParams.trg_vocab_size, - ModelHyperParams.max_length + 50, - ModelHyperParams.n_layer, - ModelHyperParams.n_head, - ModelHyperParams.d_key, - ModelHyperParams.d_value, - ModelHyperParams.d_model, - ModelHyperParams.d_inner_hid, - ModelHyperParams.prepostprocess_dropout, - ModelHyperParams.attention_dropout, - ModelHyperParams.relu_dropout, - ModelHyperParams.preprocess_cmd, - ModelHyperParams.postprocess_cmd, - ModelHyperParams.weight_sharing, - ModelHyperParams.embedding_sharing, - InferTaskConfig.beam_size, - args.infer_batch_size, - InferTaskConfig.max_out_len, - args.decode_alpha, - ModelHyperParams.eos_idx, - params_type="new" - ) - - DenseModelHyperParams.src_vocab_size = ModelHyperParams.src_vocab_size - DenseModelHyperParams.trg_vocab_size = ModelHyperParams.trg_vocab_size - DenseModelHyperParams.weight_sharing = ModelHyperParams.weight_sharing - DenseModelHyperParams.embedding_sharing = ModelHyperParams.embedding_sharing - with fluid.unique_name.guard("new_dense"): - out_ids3, out_scores3 = dense_fast_decode( - DenseModelHyperParams.src_vocab_size, - DenseModelHyperParams.trg_vocab_size, - DenseModelHyperParams.max_length + 50, - DenseModelHyperParams.n_layer, - DenseModelHyperParams.enc_n_layer, - DenseModelHyperParams.n_head, - DenseModelHyperParams.d_key, - DenseModelHyperParams.d_value, - DenseModelHyperParams.d_model, - DenseModelHyperParams.d_inner_hid, - DenseModelHyperParams.prepostprocess_dropout, - DenseModelHyperParams.attention_dropout, - DenseModelHyperParams.relu_dropout, - DenseModelHyperParams.preprocess_cmd, - DenseModelHyperParams.postprocess_cmd, - DenseModelHyperParams.weight_sharing, - DenseModelHyperParams.embedding_sharing, - InferTaskConfig.beam_size, - args.infer_batch_size, - InferTaskConfig.max_out_len, - args.decode_alpha, - ModelHyperParams.eos_idx, - params_type="new" - ) - - test_prog = fluid.default_main_program().clone(for_test=True) - # This is used here to set dropout to the test mode. - - if InferTaskConfig.use_gpu: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - exe = fluid.Executor(place) - exe.run(fluid.default_startup_program()) - - fluid.io.load_params( - exe, - InferTaskConfig.model_path, - main_program=test_prog) - - - if args.use_mem_opt: - fluid.memory_optimize(test_prog) - - exec_strategy = fluid.ExecutionStrategy() - # For faster executor - exec_strategy.use_experimental_executor = True - exec_strategy.num_threads = 1 - build_strategy = fluid.BuildStrategy() - - # data reader settings for inference - args.use_token_batch = False - #args.sort_type = reader.SortType.NONE - args.shuffle = False - args.shuffle_batch = False - - dev_count = 1 - lines_cnt = len(open(args.val_file_pattern, 'r').readlines()) - data_reader = line_reader(args.val_file_pattern, args.infer_batch_size, dev_count, - token_delimiter=args.token_delimiter, - max_len=ModelHyperParams.max_length, - parse_line=parse_src_line) - - test_data = prepare_data_generator( - args, - is_test=True, - count=dev_count, - pyreader=None, - batch_size=args.infer_batch_size, data_reader=data_reader) - - data_generator = test_data() - iter_num = 0 - - if not os.path.exists("trans"): - os.mkdir("trans") - - model_name = InferTaskConfig.model_path.split("/")[-1] - forward_res = open(os.path.join("trans", "forward_%s" % model_name), 'w') - relative_res = open(os.path.join("trans", "relative_%s" % model_name), 'w') - dense_res = open(os.path.join("trans", "dense_%s" % model_name), 'w') - - forward_list = [] - relative_list = [] - dense_list = [] - with profile_context(False): - while True: - try: - feed_dict_list = prepare_infer_feed_dict_list(data_generator, dev_count) - - forward_seq_ids, relative_seq_ids, dense_seq_ids = exe.run( - program=test_prog, - fetch_list=[out_ids1.name, out_ids2.name, out_ids3.name], - feed=feed_dict_list[0] - if feed_dict_list is not None else None, - return_numpy=False, - use_program_cache=False) - - fseq_ids = np.asarray(forward_seq_ids).tolist() - rseq_ids = np.asarray(relative_seq_ids).tolist() - dseq_ids = np.asarray(dense_seq_ids).tolist() - - get_trans_res(args.infer_batch_size, fseq_ids, forward_list) - get_trans_res(args.infer_batch_size, rseq_ids, relative_list) - get_trans_res(args.infer_batch_size, dseq_ids, dense_list) - - - except (StopIteration, fluid.core.EOFException): - break - forward_list = forward_list[:lines_cnt] - relative_list = relative_list[:lines_cnt] - dense_list = dense_list[:lines_cnt] - - forward_res.writelines("\n".join(forward_list)) - forward_res.flush() - forward_res.close() - - relative_res.writelines("\n".join(relative_list)) - relative_res.flush() - relative_res.close() - - dense_res.writelines("\n".join(dense_list)) - dense_res.flush() - dense_res.close() - - -@contextlib.contextmanager -def profile_context(profile=True): - """ - profile_context - """ - if profile: - with profiler.profiler('All', 'total', './profile_dir/profile_file_tmp'): - yield - else: - yield - - -if __name__ == "__main__": - args = parse_args() - fast_infer(args) - diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/launch.py b/PaddleNLP/Research/EMNLP2019-MAL/src/launch.py deleted file mode 100644 index f877816f008d9714195557bf6cd3be6c295b1972..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/launch.py +++ /dev/null @@ -1,146 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -import sys -import subprocess -import commands -import os -import six -import copy -import argparse -import time - -from args import ArgumentGroup, print_arguments, inv_arguments - -# yapf: disable -parser = argparse.ArgumentParser(__doc__) -multip_g = ArgumentGroup(parser, "multiprocessing", - "start paddle training using multi-processing mode.") -multip_g.add_arg("node_ips", str, None, - "paddle trainer ips") -multip_g.add_arg("node_id", int, None, - "the trainer id of the node for multi-node distributed training.") -multip_g.add_arg("print_config", bool, True, - "print the config of multi-processing mode.") -multip_g.add_arg("current_node_ip", str, None, - "the ip of current node.") -multip_g.add_arg("split_log_path", str, "log", - "log path for each trainer.") -multip_g.add_arg("log_prefix", str, "", - "the prefix name of job log.") -multip_g.add_arg("nproc_per_node", int, 8, - "the number of process to use on each node.") -multip_g.add_arg("selected_gpus", str, "0,1,2,3,4,5,6,7", - "the gpus selected to use.") -multip_g.add_arg("training_script", str, None, "the program/script to be lauched " - "in parallel followed by all the arguments", positional_arg=True) -multip_g.add_arg("training_script_args", str, None, - "training script args", positional_arg=True, nargs=argparse.REMAINDER) -# yapf: enable - - -def start_procs(args): - """ - start_procs - """ - procs = [] - log_fns = [] - - default_env = os.environ.copy() - - node_id = args.node_id - node_ips = [x.strip() for x in args.node_ips.split(',')] - current_ip = args.current_node_ip - num_nodes = len(node_ips) - selected_gpus = [x.strip() for x in args.selected_gpus.split(',')] - selected_gpu_num = len(selected_gpus) - - all_trainer_endpoints = "" - for ip in node_ips: - for i in range(args.nproc_per_node): - if all_trainer_endpoints != "": - all_trainer_endpoints += "," - all_trainer_endpoints += "%s:617%d" % (ip, i) - - nranks = num_nodes * args.nproc_per_node - gpus_per_proc = args.nproc_per_node % selected_gpu_num - if gpus_per_proc == 0: - gpus_per_proc = selected_gpu_num / args.nproc_per_node - else: - gpus_per_proc = selected_gpu_num / args.nproc_per_node + 1 - - selected_gpus_per_proc = [selected_gpus[i:i + gpus_per_proc] - for i in range(0, len(selected_gpus), gpus_per_proc)] - - if args.print_config: - print("all_trainer_endpoints: ", all_trainer_endpoints, - ", node_id: ", node_id, - ", current_ip: ", current_ip, - ", num_nodes: ", num_nodes, - ", node_ips: ", node_ips, - ", gpus_per_proc: ", gpus_per_proc, - ", selected_gpus_per_proc: ", selected_gpus_per_proc, - ", nranks: ", nranks) - - current_env = copy.copy(default_env) - procs = [] - cmds = [] - log_fns = [] - for i in range(0, args.nproc_per_node): - trainer_id = node_id * args.nproc_per_node + i - current_env.update({ - "FLAGS_selected_gpus": "%s" % ",".join([str(s) for s in selected_gpus_per_proc[i]]), - "PADDLE_TRAINER_ID": "%d" % trainer_id, - "PADDLE_CURRENT_ENDPOINT": "%s:617%d" % (current_ip, i), - "PADDLE_TRAINERS_NUM": "%d" % nranks, - "PADDLE_TRAINER_ENDPOINTS": all_trainer_endpoints, - "PADDLE_NODES_NUM": "%d" % num_nodes - }) - - cmd = [sys.executable, "-u", - args.training_script] + args.training_script_args - cmds.append(cmd) - - if args.split_log_path: - fn = open("%s/%sjob.log.%d" % (args.split_log_path, args.log_prefix, trainer_id), "a") - log_fns.append(fn) - process = subprocess.Popen(cmd, env=current_env, stdout=fn, stderr=fn) - else: - process = subprocess.Popen(cmd, env=current_env) - procs.append(process) - - for i in range(len(procs)): - proc = procs[i] - proc.wait() - if len(log_fns) > 0: - log_fns[i].close() - if proc.returncode != 0: - raise subprocess.CalledProcessError(returncode=procs[i].returncode, - cmd=cmds[i]) - else: - print("proc %d finsh" % i) - - -def main(args): - """ - main_func - """ - if args.print_config: - print_arguments(args) - start_procs(args) - - -if __name__ == "__main__": - lanch_args = parser.parse_args() - main(lanch_args) diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/__init__.py b/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/__init__.py deleted file mode 100644 index e945bdba5e379f14cdf29c76da2fc3baf34dd48e..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/__init__.py +++ /dev/null @@ -1,14 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/gen_utils.py b/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/gen_utils.py deleted file mode 100644 index 9ff897ed54ac77b19a42cfbd8f3ac935fdb5f10b..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/gen_utils.py +++ /dev/null @@ -1,208 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -import os -import sys -import logging -import argparse -from text_encoder import SubwordTextEncoder, TokenTextEncoder -from text_encoder import EOS_ID - - -def get_or_generate_vocab(data_dir, tmp_dir, vocab_filename, vocab_size, - sources, file_byte_budget=1e6): - """Generate a vocabulary from the datasets in sources.""" - - def generate(): - """Generate lines for vocabulary generation.""" - logging.info("Generating vocab from: %s", str(sources)) - for source in sources: - for lang_file in source[1]: - logging.info("Reading file: %s" % lang_file) - - filepath = os.path.join(tmp_dir, lang_file) - with open(filepath, mode="r") as source_file: - file_byte_budget_ = file_byte_budget - counter = 0 - countermax = int(os.path.getsize(filepath) / file_byte_budget_ / 2) - logging.info("countermax: %d" % countermax) - for line in source_file: - if counter < countermax: - counter += 1 - else: - if file_byte_budget_ <= 0: - break - line = line.strip() - file_byte_budget_ -= len(line) - counter = 0 - yield line - - return get_or_generate_vocab_inner(data_dir, vocab_filename, vocab_size, - generate()) - - -def get_or_generate_vocab_inner(data_dir, vocab_filename, vocab_size, - generator, max_subtoken_length=None, - reserved_tokens=None): - """Inner implementation for vocab generators. - - Args: - data_dir: The base directory where data and vocab files are stored. If None, - then do not save the vocab even if it doesn't exist. - vocab_filename: relative filename where vocab file is stored - vocab_size: target size of the vocabulary constructed by SubwordTextEncoder - generator: a generator that produces tokens from the vocabulary - max_subtoken_length: an optional integer. Set this to a finite value to - avoid quadratic costs during vocab building. - reserved_tokens: List of reserved tokens. `text_encoder.RESERVED_TOKENS` - should be a prefix of `reserved_tokens`. If `None`, defaults to - `RESERVED_TOKENS`. - - Returns: - A SubwordTextEncoder vocabulary object. - """ - if data_dir and vocab_filename: - vocab_filepath = os.path.join(data_dir, vocab_filename) - if os.path.exists(vocab_filepath): - logging.info("Found vocab file: %s", vocab_filepath) - return SubwordTextEncoder(vocab_filepath) - else: - vocab_filepath = None - - logging.info("Generating vocab file: %s", vocab_filepath) - vocab = SubwordTextEncoder.build_from_generator( - generator, vocab_size, max_subtoken_length=max_subtoken_length, - reserved_tokens=reserved_tokens) - - if vocab_filepath: - if not os.path.exists(data_dir): - os.makedirs(data_dir) - vocab.store_to_file(vocab_filepath) - - return vocab - - -def txt_line_iterator(fname): - """ - generator for line - :param fname: - :return: - """ - with open(fname, 'r') as f: - for line in f: - yield line.strip() - - -def txt2txt_generator(source_fname, target_fname): - """ - - :param source_fname: - :param target_fname: - :return: - """ - for source, target in zip( - txt_line_iterator(source_fname), - txt_line_iterator(target_fname) - ): - yield {"inputs": source, "targets": target} - - -def txt2txt_encoder(sample_generator, vocab, target_vocab=None): - """ - - :param sample_generator: - :param vocab: - :param target_vocab: - :return: - """ - target_vocab = target_vocab or vocab - for sample in sample_generator: - sample["inputs"] = vocab.encode(sample["inputs"]) - sample["inputs"].append(EOS_ID) - sample["targets"] = target_vocab.encode(sample["targets"]) - sample["targets"].append(EOS_ID) - yield sample - - -def txt_encoder(filename, batch_size=1, vocab=None): - """ - - :param sample_generator: - :param vocab: - :return: - """ - def pad_mini_batch(batch): - """ - - :param batch: - :return: - """ - lens = map(lambda x: len(x), batch) - max_len = max(lens) - for i in range(len(batch)): - batch[i] = batch[i] + [0] * (max_len - lens[i]) - return batch - - fp = open(filename, 'r') - samples = [] - batches = [] - ct = 0 - for sample in fp: - sample = sample.strip() - - if vocab: - sample = vocab.encode(sample) - else: - sample = [int(s) for s in sample] - #sample.append(EOS_ID) - batches.append(sample) - ct += 1 - if ct % batch_size == 0: - batches = pad_mini_batch(batches) - samples.extend(batches) - batches = [] - if ct % batch_size != 0: - batches += [batches[-1]] * (batch_size - ct % batch_size) - batches = pad_mini_batch(batches) - samples.extend(batches) - return samples - -if __name__ == "__main__": - parser = argparse.ArgumentParser("Tips for generating testset") - parser.add_argument( - "--vocab", - type=str, - required=True, - help="The path of source vocab.") - - parser.add_argument( - "--testset", - type=str, - required=True, - help="The path of testset.") - - parser.add_argument( - "--output", - type=str, - required=True, - help="The path of result.") - - args = parser.parse_args() - token = TokenTextEncoder(args.vocab) - samples = txt_encoder(args.testset, 1, token) - - with open(args.output, 'w') as f: - for sample in samples: - res = [str(item) for item in sample] - f.write("%s\n" % " ".join(res)) diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/problem.py b/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/problem.py deleted file mode 100644 index 595be317423f4c11155b970782febc5b2e8a2189..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/problem.py +++ /dev/null @@ -1,297 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from gen_utils import get_or_generate_vocab -from gen_utils import txt_line_iterator -import os, sys -from gen_utils import txt2txt_encoder -from gen_utils import txt2txt_generator -from text_encoder import TokenTextEncoder -import logging - -LOG_FORMAT = "[%(asctime)s %(levelname)s %(filename)s:%(lineno)d] %(message)s" -logging.basicConfig(stream=sys.stdout, level=logging.INFO, format=LOG_FORMAT) - -class GenSubword(object): - """ - gen subword - """ - - def __init__(self, - vocab_size=8000, - training_dataset_filenames="train.txt"): - """ - - :param vocab_size: - :param vocab_name: - :param training_dataset_filenames: list - """ - self.vocab_size = vocab_size - self.vocab_name = "vocab.%s" % self.vocab_size - if not isinstance(training_dataset_filenames, list): - training_dataset_filenames = [training_dataset_filenames] - self.training_dataset_filenames = training_dataset_filenames - - def generate_data(self, data_dir, tmp_dir): - """ - - :param data_dir: target dir(includes vocab file) - :param tmp_dir: original dir(includes training dataset filenames) - :return: - """ - data_set = [["", self.training_dataset_filenames]] - source_vocab = get_or_generate_vocab( - data_dir, - tmp_dir, - self.vocab_name, - self.vocab_size, - data_set, - file_byte_budget=1e8) - source_vocab.store_to_file(os.path.join(data_dir, self.vocab_name)) - - -class SubwordVocabProblem(object): - """subword input""" - - def __init__(self, - source_vocab_size=8000, - target_vocab_size=8000, - source_train_filenames="train.src", - target_train_filenames="train.tgt", - source_dev_filenames="dev.src", - target_dev_filenames="dev.tgt", - one_vocab=False): - """ - - :param source_vocab_size: - :param target_vocab_size: - :param source_train_filenames: - :param target_train_filenames: - :param source_dev_filenames: - :param target_dev_filenames: - """ - self.source_vocab_size = source_vocab_size - self.target_vocab_size = target_vocab_size - self.source_vocab_name = "vocab.source.%s" % self.source_vocab_size - self.target_vocab_name = "vocab.target.%s" % self.target_vocab_size - if not isinstance(source_train_filenames, list): - source_train_filenames = [source_train_filenames] - if not isinstance(target_train_filenames, list): - target_train_filenames = [target_train_filenames] - if not isinstance(source_dev_filenames, list): - source_dev_filenames = [source_dev_filenames] - if not isinstance(target_dev_filenames, list): - target_dev_filenames = [target_dev_filenames] - self.source_train_filenames = source_train_filenames - self.target_train_filenames = target_train_filenames - self.source_dev_filenames = source_dev_filenames - self.target_dev_filenames = target_dev_filenames - self.one_vocab = one_vocab - - def generate_data(self, data_dir, tmp_dir, is_train=True): - """ - - :param data_dir: - :param tmp_dir: - :return: - """ - self.source_train_ds = [["", self.source_train_filenames]] - self.target_train_ds = [["", self.target_train_filenames]] - logging.info("building source vocab ...") - logging.info(self.one_vocab) - if not self.one_vocab: - source_vocab = get_or_generate_vocab(data_dir, tmp_dir, - self.source_vocab_name, - self.source_vocab_size, - self.source_train_ds, - file_byte_budget=1e8) - logging.info("building target vocab ...") - target_vocab = get_or_generate_vocab(data_dir, tmp_dir, - self.target_vocab_name, - self.target_vocab_size, - self.target_train_ds, - file_byte_budget=1e8) - else: - train_ds = [["", self.source_train_filenames + self.target_train_filenames]] - source_vocab = get_or_generate_vocab(data_dir, tmp_dir, - self.source_vocab_name, - self.source_vocab_size, - train_ds, - file_byte_budget=1e8) - target_vocab = source_vocab - target_vocab.store_to_file(os.path.join(data_dir, self.target_vocab_name)) - pair_filenames = [self.source_train_filenames, self.target_train_filenames] - if not is_train: - pair_filenames = [self.source_dev_filenames, self.target_dev_filenames] - self.compile_data(tmp_dir, pair_filenames, is_train) - source_fname = "train.lang1" if is_train else "dev.lang1" - target_fname = "train.lang2" if is_train else "dev.lang2" - source_fname = os.path.join(tmp_dir, source_fname) - target_fname = os.path.join(tmp_dir, target_fname) - return txt2txt_encoder(txt2txt_generator(source_fname, target_fname), - source_vocab, - target_vocab) - - def compile_data(self, tmp_dir, pair_filenames, is_train=True): - """ - combine the input files - :param tmp_dir: - :param pair_filenames: - :param is_train: - :return: - """ - filename = "train.lang1" if is_train else "dev.lang1" - out_file_1 = open(os.path.join(tmp_dir, filename), "w") - filename = "train.lang2" if is_train else "dev.lang2" - out_file_2 = open(os.path.join(tmp_dir, filename), "w") - for file1, file2 in zip(pair_filenames[0], pair_filenames[1]): - for line in txt_line_iterator(os.path.join(tmp_dir, file1)): - out_file_1.write(line + "\n") - for line in txt_line_iterator(os.path.join(tmp_dir, file2)): - out_file_2.write(line + "\n") - out_file_2.close() - out_file_1.close() - - -class TokenVocabProblem(object): - """token input""" - - def __init__(self, - source_vocab_size=8000, - target_vocab_size=8000, - source_train_filenames="train.src", - target_train_filenames="train.tgt", - source_dev_filenames="dev.src", - target_dev_filenames="dev.tgt", - one_vocab=False): - """ - - :param source_vocab_size: - :param target_vocab_size: - :param source_train_filenames: - :param target_train_filenames: - :param source_dev_filenames: - :param target_dev_filenames: - """ - self.source_vocab_size = source_vocab_size - self.target_vocab_size = target_vocab_size - self.source_vocab_name = "vocab.source.%s" % self.source_vocab_size - self.target_vocab_name = "vocab.target.%s" % self.target_vocab_size - if not isinstance(source_train_filenames, list): - source_train_filenames = [source_train_filenames] - if not isinstance(target_train_filenames, list): - target_train_filenames = [target_train_filenames] - if not isinstance(source_dev_filenames, list): - source_dev_filenames = [source_dev_filenames] - if not isinstance(target_dev_filenames, list): - target_dev_filenames = [target_dev_filenames] - self.source_train_filenames = source_train_filenames - self.target_train_filenames = target_train_filenames - self.source_dev_filenames = source_dev_filenames - self.target_dev_filenames = target_dev_filenames - self.one_vocab = one_vocab - - - def add_exsits_vocab(self, filename): - """ - :param filename - """ - token_list = [] - with open(filename) as f: - for line in f: - line = line.strip() - token_list.append(line) - token_list.append("UNK") - return token_list - - - def generate_data(self, data_dir, tmp_dir, is_train=True): - """ - - :param data_dir: - :param tmp_dir: - :return: - """ - self.source_train_ds = [["", self.source_train_filenames]] - self.target_train_ds = [["", self.target_train_filenames]] - - pair_filenames = [self.source_train_filenames, self.target_train_filenames] - if not is_train: - pair_filenames = [self.source_dev_filenames, self.target_dev_filenames] - self.compile_data(tmp_dir, pair_filenames, is_train) - source_fname = "train.lang1" if is_train else "dev.lang1" - target_fname = "train.lang2" if is_train else "dev.lang2" - source_fname = os.path.join(tmp_dir, source_fname) - target_fname = os.path.join(tmp_dir, target_fname) - if is_train: - source_vocab_path = os.path.join(data_dir, self.source_vocab_name) - target_vocab_path = os.path.join(data_dir, self.target_vocab_name) - if not self.one_vocab: - if os.path.exists(source_vocab_path) and os.path.exists(target_vocab_path): - logging.info("found source vocab ...") - source_vocab = TokenTextEncoder(None, vocab_list=self.add_exsits_vocab(source_vocab_path)) - - logging.info("found target vocab ...") - target_vocab = TokenTextEncoder(None, vocab_list=self.add_exsits_vocab(target_vocab_path)) - else: - logging.info("building source vocab ...") - source_vocab = TokenTextEncoder.build_from_corpus(source_fname, - self.source_vocab_size) - os.makedirs(data_dir) - logging.info("building target vocab ...") - target_vocab = TokenTextEncoder.build_from_corpus(target_fname, - self.target_vocab_size) - else: - if os.path.exists(source_vocab_path): - logging.info("found source vocab ...") - source_vocab = TokenTextEncoder(None, vocab_list=self.add_exsits_vocab(source_vocab_path)) - else: - source_vocab = TokenTextEncoder.build_from_corpus([source_fname, target_fname], - self.source_vocab_size) - logging.info("building target vocab ...") - target_vocab = source_vocab - - source_vocab.store_to_file(source_vocab_path) - target_vocab.store_to_file(target_vocab_path) - else: - source_vocab = TokenTextEncoder(os.path.join(data_dir, self.source_vocab_name)) - target_vocab = TokenTextEncoder(os.path.join(data_dir, self.target_vocab_name)) - - return txt2txt_encoder(txt2txt_generator(source_fname, target_fname), - source_vocab, - target_vocab) - - def compile_data(self, tmp_dir, pair_filenames, is_train=True): - """ - combine the input files - :param tmp_dir: - :param pair_filenames: - :param is_train: - :return: - """ - filename = "train.lang1" if is_train else "dev.lang1" - out_file_1 = open(os.path.join(tmp_dir, filename), "w") - filename = "train.lang2" if is_train else "dev.lang2" - out_file_2 = open(os.path.join(tmp_dir, filename), "w") - for file1, file2 in zip(pair_filenames[0], pair_filenames[1]): - for line in txt_line_iterator(os.path.join(tmp_dir, file1)): - out_file_1.write(line + "\n") - for line in txt_line_iterator(os.path.join(tmp_dir, file2)): - out_file_2.write(line + "\n") - out_file_2.close() - out_file_1.close() - - -if __name__ == "__main__": - gen_sub = GenSubword().generate_data("train_data", "../asr/") diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/subword_decode.py b/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/subword_decode.py deleted file mode 100644 index 2cc77647fdb25f306cabd6159895b9f6423fa4bd..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/subword_decode.py +++ /dev/null @@ -1,214 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -import os -import sys -import logging -import argparse -from text_encoder import SubwordTextEncoder -from text_encoder import EOS_ID - - -def get_or_generate_vocab(data_dir, tmp_dir, vocab_filename, vocab_size, - sources, file_byte_budget=1e6): - """Generate a vocabulary from the datasets in sources.""" - - def generate(): - """Generate lines for vocabulary generation.""" - logging.info("Generating vocab from: %s", str(sources)) - for source in sources: - for lang_file in source[1]: - logging.info("Reading file: %s" % lang_file) - - filepath = os.path.join(tmp_dir, lang_file) - with open(filepath, mode="r") as source_file: - file_byte_budget_ = file_byte_budget - counter = 0 - countermax = int(os.path.getsize(filepath) / file_byte_budget_ / 2) - logging.info("countermax: %d" % countermax) - for line in source_file: - if counter < countermax: - counter += 1 - else: - if file_byte_budget_ <= 0: - break - line = line.strip() - file_byte_budget_ -= len(line) - counter = 0 - yield line - - return get_or_generate_vocab_inner(data_dir, vocab_filename, vocab_size, - generate()) - - -def get_or_generate_vocab_inner(data_dir, vocab_filename, vocab_size, - generator, max_subtoken_length=None, - reserved_tokens=None): - """Inner implementation for vocab generators. - - Args: - data_dir: The base directory where data and vocab files are stored. If None, - then do not save the vocab even if it doesn't exist. - vocab_filename: relative filename where vocab file is stored - vocab_size: target size of the vocabulary constructed by SubwordTextEncoder - generator: a generator that produces tokens from the vocabulary - max_subtoken_length: an optional integer. Set this to a finite value to - avoid quadratic costs during vocab building. - reserved_tokens: List of reserved tokens. `text_encoder.RESERVED_TOKENS` - should be a prefix of `reserved_tokens`. If `None`, defaults to - `RESERVED_TOKENS`. - - Returns: - A SubwordTextEncoder vocabulary object. - """ - if data_dir and vocab_filename: - vocab_filepath = os.path.join(data_dir, vocab_filename) - if os.path.exists(vocab_filepath): - logging.info("Found vocab file: %s", vocab_filepath) - return SubwordTextEncoder(vocab_filepath) - else: - vocab_filepath = None - - logging.info("Generating vocab file: %s", vocab_filepath) - vocab = SubwordTextEncoder.build_from_generator( - generator, vocab_size, max_subtoken_length=max_subtoken_length, - reserved_tokens=reserved_tokens) - - if vocab_filepath: - if not os.path.exists(data_dir): - os.makedirs(data_dir) - vocab.store_to_file(vocab_filepath) - - return vocab - - -def txt_line_iterator(fname): - """ - generator for line - :param fname: - :return: - """ - with open(fname, 'r') as f: - for line in f: - yield line.strip() - - -def txt2txt_generator(source_fname, target_fname): - """ - - :param source_fname: - :param target_fname: - :return: - """ - for source, target in zip( - txt_line_iterator(source_fname), - txt_line_iterator(target_fname) - ): - yield {"inputs": source, "targets": target} - - -def txt2txt_encoder(sample_generator, vocab, target_vocab=None): - """ - - :param sample_generator: - :param vocab: - :param target_vocab: - :return: - """ - target_vocab = target_vocab or vocab - for sample in sample_generator: - sample["inputs"] = vocab.encode(sample["inputs"]) - sample["inputs"].append(EOS_ID) - sample["targets"] = target_vocab.encode(sample["targets"]) - sample["targets"].append(EOS_ID) - yield sample - - -def txt_encoder(filename, batch_size=1, vocab=None): - """ - - :param sample_generator: - :param vocab: - :return: - """ - def pad_mini_batch(batch): - """ - - :param batch: - :return: - """ - lens = map(lambda x: len(x), batch) - max_len = max(lens) - for i in range(len(batch)): - batch[i] = batch[i] + [0] * (max_len - lens[i]) - return batch - - fp = open(filename, 'r') - samples = [] - batches = [] - ct = 0 - for sample in fp: - sample = sample.strip() - - if vocab: - sample = vocab.encode(sample) - else: - sample = [int(s) for s in sample] - #sample.append(EOS_ID) - batches.append(sample) - ct += 1 - if ct % batch_size == 0: - batches = pad_mini_batch(batches) - samples.extend(batches) - batches = [] - if ct % batch_size != 0: - batches += [batches[-1]] * (batch_size - ct % batch_size) - batches = pad_mini_batch(batches) - samples.extend(batches) - return samples - -if __name__ == "__main__": - parser = argparse.ArgumentParser("Tips for generating testset") - parser.add_argument( - "--vocab", - type=str, - required=True, - help="The path of source vocab.") - - parser.add_argument( - "--input", - type=str, - required=True, - help="The path of testset.") - - parser.add_argument( - "--output", - type=str, - required=True, - help="The path of result.") - - args = parser.parse_args() - subword = SubwordTextEncoder(args.vocab) - - samples = [] - with open(args.input, 'r') as f: - for line in f: - line = line.strip() - ids_list = [int(num) for num in line.split(" ")] - samples.append(ids_list) - - with open(args.output, 'w') as f: - for sample in samples: - ret = subword.decode(sample) - f.write("%s\n" % ret) diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/text_encoder.py b/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/text_encoder.py deleted file mode 100644 index 590c02a0596a3da250023d1a790120e951d0b646..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/text_encoder.py +++ /dev/null @@ -1,926 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -import six -import os -import re -import logging -from tokenizer import encode as tokenizer_encode -from tokenizer import decode as tokenizer_decode -from itertools import chain -import collections - -PAD = "" -EOS = "" -RESERVED_TOKENS = [PAD, EOS] -NUM_RESERVED_TOKENS = len(RESERVED_TOKENS) -PAD_ID = RESERVED_TOKENS.index(PAD) # Normally 0 -EOS_ID = RESERVED_TOKENS.index(EOS) # Normally 1 - -if six.PY2: - RESERVED_TOKENS_BYTES = RESERVED_TOKENS -else: - RESERVED_TOKENS_BYTES = [bytes(PAD, "ascii"), bytes(EOS, "ascii")] - -# Regular expression for unescaping token strings. -# '\u' is converted to '_' -# '\\' is converted to '\' -# '\213;' is converted to unichr(213) -_UNESCAPE_REGEX = re.compile(r"\\u|\\\\|\\([0-9]+);") -_ESCAPE_CHARS = set(u"\\_u;0123456789") - - -def strip_ids(ids, ids_to_strip): - """Strip ids_to_strip from the end ids.""" - ids = list(ids) - while ids[-1] in ids_to_strip: - ids.pop() - return ids - - -def native_to_unicode(s): - """ - - :param s: - :return: - """ - return s if is_unicode(s) else to_unicode(s) - - -def is_unicode(s): - """ - - :param s: - :return: - """ - if six.PY2: - if isinstance(s, unicode): - return True - else: - if isinstance(s, str): - return True - return False - - -def unicode_to_native(s): - """ - - :param s: - :return: - """ - if six.PY2: - return s.encode("utf-8") if is_unicode(s) else s - else: - return s - - -def to_unicode(s, ignore_errors=False): - """ - - :param s: - :param ignore_errors: - :return: - """ - if is_unicode(s): - """ - - """ - return s - error_mode = "ignore" if ignore_errors else "strict" - return s.decode("utf-8", errors=error_mode) - - -def _escape_token(token, alphabet): - """Escape away underscores and OOV characters and append '_'. - - This allows the token to be expressed as the concatenation of a list - of subtokens from the vocabulary. The underscore acts as a sentinel - which allows us to invertibly concatenate multiple such lists. - - Args: - token: A unicode string to be escaped. - alphabet: A set of all characters in the vocabulary's alphabet. - - Returns: - escaped_token: An escaped unicode string. - - Raises: - ValueError: If the provided token is not unicode. - """ - if not isinstance(token, six.text_type): - raise ValueError("Expected string type for token, got %s" % type(token)) - - token = token.replace(u"\\", u"\\\\").replace(u"_", u"\\u") - ret = [c if c in alphabet and c != u"\n" else r"\%d;" % ord(c) for c in token] - return u"".join(ret) + "_" - - -def _unescape_token(escaped_token): - """Inverse of _escape_token(). - - Args: - escaped_token: a unicode string - - Returns: - token: a unicode string - """ - - def match(m): - """ - - :param m: - :return: - """ - if m.group(1) is None: - return u"_" if m.group(0) == u"\\u" else u"\\" - - try: - return six.unichr(int(m.group(1))) - except (ValueError, OverflowError) as _: - return u"\u3013" # Unicode for undefined character. - - trimmed = escaped_token[:-1] if escaped_token.endswith("_") else escaped_token - return _UNESCAPE_REGEX.sub(match, trimmed) - - -class TextEncoder(object): - """Base class for converting from ints to/from human readable strings.""" - - def __init__(self, num_reserved_ids=NUM_RESERVED_TOKENS): - self._num_reserved_ids = num_reserved_ids - - @property - def num_reserved_ids(self): - """ - - :return: - """ - return self._num_reserved_ids - - def encode(self, s): - """Transform a human-readable string into a sequence of int ids. - - The ids should be in the range [num_reserved_ids, vocab_size). Ids [0, - num_reserved_ids) are reserved. - - EOS is not appended. - - Args: - s: human-readable string to be converted. - - Returns: - ids: list of integers - """ - return [int(w) + self._num_reserved_ids for w in s.split()] - - def decode(self, ids, strip_extraneous=False): - """Transform a sequence of int ids into a human-readable string. - - EOS is not expected in ids. - - Args: - ids: list of integers to be converted. - strip_extraneous: bool, whether to strip off extraneous tokens - (EOS and PAD). - - Returns: - s: human-readable string. - """ - if strip_extraneous: - ids = strip_ids(ids, list(range(self._num_reserved_ids or 0))) - return " ".join(self.decode_list(ids)) - - def decode_list(self, ids): - """Transform a sequence of int ids into a their string versions. - - This method supports transforming individual input/output ids to their - string versions so that sequence to/from text conversions can be visualized - in a human readable format. - - Args: - ids: list of integers to be converted. - - Returns: - strs: list of human-readable string. - """ - decoded_ids = [] - for id_ in ids: - if 0 <= id_ < self._num_reserved_ids: - decoded_ids.append(RESERVED_TOKENS[int(id_)]) - else: - decoded_ids.append(id_ - self._num_reserved_ids) - return [str(d) for d in decoded_ids] - - @property - def vocab_size(self): - """ - - :return: - """ - raise NotImplementedError() - - -class SubwordTextEncoder(TextEncoder): - """Class for invertibly encoding text using a limited vocabulary. - - Invertibly encodes a native string as a sequence of subtokens from a limited - vocabulary. - - A SubwordTextEncoder is built from a corpus (so it is tailored to the text in - the corpus), and stored to a file. See text_encoder_build_subword.py. - - It can then be loaded and used to encode/decode any text. - - Encoding has four phases: - - 1. Tokenize into a list of tokens. Each token is a unicode string of either - all alphanumeric characters or all non-alphanumeric characters. We drop - tokens consisting of a single space that are between two alphanumeric - tokens. - - 2. Escape each token. This escapes away special and out-of-vocabulary - characters, and makes sure that each token ends with an underscore, and - has no other underscores. - - 3. Represent each escaped token as a the concatenation of a list of subtokens - from the limited vocabulary. Subtoken selection is done greedily from - beginning to end. That is, we construct the list in order, always picking - the longest subtoken in our vocabulary that matches a prefix of the - remaining portion of the encoded token. - - 4. Concatenate these lists. This concatenation is invertible due to the - fact that the trailing underscores indicate when one list is finished. - - """ - - def __init__(self, filename=None): - """Initialize and read from a file, if provided. - - Args: - filename: filename from which to read vocab. If None, do not load a - vocab - """ - self._alphabet = set() - self.filename = filename - if filename is not None: - self._load_from_file(filename) - super(SubwordTextEncoder, self).__init__(num_reserved_ids=None) - - def encode(self, s): - """Converts a native string to a list of subtoken ids. - - Args: - s: a native string. - Returns: - a list of integers in the range [0, vocab_size) - """ - return self._tokens_to_subtoken_ids( - tokenizer_encode(native_to_unicode(s))) - - def encode_without_tokenizing(self, token_text): - """Converts string to list of subtoken ids without calling tokenizer. - - This treats `token_text` as a single token and directly converts it - to subtoken ids. This may be useful when the default tokenizer doesn't - do what we want (e.g., when encoding text with tokens composed of lots of - nonalphanumeric characters). It is then up to the caller to make sure that - raw text is consistently converted into tokens. Only use this if you are - sure that `encode` doesn't suit your needs. - - Args: - token_text: A native string representation of a single token. - Returns: - A list of subword token ids; i.e., integers in the range [0, vocab_size). - """ - return self._tokens_to_subtoken_ids([native_to_unicode(token_text)]) - - def decode(self, ids, strip_extraneous=False): - """Converts a sequence of subtoken ids to a native string. - - Args: - ids: a list of integers in the range [0, vocab_size) - strip_extraneous: bool, whether to strip off extraneous tokens - (EOS and PAD). - - Returns: - a native string - """ - if strip_extraneous: - ids = strip_ids(ids, list(range(self._num_reserved_ids or 0))) - return unicode_to_native( - tokenizer_decode(self._subtoken_ids_to_tokens(ids))) - - def decode_list(self, ids): - """ - - :param ids: - :return: - """ - return [self._subtoken_id_to_subtoken_string(s) for s in ids] - - @property - def vocab_size(self): - """The subtoken vocabulary size.""" - return len(self._all_subtoken_strings) - - def _tokens_to_subtoken_ids(self, tokens): - """Converts a list of tokens to a list of subtoken ids. - - Args: - tokens: a list of strings. - Returns: - a list of integers in the range [0, vocab_size) - """ - ret = [] - for token in tokens: - ret.extend(self._token_to_subtoken_ids(token)) - return ret - - def _token_to_subtoken_ids(self, token): - """Converts token to a list of subtoken ids. - - Args: - token: a string. - Returns: - a list of integers in the range [0, vocab_size) - """ - cache_location = hash(token) % self._cache_size - cache_key, cache_value = self._cache[cache_location] - if cache_key == token: - return cache_value - ret = self._escaped_token_to_subtoken_ids( - _escape_token(token, self._alphabet)) - self._cache[cache_location] = (token, ret) - return ret - - def _subtoken_ids_to_tokens(self, subtokens): - """Converts a list of subtoken ids to a list of tokens. - - Args: - subtokens: a list of integers in the range [0, vocab_size) - Returns: - a list of strings. - """ - concatenated = "".join( - [self._subtoken_id_to_subtoken_string(s) for s in subtokens]) - split = concatenated.split("_") - ret = [] - for t in split: - if t: - unescaped = _unescape_token(t + "_") - if unescaped: - ret.append(unescaped) - return ret - - def _subtoken_id_to_subtoken_string(self, subtoken): - """Converts a subtoken integer ID to a subtoken string.""" - if 0 <= subtoken < self.vocab_size: - return self._all_subtoken_strings[subtoken] - return u"" - - def _escaped_token_to_subtoken_strings(self, escaped_token): - """Converts an escaped token string to a list of subtoken strings. - - Args: - escaped_token: An escaped token as a unicode string. - Returns: - A list of subtokens as unicode strings. - """ - # NOTE: This algorithm is greedy; it won't necessarily produce the "best" - # list of subtokens. - ret = [] - start = 0 - token_len = len(escaped_token) - while start < token_len: - for end in range( - min(token_len, start + self._max_subtoken_len), start, -1): - subtoken = escaped_token[start:end] - if subtoken in self._subtoken_string_to_id: - ret.append(subtoken) - start = end - break - - else: # Did not break - # If there is no possible encoding of the escaped token then one of the - # characters in the token is not in the alphabet. This should be - # impossible and would be indicative of a bug. - assert False, "Token substring not found in subtoken vocabulary." - - return ret - - def _escaped_token_to_subtoken_ids(self, escaped_token): - """Converts an escaped token string to a list of subtoken IDs. - - Args: - escaped_token: An escaped token as a unicode string. - Returns: - A list of subtoken IDs as integers. - """ - return [ - self._subtoken_string_to_id[subtoken] - for subtoken in self._escaped_token_to_subtoken_strings(escaped_token) - ] - - @classmethod - def build_from_generator(cls, - generator, - target_vocab_size, - max_subtoken_length=None, - reserved_tokens=None): - """Builds a SubwordTextEncoder from the generated text. - - Args: - generator: yields text. - target_vocab_size: int, approximate vocabulary size to create. - max_subtoken_length: Maximum length of a subtoken. If this is not set, - then the runtime and memory use of creating the vocab is quadratic in - the length of the longest token. If this is set, then it is instead - O(max_subtoken_length * length of longest token). - reserved_tokens: List of reserved tokens. The global variable - `RESERVED_TOKENS` must be a prefix of `reserved_tokens`. If this - argument is `None`, it will use `RESERVED_TOKENS`. - - Returns: - SubwordTextEncoder with `vocab_size` approximately `target_vocab_size`. - """ - token_counts = collections.defaultdict(int) - for item in generator: - for tok in tokenizer_encode(native_to_unicode(item)): - token_counts[tok] += 1 - encoder = cls.build_to_target_size( - target_vocab_size, token_counts, 1, 1e3, - max_subtoken_length=max_subtoken_length, - reserved_tokens=reserved_tokens) - return encoder - - @classmethod - def build_to_target_size(cls, - target_size, - token_counts, - min_val, - max_val, - max_subtoken_length=None, - reserved_tokens=None, - num_iterations=4): - """Builds a SubwordTextEncoder that has `vocab_size` near `target_size`. - - Uses simple recursive binary search to find a minimum token count that most - closely matches the `target_size`. - - Args: - target_size: Desired vocab_size to approximate. - token_counts: A dictionary of token counts, mapping string to int. - min_val: An integer; lower bound for the minimum token count. - max_val: An integer; upper bound for the minimum token count. - max_subtoken_length: Maximum length of a subtoken. If this is not set, - then the runtime and memory use of creating the vocab is quadratic in - the length of the longest token. If this is set, then it is instead - O(max_subtoken_length * length of longest token). - reserved_tokens: List of reserved tokens. The global variable - `RESERVED_TOKENS` must be a prefix of `reserved_tokens`. If this - argument is `None`, it will use `RESERVED_TOKENS`. - num_iterations: An integer; how many iterations of refinement. - - Returns: - A SubwordTextEncoder instance. - - Raises: - ValueError: If `min_val` is greater than `max_val`. - """ - if min_val > max_val: - raise ValueError("Lower bound for the minimum token count " - "is greater than the upper bound.") - if target_size < 1: - raise ValueError("Target size must be positive.") - - if reserved_tokens is None: - reserved_tokens = RESERVED_TOKENS - - def bisect(min_val, max_val): - """Bisection to find the right size.""" - present_count = (max_val + min_val) // 2 - logging.info("Trying min_count %d" % present_count) - subtokenizer = cls() - subtokenizer.build_from_token_counts( - token_counts, present_count, num_iterations, - max_subtoken_length=max_subtoken_length, - reserved_tokens=reserved_tokens) - - # Being within 1% of the target size is ok. - is_ok = abs(subtokenizer.vocab_size - target_size) * 100 < target_size - # If min_val == max_val, we can't do any better than this. - if is_ok or min_val >= max_val or present_count < 2: - return subtokenizer - - if subtokenizer.vocab_size > target_size: - other_subtokenizer = bisect(present_count + 1, max_val) - else: - other_subtokenizer = bisect(min_val, present_count - 1) - - if other_subtokenizer is None: - return subtokenizer - - if (abs(other_subtokenizer.vocab_size - target_size) < - abs(subtokenizer.vocab_size - target_size)): - return other_subtokenizer - return subtokenizer - - return bisect(min_val, max_val) - - def build_from_token_counts(self, - token_counts, - min_count, - num_iterations=4, - reserved_tokens=None, - max_subtoken_length=None): - """Train a SubwordTextEncoder based on a dictionary of word counts. - - Args: - token_counts: a dictionary of Unicode strings to int. - min_count: an integer - discard subtokens with lower counts. - num_iterations: an integer. how many iterations of refinement. - reserved_tokens: List of reserved tokens. The global variable - `RESERVED_TOKENS` must be a prefix of `reserved_tokens`. If this - argument is `None`, it will use `RESERVED_TOKENS`. - max_subtoken_length: Maximum length of a subtoken. If this is not set, - then the runtime and memory use of creating the vocab is quadratic in - the length of the longest token. If this is set, then it is instead - O(max_subtoken_length * length of longest token). - - Raises: - ValueError: if reserved is not 0 or len(RESERVED_TOKENS). In this case, it - is not clear what the space is being reserved for, or when it will be - filled in. - """ - if reserved_tokens is None: - reserved_tokens = RESERVED_TOKENS - else: - # There is not complete freedom in replacing RESERVED_TOKENS. - for default, proposed in zip(RESERVED_TOKENS, reserved_tokens): - if default != proposed: - raise ValueError("RESERVED_TOKENS must be a prefix of " - "reserved_tokens.") - - # Initialize the alphabet. Note, this must include reserved tokens or it can - # result in encoding failures. - alphabet_tokens = chain(six.iterkeys(token_counts), - [native_to_unicode(t) for t in reserved_tokens]) - - self._init_alphabet_from_tokens(alphabet_tokens) - - # Bootstrap the initial list of subtokens with the characters from the - # alphabet plus the escaping characters. - self._init_subtokens_from_list(list(self._alphabet), - reserved_tokens=reserved_tokens) - - # We build iteratively. On each iteration, we segment all the words, - # then count the resulting potential subtokens, keeping the ones - # with high enough counts for our new vocabulary. - if min_count < 1: - min_count = 1 - for i in range(num_iterations): - logging.info("Iteration {0}".format(i)) - - # Collect all substrings of the encoded token that break along current - # subtoken boundaries. - subtoken_counts = collections.defaultdict(int) - for token, count in six.iteritems(token_counts): - escaped_token = _escape_token(token, self._alphabet) - subtokens = self._escaped_token_to_subtoken_strings(escaped_token) - start = 0 - for subtoken in subtokens: - last_position = len(escaped_token) + 1 - if max_subtoken_length is not None: - last_position = min(last_position, start + max_subtoken_length) - - for end in range(start + 1, last_position): - new_subtoken = escaped_token[start:end] - subtoken_counts[new_subtoken] += count - start += len(subtoken) - - # Array of sets of candidate subtoken strings, by length. - len_to_subtoken_strings = [] - for subtoken_string, count in six.iteritems(subtoken_counts): - lsub = len(subtoken_string) - if count >= min_count: - while len(len_to_subtoken_strings) <= lsub: - len_to_subtoken_strings.append(set()) - len_to_subtoken_strings[lsub].add(subtoken_string) - - # Consider the candidates longest to shortest, so that if we accept - # a longer subtoken string, we can decrement the counts of its prefixes. - new_subtoken_strings = [] - for lsub in range(len(len_to_subtoken_strings) - 1, 0, -1): - subtoken_strings = len_to_subtoken_strings[lsub] - for subtoken_string in subtoken_strings: - count = subtoken_counts[subtoken_string] - if count >= min_count: - # Exclude alphabet tokens here, as they must be included later, - # explicitly, regardless of count. - if subtoken_string not in self._alphabet: - new_subtoken_strings.append((count, subtoken_string)) - for l in range(1, lsub): - subtoken_counts[subtoken_string[:l]] -= count - - # Include the alphabet explicitly to guarantee all strings are encodable. - new_subtoken_strings.extend((subtoken_counts.get(a, 0), a) - for a in self._alphabet) - new_subtoken_strings.sort(reverse=True) - - # Reinitialize to the candidate vocabulary. - new_subtoken_strings = [subtoken for _, subtoken in new_subtoken_strings] - if reserved_tokens: - new_subtoken_strings = reserved_tokens + new_subtoken_strings - - self._init_subtokens_from_list(new_subtoken_strings) - logging.info("vocab_size = %d" % self.vocab_size) - - @property - def all_subtoken_strings(self): - """ - - :return: - """ - return tuple(self._all_subtoken_strings) - - def dump(self): - """Debugging dump of the current subtoken vocabulary.""" - subtoken_strings = [(i, s) - for s, i in six.iteritems(self._subtoken_string_to_id)] - print(u", ".join(u"{0} : '{1}'".format(i, s) - for i, s in sorted(subtoken_strings))) - - def _init_subtokens_from_list(self, subtoken_strings, reserved_tokens=None): - """Initialize token information from a list of subtoken strings. - - Args: - subtoken_strings: a list of subtokens - reserved_tokens: List of reserved tokens. We must have `reserved_tokens` - as None or the empty list, or else the global variable `RESERVED_TOKENS` - must be a prefix of `reserved_tokens`. - - Raises: - ValueError: if reserved is not 0 or len(RESERVED_TOKENS). In this case, it - is not clear what the space is being reserved for, or when it will be - filled in. - """ - if reserved_tokens is None: - reserved_tokens = [] - - if reserved_tokens: - self._all_subtoken_strings = reserved_tokens + subtoken_strings - else: - self._all_subtoken_strings = subtoken_strings - - # we remember the maximum length of any subtoken to avoid having to - # check arbitrarily long strings. - self._max_subtoken_len = max([len(s) for s in subtoken_strings]) - self._subtoken_string_to_id = { - s: i + len(reserved_tokens) - for i, s in enumerate(subtoken_strings) if s - } - # Initialize the cache to empty. - self._cache_size = 2 ** 20 - self._cache = [(None, None)] * self._cache_size - - def _init_alphabet_from_tokens(self, tokens): - """Initialize alphabet from an iterable of token or subtoken strings.""" - # Include all characters from all tokens in the alphabet to guarantee that - # any token can be encoded. Additionally, include all escaping characters. - self._alphabet = {c for token in tokens for c in token} - self._alphabet |= _ESCAPE_CHARS - - def _load_from_file_object(self, f): - """Load from a file object. - - Args: - f: File object to load vocabulary from - """ - subtoken_strings = [] - for line in f: - s = line.strip() - # Some vocab files wrap words in single quotes, but others don't - if ((s.startswith("'") and s.endswith("'")) or - (s.startswith("\"") and s.endswith("\""))): - s = s[1:-1] - subtoken_strings.append(native_to_unicode(s)) - self._init_subtokens_from_list(subtoken_strings) - self._init_alphabet_from_tokens(subtoken_strings) - - def _load_from_file(self, filename): - """Load from a vocab file.""" - if not os.path.exists(filename): - raise ValueError("File %s not found" % filename) - with open(filename, 'r') as f: - self._load_from_file_object(f) - - def store_to_file(self, filename, add_single_quotes=True): - """ - - :param filename: - :param add_single_quotes: - :return: - """ - with open(filename, "w") as f: - for subtoken_string in self._all_subtoken_strings: - if add_single_quotes: - f.write("'" + unicode_to_native(subtoken_string) + "'\n") - else: - f.write(unicode_to_native(subtoken_string) + "\n") - - -class TokenTextEncoder(TextEncoder): - """Encoder based on a user-supplied vocabulary (file or list).""" - - def __init__(self, - vocab_filename, - reverse=False, - vocab_list=None, - replace_oov="UNK", - num_reserved_ids=NUM_RESERVED_TOKENS): - """Initialize from a file or list, one token per line. - - Handling of reserved tokens works as follows: - - When initializing from a list, we add reserved tokens to the vocab. - - When initializing from a file, we do not add reserved tokens to the vocab. - - When saving vocab files, we save reserved tokens to the file. - - Args: - vocab_filename: If not None, the full filename to read vocab from. If this - is not None, then vocab_list should be None. - reverse: Boolean indicating if tokens should be reversed during encoding - and decoding. - vocab_list: If not None, a list of elements of the vocabulary. If this is - not None, then vocab_filename should be None. - replace_oov: If not None, every out-of-vocabulary token seen when - encoding will be replaced by this string (which must be in vocab). - num_reserved_ids: Number of IDs to save for reserved tokens like . - """ - super(TokenTextEncoder, self).__init__(num_reserved_ids=num_reserved_ids) - self._reverse = reverse - self._replace_oov = replace_oov - if vocab_filename: - self._init_vocab_from_file(vocab_filename) - else: - assert vocab_list is not None - self._init_vocab_from_list(vocab_list) - - @classmethod - def build_from_corpus(cls, filenames, vocab_size): - """ - - :param filenames: - :param vocab_size: - :return: - """ - - def create_dictionary(names, lim=0): - """ - :param name: - :param lim: - :return: - """ - global_counter = collections.Counter() - for name in names: - fd = open(name) - for line in fd: - words = line.strip().split() - words = filter(lambda x: x != "-1", words) - global_counter.update(words) - if lim <= 2: - lim = len(global_counter) + 3 - vocab_count = global_counter.most_common(lim - 3) - total_counts = sum(global_counter.values()) - coverage = 100.0 * sum([count for word, count in vocab_count]) / total_counts - logging.info("coverage: %s" % coverage) - - vocab_table = ["", ""] - for i, (word, count) in enumerate(vocab_count): - vocab_table.append(word) - vocab_table.append("UNK") - return vocab_table - - if not isinstance(filenames, list): filenames = [filenames] - vocab = cls(None, - vocab_list=create_dictionary(filenames, vocab_size), - replace_oov="UNK") - return vocab - - def encode(self, s): - """Converts a space-separated string of tokens to a list of ids.""" - sentence = s - tokens = sentence.strip().split() - if self._replace_oov is not None: - tokens = [t if t in self._token_to_id else self._replace_oov - for t in tokens] - ret = [self._token_to_id[tok] for tok in tokens] - return ret[::-1] if self._reverse else ret - - def decode(self, ids, strip_extraneous=False): - """ - - :param ids: - :param strip_extraneous: - :return: - """ - return " ".join(self.decode_list(ids)) - - def decode_list(self, ids): - """ - - :param ids: - :return: - """ - seq = reversed(ids) if self._reverse else ids - return [self._safe_id_to_token(i) for i in seq] - - @property - def vocab_size(self): - """ - - :return: - """ - return len(self._id_to_token) - - def _safe_id_to_token(self, idx): - """ - - :param idx: - :return: - """ - return self._id_to_token.get(idx, "ID_%d" % idx) - - def _init_vocab_from_file(self, filename): - """Load vocab from a file. - - Args: - filename: The file to load vocabulary from. - """ - with open(filename, 'r') as f: - tokens = [token.strip() for token in f.readlines()] - - def token_gen(): - """token gen""" - for token in tokens: - yield token - - self._init_vocab(token_gen(), add_reserved_tokens=False) - - def _init_vocab_from_list(self, vocab_list): - """Initialize tokens from a list of tokens. - - It is ok if reserved tokens appear in the vocab list. They will be - removed. The set of tokens in vocab_list should be unique. - - Args: - vocab_list: A list of tokens. - """ - - def token_gen(): - """token gen""" - for token in vocab_list: - if token not in RESERVED_TOKENS: - yield token - - self._init_vocab(token_gen()) - - def _init_vocab(self, token_generator, add_reserved_tokens=True): - """Initialize vocabulary with tokens from token_generator.""" - - self._id_to_token = {} - non_reserved_start_index = 0 - - if add_reserved_tokens: - self._id_to_token.update(enumerate(RESERVED_TOKENS)) - non_reserved_start_index = len(RESERVED_TOKENS) - - self._id_to_token.update( - enumerate(token_generator, start=non_reserved_start_index)) - - # _token_to_id is the reverse of _id_to_token - self._token_to_id = dict((v, k) - for k, v in six.iteritems(self._id_to_token)) - - def store_to_file(self, filename): - """Write vocab file to disk. - - Vocab files have one token per line. The file ends in a newline. Reserved - tokens are written to the vocab file as well. - - Args: - filename: Full path of the file to store the vocab to. - """ - with open(filename, "w") as f: - for i in range(len(self._id_to_token)): - f.write(self._id_to_token[i] + "\n") diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/tokenizer.py b/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/tokenizer.py deleted file mode 100644 index 74f6fb39c1c4bd9255df6838f0ca05c74cfb3334..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/preprocess/tokenizer.py +++ /dev/null @@ -1,166 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import collections -import sys -import glob -import unicodedata -import six -import logging -from six.moves import range # pylint: disable=redefined-builtin - -# Conversion between Unicode and UTF-8, if required (on Python2) -_native_to_unicode = (lambda s: s.decode("utf-8")) if six.PY2 else (lambda s: s) - -# This set contains all letter and number characters. -_ALPHANUMERIC_CHAR_SET = set( - six.unichr(i) for i in range(sys.maxunicode) - if (unicodedata.category(six.unichr(i)).startswith("L") or - unicodedata.category(six.unichr(i)).startswith("N"))) - - -def encode(text): - """Encode a unicode string as a list of tokens. - - Args: - text: a unicode string - Returns: - a list of tokens as Unicode strings - """ - if not text: - return [] - ret = [] - token_start = 0 - # Classify each character in the input string - is_alnum = [c in _ALPHANUMERIC_CHAR_SET for c in text] - for pos in range(1, len(text)): - if is_alnum[pos] != is_alnum[pos - 1]: - token = text[token_start:pos] - if token != u" " or token_start == 0: - ret.append(token) - token_start = pos - final_token = text[token_start:] - ret.append(final_token) - return ret - - -def decode(tokens): - """Decode a list of tokens to a unicode string. - - Args: - tokens: a list of Unicode strings - Returns: - a unicode string - """ - token_is_alnum = [t[0] in _ALPHANUMERIC_CHAR_SET for t in tokens] - ret = [] - for i, token in enumerate(tokens): - if i > 0 and token_is_alnum[i - 1] and token_is_alnum[i]: - ret.append(u" ") - ret.append(token) - return "".join(ret) - - -def _read_filepattern(filepattern, max_lines=None, split_on_newlines=True): - """Reads files matching a wildcard pattern, yielding the contents. - - Args: - filepattern: A wildcard pattern matching one or more files. - max_lines: If set, stop reading after reading this many lines. - split_on_newlines: A boolean. If true, then split files by lines and strip - leading and trailing whitespace from each line. Otherwise, treat each - file as a single string. - - Yields: - The contents of the files as lines, if split_on_newlines is True, or - the entire contents of each file if False. - """ - filenames = sorted(glob.glob(filepattern)) - lines_read = 0 - for filename in filenames: - with open(filename, 'r') as f: - if split_on_newlines: - for line in f: - yield line.strip() - lines_read += 1 - if max_lines and lines_read >= max_lines: - return - - else: - if max_lines: - doc = [] - for line in f: - doc.append(line) - lines_read += 1 - if max_lines and lines_read >= max_lines: - yield "".join(doc) - return - yield "".join(doc) - - else: - yield f.read() - - -def corpus_token_counts( - text_filepattern, corpus_max_lines, split_on_newlines=True): - """Read the corpus and compute a dictionary of token counts. - - Args: - text_filepattern: A pattern matching one or more files. - corpus_max_lines: An integer; maximum total lines to read. - split_on_newlines: A boolean. If true, then split files by lines and strip - leading and trailing whitespace from each line. Otherwise, treat each - file as a single string. - - Returns: - a dictionary mapping token to count. - """ - counts = collections.Counter() - for doc in _read_filepattern( - text_filepattern, - max_lines=corpus_max_lines, - split_on_newlines=split_on_newlines): - counts.update(encode(_native_to_unicode(doc))) - - return counts - - -def vocab_token_counts(text_filepattern, max_lines): - """Read a vocab file and return a dictionary of token counts. - - Reads a two-column CSV file of tokens and their frequency in a dataset. The - tokens are presumed to be generated by encode() or the equivalent. - - Args: - text_filepattern: A pattern matching one or more files. - max_lines: An integer; maximum total lines to read. - - Returns: - a dictionary mapping token to count. - """ - ret = {} - for i, line in enumerate( - _read_filepattern(text_filepattern, max_lines=max_lines)): - if "," not in line: - logging.warning("Malformed vocab line #%d '%s'", i, line) - continue - - token, count = line.rsplit(",", 1) - ret[_native_to_unicode(token)] = int(count) - - return ret diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/reader.py b/PaddleNLP/Research/EMNLP2019-MAL/src/reader.py deleted file mode 100644 index 3a443efdcbe8b27d440a4b8dd018281e8eabe362..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/reader.py +++ /dev/null @@ -1,617 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -import glob -import six -import os -import tarfile -import random - -import numpy as np - - -from collections import defaultdict - -def batching_scheme(batch_size, - max_length, - min_length_bucket=8, - length_bucket_step=1.1, - drop_long_sequences=False, - shard_multiplier=1, - length_multiplier=1, - min_length=0): - """A batching scheme based on model hyperparameters. - - Every batch containins a number of sequences divisible by `shard_multiplier`. - - Args: - batch_size: int, total number of tokens in a batch. - max_length: int, sequences longer than this will be skipped. Defaults to - batch_size. - min_length_bucket: int - length_bucket_step: float greater than 1.0 - drop_long_sequences: bool, if True, then sequences longer than - `max_length` are dropped. This prevents generating batches with - more than the usual number of tokens, which can cause out-of-memory - errors. - shard_multiplier: an integer increasing the batch_size to suit splitting - across datashards. - length_multiplier: an integer multiplier that is used to increase the - batch sizes and sequence length tolerance. - min_length: int, sequences shorter than this will be skipped. - - Returns: - A dictionary with parameters that can be passed to input_pipeline: - * boundaries: list of bucket boundaries - * batch_sizes: list of batch sizes for each length bucket - * max_length: int, maximum length of an example - - Raises: - ValueError: If min_length > max_length - """ - - def _bucket_boundaries(max_length, min_length=8, length_bucket_step=1.1): - assert length_bucket_step > 1.0 - x = min_length - boundaries = [] - while x < max_length: - boundaries.append(x) - x = max(x + 1, int(x * length_bucket_step)) - return boundaries - - max_length = max_length or batch_size - if max_length < min_length: - raise ValueError("max_length must be greater or equal to min_length") - - boundaries = _bucket_boundaries(max_length, min_length_bucket, - length_bucket_step) - boundaries = [boundary * length_multiplier for boundary in boundaries] - max_length *= length_multiplier - - batch_sizes = [ - max(1, batch_size // length) for length in boundaries + [max_length] - ] - max_batch_size = max(batch_sizes) - # Since the Datasets API only allows a single constant for window_size, - # and it needs divide all bucket_batch_sizes, we pick a highly-compoisite - # window size and then round down all batch sizes to divisors of that window - # size, so that a window can always be divided evenly into batches. - # TODO(noam): remove this when Dataset API improves. - highly_composite_numbers = [ - 1, 2, 4, 6, 12, 24, 36, 48, 60, 120, 180, 240, 360, 720, 840, 1260, 1680, - 2520, 5040, 7560, 10080, 15120, 20160, 25200, 27720, 45360, 50400, 55440, - 83160, 110880, 166320, 221760, 277200, 332640, 498960, 554400, 665280, - 720720, 1081080, 1441440, 2162160, 2882880, 3603600, 4324320, 6486480, - 7207200, 8648640, 10810800, 14414400, 17297280, 21621600, 32432400, - 36756720, 43243200, 61261200, 73513440, 110270160 - ] - window_size = max( - [i for i in highly_composite_numbers if i <= 3 * max_batch_size]) - divisors = [i for i in xrange(1, window_size + 1) if window_size % i == 0] - batch_sizes = [max([d for d in divisors if d <= bs]) for bs in batch_sizes] - window_size *= shard_multiplier - batch_sizes = [bs * shard_multiplier for bs in batch_sizes] - # The Datasets API splits one window into multiple batches, which - # produces runs of many consecutive batches of the same size. This - # is bad for training. To solve this, we will shuffle the batches - # using a queue which must be several times as large as the maximum - # number of batches per window. - max_batches_per_window = window_size // min(batch_sizes) - shuffle_queue_size = max_batches_per_window * 3 - - ret = { - "boundaries": boundaries, - "batch_sizes": batch_sizes, - "min_length": min_length, - "max_length": (max_length if drop_long_sequences else 10 ** 9), - "shuffle_queue_size": shuffle_queue_size, - } - return ret - - -def bucket_by_sequence_length(data_reader, - example_length_fn, - bucket_boundaries, - bucket_batch_sizes, - trainer_nums, - trainer_id): - """Bucket entries in dataset by length. - - Args: - dataset: Dataset of dict. - example_length_fn: function from example to int, determines the length of - the example, which will determine the bucket it goes into. - bucket_boundaries: list, boundaries of the buckets. - bucket_batch_sizes: list, batch size per bucket. - - Returns: - Dataset of padded and batched examples. - """ - def example_to_bucket_id(example): - """ - get bucket_id - """ - seq_length = example_length_fn(example) - boundaries = list(bucket_boundaries) - buckets_min = [np.iinfo(np.int32).min] + boundaries - buckets_max = boundaries + [np.iinfo(np.int32).max] - for i in range(len(buckets_min)): - if buckets_min[i] <= seq_length and seq_length < buckets_max[i]: - bucket_id = i - return bucket_id - - def window_size_fn(bucket_id): - """ - get window size - """ - window_size = bucket_batch_sizes[bucket_id] - return window_size - - def group_by_window(reader, key_func, window_size_func, drop_last=False): - """ - group the line by length - """ - groups = defaultdict(list) - - def impl(): - """ - impl - """ - for e in reader(): - key = key_func(e) - window_size = window_size_func(key) - groups[key].append(e) - if len(groups[key]) == window_size: - each_size = window_size / trainer_nums - res = groups[key][trainer_id * each_size: (trainer_id + 1) * each_size] - yield res - groups[key] = [] - if drop_last: - groups.clear() - - return impl - - reader = group_by_window(data_reader, example_to_bucket_id, window_size_fn) - return reader - - -def shuffle(reader, buf_size): - """ - Creates a data reader whose data output is shuffled. - - Output from the iterator that created by original reader will be - buffered into shuffle buffer, and then shuffled. The size of shuffle buffer - is determined by argument buf_size. - - :param reader: the original reader whose output will be shuffled. - :type reader: callable - :param buf_size: shuffle buffer size. - :type buf_size: int - - :return: the new reader whose output is shuffled. - :rtype: callable - """ - - def data_reader(): - """ - data_reader - """ - buf = [] - for e in reader(): - buf.append(e) - if len(buf) >= buf_size: - random.shuffle(buf) - for b in buf: - yield b - buf = [] - - if len(buf) > 0: - random.shuffle(buf) - for b in buf: - yield b - - return data_reader - - -def sort(reader, buf_size, cmp=None, key=None, reverse=False): - """ - Creates a data reader whose data output is sorted. - - Output from the iterator that created by original reader will be - buffered into sort buffer, and then sorted. The size of sort buffer - is determined by argument buf_size. - - :param reader: the original reader whose output will be sorted. - :type reader: callable - :param buf_size: shuffle buffer size. - :type buf_size: int - - :return: the new reader whose output is sorted. - :rtype: callable - """ - - def data_reader(): - """ - data_reader - """ - buf = [] - for e in reader(): - buf.append(e) - if len(buf) >= buf_size: - buf = sorted(buf, cmp, key, reverse) - for b in buf: - yield b - buf = [] - - if len(buf) > 0: - sorted(buf, cmp, key, reverse) - for b in buf: - yield b - - return data_reader - - -def batch_by_token(reader, batch_size, len_fun, drop_last=False): - """ - Create a batched reader. - - :param reader: the data reader to read from. - :type reader: callable - :param batch_size: size of each mini-batch - :type batch_size: int - :param drop_last: drop the last batch, if the size of last batch is not equal to batch_size. - :type drop_last: bool - :return: the batched reader. - :rtype: callable - """ - - def batch_reader(): - """ - batch_reader - """ - r = reader() - b = [] - max_len = 0 - for instance in r: - cur_len = len_fun(instance) - max_len = max(max_len, cur_len) - if max_len * (len(b) + 1) > batch_size: - yield b - b = [instance] - max_len = cur_len - else: - b.append(instance) - if drop_last == False and len(b) != 0: - yield b - - # Batch size check - batch_size = int(batch_size) - if batch_size <= 0: - raise ValueError("batch_size should be a positive integeral value, " - "but got batch_size={}".format(batch_size)) - - return batch_reader - - -def parse_line(line, max_len, min_len=0, field_delimiter="\t", token_delimiter=" "): - """ - parse training data - """ - src, trg = line.strip("\n").split(field_delimiter) - src_ids = [int(token) for token in src.split(token_delimiter)] - trg_ids = [int(token) for token in trg.split(token_delimiter)] - reverse_trg_ids = trg_ids[::-1] - reverse_trg_ids = reverse_trg_ids[1:] - reverse_trg_ids.append(1) - inst_max_len = max(len(src_ids), len(trg_ids)) - inst_min_len = min(len(src_ids), len(trg_ids)) - if inst_max_len <= max_len and inst_min_len > min_len: - return src_ids, [0] + trg_ids[:-1], trg_ids, [0] + reverse_trg_ids[:-1], reverse_trg_ids - else: - return None - - -def repeat(reader, count=-1): - """ - repeat - """ - def data_reader(): - """ - repeat data - """ - time = count - while time != 0: - for e in reader(): - yield e - time -= 1 - - return data_reader - - -def parse_src_line(line, max_len, min_len=0, token_delimiter=" "): - """ - parse infer data - """ - src = line.strip("\n") - src_ids = [int(token) for token in src.split(token_delimiter)] - inst_max_len = inst_min_len = len(src_ids) - if inst_max_len < max_len and inst_min_len > min_len: - src_ids.append(1) - return [src_ids] - else: - src_ids = src_ids[:max_len - 1] - src_ids.append(1) - return [src_ids] - - -def interleave_reader(fpattern, cycle_length, block_length=1, **kwargs): - """ - cycle reader - """ - # refer to: - # https://www.tensorflow.org/api_docs/python/tf/contrib/data/parallel_interleave?hl=zh_cn - # https://www.tensorflow.org/api_docs/python/tf/data/Dataset?hl=zh_cn#interleave - fpaths = glob.glob(fpattern) - fpaths = sorted(fpaths) - if 'parse_line' in kwargs: - - parse_line = kwargs.pop('parse_line') - - class Worker(object): # mimic a worker thread - """ - each worker wrap a file - """ - def __init__(self): - self.input = None - self.iter = None - - def set_input(self, input_arg): - """ - set file reader - """ - if self.iter is not None: - self.iter.close() - self.input = input_arg - self.iter = open(input_arg, 'rb') - - def get_next(self): - """ - get next data - """ - return next(self.iter) - - def data_reader(): - """ - generate data - """ - num_workers = cycle_length # + prefetched - workers = [] - # Indices in `workers` of iterators to interleave. - interleave_indices = [] - # Indices in `workers` of prefetched iterators. - staging_indices = [] - # EnsureWorkerThreadsStarted - for i in range(num_workers): - if i >= len(fpaths): - break - workers.append(Worker()) - workers[i].set_input(fpaths[i]) - if i < cycle_length: - interleave_indices.append(i) - else: - staging_indices.append(i) - input_index = len(workers) # index for files - next_index = 0 # index for worker - block_count = 0 # counter for the number of instances from one block - # - while True: # break while when all inputs end - can_produce_elements = False - # The for loop only fully runs when all workers ending. - # Otherwise, run one step then break the for loop, or - # find the first possible unended iterator by setting next_index - # or go to the step of loop. - for i in range(len(interleave_indices)): - index = (next_index + i) % len(interleave_indices) - current_worker_index = interleave_indices[index] - current_worker = workers[current_worker_index] - - try: - line = current_worker.get_next() - if six.PY3: - line = line.decode() - inst = parse_line(line, **kwargs) - if inst is not None: - yield inst - next_index = index - block_count += 1 - if block_count == block_length: - # advance to the next iterator - next_index = (index + 1) % len(interleave_indices) - block_count = 0 - can_produce_elements = True - break - except (StopIteration,): # This iterator has reached the end. - if input_index < len(fpaths): # get a new iterator and skip - current_worker.set_input(fpaths[input_index]) - staging_indices.append(current_worker_index) - if len(staging_indices) > 0: # pop_front - interleave_indices[index] = staging_indices[0] - staging_indices = staging_indices[1:] - - input_index += 1 - # advance to the next iterator - next_index = (index + 1) % len(interleave_indices) - block_count = 0 - can_produce_elements = True - break - # else: advance to the next iterator by loop step - - if not can_produce_elements: - # all inputs end, triggered when all iterators have reached the end - break - - return data_reader - - -def line_reader(fpattern, batch_size, dev_count, **kwargs): - """ - cycle reader - """ - - fpaths = glob.glob(fpattern) - #np.random.shuffle(fpaths) - #random.shuffle(fpaths) - if "parse_line" in kwargs: - parse_line = kwargs.pop('parse_line') - - def data_reader(): - """ - data_reader - """ - res = [] - total_size = batch_size * dev_count - for fpath in fpaths: - if not os.path.isfile(fpath): - raise IOError("Invalid file: %s" % fpath) - with open(fpath, "rb") as f: - for line in f: - if six.PY3: - line = line.decode() - inst = parse_line(line, **kwargs) - res.append(inst) - if len(res) == total_size: - yield res - res = [] - if len(res) > 0: - pad_count = total_size - len(res) - for index in xrange(pad_count): - res.append(res[-1]) - yield res - - return data_reader - - -def prepare_data_generator(args, is_test, count, pyreader, batch_size=None, - data_reader=None, py_reader_provider_wrapper=None): - """ - Data generator wrapper for DataReader. If use py_reader, set the data - provider for py_reader - """ - def stack(data_reader, count, clip_last=True): - """ - Data generator for multi-devices - """ - def __impl__(): - res = [] - for item in data_reader(): - res.append(item) - if len(res) == count: - yield res - res = [] - if len(res) == count: - yield res - elif not clip_last: - data = [] - for item in res: - data += item - if len(data) > count: - inst_num_per_part = len(data) // count - yield [ - data[inst_num_per_part * i:inst_num_per_part * (i + 1)] - for i in range(count) - ] - - return __impl__ - - def split(data_reader, count): - """ - split for multi-gpu - """ - def __impl__(): - for item in data_reader(): - inst_num_per_part = len(item) // count - for i in range(count): - yield item[inst_num_per_part * i:inst_num_per_part * (i + 1 - )] - - return __impl__ - - if not args.use_token_batch: - # to make data on each device have similar token number - data_reader = split(data_reader, count) - #if args.use_py_reader: - if pyreader: - pyreader.decorate_tensor_provider( - py_reader_provider_wrapper(data_reader)) - data_reader = None - else: # Data generator for multi-devices - data_reader = stack(data_reader, count) - return data_reader - - -def pad_batch_data(insts, - pad_idx, - n_head, - is_target=False, - is_label=False, - return_attn_bias=True, - return_max_len=True, - return_num_token=False): - """ - Pad the instances to the max sequence length in batch, and generate the - corresponding position data and attention bias. - """ - return_list = [] - max_len = max(len(inst) for inst in insts) - # Any token included in dict can be used to pad, since the paddings' loss - # will be masked out by weights and make no effect on parameter gradients. - inst_data = np.array( - [inst + [pad_idx] * (max_len - len(inst)) for inst in insts]) - return_list += [inst_data.astype("int64").reshape([-1, 1])] - if is_label: # label weight - inst_weight = np.array( - [[1.] * len(inst) + [0.] * (max_len - len(inst)) for inst in insts]) - return_list += [inst_weight.astype("float32").reshape([-1, 1])] - else: # position data - inst_pos = np.array([ - list(range(0, len(inst))) + [0] * (max_len - len(inst)) - for inst in insts - ]) - return_list += [inst_pos.astype("int64").reshape([-1, 1])] - if return_attn_bias: - if is_target: - # This is used to avoid attention on paddings and subsequent - # words. - slf_attn_bias_data = np.ones((inst_data.shape[0], max_len, max_len)) - slf_attn_bias_data = np.triu(slf_attn_bias_data, - 1).reshape([-1, 1, max_len, max_len]) - slf_attn_bias_data = np.tile(slf_attn_bias_data, - [1, n_head, 1, 1]) * [-1e9] - else: - # This is used to avoid attention on paddings. - slf_attn_bias_data = np.array([[0] * len(inst) + [-1e9] * - (max_len - len(inst)) - for inst in insts]) - slf_attn_bias_data = np.tile( - slf_attn_bias_data.reshape([-1, 1, 1, max_len]), - [1, n_head, max_len, 1]) - return_list += [slf_attn_bias_data.astype("float32")] - if return_max_len: - return_list += [max_len] - if return_num_token: - num_token = 0 - for inst in insts: - num_token += len(inst) - return_list += [num_token] - return return_list if len(return_list) > 1 else return_list[0] diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/relative_model.py b/PaddleNLP/Research/EMNLP2019-MAL/src/relative_model.py deleted file mode 100644 index 24a6fa53409a483702d343c932d275e49f70147a..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/relative_model.py +++ /dev/null @@ -1,954 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from functools import partial -import numpy as np - -import paddle.fluid as fluid -import paddle.fluid.layers as layers -from paddle.fluid.layer_helper import LayerHelper as LayerHelper - -from config import * -from beam_search import BeamSearch -from attention import _dot_product_relative - -INF = 1. * 1e5 - -def layer_norm(x, begin_norm_axis=1, epsilon=1e-6, param_attr=None, bias_attr=None): - """ - layer_norm - """ - helper = LayerHelper('layer_norm', **locals()) - mean = layers.reduce_mean(x, dim=begin_norm_axis, keep_dim=True) - shift_x = layers.elementwise_sub(x=x, y=mean, axis=0) - variance = layers.reduce_mean(layers.square(shift_x), dim=begin_norm_axis, keep_dim=True) - r_stdev = layers.rsqrt(variance + epsilon) - norm_x = layers.elementwise_mul(x=shift_x, y=r_stdev, axis=0) - - param_shape = [reduce(lambda x, y: x * y, norm_x.shape[begin_norm_axis:])] - param_dtype = norm_x.dtype - scale = helper.create_parameter( - attr=param_attr, - shape=param_shape, - dtype=param_dtype, - default_initializer=fluid.initializer.Constant(1.)) - bias = helper.create_parameter( - attr=bias_attr, - shape=param_shape, - dtype=param_dtype, - is_bias=True, - default_initializer=fluid.initializer.Constant(0.)) - - out = layers.elementwise_mul(x=norm_x, y=scale, axis=-1) - out = layers.elementwise_add(x=out, y=bias, axis=-1) - - return out#norm_x * scale + bias - -def relative_position_encoding_init(n_position, d_pos_vec): - """ - Generate the initial values for the sinusoid position encoding table. - """ - channels = d_pos_vec - position = np.arange(n_position) - num_timescales = channels // 2 - log_timescale_increment = (np.log(float(1e4) / float(1)) / - (num_timescales - 1)) - inv_timescales = np.exp(np.arange( - num_timescales) * -log_timescale_increment) - #num_timescales)) * -log_timescale_increment - scaled_time = np.expand_dims(position, 1) * np.expand_dims(inv_timescales, - 0) - signal = np.concatenate([np.sin(scaled_time), np.cos(scaled_time)], axis=1) - signal = np.pad(signal, [[0, 0], [0, np.mod(channels, 2)]], 'constant') - position_enc = signal - return position_enc.astype("float32") - - -def multi_head_attention(queries, - keys, - values, - attn_bias, - d_key, - d_value, - d_model, - n_head=1, - dropout_rate=0., - cache=None, - attention_type="dot_product", - params_type = "normal"): - """ - Multi-Head Attention. Note that attn_bias is added to the logit before - computing softmax activiation to mask certain selected positions so that - they will not considered in attention weights. - """ - keys = queries if keys is None else keys - values = keys if values is None else values - - if not (len(queries.shape) == len(keys.shape) == len(values.shape) == 3): - raise ValueError( - "Inputs: quries, keys and values should all be 3-D tensors.") - - def __compute_qkv(queries, keys, values, n_head, d_key, d_value): - """ - Add linear projection to queries, keys, and values. - """ - q = layers.fc(input=queries, - size=d_key * n_head, - bias_attr=False, - num_flatten_dims=2) - k = layers.fc(input=keys, - size=d_key * n_head, - bias_attr=False, - num_flatten_dims=2) - v = layers.fc(input=values, - size=d_value * n_head, - bias_attr=False, - num_flatten_dims=2) - return q, k, v - - def __split_heads(x, n_head): - """ - Reshape the last dimension of inpunt tensor x so that it becomes two - dimensions and then transpose. Specifically, input a tensor with shape - [bs, max_sequence_length, n_head * hidden_dim] then output a tensor - with shape [bs, n_head, max_sequence_length, hidden_dim]. - """ - if n_head == 1: - return x - - hidden_size = x.shape[-1] - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - reshaped = layers.reshape( - x=x, shape=[0, 0, n_head, hidden_size // n_head], inplace=True) - - # permuate the dimensions into: - # [batch_size, n_head, max_sequence_len, hidden_size_per_head] - return layers.transpose(x=reshaped, perm=[0, 2, 1, 3]) - - def __combine_heads(x): - """ - Transpose and then reshape the last two dimensions of inpunt tensor x - so that it becomes one dimension, which is reverse to __split_heads. - """ - if len(x.shape) == 3: return x - if len(x.shape) != 4: - raise ValueError("Input(x) should be a 4-D Tensor.") - - trans_x = layers.transpose(x, perm=[0, 2, 1, 3]) - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - return layers.reshape( - x=trans_x, - shape=[0, 0, trans_x.shape[2] * trans_x.shape[3]], - inplace=True) - - def scaled_dot_product_attention(q, k, v, attn_bias, d_key, dropout_rate): - """ - Scaled Dot-Product Attention - """ - scaled_q = layers.scale(x=q, scale=d_key ** -0.5) - product = layers.matmul(x=scaled_q, y=k, transpose_y=True) - if attn_bias: - product += attn_bias - weights = layers.softmax(product) - if dropout_rate: - weights = layers.dropout( - weights, - dropout_prob=dropout_rate, - seed=ModelHyperParams.dropout_seed, - is_test=False, dropout_implementation='upscale_in_train') - out = layers.matmul(weights, v) - return out - - q, k, v = __compute_qkv(queries, keys, values, n_head, d_key, d_value) - - if cache is not None: # use cache and concat time steps - # Since the inplace reshape in __split_heads changes the shape of k and - # v, which is the cache input for next time step, reshape the cache - # input from the previous time step first. - k = layers.concat([cache['k'], k], axis=1) - v = layers.concat([cache['v'], v], axis=1) - layers.assign(k, cache['k']) - layers.assign(v, cache['v']) - - q = __split_heads(q, n_head) - k = __split_heads(k, n_head) - v = __split_heads(v, n_head) - - assert attention_type == "dot_product" or attention_type == "dot_product_relative_encoder" or attention_type == "dot_product_relative_decoder" - if attention_type == "dot_product": - ctx_multiheads = scaled_dot_product_attention(q, k, v, attn_bias, d_key, #d_model, - dropout_rate) - elif attention_type == "dot_product_relative_encoder": - q = layers.scale(x=q, scale=d_key ** -0.5) - ctx_multiheads = _dot_product_relative(q, k, v, attn_bias, dropout=dropout_rate, params_type = params_type) - else: - q = layers.scale(x=q, scale=d_key ** -0.5) - ctx_multiheads = _dot_product_relative(q, k, v, attn_bias, dropout=dropout_rate, cache = cache, params_type = params_type) - - - out = __combine_heads(ctx_multiheads) - - # Project back to the model size. - proj_out = layers.fc(input=out, - size=d_model, - bias_attr=False, - num_flatten_dims=2) - return proj_out - - -def positionwise_feed_forward(x, d_inner_hid, d_hid, dropout_rate): - """ - Position-wise Feed-Forward Networks. - This module consists of two linear transformations with a ReLU activation - in between, which is applied to each position separately and identically. - """ - hidden = layers.fc(input=x, - size=d_inner_hid, - num_flatten_dims=2, - act="relu") - if dropout_rate: - hidden = layers.dropout( - hidden, - dropout_prob=dropout_rate, - seed=ModelHyperParams.dropout_seed, - is_test=False, dropout_implementation='upscale_in_train') - out = layers.fc(input=hidden, size=d_hid, num_flatten_dims=2) - return out - - -def pre_post_process_layer(prev_out, out, process_cmd, dropout_rate=0.): - """ - Add residual connection, layer normalization and droput to the out tensor - optionally according to the value of process_cmd. - This will be used before or after multi-head attention and position-wise - feed-forward networks. - """ - for cmd in process_cmd: - if cmd == "a": # add residual connection - out = out + prev_out if prev_out else out - elif cmd == "n": # add layer normalization - out = layer_norm( - out, - begin_norm_axis=len(out.shape) - 1, - epsilon=1e-6, - param_attr=fluid.initializer.Constant(1.), - bias_attr=fluid.initializer.Constant(0.)) - elif cmd == "d": # add dropout - if dropout_rate: - out = layers.dropout( - out, - dropout_prob=dropout_rate, - seed=ModelHyperParams.dropout_seed, - is_test=False, dropout_implementation='upscale_in_train') - return out - - -pre_process_layer = partial(pre_post_process_layer, None) -post_process_layer = pre_post_process_layer - - -def prepare_encoder_decoder(src_word, - src_pos, - src_vocab_size, - src_emb_dim, - src_max_len, - dropout_rate=0., - word_emb_param_name=None, - training=True, - pos_enc_param_name=None, - is_src=True, - params_type="normal"): - """Add word embeddings and position encodings. - The output tensor has a shape of: - [batch_size, max_src_length_in_batch, d_model]. - This module is used at the bottom of the encoder stacks. - """ - assert params_type == "fixed" or params_type == "normal" or params_type == "new" - pre_name = "relative_positionrelative_position" - if params_type == "fixed": - pre_name = "fixed_relative_positionfixed_relative_position" - elif params_type == "new": - pre_name = "new_relative_positionnew_relative_position" - src_word_emb = layers.embedding( - src_word, - size=[src_vocab_size, src_emb_dim], - padding_idx=ModelHyperParams.bos_idx, # set embedding of bos to 0 - param_attr=fluid.ParamAttr( - name = pre_name + word_emb_param_name, - initializer=fluid.initializer.Normal(0., src_emb_dim ** -0.5)))#, is_sparse=True) - if not is_src and training: - src_word_emb = layers.pad(src_word_emb, [0, 0, 1, 0, 0, 0]) - src_word_emb = layers.scale(x=src_word_emb, scale=src_emb_dim ** 0.5) - src_pos_enc = layers.embedding( - src_pos, - size=[src_max_len, src_emb_dim], - param_attr=fluid.ParamAttr( - trainable=False, name = pre_name + pos_enc_param_name)) - src_pos_enc.stop_gradient = True - enc_input = src_word_emb + src_pos_enc - return layers.dropout( - enc_input, - dropout_prob=dropout_rate, - seed=ModelHyperParams.dropout_seed, - is_test=False, dropout_implementation='upscale_in_train') if dropout_rate else enc_input - - -prepare_encoder = partial( - prepare_encoder_decoder, pos_enc_param_name=pos_enc_param_names[0], is_src=True) -prepare_decoder = partial( - prepare_encoder_decoder, pos_enc_param_name=pos_enc_param_names[1], is_src=False) - - -def encoder_layer(enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd="n", - postprocess_cmd="da", - params_type="normal"): - """The encoder layers that can be stacked to form a deep encoder. - This module consits of a multi-head (self) attention followed by - position-wise feed-forward networks and both the two components companied - with the post_process_layer to add residual connection, layer normalization - and droput. - """ - attn_output = multi_head_attention( - pre_process_layer(enc_input, preprocess_cmd, - prepostprocess_dropout), None, None, attn_bias, d_key, - d_value, d_model, n_head, attention_dropout, attention_type = "dot_product_relative_encoder", params_type = params_type) - attn_output = post_process_layer(enc_input, attn_output, postprocess_cmd, - prepostprocess_dropout) - ffd_output = positionwise_feed_forward( - pre_process_layer(attn_output, preprocess_cmd, prepostprocess_dropout), - d_inner_hid, d_model, relu_dropout) - return post_process_layer(attn_output, ffd_output, postprocess_cmd, - prepostprocess_dropout) - - -def encoder(enc_input, - attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd="n", - postprocess_cmd="da", - params_type="normal"): - """ - The encoder is composed of a stack of identical layers returned by calling - encoder_layer. - """ - for i in range(n_layer): - enc_output = encoder_layer( - enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - params_type=params_type) - enc_input = enc_output - enc_output = pre_process_layer(enc_output, preprocess_cmd, - prepostprocess_dropout) - return enc_output - - -def decoder_layer(dec_input, - enc_output, - slf_attn_bias, - dec_enc_attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - cache=None, - params_type="normal"): - """ The layer to be stacked in decoder part. - The structure of this module is similar to that in the encoder part except - a multi-head attention is added to implement encoder-decoder attention. - """ - slf_attn_output = multi_head_attention( - pre_process_layer(dec_input, preprocess_cmd, prepostprocess_dropout), - None, - None, - slf_attn_bias, - d_key, - d_value, - d_model, - n_head, - attention_dropout, - cache, - attention_type="dot_product_relative_decoder", - params_type=params_type) - slf_attn_output = post_process_layer( - dec_input, - slf_attn_output, - postprocess_cmd, - prepostprocess_dropout, ) - enc_attn_output = multi_head_attention( - pre_process_layer(slf_attn_output, preprocess_cmd, prepostprocess_dropout), - enc_output, - enc_output, - dec_enc_attn_bias, - d_key, - d_value, - d_model, - n_head, - attention_dropout, - params_type=params_type) - enc_attn_output = post_process_layer( - slf_attn_output, - enc_attn_output, - postprocess_cmd, - prepostprocess_dropout, ) - ffd_output = positionwise_feed_forward( - pre_process_layer(enc_attn_output, preprocess_cmd, - prepostprocess_dropout), - d_inner_hid, - d_model, - relu_dropout, ) - dec_output = post_process_layer( - enc_attn_output, - ffd_output, - postprocess_cmd, - prepostprocess_dropout, ) - return dec_output - - -def decoder(dec_input, - enc_output, - dec_slf_attn_bias, - dec_enc_attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - caches=None, - params_type="normal"): - """ - The decoder is composed of a stack of identical decoder_layer layers. - """ - for i in range(n_layer): - dec_output = decoder_layer( - dec_input, - enc_output, - dec_slf_attn_bias, - dec_enc_attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - cache=None if caches is None else caches[i], - params_type=params_type) - dec_input = dec_output - dec_output = pre_process_layer(dec_output, preprocess_cmd, - prepostprocess_dropout) - return dec_output - - -def make_all_inputs(input_fields): - """ - Define the input data layers for the transformer model. - """ - inputs = [] - for input_field in input_fields: - input_var = layers.data( - name=input_field, - shape=input_descs[input_field][0], - dtype=input_descs[input_field][1], - lod_level=input_descs[input_field][2] - if len(input_descs[input_field]) == 3 else 0, - append_batch_size=False) - inputs.append(input_var) - return inputs - - -def make_all_py_reader_inputs(input_fields, is_test=False): - """ - Define the input data layers for the transformer model. - """ - reader = layers.py_reader( - capacity=20, - name="test_reader" if is_test else "train_reader", - shapes=[input_descs[input_field][0] for input_field in input_fields], - dtypes=[input_descs[input_field][1] for input_field in input_fields], - lod_levels=[ - input_descs[input_field][2] - if len(input_descs[input_field]) == 3 else 0 - for input_field in input_fields - ], use_double_buffer=True) - return layers.read_file(reader), reader - - -def relative_transformer(src_vocab_size, - trg_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - label_smooth_eps, - use_py_reader=False, - is_test=False, - params_type="normal", - all_data_inputs = None): - """ - transformer - """ - if embedding_sharing: - assert src_vocab_size == trg_vocab_size, ( - "Vocabularies in source and target should be same for weight sharing." - ) - - data_input_names = encoder_data_input_fields + \ - decoder_data_input_fields[:-1] + label_data_input_fields + dense_bias_input_fields - - if use_py_reader: - all_inputs = all_data_inputs - else: - all_inputs = make_all_inputs(data_input_names) - - enc_inputs_len = len(encoder_data_input_fields) - dec_inputs_len = len(decoder_data_input_fields[:-1]) - enc_inputs = all_inputs[0:enc_inputs_len] - dec_inputs = all_inputs[enc_inputs_len:enc_inputs_len + dec_inputs_len] - real_label = all_inputs[enc_inputs_len + dec_inputs_len] - weights = all_inputs[enc_inputs_len + dec_inputs_len + 1] - reverse_label = all_inputs[enc_inputs_len + dec_inputs_len + 2] - - enc_output = wrap_encoder( - src_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - enc_inputs, - params_type=params_type) - - predict = wrap_decoder( - trg_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - dec_inputs, - enc_output, is_train = True if not is_test else False, - params_type=params_type) - - # Padding index do not contribute to the total loss. The weights is used to - # cancel padding index in calculating the loss. - if label_smooth_eps: - label = layers.one_hot(input=real_label, depth=trg_vocab_size) - label = label * (1 - label_smooth_eps) + (1 - label) * ( - label_smooth_eps / (trg_vocab_size - 1)) - label.stop_gradient = True - else: - label = real_label - - cost = layers.softmax_with_cross_entropy( - logits=predict, - label=label, - soft_label=True if label_smooth_eps else False) - weighted_cost = cost * weights - sum_cost = layers.reduce_sum(weighted_cost) - sum_cost.persistable = True - token_num = layers.reduce_sum(weights) - token_num.persistable = True - token_num.stop_gradient = True - avg_cost = sum_cost / token_num - - sen_count = layers.shape(dec_inputs[0])[0] - batch_predict = layers.reshape(predict, shape = [sen_count, -1, ModelHyperParams.trg_vocab_size]) - batch_label = layers.reshape(real_label, shape=[sen_count, -1]) - batch_weights = layers.reshape(weights, shape=[sen_count, -1, 1]) - return sum_cost, avg_cost, token_num, batch_predict, cost, sum_cost, batch_label, batch_weights - - -def wrap_encoder(src_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - enc_inputs=None, - params_type="normal"): - """ - The wrapper assembles together all needed layers for the encoder. - """ - if enc_inputs is None: - # This is used to implement independent encoder program in inference. - src_word, src_pos, src_slf_attn_bias = make_all_inputs( - encoder_data_input_fields) - else: - src_word, src_pos, src_slf_attn_bias = enc_inputs - enc_input = prepare_encoder( - src_word, - src_pos, - src_vocab_size, - d_model, - max_length, - prepostprocess_dropout, - word_emb_param_name=word_emb_param_names[0], - params_type=params_type) - enc_output = encoder( - enc_input, - src_slf_attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - params_type=params_type) - return enc_output - - -def wrap_decoder(trg_vocab_size, - max_length, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - dec_inputs=None, - enc_output=None, - caches=None, is_train=True, params_type="normal"): - """ - The wrapper assembles together all needed layers for the decoder. - """ - if dec_inputs is None: - # This is used to implement independent decoder program in inference. - trg_word, reverse_trg_word, trg_pos, trg_slf_attn_bias, trg_src_attn_bias, enc_output = \ - make_all_inputs(decoder_data_input_fields) - else: - trg_word, reverse_trg_word, trg_pos, trg_slf_attn_bias, trg_src_attn_bias = dec_inputs - - dec_input = prepare_decoder( - trg_word, - trg_pos, - trg_vocab_size, - d_model, - max_length, - prepostprocess_dropout, - word_emb_param_name=word_emb_param_names[0] - if embedding_sharing else word_emb_param_names[1], - training=is_train, - params_type=params_type) - - dec_output = decoder( - dec_input, - enc_output, - trg_slf_attn_bias, - trg_src_attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - caches=caches, - params_type=params_type) - # Reshape to 2D tensor to use GEMM instead of BatchedGEMM - dec_output = layers.reshape( - dec_output, shape=[-1, dec_output.shape[-1]], inplace=True) - - assert params_type == "fixed" or params_type == "normal" or params_type == "new" - pre_name = "relative_positionrelative_position" - if params_type == "fixed": - pre_name = "fixed_relative_positionfixed_relative_position" - elif params_type == "new": - pre_name = "new_relative_positionnew_relative_position" - if weight_sharing and embedding_sharing: - predict = layers.matmul( - x=dec_output, - y=fluid.default_main_program().global_block().var( - pre_name + word_emb_param_names[0]), - transpose_y=True) - elif weight_sharing: - predict = layers.matmul( - x=dec_output, - y=fluid.default_main_program().global_block().var( - pre_name + word_emb_param_names[1]), - transpose_y=True) - else: - predict = layers.fc(input=dec_output, - size=trg_vocab_size, - bias_attr=False) - if dec_inputs is None: - # Return probs for independent decoder program. - predict = layers.softmax(predict) - return predict - - -def get_enc_bias(source_inputs): - """ - get_enc_bias - """ - source_inputs = layers.cast(source_inputs, 'float32') - emb_sum = layers.reduce_sum(layers.abs(source_inputs), dim=-1) - zero = layers.fill_constant([1], 'float32', value=0) - bias = layers.cast(layers.equal(emb_sum, zero), 'float32') * -1e9 - return layers.unsqueeze(layers.unsqueeze(bias, axes=[1]), axes=[1]) - - -def relative_fast_decode( - src_vocab_size, - trg_vocab_size, - max_in_len, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - preprocess_cmd, - postprocess_cmd, - weight_sharing, - embedding_sharing, - beam_size, - batch_size, - max_out_len, - decode_alpha, - eos_idx, - params_type="normal"): - """ - Use beam search to decode. Caches will be used to store states of history - steps which can make the decoding faster. - """ - - assert params_type == "normal" or params_type == "new" or params_type == "fixed" - data_input_names = encoder_data_input_fields + fast_decoder_data_input_fields - - all_inputs = make_all_inputs(data_input_names) - - enc_inputs_len = len(encoder_data_input_fields) - dec_inputs_len = len(fast_decoder_data_input_fields) - enc_inputs = all_inputs[0:enc_inputs_len] - dec_inputs = all_inputs[enc_inputs_len:enc_inputs_len + dec_inputs_len] - - enc_output = wrap_encoder(src_vocab_size, max_in_len, n_layer, n_head, - d_key, d_value, d_model, d_inner_hid, - prepostprocess_dropout, attention_dropout, - relu_dropout, preprocess_cmd, postprocess_cmd, - weight_sharing, embedding_sharing, enc_inputs, params_type=params_type) - enc_bias = get_enc_bias(enc_inputs[0]) - source_length, = dec_inputs - - def beam_search(enc_output, enc_bias, source_length): - """ - beam_search - """ - max_len = layers.fill_constant( - shape=[1], dtype='int64', value=max_out_len) - step_idx = layers.fill_constant( - shape=[1], dtype='int64', value=0) - cond = layers.less_than(x=step_idx, y=max_len) - while_op = layers.While(cond) - - caches_batch_size = batch_size * beam_size - init_score = np.zeros([1, beam_size]).astype('float32') - init_score[:, 1:] = -INF - initial_log_probs = layers.assign(init_score) - - alive_log_probs = layers.expand(initial_log_probs, [batch_size, 1]) - # alive seq [batch_size, beam_size, 1] - initial_ids = layers.zeros([batch_size, 1, 1], 'float32') - alive_seq = layers.expand(initial_ids, [1, beam_size, 1]) - alive_seq = layers.cast(alive_seq, 'int64') - - enc_output = layers.unsqueeze(enc_output, axes=[1]) - enc_output = layers.expand(enc_output, [1, beam_size, 1, 1]) - enc_output = layers.reshape(enc_output, [caches_batch_size, -1, d_model]) - - tgt_src_attn_bias = layers.unsqueeze(enc_bias, axes=[1]) - tgt_src_attn_bias = layers.expand(tgt_src_attn_bias, [1, beam_size, n_head, 1, 1]) - enc_bias_shape = layers.shape(tgt_src_attn_bias) - tgt_src_attn_bias = layers.reshape(tgt_src_attn_bias, [-1, enc_bias_shape[2], - enc_bias_shape[3], enc_bias_shape[4]]) - - beam_search = BeamSearch(beam_size, batch_size, decode_alpha, trg_vocab_size, d_model) - - caches = [{ - "k": layers.fill_constant( - shape=[caches_batch_size, 0, d_model], - dtype=enc_output.dtype, - value=0), - "v": layers.fill_constant( - shape=[caches_batch_size, 0, d_model], - dtype=enc_output.dtype, - value=0) - } for i in range(n_layer)] - - finished_seq = layers.zeros_like(alive_seq) - finished_scores = layers.fill_constant([batch_size, beam_size], - dtype='float32', value=-INF) - finished_flags = layers.fill_constant([batch_size, beam_size], - dtype='float32', value=0) - - with while_op.block(): - pos = layers.fill_constant([caches_batch_size, 1, 1], dtype='int64', value=1) - pos = layers.elementwise_mul(pos, step_idx, axis=0) - - alive_seq_1 = layers.reshape(alive_seq, [caches_batch_size, -1]) - alive_seq_2 = alive_seq_1[:, -1:] - alive_seq_2 = layers.unsqueeze(alive_seq_2, axes=[1]) - - logits = wrap_decoder( - trg_vocab_size, max_in_len, n_layer, n_head, d_key, - d_value, d_model, d_inner_hid, prepostprocess_dropout, - attention_dropout, relu_dropout, preprocess_cmd, - postprocess_cmd, weight_sharing, embedding_sharing, - dec_inputs=(alive_seq_2, alive_seq_2, pos, None, tgt_src_attn_bias), - enc_output=enc_output, caches=caches, is_train=False, params_type=params_type) - - alive_seq_2, alive_log_probs_2, finished_seq_2, finished_scores_2, finished_flags_2, caches_2 = \ - beam_search.inner_func(step_idx, logits, alive_seq_1, alive_log_probs, finished_seq, - finished_scores, finished_flags, caches, enc_output, - tgt_src_attn_bias) - - layers.increment(x=step_idx, value=1.0, in_place=True) - finish_cond = beam_search.is_finished(step_idx, source_length, alive_log_probs_2, - finished_scores_2, finished_flags_2) - - layers.assign(alive_seq_2, alive_seq) - layers.assign(alive_log_probs_2, alive_log_probs) - layers.assign(finished_seq_2, finished_seq) - layers.assign(finished_scores_2, finished_scores) - layers.assign(finished_flags_2, finished_flags) - - for i in xrange(len(caches_2)): - layers.assign(caches_2[i]["k"], caches[i]["k"]) - layers.assign(caches_2[i]["v"], caches[i]["v"]) - - layers.logical_and(x=cond, y=finish_cond, out=cond) - - finished_flags = layers.reduce_sum(finished_flags, dim=1, keep_dim=True) / beam_size - finished_flags = layers.cast(finished_flags, 'bool') - mask = layers.cast(layers.reduce_any(input=finished_flags, dim=1, keep_dim=True), 'float32') - mask = layers.expand(mask, [1, beam_size]) - - mask2 = 1.0 - mask - finished_seq = layers.cast(finished_seq, 'float32') - alive_seq = layers.cast(alive_seq, 'float32') - #print mask - - finished_seq = layers.elementwise_mul(finished_seq, mask, axis=0) + \ - layers.elementwise_mul(alive_seq, mask2, axis = 0) - finished_seq = layers.cast(finished_seq, 'int32') - finished_scores = layers.elementwise_mul(finished_scores, mask, axis=0) + \ - layers.elementwise_mul(alive_log_probs, mask2) - finished_seq.persistable = True - finished_scores.persistable = True - - return finished_seq, finished_scores - - finished_ids, finished_scores = beam_search(enc_output, enc_bias, source_length) - return finished_ids, finished_scores diff --git a/PaddleNLP/Research/EMNLP2019-MAL/src/train.py b/PaddleNLP/Research/EMNLP2019-MAL/src/train.py deleted file mode 100644 index 4b9a48b1ed4bd3a5c6eb783f450fbd0d1a1f4895..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/src/train.py +++ /dev/null @@ -1,1099 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -import argparse -import ast -import copy -import logging -import multiprocessing -import os -import six -import sys -import time -import random -import math - -import numpy as np -import paddle.fluid as fluid -import paddle.fluid.layers as layers -import paddle.fluid.layers.nn as nn -import paddle.fluid.layers.tensor as tensor -from paddle.fluid.framework import default_main_program - -import reader -from reader import * -from config import * -from forward_model import forward_transformer, forward_position_encoding_init, forward_fast_decode, make_all_py_reader_inputs -from dense_model import dense_transformer, dense_fast_decode -from relative_model import relative_transformer, relative_fast_decode - -def parse_args(): - """ - parse_args - """ - parser = argparse.ArgumentParser("Training for Transformer.") - parser.add_argument( - "--train_file_pattern", - type=str, - required=True, - help="The pattern to match training data files.") - parser.add_argument( - "--val_file_pattern", - type=str, - help="The pattern to match validation data files.") - parser.add_argument( - "--ckpt_path", - type=str, - help="The pattern to match training data files.") - parser.add_argument( - "--infer_batch_size", - type=int, - help="Infer batch_size") - parser.add_argument( - "--decode_alpha", - type=float, - help="decode_alpha") - parser.add_argument( - "--beam_size", - type=int, - help="Infer beam_size") - parser.add_argument( - "--use_token_batch", - type=ast.literal_eval, - default=True, - help="The flag indicating whether to " - "produce batch data according to token number.") - parser.add_argument( - "--batch_size", - type=int, - default=4096, - help="The number of sequences contained in a mini-batch, or the maximum " - "number of tokens (include paddings) contained in a mini-batch. Note " - "that this represents the number on single device and the actual batch " - "size for multi-devices will multiply the device number.") - parser.add_argument( - "--pool_size", - type=int, - default=200000, - help="The buffer size to pool data.") - parser.add_argument( - "--num_threads", - type=int, - default=2, - help="The number of threads which executor use.") - parser.add_argument( - "--use_fp16", - type=ast.literal_eval, - default=True, - help="Use fp16 or not" - ) - - parser.add_argument( - "--nccl_comm_num", - type=int, - default=1, - help="The number of threads which executor use.") - - parser.add_argument( - "--sort_type", - default="pool", - choices=("global", "pool", "none"), - help="The grain to sort by length: global for all instances; pool for " - "instances in pool; none for no sort.") - parser.add_argument( - "--use_hierarchical_allreduce", - default=False, - type=ast.literal_eval, - help="Use hierarchical allreduce or not.") - parser.add_argument( - "--hierarchical_allreduce_inter_nranks", - default=8, - type=int, - help="interranks.") - parser.add_argument( - "--shuffle", - type=ast.literal_eval, - default=True, - help="The flag indicating whether to shuffle instances in each pass.") - parser.add_argument( - "--shuffle_batch", - type=ast.literal_eval, - default=True, - help="The flag indicating whether to shuffle the data batches.") - parser.add_argument( - "--special_token", - type=str, - default=["", "", ""], - nargs=3, - help="The , and tokens in the dictionary.") - parser.add_argument( - "--token_delimiter", - type=lambda x: str(x.encode().decode("unicode-escape")), - default=" ", - help="The delimiter used to split tokens in source or target sentences. " - "For EN-DE BPE data we provided, use spaces as token delimiter. ") - parser.add_argument( - 'opts', - help='See config.py for all options', - default=None, - nargs=argparse.REMAINDER) - parser.add_argument( - '--local', - type=ast.literal_eval, - default=False, - help='Whether to run as local mode.') - parser.add_argument( - '--device', - type=str, - default='GPU', - choices=['CPU', 'GPU'], - help="The device type.") - parser.add_argument( - '--sync', type=ast.literal_eval, default=True, help="sync mode.") - parser.add_argument( - "--enable_ce", - type=ast.literal_eval, - default=False, - help="The flag indicating whether to run the task " - "for continuous evaluation.") - parser.add_argument( - "--use_mem_opt", - type=ast.literal_eval, - default=True, - help="The flag indicating whether to use memory optimization.") - parser.add_argument( - "--use_py_reader", - type=ast.literal_eval, - default=True, - help="The flag indicating whether to use py_reader.") - parser.add_argument( - "--fetch_steps", - type=int, - default=100, - help="The frequency to fetch and print output.") - parser.add_argument( - "--use_delay_load", - type=ast.literal_eval, - default=True, - help= - "The flag indicating whether to load all data into memories at once.") - parser.add_argument( - "--src_vocab_size", - type=str, - required=True, - help="Size of src Vocab.") - parser.add_argument( - "--tgt_vocab_size", - type=str, - required=True, - help="Size of tgt Vocab.") - parser.add_argument( - "--restore_step", - type=int, - default=0, - help="The step number of checkpoint to restore training.") - parser.add_argument( - "--fuse", - type=int, - default=0, - help="Use fusion or not.") - - args = parser.parse_args() - - src_voc_size = args.src_vocab_size - trg_voc_size = args.tgt_vocab_size - if args.use_delay_load: - dict_args = [ - "src_vocab_size", src_voc_size, - "trg_vocab_size", trg_voc_size, - "bos_idx", str(0), - "eos_idx", str(1), - "unk_idx", str(int(src_voc_size) - 1) - ] - else: - src_dict = reader.DataReader.load_dict(args.src_vocab_fpath) - trg_dict = reader.DataReader.load_dict(args.trg_vocab_fpath) - dict_args = [ - "src_vocab_size", str(len(src_dict)), "trg_vocab_size", - str(len(trg_dict)), "bos_idx", str(src_dict[args.special_token[0]]), - "eos_idx", str(src_dict[args.special_token[1]]), "unk_idx", - str(src_dict[args.special_token[2]]) - ] - merge_cfg_from_list(args.opts + dict_args, - [TrainTaskConfig, ModelHyperParams]) - return args - - -def prepare_batch_input(insts, data_input_names, src_pad_idx, trg_pad_idx, - n_head, d_model): - """ - Put all padded data needed by training into a dict. - """ - src_word, src_pos, src_slf_attn_bias, src_max_len = pad_batch_data( - [inst[0] for inst in insts], src_pad_idx, n_head, is_target=False) - src_word = src_word.reshape(-1, src_max_len, 1) - src_pos = src_pos.reshape(-1, src_max_len, 1) - - trg_word, trg_pos, trg_slf_attn_bias, trg_max_len = pad_batch_data( - [inst[1] for inst in insts], trg_pad_idx, n_head, is_target=True) - trg_word = trg_word.reshape(-1, trg_max_len, 1) - trg_word = trg_word[:, 1:, :] - trg_pos = trg_pos.reshape(-1, trg_max_len, 1) - - trg_src_attn_bias = np.tile(src_slf_attn_bias[:, :, ::src_max_len, :], - [1, 1, trg_max_len, 1]).astype("float32") - - lbl_word, lbl_weight, num_token = pad_batch_data( - [inst[2] for inst in insts], - trg_pad_idx, - n_head, - is_target=False, - is_label=True, - return_attn_bias=False, - return_max_len=False, - return_num_token=True) - - # reverse_target - reverse_trg_word, _, _, _ = pad_batch_data( - [inst[3] for inst in insts], trg_pad_idx, n_head, is_target=True) - reverse_trg_word = reverse_trg_word.reshape(-1, trg_max_len, 1) - reverse_trg_word = reverse_trg_word[:, 1:, :] - - reverse_lbl_word, _, _ = pad_batch_data( - [inst[4] for inst in insts], - trg_pad_idx, - n_head, - is_target=False, - is_label=True, - return_attn_bias=False, - return_max_len=False, - return_num_token=True) - - eos_position = [] - meet_eos = False - for word_id in reverse_lbl_word: - if word_id[0] == 1 and not meet_eos: - meet_eos = True - eos_position.append([1]) - elif word_id[0] == 1 and meet_eos: - eos_position.append([0]) - else: - meet_eos = False - eos_position.append([0]) - - data_input_dict = dict( - zip(data_input_names, [ - src_word, src_pos, src_slf_attn_bias, trg_word, reverse_trg_word, trg_pos, - trg_slf_attn_bias, trg_src_attn_bias, lbl_word, lbl_weight, reverse_lbl_word, np.asarray(eos_position, dtype = "int64") - ])) - - return data_input_dict, np.asarray([num_token], dtype="float32") - - -def prepare_feed_dict_list(data_generator, count, num_tokens=None, num_insts=None): - """ - Prepare the list of feed dict for multi-devices. - """ - feed_dict_list = [] - eos_idx = ModelHyperParams.eos_idx - n_head = ModelHyperParams.n_head - d_model = ModelHyperParams.d_model - max_length = ModelHyperParams.max_length - dense_n_head = DenseModelHyperParams.n_head - dense_d_model = DenseModelHyperParams.d_model - - if data_generator is not None: # use_py_reader == False - dense_data_input_names = dense_encoder_data_input_fields + \ - dense_decoder_data_input_fields[:-1] + dense_label_data_input_fields - data_input_names = encoder_data_input_fields + \ - decoder_data_input_fields[:-1] + label_data_input_fields - data = next(data_generator) - for idx, data_buffer in enumerate(data): - data_input_dict, num_token = prepare_batch_input( - data_buffer, data_input_names, eos_idx, - eos_idx, n_head, - d_model) - dense_data_input_dict, _ = prepare_batch_input( - data_buffer, dense_data_input_names, eos_idx, - eos_idx, dense_n_head, - dense_d_model) - data_input_dict.update(dense_data_input_dict) # merge dict - feed_dict_list.append(data_input_dict) - if isinstance(num_tokens, list): num_tokens.append(num_token) - if isinstance(num_insts, list): num_insts.append(len(data_buffer)) - - return feed_dict_list if len(feed_dict_list) == count else None - - -def py_reader_provider_wrapper(data_reader): - """ - Data provider needed by fluid.layers.py_reader. - """ - - def py_reader_provider(): - """ - py_reader_provider - """ - eos_idx = ModelHyperParams.eos_idx - n_head = ModelHyperParams.n_head - d_model = ModelHyperParams.d_model - max_length = ModelHyperParams.max_length - dense_n_head = DenseModelHyperParams.n_head - dense_d_model = DenseModelHyperParams.d_model - - data_input_names = encoder_data_input_fields + \ - decoder_data_input_fields[:-1] + label_data_input_fields - dense_data_input_names = dense_encoder_data_input_fields + \ - dense_decoder_data_input_fields[:-1] + label_data_input_fields - - new_data_input_names = data_input_names + dense_bias_input_fields - - for batch_id, data in enumerate(data_reader()): - data_input_dict, num_token = prepare_batch_input( - data, data_input_names, eos_idx, - eos_idx, n_head, - d_model) - dense_data_input_dict, _ = prepare_batch_input( - data, dense_data_input_names, eos_idx, - eos_idx, dense_n_head, - dense_d_model) - data_input_dict["dense_src_slf_attn_bias"] = dense_data_input_dict["dense_src_slf_attn_bias"] - data_input_dict["dense_trg_slf_attn_bias"] = dense_data_input_dict["dense_trg_slf_attn_bias"] - data_input_dict["dense_trg_src_attn_bias"] = dense_data_input_dict["dense_trg_src_attn_bias"] - total_dict = dict(data_input_dict.items()) - yield [total_dict[item] for item in new_data_input_names] - - return py_reader_provider - - -from infer import prepare_feed_dict_list as infer_prepare_feed_dict_list -from infer import prepare_dense_feed_dict_list as infer_prepare_dense_feed_dict_list -def test_context(exe, train_exe, dev_count, agent_name, args): - # Context to do validation. - test_prog = fluid.Program() - startup_prog = fluid.Program() - if args.enable_ce: - test_prog.random_seed = 1000 - startup_prog.random_seed = 1000 - with fluid.program_guard(test_prog, startup_prog): - if agent_name == "new_forward": - with fluid.unique_name.guard("new_forward"): - out_ids1, out_scores1 = forward_fast_decode( - ModelHyperParams.src_vocab_size, - ModelHyperParams.trg_vocab_size, - ModelHyperParams.max_length + 50, - ModelHyperParams.n_layer, - ModelHyperParams.n_head, - ModelHyperParams.d_key, - ModelHyperParams.d_value, - ModelHyperParams.d_model, - ModelHyperParams.d_inner_hid, - ModelHyperParams.prepostprocess_dropout, - ModelHyperParams.attention_dropout, - ModelHyperParams.relu_dropout, - ModelHyperParams.preprocess_cmd, - ModelHyperParams.postprocess_cmd, - ModelHyperParams.weight_sharing, - ModelHyperParams.embedding_sharing, - args.beam_size, - args.infer_batch_size, - InferTaskConfig.max_out_len, - args.decode_alpha, - ModelHyperParams.eos_idx, - params_type="new" - ) - elif agent_name == "new_relative_position": - with fluid.unique_name.guard("new_relative_position"): - out_ids2, out_scores2 = relative_fast_decode( - ModelHyperParams.src_vocab_size, - ModelHyperParams.trg_vocab_size, - ModelHyperParams.max_length + 50, - ModelHyperParams.n_layer, - ModelHyperParams.n_head, - ModelHyperParams.d_key, - ModelHyperParams.d_value, - ModelHyperParams.d_model, - ModelHyperParams.d_inner_hid, - ModelHyperParams.prepostprocess_dropout, - ModelHyperParams.attention_dropout, - ModelHyperParams.relu_dropout, - ModelHyperParams.preprocess_cmd, - ModelHyperParams.postprocess_cmd, - ModelHyperParams.weight_sharing, - ModelHyperParams.embedding_sharing, - args.beam_size, - args.infer_batch_size, - InferTaskConfig.max_out_len, - args.decode_alpha, - ModelHyperParams.eos_idx, - params_type="new" - ) - - elif agent_name == "new_dense": - DenseModelHyperParams.src_vocab_size = ModelHyperParams.src_vocab_size - DenseModelHyperParams.trg_vocab_size = ModelHyperParams.trg_vocab_size - DenseModelHyperParams.weight_sharing = ModelHyperParams.weight_sharing - DenseModelHyperParams.embedding_sharing = ModelHyperParams.embedding_sharing - with fluid.unique_name.guard("new_dense"): - out_ids3, out_scores3 = dense_fast_decode( - DenseModelHyperParams.src_vocab_size, - DenseModelHyperParams.trg_vocab_size, - DenseModelHyperParams.max_length + 50, - DenseModelHyperParams.n_layer, - DenseModelHyperParams.enc_n_layer, - DenseModelHyperParams.n_head, - DenseModelHyperParams.d_key, - DenseModelHyperParams.d_value, - DenseModelHyperParams.d_model, - DenseModelHyperParams.d_inner_hid, - DenseModelHyperParams.prepostprocess_dropout, - DenseModelHyperParams.attention_dropout, - DenseModelHyperParams.relu_dropout, - DenseModelHyperParams.preprocess_cmd, - DenseModelHyperParams.postprocess_cmd, - DenseModelHyperParams.weight_sharing, - DenseModelHyperParams.embedding_sharing, - args.beam_size, - args.infer_batch_size, - InferTaskConfig.max_out_len, - args.decode_alpha, - ModelHyperParams.eos_idx, - params_type="new" - ) - - test_prog = test_prog.clone(for_test=True) - - dev_count = 1 - file_pattern = "%s" % (args.val_file_pattern) - lines_cnt = len(open(file_pattern, 'r').readlines()) - data_reader = line_reader(file_pattern, args.infer_batch_size, dev_count, - token_delimiter=args.token_delimiter, - max_len=ModelHyperParams.max_length, - parse_line=parse_src_line) - - test_data = prepare_data_generator(args, is_test=True, count=dev_count, pyreader=None, - batch_size=args.infer_batch_size, data_reader=data_reader) - - def test(step_id, exe=exe): - - f = "" - if agent_name == "new_relative_position": - f = open("./output/new_relative_position_iter_%d.trans" % (step_id), 'w') - elif agent_name == "new_forward": - f = open("./output/new_forward_iter_%d.trans" % (step_id), 'w') - elif agent_name == "new_dense": - f = open("./output/new_dense_iter_%d.trans" % (step_id), 'w') - - data_generator = test_data() - trans_list = [] - while True: - try: - feed_dict_list = infer_prepare_feed_dict_list(data_generator, 1) if agent_name != "new_dense" else infer_prepare_dense_feed_dict_list(data_generator, 1) - if agent_name == "new_forward": - seq_ids, seq_scores = exe.run( - fetch_list=[out_ids1.name, out_scores1.name], - feed=feed_dict_list, - program=test_prog, - return_numpy=True) - elif agent_name == "new_relative_position": - seq_ids, seq_scores = exe.run( - fetch_list=[out_ids2.name, out_scores2.name], - feed=feed_dict_list, - program=test_prog, - return_numpy=True) - elif agent_name == "new_dense": - seq_ids, seq_scores = exe.run( - fetch_list=[out_ids3.name, out_scores3.name], - feed=feed_dict_list, - program=test_prog, - return_numpy=True) - - seq_ids = seq_ids.tolist() - for index in xrange(args.infer_batch_size): - seq = seq_ids[index][0] - if 1 not in seq: - res = seq[1:-1] - else: - res = seq[1: seq.index(1)] - res = map(str, res) - trans_list.append(" ".join(res)) - except (StopIteration, fluid.core.EOFException): - # The current pass is over. - break - trans_list = trans_list[:lines_cnt] - for trans in trans_list: - f.write("%s\n" % trans) - - f.flush() - f.close() - return test - -def get_tensor_by_prefix(pre_name, param_name_list): - tensors_list = [] - for param_name in param_name_list: - if pre_name in param_name: - tensors_list.append(fluid.global_scope().find_var(param_name).get_tensor()) - - if pre_name == "fixed_relative_positionfixed_relative_position": - tensors_list.append(fluid.global_scope().find_var("fixed_relative_positions_keys").get_tensor()) - tensors_list.append(fluid.global_scope().find_var("fixed_relative_positions_values").get_tensor()) - elif pre_name == "new_relative_positionnew_relative_position": - tensors_list.append(fluid.global_scope().find_var("new_relative_positions_keys").get_tensor()) - tensors_list.append(fluid.global_scope().find_var("new_relative_positions_values").get_tensor()) - - return tensors_list - - -def train_loop(exe, - train_prog, - startup_prog, - args, - dev_count, - avg_cost, - teacher_cost, - single_model_sum_cost, - single_model_avg_cost, - token_num, - pyreader, place, - nccl2_num_trainers=1, - nccl2_trainer_id=0, - scaled_cost=None, - loss_scaling=None - ): - """ - train_loop - """ - # Initialize the parameters. - if TrainTaskConfig.ckpt_path: - exe.run(startup_prog) - logging.info("load checkpoint from {}".format(TrainTaskConfig.ckpt_path)) - fluid.io.load_params(exe, TrainTaskConfig.ckpt_path, main_program=train_prog) - else: - logging.info("init fluid.framework.default_startup_program") - exe.run(startup_prog) - - param_list = train_prog.block(0).all_parameters() - param_name_list = [p.name for p in param_list ] - - logging.info("begin reader") - batch_scheme = batching_scheme(args.batch_size, 256, shard_multiplier=nccl2_num_trainers) - tf_data = bucket_by_sequence_length( - repeat( - interleave_reader( - args.train_file_pattern, - cycle_length=8, - token_delimiter=args.token_delimiter, - max_len=ModelHyperParams.max_length, - parse_line=parse_line, - ), -1), - lambda x:max(len(x[0]), len(x[1])), - batch_scheme["boundaries"], - batch_scheme["batch_sizes"], - nccl2_num_trainers, - nccl2_trainer_id - ) - args.use_token_batch = False - train_data = prepare_data_generator( - args, is_test=False, count=dev_count, pyreader=pyreader, data_reader=tf_data, \ - py_reader_provider_wrapper=py_reader_provider_wrapper) - - # For faster executor - exec_strategy = fluid.ExecutionStrategy() - exec_strategy.use_experimental_executor = True - exec_strategy.num_threads = 1 - exec_strategy.num_iteration_per_drop_scope = 20 - build_strategy = fluid.BuildStrategy() - build_strategy.enable_inplace = True - build_strategy.fuse_all_optimizer_ops = False - build_strategy.fuse_all_reduce_ops = False - build_strategy.enable_backward_optimizer_op_deps = True - if args.fuse: - build_strategy.fuse_all_reduce_ops = True - - - trainer_id = nccl2_trainer_id - train_exe = fluid.ParallelExecutor( - use_cuda=TrainTaskConfig.use_gpu, - loss_name=avg_cost.name, - main_program=train_prog, - build_strategy=build_strategy, - exec_strategy=exec_strategy, - num_trainers=nccl2_num_trainers, - trainer_id=nccl2_trainer_id) - - if args.val_file_pattern is not None: - new_forward_test = test_context(exe, train_exe, dev_count, "new_forward", args) - new_dense_test = test_context(exe, train_exe, dev_count, "new_dense", args) - new_relative_position_test = test_context(exe, train_exe, dev_count, "new_relative_position", args) - - # the best cross-entropy value with label smoothing - loss_normalizer = -((1. - TrainTaskConfig.label_smooth_eps) * np.log( - (1. - TrainTaskConfig.label_smooth_eps - )) + TrainTaskConfig.label_smooth_eps * - np.log(TrainTaskConfig.label_smooth_eps / ( - ModelHyperParams.trg_vocab_size - 1) + 1e-20)) - - # set recovery step - step_idx = args.restore_step if args.restore_step else 0 - if step_idx != 0: - var = fluid.global_scope().find_var("@LR_DECAY_COUNTER@").get_tensor() - recovery_step = np.array([step_idx]).astype("int64") - var.set(recovery_step, fluid.CPUPlace()) - step = np.array(var)[0] - - - # set pos encoding - model_prefix = ["fixed_forward", "fixed_relative_position", - "new_forward", "new_relative_position"] - for pos_enc_param_name in pos_enc_param_names: - for prefix in model_prefix: - pos_name = prefix * 2 + pos_enc_param_name - pos_enc_param = fluid.global_scope().find_var( - pos_name).get_tensor() - - pos_enc_param.set( - forward_position_encoding_init( - ModelHyperParams.max_length + 50, - ModelHyperParams.d_model), place) - - model_prefix_2 = ["fixed_dense", "new_dense"] - for pos_enc_param_name in pos_enc_param_names: - for prefix in model_prefix_2: - pos_name = prefix * 2 + pos_enc_param_name - pos_enc_param = fluid.global_scope().find_var( - pos_name).get_tensor() - - pos_enc_param.set( - forward_position_encoding_init( - DenseModelHyperParams.max_length + 50, - DenseModelHyperParams.d_model), place) - - - logging.info("begin train") - for pass_id in six.moves.xrange(TrainTaskConfig.pass_num): - pass_start_time = time.time() - avg_batch_time = time.time() - - pyreader.start() - data_generator = None - - batch_id = 0 - while True: - try: - num_tokens = [] - num_insts = [] - feed_dict_list = prepare_feed_dict_list(data_generator, - dev_count, num_tokens, num_insts) - - num_token = np.sum(num_tokens).reshape([-1]) - num_inst = np.sum(num_insts).reshape([-1]) - - outs = train_exe.run( - fetch_list=[avg_cost.name, token_num.name, teacher_cost.name] - if (step_idx == 0 or step_idx % args.fetch_steps == (args.fetch_steps - 1)) else [], - feed=feed_dict_list) - - if (step_idx == 0 or step_idx % args.fetch_steps == (args.fetch_steps - 1)): - single_model_total_avg_cost, token_num_val = np.array(outs[0]), np.array(outs[1]) - teacher = np.array(outs[2]) - - if step_idx == 0: - logging.info( - ("step_idx: %d, epoch: %d, batch: %d, teacher loss: %f, avg loss: %f, " - "normalized loss: %f, ppl: %f" + (", batch size: %d" if num_inst else "")) % - ((step_idx, pass_id, batch_id, teacher, single_model_total_avg_cost, - single_model_total_avg_cost - loss_normalizer, - np.exp([min(single_model_total_avg_cost, 100)])) + ((num_inst,) if num_inst else ()))) - else: - logging.info( - ("step_idx: %d, epoch: %d, batch: %d, teacher loss: %f, avg loss: %f, " - "normalized loss: %f, ppl: %f, speed: %.2f step/s" + \ - (", batch size: %d" if num_inst else "")) % - ((step_idx, pass_id, batch_id, teacher, single_model_total_avg_cost, - single_model_total_avg_cost - loss_normalizer, - np.exp([min(single_model_total_avg_cost, 100)]), - args.fetch_steps / (time.time() - avg_batch_time)) + ((num_inst,) if num_inst else ()))) - avg_batch_time = time.time() - - if step_idx % TrainTaskConfig.fixed_freq == (TrainTaskConfig.fixed_freq - 1): - logging.info("copy parameters to fixed parameters when step_idx is {}".format(step_idx)) - - fixed_forward_tensors = get_tensor_by_prefix("fixed_forwardfixed_forward", param_name_list) - new_forward_tensors = get_tensor_by_prefix("new_forwardnew_forward", param_name_list) - fixed_dense_tensors = get_tensor_by_prefix("fixed_densefixed_dense", param_name_list) - new_dense_tensors = get_tensor_by_prefix("new_densenew_dense", param_name_list) - fixed_relative_tensors = get_tensor_by_prefix("fixed_relative_positionfixed_relative_position", param_name_list) - new_relative_tensors = get_tensor_by_prefix("new_relative_positionnew_relative_position", param_name_list) - - for (fixed_tensor, new_tensor) in zip(fixed_forward_tensors, new_forward_tensors): - fixed_tensor.set(np.array(new_tensor), place) - for (fixed_tensor, new_tensor) in zip(fixed_relative_tensors, new_relative_tensors): - fixed_tensor.set(np.array(new_tensor), place) - for (fixed_tensor, new_tensor) in zip(fixed_dense_tensors, new_dense_tensors): - fixed_tensor.set(np.array(new_tensor), place) - - if step_idx % TrainTaskConfig.save_freq == (TrainTaskConfig.save_freq - 1): - if trainer_id == 0: - fluid.io.save_params( - exe, - os.path.join(TrainTaskConfig.model_dir, - "iter_" + str(step_idx) + ".infer.model"),train_prog) - - if args.val_file_pattern is not None: - train_exe.drop_local_exe_scopes() - new_dense_test(step_idx) - new_forward_test(step_idx) - new_relative_position_test(step_idx) - - batch_id += 1 - step_idx += 1 - except (StopIteration, fluid.core.EOFException): - break - - -def train(args): - """ - train - """ - is_local = os.getenv("PADDLE_IS_LOCAL", "1") - if is_local == '0': - args.local = False - print(args) - - if args.device == 'CPU': - TrainTaskConfig.use_gpu = False - - training_role = os.getenv("TRAINING_ROLE", "TRAINER") - gpus = os.getenv("FLAGS_selected_gpus").split(",") - gpu_id = int(gpus[0]) - - if training_role == "PSERVER" or (not TrainTaskConfig.use_gpu): - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - else: - place = fluid.CUDAPlace(gpu_id) - dev_count = len(gpus) - - exe = fluid.Executor(place) - - train_prog = fluid.Program() - startup_prog = fluid.Program() - - if args.enable_ce: - train_prog.random_seed = 1000 - startup_prog.random_seed = 1000 - - with fluid.program_guard(train_prog, startup_prog): - logits_list = [] - - data_input_names = encoder_data_input_fields + \ - decoder_data_input_fields[:-1] + label_data_input_fields + dense_bias_input_fields - - all_data_inputs, pyreader = make_all_py_reader_inputs(data_input_names) - with fluid.unique_name.guard("new_forward"): - new_forward_sum_cost, new_forward_avg_cost, new_forward_token_num, new_forward_logits, new_forward_xent, new_forward_loss, new_forward_label, new_forward_non_zeros = forward_transformer( - ModelHyperParams.src_vocab_size, - ModelHyperParams.trg_vocab_size, - ModelHyperParams.max_length + 50, - ModelHyperParams.n_layer, - ModelHyperParams.n_head, - ModelHyperParams.d_key, - ModelHyperParams.d_value, - ModelHyperParams.d_model, - ModelHyperParams.d_inner_hid, - ModelHyperParams.prepostprocess_dropout, - ModelHyperParams.attention_dropout, - ModelHyperParams.relu_dropout, - ModelHyperParams.preprocess_cmd, - ModelHyperParams.postprocess_cmd, - ModelHyperParams.weight_sharing, - ModelHyperParams.embedding_sharing, - TrainTaskConfig.label_smooth_eps, - use_py_reader=True, - is_test=False, - params_type="new", - all_data_inputs=all_data_inputs) - - with fluid.unique_name.guard("new_relative_position"): - new_relative_position_sum_cost, new_relative_position_avg_cost, new_relative_position_token_num, new_relative_position_logits, new_relative_position_xent, new_relative_position_loss, new_relative_position_label, new_relative_position_non_zeros = relative_transformer( - ModelHyperParams.src_vocab_size, - ModelHyperParams.trg_vocab_size, - ModelHyperParams.max_length + 50, - ModelHyperParams.n_layer, - ModelHyperParams.n_head, - ModelHyperParams.d_key, - ModelHyperParams.d_value, - ModelHyperParams.d_model, - ModelHyperParams.d_inner_hid, - ModelHyperParams.prepostprocess_dropout, - ModelHyperParams.attention_dropout, - ModelHyperParams.relu_dropout, - ModelHyperParams.preprocess_cmd, - ModelHyperParams.postprocess_cmd, - ModelHyperParams.weight_sharing, - ModelHyperParams.embedding_sharing, - TrainTaskConfig.label_smooth_eps, - use_py_reader=args.use_py_reader, - is_test=False, - params_type="new", - all_data_inputs=all_data_inputs) - - DenseModelHyperParams.src_vocab_size = ModelHyperParams.src_vocab_size - DenseModelHyperParams.trg_vocab_size = ModelHyperParams.trg_vocab_size - DenseModelHyperParams.weight_sharing = ModelHyperParams.weight_sharing - DenseModelHyperParams.embedding_sharing = ModelHyperParams.embedding_sharing - - with fluid.unique_name.guard("new_dense"): - new_dense_sum_cost, new_dense_avg_cost, new_dense_token_num, new_dense_logits, new_dense_xent, new_dense_loss, new_dense_label, _ = dense_transformer( - DenseModelHyperParams.src_vocab_size, - DenseModelHyperParams.trg_vocab_size, - DenseModelHyperParams.max_length + 50, - DenseModelHyperParams.n_layer, - DenseModelHyperParams.enc_n_layer, - DenseModelHyperParams.n_head, - DenseModelHyperParams.d_key, - DenseModelHyperParams.d_value, - DenseModelHyperParams.d_model, - DenseModelHyperParams.d_inner_hid, - DenseModelHyperParams.prepostprocess_dropout, - DenseModelHyperParams.attention_dropout, - DenseModelHyperParams.relu_dropout, - DenseModelHyperParams.preprocess_cmd, - DenseModelHyperParams.postprocess_cmd, - DenseModelHyperParams.weight_sharing, - DenseModelHyperParams.embedding_sharing, - TrainTaskConfig.label_smooth_eps, - use_py_reader=args.use_py_reader, - is_test=False, - params_type="new", - all_data_inputs=all_data_inputs) - - with fluid.unique_name.guard("fixed_forward"): - fixed_forward_sum_cost, fixed_forward_avg_cost, fixed_forward_token_num, fixed_forward_logits, fixed_forward_xent, fixed_forward_loss, fixed_forward_label, fixed_forward_non_zeros = forward_transformer( - ModelHyperParams.src_vocab_size, - ModelHyperParams.trg_vocab_size, - ModelHyperParams.max_length + 50, - ModelHyperParams.n_layer, - ModelHyperParams.n_head, - ModelHyperParams.d_key, - ModelHyperParams.d_value, - ModelHyperParams.d_model, - ModelHyperParams.d_inner_hid, - ModelHyperParams.prepostprocess_dropout, - ModelHyperParams.attention_dropout, - ModelHyperParams.relu_dropout, - ModelHyperParams.preprocess_cmd, - ModelHyperParams.postprocess_cmd, - ModelHyperParams.weight_sharing, - ModelHyperParams.embedding_sharing, - TrainTaskConfig.label_smooth_eps, - use_py_reader=args.use_py_reader, - is_test=False, - params_type="fixed", - all_data_inputs=all_data_inputs) - logits_list.append(fixed_forward_logits) - - - DenseModelHyperParams.src_vocab_size = ModelHyperParams.src_vocab_size - DenseModelHyperParams.trg_vocab_size = ModelHyperParams.trg_vocab_size - DenseModelHyperParams.weight_sharing = ModelHyperParams.weight_sharing - DenseModelHyperParams.embedding_sharing = ModelHyperParams.embedding_sharing - - with fluid.unique_name.guard("fixed_dense"): - fixed_dense_sum_cost, fixed_dense_avg_cost, fixed_dense_token_num, fixed_dense_logits, fixed_dense_xent, fixed_dense_loss, fixed_dense_label, _ = dense_transformer( - DenseModelHyperParams.src_vocab_size, - DenseModelHyperParams.trg_vocab_size, - DenseModelHyperParams.max_length + 50, - DenseModelHyperParams.n_layer, - DenseModelHyperParams.enc_n_layer, - DenseModelHyperParams.n_head, - DenseModelHyperParams.d_key, - DenseModelHyperParams.d_value, - DenseModelHyperParams.d_model, - DenseModelHyperParams.d_inner_hid, - DenseModelHyperParams.prepostprocess_dropout, - DenseModelHyperParams.attention_dropout, - DenseModelHyperParams.relu_dropout, - DenseModelHyperParams.preprocess_cmd, - DenseModelHyperParams.postprocess_cmd, - DenseModelHyperParams.weight_sharing, - DenseModelHyperParams.embedding_sharing, - TrainTaskConfig.label_smooth_eps, - use_py_reader=args.use_py_reader, - is_test=False, - params_type="fixed", - all_data_inputs=all_data_inputs) - logits_list.append(fixed_dense_logits) - - with fluid.unique_name.guard("fixed_relative_position"): - fixed_relative_sum_cost, fixed_relative_avg_cost, fixed_relative_token_num, fixed_relative_logits, fixed_relative_xent, fixed_relative_loss, fixed_relative_label, _ = relative_transformer( - ModelHyperParams.src_vocab_size, - ModelHyperParams.trg_vocab_size, - ModelHyperParams.max_length + 50, - ModelHyperParams.n_layer, - ModelHyperParams.n_head, - ModelHyperParams.d_key, - ModelHyperParams.d_value, - ModelHyperParams.d_model, - ModelHyperParams.d_inner_hid, - ModelHyperParams.prepostprocess_dropout, - ModelHyperParams.attention_dropout, - ModelHyperParams.relu_dropout, - ModelHyperParams.preprocess_cmd, - ModelHyperParams.postprocess_cmd, - ModelHyperParams.weight_sharing, - ModelHyperParams.embedding_sharing, - TrainTaskConfig.label_smooth_eps, - use_py_reader=args.use_py_reader, - is_test=False, - params_type="fixed", - all_data_inputs=all_data_inputs) - logits_list.append(fixed_relative_logits) - - # normalizing - confidence = 1.0 - TrainTaskConfig.label_smooth_eps - low_confidence = (1.0 - confidence) / (ModelHyperParams.trg_vocab_size - 1) - normalizing = -(confidence * math.log(confidence) + (ModelHyperParams.trg_vocab_size - 1) * - low_confidence * math.log(low_confidence + 1e-20)) - - batch_size = layers.shape(new_forward_logits)[0] - seq_length = layers.shape(new_forward_logits)[1] - trg_voc_size = layers.shape(new_forward_logits)[2] - - # ensemble - teacher_logits = logits_list[0] - for index in xrange(1, len(logits_list)): - teacher_logits += logits_list[index] - - teacher_logits = teacher_logits / len(logits_list) - - # new_target - new_target = layers.softmax(teacher_logits) - new_target.stop_gradient = True - - # agent_1: forward - fdistill_xent = layers.softmax_with_cross_entropy( - logits=new_forward_logits, - label=new_target, - soft_label=True) - fdistill_xent -= normalizing - fdistill_loss = layers.reduce_sum(fdistill_xent * new_forward_non_zeros) / new_forward_token_num - - # agent_2: relative - rdistill_xent = layers.softmax_with_cross_entropy( - logits=new_relative_position_logits, - label=new_target, - soft_label=True) - rdistill_xent -= normalizing - rdistill_loss = layers.reduce_sum(rdistill_xent * new_forward_non_zeros) / new_forward_token_num - - # agent_3: dense - ddistill_xent = layers.softmax_with_cross_entropy( - logits=new_dense_logits, - label=new_target, - soft_label=True) - ddistill_xent -= normalizing - ddistill_loss = layers.reduce_sum(ddistill_xent * new_forward_non_zeros) / new_forward_token_num - - - teacher_loss = fixed_forward_avg_cost + fixed_dense_avg_cost + fixed_relative_avg_cost - avg_cost = TrainTaskConfig.beta * new_forward_avg_cost + (1.0 - TrainTaskConfig.beta) * fdistill_loss + TrainTaskConfig.beta * new_relative_position_avg_cost + (1.0 - TrainTaskConfig.beta) * rdistill_loss + TrainTaskConfig.beta * new_dense_avg_cost + (1.0 - TrainTaskConfig.beta) * ddistill_loss + teacher_loss - - - avg_cost.persistable = True - teacher_loss.persistable = True - - optimizer = None - if args.sync: - lr_decay = fluid.layers.learning_rate_scheduler.noam_decay( - ModelHyperParams.d_model, TrainTaskConfig.warmup_steps) - logging.info("before adam") - - with fluid.default_main_program()._lr_schedule_guard(): - learning_rate = lr_decay * TrainTaskConfig.learning_rate - optimizer = fluid.optimizer.Adam( - learning_rate=learning_rate, - beta1=TrainTaskConfig.beta1, - beta2=TrainTaskConfig.beta2, - epsilon=TrainTaskConfig.eps) - else: - optimizer = fluid.optimizer.SGD(0.003) - if args.use_fp16: - #black_varnames={"src_slf_attn_bias", "trg_slf_attn_bias", "trg_src_attn_bias", "dense_src_slf_attn_bias", "dense_trg_slf_attn_bias", "dense_trg_src_attn_bias"} - #amp_lists=fluid.contrib.mixed_precision.AutoMixedPrecisionLists(custom_black_varnames=black_varnames, - # custom_black_list=["dropout"]) - #optimizer = fluid.contrib.mixed_precision.decorate(optimizer, amp_lists=amp_lists, - optimizer = fluid.contrib.mixed_precision.decorate(optimizer, - init_loss_scaling=32768, incr_every_n_steps=2000, - use_dynamic_loss_scaling=True) - - optimizer.minimize(avg_cost) - - loss_scaling=None - scaled_cost=None - if args.use_fp16: - scaled_cost = optimizer.get_scaled_loss() - loss_scaling = optimizer.get_loss_scaling() - - if args.local: - logging.info("local start_up:") - train_loop(exe, train_prog, startup_prog, args, dev_count, avg_cost, teacher_loss, new_relative_position_sum_cost, new_relative_position_avg_cost, - new_relative_position_token_num, pyreader, place) - else: - trainer_id = int(os.getenv("PADDLE_TRAINER_ID", "0")) - worker_endpoints_env = os.getenv("PADDLE_TRAINER_ENDPOINTS") - current_endpoint = os.getenv("PADDLE_CURRENT_ENDPOINT") - worker_endpoints = worker_endpoints_env.split(",") - trainers_num = len(worker_endpoints) - - logging.info("worker_endpoints:{} trainers_num:{} current_endpoint:{} \ - trainer_id:{}".format(worker_endpoints, trainers_num, - current_endpoint, trainer_id)) - - config = fluid.DistributeTranspilerConfig() - config.mode = "nccl2" - if args.nccl_comm_num > 1: - config.nccl_comm_num = args.nccl_comm_num - if args.use_hierarchical_allreduce and trainers_num > args.hierarchical_allreduce_inter_nranks: - logging.info("use_hierarchical_allreduce") - config.use_hierarchical_allreduce=args.use_hierarchical_allreduce - - config.hierarchical_allreduce_inter_nranks=8 - if config.hierarchical_allreduce_inter_nranks > 1: - config.hierarchical_allreduce_inter_nranks=args.hierarchical_allreduce_inter_nranks - - assert config.hierarchical_allreduce_inter_nranks > 1 - assert trainers_num % config.hierarchical_allreduce_inter_nranks == 0 - - config.hierarchical_allreduce_exter_nranks = \ - trainers_num / config.hierarchical_allreduce_inter_nranks - - t = fluid.DistributeTranspiler(config=config) - t.transpile( - trainer_id, trainers=worker_endpoints_env, - current_endpoint=current_endpoint, program=train_prog, - startup_program=startup_prog) - - train_loop(exe, train_prog, startup_prog, args, dev_count, avg_cost, teacher_loss, - new_relative_position_sum_cost, new_relative_position_avg_cost, new_relative_position_token_num, pyreader, place, trainers_num, trainer_id, scaled_cost=scaled_cost, loss_scaling=loss_scaling) - - -if __name__ == "__main__": - LOG_FORMAT = "[%(asctime)s %(levelname)s %(filename)s:%(lineno)d] %(message)s" - logging.basicConfig( - stream=sys.stdout, level=logging.DEBUG, format=LOG_FORMAT) - logging.getLogger().setLevel(logging.INFO) - - args = parse_args() - train(args) diff --git a/PaddleNLP/Research/EMNLP2019-MAL/train.sh b/PaddleNLP/Research/EMNLP2019-MAL/train.sh deleted file mode 100755 index 13e4de5fb33950804ec842a69aecd8ec445a57f4..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/EMNLP2019-MAL/train.sh +++ /dev/null @@ -1,70 +0,0 @@ -#!/bin/bash -source ./env/env.sh -source ./env/utils.sh -source ./env/cloud_job_conf.conf - -iplist=$1 -#iplist=`echo $nodelist | xargs | sed 's/ /,/g'` - -if [ ! -d log ] -then - mkdir log -fi - -export GLOG_vmodule=fuse_all_reduce_op_pass=10,alloc_continuous_space_for_grad_pass=10 - -if [[ ${FUSE} == "1" ]]; then - export FLAGS_fuse_parameter_memory_size=64 #MB -fi - -set -ux -check_iplist - -distributed_args="" -if [[ ${NUM_CARDS} == "1" ]]; then - distributed_args="--selected_gpus 0" -fi - -node_ips=${PADDLE_TRAINERS} - -distributed_args="--node_ips ${PADDLE_TRAINERS} --node_id ${PADDLE_TRAINER_ID} --current_node_ip ${POD_IP} --nproc_per_node 8 --selected_gpus 0,1,2,3,4,5,6,7" -export FLAGS_eager_delete_tensor_gb=0.0 -export FLAGS_fraction_of_gpu_memory_to_use=0.1 -export NCCL_IB_GID_INDEX=3 -export NCCL_IB_RETRY_CNT=10 -export FLAGS_sync_nccl_allreduce=0 - -BATCH_SIZE=1250 -python -u ./src/launch.py ${distributed_args} \ - ./src/train.py \ - --src_vocab_size 37007 \ - --tgt_vocab_size 37007 \ - --train_file_pattern 'data/translate-train-*' \ - --token_delimiter ' ' \ - --batch_size ${BATCH_SIZE} \ - --use_py_reader True \ - --use_delay_load True \ - --nccl_comm_num ${NCCL_COMM_NUM} \ - --use_hierarchical_allreduce ${USE_HIERARCHICAL_ALLREDUCE} \ - --fetch_steps 50 \ - --fuse ${FUSE} \ - --val_file_pattern 'testset/testfile' \ - --infer_batch_size 32 \ - --decode_alpha 0.3 \ - --beam_size 4 \ - --use_fp16 True \ - learning_rate 2.0 \ - warmup_steps 8000 \ - beta2 0.997 \ - d_model 1024 \ - d_inner_hid 4096 \ - n_head 16 \ - prepostprocess_dropout 0.3 \ - attention_dropout 0.1 \ - relu_dropout 0.1 \ - embedding_sharing True \ - pass_num 100 \ - max_length 256 \ - save_freq 5000 \ - model_dir 'output' - diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/README.md b/PaddleNLP/Research/IJCAI2019-MMPMS/README.md index aaa1b5b85a655dcd4cc6fb3fd6669807d6c905e2..5cbe1dc7471272fd92667df50cc8f06ac570f16c 100644 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/README.md +++ b/PaddleNLP/Research/IJCAI2019-MMPMS/README.md @@ -1,81 +1 @@ -# IJCAI2019-MMPMS - -## 1. Introduction -This is an implementation of **MMPMS** model for the one-to-many problem in open-domain conversation. MMPMS employs a *multi-mapping* mechanism to capture the one-to-many responding regularities between an input post and its diverse responses with multiple mapping modules. MMPMS also incorporates a *posterior mapping selection* module to identify the mapping module corresponding to the target response for accurate optimization. Experiments on Weibo and Reddit conversation dataset demonstrate the capacity of MMPMS in generating multiple diverse and informative responses.For more details, see the IJCAI-2019 paper: [Generating Multiple Diverse Responses with Multi-Mapping and Posterior Mapping Selection](https://arxiv.org/abs/1906.01781). - -

- -

- - - -## 2. Quick Start - -### Requirements -- Python >= 3.6 -- PaddlePaddle >= 1.3.2 && <= 1.4.1 -- NLTK - -### Data Preparation -Prepare one-turn conversation dataset (e.g. [Weibo](https://www.aclweb.org/anthology/P15-1152) and [Reddit](https://www.ijcai.org/proceedings/2018/0643.pdf)), and put the train/valid/test data files into the `data` folder: - -``` -data/ -├── dial.train -├── dial.valid -└── dial.test -``` -In the data file, each line is a post-response pair formatted by `post \t response`. - -Prepare pre-trained word embedding (e.g. [sgns.weibo.300d.txt](https://pan.baidu.com/s/1zbuUJEEEpZRNHxZ7Gezzmw) for Weibo and [glove.840B.300d.txt](http://nlp.stanford.edu/data/glove.840B.300d.zip) for Reddit), and put it into the `data` folder. The first line of pre-trained word embedding file should be formatted by `num_words embedding_dim`. - -Preprocess the data by running: -```pyhton -python preprocess.py -``` -The vocabulary and the preprocessed data will be saved in the same `data` folder: -``` -data/ -├── dial.train.pkl -├── dial.valid.pkl -├── dial.test.pkl -└── vocab.json -``` - -### Train - -To train a model, run: -```python -python run.py --data_dir DATA_DIR -``` -The logs and model parameters will be saved to the `./output` folder by default. - - -### Test -Generate text result to `RESULT_FILE` with the saved model in `MODEL_DIR` by running: -```python -python run.py --infer --model_dir MODEL_DIR --result_file RESULT_FILE -``` -The `RESULT_FILE` will be a Json file containing the input post, target response and predicted response from each mapping module. - -Then evaluate the generation result with the following command: -```python -python eval.py RESULT_FILE -``` - -**Note**: - -- The data files in the `data` folder are just samples to illustrate the data format. Remember to replace them with your data. -- To use GPU in Train or Test, please set the `GPU_ID` first: `export CUDA_VISIBLE_DEVICES=GPU_ID`. - -## 3. Citation -If you use any source code included in this toolkit in your work, please cite the following paper: -``` -@inproceedings{IJCAI2019-MMPMS , - title={Generating Multiple Diverse Responses with Multi-Mapping and Posterior Mapping Selection}, - author={Chaotao Chen, Jinhua Peng, Fan Wang, Jun Xu and Hua Wu}, - booktitle={Proceedings of the 28th International Joint Conference on Artificial Intelligence}, - pages={ -- }, - year={2019} -} -``` +This work has been moved to new address: [NLP](https://github.com/PaddlePaddle/Research/tree/master/NLP) diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/data/dial.test b/PaddleNLP/Research/IJCAI2019-MMPMS/data/dial.test deleted file mode 100644 index 189545d5b21a7540f311933ad7963bb55497e1b1..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/data/dial.test +++ /dev/null @@ -1,1000 +0,0 @@ -no headed goals , woj scored me a pk . i 'll play the other two rounds when i have time . did you make the same team or put in different keepers ? -i ca n't stand her at all . i think she 's the worst companion in all of the dragon age games . i hate her as a person , but i like her as a character -the embargo on cuba has been lifted very recently , i think americans will be able to travel there freely when airlines and such are ready . regardless , i have american friends who have been to cuba in the past couple years . has n't the loophole always been that you have to come in from another country ? -they pay you cash for your time , not the product i never got cash . they loaded a prepaid visa gift card . -the cops will flood it with garbage content , i guarantee it . but where will they get the water ? -you should be proud of your decision . purple pride ! -here 's a tip - medium heat , do n't overlook them . they get rubbery . low heat . high heat leads to uneven cooking . -fix was 13 hours ago . this was posted 1 hour ago . he is a cheater . how do you even cheat it ? -in the messaging settings there is a backup option yes ? also another sim option as well . open the sim option and there should be the notification option . try . could you provide a screenshot ? all i see is download sms , backup sms , and group text . -too bad this hurts a child that did nothing wrong . part of the reason i 'm pro abortion . i do agree , but considering in op 's post he mentions soon - to - be i 'm guessing the child has n't been born so adoption is still an option . she does n't have to keep it . -what would you reroll if you had to make a choice ? cdr , sorry for the long drawn out answer -stories like this make me afraid to buy or sell stuff on craigslist . i 've gone to people 's house after checking the area out on street view . but normally i like to meet in public spaces . -mod team face turn ? it 's like triple h being face , it 's fresh and new but just does n't seem right more like the big show . we did this last year too . we 'll be heel in a month . -takes a certain kind of fool to believe that there is any hope of him coming here . fortunately for the rest of the league the wiz fo just happen to be those fools to be fair , the cavs and their fans were looking a lot like those fools right up until the announcement . admittedly he has a lot more history here , but there 's always a chance -after watching the shock wave from the volcano eruption , i 'd be worried about running rather than recording , plus you know , deadly ash cloud because with a head start they can beat the shockwave . -my mum more than made up for it . but it was hard i can imagine . i got lucky , i seriously can not complain about home . -do n't be a creepy fuck do n't be an asshole . so some dude wants to post a heartfelt thing to arin on a sub that has next to no activity in it . big deal . -maybe that 's it . now i really want to wire some small speakers into there xd and some good led 's . that would be simply the best thing ever . you could play some spaceship engine noise or something . -what software are you using for note taking ? onenote , both the desktop and metro version . -im a quarter of the way through midnight tides and this series is pretty much the greatest . series . ever . i wo n't hype the second half of the series for you , but i think you 'll enjoy it if you 've liked everything up to that point . -pretty sure colon can also beat gentry in a straight out sprint from what i 've seen from the big man this year . if gentry was n't really fast i 'm guessing he would of been sent down by now . still a good asset to have when you need a pinch runner in an important game hes not starting . -that is a very well stated argument . though we may not necessarily agree on this topic , i always enjoy an intelligent debate and can understand your point of view . i 'll be the first to admit it is complicated . -true . i do n't expect the diablo map for a while , so that might come with the launch instead of a hero . it says on the news post that the game will launch with 7 maps so i would n't count on having a new map by then . maybe we 'll get a new diablo hero before then though . -newish to cricket but why is everyone saying its irony that ab got run out ? because he 's the best fielder in cricket , created many run outs -just test them on a virtual operating system . it wo n't work . -davos told him to keep the coast on his left side . they are on an island . gendry has been rowing around the island this whole time . except he told him to go west first for a day and a night until he hit the coast . -i agree ! white chocolate is n't chocolate . and low quality white chocolate is a vile substance . oh god low quality chocolate in general is terrible , it 's just sugar . i might as well just eat a few tablespoons of sugar from my cupboard -that would be a matter of some definition . in my personal experience many of those diagnosed with bpd feel the urge to help people . work in social settings . i think this is very nice . i work in the mental health field and everyone says i 'm extremely nice but i know they also havent seen that side of me -but the band sucks , and they have n't produced anything worth listening to in 25 years but they still have a plethora of work to pull from , from 1983 - 1990 , and plus , i hear that they 're great in concert -sadly it 's not things that do n't interest me i think i have a vitamin d deficiency which makes me lack the excitement that some have do n't fall into that pit . too many people already think that everything in life has to be exciting . there are plenty of things that are interesting without actually being exciting . -they are overflowing in nyc . they are not even made from real canadians ppl . was gonna say this . went to new york and saw more people with canada goose jackets than the canadian city i live in -human centipede 2 . the entire movie , but really so when the fetus gets stomped . i wanted to cry . when i saw this for the first time i did n't know how to feel . it was a mixture of disbelief and sadness . -fair enough - in my case i generally drink only water and coffee and dont 'really snack . just seems high 2100 may be a little high if you want to drop weight at a decent rate at your size . -what 's pink and makes red bubbles ? a baby sucking on a razor . holy shit i can barely leave that on my screen long enough to say what an awful joke that is . fuck , man . -no , no . you 're drinking the blood of christ . perfectly normal , perfectly sensible . can i find the body of christ in a bottle of colt 45 at 3am on a tuesday night ? -yup , season purpose is to reset everyone on the same level . your not obligated to play it , but its had a entire new dynamic to the game . so i made a witch , and currently im at level 12 in seasonal , and it feels basically the same . what exactly is the difference ? -what servers are you on and what hours do you play since i can only play 2 - 3 games in the week and saturday but the whole sunday europe west mostly , we play after 15 gmt mostly , but there is no restriction , as long as the 5 teammates are on and ready we can play anytime . thank you for your interest -why dont they give it to him in the post and clear out , every play ? he 's a lot more efficient on the pick and roll than in the post and needs to improve his passing out of the post for it to be a solid first option . -how is norway spending it 's oil wealth ? are the oil profits going mostly to the citizens of norway ? that is what would determine if it is a socialist state or not . the question you should ask is most of the assets in private hands and does the free - market set the prices . this is the case in norway , in other words a capitalist state . -for gods sake , one should think we are signing a trade agreement with north korea . it 's not about who we are signing a trade agreement with . it 's about the sketchy conditions that got lobbied into that treaty . -everyone who upvoted this post thinks frightened cats are adorable . let that sink in . this is n't cute . this is just sad . or y 'know , just do n't know that this is what cats do when they 're scared . -yeah they are pretty cool , not very usefull but cool af . i ca n't remember the name but it was one of the really expensive brands that had art like boats n shit on the dials , those had to be my favorite watches of all time lol -but what about the other gods ? h would have the holy spirit , j would have jesus , and s would have super mega death christ . god , by definition , beats everyone . including the smaller aspects of himself . even super mega death christ , as hard as that is to believe . -keep frozen you goon . that means do n't leave it in your fridge for days before you cook it . you still thaw it out before cooking like every other meat . -fucking pisses me off , that every freaking charm thingy is limited to all pick . wake up valve , not everyone plays all pick ! because people would abuse it , think with your head -dude you ever try to shoot odd job in goldeneye ? kid clearly had the advantage . the child is the best one because he is the smallest and hardest to hit . -as peter parker before , he was ordinary . now , he is peter parker as spiderman , he is extraordinarily ordinary . til i 'm a superhero -tell me about it . we do n't say cunts all the time here in aus . the rest of the world acts like little kids saying it . i get so pissed off when i see that about australians , especially when it 's us scots that say cunt the most . -this is why the ak is the worlds most accepted rifle . it works in and out of water , it works on fire , it will barely ever jam . what gun would n't work while on fire ? i mean , it 's a simple machine with moving parts . if the parts move what does it care if the front of the gun is on fire ? -oh , is she ? i did n't know that . damn , there goes my dark horse prediction . oh , man , i 'd love to get lindsey back , though . probably wo n't ever happen but i 'd love it . -wait , so do you just buy it and take it or can you eat it there ? the cheese is a big box , you buy and take . but the ice cream is sold in small cups . -of all the policies that should be left to rot in the sun , this is one of them . the other one is the rest of them . -we arent fighting with fucking swords and old school steel armor here . honestly , the only reason i read more of this thread is because of your responses . it is hilarious seeing people tell you that what you have actually seen is wrong . -how do you feel about capitalization ? yes , we do enjoy capitalism . -after reading and really liking sphere , i just have to check out the deep . underwater stuff is creepy as hell . it 's sphere on pcp . hope you enjoy it ! -what 's up with fabregas and the mask ? he takes it off at half time every game . he has a twin brother with a mole on his cheek , this is how he makes sure he can make it through an entire match post - january -her son 's a murderer ; do n't feel bad for her . feel bad for hae 's mother . i 'll feel bad for whoever i want . and i feel bad for both adnan 's mom and hae 's . -is that a raw egg on top ? it comes out hot , with the intent that you toss it before eating in order to cook the egg . i promise you that it works , with the resulting sauce being thick and delicious . -yeah . i had n't wanted to read for fun in a long time before your story came along . it revived my childhood love of reading . i second this . i have n't read anything just to enjoy it for a while before this . honestly it 's fantastic -sex is our principal driver in most everything . what do we expect from each other ? compliments on our intellect ? that 's not happening . maybe not for some . for others there are more important things than outward appearance and sexual appeal based on it . -surgical extraction , archive trap and waste not . your closet consists of 3 different shades of black . -frugal aside , adding some spent grain to bread is delicious . i 've tried this . was not delicious . had to throw the loaf out . -pancakes . or crepes , with nutella and whipped cream . do you have any particular pancake recipe ? we seemed to try a lot of different variants with our pancake batter but it did n't always work out quite right . -god everyone on this blog is so obsessed with the stupidest media shows . scrubs ? futurama ? are you fucking kidding me these shows contain some of the worst writing in tv history yet somehow people still manage to enjoy watching it . so tired of pretentious people pretending to be critics . -i 'm not saying i have them all saved to my desktop in a text file , but there 's one particular text file i 'm trying really hard not to click on right now . you need to practice a bit of discipline , find the most 1337 multi - pass shredding program and destroy it . -what kind of non - essential travel do government officials use on the tax payers dime ? for example , going to a conference might be paid for out of a budget for professional development , but it would n't be considered essential . -you may be right but that is a terrifying idea . an idea that i hate . the thought of not having a physical thing to store memories such as photos on definitely is , to an extent were already moving towards this as well . -if they 're not going to get much stronger why would a character bother to mention that they 're going to get stronger ? it 's pointless to bring that up unless its significant . idk . i mean superman 's called batman the most dangerous person on earth , but it is n't true . -you . me . anyone else who wants in . we fucking build one . we do it , as a fucking team . lets draw up some blueprints , people . we could probably buy a real crack house for less money over on the west side . i still think these are totally cool . -if that entity has robbed me at gunpoint and spent a fraction of that money on roads , then yes . i have that right . makes me excited for net neutrality ! -yes ! 16gb should be standard for every pc if you ask me . well , only if you 're an editor . if you 're an average person , you do n't even really need 8gb . -asshole , he killed himself because of a mental illness . we need more mental health awareness not this junk . yeah , we need more awareness of actual mental illness and how to deal with it . there was nothing remotely mentally i 'll about him . the fuck is wrong with you ? -sure i 'll add you thank you for the egg ! -thanks , now any suggestions on how to stay in the present moment ? cause that 's what is killing me at the moment . meditation is my suggestion . start with 5 min . work your way up -excellent . thank you . i 've only ever gone there for early morning soccer games , so i 've never seen their projector up and running for special events ! ditto , but i 'm sure the playoffs would be enough to make the projector have an evening appearance . enjoy the game ! -as a fellow halo fan i feel your pain , but please , we really should n't be asking for the abomination that is halo online . ms might get ideas . i feel like spartan assault and halo online are created to test the market . although , spartan assault was a real game that actually was pretty fun , especially for the price . -you do n't have to apologize to me , but thank you anyways . it was n't an apology , really , as i did nothing wrong . more of a gentle correction . i act too canadian . -because this is n't a fairytale . you do not have a right to do whatever the hell you want and not suffer the consequences of your decisions . what does that even mean ? what actions are you talking about ? -i 'm only scared of them stinging me , because that hurts like a bitch . never been stuck . though once our neighbors had an infestation of african bees that almost attacked me and my family while swimming . also it 's possible they killed my dog . -you must have sharp farts . iunno , kind of flat . -ayyy all my family is on that border . all split between bears and packers fans . they look at us like we 're crazy when we talk about the raiders i do n't care where you are from , you start talking about the raiders and i assume your crazy . -what 's the point of bill do n't lie if you 're still doing basketball stuff on bs report . i 'm never going to say no to more basketball talk , but just curious what 's the point . sponsor money ? -the runes are for mid lane diana . i think having armor is really good in the jungle so that the damage is soaked up , especially early game . cool , you just talked about using diana in the jungle higher in your post and then only listed one rune set up so i thought you meant the same for both . all good . -its actually normal if you grow a non auto plant for 5 - 6 months we got our outdoor in already and got till late october till pull . trees sir . they turn into damn trees . -any good guides on this game ? i ca n't get past the fight where you fight 3 clones of them all at once . i had the same issue until i realized how useful pearl 's spear throw was . -ah , that 's what i meant . i got it confused with a local restaurant that i went to all the time in college . both places do well in promoting the panda cause . i like to eat panda express when i go to the mall . it 's ideal mall food . -did you get past act 1 atleast ? i got to the part where it focuses on the weird people with the grey faces . -i really feel like you just do n't know how to play against poke comps then . care to explain ? genuinely interested . -i had that in a game too , but i was able to kill them all in spawn . i think it was from the valve servers . how many were lagging out ? is it not possible it was someone on your team causing it ? -single player maybe , but the horde mode in 3 was by far the best . also lol at losers down voting an opinion . i always forget what a bunch of fanboys are that use these boards . horde and story mode are pretty much irrelevant in a gears game . it 's all about that multiplayer yo . -living well is the best revenge . revenge is a dish best served by my cold , dead hands ! or maybe we 've gone to far with this . -i would guess the long beach comic expo . but i still wanna know how much they cost ! originally 15 for each but since i bought them all he gave them for 12 each ! -every time they poop it 's the kind of poop where you keep wiping and wiping and your anus gets raw before you 're totally clean . i 'm more of the finger - breaking - through - toilet - paper fan myself . -love lisa . since 15 dec when i got her i 've logged 1700 miles . i ride almost every day . she 's so comfortable and easy to handle . glad to hear it ! stay safe out there . -the hunger games . i did n't really like the books , but i think the movies are spectacular . i 've never read the books but literally fell asleep watching the first one after hearing all the hype . -what movie is this from ? that particular scene is from spirited away . -nope ! silly ai pilots never know how to turn . ah , well done then . -perfectly decent . if that were a baby 's butt nobody would protest . it 's on you if you ca n't look at someone 's butt and think sex . so if you were at work it would be perfectly okay to pull up a picture of an ass with your boss watching ? -it 's clearly just a black and blue couch . nah , it 's white and gold . -i dont know why thats shocking : d i 've never met someone else who shares it haha it was a surprise -im getting this comment a lot . my sister and i are both girls and we share a bathroom . theres a shower curtain so its not like she can see me or anything . its not weird lol i think it 's weird to some of them because they assume you 're male , where it would probably be a lot less weird if you 're female . -bullshit . ex - officers work in business all the time . it 's a very transferable skill set . yes , and iraq is teaming with businesses that require high level management . -they captured sociable goats alive , fixed tracking devices to them , waited for the goat to make friends and then killed its social group , repeating the process every two weeks . i hope they at least used the bodies , that 's a lot of meat -i 'm just asking because i 'm in germany and the aldi here has just shit plastic bottle beer . wow really ? yeah they sell generic own brand shite too , but the vast majority is pretty damn good and they also have a good wine range . -sometimes restarting your computer can fix the problems with hosting . i forgot to mention a restarted my pc a few times since last night and this morning . now , i am currently hosting train heist again to see if the problem will fix itself . -ah , that makes sense about the rent . i wish i did n't need to work . i would instead spend my time trying to make other peoples lives better . lil dream of mine i guess . i 'd like to think that if i did n't have to work i would spend my time helping out other people but realistically i would probably turn into gollum . -log was s splendid choice , laughed so loud i ended up being stared at in the office . did n't make things any better for myself when i tried to explain . great work ! hah , it was the only choice ! i started doing the voice i needed in my head , and it was log 's voice . -i can watch youtube 720p actually . and yea netflix works , hd doesnt kick in until halfway through . and gaming is fine . i get around 70 ping . but hows the voip in game ? -what are the effects of brim and anti gravity ? does it stick for a few seconds like normal tears ? yes , it creates a cool looking swirl before spitting out the normal brimstone beam in the direction you put it in . -in context there 's nothing in the verses that cancels out the concept of jesus as christ and son of god member if the holy trinity . really , why do christian scholars like john meier , ep sanders , dale martin , etc do n't find that . actually consensus in biblical scholarship is opposed to your view . why ? -really ? well danish , swedish and norwegian is pretty close , so i assumed finnish was aswell . oh well , thanks for telling me yeah and i want to clear out that finland is not even part of scandinavia . -can there be a mod where a tech is a delorean , and you can turn back time to a previous age and redo some things ? i guess that 's just loading a new save . now that is an interesting idea ! -killing a fetus or an embryo does not equate to killing a fully developed human being . get over yourself . in your horrible and selfish opinion . -i love this game . it 's like sudoku only with colors instead of numbers . yep . and now you can try and beat the time . beautiful game . -how does the defense score a field goal ? colts had two interceptions and two fumbles . i think one of them was in field goal range , their offense could n't move the ball and they got the field goal . -did you watch the full video ? if you did , rewatch it and keep your eye on godin . specifically rewatched it because of your comment and he always ends up in someone 's face but he 's not pretending to be held back ever ? -do n't be that guy . i vote we ban him . -most my clan does n't get on til later . i 'll try to put a group together and message you if i 'm successful that 'd be awesome man thanks a bunch . no worries if it does n't work out i appreciate the thought . -but you do n't buy games . you buy the right to play it edit : not saying it 's okay just saying it 's true i bet that joke kills at the rockstar board meetings . -remember when president george bush 's white house deleted 22 million emails ? nothing happened . sounds about right . hillary and george bush are two people i would never want to lead my country . gotta love american politics , where you 're stuck between a rock and a rock . -six months ago . my favorite thing on reddit is helping out with this sub . this mod is awesome yo . all nice to people and shit . -you should be a mod . you make awesome comics . i wish i had time ! have n't made a comic in a bit . but i am in school for animation so maybe i 'll post something up that alley soon : p -only chatter and grinder left , i 'd like to sell the keys for pp myself fine i guess , i have rep if you want . i 'll leave it up to you ! -i was wondering how they managed to talon me when i was so far away , being out of stamina has gotten me killed a few times right before i reach the fence area . immovable from the heavy armor tree and retreating maneuvers from the assault tree are your best skills when running from guards . -go the fuck home ? hell i wish . my supervisor just called and approved overtime for this job alone . haha whatever it 's good money . -ah , cool ! are you independent or do you work for a studio ? i just tinker around with it . it 's not my job or anything like that . -i 'm searching for reason to explain my alcoholism since i ca n't use football as an excuse for drinking for a while . yes you can . kevin steele as dc is enough reason to drink until august . -well how did it end ? do you think there is a possible chance that you could get her back ? well i do n't want to get too into specifics but we did n't end on bad terms or anything . i do believe i can win her back . -who the fuck is 5 seconds of summer ? semi popular boy band of the moment , give it a year and they 'll be forgotten . -when do you have to go ? i 'm going to union station by car around 1pm tomorrow . please do n't murder me if i extend this offer . any time in the next two weeks . tomorrow is a bit short notice though . thanks for the offer ! -for science of course right ? yes . all for scientific research -why would you buy a peripheral douche - accessory instead of upgrading a phone that was initially released in june 2010 ? apple user . -man did we go to the same high school ? instead of republicans it was conservatives . yeah just started university and its the same boring shit as high school . i am pretty sure republicans and conservatives are the same thing . i 'm a 17 year old junior in highschool . -league of legends and csgo . tried to watch sc2 but got confused . i like watching lol occasionally but i find myself having trouble understanding what 's going on a good portion of the time . any tips or resources out there so i can enjoy viewing more ? -i already conceded that it is generosity , i 'm just saying if you look at in the context of the massive amount of cash he had it 's not a big deal . ah my bad , then it appears we agree . -bastion imperial , if you hate yourself go with pub side . by 11pm the teenagers are in bed . i 'm on bastion , imperial . overall , the community is okay . i 've come across some very nice and helpful people . sometimes you get the random jerk but i would think those are everywhere . -feats of strength ? ca n't go passed being a male cheerleader , or a gymnast , or climbing radio towers for work . do people ever give you shit for being a male cheerleader ? -great - and all i get if i grow a full - blown beard are funny looks i 'm not really a fan of the beard on most , to be honest . do you grow sparse hair or ? -meanwhile , in portland oregon , we would kill for a stadium exactly like what another city tore down because they did n't want it anymore . i hate living in cities without people with vision . stadium maintenance and upkeep is expensive . unless you can consistently pack the venue with money making events , it is a drag on the city . -how big is that thing ? it got threads for a landing gear lol which is stupid . they 're heavy and rotate too slowly to allow you to land at speed - not even the biggest , slowest planes we have now use them . -dude , you are all over this thread making yourself look like an ass . well played . well reasoned response . love the effort . -no worries i totally get it now . a great strategy syncs you 're carrying it with no sheath . makes sense . stole it from someone else on reddit actually . it 's fantastic . -we had an idea few years back to name our band , kosher bullets rock on , dude . -also he 's a really good playmaker which is never a bad thing to have . yup . dendi is not a bad player ; he 's still one of the best mids around . add in the fact that he 's the most well - known dota player in the world , and of course they have to keep him . -i do n't really have a problem with high schoolers sexting other high schoolers , but the cops will . the real problem is if it gets into the hands of adults . and once this kid is an adult if he just never threw it away and it some how gets discovered then he 'll be screwed for life . -seems at least a 1000 or so other posts would disagree with your saying it 's not a big deal it 's always the vocal minority . a vast majority of players are doing just that - playing the game and not bitching about it . -what kind of bullshit did i just read ? op is so full of shit haha . time stamp or did n't happen . either way , op is a bundle of sticks . -everyone in brazil would like to have a word with you . brazil ? and here i thought we were talking about americas beauty standards on women ? pretty sure brazil had little to do with any beauty criteria women have in the us today -where can i find commie 's subs ? thanks in advance for helping an anime noob . it would be against the rules to link them . a short google search should have plenty of results though . -great tip , i have started running hide automatically thanks to you . found hide automatically when i picked the game up and have n't went back since it 's an amazing feature -oh god i 'm scared , i have n't done any biking for the past three months and wo n't be able to for another few because of winter . i 'm in that same boat , but i got some bike rollers for christmas and i 'm trying to get back to where i was . -so . much . roast beef . do n't you mean a shredded pork sandwich ? -hate is from high school kids and college freshman that ca n't use it for classes . edit : i know to use the sources that wiki links to . it 's how i got through philosophy no the hate is from the teachers and professors who wo n't let students source it . -potheads bragging about how much weed they smoke . you 're not edgy and no one cares . i do n't think that many people consider pot edgy . it 's used for medicinal purposes for christ sake . -it 's the inaccuracy of the grad that he 's implying i think . which is a fair point but war is war . i understood his point , but inaccuracy is not a problem if your target is far from civilians on open terrain . which , of course , is not necessarily true , but it 's possible . -who did everyone pick for tomorrow ? i picked chris cole but it was tough because moose has been doing better and better each year and usually gets stuck battling somebody really good . i had moose , sometimes cole is pretty inconsistent and moose always seems to be on his game . -oh look , another one of these threads . listen , if people do n't want to see button - in - spirit posts , the community will downvote them . i really think that op has a very good point . for example , op 's post is n't on - topic , since it 's a discussion about subreddit rules instead of focusing on the one true button . -not super necessary , nice thing to have though that 's for sure . drive yourself into town on days off , do n't have to worry about your tent blowing over when the weather 's shitty , etc . ya thats what i was thinking . i am going to have to buy a vehicle eventually , may as well be one i can live in ! -because for a lot of pet owners , american anyway , it would be the equivalent of asking to buy their child . lol . no it 's not . the only american thing about this is people like you overreacting to something so stupid . -what 's wrong with opal acorn ? it is great for team fights . you 're relying on your dash to deal damage and takes way too long to come online . -seams to handle mostly about the eu and not the whole europe as the title suggests ? eu is now europe . norway is africa . switzerland is africa too . i 'd have thought you lot would have noticed , what with being their neighbours an 'all . -how do you know he was n't a danger to anybody ? he was a big pissed off looking drunk dude you 're not allowed to just tackle people who you think maybe might be dangerous . -at least they treated her the same way as a man . personally , i think it would be better if we just changed the law . nobody should go to jail for an inability to pay support . that 's probably not a good model in a world where the state ca n't provide good care . -was thinking the same , although i saw from next weeks sneak peek he is in it . thanks man i totally missed the preview ! -that toews bobble - head though : d nice setup too haha ha , yeah . i got it a few years ago at a game . go hawks ! -i think this is what arrow could be if they had no limitations . both with warner brothers , cable and the cw . not to mention , if i wanted to watch a batman show , i 'd watch a batman show . -when i was living in wisconsin , i arrived at work one day and found an icicle in my purse . good thing it was still ice when you found it . -you think this man is human , to do something like this ? i think he 's deeply disturbed and should be locked in prison for life , but to take away the rights of one man could lead to the rights of others being taken away . -ya it certainly doesnt help when you start playing only on the road vs mostly good teams but oh well , long season at least nearing the final stretch you 'll have a lot of home games -where 's the paywall ? the video on that page plays just fine for me . oh , the second one is a members vid -texan here , really attacking anything in texas is a bad idea . must people have guns and will shoot you back . you will be outnumbered what about the alamo ? -ca n't . would be too big in waist . my prob is small waist and bigger butt or hips too . belt ! -why are you glad it is gone ? has a great contract . fair contract yes but to small . i feel like size was needed . -ray allen . just watch , he 'll sign with a team once the rest hang it up . that 's what people said about reggie . just wait ; i think his retirement is for real . -it actually is literally hurting someone ! i 'm in such pain ! -completely unexpected gold is the best kind of gold . gild someone you just argued with about something completely meaningless , it 'll confuse the shit out of them . hey man , fuck you and your opinions ! -so is cincinnati . the queen city bowl was they called it when we faced the bengals this past season and it was a tie , so both teams are still allowed to use the nickname . -i 'm not sure i can believe that greg has denied his sons existence because he feels more important with his second family . that 's probably a good thing . it means you have n't been jaded by life . there are a lot of people who abandon their families out there . -i 'm leaving for my own job aboard a cruise ship in about a month ! if you 're living in america norwegian cruise lines regularly hosts job fairs for its hawaiian ship all around the country . seems like there is n't a job fair going on in my area . any other recommendations ? -according to the literature that this community basically accepts as gospel , the wall is usually at 23 . saying it 's 30 or more is accounting for outliers . the wall varies . i personally know a woman who is 36 and has yet to hit the wall . actually looks stunning if that 's the word . depends a lot on their lifestyle day in and day out . -and that kakuna is n't even alive anymore . all has gone to shit . the thing we fought so hard for is dead and all the deaths were meaningless . as is war sometimes . again , this is a much darker tale . i feel as if their will be more casualties later on into the game -because it takes a long time , and i have lost three jobs because of a random mention of code geass and then having to sit through two seasons . sounds like you need to work on your priorities . hell , i 'm watching through yu - yu hakusho because i never finished it as a kid . and i have a shift job . -no contracts , unlimited 2g data , unused 4g data rolls over , all for less than what verizon , att , and sprint charge contract buy outs from competitors . -ahhh , okay , i 'm unfamiliar with baseball . so that 's not an unorthodox strategy and it 's pretty fundamental ? yeah . depending on the base runner situation , players will routinely shift positions into different areas of the infield when a ball is in play . -i count 6 on each but they are in desperate need of tightening . edit : is that 7 on left ? hard to tell , either way no way in he 'll are they identical . there are 7 wraps on the furthest coil , 6 on the closest edit - yeah the opposite side coils leg is wrapped tight while the near side coils leg is further away . -i live in reality , i just finally made the decision to shake my training to always worship the flawless and perfect female like you seem to still do what an absolute fanny . do you ever go outside ? into the real world ? i see a lot of this bollocks on reddit and never encounter it in real life . -that was so sick at 1 : 00 when the dude casually takes a photo as he 's duck diving actually thats the shot at 1 : 45 seconds its the same wave . that was his friend trying to film him while duck diving haha ! -whats the pvp meta range ? there is n't one . i would just level until i 'm satisfied with the build and then throw on the agape ring . -nope , have maybe 5 times in the past . now it just gives me panic attacks . yeah stay away then because it 's even more unpredictable while tripping . i used to have that problem too . -i 've always wanted to live in chicago . winter lasts for about 7 months . it 's horrible . and while the few summer months are great , it gets so damn hot . and humid . do n't move here -well , most trans people who pass do n't want anyone to know they are trans , so it is hard to get a number on how many there are . well , does this mean i have to confirm everytime i want to make a move on a girl , that she is infact all girl ? -you might wanna not pay attention to those silly odds , imo . you 're right , i think it 's just to show how big of a game that really was . not that anyone already posting on a celtics sub was n't aware of that . -what movie is this from ? big hero 6 . -that sounds like an awesome night ! haha indeed it was ! all week i 've been in a great mood . for whatever reason i feel more confident since then ! -it basically does on the standard early access disclaimer . maybe op just thinks there should be more sentences in all caps ? considering this image has been posted a shit load since the game hit steam and op is way late , i agree with you . -cannot tell you how many family members who did n't go to college openly criticize my choice to go to grad school as a waste of time . i did go to grad school . in terms of improving you earnings , it probably is a waste of time . in terms of putting off the real world , though , it works wonders . -is that a wood brothers car in the penske shop ? yes , i was surprised to see it in there . i mean it is a ford , and it 's penske 's driver , but still . maybe the wood brothers are letting penske prepare the 500 car . -to be fair carter was one of the worst presidents ever . to be fair , he was an ineffective president . bush jr . was more effective , and far worse . -absolutely do not pro him . your deck is already crazy unbalanced as it is , adding a pp wm card makes it even worse . he does n't have any wm cards -of that list moon is the obvious goat , without question . i 'll take night train randle and even kurt over moon -thanks for the blog . you do n't have to be so rude about it , i could n't find anywhere else to post something like this . -a few weeks ago , i dreamed i met some of my online friends all the way from america the first time . it was wonderful . i would choose this moment as someone with internet friends , i totally agree . i 've dreamt it before and it 's amazing . -i plan on watching whiplash tonight . will this short film spoil plot points from the feature , or is it completely different ? the short is pretty much a carbon copy of one of the earlier scenes in the movie . there are n't any major plot points that get soiled , it 's mainly just establishing fletcher 's character . -i hope the new dudes use double character text for all their trolling . that makes me want to start typing all of my shit in double char . -is that the show with brand new ? i 'm going to get a hotel for four different shows that week . i would n't mind other people crashing . nooooo , that 's not til wednesday . ah i remember talking to you about that ! i decided to drive up to slo to see bts headline instead of open . which other shows are you going to ? -i 'm guessing the shadow is from the arm of your chair ? nope ! that 's actually the cup 's shadow . edit : see my above comment . obviously it is n't the cup 's shadow . i was slightly inebriated . cut me some slack on the downvotes y 'all . -it can work and is surprisingly accurate in a quick bursts but destroys your economy and you move super slow with it . plus at higher ranks you will probably get out - aimed by aks and colts . colt ? just call it an m4 , this is not source . -les - be - honest , we 're all waiting for the sequel ! i 've already agreed to see it in the theater with my wife and one of our friends . the first movie was fun ! i would n't buy it , but i wo n't turn down watching it . -18 million sounds so cheap , yet i consider the effects in that movie to be incredibly on par with today 's movies with ridiculously higher budgets . i never watched it . is it a cult classic ? is it like me not watching the matrix for 10 years ? -hey , anything to justify having a fat wife i guess . what 's wrong with having a fat wife ? fat chicks can be pretty hot . -maybe i 'm being naive on this one but he seems like the type of guy that would agree to a cheap contract just to stay in boston . one can only dream right i hope so , love the guy -i hope you 're in a state that requires inspections . that car should not be on the road . realistically it probably wo n't hold till inspection time , unless its this . month -i would n't have thought so . you 'd have mod privileges in that subreddit . interesting ! i want to post images on how to paint . 9 minutes encourages me not to teach art to those that want to do art right away without experience -sticky keys or foot paddles will solve this . it 's almost as useful to make the capslock key a control key . -i bought a couple from japan and it 's in transit . looking forward to seeing how these are different to regular hyper mats out of curiosity , where did you buy them ? -wearing a pad at night is a solution that people keep overlooking . i feel like you 've never tried to sleep while wearing a pad . -nope , only the gt 's are black . different front grill all together . dang , i think the matching color looks a whole lot better , i wonder why they did n't do the same thing for the gt . -if you can find his nose . now we get philosophical ; if his nose is part of the mess , can we rub his nose against itself ? -when i was there , soccer teams played on the common and at other universities fields , but i 've read that 's changed over the years . your post made me wonder if that much had changed , hehe . possibly ! i was there over a decade ago . -i ca n't give you beef man , i 'm half buddhist . i will have the full force of your beef in my mouth before the night is over , buddhist or not . -it was a 1 shot head shot or a 2 shot body shot . not op in my opinion , but the devs thought otherwise 3 shot head shot and 4 shot body shot seems reasonable , but i digress . -any movie can be improved by leaving jaden smith and will smith out of it . will smith has done some decent movies , jaden only movie that even qualifies as decent is the karate kid remake and that is just because jackie chan is in it . -i 'm canadian . canada is extraordinary . maple syrup , hockey , timbits ? not to mention that every canadian i 've ever met has been incredibly nice , humble , and friendly . canada , fuck yea ! -guardians of the galaxy . if you told me that pre - 80s pop music would work well with a modern , comic book space opera i would n't have believed you , but it was absolutely awesome . but if you told me that pre - 80 pop music would be in a marvel movie , i would n't think it 's that big of a deal . -this was an inevitability . as much as these immigrants want a better life there had to be a point where the eu was getting more than they could handle . good so now europe will stop its involvement in fucking up those countries . this is a good thing then . -are you upset because you are having troubling planning for travel ? if you want help pm me . it 's not hard to quit my job and fly to europe without any plan beyond that . -why would they be dating them if they were boring and ugly ? you usually know that right away . it 's usually at least slightly more complicated than that . so you never get bored of something you used to like ? -what ? edit : the flair makes this comment pretty confusing . they play against us so . our time will come . i know it . the sens have been a good story and actually showing a will to play . they 'll be a fun ride if they can get past us -it 's the smell of bacon from the kitchen on a saturday morning it 's the sound of the door closing downstairs and knowing mom wo n't be back for 8 hours . -yup , the game was good but it had way too many qte . and it was always the same button , dead island was worse tho . way worse dead island was bad for a lot of other reasons . i do n't even remember qte in that game though . -what 's the box on the floor for then ? helps hold in the magic smoke . -everything you have ever known has been inside your mind . how can donald duck be real if our eyes are n't real ? -is this a british problem ? overly - polite , obese . that combo could only be britain ! -we should be able to do that . i wonder how many throwaway accounts are being created right now . i 'm going to use my regular account . -how is that a nerf ? edit : i apologize for my highly offensive question . you ca n't draw a card the turn you play him now , so the opponent has a chance to kill it first -shadow priest is extremely different than it was in mop with the introduction of the level 100 talents . seconded . if you take the clarity of power level 100 talent it 's more or less a completely different class compared to its former self . -i heard their voices perfectly . makes me so sad to think there wont be any more seasons . but there is supposed to be another special or something . no need to fret , go see them play live ! -i 'm not saying its a bad thing at all , i liked meltdown snd . i wish it was more like meltdown though , ascend just does n't play as well for many reasons . -they 're called family movies for a reason . exactly , referring to them as kids movies is a disservice to the hard work that the writers put in to make it relevant to everybody -vanilla wow resto druids were a joke at best . one rez on a 20 or 30 minute cd , as well as hots that did n't work all that well and were a mega drain on mana . their raid healing was great though , far superior to a priest who were considered the best all around healers back then . -type - c can be directly and passively converted to displayport , so at least it 's compatible - ish with existing cinema displays . displayport alternate mode is not supported in every computer . it would be interesting to know if this macbook does . in that case the apple adapter is a generic type - c to hdmi converter . -head sits on top of the engine . pistons are inside . he had piston work done . so its like they took the wheels off , then decided to not replace the brakes but just drill holes in them . sorry meant pistons , what the fuck is wrong with me today . -no . if your dad is paying why go to a worse school in lets be honest , a worse location . i agree . if you wo n't have debt you should absolutely go to either the best school you get into , or a school in the geographic location where you want to practice . -at first i thought you were gonna tell people to not do it because it gives you mouth cancer and stuff but then i realized you were just clarifying the technique . why does chewing tobacco give you cancer ? i though cancer was from the smoke ? -have n't bought , pirated , or even touched an ea game in 3 years . me3 was the last straw for me . last game i played from ea was the sims 3 . pirated . -looks like the standard pour from the guy that works at my local buffalo wild wings . lol boom ! straight to the bottom of the glass . welcome to bww where we do n't need no stinking sides of the glass ! -do n't underestimate that old man strength . true , experience is a factor ! and crazy always beats big ! -germany was in russia for multiple winters . it was n't the winter that did them in , it was hitler fucking up his generals plans . pretty much . i mean , they were like right on the doormat of moscow and hitler called them off . -i still find it appalling that any woman would vote for one of these insane gop extremists . you must seriously hate yourself to do that . of course they do . they 've been taught all their lives to hate women , including themselves . -last year definitely sold out , it was n't until like a day or two before but definitely sold out last year did n't sell out . i bought my ticket day of at the front gate on saturday . -israel , where if you are n't jewish , you are subhuman . check that . israel : where if you are n't jewish and white , you are subhuman . shout out to my ethiopian jews . i thought most israeli jews were brown , like arabs ? -up to you . if you cut it all off now then get a trim just before the cut i imagine you 'll be okay . you can expect your hair to grow roughly half an inch per month if that helps any . so do that and maybe do one of the treatments i 've seen mentioned here the week or two before ? -sadly , i do n't know of anyone where it 's gone away . we all learn to cope and keep exercising . we can only live in hope . -i work with a guy who simply refuses to watch breaking bad like the rest of the world . i hope one day he watches it , has his mind blown and feels like an idiot for not getting involved earlier god my brother is like this too and i have no idea why . he says its not a shoe he can get in to , even though he watches sons of anarchy , weeds , dexter , and similar shows . it drives me nuts . -this is the middle ages . you marry for babies and that 's about it . more importantly you marry for political allies or advantage . though babies are a part of that as well . -i do n't give a shit that i chose the wrong words . the second post was adding information . they can be both over ear and open back . -they would also shoot the train , just in case , and then find the nearest black guy and shoot him too . and then shoot the grass . no witnesses -please delete this post . why are you fucking forum police ? do me a favour and fuck off and cry -and they said hillary would win handily in 2007 too . she would have won the presidency if not for obama 's better primary campaign . also , this is not about what he said or she said , this is about data we have now . -i am on a high server . i find guns constantly . mostly pistols . craft the upgraded bow , and try to hunt players . its fun to get bow kills . grats on your luck , i do n't mind an hour gearing up . but 4 and still not getting there is a bit much . -seems pretty clear the way he was able to hand over his diving licence straight away and the way that he did it in . are you seriously saying that having a drivers license within reach is proof that it 's fake ? -just format the system , it removes everything but does n't delete your account . would that remove the free games that were on it ? super mario 3d land and nintendo land ? -it 's the large country above the us that will fuck you up in the rink , then promptly apologize afterwards . i 'm still waiting for my apology from 2010 . -op admit it , it 's your room . he would n't be lying working from home is a thing -no , it 's because most of the fanboys already have a 3ds , which means they already have a charger that will work . fanboys yes but casual gamers like me get the short end of the stick . i do n't have any chargers for the 3ds -does anyone still play ? not as much as the console version , but we can get a game going sometimes -oh shit your right , i just uploaded the lot and labeled it space battles because i thought all of them were . ohh well , one of them not being a space battle is better than a bunch of them . well it is space capable and its a cool gif so ill let it slide . -james strikes me as a person who more interested in getting in the mud , so i doubt it matters either way . he does n't mind that , sure , but let 's just say that he does n't do well when he finds lumber in his backyard -you can skip gears , but i 'd be questioning why you 'd want to . he probably rides top gear and when he comes to a stop , just cycles back down to first quickly . l -you have a great attitude . i 'm certain it 'll all work out for you . thank you , i hope it will ! -i 've had the unlock slash not unlock happen in my 2010 before . it always happens when i have a power adaptor plugged in . unplugging it before turning the car off makes it work as usual . interesting , where was the adapter plugged in at ? -i 'm not sure about your lifestyle , but many people do not have the money to move to a different house at will . even if their lives are in danger . if this guy is lucky he 'll get enough donations to move his family out -honestly i have not . i am very sensitive to salt in food too . so that 's probably a good sign ! nice - ca n't wait to try this ! -not at all bad bud , i just had to say that is all ! if luck has the success that roethlisberger has had i 'll be happy ! i think he can . i love luck and was rooting for you guys in the playoffs last year so i would n't mind seeing him get a ring or two . -how big does the brand have to be before it 's considerable enough for you to absorb it ? not absorbing any brands . i want to do joint ventures . not really sure on size though . i 've only got a 500 person email list right now so that 's darn tiny . -analyst at a mutual fund firm . best perks are pay and travel so i have 0 complaints . i work a ton but i enjoy it so i 'm happy would you mind giving an example pay range and education required ? a little interested . -i need to develop this kind of work capacity . i spend way more time breathing between reps . making me feel pretty fat over here , though . i used to breath a lot too . i 've been working on trying not to . it 's finally starting to show . -you can say fuck on the internet . watch your fucking language . -bill cosby ? bill demott ? both named bill ? you ca n't explain that ! did bill demott rape and kill a nine year old girl twenty years ago ? i do n't know but him not refusing the allegation is a bit telling . -that 's a bitch move unless your life is in danger . use your fists . downvoted by all the keyboard warriors here but you 're right . hiring someone with a skateboard in a fair fight is a bitch move . -the devs themselves said that the payout of an average game should scale to the time spent in classic playing x many games . yes , but that wo n't apply to all play styles . definitely , rails are very different in this meta -gfy bud . i do n't really agree with your response to him . you 're a public figure , bro . and i respect you , but that was n't called for -people shit on dane cook because he stole jokes but he is at least a good performer . most of his material is n't very good at all but he still makes it funny . who did he steal jokes from ? i 've heard this so many times . i 've heard most of dane cook 's material and have never heard it from anyone else . seems like a circlejerk to me . -safe ? to stop them getting sick . -there is a waitress i know who is named kevin . yes , a female named kevin . she said kevin can go both ways . no it ca n't kevin , no it ca n't . my friend named her daughter kevin . so strange . kevin is 10 now . -why would n't he toss the bait a few feet to the side as soon as he realizes he ca n't just hop out of there ? cause he 's having a good time . he has a smile on his face . -the good news is that the entire state will soon disappear . the bad news is that a wall has not yet been built to keep the residents inside where they will perish . it would be like the complete opposite of the wall in a song of ice and fire . -but they cancelled school so we got that going for us . yup . got school canceled , on a sunday , on reading week . edit : gotcha , should n't be in university right ? -how does one go about getting this job ? it would be amazing to test drive cars that are not released yet . most of the time it 's not cool cars , and it 's usually the same boring loop over and over and over again . roush does a lot of oem test driving . there 's a lot done in house as well . -they could n't offer him a competitive salary though , which is why he turned it down . he turned it down because he did n't see as much of a future in it as much as casting . riot is offering salaries for coaches this year , so money would n't really have been a problem . -nice to see some wisconsin love on this sub . fuck wisconsin ! minnesota for life ! -haha how did it smoke ? like a charm . now to start my day -op , why do n't you stop being a fag ? once you stop being a fag , then you wo n't be so gay anymore . you do n't have to be gay to be considered a colossal faggot . -you lost your leader ? did you try looking under the bed ? everything always ends up there . did we think of asking mum ? if anyone could find him , she could . after all , it 's not lost until your mum ca n't find it -really its good for everyone , definitely not ballmer 's anti world . microsoft anymore . of course , i think it 's great that devs can port to windows phone with such ease . gives them so much incentive . -that was deep man . like i totally understood all of that i 'm a car guy , so it made sense to me when i thought of it that way , lol . -i 've heard of some great shops in boro but i 've never been to any of them . i 'll have to check out out definitely ! if you 're ever in town , hit me up , i 'll show you around if it 's an off day of work for me . -then why play group stages or qualifiers at all . just put eg in the grand finals , right ? now shut the fk up . quite honestly , it 's not like that 's not going to happen . trough i guess ppd could be less of an ass over it . -i think i have to do a no buy as well . we can be no buy buddies i think i need a no buy buddy . i 'm so bad at it . -thanks . do you know if the high number of faults after upgrading to yosemite is a concern ? i do n't know , but i do n't think so . the number is usually high for me after a longer uptime of the system , and i have enough ram installed . if you do n't see problems i would n't worry . -did n't he run out of challenge flags once and got penalized for trying to again ? i could be wrong but i know he 's famous for that kind of thing . yeah , seems like something a senile old man would do . -haha . i do n't think he minds ; he 's dead . so is the cat , because of him . you believe he does n't mind because you believe he is dead ! how convenient for you . -slow down there , he 's a great jungler definitely top 5 but no way is he the best western jungler . name a better jungler . there are none in na . seriously like he performed insanely well this series and on a wide variety of champions unlike rush . -ok , i 'm not sure if this is just me , but i feel the studio audience is majority left wing . just going off of the audience response to left wing ideas . they applauded farage the one time he made sense . -the red and black company ? i feel your pain . nah , the blue and orange one . -they left out the word synergy , someone is getting fired . nah man , synergy is the old paradigm . we 're taking our cultural presence in a new direction . -bills destroyed the jets both times last year . bills are better until proven otherwise the pats destroyed the bills but a lot of people think they 're gonna beat them this year , something they 've only really done twice in the last decade and a half -not too happy that they 've put tarmac in that area next to the pit entry . crazy to think if they 'd done it in 07 hamilton could 've been 3x champ . drivers already using the extra room for a better turn into pit lane . -a few of your comments were removed because i considered them to be personal information . your killing me for your own paranoia without asking a single public record question , about why i have a right to talk professionally about personal emotion work . -compatible sizes : 1 - 3 and type just gun yes , the wing mounts are size 3 , fixed only . put a couple mantis or tarantula on them and have fun ! -klein is definitely in the physical , defensive category . his offense this year is a pleasant surprise , but he is counted on for his defense , not his offense . yeah he 's most definitely not an offensive defenseman . -thursday : joe thomas quits football , becomes deep - sea fisherman . friday : i 'm in love . -use proc correctly , exploding enemies with icebreaker is not random . ib perk reads as : ice breaker 's victims spontaneously combust . it does not happen on every kill . also , i could give a fuck . -does this change the notification drawer on the note 4 to material design ? the shitty green is really annoying the stock blue and green ? no -does my hair and makeup for me , and does a good job . does a great job of shaving your head bald and applies only ancient chinese makeup as used from traditional chinese opera . -really depends on the language . for spanish books . is there no unified website ? -it 's illegal to carry a knife in the uk . does that really include pocket knives and multi tools ? here in sweden it 's illegal to carry a knife , but not pocket knives and similar knives . -really ? i always thought they were the same price . thanks ! a lot of the times , they are the same . but , they go cheaper more often than the psn . at least worth a look before you buy on psn . -it 's because the right has to work the mouse . the mouse ? what is it , the 90s ? it 's the age of touch devices man . keep both hands free and use your nose to swipe . -and part of being a redditor is telling every one , at every chance , just how not religious fattie johnny grew up to be . you know those plays in basketball when someone catches a missed shot like 14 feet in the air and two - handed jams that shit so hard that like six people duck ? this was that comment . -awesome book series . i only own a ancient philosophy and anthropology i 've read a ton of those too . awesome series . -also she is the fucking boss she can do what she wants . it 's her business , start your own and maybe you can have your shit off . she 's just a bakery manager , she does n't own the store . -i 'm talking about the 2nd point in his comment , not his first . the first point is the only relevant point to this subreddit , why is there a thread for an unreadable chapter ? literally for what cause ? -ya , sf is weird like that how it 's both a city and a county . only city and county in the country , iirc . -i just put a stack of water bottles in a hopper and attached it to a brewing stand , and the stand was n't fooled . it only let three in as you 'd expect . that is because hoppers can only move one item at a time . shift - clicking moves an entire stack by default . -jealous . i 've been trying for a full hardcover set , but i 'm still missing 1 - 5 . you can get them for fairly cheap used on amazon . you can choose which edition to buy , and sellers include the condition of the book . -burn notice ! burn notice was only a semi - successful prototype for justified . never really hit the right note . -c 'mon putin , never go full retard ! that ship sailed a long time ago . -seriously cool story bro . you have talent . thank you . i 've been meaning to spend more time writing . -man was glorious when he was on top . then he got old . though he could probably knock the shit out of me right now . i feel like i 'd lose a few teeth just looking at the guy to be honest . -that 's also a month of it decomposing . i wonder what it would look like if he had a dead rat in another jar without anything else in it to compare . edit : holy fuck people get a life . i remember doing test like this when i was a kid . we would use the teeth we lost and put it in coke . i honestly think most soft drink would produce the same effect . -i got a killer bod . just the ever so slightest of stretch marks from the old birth - a - roo though . same , except i have the male version of stretch marks from growing too fast . scars are badass though , it 's like a tattoo of an actual life experience . -clothed cat clothed canary ? i like that more than my idea . clothed clothes clothed clothing . -americans still circlejerking about the flag on the moon in 2015 is just cringe - worthy and embarrassing . we 've moved on . now there are vehicles on mars with american flags . -for those of us who had father figures , it was almost worse than if they were n't there . _ . my old man had an arm missing from the war . nigga still could beat up me up today . -i would oil it and then get a custom glass cover cut . glass cutter here ! good news ! all of the lines on the table look soft enough to be cut . although , it takes a very steady hand to do it ! -people that had given up on the show will sometimes come back for the finale , just to see how it ends . wait , really ? would n't they be lost the whole time ? -are you saying that your daughter has gotten better a saving ? or that you have ? op has gotten better at not stealing the change in his daughter 's piggy bank . -psa : if you 're panicking , crack open another beer . is wine acceptable ? -no markers in rb sounds cool until you realize , that rb has mixed battles . how will that work ? no enemy markers . -mmmm , cook up some bunny veal ! i 'm not gonna eat bunny : o -a pool or a boat do not recommend edit : please stop messaging me about how much you love your pool or boat . i do n't care about your pool or boat . i have a pool . not so bad , not as expensive as i used to think , but half the year it is a waste of money . then again , when you want it , you 're really glad you have one . -this man has the perfect voice and accent for these videos . i could not imagine a better fit . great as always ! i know right ? he really has a voice quality that would fit on documentaries . -that 's like telling you how a movie ends . just go into it blindly and it 'll impress you even more . it 's like telling me how a movie ends when i really wanna know how the movie ends without watching it first lol -23 hour flight in economy , jesus . glad you at least get some 787 action . also you should really give yourself more than a measly one hour for connecting after a long haul flight like that . yeah , i 'm not sure about that 1 hr change . and actually the company is paying , so i 'll be in business class . pretty pumped about the 787 . -injuries are part of the game . i do n't have any sympathy . mcl is a painful injury to play through . -not at all . the bible says nothing about life on other planets . true . but would n't it be curious that god would n't mention anything else he created via the bible ? would they be able to sin ? have they been forgiven , since jesus only died for ours ? -yes , we got that part . oh , forgive me for pointing it out . did n't know i 'd offend you with a bit of microsoft paint editing . -super secret libertarian rand has already won ! the rest is just for show . and when he does not actually get the office it will because he was denied media time . -the real concern is if you forget about it and the water runs out ; you will melt the bottom right off it and your house will stink something nasty hey , maybe that 's the solution to my getting a new kettle and getting a new house in colorado . burn them : two birds w one stone . -print all packing slips . pain in the ass . ctrl tab is a great shortcut . bulk ship labels and scan form . seems like my only option . do you want to kill yourself yet or is it not so bad ? -probably the best city in the world to walk around at night . have you walked around copenhagen ? stockholm is fun , but sometimes i feel like the island are too far apart when compared to copenhagen being separated by canals . -i wont lecture you , but not knowing the details i ca n't help but pass judgement ehh judge if you want dosent really bother me sorry i got lucky i guess . so becuase i have some money and spending it on my passions im a bad person . -that was me , until 4 months ago . i have played since crystal version . and now i iv train haha iv train ? do you mean ev train or iv breed or both ? but yeah it really changed the way i played the game when i found out about ivs -sure , a probe that would sail by the target in a few minutes . or hours , or days . it depends on how what instruments it had on board and how close it would need to get . it may even pass multiple targets . you 're being strangely critical here . -does n't the game voodoo vince play on this slightly ? now that 's a name i have not heard in a long time . -i think about justin beiber so much that even though the name of his movie is a very common phrase , he is the first thing that comes to mind when hearing it ! you stop giving him attention ! wow , i did n't even know he had a movie and i actually like some of his music . amazing that a hater is more obsessed with him than an actual fan . -sounds like you could be an investor if you have the money . why not start a restaurant ? i know of chefs getting work visas , so maybe is just a matter of finding some restaurant to sponsor him . -easy there white knight . some people play this game for the competitive aspect and to actually win games . not skip around in gold land where everyone is just happy to play the game if your objective was just to win games , i do n't think you 'd be getting banned for bm , because you 'd be focused on winning and not trying to make your enemy jungler rage out . -technically every cod game is made by a different studio so the new black ops 3 was started two or three years ago and the one next year will be made by someone else but have started earlier . yes , but if all three studios worked on one giant game it would be well worth 60 dollars rather than current games which just change a few things slightly from the last game -now that the two wildcard teams are out the real tournament can start . as an undisputed tsm fanboy i gotta admit that tsm games were messier than crumbzz 's hair -typical , he plays the card version of pokemon instead of a good version the pokemon tcg is a pretty fun card game in real life you know . -what does age matter ? even if metabolism slows down a bit , just eat less . fitness is more important than your weight itself . and eating less does n't make you fit . -i 've been told to put on foundation in downward strokes because it wont lift up any peach fuzz on the face , does n't really make that much of a different to me though you can of course buff it in , but if you have quite prominent facial hair or anything it does work to go downwards in the direction the hair is growing -is n't punk buster the anticheat software for games ? how would that help him scan for viruses ? i do n't really know what you are referring to but i know that there exists a registry cleaner and scanner by the name of punk buster . it is very good -wait wait wait , so it took you a whole month to tell this story to a co worker ? i 've since moved to a new state and started a new job , that 's not really part of the introduction process when you meet new people . -play co - op and help people that are struggling . it adds some variety to every session and it 's oh so satisfying to save other players . took your advice . quite fun so far . thanks ! -yep ! i 've always heard to size up a half or even a full for nikes i totally bought at my size 12 and they fit like a glove . i was worried since thats true to size but yeah loving them . -assuming only minorities raise their children poorly , and are thugs , is actually racist . oh , i just caught the thug , it 's not suppose to say that , oh well . -it 's shit regardless of what pro players do or do n't do . yeah but there 's no reason to be mad about it lol . it 's just a fun build . -and she was n't charged with anything ? sexual battery of a minor ? stat rape ? no ? not to my knowledge . i think the ones she had sex with , they did n't do it til the guys were 18 . not sure though . -endless ocean was an interesting game , very cool concept . i 'm going to fire it up after classes tonight and see what it looks like . -everyone levels up at the same time because you 're all assumed to be competent and doing things even when not in the adventuring party . see also kotor , mass effect . ahhh . this is what i do , but my group calls it party leveling . -is that really easier to remember then just memorizing the planets in order by name ? yes . it is . that 's how memory competitors do it . they create a story in their head and remember the story , not the actual data . -yeah and if you make your system font bold from yours settings it should help , right ? yea system font is bold and font is way up system wide . do you happen to know where to find this option ? i ca n't seem to pinpoint it in the menus . -does kirby have a gender . it was always well an it in my mind kirby is generally referred to as a boy . -hypothetically : you shit yourself on the first date due to food poisoning and she asks you if she can see you again . if you have food poisoning that has progressed to the point where youre shitting yourself , you must really like the girl to still be out . keeper -my girl . first movie i ever cried at , and still cry when i see it . ah , so sweet . beautiful film -the only people condemning the grey hoodie guy is blacks edit : why the fuck did i get upvoted it 's funny cause there 's no one condemning him , black or not , but there 's tons of racist shit against blacks . please , show me where blacks are condemning him . -arkansas ca n't win this game if they do full - court press . i think uk proved last game that they play better against the press . they play better against anything . do you really think it matters what arkansas does today ? -you know if you 're higher than silver people actually like playing support and can carry . carrying my way through plat as a supp main . nice and fun to carry games . -it was so fun . i just found my old playstation 2 and wanted to play some games that i remember having fun with . the new resident evil hd release got my og game mojo going . i hope they remake the second and third re . -my friend who works warehouse at the spring hill one says the have about 300 , and that they will be stocked fridays . number is dependent on how many they sell a week . does that warehouse only serve spring hill ? or multiple stores ? -i just want stacks like he has and he 's the best example of how i want them . only a fan of his music and stacks . do you man . kanye has the stack game on lock . -dangerous rhetoric considering it 's aimed at a demographic known to commit suicide at a much higher rate than the one claiming oppression . especially in a school , not so empathetic or smart . especially in school . that system caters to supporting women more than boys . -its all horseshit . no boner without intent , and the average man can just end it with a punch . found the feminist who has no idea how male anatomy works , but assumes all men are rapists . -is it just me , or is anyone else rather disinterested in workshop items ? my favorite part of this game is designing my own ships and stations . disinterested in workshop ships , sure . but definitely interested in workshop mods that add new blocks . -my launch device did this as well for a month or so . it did n't really bother me and went away on its own . mines really annoying aha . if i leave my phone for like an hour and then go to press the home button , its so stiff that you have to really click down hard . -i sprayed up the ring . where it will attach to the threads . using the thin nozzle it was fine . can you show this on a picture or sketch ? i 'm having the same problem and i 'm a little confused by this fix . -you really smoked it ? on foil ? what did it taste like ? idk how to describe it - it was chemical tasting but not like meth chemical - almost like the taste of smelling plastic if that makes sense -speaking of , i wish there were more songs about like the events of previous games or other historical battles and stuff where 's that damn fall of dagon song ? its been over 200 years ! -case . point . iron man was also sherlock holmes . i 've always held the personal theory that sherlock holmes is just tony stark from a past life . it makes perfect sense ! -my understanding was that they were supposed to say it at the same time . one went for intense , one went for hype , they both went for fail . thats what i thought happened . -def . and the second text has to be very well thought out on whether or not it 's even necessary to send . second rule of texting : you do n't talk about texting . -it largely depends on the gauge and material of the wire you use . a thinner wire gets hotter with the same amount of current , but also ca n't be pulled as hard without breaking . we 'd need to know the melting point of the metal , and the minimum temperature to burn through bone as well . -is team flashing and blocking the spawn in inferno 4 rounds in a row not a valid kick ? cause that seems pretty valid for me but the pug mod still got the banhammer . proof . -i run through bits of the book i want to write in my head . i play scenes . i speak out dialogue to see if it works . out loud if i 'm alone . the only difference between you and the author is that they write it down . you could make millions ! -really begs the question , how juiced was he when he fought mark hunt ? he threw everything but the kitchen sink but could n't put him away . well , before the hunt fight , he had low t levels and right after the fight he had super high levels . so he probably juiced up in the locker room before the fight . -so this is just an observation winnipeg , but your radio play by play guy seems wayyy too excited . it sounds like he 's permanently about to call a goal . he looses his voice during goals because it has no where to go , he is always at full excitement saturation -do n't listen to him , james . the dress is obviously light blue and bronze . no its not , its fucking white and gold . -bros , why do they spray water in the infield dirt ? what exactly does it do ? keeps the dust away and looks nice . -you can now score up to 75 points per drive through a series of mini games . let 's play bamboozled ! -i have a lease that i ca n't ignore to go and travel around for food . i might as well join the foreign legion at that point . then search for local jobs while you pay off the lease and in the meantime try to meet women through a dating app or website , or in person -thank god it 's on netflix . if it were on network , you know they would n't give it the dark , adult treatment green eggs and ham deserves . i hear that at the end of episode two , there 's an insanely brutal scene of sam i am eating a dozen green eggs , and its filmed in one long continuous shot . -maybe i misunderstood , i was doing homework . but i could have sworn clay said that they had talked about wanting to build around clay specifically ? if that 's not what he said , i apologize all i remember him saying is that everyone was going to get dropped from nv except for him . i do n't consider that building around clayster considering clayster didnt feel wanted . -same here . in addition , i think the only thing that would ever make me lose my faith would be the loss of my children . so you would believe in the one who decided a life 's beginning and end until your children were taken ? even when job is tested in the same way and rewarded for faith ? -people giving that subtle held back smile as they talk are doing so because they think they 're getting away with something or fooling someone . total act . she 's way too put together in all other aspects , to be that way for real upstairs . some of the stuff she said was so forced . ca n't believe people were buying it . -yeah , but then you would live in texas . and what 's wrong with that ? closest thing you 're going to find to the land of the free inside of us borders . taxes are low , living is cheap , regulations are low , and they have good bbq . -try replacing the battery , you wo n't believe how much difference you see in battery life as it slowly degrades . how long does it take to degrade to be noticeable ? surely a couple of years , yes ? -nice photoshop ! can barely see where you placed tom 's face on that goblin 's ! it 's the goblin 's face on tom 's body , duh -if they broke the law you prosecute them . that is why its called a law . even fox news said she did n't break the law , as the way it was written when she was secretary . -looks like a lot of drone cells , or is that just the picture ? just the picture i believe , though i have n't put a ruler to them or anything . they started on mann lake worker size foundation , and they look to be obeying it 's pattern . -duke and ricardo lewis were the truth . god i just wish duke went elsewhere . kid is just a physical freak . -looks about right , the progress bar did n't move at all . just like the off season feels . they updated that too . they 're on top of it . -if you have icebreaker , you can generate the special ammo and the sniper rifle can pick up ammo across the map too . they are taking away the ability to generate ammo with icebreaker in the update on tuesday . enjoy it while it lasts -i think that gives you a aaron rodgers because the glitch gives you the lower of the two cards when you update . to get the desired high card youre looking for you need to have an oop and the lower overall card has to be the position youre looking for . -perplexed statement : very well . query : is there a reason you wish for me to meet with this droid ? is she in need of termination ? no , i just want you to go talk to her . you do have protocol droid functions , correct ? -geocaching . it 's a pretty straight edge activity that follow every law . the only thing is you look suspicious as hell doing it . a cop pulled us over after we left a park because he thought i hid something in a tree . i had to take him back and explain geocaching . -and we wonder why the rest of the world watches soccer . is it the incredible acting when the player fakes an injury ? seriously , i do n't know . never watched a soccer game , but i get the impression the players are flaming liars . -i found it really entertaining , and my room mates even watched me play and kept up with the story and choices i had made . cool ! that 's exactly the type of game i was looking for . -how do bonds get you osrs cash ? you buy bonds for real money and can either redeem it for membership or sell it in game for a few million . -no , it 's on sale . but it seems like it goes on sale like every month , so do n't worry about missing it . does it have a date when it will go off sale ? -humiliate ? damn , idk , i 've never experienced nothing humiliating but i can tell how to sit on his face n while he 's sucking you piss on his face finger his butthole haha , he may like the pissing thing but i 'm not into it at all . oh , i know he likes butt play , i want to peg him so badly ! -do you also see the van at the stop light . duct tape fixes everything . a few months ago i saw a car that had the drive side mirror duct taped on . the tape even covered most of the glass . it 's like , why even bother . i have a picture somewhere -that 's insane ! she must be real tough , enduring so many hits and somehow still getting up later . it was really tough for her the first two years , but we are both thankful she came out okay . it 's amazing what the body can recover from . -yes . technology , blue prints , man power , knowledge in general helps us reach those goals . i want to believe in a super natural power that we ca n't exactly explain we have that . how does light go so fast ? what actually is gravity made of ? we do not have the answer to those questions yet . those questions are the super natural powers we ca n't explain . -i have similar happen all the time , and i 'm a mod of a giveaway subreddit . most people just do n't realize kindness is really a thing . anytime someone opens a trade window with me they really just want bill 's hat . people . what a bunch of bastards . -take 2 dollar bills to the strip club . in the dim light , the girls will think they 're 20 's . lol silly americans and your plain looking money ! -this thread is great . it 's like watching tv with 1000 friends in your living room without them eating all your shit . your friends eat your shit ? gross dude . -nope . fake pictures . stalin was far from what you would call hot . he was in russia , i bet he was more often cold than hot -the movie is bronson . it 's very good . the movie is really good . just watched there after seeing that scene . -this actually might be there closest to the overall style i 'm looking at . the song i 'm working on is kinda tongue in cheek and this for the bill yeah right . what 's the project ? -on the bright side , the idea is still available for pka 221 . also , there was no way he could possibly top blowing co2 toward an apple ! all that cold air going in the general vicinity of an apple ! i mean i was on the edge of my seat . -it 's super easy to not punch cops in the face . i 'm doing it right now ! you can only resist punching cops in the face because of your white privilege . or something . -that could turn to a shit show very quickly if this holds true . i hope it does . i want to see the train wreck that are rm fans get worse . -that grip does n't look comfy to me . it kinda looks like it 's designed to be held while wearing an eva suit . so maybe you 'll be holding this while tethered belly down to an asteroid ? -i could n't even read that . the website was too cluttered and distracting . is n't that something that rahm promised during his first term anyway ? it 's something everyone promises on their campaign . a safer city blah blah blah . let 's be real here , that 's not gonna happen that easily -the premier league trophy while wearing a liverpool kit ? yeah me too . was thinking of a different red team . one with a barclays premier league title already under their belt -everything is awesome ! everything is cool when you 're part of a team -yeah , with 300 million other people , but realistically the people have no real control over it . true , we 're got a few layers between us and the deed . -married with children 's prime was in the late 80s so i 'ma go with that . fuck man forgot about that , great show remember when differentiating between bundy 's al is your pal and ted will get you dead -i find that the mix of nicotine , coffee and weed every morning helps me motivate . after climbing i like a beer or two or three to help those muscles relax and recover . alcohol prevents muscle recovery . -you were up 3 - 0 . how the fuck , i do n't care it 's calgary . what the fuck man . did you not learn from the rest of the nhl against calgary ? to be honest i was afraid that boston was the one that cracked the code . they cut off long passes , cut off defence to center passes that are so quick and common . -i think there have been some pretty good quotes from walter koenig over the years , but it has been more about his experience working on trek rather than feelings about the show specifically . ya , the only complaints i have seen relate more to working conditions , cast complaints , etc . -love me some red panda . this season ca n't start soon enough . i should say the same for spring . -nationalism and racism are two sides of the same worthless coin . same goes for patriotism . -we have a bunch around us in michigan that are already bright red . ooh i bet that 's pretty . -i 've been waiting all night for my cake day to start . : p happy cake time ! -i hope chuck norris does the interview in austin . in all seriousness , it 'd be cool if david letterman did the interview in austin considering he actually follows f1 . -no man , he 's dead . i saw it on the frontpage last week . maybe . impossible to know if he is dead or alive . -kennys was also in the crowd . and not on the stage . see ? -the titans lost that game 59 - 0 and handled it better than the crybaby colts . jeff fisher was too angry at his team to give a shit about what the patriots were doing . -try the add - ons in kodi . that 's how i watch nba and nhl thx i paid for ballstreams for a week and a member of hockey streams but have n't paid for it . got a good deal from time warner and kept cable -but remember , we need to promote diversity without being biased towards any gender or minority group . also remember , racism and sexism are the two simplest problems on the planet and are in no way complicated by contextual factors . -any knowledgeable fan knows don is a pos and ca n't make a darn lineup or manage pitchers whatsoever . he is one of the worst in the majors and i 'm baffled he still has a job . is n't it funny how our front office , possibly the most intelligent in the entire mlb , ca n't see what you 're seeing ? -oh . so they work in stocks and investment firms . makes sense . yeah so the portfolio manager of a fund basically calls the shots , and traders follow their lead and try to make the most amount of money on each trade . -is anet okay with using 2 accounts like that ? i assume so , since more money for them , but it seems kind of like cheating . lol you think they care as long as they get money ? people keep forgetting anet is a company and is here to make money not people happy . -seriously . 14 year olds having sex ? when i was 14 , i had snowy white hair , and glowing green eyes . i could walk through walls disappear and fly , i was much more unique than the other guys . then you knew what you had to do ? had to stop all the ghosts from flying through ? -thanks for the feedback ! i 'm sorry it 's not more substantial - on a job , and will reply later . i just like that this is coming from a working shooter and they 're detailing what serves the process . -shit austin is sliced up like some incoherent pizza . so is san antonio and houston all urban areas in texas are . i used to live in a district that had a spot where it was only a few blocks to a mile wile and the district itself was shaped kind of like a bow . -you can skip the sat and do 2 years at a community college then transfer to a four year school and save a fuck ton of money . or go to a trade school and make a fuck ton of money ! -puck luck ? how 's keeping in that clear for puck luck ? dude , 2 of 4 goals were ridiculous puck luck , including your tying goal -having kids is a choice , having parents is not . one does n't always choose for birth control to fail and for the mother to keep the child even though the father does n't want to , yet it happens kind of often . -this is why i keep my bike in the trunk and not on the roof . this is why i keep my car on the roof . -i do n't get why leggings would be so bad in school . women wear leggings to work as a form of business casual . while they 're fine for high school , leggings as business casual is totally inappropriate . -its the stem crowd dude , they are good at their thing , not so much other types of things a lot of truth in that i think . -your proverbial balls must be enormous . you 're a hero . hahaha thank you so much . its a very high honor to be a woman with massive balls . -like any pieces of personal electronics it 'll primarily be used on the toilet . browsing space - reddit during your morning dump . -assuming money was no object and all the paperwork is done properly , a cat cafe in denver that also sells weed brownies , cinnamon rolls , etc . never heard of a cat cafe before . people pay to be around cats ? i feel so lucky to have two kittens and a giant lovable dog that loves playing with them . -damn , dude . that really fucking sucks . i got my dad to drive me to work two hours late earlier so i would n't risk a dui . most of the time it is n't a dui level . it 's like . 04 or something . the car wo n't start unless i blow under . 02 . -we are all friends here brother : d but can i be your best friend so i can mooch money off of you ? -the biggest offense in my mind is how bad bruce looks without his mask on . that said , if the kids like it then it 's a good job . i honestly thought it was dick grayson at first . -sorry that did come off as douchey , i more intended it to be like a fun fact haha it is a fun fact , and it 's cool . yes , we are going to win the finals . i did n't know about it not being the q . hollywood magic lol . -was there last year , beautiful city . how long were you there ? two nights at goodbye lenin hostel . great city , would recommend . -it can give an insight into your personality , and one of the things hr is often looking for , is whether or not your personality will blend or clash with the people you 'll be working with . i like to go home and play with my pussy . you mean your cat ? what cat ? -you were n't wrong at all ! i just think rack pull can go wrong without keeping an eye on it . it 's absolutely worth a try . yeah , this . i ca n't rack pull for whatever reason . it does n't make any sense . possibly because of the rack setup . blocks might be simpler . -i loved snapple apple as a kid and only recently found a bottle at wal - mart and i kind of cried a little bit out of joy . snapple apple is amazing . it 's like drinking a red apple . -they should fix heists seeing how the host needs to pay the fee for setup every time someone leaves the game . makes it really hard to make a profit as the leader . honest solution : only play heists with your crew -i like how even isaiah getting left off the dream team goes back to michael jordan being a dick . he has way too many dickish stories . there was nobody on that team that wanted isiah on it . jordan is a dick , but that has nothing to do with this story , since the problem is that isiah was an even bigger dick . -i do n't think i 'll ever be able to understand how some people can be so rotten . hopefully the groom has since cut her out of his life as well . shit mostly gets handed down through generations . takes both a lot humility and work to undo it . -bite somebody 's penis ? i doubt this mother dog has a penis . -says the guy who could n't pick up on sarcasm so obvious it was visible from space . you have to be the dumbest person i 've come across on reddit . that says a lot too , because this website has millions of users . -dat user name doe . a deer . a female deer . ray , a drop of golden sun . me , a name , i call myself ? far , a long , long way to run ? -that 's a damn good idea . i 'm thinking about it myself . -that 's the most florida thing i 've ever heard . orange slices , gatorade , and cramps . add a gator chomp and football , and you 're there . -i still think we will see a sweep or five game series . plenty of rest for the inevitable memphis series . dude , we very nearly lost both of those games . -does that truck not have reverse on its transmission ? ice does n't recognize what gear you 're in . -he was a man of the time when you could shoot your way into office . he basically climbed the skulls of his enemies to reach the highest seat in the land . skulls for the skull throne ! -all these posts make me glad im able to do most this work myself . for real . how can a guy not open a hood and figure something out ? it is all so simple and can be done at home . -if those are bottles then i hope that guy survived . hell , i 'd be worried about surviving if they were cans . dead people usually do n't run for shelter and then stand calmly . -yeah i knew mb was in control before corruption but i forgot they were considered relatively new in corruption . i wonder if i got it backwards and the aurora was based off mother brain ? well in the metroid timeline corruption is supposed to be before super metroid . could be that space pirates upgraded mb with au parts . -the music on not fade away is nuts , and i 'm really enjoying born in time , thanks for sharing ! yes , its a great show all around . ca n't go wrong with any show from 2000 , really . -is it like with elder scroll where you can spend days on making your face , but very very very rarely see it while playing ? not at all . the game is in third person and having a conversation with other people shows each character 's faces that are part of the conversation . -review your bball history , this has happened many times where something small and seemingly insignificant is linked as a major motivating factor to a player that goes off on a team . just because a few might have used something like this to motivate themselves , most do n't need the extra motivation . durant wo n't try harder because he did n't start the all star game . -i prefer that pink floyd guy . i heard he 's pink 's dad . what a talented family . -there 's some other cool features like slow - mo camera , improved layout . plus as soon as i 've got it i 'm rooting my device to get the most out of it . i 'd you 're into rooting why not just flash lollipop now ? -i bet knicks fans never watch kentucky games because they know a joke is coming at some point . watching kentucky games is fun because it reminds me what real basketball looks like . source : am a knicks fan edit : plus towns is the future if our franchise . -kalamazoo brewery ! i love drinking there i love that beer garden they have ! -thing is they 're being defensive and not doing a great job at it . on a good day , this game is already a blowout in our favor . their defence has always been their weak point , but it 's like they 've never seen a premier league match and did n't know that their opponents run a lot -yeah , but what if he was a straight alien ? would you be surprised then ? not if that 's how the female form of his species actually looks . -i waved at a group of at least 50 harley riders 2 wide all in a line and not a single one of those fucks waved back . bunch of grumpy cunts . harley rider here . i wave at everyone ; including scooters . unless i am turning or something . -you 'll find that it 's fairly common in arab households given that muslims need to be clean before prayer . ironically their methods of washing themselves before prayer is ineffective and it helps bacteria grow even more , that 's why muslims stink so much -maybe if they had n't cut down all the damn trees in the first place they would n't have had to ! in iceland ? not a tree on that whole rock . -a processor , hard drive , memory maybe a good fan or heat sink installed on the motherboard . yeah that covers it . ca n't forget power supply , gotta power all of those installed parts . -if i proclaim im an atheist i still fear for my safety , people do n't like us , either they think we stuck up in our views or they are violent for not acknowledging their deity . you fear for your safety ? where do you live ? -if you only taught the class for fun and access to the library resources , i ca n't imagine the review was that far off . i believe that is unfair , my grandfather taught a few classes at ucla both because he loved to teach , and the access to the academic environment was a nice bonus . -how much do you figure it 'll cost when it becomes tradeable in a million years ? considering the number of people who bought the compendium in just a short amount of time , not much -his australian accent was the worst thing in that movie . totally took me out of it . just awful . the guy brings us phenomenal films . let him have a shitty performance in any one of his movies he wants . -i hope they made him pay for the repairs . was definitely intentional ceiling tile are n't that expensive , honestly would cost about 20 - 30 bucks . assuming he didnt damage the wood on the floor but ya he could still pay for it . -people over 65 vote at twice the rate of people under 35 . so they get more influence in our government . whose fault is that ? the fucked up ancient system of scheduling votes ? -his fight took me a super long time but only like 3 or 4 tries because it was totally a game of being careful , saving vials , and parrying at the right times . you can beat him as long as he does n't shoot twice in row . -i just do n't see why i have to do everything . it 's illogical that in dead island i 'm the one who does everything on my own , i should have ai players with me on these quests . i think it 's completely fine if the game 's challenges have priority over the logic of the world . not every game must be about realism . -same . i used an anti - material rifle and it felt too easy . silenced anti - material rifle , with high sneak and explosive rounds . i have no shame . -not mine . he 's hella easy . lucky you . mine needs play time , affection , safety consciousness and a host of other things . -i followed him for maybe 5 minutes . i followed him for about half an hour hoping something else would happen or he 'd arrive somewhere . then i murdered him and stole his scooter . i killed my brother . i am a monster . -i too have an enormous iranian nose . i mean , you could do what most do and get a nose job . it is n't a big deal . it 's not the size that bothers me at all though . just the kink . if i were to get a surgery , i would n't touch anything else ! -he has a good chin , but tonight was all gas tank . yeah he can definitely take the shots , though 5 or 6 heavy rights and well placed body shot 'll put away some of the best . -my so is the opposite , if she loses she 'll want to play again immediately . she does n't lose often . she 's a strategic force to be reckoned with . ha same thing with my fiance . he plays games until he beats me then he is usually done with it -antarctica . almost certainly the continent with the highest mean level of education , given the number of researchers . -i recall a story in the news , several years ago , of a woman who gave birth to twins . one white , one black . they had two different fathers . she ended up a single mom . there was a case some years ago with triplets . black , white , and asian . mom was a hooker working a business convention . -are you referring to encrypted manuals like the holy bible , the quran , the book of mormon , and chicken noodle soup for the soul ? good luck understanding those . i recently tried the holy bible but i 'm having trouble figuring out what i have to do to get high afterlife levels . -while you were playing it cool , she clearly came . i had to turn down my volume quicker than lightning . -yes you are n't going to get ripped off . they pay out they pay out to an extent . do n't expect to win 20k and cash out . -wait , it 's not ? no . why would kevin be in the same room as a production member ? -do you object to the fact that women were encouraged to pursue medicine and law , so that now a majority off law and med students are female ? do you think it 's a bad thing that a majority of law and med students are female ? -the plot twist of talia was n't told by anyone until they filmed the scene in the dark knight rises . was n't even written in the script . that explains why it felt pretty shoehorned in . -well jimmy novak is confirmed dead . so that 's not happening . it 's not jimmy novak 's body anymore . yeah i know jimmy is dead but sam and dean have died multiple times only to be brought back by cas and other angels . what 's stopping him from bringing back jimmy for claire ? -50 cent seems like a dick to me . he 's funny as fuck tho . i 'm sure id be rolling -wow . for the record , that 's the absolute opposite of what i have in mind . except the naked boobs part , right ? -if you think i come inequality is a problem and not a sign of progress in ending poverty , not only do you lack an education in economics , but i doubt you are a libertarian there was plenty of income inequality during feudalism too . libertarian does n't mean anarchy . -everyone gives me credit for that . i wish they gave me credit for how badly they want my penis inside them . true , please cock me sir . -i do n't fucking play football , it 's a dumb game . you 're the most effective troll i 've seen in a long time . -mana transfer scene where ? look , i love mana dolphins as much as the next guy but i do n't think there is a person watching that show that does n't know it was adapted from a h - game . lol -you say that as a joke but they literally forgot the month of december in one of the android releases . nobody ever really works or plans things in december anyway , so they figured they did n't need it . santa complained , so it made it in the next release . -actually india . indonesia is the largest muslim majority country though . i do n't understand how indonesia has a higher percentage than sa . i 'd be willing to bet not many people there will admit to not believing islam . -only problem i foresee , the license plate is not visible in the video if you rewind a bit before the video is set to start you can see on the cab the company logo , and all the other numbers on the side . -militant vegans . you hear about them all the time on reddit but in reality it 's just some guy being teased by his friends and politely declining . one of my good friend 's sisters is a militant vegan . she used to get in our faces when we would grill out so i started whipping raw meat at her . she does n't bug us anymore . -well it already gives zero fucks . if it had less then it 's just taking away other people 's fucks nah , it runs a fuck deficit . what you gunna do , make it pay up ? -is acu worth picking up now for this price ? i just picked it up last week and i 'm enjoying it but the framerate is crazy . sometimes i 'm running at 60 then suddenly drop to 20 fps -enzo does n't nothing in the ring he 's awful he 's fairly basic in the ring , but i think his charisma will get him over , and i think a tag team is the perfect spot for him . -while cool , this might be the most boring leaked info ever . dude its a joke , the rifle is the storm trooper weapon and in the films they have 0 accuracy -totally understandable , but you got through it and that 's what counts ! how was the movie ? the movie was a lot of fun . i 'm actually planning on going out again before next weekend ! i 'm making serious progress . -guys it 's happening . front porch , beer , headphones , beautiful weather . life is good friends . stay royal . headphones ? why are you depriving your neighbors of the awesomeness that is the kansas city royals ? let that shit play out loud ! -auto shotgun beats it most of the time if there 's no passenger in the car . yeah , best way to deal with a kuruma is a bullet to the driver 's dome . hard to pull off reliably , but satisfying . -watching on nbc live extra . commercial breaks are fucking killing me . the split - screen with race coverage and commercials is one thing , the full commercials breaks are unacceptable . really disappointing . it 's so sporadic . -plot twist : ops friend is a guy . double twist : the brother is post - op and therefore the sister now . -i was referring to why do i have skype installed in the first place , since i do n't talk to anybody on it . it is cheaper than actual phone . i often have to call abroad , and then it is really cheaper . -yeah your right alot of their feats dont add up . and that thing with the weights in other world always annoyed me . yeah and was it 40 tons compared to the planets gravity or earth ? was other world 's gravity the same as earth ? i wish there were more feats of strength . -i 'm pretty much indifferent to the fact what he did previously , what he does now is do pro - apple biased reviews . yeah , pro - apple biased reviews with statements the iphone 6 looks like android phones and the plastic lines on the back looked ugly compared to the m8 . -bought a nice little keyboard for my ipad . the novelty quickly wore off . same . i 'm glad it wore off in about 2 weeks so i was able to return it . -i know , i found one yesterday , do they ever despawn if they are placed down , or do they stay permanently ? they stay on public , i believe the current timer for untouched is like 10 days . but for most part if you actively use it , it should n't despawn unless there is a server wipe . -i thought he did n't get shot , hmmmm a bag of groceries would n't stop a bullet . -you would call 911 if you saw a naked broad dancing happily on her balcony ? by the time she actually climbed on the railing it would have been far too late to do anything . so what would you do in that situation ? pick up your phone and click on the camera ? just seeing a woman on her balcony aim to jump would disturb me for a long time . just my opinion . -what if the pens lost the draft lottery and did n't get crosby ? we 'd probably be talking about the kansas city penguins right now . anaheim would look drastically different . would they have won the cup in 07 ? would they have been able to keep getz and perry ? how many more goals would teemu have scored ? -no expense is peanuts when you have zero revenue . i 'm not sure you realize that when huge funds keep putting tons of money into your idea . that 's basically their business model . -isnt that why you would get the it with a docking station with a second monitor ? i know the pro 3 supports up to two additional monitors at 1080p each i believe . i do n't need my editing workstation to be portable though , and i 'm sure as hell not working on 8gb . psd 's on an atom processor instead of my desktop . -if i were n't broke as hell i 'd give you gold for that pun . so would i . can we at least give him silver ? -two rats fuckin in a wool sock ? two hippos 69 'ing in a sewer drain -did anyone else think this was weird ? why was the girl so afraid of her dad ? you 're the only one who thinks that , go watch a sunset or something the world is a happier place then you think . -good , now bring this mode over to the iphone where only basic cellular function can be done . i swear i put my iphone into something like this one day at work . not airplane mode , i could have sworn there was a banner text saying power reserve . have n't been able to do it again though . -i bought the majority of my champions with rp . like 5 out of the 110 or something i own , were bought with ip . i 'm a lazy bastard who ca n't be bothered waiting for ip what the hell do you spend ip on ? do you buy ridiculous amounts of runes ? are you rich and only playing for a short time ? -another day in high school . absolutely . it was my last period of the day , a computer - oriented class . -in russia i hear people install cameras on their cars because insurance fraud is a thing there . maybe people in the us should start doing that for cop encounters . i have one in my car not specifically for police interactions , but just in case someone does something stupid and causes a car accident . -steve carell will always be michael to me . it 's a shame - he 's actually a good actor . michael 's not what he 's like , it 's a character . have you seen foxcatcher ? it 's kinda slow , but damn if he is n't a completely different person entirely -a big part of it is that he 's white , i guarantee it . hey man , if ty lawson says you get laid , who are we to question ? -and just dumps it in the water ! trash island ! -size ? medium ! -the pirate and bounty hunter expansion adds a lot of player interaction . i 'm not big on direct conflict so it 's not for me . but it does its job . i 've heard similar things but it 's kind of crummy that you need expansions to make a game decent . sounds a like bad design smell to me ! -54 pt win for the bulls , i 'm feeling lucky tonight . someone 's gonna drop . 54 points . ho - ly shit -what exactly are you asking about ? the singing ? no that one sound at just before they sing . -bring some fried chicken for a snack . and talk through the whole movie , it 's what mlk would have wanted . pop a few caps at the screen and talk real loud . -everyone learned that , when every sports site on earth reported the shit out of it last week . op 's post is factually correct and your comment is n't . -i would n't be too sure . how long have people been saying that sharp is gonna get traded ? and it still has n't happened yet . because we do n't need it to happen until next year when we start to have cap issues -a innocent question : does the beta progress carry over to the release version ? there 'll be a complete wipe , but closed beta players will likely receive a premium ship and other goodies for playing many matches in cb . -yeah , me too , accidentally fell asleep too right after i said that . right now i can . ah i 'm out right now . can you perhaps do it later tonight again ? given that i do n't fall asleep -i 've loved their duo streams the last few nights . awesome to see sneaky helping incarnation fit in . he even said that he and meteos took him to chipotle the other day is n't this going a bit too fast ? -you can do cardio after smoking ? much respect . i do n't smoke cigarette , never have and i vape . do n't know if that makes a difference ? -keycaps are usually always from the mechanical keyboard community not the console community . if that 's actually where it came from , it only makes it even funnier . yup . there was a vote going on way back about which console to drop . brick and potato votes were added which eventually lead to these keycap drops . if i recall correctly . -you like candy ? gummy bears ! -false , i 've never had to pay taxes before obama technically then you 're either too young to know what you 're talking about or lying . -right . right . whatever you say , man . this is so fucking absurd , i 'm convinced this is very covert sarcasm . i was hoping it was obvious boomer steve . -no . do all men have faith , or do only the elect have faith ? only the elect are given faith to exercise . and the object of that faith is jesus christ and him crucified and risen again . -thanks . you 're the only person who posted a working stream . idk why people post links to streams that do n't work . no problem . i always share whatever i find . i 'm not usually the one to find them though . haha . it 's a relatively stable stream too . -this is further supported by how long button was able to keep perez behind him in aus , despite being 2 - 3 seconds per lap slower once perez got by ! all perez had to do was wait for drs on the pit straight and it would have been an easy overtake with that much of a power difference but he of course had to try a stupid move . -team b is in the championship no matter how many points they score so long as they get more than 7 . can someone explain how team b according to op would n't want to score points . if team b scores 15 points the bottom team of the three will be team c . it would then go to the head to head between a and b , which b lost . -what the fuck is mexican coke ? mexican coke is coca cola from mexico , apparently it tastes better than what we make in america due to the type of sugar we use in it i guess ? -explain your way of measuring a coastline and we 'll see how hard maths crush it . i thought you would just walk and count the distance in miles it takes to go either around or till the end of the coast line . especially easier if you have a small island -tis 'the pressers who hold us all back from achieving a true goal of 0000 . they are weak and must not be praised for their actions against the greater good . you 're just as bad as us , you ca n't resist the urge of knowing what happens after 000 . -i thought i 'd seen unique closed ? please tell me i 'm mistaken . the one in portland did but the one on preston is still open . if i just needed one suit i 'd be all over either goodwill or unique . -one of my favorites was the final fight in jet li 's fearless . i ca n't seem to find a good version of the scene on youtube , but it is probably somewhere else online . the sword scene did it for me in that movie . -does that mean war snipers will have a youtube channel ? or are you posting on a personal channel ? i do n't really see the scope for a channel , so i 'll post it onto my personal page . -learn something new every day , i did not know that . thank you for the clear explanation . my mistake . i have a tendency to stick the oxford comma in places it simply does n't belong . it 's something i actually have to watch when writing . otherwise , i end up with sentences , like this . -got 7 new avatars in the past 2 days . not necessarily a goal but i 'm pretty happy to mark a few off my list . ; d ooh , that 's great ! -i know right ? he gets hit by normal humans , it 's kinda stupid . otherwise its a pretty good show . but then again a girl uses a gun that makes gold to steal shit . that one i can just chalk up to being fake gold . -at what point do you just take a shower ? this is what i do , no toilet paper ? looks like i 'm taking a second shower today . -my only beef with our state is the high cost of loving compared to many other states . love it here though . yeah , the price of prostitutes there is way out of control . -she 's one of my top 5 favorite bodies . love her tan lines . such an angelic face also . and , from what i 've heard , one of the nicest , most down to earth celebs out there . personally i 'm not a big fan of her tats , but to each his own . -fake , ryu is just photoshop of marth it has roy in it so it 's real -he was in all - time scoring packs , 2k released them for about 3 days and that 's what happened . oooh , i was away for a week , i didnt even notice that pack was out . -because the way they set it up is an ethical and legal mess . ethical , i can see your point but legal mess in what way ? and again , they can release the mod for free . modders are not forced into selling their creations . -it works so well that it even changed the shape of their nose ! and where her eyes sit in relation to the rest of her face . -thank you ! even though i do n't like these people or what happened , it did n't need guns or death involved . im glad they did n't have any as well . i am happy you 're ok , again , what a shitty experience for you guys . -i just thought it was weird he 's wearing it at 20 . good on you for quitting dude ! i had a friend that wore the same kind of things . almost thought it was him based on the clothes , ring , hand and he 'd be 20 - 21 around now . looks like ops canadian though so ca n't be him -what about health ? do you bring nutrients ? later in mh3u i carried the max - potion as a sort - of panic button . food is enough to buff your health near max . -i feel your pain mate that 's what i use and it can be a bit of a pain in the arse lol i 'll use my christmas money to buy an airbrush since my dad already has a compressor . i 'll have to wait a few months though . -thank you for the help ! do you know when you get an orientation date or do you have to book it ? you do pick a date , but i 'm not sure when you can begin signing up . i think in a couple of months . -1080p 60 fps , until i hit low settings on aaa games . any estimates ? we hit rock bottom with the new consoles , they will slow down the cycle for a long ass while , you should be good for the rest of the console 's lifetime which usually is 7 years or more . -scot left seattle before we won the super bowl . it 's not like we 've had a hard time operating without him . he was a scout . his job was to go out and find the players that made up the superbowl team . -went to look for a snack between innings , found a surprise puddle of dog piss , and missed russell 's hr . fuck . ca n't blame the dog . russell 's hr was rather exciting . -oh sorry . you know how it goes . i answered directly through the inbox and thought you were the person i asked my question in the first place . i guess i should edit my answer in above then ? all i know is the guy you wanted to reply did n't see your comment so yeah , reply to the right post , do n't worry about these comments . -you 're right - i really mean recreational . i think i will change my op so that it reflects that . oops - i ca n't change it . i 'll keep it in mind for next time , though . -i have a hard time believing a reader would miss the satire . many dont . a lot of people i talked to in college basically saw it as the book version of the movie . -why would they comprehend anything after they hit the ground ? that 's what i 'm saying . what 's the point of injecting them with a drug that will prolong terror , if to then they 'll only have fallen a few feet in slow motion before they die . -where else are you supposed to ride a bicycle ? on the pavement , crashing into pedestrians at 20 - 30 kilometers an hour ? i thought that was the illegal part , and that you were meant to ride on the road -you 're going to have to ask the jet that . instructions unclear , got ran over on the airport tarmac while screaming at jet . -try to keep up ? you are already trailing light years behind . anyway , back in your box troll . ah yes , everyone who disagrees with you is a troll . the conservatives won the last election in case you did n't realise . by your logic you 're closer to being a troll than me . -the islanders to give a proper send off to nassau . that would be pretty cool . i 'll have to add them to my list . that and johnny . i miss him . -i 'm not the one downvoting you , but i do think this girl has a big butt because she 's overweight . it 's usually pretty easy to tell . overweight , sure . i guess it 's just semantics on fat for me . -i thought all music was played on radios live . so every time a song is being played , that band is in the radio broadcasting station . i thought the same thing . my friend thought if you were recording a song off the radio onto cassettes , you had to be quiet or else you would record everything you said -everything under rendering although mines probably a bit different but not home atm so ca n't compare would u be so kind when u come home to share the rendering part . tnx -did n't he work for rt before slow month guys existed ? yeah but he could only come to the us for 90 days at a time so he had to get a visa to move here . -cool story , but not how ante works . you ante up before the match , most of the cards that reference ante kind of mention how the ante cards are common knowledge before and during play . we ante 'd top card face down at the beginning of the game , then whoever won the match won the ante pile . -and how would you cook said ramen without utilities or a home ? well first you just eat the block of noodles whole . then you snort the seasoning , drink some boiling water then fuck hot bitches to stir it all up inside you . at least that 's how i eat it . -i think you 're unique ! and have the most gorgeous colored eyes ! i 'm a girl and i would probably find myself getting jealous of you lol i just looked you up and saw your post , you look absolutely friggin amazing dude . i 'm jealous of your whole look . -that unicorn mask . and tiki guy ! b - but my cat main is n't a mask : c -how about kessel for rask , rinne for bergeron and datsyuk , kurri , parise and karlsson for chara ? i 'd only need them for a minute as i have rest of the collection done already . wait i screwed up , i can take that perfectly , i 'm online now . pm me to work it out -this is really sweet , but i 'd be paranoid about my smell my wife gets me to talk to her while she 's in the bathroom all the time . i do n't have a sense of smell though . -sounds like an interesting 2 player card game . however i find the price too high for a simple card game like this . very disappointing : why is there no print and play level ? one of the buttons on the campaign page is for a print and play version , which you can get now . -why does that matter ? that is how you scar a child which could cause mental and social issues . brothers like to mess with their younger siblings . dads like to mess with their sons . relatives just like to mess with relatives . it 's just family man . -sucks , man . but it 'll be there waiting for you if you ever do get one ! i ca n't wait ! -if you do n't mind me asking , what time of office job only pays 9 . 33 an hour ? social work . -where 'd you get your copy of ps ? just torrent it ? you could do that ; i got mine free through school -we were talking about the law clerks and pi in 2012 . neither side called them , either side could have . no hang on . it is highly likely the pi or a clerk contacted asia in 1999 . in 2012 the onus was on adnan to produce asia . -do you have a gun ? a big mean dog ? a big mean dog and a gun ? i have a cat , and a handgun . i used to have two cats , but one went missing in the woods . -good enough to warrant forgiving the super - smug branding ? good point , but yes good enough -this . and if we happened to be near some other kid 's house around lunch time , his mom or dad would fix us lunch . that 's pretty normal . why would n't they ? that just seems impolite . -oh man , haha yeah i 'm experiencing time dilation because of this game ! you need to just get it , its well worth the money , i found monster hunter 3 ultimate just like tri but this game is a breath of fresh air -how is he holding that sign up ? his fingers do n't look like they are positioned right , and his other hand looks like it 's in his pocket . i think he 's leaning it on his leg -a parmesan and dark chocolate grilled cheese . but it has to be the block parmesan not the kind you shake in your pizza . edit : apparently it 's s goddamn melt . another great combo is cheddar cheese on apple pie ! -if the model is still being paid to use her license then her job as a model has n't been automated , has it ? it has if they keep using her likeness after she 's dead . thus keeping other models from taking her place . -i do n't care what lead wisconsin had , thats 5 points duke should not of gotten . and okafor should n't have had 3 fouls in the 1st half . that severely impacted his game but it happened . -i thought exactly the same thing . i actually clicked through the article because of his picture headlining it . what still blows my mind from time to time it 's there is people who are more flexible than eddie in the 10th planet system . -bloody deserves it too . i hope he has a wonderful close to his career over there , he 's been a champ for us . he really has been great , i feel bad for doubting him during the first half of last season . -my mums a high end sanitation work helping developing in developing countries . that is some fancy shit . -which belts ? air targets ? i have been using universal for the tracer round . i use the air targets belt , yes i do n't have the tracer , but they do a lot of damage -do n't see the point in signing de jong tbh i think we could do with a tough tackling dm . we do n't really have one in the entire squad . think i 'm right in saying his contract is about to expire as well , could be a good bargain . -for magic seals , i believe it 's almost always crit over main stat . oh wow , really ? does the math just work out that way ? i 've been getting main stats this whole time . -no shit . she seems like a mentally handicap idiot . yeah it was a pretty simple question . -the president is just one man who received intelligence on thousands of attacks . if the threat should have been labelled more credible , it was n't the presidents job to find that out . it is however the president 's responsibility to ensure that the people who work for him respond . -it 'll be a sad day when you finally log in for the last time . me too he 's like a smarter wizard fan than me and he 's not even a fan of the wizards -because obvs those cf folks do n't need time at home . she knows his job ! or is it just so she can post about being a military wife ? how do you know someone is a military spouse or has kids ? -to be fair , glancing at your fm , you 're not anywhere near trip 's target audience . that is a fair statement , and i agree . i prefer more energetic music , they were pretty boring to me . -i see a simple solution to this issue . do n't strangle your girlfriend and you 'll have no problems with the cops trying to get into your phone . that 's works fine until you run into a cop that has it out for you . -he 's one of those people that until you 've seen him acting , you do n't know just how hot he is . it 's so true . photos can only convey so much . the man is damn charismatic on screen . -i was just thinking of this movie today . it 's actually brilliant . if you have n't seen it , go watch it . thats weird i was thinking of it too . i could n't remember what it was called , but wanted to re - watch it . -tbh i hate being alone on my birthday more . i just do n't celebrate birthdays anymore . -shit man , that 's rough . least you 're back and making progress again ! i hope so , want too look atleast decent in the summertime . -it 's a beautiful thing . maybe he 'll take a little more time to confirm his suspicions next time he wants to start trashing a company on a public forum . if only there was a way of measuring volumes of a liquid , something ml marked on the side of it maybe , that 'd be a great invention . -i like it , but what if i said all of that in the text field of an image post of an image of two 600 pound people fucking ? just post an amateur video of you and your so i think that 'll equate to around 800 or so pounds . -you do n't have to read the whole book , just the few chapters on atomic theory . it 'd be more time efficient if you just communicate the main points to me in a few sentences . it 's too time consuming to find the right book , chapter , section , and paragraphs . -so is their a place that has all the seasons like netflix or am i stuck buying them on dvd ? hulu , well except the first 3 episodes of the current season -i do n't think it ended up selling at all . no , i looked it did n't sell on ebay but who knows if it sold elsewhere . he is on holiday so i guess he will sell it when he gets back . -argos cat here , are we related ? that 's a bit racist . -it does unless you define physics as something other than the things which happen in the universe . no ? how on earth ? -yeah , for as much grief as he gets , he has insight in that he was a top player who was always very candid . he does n't hold back and calls it as he sees it i mean , he 's actually very smart too - under the act . he makes good commentary on patterns -there are some foods , like asparagus which is basically water , that have negative calories . but we talk about one figure numbers here . food usually are n't negative calorie , but cold water is , not by much but still . -how would get get up on top of a 7 'high gym mat ? i do n't know why they ever stuck to this theory . their explanation is because the mat was around other things he could use to climb up , or someone helped him . -i am honestly really curious as to what that sandwich is made of . it 's too colorful d : it 's likely cream and fruit , it 's a desert thing . -then they fail to make a proper connection often . if i were a police officer i would not be comfortable using a taser to protect myself . hence why a lot of people get shot instead of tazed . and it makes sense and is completely justifiable for cops to do that . -what was the reason ? there 's no youtube description , no explanation given . -i was terrified of buttoned up shirts . so terrified in fact that i once tore my shirt off and ran out into the garden , tears streaming down my face . it was the opposite for me , i always had my top button buttoned up until like 5th grade . i felt naked otherwise , i do n't know why . funny how now that 's come into style -asked him if he wanted to play . he said he couldnt today . luck has it we had the same golf now deal tee time this changes everything . literally everything . he could n't today because he was playing with someone else . nothing wrong with that . -incredible ! kevin parker 's never been one to shun progression , let 's hope his fanbase are the same . i know i am ! right there with ya ! kev 's new sounds is fresh as fuck , and right on track to becoming yet another amazing summer jam . to see an artist progress is always welcome in my books . -with boa it is a hard inquiry . they 're the minority then . i know for chase , barclay , and amex it 's quite easy to move credit and not a hp . -they all skip your draw step , you only lose to mill when you try to draw and ca n't because your deck is empty . ahh , that makes sense . -just ate a quarter of a watermelon by myself . no shame , only happiness . filthy casual . i occasionally eat 2 watermelons all by myself . in the course of 1 day . -is that a regional thing ? i 've never heard of that in new york i think they have to be permitted by the city - not all areas will allow them . -the people who work on factory farms producing eggs are treated nearly as badly as agricultural workers harvesting produce . good point , but what about this egg and this avocado ? -who will build our roads ? well it 's a statist paradise so i imagine chain gangs of tax dodgers will build the roads . -mmmm , crave that carbonated sugar water . really though , what does mountain dew taste like ? i do n't think i ever had any in my life . is it like sprite or an energy drink or something ? -i 'm going to temp take this down while i discuss with the other mods . thank you for understanding . that 's cool . when i realized they just went up yesterday i thought it may be bogus . hope not though . -did you stripe the color on ? no , i made the shrooms individually then attached them . the change in hue was due to the mini torch . i was trying to get the base of the mushroom to strike leaving the top green . -white people do n't hold the rights to speaking properly . go try to get a white color job while speaking ebonics in the interview . let me know your rate of success . -if you have a slingshot , it might help with the discomfort at the bottom after you 've healed a bit . thanks man , that 's a really good idea -grave of the fireflies . that was amazing , but that being said no force on this earth could make me watch that again -is this gonna ruin the movie for me ? avengers movies are already crap so i ca n't see how . -time for somebody to build a dc lighting circuit for the home . look well if we have another dc versus ac fight in the future because of elon . -what kind of walls are hollow ? everything here is made out of solid stone and such - there isnt anything behind a wall . houses . depending on what cave system you live in , they should n't that far away if you want to see some examples . -i like fault line more . i 'm a sucker for that chord progression . as a song i totally agree , but as a single this is better imo . fault line is so dope though -i forgot that the actors said some fucked - up shit was coming up . i 'm not sure that this was the moment , though . ramsay can always step up his game . the next episode could get worse . i did n't think this was the hyped scene they were talking about . as the credits rolled i was wondering what horrifying stuff was still to come . -no . you do n't spike someone 's drink , especially if they never consented to it . fuck her , fuck you , fuck nixon and fuck glue . especially fuck glue . yeah , stick it to the man ! -do people still find this joke funny ? the avatar intro spoof i mean . well i do . i 'm sorry that you do n't see the fun in this . -i laughed my ass off at this and i do n't feel ashamed to admit it . no one made you jump off a short fucking cliff . i dont think the cliff height was the problem here . -the ones with money , who live in the us , you mean ? in the us , you will still be found guilty , you just also have the option of buying yourself out of being punished . -i do n't support ted cruz and he 's utterly irrelevant to this conversation . all i 'm saying is that spending money to advertise a candidate is protected free speech in america . sure , but not allowing corporations to spend billions . they 're not people too . we 'll be dumping that shit asap . -you are probably the reason that ebay listing has sold 100 of those things in the past hour . this is my first time doing anything like that , focusing the internet on some poor sob that has to do work now . -close anything that creates an in game overlay or messes with driver settings and narrow it down . for example radeon pro instantly crashes it but i do n't know about others . didnt work for me , any other ideas ? -hello ! : d you should fix the side bar link to get here . that actually takes you to the other sub link instead sorry , my bad ! i must have been distracted -it 's from unbreakable kimmy schmidt . she asks a rich guy she is dating to bring ice to her party . she alive , dammit ! -it 's ridiculous how much space cars use in general . public storage of private property . -depends on the situation , in some cases 1 month could be a good idea . if you have another job lined up , there 's never any reason to give more than 2 weeks . -some online shops will probably start to comply right away by just disabling sales to indiana until they see how it plays out . how does in prove online shops are in compliance ? they 're not going to send people to check . -explain how you know that riot has no means of determining whether or not there was a bug . if they can tell that it exists , then why ca n't they fix it ? -can confirm , rural folk tend to use them . it 's always a different world when you leave wi or head into the major cities . is n't that funny ? the people who use their turn signals the most are the ones who get to work without passing another car . -hell yeah ! do this enough times and there are lighters everywhere , and you never need to worry about if you have one . velcro them on the underside of coffee tables and desks and such , it 's practical , convenient , and when you have company you get to be some sort of sneaky lighter wizard -using wired or wireless ? can you use the controller for other games ? i use the same operating system and i have no trouble . i tried wired . i 've tried a number of drivers and they do n't seem to have the right ones on the microsoft website . -dude chill , it 's a prank im chill and cool cool , i need a heater -and still not white . you ai n't black , you ben affleck -it takes you multiple days to make pizza dough ? you know , there are much easier ways that take much less time to make dough from scratch . if you 're not letting your dough rise , it probably sucks . -overthinking . play the game . if you do n't realize what weapons are bad then you are bad . or maybe he just does n't know very much about the game lol slick move there slim shady -i meant the grey - blue country bordering russia and china . i just assumed it was kazakhstan because it 's where the current country is . can you let me know so i can change my flair ? thanks do you mean the country which is grey right next to china and to the left borders a purple country ? -he hits the ball first , not a foul . til that if you hit the ball first with your left hand , you can hit a player in the face with your right hand and it 's not a foul -sanchez was back to being sanchez after two games . also , steve spurrier signed a few of his old qbs while with redskins . that does n't really mean anything . chip kelly is n't correcting a tendency to press and throw ints in an older qb with one offseason . sanchez had great numbers in most of his games , even if he turned the ball over way too much . -they 're heavy . they 're kinda fragile . they 're not really exceptionally aero . they are also super expensive once you consider everything you just said . -nice find , i did n't catch that when i went through either . the link to the lords of war stuff is cool to see . -i 'd purchase 30 acre lot , build a large fence around the whole thing . live there and be happy edit : maybe start my own business . dude , you could afford thousands of acres , why would you only get thirty ? -i 'm an american and am completely fluent to both metric and english units . in case you care . well yeah i know the metric system as well it 's just stupid that we are stuck using the same system when they could start phasing us out to metric . -nobody cares that you got gold . edit : til everyone cares about reddit gold . i care . i fuckin 'hate those gilded people . -all the students want to do game dev . all the pros want to stay the hell away from it . i feel like i was the only person in my class who started out with no intention of game dev . -do tell ! i have a super - green stem and would love to know how to extract it and what to do with it . well , the easiest way is to make stem hot chocolate . simply heat the milk with the stem in until it 's clean . add hot chocolate , drink and take a trip to space . -remember that bug where sion w randomly replaced your own ? try have that happening halfway through a match as azir . that was an exploit that required a player to actively change game files , along a similar line of work as the ashe q bug . -not even gona lie , had the title thought of 2 days ago . hey , forward planning is an important quality in this league . you 're gonna go far . expect a call from san francisco soon . -their families are n't british though . plus they 're a bunch of radical - muslim brainwashed fools . their families are usually 2nd generation immigrants and frequently innocent and oblivious to what their children have gotten into . i 'd argue their families are more british than they are . -polar bear do n't give a fuck . damn right i do n't -theres 2 versions of the album . the original one and the remix . i know ; but none of them includes the song i have linked here . -it means he hopes to release it before season 6 , not necessarily that he 's planning on it . planning is too decisive a word for grrm . the fact that he choose the same term to describe the amount of written and unwritten material makes me want to start crying . -you 're welcome , and i 'm sure there is a digital seller worth buying from ; i 'll do a quick scan and get back to you based on if i find anything . appreciated . i did n't find anything in the quick search i did , but i 'm also not up on most of the digital sites . -that is your opinion . how 's work ? are you going to start with that lame shit again ? -suck it up . act mature . when you are on your own you can do whatever you want . that will be pretty soon at this rate and im not sure if you really want that . it 's actually okay . i told my mom yesterday to go ahead and report me and she has n't done anything , so i do n't think she will . -yup . pretty low barrier to play soccer , really . all you truly need is a ball . that reminds me i need to get a damn ball in case my friends want to do a pickup game or something . -how was it ? did she know you were a virgin ? do you have any tips for moving house ? it was alright . felt not as good as i imagined it would . no i did n't tell her . but after the fact my guess is she realized it . do n't move it . -did you use the game 's built - in save points ? if you did , then all you need to do is to load that save . if you did n't , then there is no way to restore your game . yes i saved in game and that worked . it was n't until i tried to go to my last save point via gamepad that my save file disappeared -just tried this and could n't get it to happen . you might have to start the chapter over , see if you can progress then . i just uninstalled it and am reinstalling it . that 's my last idea . is a chapter different from a level ? -it does , quite a lot more actually . it loses half of the airflow options because the ring is thinner and doesnt flip over , but the exchange for flavor makes it almost none . dude you just hyped the fuck out of me , now i ca n't wait to get my hands on it hahaha -still waiting . pushed on the first day on my alt account just to see what it 'd do . now the wait for the yellow and red . too bad there 's no way to track fake grays who simply press the button on alts . i personally have no alts . all or nothing . -i see absolutely no reason for that to be true , why do you think yes ? i could be missing something it 's not think it 's fact . it 's just the way heat exchange works . -she probably got her first taste of delicious live meat playing crocodile : 9 if that was true , she 'd object to the idea of there being a crocodile than amethyst 's commitment to the role -then why make the post ? because dota 2 is a big game , and about a year ago counter strike was n't as big . he 's showing how big csgo has gotten rather than the game being better than dota . -stealing content usually gets exposed anyhow here and it is not like that this is an option one should chose . so if youtube is not a problem for you , why should gfycat be a problem for you ? -with pvp being such a big part of this game , are they going to add in a way to reset your soul level ? it is there a way ? that we know of there is currently no way to do that or respec for that matter , if you wanna reset , have to restart your character . -it does n't work . there 's always gonna be a little bit of shit caked on . and wiping it with dry paper does n't work very well . wet wipes . -then why are n't bots legal ? what if i want to bot all my skills to 99 ? you should chill out and let people play how they want to play . because buying a set of guthans and grinding 70 att and defense takes more effort than downloading a script and running it . -it 's not their responsibility as a company to monitor and look after people who use 3rd party services with their virtual items . i ca n't believe people think it 's valves job to control gambling . why not have some self responsibility instead of blaming some one else for a change . -absolutely , that and assassination objectives . half the time they do n't even get on screen : d add that to the fact that you do n't need a clear line of sight either . one thing that 's great about it , it 's pretty damn hard to team - kill with it . -awesome work , congratulations . seeing stuff like this makes me want to continue to work on my form . great job ! thank you ! btw , never stop working on the form . -just heard they take all your assets into consideration . they gave me all my money right away onto a debit card . must be easy to convert it to cash or gift cards or something , and say you spent it ? -no shit , cunt . shit cunt , what the fuck are you on about ? -it just seems like 5 wins before 3 losses would be quite the challenge , do n't you think ? you can use the passage coins to buy modifiers to help you out . such as forgiving a single loss , counting one win as two , etc . -that goal keeper sure is dedicated , sorta blinded , bleeding leg and still trying to stop any oncoming goals . he has spider strapping , probably has a quad injury that he has to prevent reoccurring . i initially assumed bleeding too -yay , super awesome toilet water ! will forever be blue ! until i turn it green . -brown i feel as though is optimal for me . loud enough and that perfect click for typing and gaming . i could possibly do blue and be happy . yeah , i ca n't do blues . i like the prefer the sound and feel of the browns with a good deck and some nice double shot pbt 's . -luckily , we 're a small team , so i know everybody , and nobody is like , crazy obese . i think it 's a fairly even playing field . you could just binge right before hand , and then a week before the final weigh in cut out all carbs . -it 's a national broadcast . this is a good thing . agreed . the nhl wants to build off of last years playoff series and help foster a divisional rivalry by showcasing this game . -apparently not , as people are accessing the resources without accessing the ads . i also expect to be reimbursed for the stuff i do , it rarely happens . expectations can be wrong . the resources required to serve up a video are expected to be paid for by ad revenue , when abp comes into play , that 's not the case . simple as that . -this is perfect , just what i was looking for . time to build myself and exp leeching , unkillable zdps monk : d yeah you will be a lot tougher than standard zdps leech monk , but you will be leeching much less and you should n't be dying in standard speed runs anyway . -oh okay . you could turn the clock off though , just saying still just not my game . i have tried , multiple times . i just can find hardly anything about the game i enjoy . -nope , tea is though . same . not a coffee drinker . -do they have a warehouse full of bibles waiting for disasters to send these at a moments notice ? probably why the bible is the top best selling book of all time . they do n't actually sell them to people , they sell them to churches and missionary groups to give away . -what would you say is your most controversial opinion ? i think homosexuality is just so wrong . -starring two members of the bush does n't care about black people show ! his face was so priceless when kanye said that . -i ran a 4 : 15 mile on friday . so that 's pretty cool i guess wow , great speed . -ive seen little plastic things shaped like this around is it related to cameras somehow ? or possibly tapes it 's definitely related to records . i forget how - maybe it used to sit in the middle of them ? -i ca n't escape american sniper that guy 's movie did n't win the oscar so now he 's haunting our tv shows . -i 'm not saying gs ca n't win tonight . i 'm saying let him get more rest and if you lose tonight it 's not the end of the world . i do n't necessarily disagree with you , but i think it 's important for the team to have him back out there as well and see that he 's okay . worth the risk ? questionable -you can also just limit the scale of combat to match their team . might get rid of the fun buddy mechanic if npcs are following them around . it depends on the players . mine love npcs to death and usually have companions anyways . -my god , you 'd think not a single one of you had ever seen a game called on account of rain before but it 's not fair when we 're on the wrong end of it ! -there is an armenian student association ? where is my half - finnish student association ? bad move , college students are programmed to err on the side of extreme sensitivity . -nothing ? not even lucky underwear ? how boring . not believing is silly things like luck and superstition is boring ? maybe you should pick up a science book . -thank you . cops need to know that no one likes them . they need to be fought at every step of the way . make their lives difficult . make them suffer . well , i like cops , so there is at least one person who does . -in the description it says that it was probably a mix of fatigue and the weight of the camera equipment made him think he had his parachute . it 's hard to feel sorry for a guy like that , i mean this is literally what evolution exists for . -i used to have a russian dwarf hamster . she definitely fit into the cute and round and weird description . haha well the daily and discussions are about all i intend to do here . you should join in activities as well ! there 's definitely a bunch to do here . dwarf hams are the cutest ! then can have some big attitudes though hahaha -they 're our fucking neighbor , if this shit was happening in canada there would be outrage and the president would immediately make a public announcement giving our support . it 's sad really . the thing is though that many mexicans do not want us involvement , i 'm sure that if they wanted help the united states would be there . -it does work . source my card fucking does it sure , because your bank is nice . but they could change that policy at any time , and you would n't know . -oh , no . i was there . that was a really fun game . that giants fan is simply a liar ! -i just started to buzz it last year . makes it a lot easier to deal with , especially as a 20 year old guy as a 21 year old guy , i find it simpler to just let it grow long and tie it up in the back . -people and animals hold different value . perhaps - but does that justify the unnecessary killing of either ? -no ! do n't give into her demands . i do n't know your history but there 's no way in the world i would give someone else my kid 's newborn stuff . the thing is that i 'd set it aside in a nice box to give to his dad for father 's day . now she expects it . sigh . -wasps pollinate some things , too . like figs . so i hope you do n't like figs . do n't wasps die or lay eggs in figs ? can anyone confirm ? -do you start middle school this year ? he must minecraft in between his call of duty sessions . -yeah , but he would look like the biggest douche ever to leave after the whole homecoming narrative did n't stop him leaving the first time . if ya 'll shit on him enough he could leave again . -before i stick it in , do you reveal one of the danger vaginas and ask me if i want to switch my choice ? but how would that even change your chances ? -they 've said pointing out rules helps on multiple occasions . if you are going to point out the rules it helps to know what you are talking about first and not just posting about a rule whenever you do n't understand something -sunset shimmer is actually twilight 's biological mother . spoilers . i have no idea who that is . -you take college acceptance tests at 11 ? does n't seem right no , it 's high school acceptance tests , called sats . -skin off . skin on is going to give you a bitter flavor like you 've never had or wanted to have before . trust me . i 've done it before . also , remove the seeds . that was a huge pain , and i feel like i wasted a lot of my fruit , but it 's done now . thanks for the advice . -lynx fans have had plenty to cheer about . not that i claim to be a lynx fan , or even a wolves fan . but everyone seems to forget about them . who are the lynx ? a developmental hockey team ? -budgeting , not drinking too much when i go out , working hard . i need to get my shit straightened out . if i am not dead i know i did n't drink too much . -for some newspaper editors , yes . i think they were n't in class when the teacher explained the numbers in school . or maybe they 're working in a really funky metric space . i 'm not inclined to give them that much credit , though . -white boys always talking about your small penises . we get it , you are n't black , move along . this coming from an asian . -they will be looking for meth soon and forget all about you . carry on bro , have a beer . i 'll do just that , thanks for making me crack up a little haha -given his experiences when he owned one , i 'm not surprised . damn uk dealer with its aftermarket alarm system . ruined clarkson 's experience . -it was a joke , i know there are very different dialects of spanish , as i was berated until i got the pronunciation correct when i was in spain . when the spanish kinda did the whole thing first . they 're kinda hipsters , just like the english about english . -it 'd be pretty epic to have us face off , imo georgia and fsu were in talks for the 2016 game in orlando . obviously something happened on uga 's end since we 're playing ole miss instead . -i have n't seen the podium since i live in the states and nbc sucks learn to understand , speak , or tolerate spanish . then turn to the spanish speaking channel . nbc sucks they know they suck but theyll keep doing this , because dat mad nascar money yo . -taking my combat boots off at the end of a long drill weekend . mmm , i bet that 's orgasmic . -they should have no problem playing with an empty stadium , it will be just like playing at home for the white sox . you are beating a dead horse . -i think i could live with 3 . any ideas ? i was looking at the acer aspire nitro . could i simply use a usb to dvi and hook up 3 monitors like that ? or get a usb hub ? i 'm not sure if a usb port would work , if it does than a lot of laptop would work . going to have to look that up . but dedicated port goes most i seen is 3 on the higher end gaming laptops . -what about shaving a happy trail or whatever you want to call the line like patch of hair under the belly button ? no . i can understand trimming if hair is too long and getting in the way , but i 'm the burly lumberjack kinda girl . -theres still time . we did n't trade back in until the last second last year . you have to give up picks in exchange for other teams to give up theirs . we do n't have those picks to give up this year , and if we do , we will end up with fewer picks than we started with . -he 's right though , unity is really bad on linux . ksp runs perfectly on linux , the fact that unity 's physics engine is single threaded is a bit annoying , but that isnt a linux specific issue . -i think everyone wants them , they ca n't host a game so the lower seed would host . i hate this . we wo n't have any home games in our arena again until december . -fuck no . i am in a similar position like you . well damn . -kanye is a horrible person , but i just have to agree that he is a musical genius i dont get why youre being down voted just for stating your opinion . -and profession . it does n't matter what your last name is if you 're a truck driver . yeah , profession along with education . being able to say you 're dr . ______ is more important than just being a _______ . -i 'm a state away and working on transferring the money . why do n't you set up a bank account by a bank near you ? -i ca n't be the only one bothered by the fact that some letters use a bigger font than others i had to read it 4 times because it was pissing me off . -i 've seen some of my friends talking back to their parents and it always shocked me . if i talked to my parents in a tone that hinted at any disrespect i 'd be screwed from time to time , the tree of family must be watered with the blood of parents . -have you ever tried swing dancing ? lots of vintage addicts in that scene . believe me , i want to ! i love dancing but i 'm definitely not too good at it . i love big band , swing , and jazz a lot too . used to play a bit myself . -uh , maybe i exaggerated a little . but it 's likely to be used as a justification to aid dawn with arms and airstrikes against jihadist targets , polarizing the two camps further . right right ! odd dynamic between all of them . -how could anyone in the u . s . not know what tomorrow is ? it 's one of the biggest ad revenue generating fake holidays we have . actually i 'm in australia but thanks for the fact i guess ? -same here . i still go back and reread the five book trilogy every couple years . i just recently bought the five book trilogy after meaning to read it for years . just finished the hitchhikers guide last night , excellent book ! -that 's not normal . you should see someone about that . really limits what you 're capable of in life it 's actually very common among people with anxiety . -why dont cars have carbon monoxide detectors that shut off the car ? how would that stop them from simply disabling it ? if someone is determined to kill themselves good luck stopping them without them asking for help . -that is my favorite role as well , i have the dvd somewhere love watching that . i just re - watched it for the first time in a while . still an incredibly emotionally impactful film . -no wonder women 's sports are n't respected as much as mens . this is a joke and an insult to what these women are probably actually capable of . you 're super right and yet i love them anyway . stupid confusing world . -i fucked your mother ! dad ! -these are the things that make me feel like there are 10 people working in the entire art department of a billion dollar company . oh man arent you just the coolest assholes on the block . -this makes me so sad . no one deserves to be treated like this . edit : they have a state religion ! i have no idea how anyone can support them . lots of countries have a state religion . in my country the head of state is the head of the state church and bishops sit in the upper house . i live in england . -i have to hand it to you for finding the end of the thread . i ca n't put my finger on it , but i think we 're missing a couple -why is punching a woman better than punching a child ? are you saying women are to men as children are to women ? -yea that looks right , as long as you went to the functions php file in the right place that should be all you need to do , assuming that 's what 's needed to fix the problem . didnt seem to work , i appreciate your help tho ! -i 'm so glad you mentioned this . i 've always loved tremors , but could n't explain why i found it so entertaining and enjoyable to watch . now it makes sense . that wall of guns is reason enough to love that film . -yep . throw a smoke in a doorway , shoot at the doorway , mow down 5 enemies who try to walk through the smoke . or pick a proper gun and do it faster , more accurately and more efficiently . -fuck yeah , this guy gets it . those movies have some of the best soundtracks . eye of the tiger is my favorite song ever , always gets me motivated . rocky is awesome . my roommate and i freshman year of college would play eye of the tiger to get us in the mood to start drinking . it always worked . -watching a bit of nv 's stream . i never realized how good of an in game director loony is . he 's actually pretty smart . yeah , i 've been surprised that he 's basically been the vocal leader since they formed , along with being super talented . -yeah they were n't too great in rome . we have n't lost to ireland in a long time and if it turns into a dog fight we should have the advantage nah they 've been playing in a whole different tier . a southern hemisphere level . they probably would have beaten the all blacks last year the way they were playing . -phone : 42 laptop : 23 i think display plays a large role . yeah especially size . when everything is smaller you can see everything closer together so i guess you could detect it faster . -why would you film a monitor ? maybe there 's some sort of protection on the computer containing the footage and you do n't want to be copying to and from it ? -i thought people were claiming people , not countries . like , nobody is england , somebody could be the king or prime minister , somebody could be field marshal etc ? in that case people should be able to play as members of a colonial government . -oh yeah . oops . does n't the retired pope still live there though ? thought they stayed pope until death ? -i assume op has a battle net login but has never played wow . in that case , why would they hack his account instead of creating their own . use his credit card to create a dummy account that will either bot , hold gold , scam or spam . -catalonia is still spain . sorry to burst your bubble you ca n't change the feelings of the people . welcome to the real world : p -he 's lucky . i took a shot off the throat like that and it broke my adam 's apple in two . my throat hurts in sympathy . hope the recovery was quick and complete . -why do you call it unskilled labor ? it 's not assembly line work , it 's driving a huge bus , which apparently takes some skill . because you do n't need a degree and they train you on the job . it 's not to say what they do is n't difficult , just that anybody could be hired to do it . -a slinky , we had like 5 stairs in our house . that 's a lot of stairs . you guys must have had a lot of fun ! -the draft position was not meant to say he was automatically great . it means that he was expected to be great from the beginning . it still has no effect on his career or legacy . put trent richardson behind walter jones and steve hutchinson and i can guarantee you he would n't be considered a bust . -man i miss the days weed did n't give me anxiety man i wish being high did n't trigger my motion sickness -the ironic part is people post all the time about how they did n't have some problem before and now after they 've stopped all these issues are popping up and they have no idea what 's wrong . examples ? i 've been subscribed for years and have no idea what you 're talking about . sounds like you 're making shit up . -the art style does n't really fit the book . also does this really need to exist ? yeah , thats what i was thinking . it was a short book anyways , and it seems like his estate is just trying to make money . -i would n't do it myself , but if somebody did it in the countryside then i would n't be all that bothered , since it 'll decompose . i mean if anything it 's helping the grass lol . but cups and crap , just wait for a dang trash can . -your friend is an asshole and his girlfriend is crazy . i think getting a dog as practice is actually a great idea . -honestly her teeth do n't bother me . she kind of has that japanese school girl teeth thing going on . i think its kind of cute . really ? sweet , i did n't know it could be a cute thing . i 'm quite insecure about it . -so the game play and stuff actually holds up to what i remember through my nostalgia glasses ? fov a tiny bit on the weak side , graphics look dated but not ugly , sound is still amazing to this day , i played through it 2 years or so back and they still had multiplayer servers going on -lol , this is probably the best way to handle the ignorance . jokes . i 'm quite ignorant when it comes to all of this . i was just going by what i heard , and apparently it was all wrong . my apologizes ! -nah kevin did n't kick me , i left yo , get them facts straight sorry it 's so been so long and was hard to recall correctly lol i 'll fix it now then -yeah , i do n't think anyone plans long distance relationships though . you try to hold on to something because you still care , but i see your points . yeah i completely understand . how far away are you if you do n't mind being asked ? -paws to the ceiling , you 're under arrest cant be it 's not a black cat -a fellow brother of the flame ! i wish him well in his holy crusade ! i do too , that glorious fiery bastard made everyone 's day a lot brighter -cities are built , not much urban planning to do . every major city has an urban planning department . even buffalo has one . cities take a lot of planning and logistics to run and facilitate growth . -you can disagree with him on certain issues , but he is the closest we have to a libertarian with a chance of winning , and he is a great start . close is relative . sure he 's the closest but if you measure him up with bush or obama he 's barely closer . -mail muthafucka ! i had that as my text message alert for at least two years . -damn , i wish you had a video . that would be something to see . i do n't have one from my point of view but a couple of the other raid members got it recorded . i think one is uploading it to youtube . if he does i 'll share it . -did you edit the skin to make sure the . ini was looking for the right player ? it may be set to listen for one that you 're not using . no , i did n't edit anything . and no sound appears at all for all programs . the visualizer is a flat line all the time . -wow i know you 're a fan of loose fits , but you knocked this one out of the park . thanks ! the pants are the exact same cut as the ones get schtick last time , so i guess it 's all about the illusion of the shirt -technically there is a glyph that lets monks roll in spirit form . and one for ghost wolf . -we had a british patron saint until he took that job . there 's a bit of movement to get st edmund reinstated . -if i press , the button 's timer resets . by definition it will extend the time of the button . this is why i stay pure . you and your filthy presser logic makes me sick . who said we want the button to end ? as a gray , i have already attained that which i most desire : to remain pure and gray . -hockey players hugging each other while their teammates are beating the crap out of each other rock the most ! from what i 've read when that was posted before they have to stop the opposing team from getting involved in a fair fight . they just decided to hug it out rather than watch each other . -pompous much ? my max back in college was two foot long cold - cut trio 's and a large soda . yeah i guess you are right , perhaps i could eat a foot long if i was really hungry -oh , also , it should make red fires fire more often and guarantee guppy . no , all fires and red poop and spikes are magnetic , and red fires shoot invisible blood . also tinted rocks do n't differ from the others at all . -it 's a pretty big spoiler actually , no point in hiding that now . well cat 's out the bag now . might as well go with it . -because he 's a better player than everyone that was in that crowd . it 's almost like that 's the point of spectator sports . -it 's one of the most realistic deaths so far yeah , i actually thought the death was solid , it 's just shit that they killed him at all though . if patrick had to go leave derek in dc ffs ! -no , fuck that edit . crawling into extremely narrow caves that you have no idea where they will lead or if you 'll be able to turn around is not badass , it 's fucking stupid . if you do that shit then if you die its your business , the hundreds of others put at risk attempting a rescue should not have to be doing that . -anal , gods way fuck me in the ass 'cause i love jesus ! -we had like 30 penalties from rub plays this season . it was ridiculous . never saw one called against an opponent . man that sounds terrible . i am sure everyone feels really bad for you too . -i sleep through mine , but the one time i woke up from it buzzing was very peaceful . does it have a sound alarm feature if the vibrating did n't wake you and it is n't dismissed ? i do n't want to invest in one if the success rate is low . -it was n't a decent performance . it was fantastic . he was the best part about the movie imo . agreed . i absolutely loved him in this role and could n't stand him before . -this might be a dumb question but what is the difference between corporate and public accounting ? corporate accounting means you work in the accounting department of a company while public accounting means you work at an accounting firm that is hired to do accounting for other companies . -do you have a written account of your encounter with the bell witch ? i would love to hear it ! i 'm afraid i do not . as weird as it might sound , i never actually wrote it down . i could try and recount it , though it might take some time . -not to detract from your story but damn , way to make a dude feel old . i was a college freshman in 2004 . i feel ya man ! my only regret was not liking the chargers at a younger age haha . -i 'm not trying to disprove your statement . as you said it was a true statement . however it was a statement that really meant little and shed light on nothing . man , your life must be really boring if nothing means anything to you . i feel sorry for you . as a matter of fact , keep the dvd . maybe it will bring some light into your life . god bless . -goku could shout his way out of the phantom zone . have fun in a black hole then . edit : and when the heck did i say goku in that ? -and another six million other people . i do n't know why they 're always forgotten as if they 're less important than the jews . and the people killed in other genocides apparently do n't matter either . -how many kids does your friend have ? she has 4 young kids . this was done for her 2 year old 's b - day party . -just do n't give him any money . if he wants to send you to florida for a try out that is one thing but a lot of guys claim to be scouts , some even believe they are , but are not . yeah i definitely would n't be paying anyone anything -yes it 's two 1 oz bottles per pack . we feel confident it 's enough to get a good taste for the sauce . awesome ! you guys rock ! -usually a dude . depends on the dude . i mean , let 's be honest , if it 's a 25 year old bodybuilder , the price is gonna be a lot lower than it would for some old guy . -honestly it 's for the best in some cases . room and board is usually more expensive , but at least you do n't have a mortgage to worry about . my friend in another fraternity nationals own almost every house either them or an alumni trust . the latter is even better becuase if shit goes down you just take the letters off the front . -i did n't even know i needed a cutting board till i got my own place seriously ! i have one of those on my endlessly growing list of things i need to go buy . -what interest does musk have in solar city . i know his relative family , and he sits on the board , but what financial stake does he have ? what does your friend have to say about this company ? -i had no idea youtube streamed games . how often is this available ? all of usl 's games are streamed on yt . it 'll be the place to go to see how everyone 's lower - div team is fairing . -beach sex is the worst . so much sand in the vag . one of the hottest moments in my youth was doing it on the hood of my car in the rain by the banks of the fraser river in british columbia . -when i suddenly become self conscious of how i am walking , every step seems more weird than the last and then i forget what to do with my arms . or when there 's music playing and you try to avoid walking to the beat , only to look more strange . -he 's supposed to be a pretty great guy in real life too . what a jerk . a good guy ? what a fucking dick -reports from house shows was that his merch was already selling like wild . really ? i 'll wait until i see tv crowds with large amounts of roman merch to change my mind . -and suffer through baseball until then . well op is a cardinals fan , so i do n't know you 'd call that suffering . -how about some kind of sign language ? how would you write sign language in a way that resembles dialogue though ? it 's a good idea , it just needs to be understandable to the reader . -man that takes some courage . it 's nice to see someone act against self interest to help a stranger . he did n't even hesitate to jump down there ! it 's the kind of courage we all hope we have in us when the time comes . -want some hand me downs ? got a pair of nike 's i have n't completely trashed yet . : p i take a 16 in athletic shoes . -you have to turn hdr quality to low . that did n't work . thanks though -over his grave i do weep , poor grandpa had died in his sleep . sleep 's a good way to go , unlike screaming , you know , like the passengers he 'd had in his jeep . i 've been put to shame , it appears its always been one of my fears but reading your limerick it seems to have done the trick better than mine , good work and cheers ! -i 'm kind of an exception to this . i got out of a two and a half year relationship . 13 days later i started dating the woman i am now engaged to and living with and how does that work ? did she go to you and ask you out ? or were you out on the hunt for a new girlfriend 13 days later ? -do n't make a habit out of spending money on your friends . it will fundamentally change your relationship to them in a bad way . sorry for your losses . take good care of your brother . this one is very important op . -wait for the end , you 'll piss yourself laughing . just finished . it just gets better and better . anyone with 20 minutes to spare should absolutely check it out , it 's hilarious . -it makes all that much more sense in wrestling . all he 's doing is playing the heel and saying he 's great . clearly effectively since he has your panties in a bunch just like all those times he called himself the best wrestler when he was n't a heel ? you 're delusional if you think phil brooks is n't the biggest narcissist to go through wwe . -i 'll definitely be sitting in on this lecture . i suspect this is due to his son attending queens . its very common for campus conservative groups to bring in ministers . they brought in several at my school . -he 's been coasting a bit on offense since all star break . he 'll hit his stride back at home after he gets some ass from his girl . not worried that girl 's got a lot of ass to give -yep that 's exactly what you are baby girl your whore mother should 've swallowed you instead -i 'm not studying for my organic final tomorrow . i 'm really making use of my potential when you do n't see good things on the path you 're supposed to take , it really looks like a waste , does n't it ? do n't worry , i 'm sure you 're doing just fine . -i want in - n - out , and i live in southern california . so , i 'll probably get some after work . so fuck yeah ! i want in - n - out , but i live in socal , and thus am kind of bored with it so i 'll probably get something else instead . -woah there bro . making jokes about the guy who played indiana jones and han solo is a death sentence . i dont know what you mean , as i never watched star trek . edit : i just thought he was the guy that starred in hollywood homicide and six days , seven nights . -letting their kids act like little shits . especially at a nice restaurant . that shit pisses me off even at a place like mc dicks . -you may be correct . i ca n't actually tell if it works . my computer is in the hdmi of my xbox . i know the features work . i have the latest windows 10 build on my surface pro , there is only a test option , but not the streaming . i guess the feature will be released at e3 . -it only works if someone reports it . unlikely on a back country road . yeah in my city i 'm pretty sure i was the only one that had it , so it was useless for stuff like that -okay , that looks amazing . i will add though , the 130 degree boiling water had me super confused for a while . i 'm canadian . i thought he lived 2 kilometers below the seal level . -this game is the only thing standing between me and months of mariota rumors by the philly press . you guys better pray that you get mariota . that kid is the real deal , and chip wants him , bad . -gsw in 5 . suns would pull out one . it would fucking suck , but playoffs is absolutely better than no playoffs . so long as i do n't need to listen to these announcers . yes , taking 1 or 2 games in the west playoffs is a massive improvement over last year so that would be not a failed season -i believe both round 1 picks will be defense . i do n't think both pick necessarily have to be defense , but no way will both picks be offense . -probably gonna be down voted but i am a warriors and sf giants fan . nah you 're cool . first baseball game i ever watched was a giants game so i 'm in the same boat . -did you just call me bruh ? did you just attempt to deflect attention from your obvious spam post , bruh ? -no ! and the fact that it 's always noted separately drives me nuts . it 's like having a royal pair . i 'm the same . it should be straight flush high car ace . -do you disagree that new cars need to be detailed ? or that the cleanup process for their brand new cars is not detailing ? there 's just not that much to do to make a new car really shine . to me , seeing an older car with faded paint look new again is much more enjoyable . -that p in photographic is only an f sound when paired with the following h . i see no h in jpeg . the g in graphic is only hard when not followed by an i or an e . i see an i in gif . i pronounce it gif , but that 's a bad argument . -well that would hurt as bad as when we traded revis ! probably worse tbh , revis was coming off injury so it half made sense . this would just be devastating -so cool ! jealous ! awww yeah ! i just gotta remember to being the cup to work tomorrow ! : d -the man in me , but both are great songs oh my bad . but yeah , great . and i love the big lebowski too . shame -movie plot with tesla was pure b . s . the whole point of tesla 's plot is to show jackman 's obsession in finding bale 's trick . he literally strays into the impossible and does n't care . -rockstar does fail to effectively communicate with their community , but you have to admit , even if rockstar as a company pisses us off sometimes , they make some great fucking games . and the dlcs are free as much as they fuck up i appreciate that . -snoring lion . a lion dressed as a zebra , for hunting purposes -they need to come up with a super speedway rear bumper that makes pushing impossible . like the cup cars . -it 's a good thing there were some mats and a referee in that marketplace or that could have gotten ugly . still not as weird as the match inside a house where a referee jumped out of a cupboard . -a design flaw with human error of ignoring safety concerns , and it kills fewer people than the titanic . human error on the titanic and people are n't scared of going on cruise ships . it destroyed a whole region and its surroundings . maybe directly it did n't kill as much people as the titanic but its impacts are significant -so late . how do you sharks fan manage to stay up until 10 : 30 every night to watch a game ? you guys must be committed . so early , almost morning here . the netherlands represent . 04 : 49 now . -this does n't even need proving . i have a lenovo thinkpad with an i7 and only integrated graphics and i can still run most games on moderate settings , let alone minimum . shit , i have an i5 samsung piece of shit laptop and i can get most things to play on at least minimum , that 's what minimum is for . -this is just more untrue propaganda created by men to further demonize women . agreed . he would n't be jailed if he had done nothing wrong . -i prefer english over my language . french sucks . you can say that again . how do you decide which third of the letters in a word to pronounce ? -well that was out of nowhere also could n't people recreate the paid levels in the lever studio ? i think you have to buy the paid levels to even get the level studio , according to the na trailer . -i picked it up in 2012 . not that old , but out of warranty period for sure . that 's scary . i bought mine new last year . did you find a solution to the problem with yours ? -i have just started so i 'm really bad . i let boyd die early . i would try to keep him , rolf , and oscar so you can do the triangle attack . -technically those are for men , according to a tiny thai woman when i tried to buy every pair she had . turns out this was their only awesome elephant one . aw man . i 'ma have to find this woman -ha , saw the video on facebook . haha ! yep . small social media world . buddy of mine posted it last night ! it took is about 15 minutes to do it because he kept waking up . -with the rb respawn point system ? nope . fair enough so that 's the issue then . -what is so good about having carriers anyway ? one airstrike or missile from the enemy and it 's gone . point defense systems are a thing , you know . and in the meantime , a carrier can deploy planes all over the world pretty quickly . -sorry man it 's follow in flight that track was good some times , other times it sounded like the main menu of an anime fighting game . -yamato of mym i think ? boy his voice is so sex . he was actually casting lcs in swedish a while back on a big tv - channels website , it was really cool ! -god . this is one of the main reasons i am so against having kids myself . i 've already got a quick temper . i ca n't take that risk . good for you . it should be viewed as a responsibility people choose to take on , like charity work . not some checkbox for everyone 's life . -if toast gets stuck in your toaster , you can safely get it out with a fork as long as you are grounded . what about using a knife ? -and yet , in those 20 minutes , you didnt even manage to get correctly the name of the page . oh no , he spelled the word vulcan how it 's normally spelled . how awful . -it looks kind of empty . design is n't responsive . i agree , the top half is a bit barren . they should move some material from bottom to top ! though i like the more modern design . -absolutely , but i 'm just pointing out that not everyone who is n't a healthy weight becomes obese . they should probably make a choice at some point then . skinny people clothes are too tight on them and fat clothes look like wearing a tarp . -since your a mod on both subreddits , is there any list of official steam key sellers ? i would only trust steam for obvious reasons and amazon for steam keys . -it 's a stereotype , but that does n't make it racist . so saying criminals are usually black is a stereotype not racism ? at what point does it become racism ? what 's the cutoff ? -idk if this is a trashtalk thread but fuck mayweather 's female beating ass . fuck that piece of shit fuck yeah ! me and the girls from boxing class are hoping that fuck gets it handed to him ! -we 're closing on our house today at 1pm cst ! woohoo ! such a long process finally coming to an end ! congratulations . -i do n't even really care if we get it , it 's not like i can afford tickets anyway . australia put in a bid , give it to them , just no one that 's using slave labor . and a place where it actually makes sense to hold it when the world cup should be held . -ive never left my accounts to accumulate that long . i wonder how bing feels about that . if you successfully redeem , do tell . i once had about 2k on one of my accounts , bought 4 amazon gcs all on the same day , got them just fine . that account is still active , the first one in the screenshot . -you know the difference between bears fans and marty mcfly ? marty worked his ass off and captured the power of lightening to get to the present while bears fans just want to get back to 1985 . cubs are supposed to win this year . thanks for the reminder . -they only took my name and my temporary address that i have for the exchange program . sounds like they were actively going out of their way to accommodate you avoiding having to pay . -that 's amazing ! i hope everyone can have something like this someday ! i do too . i 'm just lucky . but love happens when you do n't expect it . hope everyone finds their someone -that looks awesome ! the lineup is amazing . simon is such a great little engine with built - in networking and html5 support . -clean your phone screen . just read a news article about how dirty those things are . gross . -is that the music that sounds like optimus prime raping megatron ? radio stations , they play everything from barbie girl to metallica . -ah , interesting . personally could n't stand the show , too many stupid decisions by characters which nobody would ever do in a real scenario . maybe the comic is better ? edit : grammar . i love the show , but completely agree with you none the less . the comics were quite a bit better as far as that goes , but still not perfect . -not bad , what colour tip ? hm so u interested ? like u want me to add u ? -are you excited for it . do you want to watch it . if so , why ? yes . yes . because of the cast , the premise , the writers and because i usually like ryan murphy 's shows . -haha i feel you . i been like that for a while but just started again since last year . hopefully for good this time . nice ! i 'll be looking out for your work . -i say jagex monitors them or somehow regulates gambling . i 'm saying this as a csgo gambler who saw the massive benefits to csgo once gambling was embraced . why would jagex even spit in these guys direction ? they are doing games of chance and have been banned on several accounts . please tell me you 're trolling or have no idea who these goons are . -i have no issues with eli and find him quite likable , but archie seems to have an inflated view of his time in the nfl , and i already listed my issues with peyton . i 'm pretty indifferent towards peyton but i do like eli . i 'd love him if not for the draft shit . -the suns do n't match the shadow direction . and this proves that she did not land on the moon ! -gandhi owns nukes though . dude , fuck ghandi . -he 's not wrong . fuck shorten . bill 's doing a damn fine job keeping the seat warm . -should make people guess a letter , bots can take it instantly . yeah , i tried putting it in and was too late . i 'm guessing that it was a bot that took it . -hey man ! my birthday is tomorrow and i kinda feel the same . if it 's anything , happy belated birthday and stay strong . happy early birthday ! do n't forget you are also special and not alone in the world . we are all here to help and support each other . -i am trying to figure out what is in some of the containers . mashed potatoes , green beans . looks like those mashed potatoes are rice . definitely sweet potatoes , though . -i dont agree with the punishments in the justice system . the kind of person who rapes is the kind that should be dead saying that kind of thing makes you no better than someone who would murder . -would you rather it be broken like all the other games or wait a month and get a smooth running game ? see , i 've made that point multiple times in the past , but after two pc delays and countless heist delays i 'm done making excuses for them . -when white cops started murdering young black men in large numbers . the fact is , a police officer murdered and framed a man , color should n't be important -hi drew , when doing research , you should be searching for data , not charts . then make charts to communicate the interesting data ! i agree . though , getting the data is proving surprisingly difficult to find . -yeah , man . he is excellent . for some weird reason he reminded me of my driving instructor who was extremely hostile . -yes but what 's inside the safe ? the driver of the car with a little ring of tweeting birds around his head . -i 'm 34 , have two kids , play far to much csgo and dota 2 and can quickly tell you immaturity has no age . i agree lol i 'm old enough and play way too much games . wont stop though . -sounds like a plan ! we 'll forget the last few days together ! woo ! to the future ! -no problem , hope it works for you ! i have a feeling running hdmi in to your system will fix this but remember to check the console settings also as well . good luck . so assuming i have the hdmi hookup , the sound settings are n't defaulted to work with surround , and will need to be adjusted ? or does it vary by situation -i assumed so , we were thinking he may want to go ahead and use the money he saved up for a 1440p display instead of the 1080 . if he does would you expect there to be a noticeable drop in fps ? should still be fine for world of tanks . but if he wants to play anything more graphically intensive at very high settings , a gpu upgrade might be in order . -same with chelsea . the first half of that game we looked like a much better team than they did totally agree . i think the possession based game we play allows us to compete with anyone , while looking wholly awful . i do n't see why we ca n't win against city or chelsea . -they just changed the law in california to eliminate the personal belief exception . the only exception is now based on religious grounds or due to adverse medical reactions . but religion is a personal belief . -drive . 2011 . ryan gosling , bryan cranston , oscar isaac , among other names . beautiful movie , very overlooked . i ca n't even reveal much of the plot . check it out . cheers . that is one of my most taste favorite movies . not a lot of wasted dial a log for slow people . -i drink that . it 's a mascot of coke , and i think that one drink company too -dude , its morning in na lol they 'll be sleeping in because of a bad night 's rest - too itchy from all the salt . -so basically i have to first upgrade the piece and then use the etheric to access instant max light level for it , correct ? no . you can use the etheric light at any point . after using the el , you will still need to purchase any upgrades or unlock any nodes -just start from the beginning and watch it all . you wo n't regret it the first episodes put me off and were really not funny . i think i skipped to season 3 and enjoyed it from there on . -the acting is fun to watch , and it the dialogue was hilarious and fun . that 's part of the appeal to me . and i loved all the actors . really liked the movie . -or they could tell data to hide until the future when he can tell starfleet . now where would you get a crazy idea like that ? -i 'd personally think tarantino 's version of fallout movie would suit the universe more . hell yes . i would pay currency to see this , provided it is an r rated film . -quick question , why are you downvoting my comments ? the downvote button is n't there because you disagree with someone . you 're spreading incorrect information . it 's not opinion . -you should n't be able to get exactly the team you want if it has ronaldo , bale , messi and neymar on it . the game would be a lot better if people had to work to improve their team the game would be better if you were rewarded for playing . -they usually follow up weaker entries with much better ones . i do n't think there 's enough of a track record to say that there 's a trend like that . i mean that 's only happened once -lot of the devs are aa fans . that game is certainly a point of inspiration for squad , you should check out the gameplay vids that are up . seen a lot of youtube ones . just trying to get back into pc gaming , and now looks like a great time for it . -my hobbies are not dangerous to other people on the road . 1 - those are probably only show wheels . 2 - i live in pothole hell , and i 've never seen stretched tires blow in my entire life . but that 's just pure anecdote . -what in the actual fuck . no fucking way , i use reddit too bro . i just met this other guy who is a reddit user too . small fucking world . -i saw two cows having sex once . it was sexy but i was n't turned on by it . do n't lie . -i do n't really care too much for the name , but i really like watching baseball and hope they offer a good season tickets deal or similar package . wood bat league i can ride my bike to ? sign me up . well , only if they sell beer . -how long will it last ? not to be gross but will she bleed like a human ? i found a few drops of blood on my kitchen floor and on the towel that i keep on the bed . if she 's already bleeding she 's in heat , not maybe going into head . some dogs bleed a lot , some do n't . -ehh , they gave him a harsh time , but really the turban does n't violate the separation of church and the state . yep unless you can make the case that his turban is somehow a government endorsement of a specific religion , then there is no argument to be had . -you know whats retarded , someone near and dear to me is a police officer and they would have never done anything like this . enforced the law ? -i 've never used a number pad on any keyboard in my entire life . the buttons on top are much nicer . you do n't speak for everyone . pro users like audio and video editors need a num pad for base functionality . -did n't earn the gold for shit and you know it . yeah , i was pretty surprised , it got gilded quickly lol -i hate that so much . i 'm slowly making the switch to firefox . i know it wo n't be much different . i 'll be glad to not see so much chrome shit on my start up . i switched to firefox a month ago , though i had to switch back since 1080p youtube video 's were lagging like crazy , though in chrome it plays 4k video 's super smooth . -oh that sounds really cool . will there be anything along the lines of killing off characters or something like that ? it depends entirely on the writers . if they want to kill a character they can diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/data/dial.train b/PaddleNLP/Research/IJCAI2019-MMPMS/data/dial.train deleted file mode 100644 index 50591512cf5ed599d960fcd9aea7161076884c54..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/data/dial.train +++ /dev/null @@ -1,1000 +0,0 @@ -i think there was an easter egg in the scene of fox 's qs room that suggested that he had a sister . there was , but she was significantly younger , hence the no twin sister -man being the oldest brother is fucking awesome . until you guys get caught . then it 's always all your fault . younger sibling got hurt ? why were n't you watching ? -nintendo of america makes me want to rage quit and move to europe . nintendo of europe seems helluva lot cooler than america . europe has its own set of different bullshit . they had to wait an extra year to get smt iv , and then only as a download . -anyone notice if hair quality has been reduced and possibly aliasing on textures as well ? swear the hair quality has been reduced but i ca n't tell if i am imaging things . i feel something along these lines as well , but i ca n't really pinpoint it . might just be paranoid though . have to wait untill someone compares it . -little mac was exclusive to fighting games . prove me wrong problem is punch out was more of a puzzle game cleverly disguised as a boxing game . -i hurt my knee a week ago and have n't gone running since then and i am really missing it . i feel like such a fatty when i do n't run . i stress fractured my foot and have n't been able to run for like 5 weeks . i 'm so fucking restless . -dude , what 's your purpose ? why are you being anal on this little detail ? his point is that one should n't make misleading statements . -well without cancer patients entities like the cancer research institute could n't be doing the work they do . so smoke on , brother . there 's always a silver lining . in cigarette packets . the lining of the lungs is not as shiny . -nope . yup . how do you still manage to look like a dirty piece of shit while wearing a suit and representing a global organization , i 'd gladly punch this bum in his fucking smug goat face . -warriors fans leaving are insane . have they ever watched their team ? there 's always a few . the stadium is still packed . calm down -press button , get green . seems like the perfectly - designed button green is not a creative colour . -body rots . friends and family mourn . nothing else . there is no soul . there is no afterlife . yep . enjoy the life you got because thats all your gonna get . -so we 're ready to crown julian edelman as one of the best receivers in football finally ? people definitely gush over edelman already he 's mad respected but he 's not compared to calvin johnson or antonio brown cuz he 's a different kind of receiver -ok but what i 'm saying is n't that this guy has gone out and purposefully tried to copy this style for the sake of having that style . he dresses the way he does because he likes the clothes . i think you 'd be hard pressed to say that that style did n't originate from a very specific place . -poor guy . i know . i almost feel bad for him because in his shoes he genuinely likes her , but he shoots himself in the foot with these weird ass messages -it 's more or less overtime . continuous loud noises for long times cause damage . hence why classic rock artist or musician that do n't wear ear protection are hard of hearing . is your username both a pixies reference and a bassist reference ? -then submit something good or go the fuck away . something good would n't fucking work here -tried this ; does n't work . they reply with their actual name . hey , if you do n't know their name but feel you should already , it 's genius . just do n't yell aha ! when they tell you . -people who wear sunglasses , indoors , at night . i wear my sunglasses at night so i can , so i can watch you weave then breathe your story lines and i wear my sunglasses at night so i can , so i can keep track of the visions in my eyes -that had to be her first time driving . dare i say we have 16 year old drivers that put her to shame . i did n't drive that bad on my first time behind the wheel . unfortunately , that is n't her first time . all the contestants on that show already have their full drivers licences . -steve martin looked like steve martin in his 20s . the iron law of steve martin dictates that this must be so . -transfer your job back over there , find a new gf if she does n't want to move with you . do n't be a defeatist , it 's a simple solution . most jobs do n't let you just move them whenever you feel like it , in fact most jobs are n't transferable at all . -i thought the point was to make it look animated edit : guess not you angry bastards 'twas intended to give it more of an animated feel -i 'm so glad i grew up before the internet . as much as i love this thing i ca n't help but feel like my child hood was much more fulfilling than it would be today . or it was really shitty and you make up really good childhood memories to replace the bad ones . -i really enjoyed it . seeing it in the theater is the way to go . agreed . gorgeous movie . -my uncle had to bury his 20 year old daughter five months ago . he was devastated . both of my parents have had to bury sons . one was nineteen and one was twenty - five . it 's something i never want to have to watch another person go through in my life . -my god your english is fucking atrocious . my god im on a tablet ! and if my grammar is the only thing you can attack me on gg -i 'd rather be injured than dead frankly i 'd rather be dead than have to endure an extended life with serious permanent injuries . if i 'm dead , i wo n't feel that pain . -yes and no . i prefer casual clans more than all - war clans . better to have something else in clan chat than only war prep i agree . i wish i could find a clan where i could hop in and out to do war attacks , but stay in my main casual clan most of the time . -i was going to say , do n't be slaying poor kitty cats ! haha . what games do you play ? i love the sims ! i also love the sims ! um recently i 've been playing this sherlock holmes game that 's really fun . i play all types of games -yeah , she 's a girl . yea the account is used by two people . -friend him on facebook , and you get a free pass to heaven . if you can make his myspace top 8 , you get promoted to archangel . -i think i read the same review , and it made me mad , too . the author 's point is pretty invalid - there 's no reason a young , aspiring drummer would n't idolize buddy rich . former young , aspiring drummer here , still idolize buddy rich . the older i get , the better drummer i become , the more amazing buddy rich seems to me . -everyone makes mistakes , regardless of ranking . solo q is all about capitalizing on the mistakes of your enemies . but saying lb is easier than zed because people fuck up is like saying zed is easy if you press r , e and auto and they do n't buy qss . -all the more reason to contact sony customer support . going to reddit instead is just asking for bad advice . you clearly did n't read the post and you 're just trolling now . thanks for your help . -when i finish rolling up this booger , should i eat it , or throw it out the window ? put it under the seat . -the world 's tiniest violin is playing . there 's no good reason to harvest the third world for employees , unless you 're not paying a living wage . hell , you can get a home - grown recent college grad . it 's affordable if you can give them living accommodations . -you can just tap on their location on the map . i never tapped on the names ; it takes too long to figure out which name goes to who i did n't even notice the names were displayed on the pad . were they on the side or something ? xd -i play the windows version through steam on wine because the linux one always crashed whenever i played with friends on windows anyway . how do you play steam games through wine ? ive only been able to do it through drm free games -i had the 2007 volkswagen rabbit back in the day . it was great in the snow with less power than the gti . maybe think about investing in snow tires , helped me a lot . yeah , snow tires are a must here . hopefully by the time i buy a new cart i wo n't need them until next winter . -tell people to consider why the school week is five days and the weekend two . lol okay , turning kids into worker bees is n't important -nsfw - ish , no ? you 're going to black people twitter at work then you need a new job -jesus . move to australia . seriously . i 'm glad i live in canada now ! -r2 : the idea that human beings were inherently unequal is one of the core tenants of national - socialism . everyone will be equal once all the unequal people are dead ! -shitlord with the cat profile pic gets my vote . preach it ! if you 're bullied for being fat it 's very simple to fix : get fit . it 's not complicated . that 's my account . she was the most dim witted person i 've seen . -she smiled and went in the elevator . the elevator took them all down and they went to the car . -i like the mobo , i am going to switch mine for this one what can you do with a 60gb ssd ? could that even fit windows ? yes , you can at least fit windows and maybe a game that is n't too big . -ouch , kane on the bench ? i 'm guessing from your flair that you went heart over head in picking this weekend ? hehe you could say that . but i really thought arsenal would be able to shut them down . city game showed that we could . sometimes you really shouldnt go with a gut feeling . -but if it 's not el nino causing the ocean temperature to suddenly be so high , what is it ? there will be an el nino this up coming summer . 2015 - 2016 . if not the ocean water currents have cycles that change every couple years . -i hope they do the same to jessie as they did in the comic , mostly because i 'd love to see that scene come to life on the show . god . we 've some brutal shit already . but that scene will be so much more disturbing done live . -i heard you good with them soft lips , you know word of mouth only one way to find out if it 's true . -did he do this one military thing in that one war ? i 'm not sure what you 're trying to say but i am not certain how i feel about going up against a country which elected a general to power before they went to war . -i think he 's talking about the door thing , i 'm gay and me and all my friends sprint face first into doors . its just in our nature . if straight people walk through doors and gays run into them , what to bisexuals do ? -mirai , what is it like being a new father ? actually my biggest son is already 18 . i am an experienced parent ! -ah , my mistake . the wording of the post is a bit ambiguous , i must have misread it . i agree , the wording could cause some confusion . -that 's awesome yeah - she was pretty cool about the whole thing . i was just fucking speechless when i realized who was handing me money . -i think it 's fine the way you have it . your situation is fairly common . just make sure to put the most recent position first . great , thanks for the help ! -well i mean i 'm willing to trade for something worth mis - read . did n't notice you were selling . -close enough , australia ! i knew it was australia . source : i live in australia . sydney ? -jay rock springs to mind . i also only like rick ross when he features but admittedly have n't bothering give him much of a chance icky 's solo shit is good too actually . not the biggest stan but he always has good beat selection and has stepped up his game consistently since 05 -was that really justin bieber ? how does he sound like that at his age . i actually fucking thought it was a woman singing . this song was from pretty far back . -studio 60 was so good , i was really hoping it would get a second season . fucking sorkin and his shows . he ca n't catch a break . well , it did premier the same fall as 30 rock . my guess is that they were too similar to survive on tv at the same time , and 30 rock ended up with better ratings . -women have a different skeletal structure than men , iwb does n't work as well for them . that and they wear tighter clothing . yeah , i figured maybe appendix carry could work for her . one step at a time , first she needs a gun lol -well , russia and a bit of water . is water really a country ? -you 've got the same attitude toward people that have to read the shit you post . except they can avoid my shitty posts by not being on reddit . most people cannot avoid having to hear obnoxiously loud motorcycles . -we are the first country to bring in equal marriage via popular mandate . and countries like canada brought it in because , despite it not being popular , it 's the right thing to do . do the laws of ireland not say anything about equality ? -so if someone decided to bite , say my nipple , i would grab the back of their head and pull them into my breast ? better to be prepared than not . makes sense . suffocate them until they decide breathing is more important than eating you . edit : typo -what did i lie to you about ? if it was the original alliance it was no lie . if it was idol island , it was no lie . - _ - you would n't even tell me who was our ally -i 'm not sure how i 'll sleep at night knowing that i 've failed to earn some anonymous internet stranger 's respect . your opinion means so much to me . do n't forget to check under the bed before turning off the lights sweetie . -so being misinformed means he has a personal vendetta ? really ? vendetta may have been too strong of a word . considering his position in the company and his response , in my opinion it is not done by someone with a level head . -if feyenoord always fought as hard as they did in the 2nd half of this and last weekend 's game , they would still be in the race for the eredivisie title . if we had played the 1st half like the 2nd half we would be jumping up and down now , but alas it is not to be . -they 're also not free and require a licensing fee , unlike tesla . tesla did n't give anything way for nothing . -i had white power suspension on my dirt bike . i got rid of that sticker as soon as i bought it . company is still around but they use wp . my dad used to work there : d they figured it out really late and changed it up to white point and then wp . still have one of those tshirts around with wp on it i think . -not worried about that until friday . and i 'm getting there 2 hours early just to be sure . you should still worry because he 's going to be the hardest to get this wave . most stores are only getting 4 - 8 including pre - orders . -i think you missed the part about it not being a free market except for uber . fine , then get rid of the shitty , corrupt medallion system and make it a free market for all . -metal gear solid : snake eater the game was hard , addicting , so many hidden features , and the ending was amazing . the graphics were also great for the ps2 i 'd put my money on guns of the patriots . the whole graveyard scene was just amazing . -let 's play tomorrow then . i 'll be on tomorrow , i 'll keep this open , tell me when you get on . what is your timezone ? i 'm free most of the day today -how guys can take a shit for like 20 minutes . they literally bring like a book and a phone and make a day of it . for girls shitting , taking longer than 15 seconds means there 's a problem . sometimes it 's the only escape from the busy day to think about important things , or just answer some text messages while at work . -question - is there anyway to make siri talk on your apple watch or is it strictly text only text , hopefully she can speak in a future update . -you poor soul . yeah , but something something money something something bills -and this , once again , is why kansas is a big no - no really because you might be accidentally locked in a mental institution ? do you think that happens a lot on kansas ? -well when is the next show ? we do n't currently have one yet but we should have something lined up soon . we 'll post it on here though ! -i 've always know that the flat maps were out of perspective relative to the curvature of the earth but i never knew this ! can anyone provide a link explaining this further , please ? another thing that always blows my mind when looking at a globe or google earth is just how close alaska is to russia . my brain is just so used to seeing them on flat maps . -not gonna lie , i 'd eat one . not mine though , someone else 's . this makes me wonder if cat allergy means your allergic to the meat too . and what 's the best diet to feed a cat for consumption . like some fancy feast up in that puss . -god danny was even a bad actor when i said this in my head . he was a stoic , noble son of the land native american you heartless alien bastard . -that might work . i was thinking clear tape with a sharpie x on it , but making a thin x with the hello sticky part of the paper might work . thanks i cut 2 pieces of tape into triangles and made a reticle of sorts . really helped for hipfire kills . -i saw one guy stop him to congratulate him on the season , very friendly guy . that 's awesome man ! -the teen angst in this sub over racism is fuckin hilarious . i ca n't believe this article made it to the top . i 'm actually unsubscribing right now . this sub is consistently filling my feed with ignorance and garbage . i like hip hop , but fuck this noise . -if they did n't steal and destroy everything when they came to my town i would n't have a problem . your town , your country , your people . slippery slope . -lol , engage hand to hand ? taze him if he has a knife ? are you that naive ? do n't bother . he thinks the cops should fight them and risk death because we pay them to do it . i already had this conversation with him . -this is a list of requirements for a skill cape , not for a specific quest . ehh , so what is it you want exactly ? the quest guide in the game which tells you the reqs ? -thanks a lot , i 'd actually already found this one and unfortunately it 's a one - off posting of one episode 's cards . i was hoping someone would know a place i could get all of the cards ah i understand what you mean . kinda annoying trying to search for the art from every single episode . i 'll post back here if i ever do find something with all of them ! -why do n't they just post an anime character like the rest ? or a picture of their favorite car if they 're not as into anime could work equally . -i bet he reads the chapter in the book in advance of the lectures . it 's not hard to answer questions when you come prepared . yet you did n't even read his comment . -yeah video games are addictive too and have ruined many lives , whats your point ? his point is blame the person making the decisions not the inanimate object . -i never noticed a difference , but i never really packed down bowls with a screen on top , i only put one on the bottom . could be the difference maker yeah the screen on bottom i get due to the design of the vape but keeping the material from moving around will help it vape it more evenly . -congratulations , you have degraded into insults . i 'm a different person and i also disagree with you . -i 'm actually getting a second kanger subtank send to me accidentally by a company . if you want i could give it to you . you 're very kind , but you should take a glance at the top comment . -yes , i passed . not that i 'm a great person , i 'm happy to whore for any product , it 's just that i 'm already known as the hot pocket guy . no sense in confirming that . also , nothing ruins a joke more than a corporate ad company using it . -i 'm agreeing with you man . ah , my bad . -offensive little anti - flirt , you gonna strap on a real cock and give it to me ? were it i was on the east coast i 'd fuck your fuzzy face to three days ago , mr . hard - ass - half - a - fag . -any chances of it being in central virginia ? probably very low right ? any chances of southern mississippi ? i would probably know it by my electronics exploding first . -i had no idea , that 's kind of stupid . yeah , they seem to half ass alot of things people ask for . i hope the heists are as amazing as people have said though , those seem pretty sweet . -cell phones . i wish they did n't exist anywhere . i assume if you are in a serious car accident you do n't want people calling for an ambulance ? -can you play games in windows virtual machine ? you can , but performance is gonna suck in any demanding game -whew ! good thing they finally copied what android 's been doing for 8 years uhm , interesting . considering the first android phone was only released six years ago -if reddit is the frontpage of reddit , then 9gag is probably the last page . more like of page of a text book a teacher tells a class to skip over because the information it 's inaccurate . -what actually happens when you try to connect to any game services ? do you get any messages or does it just hang ? both . destiny hangs indefinitely and ffxiv sometimes shows a message that says it ca n't connect to the server . -let me know if they serve beer in hell , will you ? hell is like your favorite bar except the bottles have holes and the women do n't . -i like him because he 's the only character in the books who makes all the same decisions i would make in his position . interesting perspective . i actually agree with this . -northern iowa and all the b1g teams that are n't wisconsin . even ohio state ? -i moved to scotland and lost my working class accent and i still do this . sorry . you just exchanged your old one for one of ours probably . having had many english friends who end up picking up the slang after a few years up here . -yes , he was really beating the war drums on syria . taking sides in these arab winter civil wars is like choosing which foot you want to shoot yourself in . anyone but isis would be nice at this point , just as long as there 's peace . -was actually very easy . no cars on the road and nobody fighting for cabs . yes , but what about all of the frozen corpses stuck to the asphalt that you surely had to drive over ? -i think its a tough suit for kraft to press , but kraft definitely brought the idea to the table . pretty easy libel case , especially for mr . mcnally . they even said where he fucking lives -ladies and gentlemen , blind brainwashing at its finest ladies and gentleman . typical internet try hard . -cruz is gunning for the evangelical vote as well as jeb bush . cruz could win over a few points from the evangelicals but i do n't see him out competing huckabee or santorum . we 'll see how the polling goes in the lead up to iowa . -that is a cool idea ! that could look really good with some more blue space and text below . maybe some gameplay tips . get to work ! chop chop ! -luckily if you forgot it 's very easy to go back solo and farm the first room for the kills . thanks forgot to get it for my alts . this helps . edit : do we just let the last servitor kill us , or is there a specific mob to avoid ? -this sounds so much like me , you do n't even know . do you have a particular favorite bad tv show ? at the moment i am watching through awkward , which is terrible and im not at all the target audience but its great . faking it though holds the title for best shit tv show i 've ever seen . -thought i 've seen your car before , lol . i also live in south jersey . sj here too . also drive a 350z -oh , believe me , they 'll start the oil burners anyway . oil ? we barely use oil for energy , we use natural gas , but that 's comparatively clean . -hell , a lot of the police on that line are trying to protect their baltimore families too . very , very few police want to see anyone hurt , ever , much less do the hurting themselves . it 's why police make sure people arrive safely to the station once they 're put into a police van . -why does this character not have a gun since he 's willing to rape and shoot people ? is it the gun - free zones ? suppose some people just go out to rape , rather than rape then murder . -she should have leaned into it and went with acid - wash jeans in the next round . the 80 's could have been finished before the second world war . how great life could have been ! meh . skip to yoga pants , please . -i never understood this , do people really run with their arms backwards outside of anime ? or do anime characters just have really weak shoulders and run so fast the air bushes their arms back . there are people who really run like that . there was a kid in my elementary school named brandon who ran like that . it 's hilarious , honestly . -playing a hero , are we ? yea , i thought of myself as a wasteland superman . always lending a helping hand . -so it 's essentially useless to jailbreak a non - unlimited phone ? for that purpose , yes . -has he done other stuff like this ? i was n't able to watch the nugs until mid - january . haha yeah , he 's given the super stink eye to cousins and the gasol brothers . nothing that warranted a tech though . -how is the sandwich spot ? there is one near my place but i have n't gotten around to dropping by it 's good ! i love their reuben . price is similar to beach hut . you live in highland reserve ? -i 'm doing just fine without taking advice from a closet brony . look , the insults do n't hurt me , but i obviously struck a nerve with you . take a break from the internet , please -like when you sold ronaldo and beckham to real madrid ? or how about de gea that looks likely to go . small club fever is going around ! they got a world record fee for ronaldo , and they wanted to sell beckham . -i think parkour would work great for cod . i hope this is true . it would kind of suck to see treyarch go all the way back to the classic movement system . yeah as long as it is integrated well . -good players always have excellent touch and technique . if youre just fucking fast with a cannon of a foot , you are n't a world class player . hes bang on what he is saying . no he said that he has no business playing at a top team . lots of top teams do n't have to have all the same sort of player and bale , as he has proven , has been very useful for them ! -incursion lost the 5 last rounds because of money issues , so i can see the ot going to them tbh yes sure they ca n't save 2 rounds and full buy 1 -mid 20s here , i remember good ea . anyone that had a ps2 at all should . i do n't even dislike ea now . bioware is doing fine . people just need to realize not every game is going to be good . he 's talking long before the ps2 , back when seeing ea on the box meant you were looking at one of the best pc games available . -pepper gravy base , hash browns , green peppers , yellow onions , turkey sausage , eggs , and cheddar cheese . sweet jesus ! -holy crap , you are a stalker ! i have two : 15 yr old cat and a 3 yr old . both rescues . safely below the crazy cat lady threshold . damn , i actually know you and i do n't stalk you as much as he does ! -you know shit is produced in cows to , and they use that to fertilize crops . yeah , i bet vegans would n't eat manure also . -could you actually get slammed ? you have great base with your hands on the ground and legs around the other guy . yea if they wrap up your waist . the more present threats are stacking , soccer kicks , back of the head and base of the spine strikes . -how is he not a nice person ? well some people say he is n't but who knows . i am fine with him -it does n't , really . your local repair shop should have them in stock for you . cool . i will be driving by one later tonight , i will stop in and see if they have it . thanks for your time man . -congrats . finish strong on that last final . just curious , what type of grad program has a winter start ? most places do n't care which semester you start in . you just gotta earn the credits and complete your thesis . -i will keep this in mind , thanks for your help ! what really got my career started in finance was when i worked at the bank . if i were you i 'd pick up a part time gig at the bank as a teller . that should jump start things for you . -i 'm not the guy you replied to lol and still no link tho ? lol op 's never deliver man . -just wait , i think it might be solar powered or something . putting it in the hangar of the cyclops helps speed it up . lol ; i was just driving them till they run out of power and then left them where they ware , and end up making a new one : d : d -idk man you do n't need her to love you . you gotta love yourself . there are more women out there who you will run into . beat of luck . indeed . she sounds like she was self entitled and playing you . you 're better off without her . get out there , kid . you will find your love . -no you got it wrong , esea , is the only one with stable servers lol faceit servers arent bad , atleast not in eu . -what justice , we are looking for consistency and common sense , not justice but it is consistent and it makes perfect sense . us foreign policy is consistent with us imperial interests . -what did you break ? i broke my front track bar . broke the threads off inside the bar . -oh it 's not a crime to stack or queue up with friends . it 's a crime to give false information . ok true , i do n't solo queue all the time , but most of the time i 'm partied with applicants right now which is hardly different . -that 's his style , people vote for originality not pretty as much . that 's not true , he 's an incredible dp with a distinct set of aesthetics . but he is definitely not unoriginal . -you called ? just give me a second to q , i 'm busy pushing an irrelevant lane . its always a damn 4v5 ! abba help , stop destroying their core , you cannot backdoor anymore ! and we need tribute ! -the smart people above do n't realize that if we ca n't buy anything , they ca n't sell anything . that 's why they just give you loans . -it 's just too bad the entire nhl has had a turn all she needs is a goalie and she 'll have a full starting line . -i can pee standing up . i can stand up peeing . -turner scored 25 . the next highest scorer on our team had 6 . wat ? he has this thing where he goes off against lesser teams . if we can get him playing well against good teams , we 'll be set up for success . we 'll see how he does against ou -idk i just do n't find art that interesting hm , the idea of not listening to any kind of music is freaky to me , but then again , music is very important to me . -the ghost that lived in my college apartment . cock sucker was always turning down my tv when i was watching it and breathed on my feet when i was sleeping . for real though ? -torn here . lakers have been playing better and competitive so i kind of do n't mind spending on aldridge , but at the same time la has been busting lineups by defending the pf well this month . aldridge also has n't had a good game against la all season . -what 's the origin of the kansas city style . lived in the area my entire life , never heard of that . i had n't either until i bought one at a royals game . the one i got also had honey mustard on it , tasted strange . -and probably bought beer for all his friends , too . he did . he would buy it for parties all the time but would never drink . we all use to say he was the type that would land a supermodel wife . -i do n't think cops should be allowed to be fat . i just ca n't take a fat cop seriously . -yes , you can play after the ending . cool ! thanks . -do you think crow is actually a jackdaw ? i 've always thought he 's more of a chicken with that head bobble thing he does . or maybe it 's just a crow peck . do jackdaws peck stuff ? -can anyone explain to me why it has been so difficult for london to copy the nyc high line model ? because we do n't have a hand piece of space ? and it 's not really a model more just a particular piece of nice architecture . -they made a lot of sacrifices over the past few years for short - term success . prepare for rock - bottom rangers . how long do you think it will take the rangers to become rock bottom ? i know nothing about their prospects really -human bodies are fucking phenomenal . i am always amazed at the complexity of the human body . it is so rugged that it can operate with many things wrong with it . but if that complex system has an error , everything falls apart . -that 's when you ask her how bad she thinks the withdrawals will be for the baby once it 's born , and if she enjoys sleepless nights up with a screaming baby going through withdrawals . fair points , but smokers are n't usually the type to weigh long - term consequences very well . especially not her . -big sports fan , new to cricket . this video helped a lot . but for one run , do you have to go across and back ? or do you run across , score the run and let the other batsmen hit . thanks ! it 's one run if you get to the other end . no need of running back . -should we overlook people being overt bigots like john rocker or ty cobb ? those are just personal beliefs . edit : typo okay okay okay . please do n't make me get into why ty cobb was n't really that bad of a guy . it 's late and i 'm tired . -in the near term i agree they will all never have the same pricing . longer term , all data storage will be free . it will cost nothing i disagree . it will never be free . it will become very cheap . but like tap water it will become very cheap but still not free . -uh , do at least the plots of both books ? sadly yes . fiction . not real and rape is rape . -luke wilson rumoured to be playing roger goodell ? well i suppose there 's some form of logic to getting a joke of an actor to play a joke of a commissioner . i thought it was rob schneider ? -excuse me paul , your wife is on the phone . tell her i 'll call her back . we have important work to do . -i 'm ready for another blues goal . we 've made it interesting for long enough , time to put it away . tank perhaps ? he 's due . -at least she is n't a gold digger at least not a yellow gold digger . -would love to join ya . i 'm in bellevue and would enjoy goin 'with some fellow red devils . do you watch midweek games anywhere ? i 've been catching them in the office but would love to find a group watching . -how much information did they have though ? they may not know much about isis . the news is full of all sorts of information . not knowing would be an act of deliberate ignorance . -that was a coke belly . he was smuggling . hgh gut , lets not joke ourselves . -nooooooo . please lose the diaper shorts ! i thought they were more like tomb raider pants . hopefully she can get proper jean shorts . -refs really want harden to win mvp . i try not to bitch about refs but we got hacked multiple times on each trip down the court . what a joke . i really loved when he elbowed tt in the face and got the foul for a 3 pt play . -celtic fans are still celebrating making it to the playoffs in a weak east after getting swept in the 1st round ? not a celtic fan , could n't care less . -all arguments against marriage equality break down to bigotry or religious dogma . its weird because you know some of these people that are so against gays and trans have to like butt stuff , but they 're straight ! haha . -well i can flick a magical switch in the options to change textures lighting and physx . if that was the case , there would n't have been a downgrade . we 'd just flick a switch to have the graphics shown in the 2014 august trailer . -not going to lie i 'm worried about arkansas side . understandable . its a lot more affordable than equally nice places on the texas side . if you want nice and worry free you 're looking north if town . everything else can be a hit or miss . -yeah . it also looks the wrong shape to me . well , lets be objective about the shape . the photo is in a weird angle and we can see it 's cloudy so it 's most likely windy so if the photo is real , the only anomaly is the color . -in your bedroom , by practising more came here to say this , get you a good chair and about 20 years . -i could never take oppressive heat . this is why i never retired to australia . funny . i hate oppressive heat . my wife wants to leave the american midwest and retire in australia , where she used to live . i told her i 'll only retire where it snows -not every child can be disciplined the same way . more like , not every parent is patient , smart or strong willed enough to properly raise a child as a person so they train it like an animal . -is this really an fps ? just seems like an annoying woman who happens to be fat imo seems to mostly be about an annoying person who 's fat . -yeah i think gunslinger is n't too bad balance wise , but blade dancers always make me rage a little at how difficult they are to kill combined with how fast they move . golden gun has limited kills , arc blade just keeps going and going and going . -why does it seem like there 's an excessive amount of sparks ? thanks guys . i do n't watch f1 a lot , i 'm just kinda getting into it . i think that is because the race is at night and we see them more clearly . -i cringed at the parenthesis within parenthesis . he 's so smart he has to cliff note his cliff notes . the worst part of the this subreddit is when someone mocks something i do . i have an iq of 148 and should know better . -i wish i found fountain pens when i was younger as i think i would have probably enjoyed school a lot more . haha i have all of college and some hs left , and i 'm def . liking writing more with my metro now . -is it sold yet ? i am interested . still for sale . -the best way to put out a grease fire is by pouring grease on it . no , water , water is really dangerous -probably need a few more super rare pro 's . the best way to advance to the next tier is to have pro 's from the previous tier . obviously upgrading your weakest cards helps too . thanks , managed to get over the line by just levelling up my henry and show . -i rent so that 's not an option unfortunately . really ? most places require a certain amount of rug covering . and a area rug is just as good . -which mobile app are you using ? i know on alien blue i 've been having weird issues with the text part of posts not being displayed , just the comments . yeah that 's the same problem i 'm having on my desktop , but as long as everyone else can see it , it 's fine ! -the ui might only have room for three buffs there . moment of speed is a buff that happens when the oversoul is active . yea crota had just enraged , oversoul activated as i was using my super . -please let us choose the cross hair , the dot is so much better . really not enjoying the new one . i like the new one , but still the support the option to choose between them . -d . o . is actually a decent actor , irene i 'm not too sure about . but being a stan of both of these groups , this news makes me happy . i agree , d . o 's not bad . hope he wears shoes this time . -well maybe they will launch a game update allowing music to be played . yeah thats what i was thinking not too long after my post . -what 's the big deal about it ? its a good looking woman in a bikini , combined with the awesome movie that surrounds her . -i love how everyone is suddenly a nuclear scientist . i love how you conflate common sense with nuclear physics . -feel bad for the guy . no other leader has been attacked as a person as much as he has . nice enough guy , but one of the last i 'd ever pick to lead a nation . -just curious . did you vaccinate your son ? oh my god jesus do n't go there please -well , what i mean is that they give the idea of equality a lot of lip service , but their actual solution is to do nothing . i would say they disregard it as a problem worth solving and that is an oversight . -reality of fptp is gonna fuck ukip hard in my opinion . also yeah , i 'd rather keep expectations low . i reckon they 'll get more than their top 3 -so , with no background in it , i could get a job teaching english to people who speak a language i have no understanding of ? yeah . i met people like this in thailand . i do n't understand the concept either , but they basically teach english to little kids and party like crazy . -dizzy is awesome , such a chill vibe check out the rest of the album , it 's all super chill and laid back like this . -this seems like the sort of thing ron swanson could get behind . people should be able to do what they want with their money ! to be fair , no one in america is stopping you from hiring a body double to serve your prison sentence . it 's just unlikely to work . you 're more than free to pay someone to give it a shot . -i 'm the opposite . iv was boring as fuck , but v 's story is exciting and awesome . i thoroughly enjoyed every aspect of it . the end was also very satisfying , too . i enjoyed iv just because i was excited to play it , but in retrospect it was so god damn boring . the whole story was just one long streak of grey . it was so hard to have fun in that game . -i used to pluck my brows carefully . but have let them grow naturally for about 5 months now , into their current shape . i did n't pluck mine but i have seen them change . i think it 's cool that you used to because you get that dramatic effect . new hairs growing in plus old hairs you used to pluck ! -yeah i 'm not totally sold on this idea in the first place . who does it benefit ? i have no desire to go to dallas and once in dallas where are you going to go without a car ? unlike houston , dart is actually quite easy to ride and access to the entire city . and just like another poster said , the same thing you would do it you flew . -there are plenty of smart people who have accomplished things . a work ethic does n't come automatically with being smart , though . but a hard work ethic can make you smart . your not really a genius if your book smart but do nothing with it . -my bf has been looking for people to play magic the gathering with . our group could use another player too , pm me if he 's interested in meeting up sometime . -i 'm going to go with you completely made that up . remember mike tyson and the hangover ? yeah , wb got sued over tyson 's tattoo art . -i use the logo app , it allows streaming the logo channel live and hd do n't you have to sign in with your cable provider ? that 's my problem since i do n't get the logo channel . -it was just a half page in the book , i would find and take a picture , but i already returned it to my library edit : its when he was in the apartment in columbus , ohio . oh yeah , he was super lonely or something . i remember now . -do fighters who take a fight on really short notice have to make weight ? or do they get an exception and not get penalized even if they are a few pounds over the weight limit ? the other fighter can agree to a catch weight where the limit is higher but yes the fighter has to make weight . -alcohol causes cancer ? liver disease . maybe not cancer but it does harm the body in a pretty big way when not used responsibly . i would n't say as bad as cigarettes , but i do n't know for sure . -do you have some sort of translator on your browser or do you kinda just know what to click ? use chrome , it has a plug in on the top right of the web browser and translates all the important text -an extra pair of contact lenses . you never know when you 're gonna lose one . if you do n't wear contacts , discard this comment and enjoy your perfect eyesight you poop head . or glasses . -how does anyone ever get keys ? that seems like a ridiculously small radius considering you have like 70 friends who can be anywhere in the world . android users use a fake gps app to make it appear as if they 're in oda 's home town while playing the game . -you mean the season ricky played a total of 22 injury filled games in ? yeah sure , rondo was also dealing with injuries and missed games . point stands that rondo is mostly a better shooter on shots that are n't free throws . -nice man ! i play your ariana grande remix at the clubs all the time no way ! which clubs ! i would love a small video clip of it playing - would give you a shout out on my fb page ! -empty bar ? surely you jest , brother . that makes no sense . my hips get very tight and immobile , i do empty bar squats and other hip stretches before starting . it can actually be a bit painful if i do n't -i 'll be really excited on the rework after this one too , and then the next rework . game should be called remodel citizen now sounds like a home - decorating show . -christ people . i would not call this an obvious bot at all . cut the boy some slack . the main red flag is that she gave her number without him asking for it , at least that 's what tipped me off when i got matched with a bot that did this same dialog -anyone else eat beard hairs ? this gave me the shivers . i was walking along today when i got a hair in my mouth for about two seconds , and the sensation almost made me throw up in the middle of the crosswalk . -can you teach me defense ? sure . shield or no shield ? -have you tried pink noise ? i find the changes in profile make all the difference . i 've tried pink noise , brown noise , etc . white noise seems to work best for me . -is it ok that this offends me ? perhaps i need sensitivity training , but this is a public school that exists within the united states . a student association decides what to do with it 's own lobby . yeah , you need some training . -jealous . how many points ? it 's an 8 point . -you gotta be available most of the time if you want to have a large buyer base . i 'd say just save money and buy an ounce yea i was thinking that because i could get an ounce for around 200 and sell it for 560 . -how is harden always allowed to just throw his elbows into people , flail , and somehow get a call . its literally mind blowing i know , if they 're gonna reward that when harden does it they need to give cp3 the calls too -his play has been much better than his results would indicate all year . he 's been a step ahead of his line mates which is a good and a bad thing . -all the fruit loop colors are the same flavor . i thought you were going to say all the same color . i do n't know what colors mean anymore ! -happy birthday ! now start posting pictures of this wonder device . thanks , will post pictures when it 's darker out . -depends on what qualities you like in a pen . i 'm positive there is a match for you out there . decent writing angles are a plus , and so is being smooth ! -i would n't mind if he was his dad , i 'm just saying he 's acting suspicious . i have a feeling he was acting like that because finn brought up his mother and that made martin actually feel again , which i think he has n't done or a long time -so credit card has better fraud protection ? but then what makes the dc that has less fraud protection ? if your credit card is compromised , you can have the company remove the charges . if your debit card is compromised you 're shit outta luck . -how is he in skype with both aphro and sneaky ? is this ranked or normal ? at high elo solo q it 's common for you to get teams that every time repeatedly -i reckon after winning a grand final now , reynolds would step up and play well for nsw . by that logic , so should pearce if selected this year . either way i hope you 're right haha . -sorry but do you have a non - archived tsv thread ? and i see you did n't answer some of the requests you had before . i 'll make a new tsv page , and the reason there are missed requests are because i was really busy during those days and i could n't get to my ds . -its worth atleast a play thru on casual . take a sunday and play it for a bit . i know . it looks like a great game . i fully want to . i just have n't yet . -oh fuck off salty bastard . it was a late hit . hedman clearly was n't anticipating contact , but the whistle went as dsp made contact so i would n't call it super late . -i would love to get one but i do n't know what and i 'm afraid i wo n't like it . thats why i only use these non permanent from kinder suprise . same here , i really want one , and i am planning on getting one in a week . but i am scared everyone around me is going to call me an idiot for getting it . -because an internship is going to pay those college bills plus the rest of the bills . they qualify as the experience that is needed to get a job so you can pay those college bills plus the rest of the bills . -ah ok , thank you for the help true , and some missions later are also hr locked . -that sounds awesome . we got married at the boulevard brewery in kansas city and it was freaking amazing . they have some killer event spaces and you know you get good beer too ! we attempted to go there , but they were quite adamant about only serving boulevard beer , no homebrew and no open bar . deal breaker for us . -mostly because preaching is in bad taste , so it is reserved for the appropriate forums . i 've talked about it , but it 's rare that i want to . i know , i was just pointing out why we do n't see mra in real life , unlike feminists . -well are n't norway a bunch of selfish cunts . everything for norway is the king 's motto , not the country 's . -it 's also stressed pretty seriously in driving courses and iirc , will get you docked in a driving test . i just took a drivers test and the instructor told me that the ministry had to tell driving courses to stop doing it because it 's dangerous -rotating the c - stick does nothing , only the first c - stick input is counted . would flicking the c - stick back and forth count as multiple inputs for a mash ? -by the point it matters , 150 gold from techies is n't a big spend and is completely secure without intentional feeding . true enough . i 'll have to consider that next time , thanks man ! -my mistake , then . i could n't care less about zombie games so i missed that . but i get your point , it 's amazing that they 're releasing a mod kit and we should be very grateful for it . i agree with you . -typical woman , go into a boys club to organize and classify things yep , nothing like having a girl outdo you in measuring how hot things can get . -of course , jesus saves ! passes to moses . he shoots . he scores ! -which part of that makes him a horrible person , providing jobs or enjoying being choked ? those are jobs that are taken from hard working americans , actually . the guy 's a tyrant . -i actually did n't know that . even more of a reason to pay less attention to the scale ! oh yeah ! you will definitely gain water weight along with muscle so do n't sweat it ! -especially horford , i 'm going to go ahead and say fuck al horford . i ca n't agree because i 'm dominican and otherwise i have to watch baseball -i could do it but i only have ms paint so it might take me a while . isis really needs to spend more on adobe licenses . a person with an is flair making a conflict map . this should be very interesting . -at least this is n't as bad as the usual gardevoir stuff . yeah ! for once i 'm ok with this , mainly cause it 's a description of something we do n't really know . -meh , dont make me put the link of the 2013 final . go for it , i think i 'll be fine -sorry to offend . nothing bad meant by it . tap man . -chara thinking he 's playing in the stanley cup playoffs on that one . lol . we love you diego . i had no idea chara played for the bruins and the timbers . -in what world is the reasonable expectation for stealing a car to get shot in the head ? if you steal a car , pointed at with guns by police , and decide to drive away , i think you should have a reasonable expectation that you 're going to be dealt with accordingly . -in addition , you can just put an apostrophe in front of it '1 . 01 that makes it text not a number . -8 years since i quit . it 's a long fight . any helpful hints for me ? just ca n't seem to keep my good runs of quitting smoking going and relapse after a week or so -ehhh my black market guy is selling those for like 5 chickens each , a bit outside of my budget . buy one for 6 chickens , kill him , take all fal and chicken . win - win -i did n't realize the orange tube has the same brush ! it 's the only plastic brush i like . thanks ! it doesnt - it has the thick as brush . i meant keep the clump crusher brush and put it in there -it 's a bear cub playing with a dude and climbing on his leg . completely sfw . it cuts out right before the mother best charges in . both men died . -i 'm sad for the stars , but happy for the jets . we knew it was a long shot . thanks man . you did good . -i remember waiting for a boat for 30 minutes and being blown away about it . yeah , it was just like waiting for a boat in real life . so realistic ! -circumcision . i 'm ok guys really . i do n't hate my parents . i still enjoy sex . i 'll live . it 's fair enough that you 're okay with what happened , but you being okay with it after having literally your entire life to get used to it , does not mean that it is okay to continue to do it -me and my friends watched the fugitive on cable one time solely because it was that movie that neil flynn was in . please tell me you did n't watch smallville just because he appeared in a couple of eps ? -i shower twice a day . welcome to australia , where it 's hot as fuck . i used to shower twice a day when i worked aircraft maintenance in the summer . hot as balls out on the line with the sun beating now . -the vulcan hand gesture for live long and prosper . put your thumb in the middle of your fingers , fold up , and get the form , force them if you have to until you can do it standalone . -free burial , though . and to think about how many suckers do n't get buried by their homes . ha ! -first of his name , the rightful king he is the lord of light 's chosen , azor ahai reborn -tricky situation i do n't see a way around it not a legal way anyways lol we 've been using villa 's in spain and portugal but it limits us and its not ideal and we have to add our own shopping then mini van hire so the costs can mount -that thing needs collision insurance . and gap protection . -at least respect their decisions . abide yes . there is not a solid argument to respect that decision . -that 's the business 's taxes , not the individual . i 'm talking about the individual . nevermind , you answered my question . you do n't understand how small business taxes work . they are claimed on the business owner 's personal taxes if they are anything but an s - corp . -well , it 's fire . so yeah , even hotter . man , you 'd fuck anything -i 'm all for harsher punishment for tax evasion , but i still think murder should be punished more . could tax evasion be a cause of death because there was n't enough money for everyone needed in a vital service -what 's so great about those markers ? they 're super expensive and used in japanese manga , go look them up on amazon if you feel like making your jaw drop -no , but if the owners posted a sign to that effect as a prerequisite to doing business with them , then there you go . you ca n't just put an agreement on a sign and expect it to be legally binding . you ca n't give up rights by walking past a board with writing on it . -too bad she did n't feed the hungry sharks . they do n't want to eat that -the point was to get more pogs ! so like the pokemon trading card game , only more useless . nice xd -not even , hang in the middle and get that cap point before they ever move . yeah if they are dumb enough to stay the entire 2 minutes , odds are though they come down with 30 seconds left or so . being at the hallways gives you the opportunity to do both . -what ? 3 . 5 years old and going to school ? where ? born after september in 2011 edit : it 's different in canada we go by year , regardless of month . -and sport talk shows you 'd recommend ? and thanks ! espn football today podcast is good though there are n't nearly as many episodes during the off - season -the chili cheese frito 's are disgusting and freaking delicious . life changing the chili cheese are a vile creation . they 're like cocaine , but the comedown is even harsher . i turn to them when my soul is in a dark place . -i 'm sorry they what ? then how do they smoke it ? is it just a hole at the end ? yes , you can roll it thinner at the end so that you do n't get tobacco in your mouth . -hard to believe this shit is real , that 's like straight out of mad max i find it harder to believe that shit like that is fucking legal . -it 's pretty much this . or he waits longer so he attacks during summer , but still gets the decisive battle . without that battle , the campaign is doomed . in actual history , why did napoleon attack during winter ? -be wary of cross border transportation of firearms . i know the usa is finicky about that ; no idea about canadian laws i would do some looking about , but i think the company in canada seems to have a better rep anyway . -jack up the jeep and see if you can push the tire in and out . will do . if i can , it means it is the wheel hub , right ? -when true believers fly up into heaven like they were being abducted by alien tractor beams , while everyone else gets to enjoy hell on earth . and kenny powers makes channing tatum his bitch . ca n't leave that out . -right . would it have any disadvantages for gaming or is it about par with the 4690k ? gaming is frequency - dependent so really , the only disadvantage it has is that it 's not overclockable . -that 's a purple duck . it 's blue , its just the lighting in the comic makes it look purple . -yes he was facing backward , hence why he passed it forward that 's not how it works . it 's relative to the field not the way the player is facing . if it was from the way the player was facing then he could just face backwards and throw it behind him . -do n't be a pussy ! pull it out and finish nailing ! yup . i 've witnessed my old boss do this . went into the side of his knee , in a crouched position . he pulled it out with a hammer and kept going . -so tingly ! i just find the arm tattoo to be distracting , that 's my only issue . thanks for your comment ! sorry that it 's distracting , next time i 'm issuing a massage , i 'll wear long sleeves ! -nah mou will park the bus pretty hard . or we could try a 6 - 0 again . the only thing topping doing it at home would be doing it at the emirates . -its not a viable buy which means he doesnt respect the opponent enough to play seriously . it 's typically not a viable buy because it 's so expensive and not worth the price . in this case , it was the last round and had no effect on his economy in any way . -i think two years is a good time to get to know a person . two years , and it feels like nothing . we still ca n't believe it 's already that long . and we 're even happier today than we were in the first year . -i 'm not stuck in d5 on my smurf , i just dont play it and am sitting at 80 lp right now . i feel like your just a salty bronze kid lol . my account is in my flair , are you really so lazy you ca n't check ? i 'm diamond 1 . you , on the other hand , probably are n't over d5 . -he was being sarcastic ? yeah , i got that . i was agreeing with their sarcasm and venting my frustration . -am i missing something , or is the bottom engine mount not touching the frame ? good eye . i have to tighten the top and bottom mounts quite a lot . -how long do i have to wait to show up drunk at work ? a few weeks at least ? depends on the job . for example , if you 're the mayor of toronto you could do it on your first day . -always open whit honor , hands down the best social policy tree available . honor is great if you play on a big map with a load of barbarians . you get gold and culture for every kill . -he made a flair bet with a certain ohio state fan before the sugar bowl . nice , bama fan usually ? edit : nvm , just read his username . -did you hear about the fire at the circus ? go home dad . -i think it 's crazy to see how far ahead bennett was , and the hand pulling him back by his belt . he was living in the backfield that entire game , but you could argue the lack of discipline in that one moment negated all of it . -maybe you should go back and fight bosses on a new character with no insight again . that 's hardly providing evidence . if you ca n't backup your statements , stop making them because it only spreads misinformation . -vlad would absolutely fuck shen regardless as soon as he gets his revolver . can confirm , cdr vlad will still make lane a living hell for shen . -what 's her weight ? 170 pounds , give or take five . -thanks dear ! my pleasure honey ! -they 're from romania , maybe they are vampires ? it needs discussing , is what i 'm saying . discussing ? they do n't speak english . best to sprinkle them with garlic and ram a stake through their heart . we ca n't risk it . -- forgetting to put on pants - pooping in a public place - everyone staring at you all this guy needs is to have all his teeth fall out and it 's a combination of every bad dream in one . he 's wearing pants . -so adnan has duped sk and half of this sub but jay is somehow the masterful liar in this story , interesting . see how once you assume one side is right , the other side 's arguments do n't make sense ? -you 're not the boss of me . did order the glass though . i like where your head is at . carry on -i grew up in the 2000 's , but i swear i should 've been born in the eighties - also , seen back to the future about 100 times , definitely more than five 2 hours of magic . the music , action , comedy , drama . never gets old . -grandma washed monitor screen with windex spray . did it damage the screen ? -hmmm , maybe trains should have to slow down on certain slopes , like how they do on corners . i think they might do that already . i could 've sworn i watched a train slow on a slope during quill 's stream -but all they 'll be checking in is natty light and miller high life haha that 's just the thing , though - the big thing about this app is having distinct check - ins , so it gets you away from drinking shit beers ! -agreed . i 'm all for calling a guy out and telling him to quit pretending to be someone he 's not , but not humiliating him or hitting him . humiliation is a strong motivator for change . -leave them . they are nitrogen fixing and good for your yard . breath of fresh air , you are . totally right as well ! clover seed used to be included in premium grass blends for this very reason ! -i think that right now , granger is in our playoff rotation still . if we drop him , we do we play in his place ? good point . i was thinking williams but he 's kind of a stretch 4 -the problem is that there is this weird span from when tubby left to when cal was hired that we did n't play basketball . i heard some drunk guy was running around lexington claiming to be our head coach trying to bone every woman he met for those two years too . it was a weird time . -terrible list , opinions though yo . easy there , nine . -what about not making it count as a loss if you come back ? there we go , you have solved it . that 's what we need to do , if you disconnect but then go back a page in your browser and rejoin , it should n't count , brilliant . -thanks . i beat him last night . just had to get up the brave to dodge into him awesome , congrats ! yeah that seems to be the trick to most mobs and bosses in bb . roll towards them . when you go backwards you more likely to be punished . -is that cool with you ? i 'll hold back a bit if you guys would rather not . it 's fine with me . -heard from a pretty reliable source that brand new is going to fill the spot , they 're just working out the details . do n't play with my emotions . -let 's go nc state made up my mind on that game i guess . -just to update you , david passed away last night . that is all i know at this point . the world has truly lost a genuinely good person today . my condolences to you and your family . what a senseless act . -listening through the album with teeth by nine inch nails . a band in my top 5 favorite bands . thanks ! yea nin are great ! -so what do you do if you live in one of those houses and have to live out your normal life , like going to work or going up the shops ? when the roads close , you have to be out of your house , or you are stuck . you have to time your day around the races . -and who would do all that work ? you 're better off actually watching the match or paying for a betting group . that 's basically what you 're asking for . what does a betting group have to do with post - match analysis ? o_o -i 'm level 29 and i 've yet to receive a good card man this sucks i got scherzer , but not sure if it was from a win after a game or a welcome back reward . -yeahhhh , not clicking that shit i clicked it and lulz were had . it 's pretty safe for work besides the words -i 'm jealous , the way they work the flag in to their stuff is awesome . it 's like frank 's hot sauce , we put that shit on everything . and it makes it so much better ! -and on the other side of the coin , ult . evolution only copies one of them . learnt this the hard way . but then i found out that hivemind on vikings is the best thing ever . -final exams does that to a person . haha , just realized it was you . seen you on here for forever . you 're always in school , huh ? -what if you 're not trying to get them to smoke , you 're just trying to get them to be open minded about people who do smoke . well i 'd try and show them how smoking weed is not al bad as drinking that most do -i know i am just saying i hate that a developers money is tied to the numbers . money is a number . what should it be tired to , if not other numbers ? -yeah , utorrent is a terrible program , people should switch to alternatives such as qbittorrent , transmission , or deluge . i have tried deluge and most of my torrents just stop working about 15 seconds into the download . -yes , so invested . some of my money is in tech stocks and savings bonds . but lately i 've invested heavily in gay sex futures . i really think they 're gonna appreciate . cool . as long as we understand eachother . -it basically is it 's own flavor but i guess it kind of tastes like lemon - lime . nope , it 's orange juice , even says it on the bottle . -as someone who had seen the first as a kid and thought it was awesome , whats wrong with the second , should i avoid ? super campy and they tried packing in way too many characters , and nobody gets punched in the balls -thanks m8 , and i was thinking you did a better job of the buildings and rubble in the distance . i remember that being a tough part to do . i also used ur version as my wallpaper like the other member -pictures are in reverse order for some reason . i read it backwards and forwards and it did n't make sense either way . -yeah i 'd say they are a bit . but blunts have more street - cred . the entire culture that surrounds weed fucks shit up like this . it 's smoking pot , not a drive - by . -i hated under the skin until a guy here took a lot of time to explain it . i can at least say i appreciate it now . i feel the same way about lucy . -so , who 's going be voting for who ? lib dems , it 's either them or snp in my constituency , so no choice there . -i kinda miss cloud and sunset posts . i 'd post a sunset , but it 's currently blowing snow sideways so that 's probably not too appealing . -i was thinking ron 's new company was a perfect setup totally agree ! -it would essentially be the same setup as sports in the us . no stopping the degradation of the lower levels , but a lot more money for the top levels . but where 's the fun of the relegation scraps and where 's the motivation for players in the championship ? surely they 'll have no commitment to the side and little or no loyalty ? -tie her to the fence on the freeway pedestrian overpass and fuck her from behind during the rush hour commute . you 'll have about 15 minutes before the police arrive , so make it quick . they 'd be gone in 60 seconds . giggity . -c 'mon man , kid is like 12 . my fifa line ups were god awful at that age hell , i was like 14 when i started playing fifa and my team was worse . -get yourself a reality check . gv is ten times a better team than tip . yep . this series is what happens when a team is ten times better than another one . the team that 's ten times better gets shit on in games one , three , and four . -how much did do that cost ? i was n't the one paying for this trip , so i 'm not sure . sometimes breakfast is included with staying at the hostel , also . -ohh , okay . is it like an art thing ? stuff with photoshop , it is really cool . -that would make 1 game worth buying . not buying a console for 1 exclusive and a rehash of a game i 've already bought twice and played to death the ps4 should be around for another 5 years or so . lots of good games should come our during that time . -you 're lucky they cancel your classes . we could be buried under snow but we 'll still have class no matter what . same here . pitt gives 0 fucks about the snow or cold . -very surreal photo . when i make a band , this will be our album cover . be sure to include the dog and the guy pointing . they are what really makes it work . -he has cited his university - level education . you 're just stating scenarios that you thought might maybe happen . su after czechoslovakia had very good relationships with big number of countries . that is a fact . -plenty of alternate sources in english . even the bbc has passed on the current count whenever relevant to a news item . give one example of a respectable western article in english which focuses on this new information . there are a couple of articles that mention it in passing . not on bbc though . -we are 4 and 0 when i gave up tickets this year , am i no longer allowed to attend games ? take one for the team ! a win is a win ! -that 's actually how i explain it to my friends . hahaha same . as soon as i say this , they understand xd -one of the best ships in star trek imo . its fleet version is one of the best ships in sto . -i think bc is going to end up the real victim here . where is he going to get another job ? the wwe wo n't hire him , that 's for sure , he 's too old . is n't he going on tour with marilyn manson soon ? he 'll be fine . there 's always money in rehashing the 90 's with a bunch of hired guns instead of your original band mates . -i believe you need to be at least level 30 , because i 've seen some videos where the boss 'are level 30 , so it might be , ca n't confirm though god damnit . -we enjoy eminent domain because there 's always something to do , even during other people 's turns . if you enjoy deck builders , it 's fun . the expansion is worth it too . i ordered the base game . wanna play it a few times before i get the expansion . -any interest in selling this ? yes , if the price is right . pm me an offer -except when gordon pushed earnhardt jr . to the lead to get his daytona 500 win last year . well yeah , jr will gladly take the help - he just wo n't give it . -this is very toxic to our community and we should not support it here . men are equal to women , not beneath . wut . i 'm a woman . i want to just be a woman , not made to be equal to a man . -i would say jessica jones season 2 is the last season before the defenders . im assuming we are still getting defenders as the first series in 2017 , so next year we will get luke cage , iron fist and season 2 of daredevil -you guys see anything concerning in the photo ? i 'm not saying there is , just wondering if i should give anything a closer inspection . edit , 160k miles . a valve clearance check . -iron man two when she 's fighting happy as well i never saw that film . why would someone want to hit happy d : -gangs did n't break that young man 's neck . the guy was a gang member and a criminal . it was bound to happen eventually . stop siding with the criminals and get on the police 's side -freedom for her to find someone nice ? nah , him having to clean his own house , cook his own meals , and deal with whatever issues the children still need to call home about would be senseless . -now i might belong in this subreddit for this question but would n't it be better for ww to go red or golems to start ? thats how i do it at least . might be because ww wants to get the smite on red for health . but then he 'd start gromp , not blue . -damn lucky toy ! bet it does n't appreciate it ! haha well it has served me well but it has gone to the big toy recycling center in the sky . after years with my faithful , it is no more . -ha . callous attitudes directed towards people 's suffering ! that was quite unexpected ! good one mate . it 's a boy band for god 's sake . it 's not like their boobs fell off . -i just hope they make some more room on the thing since i still have n't hit lvl 4 on my hunter for eris yet . then again she is gunna be pretty worthless after how hits . i hope how does n't nerf eris too much . i still want to get more ranks on her and would like for those to actually give me some benefit . -what sort of drm will be used ? will gta5 on pc be steam exclusive ? it will be really disappointing to see yet another company jumping in to prop up valve 's growing monopoly . afaik there are 2 versions : the steam one , and the rockstar club one . -side note . why is it that i can feel more drunk from 4 bud lights than i do with 3 heavy whiskey and cokes ? how quickly did you drink both of those ? i 'd guess that you drank the beer a bit quicker , yeah ? -do you have any formula experience in excel ? because all of the backend work was actually not done by me and would have no idea how to implement that . yeah had to do a fair bit for my data management class , i 'll try and see if i can do it on my own quickly . -out of curiosity , how likely would it be for a driver to lose control at highway speeds if they were to run over a duck ? do n't know why you got down voted . it 's a real concern for the safety of others and a real physics problem . the answer is not likely at all . -when in stressful situations , i tend to do the thing that will get me out of it the fastest , with no regard for future consequences . makes me fucking terrified of being an adult . do you lie ? like with no regard to what actually happened , even if telling the truth is beneficial in the long run ? -i still do n't see why people smurf . you have an account already , fucking play it . but my false sense of superiority will be lost if i try a new champion and lose a few games ! i need to stomp lower ranking players to inflate my delicate ego . -rip my cool fact , almost forgot about 2004 . almost . how could you forget about '04 ? -it 's basically arma 3 br but with less variety of guns and more players . not complaining because i am having a great time but it 's nothing new : p wow you are right . arma is quite similar to this game . i wonder how they copied h1z1 so well -and how would you ban them , while still having freedom of speech ? there are already carve outs from freedom of speech based on the public good . -i saw a post earlier of something that looked similar . i hear they 're quite tasty . very delicious , tons of recipes online but do n't eat them raw ! -quill . not pen . pens already have ink . so it would be stupid to dip them in ink . -good idea . carriers have absolutely zero incentive to update devices at the moment . with apple you just buy new , same with android . sadly ms phone is such a small part of the market . maybe this will help change that . -why the fuck matt has a lamp turned on in his apartment ! so people will suspect someone is home and no one will break in , just a guess . -talking on the phone when you are in a checkout line - completely ignoring the person who is ringing you up and letting the rest of us in on your personal life as if we wanted to hear any of that . -when did the guys forget how to play hockey ? i come home from work excited to watch the hawks play and i get treated to this garbage . i do n't understand this team as of late . they are apathetic as fuck . its so goddamn frustrating watching a team with this much talent flounder like this . -unfortunately for greece , the bit of byzantine culture that survived was plotting and backstabbing . such is life on the balkans . that was the important part ! survival skills . -i had no idea who roger goodell was until i googled him , so i 'll just hate bettman more . bettman never thought two weeks was adequate suspension for a player punching out his wife in an elevator . -yeah i do n't know , she makes me kind of uneasy . she just seems to say the right things , just enough to keep the group on her side . it kind of comes off as an act . she 's like a mix of that terminus woman and the governor . two types of creepy . -check out screen kings , they have a variety of shirts and styles and very high quality printing . screen kings is great , the owner is also a talented graphic designer and has a lot of quality examples to showcase his work and experience . -what , do they play checkers ? does she enjoy tucking him in and reading him a bedtime story ? happy cakeday btw ! -no most of us are n't to bad , you probably just suck at choosing men like them dudes choose to be terrible people . -this graph is a joke . you 're deliberately making unrealistic comparisons ignoring hull bonuses to try to drive home your narrative that sentries are overpowered . i do n't think much would change . -begone vile scum . your kind holds sway here no longer what action can you do ? you are living in the past when your choice made 1s of difference . that time is gone you have no more say in this matter . -all - natural soda . does naturally carbonated water and fruit juice count ? -because their school name is n't oklahoma university , it 's the university of oklahoma . i just thought it was strange that clay travis , a famous football blogger , would call them uo . -me too , i ca n't wait to spend a couple months there next year . lovely country but there seems to be a ridiculous amount of patriotic shitposters here . i get the feeling the ones from here who would be willing to meet you are n't the same ones posting the patriotic shite . -please do n't call the glorious pc battlestation platform a console . i 'd leave pc out of the question because that camp would pop up anyway . -he bit a hooker 's tongue off at some point . no no , the hooker bit his tongue off , that 's why he had to stop being a pitch man and became a filmmaker . -so women 's wrestling only counts if they are all ugly and coveted in burlap you ca n't pretend the goal of a women 's episode of tna is anything but to get guys to watch pretty girls . do n't pretend it 's because of the work rate . it 's disingenuous and stupid . -dude , im the guy who you money matched for the title of best pichu in nj like 2 months ago and what have we learned ? how have you been , man ? -nice try . keep up the good work ! lol . most passive aggressive post ever -that i would actually use cursive past the 4th grade . i read this all the time and i just have to ask : does everyone in america write block letters ? i know absolutely no one who does n't write in cursive , but this is in germany . -did n't somebody find an infinite loop between two bots once ? it 's mentioned further up , but , yeah . more than once . it 's not that hard if you dedicate some time to it . -you dont even have to fucking exercise to lose weight . just eat less or healthy . i honestly dont get why its so hard . you do n't even have to eat healthy ffs . 40 pounds down so far on a diet of junk food snacks and boxed dinners . just count calories and you 're good . -simple , one line suggestions could just be posts with the suggestion completely in the title . if people do n't wish to use this , that 's entirely fine . just treat it as a normal suggestion post . -i would love that , but considering how long it took for train , i 'm guessing we 'll at least have to wait for the operation after this one . well , they probably starting working on it a while before katowice since it seemed like they had it planned out by then , so hopefully it does n't take as long . -they 're never going to do that . also fta when it comes to this country a lot of said obesity is caused by the sugar in alcohol . that 's why it 's called a beer gut . no sugar in beer mate , you body simply prefers to burn the alcohol over anything else - meaning when you drink loads , more carbs get stored instead of burnt . -im an idiot . based on your title i thought you meant this was yours and you shared it with an animal . i spent too long trying to find the animal . i thought the rock on the left hand side was a snapping turtle . -is there any chance of summoning ever happening in osrs ? i do n't know how others feel about it , but i thought it was one of the most creative skills with a lot of potential . summoning is a huge big no , pretty much no one wants it -dear god if no one else caught that i was going to throw a fit . funny how they 're calling someone else dumb in the process , though . irony . -that 's actually not very high , i 'm def at 130 , 140 that would have been fucking restarted if we lost , holy shit . -i also read the book . i think it 's best to treat them as very separate pieces . they 're like the lotr books and movies : you can like both for very different reasons . -well , shit . if you 're from the uk i do n't even care . cheers and good for you even liking american football i know the stigma attached to that , trust me i know you guys hate it but it 's better than the shit we have here by a mile so do n't hate too hard . -you mean the actual city has an anti - discrimination law ? that 's good . gays are then protected and this law could n't be used to discriminate against gays . again , what 's the big deal ? state law trumps city ordinance . -is he a pink eyed white ? i have such a huge soft spot for those . he is soooo cute ! yes ! they 're sooo cute , but most people get freaked by the red eyes . i think they 're so pretty though ! -aint it god who dumped all this shit on you in the first place ? dude it 's an expression . by no means is it a religious statement -nuh uh . what about lactose - free milk ? you just get the lactose at no extra cost . -it is a shame . does he have son who can fulfill the prophecy ? you mean the anti - christ ? i think he goes by the name corey perry these days . -we 're talking this season . sure you were ! because his dutch nickname developed because of his half year at man united , that 's why you were referencing it . -just remember the loyalty only works when you transfer that character from 360 over . so shift account swapping does nothing . so i would have to load up bl2 on my 360 and upload my character to a cloud save for this to work ? -yeah im thinking of watching it , is it good ? absolutely . i definitely recommend taking part in the rewatch . -to apply ? wow , did n't know that . how else do you think they got money ? -why do n't the sharks invent trophy matches . at least that way they can invest in a trophy cabinet they have one against us . the steve rogers cup we pretty much swap it every year -earth year or mars year ? video said aug 5 it landed and the publish date was aug 5 , so earth birthday -the funny thing is there were n't really any conspiracy theories about it until the government released the information . so it 's not a conspiracy theory proven true . would you link please ? ca n't find it -why is this being posted ? it has literally nothing to do with body acceptance . seriously , op is a regular contributor at fatpeoplehate . can we not ? while i thought the article itself was a really cool and interesting read , the context of this post is thinly - veiled trolling . too bad , i would 've upvoted . -you do n't think you 'll get tired of the party probing every five feet ? not when the probe is a mimic ! -so ? if is n't on the team anymore in the books either but i can use him in the daily mission . i did n't know that . maybe is a game error ? -that sounds amazing , what an awesome sleeve idea thanks ! i 'm really excited about the whole thing . i 've already got scarlet witch . -dead throne is n't really an album that i got into , but if you 're trying to convince me that it 's really good , which songs should i listen to ? i 'm not really trying to convince anyone but mammoth and vengeance are really great imo -you could also save two points with calculation , which would only flip 1 focus , and would still need an action . calculation allows you to spend a focus token to turn a hit to a crit . you 'd only get to use it for one attack . -ok , absolutely , one of the coolest moments in sports fandom i 've ever seen . it kind of reminds me of the guy that snuck a shark into a sharks game , and then came back years later with an even bigger one . -this is n't fatlogic . no one really believes this it 's just goofy unfunny shit your grandmother posts on facebook . ugh , i was about to say , this is the sort of thing your grandma thinks is clever and hilarious . -let us know when you 're ready for that trade why ? are you planning on giving us another arrieta - type ? -sorry man . i 'll leave now how do you forget about novak ? jesus man thats low even for a rockets fan -except for bush sr . every president since the 80s has been a cool guy . bush sr . has done a lot of cool shit in his life and his post - presidency has seen him be a bit cooler . but , yeah , he was a lot more serious it seems . -the room . the entire thing is believed to have been a money laundering scam . what ? the room is incredible ! possibly the most unintentionally funny movie ever . -glad i have your vote in 2016 ! i regret to inform you , good sir novelty account , that i ineligible to vote . i do , however , promise to continue to use your name for good causes . -he 's such a nice and smart robot , that ultron . i wanna go out for coffee with ultron and hear his views on politics and religion . maybe talk to your nearest political extremist ? might be very similar -gj . mobile so i could n't see from here . stupid phone . gn -why does this video only have 301 views when it has more likes ? wait , how could that be possible ? to hit the like button do n't you have to at least start the video which would count as a view ? -til rbr exists and is some kind of gold standard for rally games . richard burns rally , released 2004 , has been gold standard for rally game physics for last decade . -do n't set yourself on fire to keep others warm . put the shoe on the other foot . this does n't work . putting the shoe on the other foot just means to show empathy . -nah i 'm your father ya gay lil over privileged hoe , go to your room son . you 're grounded . do you want me to tell you what its like to have a dad ? -i think a good chunk of fans think that deflategate is stupid and overblown . it would have been overblown and swept aside if brady did n't lie out his ass about it . he obviously thought it was bad enough to deny . do people really not understand that point ? -nj gosh i miss it and do n't miss it either . love the red color man you do n't miss the grit from the winter hitting your car ? -also , you ca n't have a glass ceiling on the floor level of a castle and still see the sky . yeah , but i always thought the great hall was a room on it 's own , with no floors above it . i might be wrong though . -please let it just be canon that he has been taught proper english . noticeable dutch accents just hurt my ears . yeah , most dutch people speaking english have an awful accent . luckily that 's more with older people than with younger people . -i want to see him live so i can have an opinion about his live performances . i 'd call it good if it was any better than the last time i saw him granted that was a couple of years ago but still it would be a success in my eyes -3 in 1 bbq , bike stand , clothes rack . i 've only seen the bbq thing once . it was hilarious . tin foil all over the bottom of the basket , and then a puzzled look when the charcoal would just push through the bottom . -he is impossible to miss unless you disable it before you start a new game . maybe it detected a nothing save somewhere on my hard drive then ! cheers ! -well the lady said 'we had n't considered anyone in a long time 'and the kid carl met said 'this girl got here a couple months ago 'so fishy . edit : paraphrasing the quotes . nice , i did n't even catch that , that is sort of suspicious . -i will subscribe to any official service that puts up the subs within a week of air date . crunchy roll will be on that like white on rice . -i 'd fight you anyway because you suck to be fair . do n't even care about winning . you 're that horrible . i suck to be fair , this is true . totally gonna miss having to remove your snide comments on post about missing children . -and if everybody just copied one and the original still being there , hbo would n't get a penny and would cancel the series immediately since it 's not making any money . their are more people willing to pay for a great service than there are pirating . -what do you do if you bring a large amount of cards with you ? carrying around 5k in cards is hardly a safer option what are you doing carrying your whole collection ? leave it at home . and , if it 's a couple of decks , it 's called a backpack . much safer , yes . if that 's not safe , what is ? -fun fact : the first transaction online was a bag of weed . can anyone verify this as true ? -there 's no tag to check inside the second pair to get the style ? it faded with wear , but after looking back through my records i believe they 're regular ralph 's . -do you mean installing it on another computer or re - installing it on the one that had the files ? re - installing it on the current pc that has lol installed -i am honestly glad you found a movie you love but its not for me . i am a man with simple needs and simple desires . explosions and cheesy humor . all you 're missing is half naked women running around and you have yourself one hell of an action movie ! -probably the only movie to integrate a sex scene and a gunfight together . you must have missed out on the nic cage masterpiece , drive angry . not only did it have a sex scene shootout , but it was in 3d ! -checking the standings , half the people on the winning streak leaderboard picked the nats , including everyone with a 4 - game streak . ouch . i have n't won a pick yet . -a kid was shot for theft ? what the fuck woah there , do n't be so quick to blame the cops . i see this too often where people hear what they want to hear to justify their distaste for the law . -in many cases , campus police are actual police . they are n't rent - a - cops , they are n't security guards . i know uconn is so big that they hav their own police department , filled with real police officers . -finances . i do n't know anything . from paying medical bills to filing taxes . definitely a class should be mandatory in high school . learn all about finances , and credit . but then credit cards would be it if business . -that just made me depressed to realize how much of my existence revolves around work i do n't even enjoy . enjoying your job is un - american . -worked on bone tomahawk with kurt russell . he is exactly how you imagine him to be in real life , completely awesome . that 's exactly what i 'd hope to hear . -out of curiosity have you any idea whether turtles would eat java moss ? if it 's a living plant , the answer is yes . -hes seemed like an skt fan since the first time they popped up , i respect him for that . monte is actually a kt fan at heart but he will always support which ever korean team is at an international event . -mavs shot a ton of 3s in 2011 . it has been done . you could throw the ball to dirk in the post and let him go to work that year . -grill some pineapples sometime ! freaking delicious . i love grilled pineapple . -no wonder they 're all dying , shit . heavy metal poisoning ai n't nothin to fuck with yeah they might forget everything , park their cars and sit for a while , then play with a baby that may or may not be theirs . -oooooh , i had n't thought of that . the only real reason i can think of for showing that flashback is if big grown up daddy howland is going to be along soon . exciting shit . -well , at least the snake did n't it her kids i hope it eats his kids as anyone genetically related to him is human pos , apple does n't fall far from the tree . best that his genes go extinct . -canadian here . that seems like a really low salary for an extremely important job . american here . it is a really low salary even if it were not an important job . i made more when i was waiting tables part time at a red lobster . gtfo of there op , that 's some bullshit . -not just a helmet , but a full helmet . great point . most injuries to the head in motorcycle accidents are to the chin and face . -they keep saying execution style . to my knowledge that involves a barrel to the head while on your knees . pretty sure that does n't apply here . people also tell me that he was an innocent little boy , ignoring the fact that he was actually a thug who had just robbed a convenience store . -what game are you talking about ? to simplify it so no explanation of the game is needed - trespassing to play a geocaching game . -this is my first gif , so be easy ! hope you guys enjoy it . what 's the movie again ? i remember watching it and basically that guy goes crazy , it was pretty awesome . -but the body he was in earlier in the episode and the show was basically billy 's body possessed by the lich . i always interpreted it as being just billy 's skin over the lich 's bones . but i guess it 's not really clear either way . -i can buy everything . send me the cdi for every drive , and we 'll talk . alright cdi is on my books for tomorrow . i will manually pull and check them then . -woah . good call . no caps period . you ca n't say that word -yeah he has more there than in america because he lost those freedoms when he broke the laws we as a society made . what law ? -the wheels kinda covered i 'm sure you 're referring to tire tucking and as for new front and rear bumper , i would advise against because almost all aftermarket bumpers suck . your call though what i meant by that is body kit , are you saying body kits are not worth ? -yep , and the tiny aesthetic flies die when you shoot them . and they fly away from you when you get close . -green lantern , never found him at all interesting , or his powers blackest night got me to enjoy that entire division of the dcu . i 'd recommend it if you have n't checked it out yet . rainbow power , yo . -that it is . the collision is also set to block all . not sure if that would have any effect on it . if you have an event hit instead of event any damage , does that fire ? -why would n't it do the same thing when you 're awake ? you wo n't know you are dying while you sleep . -would paying for rent as opposed to a mortgage be any different ? barring the landlord accepts credit , then yes . if they do n't , then you 'd be taking a cash advance to pay the landlord . -let 's just remove all lanes , and have the game all jungle . go play dominion or tt . want the opposite ? play aram . -honda found some extra hp ? yes , they used two tokens . i think it was 15 - 20 hp . but there is probably some other stuff with cooling and hopefully they can turn the engine up a bit more as well . -nice run - on sentence . thanks . man . -that was definitely a video . it had sound an everything ! -and you fakers said you were sad about the kings death . could n't even mourn in silence could you ? silence is n't really gonna cut it . yes , we can morn the leech kings death , but that 's no reason to prevent general discussion on the discussion thread . -seems like katz loaned erie 4 . 2m , under the agreement that erie would sell the team and pay them back with interest . erie did n't sell or pay them back . why the fuck would n't you sue ? because he does n't understand the concept of a loan -what 's the point ? cat is out of the bag now . klaus has never been above killing for no reason . -best game music thread go ! edit : post links so we can all listen to it : d the elder scrolls games . -oh wait are you keeping the crobat ? misunderstood lol well ffs why would n't you say trade it back -i hope not , that 's such a cliche at this point . did n't really see anything at all to suggest that was the case though she sees her own shadow in the camera . the shadow is behind her like her grandmother 's is because she is dead too . it also smiles when she does . implying it copies her every move . -i hear ekblad taught himself to shave with a knife at the age of 5 . at the age of 6 , ekblad was born without a face . -i wish them luck but i do n't play fps 's on consoles period . good thing it 's third person . -why do the seats have a cutout for the control column when the yoke comes out of the front panel ? first you need to understand the capability of this plane . considering that , what kinda pilots would fly this ? one 's with enormous testicles . -come on gina fans , where are you guys ? let 's hear those quintessential gina moments that made you big fans of her ! i like how instead of coming up with something gina has contributed , people are downvoting . says a lot about how many memorable things she has done . -yeah , if it helps though , it must have been a pretty good time before hand for it to leave that kind of mark . it was . made me the happiest i had ever been in a long time only to end . i wish i had it back . -thank you for saying the same thing that gets said in every single thread about the pope . now we wo n't have long discussions about how he really is the best pope , and how he really is n't . i do wonder how popular he is though . as a non catholic , is his example being followed in real terms ? surely that 's the mark of good leadership . -holy china , that 's wild man . i would love to visit some day and ride a motorcycle across the county . come teach english . its stupid easy and if you know what you are doing you can make good money . -they are a pleasure to shoot , and make the ping ! happen all on your own , haha . they are truly awesome . my guilty pleasure is inserting an empty en bloc and working the action just to hear that sound . -would you happen to be on a team for the current league that plays there ? nope . i just go every so often to have a few beers and play doubles . i went this past friday night and played a good 6 hours , it was grand ! -what about humans though , lots of time and money training them and quite a few criminals do n't get nearly as harsh of a penalty for killing them . so then you 're making an argument for more prison time for the murder of human beings , not less time for the murder of police dogs . -color ? price ? black brand new . large and small wristbands . 70 shipped ? -and how will you feel when price comes back down to earth the l column starts to pile up ? if it happens we will change the way we a the game entirely . you play differently when your goalie is weak because you need to score at of goals -that 's not the point , but glad this post caught your attention . we read every post , but what exactly is your point ? you are asking to redo it , because it is creepy , but the reasons you state are basically about what larvesta is . -first of all that 's a good mom . she makes her kids think . but older brother is going to hard life . agreed . i feel like the little brother got a bit of a raw deal having to sneak around his brother . older bro is a stick in the mud , controlling little guy . i hope things are better now . -one screen with hdmi cable , one with dvi - hdmi will there be any visual differences between the two ? -psych . first four seasons were amazing . after that , went downhill for me , aside from a few gem episodes in the 6th season . that show had arguably the worst series finale of any show in television history . -probably . it 's always shown up roughly a week before the season premiere in the past . that is what i thought happened with the walking dead as well , this makes me happy ! -i definitely see what you mean . i guess the destruction just represents how active they were in them . luckily for me my pair has no chance of ending up like that . same with me , unless i can land a job where my ass is n't glued to a desk or somewhere i can bike to work my wdc pairs are gonna depend heavily how much of a weekend warrior i can be -it 's weird how the price has been mostly dropping for like 63 weeks now and yet every bit of advice on how to make profit is to just wait even more . have you even seen the price trend over the last month ? -this is a throw away - im 27 and i keep a small trash can in my closet that i pee in during the night time to avoid going to the bathroom . and im a female how much farther away is your bathroom compared to your closet ? i hope if you 're living in a dorm that you have a room to yourself ! -if you intend to keep your customers happy , you 'll patch your games for free . as has always been the case . when you 're getting shit for free , you 're not a customer . customers pay for shit . -this is why we have boxing gloves . they are not designed to protect the person being hit . they are designed to let the person hitting hit harder without breaking the bones in his hands . are n't they just safer to get hit with though ? i mean , an actual punch would have a bit of a terrible wound depending on where it hit with the knuckles . -i do n't see why you would n't hold a blade on each side with a thumb on one and fingers on the other . then move the handle sliding the device between the two blades . this may be how consistent pressure on the blades is maintained . then flip each blade over , and sharpen the other side . -if he did n't have adamantium coating his skull would wolverine 's healing factor be enough to counteract a headshot ? what about a single bullet vs . a shotgun blast ? going by deadpool , who 's healing factor is derived from wolverine 's , yes he would have been able to survive the rifle shots . -no , fsm is an argument , not a god . it was invented by atheists , what does that tell you ? if fsm was real it would be a god . -jail , most likely . na probably his room , for about ten minutes or so . -the president gets a pension though . pretty sure some baseball player that no one ever heard of wo n't make much after he is done playing baseball . like baseball players who earn tens of millions at the very minimum in the course of their career need a pension . -i play destiny and when i can , frozen synapse . unfortunately i do n't play either of them , but frozen synapse looks cool as fuck . -while i agree , and do n't support ukip , nigel does support drug reform and believes the war on drugs is a failure yeah , cameron had similar views too before he got into high office . i wo n't get excited until someone who actually gets into power comes out in favour of reform . -there are 1000 other teams you could watch . not sure why you watch chelsea if you do n't like . i mean i 'm not sure why one team out of thousands playing like this should affect you . because i 'm from london , not too many premier league teams in london who have champions league quality but chose to play like pricks -well , they do often say the truth is an ugly business and he seems to be dealing in a lot of that , so i guess i can understand that . he also drove a studio into the ground and had to give his employees safe words because he was such a horrible person . -it does n't seem to press me as such i find it pleasing . it 's not perfect , but it 's not button tear , ether . -oops , meant trading post . and how does that help double up on gold ? sorry i just started playing again very recently after a year off . -i hear some rendition of this reply on a daily basis . i 'm actually a pretty happy dude ! also , yes , i 'm a fucking blast at parties . nono , the other guy -or maybe , just maybe , if you want a snack , just munch on one oreo cookie . no you fat slob , not 1 family pack , 1 piece . hard candy is good too , you can suck on it for a long time , so the one you can eat lasts longer . -yea the thing is , as long as toplane isnt an irelia only lane no meta is for wickd , obviously he either cant or wont perfect any other champion two years ago he was considered best top for europe and he was head - to - head with soaz . he was playing much better at the aggressive meta -fucking disgrace considering the outing niese had and that our offense showed up . damn , you are easily the most negative person on this sub rn . take it easy . -the killing joke . murder value 3 . -yeah micro center has the bottles and cans . never tried the cans , but they have all the bottled flavors . just tried the orange one which i did n't even know they made and it was delicious . the cans kind of lose their special feel to them , so it 's just like drinking any other sugar water at that point . -yea , seriously . these sjw 's lack the warmth and depth to be called a pussy so they 're more like a cold hard cock ? -we 're switching to kronos in a month or two . i 've messed with the demo in the app and it 's not impressive . we 've been using it for a year or two now and it sucks . our old system was archaic but it was super functional . kronos looks nice but my god is it a pain in the ass to use . -whats wrong with winter ? the awd tesla is a monster in snow . the cold and batteries do n't get along . i can attest from first hand experience . -espn always has good hockey ads pumping the sport , which makes little sense as they seem to hate the sport given how they treat it . no kidding . i 'm very happy with being able to see every playoff game . now , if we could just get rid of pierre mcguire -may i ask which bible verse , and why ? not judging , just think it 's an interesting thing to put on a business card . for how techs , this might just push them over the edge if the person is holding two business cards . -i do n't see that in the video you linked . or the half hour of speed runs i watched after because of the video you linked . my god , i forgot how entertaining speed runs were he 's writing the code using the game . the weird things he 's doing , the spacing , everything . that 's how he 's editing the memory . -well it was an exaggeration sure , but my point is i do n't see them going from a superbowl win to last in the division . if it happens , it 'll be because their secondary evaporated and brady actually served a four game suspension and that throws the team off . -did n't scottie stay one more year ? he came back later was gone with the rest of them that off season . -nwo was out to destroy wcw though and hated sting . just found it funny . bray couldve looked a bit stronger even if i was pulling for taker well they hated sting in 98 . sting was in the nwo by the end of that year . and an enemy of an enemy is a friend , so nwo would rather stand up for sting to preserve their own legacy . -and how did that work out for the 360 players ? lol it 's part of the reason the game died . -and still win nothing - sad really ? bucs fan gonna talk shit ? -saxton sounds fine now , this is his role . no one can commentate by themselves joey styles would like a word with you . -i like red coffee ; brewed with the blood of my enemies i like blue coffee : made with the tears of my enemies ! -this sucks because i wanted new orleans in the playoffs . too bad . yeah , all year i 've been rooting for the whole sw to make it in . but my desire for that 2 seed is greater . -where is lady stoneheart ? i 'm just flat out done with the show . i do n't think they are doing that part . also , the hound is most likely really dead . -except this thing does n't do anything at all . you want a comedy stupid shield tanked frigate fly a jaguar because not only are they actually good they barely cost 30 mil fit gank bait . put in belt with cloak fleet . -you know what , i changed my mind . i want a pretty dress . send it to your brother , who is me . ok but if you turn out to really be my brother then give me my dress back ok ? -providence , i will perform whatever act of love you want me to towards the state of rhode island if you pull this off . please . please . root for unc instead please . they 're beating virginia by 3 . -masks ! so many masks ! please buy a mask ! -it 's moderately annoying that we 're down to top 6 , and it 's still a team challenge . that was my freaking thought too . nothing but group challenges this entire season -trying to figure out where it is exactly . king road ? edit : ca n't tell if that 's a farm field or not . i 'm tired . this is just off rattle run road . not a farm , but there happens to be one right behind those trees ! -yea , 30 mins is too long . different wall designs is something new to see in videos though . yep i love the idea , but try to get it down to 12 minutes or so . with some editing this could be a jam packed video with lots of info in a little amount of time . -i 'm gonna start throwing punches . fucking blues fan walking up giving me shit about tonight and crows center ice mess up the other night . jackass . high road my friend . blues do n't have a cup . -why have you got those cables running through the middle of the room ? i was waiting for the cat to run through them and break something . it 's temporary . my gf just moved the stereo to that side of the room but she has to buy some longer cables . -russel brand , he 's a cocky pompous asshole and really not that funny at all . aye , just because you can make a few people laugh it does n't mean your opinion is worth pigeon shit in a delicate political debate . -post history says they are texan . colour me surprised . i really hate texas . like , with a passion . -you could also try not buying gems and just play the freaking game the way it 's supposed to be played . it 's no fun when you pay to win . what exactly bugs you about an individual spending their money how they want ? -what 's a dirt cake ? the actual dessert is usually oreo crumbs chocolate pudding and gummi worms . so its like you 're eating dirt with worms in it . -the step where he was given the basic human right to a trial ? has anyone on the losing side of a war been charged with war crimes and found not guilty ? i always thought those trials were kangaroo courts . -actually , islam . you ca n't make a blanket statement about an entire religion . it just is n't true . -the powder is relatively expensive . i 'm not sure it would be worth it . if you buy in larger quantities , the price goes down . -i do n't understand . what 's going on in the video ? to me it looks like he just went from a high boat platform to a slime block . i get launched up to a platform and as soon as the boat breaks , i clip through a block and land on a slime block . -can airline miles be used to bring a friend ? or can they only be redeemed for yourself ? yes of course ! for most airlines , you can book a flight for a friend with no fee ! if you have some premium status , that can be helpful ! -wait she was n't born with the name lady gaga ? no , she was baby gaga until she was 18 -movie posters are n't action shots . fury does n't even fight . okay , second thing , this and he first big trailer pretty much spoils that they go good eventually , and even then , we knew that . -i 'd let the world know of my power , and also inform them i 'm accepting donations to keep yourself alive . i 'd kill the biggest donors . that 's funny . i was thinking of eliminating the useless impoverished groups that just exist . -many developers , including google android devs themselves must be wrong then , that sd - cards have shitty performance and that they cause issues i can record 4k to my sd card without problems . -you were called flat - track bullies before this year . fair enough , this week was the first time i have heard the phrase used outside of cricket . -i 'm so excited to visit the uk . it sounds like i 'll fit right in , finally . i love glaring and huffing at someone breaking the rules while doing absolutely nothing about it . if you are foreign you are fair game though just ask chelsea fans . -no price ? i do n't really know the price . feel free to offer me : d -you just said he dove a few comments ago . the first one was a dive , not the push in the back -do players who bat . 198 get interviewed ? in markets that like baseball enough , yeah . -not since he was another human that i do n't want to wish devastating injury upon . that too . i would n't wish it on him in miami , but i would n't care that much either . lbj is the man for going back home though imo . cleveland needs a hero . -well i bought it on itunes like 5 or so years ago , let it die ep . just pm me your email and i can send it over . no idea why that ep is no longer available on itunes please upload it on www . mega . nz that would be great . -i 'm not who you replied to but i 'm the same way . can only tolerate vodka . not even beer , that shit is gross . what all have you tried ? i mean , have you tried cocktails ? mixed drinks ? smirnoff ? mikes hard lemonade ? lol . you sound like a h . s . girl . -i agree . i think that was a huge mistake that in the future they will regret . third party programs mean twitter does n't get revenue . they need to make money . -you 'll still be soloing it . it 'll be an afk farm fest and they 'll wind up with more kills that i do because they 'll be glimmer farming , lol . -try your car insurance company , usually they offer a discount that usually makes up part of the cost of renters insurance . i did this through progressive . -no , friendship tho beating the shit out of god 's right hand man and forcing him to obey your every command is friendship , right ? -watch the video again and imagine the person in a monster truck full on the accelerator going down the hill into the crowd , then coming back up and ramping off on to the other side ! watch the video again and imagine the monster truck is some sort of crocodile - spider hybrid rolling down the hill , laying an egg , then coming back up and spinning a web . -that would probably sound awful on electric though . i 'd think so . i 've tried playing with a quarter after losing or breaking a pick and it sounds terrible . especially if the guitar is plugged in . -infrastructure yo . improve traffic patterns . reduce congestion , reduce frustration , reduce accidents , reduce fatality . or you can , you know , get pissed off without thinking about it . i 'm totally down for getting pissed off without thinking . makes for the best decision making . fuck yea ! -really ? green on green ? whoa , i 'm seeing green on black . what are you seeing ? -i just figured out how easy it was to change so i 've been all over that shit . plus it seems like i 'm the mod with the most free time during these playoffs , strangely enough . cool cool . i 'll be the angry mod with the heart of gold . i 'm the dr . house of the moderation team . -i actually think protein powders are a great way to save money . i get mine from costco and use it to replace breakfast and it comes out to something like 90 cents a meal . food is way better . and if your are trying to build strength and mass you do n't wanna be replacing a meal with a shake you still wanna eat and then in between meals drink shakes . -ugh . bioware has terrible writers and cares more about fanservice than real characterization . well , true . but the poe companions were still pretty shallow . say what you will about the bioware ones , but they tend to have more progression , and they are frequently involved in the plot . -fucking chandler ! one quip too many and now you 've got a bullet in your face . ai n't that a kick in the head . -i second this , now i can play morgana in every lane ! how does jungle morg work ? -no worries , i have n't had a birthday in about 123 years . i have n't aged a bit either ! pro tip : do n't have a birthday by accident . i was holding off too , and made it 60 years before slipping up . had a birthday , and all of a sudden i 'm 87 . not a fun day . -yes . he was a full participant in practice and is listed as probable for the game . i heard he was okay injury wise , but there was talk me might miss it because his kid being born -civ v is not an option . unless of course the goal is just to be awake until 5 am . thatsthejoke . jpg reddit is n't going to put your ass out either . -am i the only one who still does n't get why her butt cheek is hanging out , though ? do people go to the beach like that in america ? uhm , yes ? bikini usually does n't hide your butt cheeks . and also , she is in a thong . -i 'm guessing it will play at each location ? i only know what 's on the site . if you need to know more , i suggest emailing them . -i work from home for amazon 's customer support . they 'll be hiring in august i believe . is it the type of job you could do from anywhere or are you tied to the house ? i 'm trying to find something i can do while travelling and seeing the country . -he was definitely better than a 2 at the start , or your standards are quite high . yes , sorry i exaggerated . also , i also do n't know if he 's a 10 , or your standards are low . -yeah , fuck you . also you owe me money . my fishy friend will not take any of your hate . fizz makes me jizz -same to you man ! and damn right , though i 'm honestly a little worried about the ducks coming up . pff that just means duck season came early bud we 'll be fine -as someone who ca n't see 3d , what sold me was that the c - stick works as a cpp , and the extremely sexy mh4u le . the c - stick sold me as well , as i 'm left handed and the circle pad pro is not comfortable for me . now i can try playing kid icarus and not have to use the awkward alternate controls ! -if country y wants it more , then they should had paid more . maybe i do n't get the business of fifa ? fifa is a non - profit organisation , making money is not , or at least should not be their goal . -andrew jackson . from the spoils system to the trail of tears , thanks again mr . jackson . let us honor your achievements by placing you on our 20 dollar bill . yeah john a macdonald is basically the canadian version of him . -now drink some tasty wolf cola . or fight milk . -that 's kind of a silly comment in my opinion . and that 's fine . i was just sharing mine too , but i agree i 'm probably just being a baby back bitch . -in that boat right now , and i 'm divorced , so i 've been in the boat twice now . i do n't like boats . then just get in a floating tube . see where life drifts you . -yeah , fat people eating food is gross , amirite guise ? honestly watching a larger person eating a large portion is watching their unhealthy vice or weakness winning . -what really ? how is it a projectile weapon ? the flamethrower 's flames are actually little boxes . if the hitbox of a flame particle hits a player , they get lit on fire . -density maybe ? i 'm not a scientist , but could n't the smaller planet just be a lot more dense and still maintain an equivalent atmosphere ? sure . what would be denser than a rocky mantle with an iron core ? -ok so you 're saying you ca n't even boot to safe mode with both sticks , or that you can get to regular mode with one stick ? and so you 're running a partition ? i can boot into safe mode with one stick . my usual main method of boot is my ssd , my hard drive is where i install most of my programs but it also has a copy of windows on it . -this is good , but even better when you use duck fat for the frying . you know what 's better than that ? having the cook come out and give you a handjob while you 're eating . -do n't get it twisted , we 're doing everything in our power to defend earth . i just do n't think we should be blowing each others heads off when there is an alien invasion ! so to prevent that you threaten more war ? eye for an eye makes the world go boom from aliens -tbh , your life 's pretty awesome . yea i 'm pretty lucky . my parents do n't pay for anything for me that is n't a necessity , so i work hard for what i want . -i do n't dislike them , but i find it funny when they get mad at a serial reposter or someone who lies in the title of a repost . i hate redditors like you . -i do n't waste those rounds , i attempt to use them . but , if i happen to miss or hit body for 2 shots . the third will kill my opponent . gotcha . good call ! -i always thought we get 2 goes at life , sorta like a practice run and the real deal . deja vu is us accidently remembering parts of the practice that 's pretty deep man -i did like that dive by reigns . does that make me a bad person ? that mid - air spear was pretty fucking sweet too . broke rollins in half . -you should read your bible . you also forgot to mention jerusalem , you know where the religion started . and about jerusalem , well your right , but nothing very significant compared to the places i 've mentioned , as since they were being persecuted by the romans as well as the jews . -man , it 's at least semi - socially acceptable to walk around with beats . i feel like a fool in public when i wear my m50s . i 'd feel like a fool for worrying about what others think of my audio accessories . -i love this small ball mentality . the past two seasons were frustrating because of all the hack and slashing going on . all i remember was 0 - 2 holes . right ? even if they lose a ton of games this season small ball is so much more fun to watch than what they used to do -does he have long hair ? kinda medium . he used to have really short hair now he grew out his bangs to the side . if had to chose id say short . -but surely memories are a good thing ? : d i ca n't play her anymore . -for the same reason you women adjust your bras - shit moves around . seeing women 's boobies move around makes my penis move around . -i 've seen them four times , loved it every time . the energy is in the music . to each their own i guess . i love their music , but when you are on stage you could emote or move a little . they just stood there and played for an hour . it was lame . -sell the disc and buy worms ! would 've totally bought it anyways if worms had been inside . -so i take it you had fun ? i was kidding about it being part of canada . hell yeah - everyday was just full of something to do ! i did n't want to leave the states but only had a 6 months visa and i 'm sure immigration control would catch up to me ! -think i 'll bite the bullet and buy the hare 7 's from a reseller as long as there are people like you willing to over pay for sneakers . abusive scammers will continue to resale . -i think i already fought a world boss with a huge amount of other players . the shadow behemoth was his name , and it was awesome ! when you got to the snowy 80 map , remember to dive in the sea . trust me . -what do you mean ? why was he interfering in the video i posted or in the original video that the op posted ? well , if the ref is n't stopping the fight cos the guy getting beat up is n't defending himself , why is he stopping it ? in the original vid i mean . -a case of red bull . i walked back into the shop with it and made everyone 's friday night a lot better i wish jj 's would team up somehow with the red bull girls . that would be a match made in heaven . -have smok or the vendor denied you a replacement ? going to go back to my local shop . -just installed it , super excited . none of the 5 channels work . is the server down at times ? it says : we 're unable to play this video , make sure the server is running and has access to this video . -yes you do . you get the base heroes and have to buy all the rest or grind them for weeks . you do n't even need lots of champions until you hit 30 and start playing ranked and even then you only need two for each role minimum -gladly someone bought him and i was able to pick up toty ronaldo . you ca n't compare them . toty ronaldo is a fucking god ! aw man . i 'm a chemistry fiend and i like having ronaldo up top on 10 chem , not sure i could justify it to myself . -that 's because bots are n't allowed in ar , save for automod . sounds like bot discrimination right there . i think we need to fight for all bots rights -i do n't get it , what 's the purpose ? what makes it useful ? not sure what you mean . it generates a heat map of your food while it 's in the microwave so you can see how cold or hot it is . -if you have time to take off your glasses , you have time to leave , and avoid that fight . you 're in the wrong subreddit . -thank you . i hope people enjoy reading it as much as i did writing it . oop , i meant sounds . and that is a feeling i 'm getting to know quite well myself , the closer i get to releasing my book . i hope people enjoy your book too ! hope you get some good reviews . -the big win will be on the cpu side , do n't expect anything spectacular if you 're already gpu limited . as a cpu limited person with a 780 : bring it on ! -multiple batteries means multiple things to go bad and needing replacement . i feel like with an electric car you are always going to have to make some concessions in the battery department . -you mean like the star wars intro text ? yes , scrolls back and to the left in an arc and new text is generated . -did you forget how nader and his supporters lost gore the 2000 election and put bush in the white house ? there was more that went wrong with that election then just nader splitting the vote . -even on earth , you 'd either be on an escape trajectory or set to make a very elliptical orbit the moment you let go . escape trajectory is the point . -when things start getting annoying in the chat box , i usually just drag it to the side so i wo n't see it through the rest of the game . or you can do what op did and just mute everyone . same thing -do we know what time of day on tuesday the dlc becomes open to us ? i think it 's super early in the am , so we should be okay to play when we wake up . -you can do this safely with socks if they 're cotton . you take a lighter and ignite some of the fuzz . the fuzz burns off much like what you see in the vid . i got kicked out of a bar for doing that once . i was n't drunk in public . they threw me into public -but what would jesus do ? he would clean up the shit and not make a big deal out of it by putting it in someone else 's yard like a savage . does n't matter what jesus would do , point is do n't leave dog shit everywhere . -well i do n't drink coffee so no . but i 've no problem downing my drink before going to the bathroom at the pub . so clearly everyone else should be doing the same , despite situation and beverage , right ? -i 'm class of '09 , and i remember several times girls walking into class late with their ugg boots , black leggings and a cup of starbucks if my college campus is anything to make an opinion based off of . still a thing . -yea i try to add variety and some small changes to shake it up . well i love it , looking forward to the next part . -shoot i declined your request , please resend . no worries , i 'm on the other side of the atlantic , so forgive me in taking so long to reply , i 've re - sent the request as well -is it possible to have that wide angle fov in - game ? i think that 's the standard fov for 1920x1080 , do you play on lower resolution ? -not really sure if it 's a compliment , but girly eyes and hands , yep that 's it . depends on if you are a girl . if you are a male . i am pretty sure they are poking fun at your feminine physique . -cool ! never heard anything from these guys but this one 's awesome i would recommend diving further into their music . -i finally found my birth father after delaying the paperwork for 4 years . he died three years ago . i 'll never get to shake his hand . my dad bailed on my mom when i was an infant , and wants nothing to do with me , i 'll never shake his hand either . my mom 's a total badass though , so i 'm not worried about it -right but how did you isolate one set of items ? oh , just applied a scoreboard value to them . it 's the only part of the process that has to be hard coded into multiple command blocks , but it 's really not that bad . -what 's that dark blue east of argentina ? the falklands , a territory of the uk . -home delivery of groceries , especially locally grown and organic produce . they do this in india . the vendors come drag their carts through streets and you purchase it outside your home , when he calls . fresh produce at your door - step . -hope it was yellow to begin with . i did n't - i did n't know cum was supposed to end up yellow . am i the weird one ? i my ejaculate wrong and infertile ? -good . first i wanna play the game , next i wanna watch the game . they could release it on euw we have a shiny server . but we have to wait for the na server , it sucks . -why ? is england bad ? i always think the english are realy fun people . half of us are alright , but our country is politically fucked . -why does it end at the best part ? i 've seen that video so many times from different sources and it always ends right there , maybe they stop filming . -it 's important because bruce jenner is a very high profile person and it is an opportunity to raise awareness about transgender people and the struggles they face . it 's also good publicity for the kardashian family . -life is feudal . from what i 've seen , that wo n't be in a disaster or post - apocalypse setting . so i 'd elevate it above this list . -i realized because i am from paraguay . i 'm very proud of my country almost being mentioned by john oliver . hell yeah , my family is from paraguay . what city ? -that right there is the last straw . you were n't pulling at straws for that pun . you ca n't help but drink in the comedy . -i do n't hate you haha i only regret not getting a skt icon in s4 . piglet or die . -if it makes you feel any better he went to rehab after that performance and their really much better now . most of them are off any drugs or alcohol too i have n't really listened to them since that show . but yes it makes me feel better . -o_o what pool party ? good life gets a pool party on wednesday . last year pool side dj 'd it -you 're thinking a fully individual ceramic toilet european type bidet . the cheaper ones install inside your toilet and get linked to your toilet water intake . so i 'll be spraying my ice - cold tap water on my bunghole ? no thanks . when i studied abroad in japan they were all electric and had a heated reservoir . -was expecting claws but this was quite measured . cat was probably wondering why the puppy did not spring back into action trying to murder the cat , like a kitten would . -how come you stopped ? i 've only tried it a couple of times so far but can see the appeal ! i also figure having awareness of body position and posture will be useful for paintball too . got fat , got tired , worked a lot . you know , life stuff . maybe some youtube yoga would be good . -oh , this sub will take care of it , i 'm sure . what you posted is n't correct , that means a mod will take it down , you wo n't have to do anything . the second fact 's true though ; check the source yourself . hope you 're proud , by the way . -do women die that early in germany ? she may be around when they are young , but it 's also nice to have your parents around when you are an adult . -yep . then blew them out in game 6 in brooklyn . somehow i do n't think this wizards team is going to go down that easy . i 'm terrified that we are going to play like the bulls did last night . that would be so disappointing a way to end the season with how well we have played this postseason . -i 've been married ten years longer than you 've been alive . not everyone on the internet is young . oh , so you are just an asshole then . got it . at your age you should really know better than to insult people who have never even been in the job market yet . -well , after the 5th , we 'll just get the extra exp as we unlock it . does getting it later extend the duration of this particular boost past the others or will all end at the same time ? -something just sounds weird about it , i think your melody and the song 's melody are in differentiating keys , so it makes it sound a bit unpleasant . at least to me anyways . you 're probably right . i know nothing about the actual music part of making music , just the software part sadly . my greatest downfall : being lazy as fuck . -some companies are required by their internal policies to post jobs externally . they also might not have expected that person to apply initially . this is more common than many people realize , i think . companies do n't spend the resources to post jobs and interview people just for fun . -because he gets to see all your salt explode into chat . ah yeah that 's more important than a bug less , fair game you are totally right -was just gonna make one . took you guys long enough . i want either gurley , parker , kevin johnson or trade back . in that order . i really think our team 's gurley hype has been trade bait for some mid 20 's area team . -i just finished my midterms too . now i can stay up all night on this sub rather than staying up all night to study and this is why i love my third shift job , read the sub all night , get paid to do it . -fuckers , i 'll meet her at the bus stop with a couple of my dogs and that will put a stop to that bullshit ! the coon town support network . call on it , and angry racists from your area get together to make a stand . i like it . -it seems like you 're singling them out , besides they 're just as bad as others i 'm singling them out because this is a hip hop discussion board and to add on to other people calling out hip hop fans ? -i really really really really really hope paul rudd appears on conan . i want to see if they 'd actually show the mac and me clip he will . and they will . still plenty of time before ant - man releases . -i think directed verdict is the judge directing the jury . summary judgment comes before the trial . i have no idea what 's going on in this thread because i 'm an 0l , but judging by the downvotes , i do n't think this is right . -it 's not standing on running server hardware that scares me . it 's the particle board desk straining to hold all that weight . the whole thing was nope . -as the owner of several copyrights , i dispute the premise that copyrights are duds or otherwise of no worth . they are property and some properties are worth more than others . a law that is enforced very selectively or not at all is always a bad law , no matter how much you like the idea . -you 're sleeping it 's like this seasons morton salt tee , i ca n't wait to see the multiple wtb posts in the coming weeks jesus christ . -well it would be confusing to us now . if we had simply always called the notes by the first 12 characters of the alphabet , it would make perfect sense to us . it would not . the natural scale is c d e f g a b . pretty logic -i want to buy some of your paintings . are they all verified real ? i 'm checking right now to see which ones i need . they are all real , if you want to pay with bells i can also set them up in re - tail if you want to be sure ! -if i put it on e cig classifieds do you think i could get a good atty or some juice out of it ? any idea what it 's worth ? the mech mod ? how much did you pay for it ? -that 's the only way to find out . how do i find a list of all the mods of a certain subreddit again ? -the main character of kite runner . lil punk watched his friend get raped and did n't do anything i 'm not sure you were supposed to like him for that . pretty sure he was intended as a flawed character who 'd made a mistake as a child and was trying to make it right . -lol yea i would n't have . plus it sucks texting her . she gives like 1 word replies over 30 minutes . but she 's awesome in person c : ugh ! those kind of people annoy the crap outta me . especially if it 's a crush or something . -that 's fair . i am definitely in a low mmr , so it 's possible that i just have n't gone up against anyone who understands that they should stun my spirit . honestly i feel like in lower mmr gargantuan is n't that bad . its when you and the teams you play with get more coordinated spirit really starts to shine . -this is what is so puzzling to me . i know it 's just my opinion , but marvel movies are so mediocre . gotg is the only one that really stood out to me as a great movie , the rest are bland . i agree but hey , as long as people are having fun . -as an original nexus 7 owner , i can confirm the slower flash memory performance over time is definitely an issue . that 's not planned obsolescence , it 's just asus using low - cost components in order to reduce manufacturing costs . the tablet was obsolete before it was even out . -wait what happened ? he punched reality or something ? a lot of people do n't like to mention the reality altering punch . -i love terry williams , too . before we signed dan williams , i desperately wanted him as our 1 - tech . i have no idea why he was a senior bowl and combine snub , but he 's gonna be good . he 's got a lot of off the field issues and has had i think 2 knee injuries but as an ecu student i loved big terry in the middle of our d . -totally did n't realize the awesomeness of this until i read your comment . i 'm in awe right now with that realization . it 's a shame we do n't have more , the most recent is from a decade ago . -someone should create an ai simcity player that produces the results of libertarian lack - of - urban - planning . it would just use a random number generator to lay down roads and zoning , construct only coal plants , and build no hospitals or fire stations . -i 'd say you 're a male in college . probably nothing above a sophomore . probably the only one living in your room . you probably do n't even surf . you like cartoons and video games . going into my senior year . and female baha but no i do n't surf , i just like sharks . -did he actually enforce that ? my biology teacher says it but he 's joking . we do regularly attempt to kobe bottles across the room though . i dunno , i never had him as a regular teacher and when he was teaching me , nobody was game enough to find out . -we 're missing out on a bunch of boots and balls that console players get . ah why of course . the fact that we use their client to play the game through , should of course result in worse quality and experience ! -what they need to do is design a stage that can be rotated where the next 2 teams to play is on the other side . there 's not enough room , unless they took out the stands and made it like season 2 . -maybe you should roll out the aaa every now and then . every single time i play there 's at least 3 aa in the match . this is not enough to stop tree top level bombers apparently so i think everyone should have to play as aa . sound good ? -i love doing those during brain awareness week ! it 's amazing how quickly middle schoolers shut up when you pull out a brain . we brought 6 rat brains but they were n't impressed because they dissected a sheep brain in class previously ! the coolest thing i dissected in ms biology was a stupid frog . -thank you for proving my point . that 's not salty , it is stating the literal truth as defined by the rules . would you call him salty for saying that water is wet , too ? -i secretly wonder if this will all go down in flames due to someone trying to stop it at 1s and lagging . how else do you suppose it will end ? -it 's a maturity thing . not that there are n't exceptions , of course , but sometimes it 's just nice to have a more mature fan base . well the odds are that the youth group on csgo is much more mature because they 're on a pc and generally that means their more mature considering they 're not on consoles like most peasants -those are referred to as a jack and jill bathroom . they can be very nice and even space saving if the house is planned out properly . idk man two doors into a bathroom seems like a recipe for disaster . -stop trying to make melee hd happen , its not going to happen . way to play along , man -as of now , i 'm too busy with schoolwork , so i 'll hopefully get to you this weekend . ah , that 's no problem ! i also got a load of school work myself : p -i spy a throne patch . you back their kickstarter too ? yep ! they 've been my favourite little - known doom band since heavy lies the crown came out . hopefully some new material will surface this year ! -no , yeah . paperwork out the ass actually . the state has to make sure these girls are legal and tested , etc . fuck that . how is it worth it . with free porn everywhere . whose buying this shit . -have you offered to play the game with them ? what do you mean ? if you 're asking like me sitting with them and playing it , then yeah . as for me having my own version and playing alongside them , no . -this bug is in the game since beta . however it appears mostly on maxes - which is especially nice when they are nc shotgun maxes that oneshot you . simple solution , play as nc . we 'll only kill you half as much as if you were against us . -what the fuck does that even mean . like someone can pay money to not have incriminating video footage shown ? it means that money is a strong motivator to do things . im not sure why you are so confused . -where in the game did the spartan iii 's appear ? iis , during the retreat from arcadia omega team was deployed . -maybe they 're not playing bad , but the other teams are playing good . oh wait no that cant be it . if it was any other team than titan , sure -red rear indicator lights . car tail lights ? how is this bad ? -joking about abusive relationships is n't funny , lol this is n't a joke . it 's mental abuse -good luck at michigan ! i 'm a formula sae member as well , it 's great experience , a lot of fun , and provides good talking points in interviews . thanks ! by some stroke of luck we finished 20th last year , so we 're looking to continue similar success this year . what school are you ? i 'll come say hi -does this mean two or more identical cards are required for that ? yes . you can even make a team of 9 identical cards , and your total bond value for that character will benefit from each card . -i do n't understand what 's happening . what is this show and who are these people ? same for me . can someone please explain like i 'm five ? -are you kidding ? college is fucking great ! just sell a year , you know what 's better than college . college with a million bucks at your disposal . -his ray palmer is like a 13 year old version of tony stark . and its a bad version in terms of personality ? i have n't read any iron man comics but mcu tony is an asshole at any age while ray is a genuine good guy . some would say he 's the reverse . -not before 8am unless you know they are awake . who does n't put their phone on silent at night ? -open world cowboy bebop game . if you play tabletop rpgs , then this is basically what stars without number is . -rock on brother that 's a sweet , clean room ! hey bro , i appreciate it ! a lot of hard work and stress went into building it but i do n't think there has ever been a room more air tight . everything is as sealed as possible . -my folks place in middle of nowhere northern wisconsin ; which might as well be canada close but no maple syrup fella . nova scotia is where it 's at . -maybe a factory reset would help ? if it does n't work you should replace it i guess . okay . i 'll try the reset when i get home from school . -i 'm gonna celebrate any win we can get this year . great first hit by herrera . for real man . especially division wins . hey , fuck everyone let 's get this fucking world series ! -how the fuck did you get stabbed in the eye . so we did n't wanna cut my wrist , so blade up , trying to cut the wrist band , and when it cuts the momentum kept the knife going right into my face -so far this reminds me of the hype that surrounded the old republic . star wars fans are a fickle bunch . i 've never seen a group of people get shit on so much and still enjoy it . -gotta thank you for all the hard work , man . you did us all a solid ! no problem dude ! -drop george , canaan , or beal for afflalo ? george probably , as he 's no guarantee to come back and play consistent minutes . -you do n't think that its warranted ? its been almost six months since launch and aspects of the game still do n't work . no its not . no matter how bad of a job someone does , they should n't be personally insulted or degraded -hey ! brit here . all the truly evil villains in american films are british ! clearly . have n't anyone seen any spy movie ever ? -he should not be allowed to collect any government benefits . self expression is fine , but when you purposefully remove yourself from the job market like this , there should be consequences . that 's a really good point actually . -talk to your doctor . and make sure they are a real medical doctor . this is the correct answer to this question . -chicago plays some good ass music . tool in a big stadium would sound amazing timberwolves used 46 and 2 for the hype video before starting lineups a few years ago . -i can get you behind the scenes at the zoo , which sometimes involves playing with baby leopards . plus i 'm sometimes funny . uhh can we be friends if you live nearby so i can play with some baby leopards ? -you could design something that is unstable . like trying to print a capital t on it 's side then when it falls the head crashes . right ? nobody in their right mind would try to print a t on its side , usually in the slicer software for the 3d printer you can position and rotate the object before it 's printed . -is the mirror one way ? it looks like a projector to me . i 'd assume there 's a flat wall opposite of the mirror . nice try , building owner ! -i still have a free name change from when i first got live like 7 - 8 years ago but i 'm useless at thinking of good names unfortunately so i have n't used it yet . it 's probably gone - free name change is limited to first 30 days of your account being active now . -annnnd people come in arguing that public school teachers should be paid more ? this is why i am willing to go broke sending my kids to private school . cause going broke is totally great for your childs future . -you can buy spray paint in city limits , you have to ask for it at the counter and they check your id . honestly asking , have you bought it in the city ? i 've tried at a few different places and they all say they are n't allowed to carry it . -dafuq did i just read . racism . it is racism . but overall it something fucking stupid . never mind the atrocious design . -i do n't care what your pre - school teacher tells you . some questions are fucking retarded . get a life man . -just heard it on tsn 1200 . continue the anderson or lehner trade talk ! i vote andy . a hammond and lehner duo just does n't sound safe . with the signing of o 'connor as well , i vote lehner gets traded . -portland game is on the small screen . i 'm assuming the nets game is on the big screen ? yea , like the post says , picture in picture with the early game for now -i suspect you do n't know how imgur works . there are two images in that link . some mobile clients will only show the first image . -i still believe that 2009 was the apex time of the game for sure . it hurts me that i 'm playing the same game with people who think this , but it really does explain why so many bad updates pass polls . -uh , i 'm gonna need someone who knows that hype song they were just playing tho . which one ? the band or the speakers ? -ouch , as someone who had 2 concussions in her life , i wish killer recovery . if his concussion is anything like mine was , he 'll not be lucid enough to play anything . yeah . i 've had four and they 're no fun at all . -if the microwave had a rotating plate he could easily remove it and squat . i can see a kid running through the hall with a large glass plate with a large shit on it . -i get those all the time . i call them shame babies . i think it 's tied to the guilt complex of western culture . maybe not , but i thought about it long and hard one day , and it seemed reasonable . -you gotta master the long step . hopefully they 'll teach this move in dance class soon -no one ever thought cigarettes were healthy . look up cigarette ads from 1920 's to the 60 's . -fuck idiot you . damn , i think your condition is getting worse . -stupid mike green . stop taking dumb penalties . really hoping those back to back kills do n't come back to bite the caps in the ass later -i make a comfortable living doing this . money is n't important for me though . yeah i do it as more of a hobby , but i 'd go full time for the right price -love actually the life of brian monty python and the holy grail a knight 's tale i burned myself out on holy grail in high school . hundreds of times . i could recite the movie . -yeah , the deal 's still up , man . you send me the mewtwo code , i 'll give you the mii fighter code . successful trade ! -so ? that means she does n't deserve top 3 ? she has talent and has shown way more than pearl has the whole season . just my opinion , no need to get all bent out of shape about my opinion i was n't bent at all ; i just thought it was funny . -really ? that 's interesting . in my experience playing rome 2 they never do anything unless the player declares war on them , or makes them declare war on another faction . interesting . when i played they invaded ethiopia and egypt about half way in my play through . really weird . -if you have trouble sleeping , just take a week off work ! my sleep schedule then shifts from midnight till 5am to 3am to noon . -the relic is n't scary , it 's fun as hell . shhhhhhh ! do n't let them know that ! the less people want to touch it , the more i get to play with it . -and take this medicine for your adhd that just so happens to make you more complacent and malleable . what 's that ? you do n't have a good health insurance plan and ca n't afford this treatment ? get the fuck out of my office . -i think about this a lot , it does n't even bother me anymore . if it 's the truth is rather know it than live a life of lies and hopes and why should you ? its like getting mad at a car for being able to drive -cream soda is actually awesome at killing cotton mouth . very true . that 's actually the only drink i 've ever been able to find that gets rid of cotton mouth other than water -or just a big trebuchet , really . more of a catapult , like the ones used to launch planes from carriers . -never heard of dolphin emulator before . i was expecting a game where you ran around as a dolphin doing dolphin things in the same spirit as goat simulator . looks awesome though . i watched the entire rogue squadron video waiting to see dolphins . -it 's social acceptance . it is n't socially acceptable to eat cats and fuck your sister . that 's one hell of an over thought , though . of course it 's social acceptance . the whole point of the ad was to challenge what 's socially acceptable . but , hey , sorry to make you think too hard . -did you take that picture ? drone or did you climb a tree ? are you serious ? i think he is in the second story of his house which is uphill from the house he photographed . -but that was less a game than a social service . well you do play it . and it does count when we are listing kh on mobile platforms . -i totally get that . that 's how i would do it , too . kids are dumb and short sighted . that does n't mean that your or my plans extend to every parent on the planet , though . there is no rationale beyond extreme hypotheticals for granting access to that kind of money to a child . some things are objectively stupid . -because the one - shot search icon functionality does that now , and you can use a dozen search engines without having to remember a dozen keywords , and you can do it with a single click . that 's definitely useful for people who use their mouse to browse , but i do n't do that . -this is the only video i 've seen so far here on this subreddit that actually requires a double watch . yep it 's the only one i 've actually watched more than once -in your opinion . no , words have definitions for a reason . -even benedict did n't look much like benedict when he was a kid . he did n't really grow into his looks until his mid - 30s . yeah but he did n't change the shape of his chin or cheekbones before that . -when i 'm a passenger of a car looking outside of the window , i play a game where i imagine a little dude jumping over the trees and buildings . i like listening to music in cars as a passenger , and that usually leads me to looking out the windows and following the beat of the song by bouncing my vision from car to car . -all i know is that 343 and microsoft 's names are on the front of the box , and that they are ultimately responsible for the outcome of their product . i still do n't really get why 343 's name is on it , they only made like a quarter of it . -i watched on roku , and there were n't any ads . the video paused for a half second two or three times per episode , so i 'm guessing that 's where the ads were supposed to be . their roku app is pretty great though . -but i 'm not cyan what you did aw , do n't be blue ! -btw why is it called real estate and not just estate ? estates cover more than just real property . we do n't deal with the other aspects , just the real property . -9 - team conference , because fuck you ncaa ! the axis of evil does what it wants . and we 'll still have a conference title game . evil ! -right . and since we 've already established with the op that the channel count has n't quite doubled but has still risen at a fantastic rate , my original statement still stands . no i 'm just saying what i think the comment above you thinks . he 's starting that although the channel amount has more than doubled that does n't mean the company has . -it absolutely definitely was . you are just so wrong , i ca n't even fathom how you 've come to this conclusion of otherwise . if you are correct , then i must be mixing up my memory of halo ce launch and halo 2 launch . -ca n't view link . 'this video is private ' fixed it , it should work -i 've learned to drive with my finger tips . or if you do it just with the top of your palm it 's moderately bearable . -why do you do this ? ten times ? why not find a girl closer to where you live ? haha i just ca n't let go . you may be surprised that we first met on twitter which is a pretty odd way for falling in love in china . -man , you may need a better job if thats all the money u saved in 4 months . thought the same . he must have put aside some tiny amounts if it took him 4 months to save . -man i still hate y 'all for giving cleveland jr . i really thought he was going to screw us after that game tying 3 lol . he had three game tying 3s . the dude was clutch all night . -i often still have trouble with round and square toes . fashion recently has had them narrow in height at the toe . fucking sucks . suddenly very glad my goto shoes are sneakers and snow boot right now . i 'm going to have to buy dress shoes eventually . -personal preference was n't the question . actually , yes , asking what brushes to get does mean he is asking for our personal preference . there is no wrong or right answer , it is all opinion . -i heard motherfucker had like 30 goddamn dicks . he 's also six foot eight and weighs a fucking ton . -sweden 's perception of the us is that a lot of its people there are probably stupid enough to think that this is anywhere near true . so you 're claiming that sweden is n't the most tolerant country in all of europe ? -a decision to start killing other people so you do n't get killed yourself , is still a decision . they chose they valued their life over that of others . yeah , but even the law allows you to kill for self - preservation . it 's not immoral , let alone illegal . -it was me and i already paid . i promise . honest hmm . seems legit -exactly this . if you need to type , it becomes pretty painful when you are used to dvorak to change . i can no longer touch type qwerty from the get go , but after a few minutes typing on it glancing at the keys when i need to i get back into the swing of it . -they 'll have to rely on intercontinental ballistic missiles and long range stealth bombers now . nope , armed aircraft are prohibited . you can only use the icbm . -why is it always the free games i end up spending the most money on ? cause the paid games is usually boring right after 10 - 30 hours of playing . -change the spray bottle to vinegar . it 's non - toxic , just aim away from the face . they do n't like the smell . keep it watered down though , and used sparingly . while it is n't toxic , it 's still acidic and can cause troubles if too much is ingested . also some cats are weird and like the smell . -pekka is already a girl . barbs are male , and archers are female ? -no automated system can reliably remove nasty videos and not also take down perfectly innocent videos . humans , of course , are n't perfect , but they 're a lot more reliable . idk man . i 've been surprised too many times with what i 've seen bots do before to say it ca n't be done -i do n't know if it 's just the photo , but i find the end - point of the sash to be really annoying , like it should go at least a bit further . maybe that 's just me . i find the whole fucking sash bothering . if they insist to put the sash why do n't they make it a bit thinner and maybe just reduce the annoying size of aia ? -that 's kind of what i was thinking of doing , but i 'm trying to be gentle about it . no need to be gentle . if he was doing anything else unethical that you thought was wrong would you help him do it ? -will that dark floor stain wear to a sort of feathered look over time ? that could be really lovely . your house looks very cozy ! actually , the remodel was in 2009 . so the floors have worn some and i 'm still not sure how i feel about how they looked then and how they look now . -poor guy was wearing white skin . how this is n't considered a hate crime is beyond me . we can all take solace in knowing that his white skin ensures that his death does n't matter . -i wish i had someone to play risk with . i frigging love board games and card games . problem is we only have the two adults here and two toddlers . i need friends to play games with . -it would n't surprise me if that 's the case . either way i would just like some sort of compensation for my lost . i 'd be dreaming to expect them to do something about it though . i do n't have high hopes they will be doing much either . -they do ? i never knew . cool . that , and egg moves are possible . i am trying for female but males also do pass down the hidden ability due to the update in x and y but it 's more likely for a female to pass it down -because permanent banning would n't be permanent , obviously . it kinda defeats the purpose . yeah , it does . but it allows innocent people who got banned for something they did n't do to buy back their accounts . support does n't help , they keep sending me same messages . -that hair would be killer on a shitlady . it would ! it 's a massive improvement over a pixie cut or pastel - pink mohawk . -yep . if you 're an older tourist who ca n't hike a trail , this is one of the better places to see bears in alaska . to be quite frank i do n't think very many people going hiking with hopes of seeing a bear anyways . -which part of stem do you work at ? the sm , where they do n't make any money -leblanc seems like the most obvious next step . then you can break into ad champs with zed . katarina is good too . i tried katarina but she is totally not my play style , although she seems to be so good is n't leblanc kinda hard to learn ? i m only lvl 24 -i believe so , but most i seem to recall that only the crown law can be different between titles of the same owner . i 'm a bit concerned since my heir is the king of wales and his kingdom has a pretty low crown authority . i would rather have the medium crown authority that england has -i believe one guy is in charge of the music , and the other is in charge of the animation who does the vocals for the kid character ? -i 'm worried too . sales are below 20 , 000 . and the covers are n't exactly the most appealing , on top of a character that many prematurely judge as generic . we 'll see . the story is good , but the art is so hit or miss . -this is actually a difficult one for me to choose . he 's on fire as a babyface right now but he 's a much better heel well , most everybody 's better as a heel really . its easier to get people to hate you than to like you as i always say . edit : shit spelling -yes , it basically turns you into an orb shitting cannon . so fun i try to leave first from one lamp and then turn around when i get to the next one and toss a nova bomb behind my teammates and rains orbs just in front of them . really awesome . -bright enough to be seen at night . maybe like a little red moon ? no , like any other dim star . it 's unlikely anyone would have noticed it even if it did flare . -you guys ? honestly i just copied that image . yea , and pasted it into paint and saved it as a jpg 6 times -what do you intend on using it for ? also , there 's no price on your psu . gaming , mostly . the psu is around 100 dollars , which is still inside my bracket . -ignoring the rules of the road in order to be nice . stop it , this is how misunderstandings and fender - benders happen . especially when they let someone pull out into traffic who then sits there , blocking traffic , waiting to turn onto the other side of the street . -can you hold a conversation or sing while running ? if not , slow down . mouth breathing is also triggering for me . i can barely talk when walking tbh . and i have to mouth breathe ; how can you breathe with all the junk coming up through your nose ? -i completly agree . have n't seen any ducks game . i wonder how he 's been doing have n't played for a while , he 's played 0 games . -all noobs skill hook first , its the dead giveaway that the pudge on your team sucks or that you are about to be fed by the pudge on the other team hook first is the best build for a support pudge . -the blank slate card will be a 1 mana spell for hunters , it has been confirmed . still more balanced than dr balanced . i play fatigue , so i kind of want this . -as much as it is a beautiful setting , it is a bit sad that rapture city from bioshock is technically not possible . it is certainly possible . it would just require an absurd amount of resources . it does n't seem to provide any tangible payoff either . -i know you 'd like to think it 's still cool but is n't . i 've had plenty of drake and lil wayne listening kids roll their eyes at me for trying to play them some dre and snoop . for example , if i whip out my piano man at full blast and sing to the sky , i may get a few looks . -diesel engines do not have spark plugs period , they fire based on compression alone . i do think the battery should remain removable though , especially on these old cars we have . you are absolutely correct . i was referring to the diesel glow plug which is needed to start a diesel engine . it is not a spark plug , and diesel engines do not have spark plugs . -ties will be broken by a 26 mile three legged race . confirmed : josh wise wins all ties , becomes 2015 champion . -i knew the warriors were gonna make a big move today and i could n't be happier i 'd love to see him get a few more minutes . great move dubs ! -i miss the shot counter . same ! why do other networks not pick up on that shit ? -anything that might interest u for an extra scrap ? actually the bank set sounds pretty cool . -i ca n't wait to watch this . i suppose i should be slightly embarrassed i 've only seen and heard of marky marks . it 's a really fun movie . the ending is one of the best car chases i 've seen . -that 's great for me living in switzerland . buying stuff from abroad is very cheap now . we will see how it will affect the industry . since you barely have any industry and mostly wash money i think you 'll be just fine . -i should have made myself more clear , i 'm looking to join a game that would be okay having a newbie play with them . i think i may have miss understood your request i thought you were looking to be in a game in person seems your looking for online . sorry about that , -so palestinians are the bullies ? if i go to your home and seize it all but a room for you to live in , would n't you resist ? the arabs did n't resist to anything , they opened a war against the jewish minority in the middle east , like they open wars against other minorities or people from other religions . -sorry . i was talking about stocks . i thought your ability to predict , with perfect accuracy , how people will interact in all circumstances should be bringing you a significant return . sadly , i am currently no longer in the stock trading game . stressed me out too much . i prefer low - risk , low - returns . -thanks . yeah , i way overthink these things too so i get the anxious feeling . yea i try and not over - analyze but its hard sometimes lol -if you 're running a long race you better protect your nipples this is why i always run marathons in pasties . -i have no clue but i 'm willing to bet chip makes a run for him . do n't you dare put the image of eli in an eagles jersey in my mind . -communism is n't just about the economic system , it 's about abolishing the state as well . the ussr themselves did n't even fall through with it . libertarians more or less call for abolishing the state as well . in fact that is what they run on . i do n't see them being impeached . -i 'm not quite at your level yet , but if you 're an aspiring producer , how do you get your music dropped at festivals ? do you dj yourself at gigs , or do you just ask people to do it ? knowing djs is a good place to start . i know a few djs from my hometown and send them my music every once in a while and one of my tracks actually got played at a show with astronaut . -did n't you see there was like more to the house from the outside lol sorry it 's making more sense in my head . haha , this is the wall between my living room and bedroom . so my couch is on the other side of where the door is . this is the original exterior before the house was expanded years ago -that 's really cool . i wish my school did that you can still be inducted into the order if you want . you could also try and get your university to become a link in the chain . -yup . i 'd like to hear these walls , lie to kick it , and momma on the radio , too luckily , radio is much less important today than it used to be . the way people access their music is mostly online . -i 'd have to say season 4 . it seemed like it would be very fitting for the show to start and end with a boy in blood . yup . as someone who is watching for the first time and just finished season 4 , that would 've been the most epic finale ever . i kind of do n't want the show to continue . -do you have a link ? that sounds pretty interesting , and i 'd like to find out more . i saw it on tv . pretty sure it was on pbs . try pbs . org and do a search for spiders -basically . this was an ethics course for medical school . the fact that this douche may be a doctor one day terrifies me . -haha . im travelling thru mexico right now and picking up this thread on random wifi here and there . i should just stop . nice man , enjoy your trip ! -what 's everyone 's opinion on eliminating civs from the game ? i usually leave them a crappy city because they are no longer a threat and the warmonger penalty seems to stay lower . it depends on how much they annoyed me tbh . taking every single one of their cities and leaving them one is n't much better on the warmonger aspect as just wiping them out completely anymore -i really do n't get why everyone on this sub seems to get stuck in the fucking mud . maybe because its so goddamn fun , that could be why . -is n't any worse than the eagles 's subreddit being cowboys second . their frontpage is basically our frontpage . they have more cowboys news than we do in there . there 's one article about the cowboys there , and it 's the same one as this one . stop being so dramatic . -last week , 2009 , its all the same . time does n't exist on the internet , perhaps today 's post is a repost of tomorrow . -that 's the real solution to assholes parking in your prepaid parking space . guaranteeing the car will still be in your space tomorrow . -i 'll just be here , in my motel room , on my data pad . no , you 're going to go to the beach at least once and relax some . maybe becky can get a volleyball game set up later . -that europe is a continent . i think that eurasia is a continent , not europe . -if it helps , we can talk about how sjw 's in europe are arresting people for offensive tweets . or putting up female quotas in management and insisting on it to the point that the position will remain vacant if no qualified women applies for it . -i would rather be put down than to starve to death or to be eaten by predators . that 's what you want though , and not necessary what the cats want . maybe they prefer to live free , ya know ? -that looks amazing , the colors are great ! did you use paint pens ? i used montana acrylic paint pens for everything except the blue and flesh on the general . those i had to mix custom colors and paint with a brush -uptown funk . it is played once an hour on every single radio station and it has just gotten beyond irritating . i 'm kinda proud to say i 've never heard this song . -serious question : is there any technique to achieve the same result , but shield your face in a way that the ball cannot land between your arms and smack you on the nose ? yes . turn your head . worst case you get it smack on the side of your face . -but nh does n't have the largest population of pre meds like california does that does n't make it any worse for nh residents or people from any other state without a medical school . i 'd still rather be a cali resident . -because wherever you find trees you find man killing animals ? have you ever actually gone outside ? yes . and every time i 've fought off animal attacks . two squirrels once . and a hummingbird . i do n't go in forests anymore . -yes , the kid is 11 and has asked my younger sis out and she politely said no both times . his response was to always cuss her out , endlessly call her , and be terribly rude to her . then you need to be the big brother and punch this little shit . how did you get a pic of this piece of shit ? does he have facebook ? -i tried that on family members , but my cat somehow knows it 's not supposed to jump on people . i think you 've got one of those rare , good cats . mine know what we do n't like so they do it . 10x more destructive than our dog . -just watched a short documentary - like video on the peyton manning - ryan leaf draft . makes me not want to pick winston . link for the video ? always interested in the leaf story as a charger fan who only got into this sport a few years ago -you would think a small refinery would be worth building there . ca n't build any new refinery 's for the most part . also small refinery 's are n't that profitable . -nyquist . ericsson has n't been great either , but my expectations for nyquist were so much higher , and he 's been invisible since the all star game . i think people expected him to be a pure goal scorer when he 's much more of a play maker like zetterberg , although i 'm a little disappointed in that shooting percentage . -they should make fireteams only play with other fireteams . that allows solo players to actually win and fireteams to have an actual challenge . they already try to do this . if you 're in a pre - made fireteam , ib will typically favor other pre - made teams . though not always -who won the debate ? nobody . you seem to imply that reiterating arguments in a debate is a good idea . -i used to have an afterburner front light mod , but just removed it and installed a ags - 101 screen , this thing is a beauty ! do you know if there 's anywhere to still buy an afterburner kit ? i ca n't find one online . -some time within the first week of last december . yeah wow that 's a lot . i put some good mileage on mine but my commute will be half of what it is after a month -i stand corrected , i still wo n't be mad until he does n't show up to work . until then , all we can do is speculate . hopefully he will come to his senses soon . i cant believe anyone would take a 4 to 5 million dollar pay cut because of one person in the front office . -more stories ! more ! thanks ! check out my post history and sort by top . i think you 'll like the story of the bed and the mikes -whaaat ! i have n't played tp yet ! this music gave me the chills ! play it ! it 's my favourite zelda game to date ! : d -it 's price is going down alittle bit . therefore , as the enemy turns was the biggest complaint , i see no reason to not buy it when its in a good price zone . where is its price going down ? i enjoyed the demo , apart from the waiting , and i assume the game gets better later on . might be worth a look . -you 're better off . it took me 30 years to quit and even now it crosses my mind several times a day . how 'd you do it ? maybe i can pass some advice to my family . -i am more interested in the dude who thinks he 's a unicorn . i bet he 's just another fucking rhino that painted himself white and put on a wig . lying bastard . take a god damn upvote . i cracked up laughing . -i 'm never selling on ebay . fuck that . i just sold something last week , now i 'm extremely happy i did n't get fucked . especially since it was used electronics . -i use my xperia z ultra to read twitter in the shower every morning without issue . i recommend it ! it 's a moot point for me as mine is definitely no longer waterproof , but i 'll keep it in mind for my next phone . -their defense is bad enough that routine plays are a treat for them . at least in the outfield . can confirm . and our infield has actually been the surprise liability . -if she was the girl of my dreams she would not be long distance for long so it 's kind of a moot point . what if you meet someone start dating , and then for whatever reason they have to go away for a while ? what would be your limit on how long you can wait ? -i feel the pressure to stay alive because of my mother . it would really hurt her if i went through with it but i just do n't have the will or motivation to go through every day like this . this is my exact reasoning too . i just hurts so bad thinking about how my mother and sister would feel if i left them -i guess i could go work for a police department if my current gig did n't work out . i wanted to go fd . probably should have . now i 'd take too much of a pay cut to swap . gad dammit . -you apparently have n't seen the australian party guy . too lazy to link a video . there is something to be said for sticking to your guns . or in this case your sunglasses . -agreed . what dei did was just an element to the paint scheme , penske is just using the same damn paint scheme in different colors . uh , that 's exactly what dei did too . base color , off colored pillars , stripes . -why is n't it fucking a car tho you know man , i thought about that when i photographed it ! -i ca n't access anything in steam community or even my own profile , so it 's probably just a steam problem . tuesday is maintenance day . steam should be back in a matter of minutes . -im guessing that trailer doesnt dump the bales ? nope but you can load 2 wide the whole length and then put another row on top of that . -world war z is great . i 've listened to that one too . the audio book is a lot of fun . -lorac pro palette price ? sorry , i 'm not selling the pro anymore ! do you mean the mega pro ? -the mobo has a whole bunch of ports on the back , i 'm hoping for a software solution but so far no luck . oh , i understand . i 've seen bundled software that does that . which os are you running ? -anyone think there is an opportunity to get jv mid range jays ? no one guards him out there . his not too quick . not sure he can run the bases . -they say human meat tastes like pork , so probably more like a piglet i 'm guessing . i 've heard veal more than pork -never make fun of someones orgasm face . my ex did this to me . after that i was never able to relax during sex with him . the o face he made fun of was the last one he ever saw . -why is george washington always portrayed in the painting on the wall ? i feel like he was invited but felt too cool to go . aha i think it 's that he was anti partisan , so he does n't fit with the republicans or democrats , but you kinda need him in the pics since he is among the greatest of all the presidents . -yeah that 's why every single time i see you post you 're being an ass to people for no reason . you clearly have issues do n't let the internet troll get to ya bud -preach , how is this conversation always so one sided . i used to get annoyed but now it 's just fascinating in no other discussion on here is one side so shamelessly downvoted for voicing an opinion . -really ? was n't it the scene where he was peeing ? pee scene was earlier in the movie . so yes there are 2 completely different o - face hank scenes -my college planted those trees all over the place . during spring , the whole campus smells like cum i 'm surprised that every college does n't smell like that year - round -holy shit . rda 's striking ca n't believe how fast he improved . -yeah like that time india never beat pakistan in a war . oh wait . disclaimer : i know not all indians are vegetarian , but the percentage is definitely higher than pakistan 's . it was the indian army not the general population which beat pakistan and the indian army consumes much more meat and alcohol than the average indian . -what makes you think that it 's right in any case ? a big portion of it was the domestic espionage going on , though . did you even read my post ? -i never noticed it before , but s - canary has the best face mask of all the heroes . black canary needs to lose hers and steal s - canary 's one . is n't that what she did ? took her wig , jacket , and mask ? only difference is that laurel does n't put makeup to hide her eyes like oliver and sara . -yea , actually . do n't buy into the nasl is evil narrative and you 'd be surprised how well they 've done on the business side . i 've always thought nasl did a good job with their league . i just was n't sure if this was corporate heads taking credit for other people 's work or not . -losing 1 in a row to tech just makes you want to lose your will to live . maybe that 's why we lose to you guys so much . we purposely lose because we know the state would n't survive if we win . -is that really any different from any other country 's politicians though ? well to be fair , perhaps not really . -you can always get your first month free as a trial . i could n't , i joined just at the end of march and there was no codes . it sounds like i can cancel and use the code for next month though , hopefully . -jesus christ that buttery smooth framerate - my machine is pretty high end but i still do n't get framerate like that . granted , i do disable a majority of the eye - candy - what are your specs ? i find that warframe is generally low - end friendly if you keep things down . -i lost 3 out of 3 games against mech mage , what am i doing wrong ? maybe you can do a guide ? i won every other game . nice deck btw it 's cool , it just means you 're going to win the next 29 mech mage matchups . -there are very large signs in airports in indonesia clearly outlining the consequences of drug smuggling in that country . they were not unaware . i 'm talking about the public of australia . -one ca n't hope to stop the jimmy , merely slow it down . you can run but you ca n't hide . -is it time to start considering some roster changes for clg ? fns isnt a good igl and his fragging ability doesnt make up for it . it 's time to make a roster change if they want to be like the rest of na and never reach the level of eu teams . -what is your favorite movie starring a record store owner and why is it high fidelity ? my favorite record store scene in film is a clockwork orange . -have you heard nothing about swedes hunting soviet submarines by noise during cold war , spending a lot of money on that and finding out those noises were fish farts ? your point is ? -she gave him free access to guns ? did n't he kill her first and take them . does n't seem very free to me . are you not aware that her death was one event in a life which contains thousands of events ? to try and extrapolate the entirety just from the fact that she died is silly . -addiction is indeed a health issue inherently . but the rest of your post does n't change my view . although the doing drugs to be accepted point gave me food for thought . thanks ! my key point is that doing drugs is n't a smart choice , but we need to examine the circumstances that lead to people making these poor choices in the first place . -so essentially , you serve on a vessel in the interim between basic and a school ? this might sound dumb , but what exactly is watch standing ; is it guard duty ? on a vessel or a land unit such as a sector or small boat station . standing watch is listening for vessels in distress or helping vessels with navigation within your area of responsibility . -no poise is in the game , same with equipment burden . those are gone very happy to hear about the lack of equipment burden . i know it makes sense in terms of strategy and game design , but to me managing weapon weight always seems like such a chore . -srsly tho , why has nobody hired wilson after his tenure as a leaf coach ? also , has carlyle been hired yet ? wilson will never work again after he threw the caps management under the bus for admitting they lost games intentionally in 2000 . -see my earlier comment about hatred of guinea pigs . zero empathy for them , the more noise they make the faster i want them dead . that 's how i feel about trolls . -good eye contact is important . is it better to err on the side of too much or too little in formal settings e . g . a job interview ? better yet , how long am i supposed to hold it before i 'm allowed to stare at an object ? i can do about tops 3 seconds . -it 's not about the nail . do you ever listen ? you sound exactly like my ex . -yeah , it was used correctly . i read that a condom does n't always protect against hpv but i figured it ca n't hurt either . i would never have sex without protection . i have had sex with over 300 different guys and am still clean and healthy , thanks to condoms , if that makes you feel any better . -yeah , i miss the alchemy book from 2nd gen . me too . i 'd be happy with alchemist being a title though . instead i earned nothing for all my effort . -any idea why he shut it down ? he thought he was getting to big and did n't take well to the spotlight . decided to cash his chips before he crashed and burned . -from what i know , babies are super tired after all the stress from delivery ! try waking her to feed , but do n't get too worried yet ? congrats ! thanks ! she finally got hungry and ate on and off for 40 minutes ! -they have nothing to do with each other yes some of the zombies look like feral ghouls but does walking dead remind you of fallout ? no . does the book of eli remind you of fallout ? yes . i was leaning more toward hoping the open world aspect being similar . aside from fallout and skyrim i 've yet to find a game that does that for me . i love the exploration of both . -if we 2 - 0 king tomorrow then king do n't own tiebreaker . it depends . if king ends with more 2 - 0s , or we finishes with longer game time against them , king still owns the tie - breaker . -little back up power packs are crazy cheap now . tap water is crazy cheap too . bottled water is still a huge business . convenience . -are we abandoning ship ? honest question . just start telling everyone we 're going to digg instead now . then , let 's not . -wow , i liked this one so much , i posted it here 9 hours ago . do you bother to look at the sub before you post ? congrats . we posted the same art from different sources . fuck me for making an honest mistake ! -do n't worry guys ! this stuff will all blow over , and no one will be bringing it up regularly nearly a decade later . honestly the falcons were so terrible last year i really did n't even care when i found out . -instability can be very tough on kids . how are you doing these days ? i did n't expect anyone to reply - sweet of you . i 'm ok , it was a long time ago and i 'm close to 40 now . -you wo n't feel it now but if you keep sending off draft picks your farm system is going to be depleted in a few years . we 've been feeling this lately , from 5 - 6 years ago . -juice boxes , bologna and cheese sandwiches , riding my bike around aimlessly , and drive - in movies with my friends . i am so lucky that we still have a drive - in 15 minutes away . i feel so sad that some people will never be able to see a drive - in movie . -then you were n't done . but yeah i know what you mean , after the gym sometimes i just want to go hunt my dinner . or fuck something . working out does engage a lot of primal drives . -man that ending got me . especially the overhead shot when you see brian 's white toyota supra split from dom 's charger . correct me if i 'm wrong but during the montage did they leave out the scene from 2 fast 2 furious where tyrese and paul shake hands on the pier ? if so , it should 've been added . -we call that a shit storm randy . holy fuck ! -look for the os key sticker and use it . long story short , a company closed down and i got this laptop . the os sticker was stripped off . i was looking for it underneath , but no dice . -prostitution would go through the roof ! another business venture worth investing in ! first the hotels and then the pimp slaps ! -that 's not really the point . this is a non - story that a right wing website is using to prop up it 's agenda . i just think we could do without that kind of bullshit in this sub . pretty sure the non - story is the one we read a couple weeks ago about how sarah silverman got paid 10 bucks for a gig that another guy got paid 60 for . -but now you see tip jars in subway and the like . and the payment machine asks you about tips . those employees are n't making their wages from the tips , it 's just a little extra bonus . -s - sorry . i did n't see it submitted anywhere and do n't see it on your submissions page . you backed down , why do n't you just show him your pussy now ? -i wo n't be able to sleep . meep . why , do you have a nice warm engine bay in your bed ? -your thoughts ? i personally would have liked to see more of a design in it . i 'm sure they play well though . i really like them , super comfy . they surprisingly have a lot of detail in person , yet subtle . just like the tongue -i only try to kill fat civilians in gta v . feel like i 'm doing my part to make gta online a better place . has it annoyed you that fatties run just as fast as everyone else in the game . i hope next game they fix that . -the thing is , i 'm not sure if he 's actually trolling because his numbers and stuff were accurate . oh . that makes it more difficult than lol . it can be hard to decide whether or not to argue something if you are n't sure how serious the other person is . -i think he meant the part where happy takes out the fish , it 's very similar to what sakura is doing in this image . well i suppose you could find more scenes where people take out some fish , what 's the context on that image ? is she scared like happy or something ? -it 's supposed to be fun for kids to watch ah ok . in that case it 's cool . regardless , amazing special effects . -i do n't think they make holes big enough for gopro cameras . myth busters ? they do . gold holes are a lot bigger than most people think . -yummy melted cheese . nice , my favourite at the moment is peanut butter -can we leave a jar out for donations ? that 'll work right ? nah . you can pay -maybe the delivery was n't perfect but she was perfectly logical in her reasoning . made sense what else do you want ? to feel alive again martin . -i 'm not sure what you mean by economic democracy . voting based on how you participate in the economy . -you can get a bit weaker than that cant ya ? part 1 is n't crazy powerful -i prefer pens . being a lefty , it can be hard to write in pencil and not get it all over my hand . as a fellow southpaw , i feel your pain . pencil - smudge hand is the worst . -they really nailed the streaming video this time around . no stutters or hiccups whatsoever . and no foreign translations in the background audio ! -you do n't find ignorant whites as bad ? i have never seen a ignorant white person burn a city to the ground , or demonize a person to an entire country when he was defending himself from some thug kid . -so is roman reigns going to set up to sell autographs in the subway station next ? he can put ambrose and rollins 'names in the ad and say they are in the bathroom . -when it 's your signature song and you play it a billion times between 1968 and 1996 , the odds of coincidence of dying shortly after playing it go up dramatically . my first thought was , for how much of his life was he more than an hour from singing that stupid song ? -most likely the end of the cable did n't fit through that tiny little hole . why even have that plastic cover ? why not just the hole ? the entire top of the plastic grommet comes off and the cable runs through the opening . -oh man , if i did n't know you , i was temporarily tempted to downvote this comment . im having a lot of fun doing this for some reason haha . i 'm gonna stop after this game tho -have you been to the dinosaur museum ? it 's called natural history museum . to repel children , i think . -i feel your pain , having to explain the concept of supply , demand and price equilibrium in a trading card game subreddit was rather taxing . i assume the kid was thirteen or older so how the fuck does he not know basic economics ? he needs to pick up a newspaper . diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/data/dial.valid b/PaddleNLP/Research/IJCAI2019-MMPMS/data/dial.valid deleted file mode 100644 index 2cfcef5e528603bdf475a76ac767ba68904db9df..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/data/dial.valid +++ /dev/null @@ -1,1000 +0,0 @@ -have fun with that . lol i 'm not a lakers fan -we desperately need better and more common ddos protection throughout all web - based services better internet security is a good start . -music is too loud , i can barely hear the people speaking at the beginning . agreed . also , some of the cuts start off mid fight so it 's really hard to get perspective on which one is even bjergsen . -god i remember espn all over their nuts cause they started 2 - 3 or something . already asking if the team was a failure , did lebron make a mistake , all that bullshit reddit is just as bad at kneejerk reactions . -i will lose my sanity if they add life bars to metamoris . this coupled with swarms of masked ninjas would be mind shattering . -benn 's team did n't even make the playoffs we 're talking players not teams . benn won the scoring race but he did n't make the playoffs so it does n't matter ? -yes it is . my mil was that age when my husband was born ! wow . that feels so young to me , as a parent . -i believe in him too . qbs really need to be given more than a year before they start their life as a traveling backup . i agree . way to early to judge a quarterback after two seasons in a system , let alone the nfl -wait , like a dog dog ? yes . friend of mine wants to ask his dog to prom . -i use honey , brown sugar and margarine . you can use butter , some other kind of juice , even water with some brown sugar . ok awesome . i have honey and brown sugar . will give that a try ! -because i was 5 years old and i could n't read . wait , is n't that when you 're supposed to be in kindergarten , i . e . already know how to read by then ? -you 're right , and free speech means they wo n't get in trouble legally . however , that does not mean reddit has to condone it or allow it on their site . so why do you care so much . unless you are black that sub does n't affect you -if we can have him up by the start of 2017 when ross is out that would be ideal . david ross is 38 years old . he may not make it to the all - star break full healthy , let alone to 2017 . you ca n't plan that far ahead with players as old as ross . -hiya , can we play game 1 on monday at 3pm est ? i 'm busy over the weekend . sure dude . i 'll be on then . -dude ! i just realized this the other day ! im smoking a lot more now but its like its not bad cause im still doing everything i used to right ? work hard , play hard my friend . -i 've been forced to kill a crew member and myself when a taser forced me to fire the rpg at our feet . so it 's not only malicious players that are the issue with team damage . i 've gotten to the point , if i have a weapon that fires an explosive , i will do my best to keep it away if i hear a tazer . -message because you 're a good - looking guy who seems to have his shit together hide because you look more 19 than 24 babyface 4 life . -fuck . i messed that up . i had one task to do and i did it wrong . and you 're terrible in fleets too . bad bad ! -construction in government buildings takes forever because government workers throw a fit if they hear a hammer drill between the hours of 6am - 8pm we actually asked them to make noise , get the job done faster . but policy would n't allow it . policy always trumps productivity . -that 's like my dream job , minus the not getting paid part hahahaha right ? i 'm still trying to figure out how i will become a millionaire playboy with this line of work . so far , no dice . -it does n't matter who you support . we are all incredibly lucky to see messi play during our lifetime i like you . you should tell my mother in law that everyone outside real madrid are not complete shit . -i only know because i saw the original . do n't feel bad . also , get some sleep . sleep is important . and eat more fibers ! instructions unclear : ate wool , cotton and nylon . -actually what you had written is ok , we got what you meant . anyway it is ambiguous . it just gave me good laugh out of this . i 'm glad you found it funny . i ended up changing it anyways to avoid confusion . -yes , it 's so tragic i can play with 32 of my friends all at once with a full screen than 4 with tiny ass screens . truly tragic idk about you but it 's way more fun to play with a buddy right beside you than playing over the internet . -modest female perfect 5iv . trade for zubat ? got yourself a deal . i have one on - hand if you 're available to trade . -no , he is talking about the super - cliche images these women build up for their profiles . yes , those women work out for the sole purpose of cultivating an attractive okcupid profile . -i think i did read it actually . you should be good , just gotta have some faith at the end though . i hope it all works out , losing a job because of weed sucks just updating : my employer just contacted my today and said i passed the drug test , i start next week ! super revealed , time to light it up now : 3 -can i get 10ml of spirit of the glen ? sorry buddy but this split is n't getting any interest from the community . i 'm going to pull it down and try something different . -as a non - wiki person what does this translate to ? is she doing this as a sign of protest or is it evidence removal ? the former . page blanking is n't enough to hide evidence , because anyone can view the page history and see what used to be there . -also some laws . and a big metal vault door . and a hell of a lot of drugs ! -does that have a negative effect on call quality or service ? it turns off the better sounding volte call quality but i dont talk on the phone , cu so it doesnt bother me . as for service , i havent noticed any negatives about it . -i 'm sure each has its advantages and disadvantages , i 'm only the child of the family . its not my choice , but i have contemplated google voice before . contemplate harder son . -burnie and monty play bayonetta . that game time of them is pretty great . he was also in an early full play of resident evil revelations with michael im pretty sure , just dont remember what one . -yes ! how large do the tanks in this sale generally go , am i capped at 55 ? yes . 55 gallon is the largest size they offer during this sale . -exactly , the human should no better . and he took the risk , it still sucks to see both die . it also sucks to see for reddit the only solution is the human must die and they are happy because a human life was taken . -so if i 'm about to crash because i made a mistake and is about to hit a building or whatever i 'm not allowed to jump out of the vehicle ? seems that way , it 's your own damn fault for turning left when you shoulda turned right ! ; d -get ready for requests every 5 minutes from drunk girls who think they 're better then you because they 're dating a pledge and those same girls will keep coming up to you every time you transition asking you why you did n't start playing the song they requested . -ok , yeah there 's a elf - dog . whatever , but what the hell is up with that guys hand ? he 's missing a finger . the rest are just folded inward . -only rolling 10 deep ? lol yeah . now that i have my portable table surface though i could bump that up ! -right , i didnt mean to imply the soundtrack was not heavily based off the games , just that it serves as further credit to the movie makers for getting it so right . indeed . regardless of the source of the music , it 's a good selection of tracks , which is itself worthy of praise . -what is wrong with religion and lambs ? faith in something without the slightest bit of evidence , and it causes too much sectarian violence . lamb tastes like rotten beef to me . -how do they know someone is registered now ? a record that links a license to a registration form on file . the issue becomes when your license to vote is also your ballot cast you lose anonymity to the government at the very least -i think you should check your wifi . i have not got the slightest problem streaming to tvs in the house and i got one upstairs and one downstairs . yeah same . downstairs tv is has issues with because it 's ages away from the router . upstairs the router is in the same room and it works flawlessly . -does anyone know if scuf controllers will be sold at the event ? i 'd think so . i was there last year and they were for sale . -urgh , i 'm not really a decent gamer , so i guess i 'll just guess everything . not advisable , not sure that will get you the correct answer . -take your passive aggressive pnw bullshit and blow it out your ass . we 're taking the division from you . hey man , do n't generalize ! -and the person who posted it is the dad in the article , writing about himself in third person . hold my hair for a sec will you ? -unfriend his loser ass . give him two books on your way out . one about why rape is bad , the other on why grammar is good . -dat bevel . bezel ? -lol . we got mcdonalds cashiers and gaming nerds in here reading said article and boom instant overnight market gods . index funds lol . could you share more information ? thanks . -you could just stop talking to her as she 's probably more interested in the phone than what you have to say . my gf insists she 's listening to me when she texts while i 'm talking . she 's not . -iron harvest . true , iron harvest , not war machine . thanks -it is , but my point was more about why specifically this was a white thing . not in a muh race feelz way , just a i - wanna - get - the - joke way . us white people are weird as fuck . any bizarro subreddit ? white people running amok . it 's in our blood ! -as a 19 year old 125 pound male , i 'm going to the gym tomorrow as a 19 year old 125 lb kid , keep your nose clean . i am almost three times your age and twice your size and i ca n't imagine being in there . -nope , just worthless drunks . yeah , there 's no middle ground between having an occasional good time and being a worthless drunk . -iirc , marchand did n't have repeat offender status at the time . repeat offender only refers to how much money the player loses under the cba . they can take all prior discipline history into consideration in determining fine vs . suspension . -reddit helps you fall asleep ? to me reddit is a black hole that will keep me up until 4 am in the morning . it 's weird . it kinda does both . i 'll go insane trying to go to bed without something to do once i 'm in bed , but it can also keep me up for hours . -wow . it 's funny to think of the last guy in real life . like , he got a chair , stood on it , and built an entire hardwood floor around his neck before kicking the chair out . that 's me . every restart my body would change positions . -the question is , is it better for the guy to kill himself or for the cop to kill him ? this is the biggest paradox with suicide by cop because either equal you die . does it really matter how you die if we all die . purpose applied to death is something only the living do . -they will greet the videos with a smile because they obviously ca n't do otherwise , but an actually descriptive report is much more useful to them . they ask for videos and pictures all the time it helps them understand whats going on . i feel you missed the humor in this video , maybe watch it again ? -i never heard of clannad ? do you live under a rock ? -improbable that the mama bear had a smaller portion than the baby . not really , growing kids will often eat more then their parents . or at least be served more , and the parent will finish whatever is not consumed by the child . -and they still use the same payment options , cash . at my store there is a credit card machine . -what kind of map are you looking for ? aerial photos or road map or just a map of land features ? ariel photos would be preferred . coastal charts would n't be useless , i suppose . -3 . 200 with editing and publishing . someone mentioned street to seat as an option for warrant officer - which sounds pretty nifty . yep , flight warrant is also an option , but the hard part there is passing the sift with a sufficiently high score . -oh yeah , that 's right , washington is such a shitty city on its own that no state loves it enough to make it their own we dont need to be in your state to appropriate your money to fund our rockstar - whore lifestyles -they may be fewer in number , but the chorus is louder than ever . in the information age , it is n't how many followers you have , its how loudly they scream and how large the audience . and how many important positions of power they hold . some have a good women studies department in college , others are in the lead for the white house bid . -no i do n't see any reason to have loyalty to him , when he has no real connection to this city anymore . it seems he left , and never looked back . he did n't leave , he was traded . and even if he did leave on his own i would n't blame him . doug collins rubbed a lot of players the wrong way . -could the tsm fanboys stop trying to make this about tsm ? i 'm a neutral but starting to hate tsm because of you people . alright i officially hate tsm . can you give examples ? i ca n't see em . -adolf hitler and winston churchill being stationed on opposing sides of the same section of trenches during the first world war . was n't it chamberlain not churchill . edit : chamberlain never served in the military . the man i was thinking of was anthony eden . -we all deserve a lot of beer . aw man . -that character model is from payday 2 's hotline miami dlc . so it is jacket , just wearing the richard mask . you can even see the burgundy jacket and hand wraps . yeah , the payday jacket has that stupid - looking grinning chicken from the hotline miami posters , instead of the pissed off , gritty richard mask from the game . -here i thought that this is the normal method of showering . what the fuck do you people usually do in the shower ? we relax , consider the world , have a wank , wash ourselves , meditate , try to recall if we already washed ourselves , take in the steam and heat , and enjoy it . -of all the things i learned getting my comp sci degree , git was not one of them . i understand what it is , but i have no freaking clue how to use it . damnit . only takes a few hours to learn how to use it effectively , and you wo n't regret spending the time ! -in a way learning the map is how you level up in the game . after your first few deaths you have a much better understanding of where things are that you need to survive . add the map with a compass or watching the sun with no player indicator on map and that would ideal for this kind of game . -i 'm shocked . there 's your group qualifying at plate tracks , brian france . i 'm not . it was bound to happen sooner or later . now it 's happened and everyone involved is some level of pissed . -this worked great . now do you have any solutions for an audio sync issue and slight stuttering ? i think that is just the lag of streaming live video over wifi to the chromecast . i bought a cheap mini - display - to - hdmi adapter specifically for the game . -just be aware that the less successful england is in europe , the less likely we keep out fourth place qualifier . and that would screw you guys over the most . not arsed . if we 're not winning it , i do n't want another english team to win it . we have 4 spots now , and we 're unlikely to qualify , so what difference does it make ? -that says installed , but i am still in the demo game when i load it up the update file or the application data ? -you 're so cool . well in the meantime , i 'll pass the red - light when there 's nobody to stop for . i 'll avoid bothering the cars behind me at the same time . i 'm really happy the cops started ticketing heavily for that in my city . hopefully yours do too . maybe that will help the other cyclists save their reputation from people like you . -scale of deliciousness : pepsi max , cola zero , aaaand everything else sucks . full sugar is gross . fight me . the best is pepsi throwback with real sugar , but it 's only out in the summer -strange as this sounds , that 's a good thing . a healthy sex life is a good indicator of a healthy relationship . lots of love . after that dead bedrooms thing that made front page recently , this is all i can think about regarding op 's post . -is the door on the right side ? no , sitting in the car it is on the left ! sorry , i probably should have specified . -i think this is a nice representation of the people who support rl . exactly the same type of behavior . funny but not surprising . his fan base is unbearable . -great reading skills right here ! ok i 'm confused . i thought i was agreeing with the commenter above me and slightly bashing one plus and now i 'm down voted . what . -shut the fuck up bryan . you 're so fucking original i did n't think this username through at all , i only made it to be recognizable because my boyfriend and i are playing to see who finds the other 's username first -daily show and colbert report are free on comedy central the next day . they do n't play directly on my living room smart tv . -i 'm pretty sure no one who studies philosophy actually thinks that , they 're just valuing education more than employment . at my high school we we 're told that any degree would be helpful for any job , since it would show that we could stick to something , etc -booker t , cole , and jbl offer commentary on famous historical moments what a shot to the head by lee harvey oswald ! jfk leaving it all in the ring . -anyone else notice the dude is wearing a wedding ring but the woman isnt ? curious . you have a real shitty computer or phone if you ca n't see that -lately when i bench i occasionally get a splinter - y feeling in one elbow . any ideas what i could be doing wrong ? does it feel the need to turn turtles into ninjas ? -i was gonna watch the video but some asswipe typed the punchline below it . . . on the other hand , i went back and watched the rest once i saw it . it all evens out in the end . -you know she 's not following christ 's diet she should follow jesus 's 40 day plan . -huh ? you traded a 11 gt with premium for a 11 gt without premium ? yeah because i 'm paying slightly less for a car with 33 . 2k less miles and it 's a manual whereas the premium was an automatic . -i dont mean to be rude but why is it such a big deal ? it 's a possibly sick baby with people who care about its well being and people are posting these pictures everywhere that the mother is eventually going to see . -i would have one learn math , the other science , and the last one english . then i would have them teach me . those are my 3 worst subjects . what 's your good subject ? -falcao 's style is much more suited to a technical league like in spain and italy . i dont think he has any technique left anymore . hope he has a good summer break of rehabilitation and he plays well for whichever team he joins . -this girl is ludicrously attractive . holy 7 gods . there is only one god , and every man knows his gifts . tits . and wine . -only real answer . in comic books , a power of a the hero and the villain gets dialed to whatever the plot calls for . yeah same goes for tv shows and movies . hence how ollie was able to beat barry and hit rf with arrows on flash last week . -they have n't been this dirty until recently . have you never seen bruce bowen ? dude was one of the dirtiest players of the modern era . he was notorious for putting his foot under players . -the book had the same character . so why the movie , not the book ? i did n't read the book ! that 's why i specified movie , i cannot attest to the books contents . -does it come in a black version ? i 'm not seeing an option for it so i figured i 'd ask . white mice like this tend to turn yellow and pretty gross looking over time . a little late , but i have a black one and i love the thing . great for a wide range of games with the number pad . -off the top of my head , and without regard to spoilers : tara wash fred ? echo 's battlestar boyfriend phil well he also killed coulson but marvel decided to marvel him back to life . notice that whedon did n't put him in this latest avengers though . -hello , i 'd like you to meet my good friend hbo . it ca n't be american . sorry . that would just never work . americans would destroy it and i like the american version but it is was it is . the uk one has to be british . -knowing the scientific method does n't take away free choice to believe what you want to believe . plenty of serious scientists are religious despite all reasonable evidence . then they do not follow the scientific method in their daily life . simple . -banging your head on the corner of the cupboards . those fking cupboard ; happens all the time . -this is not related but seriously the sand snakes suck . thank you for reading . sand snakes rule ! -murph , i love you , forever . as a father with a young daughter this movie tore me up much more than it should . god damnit that movie is beautiful . -mostly the government . you 'd think if there was one take - away from this ama it would be that we should n't confuse the ambitions of the power elite with the common citizen , but no . -thanks ! just downloaded it . says my clan is in silver division . what do we have to do to get the camos ? just play loads or hold every node ? that i 'm not sure of . i do n't know how the rewards work -i would make fun of the yankees being down 5 - 0 but i do n't know if the red sox would do any better against the blue jays . our games against the blue jays are going to be a lot of 10 - 9 games . -sorry , i usually look at reddit on mobile , no side bar . looks like the only one listed for the act is a doctor who 'll prescribe hrt . i 'm looking for a psychologist . do you really want to see one , or are you just working through the process ? the doc on the list there will prescribe without seeing one . -speaking of noob questions , what happens if i purchase a vehicle , but not a property without a garage ? do i keep it and have to call someone or does it vanish ? you cannot buy a car from the website without a garage . the car gets delivered to the garage , and then you get it from said garage . -how zooms suit will change colors in the future . you think that zoom roasted a red suit to get it to look like that ? he could n't just design a yellow suit ? -i think mkg has the potential to even pass lillard . mkg is several years younger than dame and could end up being a better two way player . but he 's terrible on offense . some people on this sub have no idea what 2 - way player means . just because he 's good defensively does n't mean he 'll be elite at both ends . -i hear cs : go is picking up . and heroes of the storm is looking good . nonetheless , lol still tops , but there are other choices if riot starts bashing the community . i 've been playing csgo it 's been really great actually . -are the databases actually mounted ? if not what error do you get when you try to mount them ? yes , the database is mounted with no issues . -god , i can just imagine how mean you really would have been if u found out it was a repost . it gets really bad . -do you play any music instruments ? several years ago , i learned the basics of playing a guitar and reading tabs or sheet music . i did n't keep up with it , so i 'm pretty terrible haha -until nixon , taiwan was one of the big 5 and officially recognized as a country . nixon flipped it to mainland china , so now taiwan as a murky status . you 're missing a big fact that taiwan was on the security council well after the roc was relegated to just taiwan . -i like how when you capitalize a word it can change the meaning of the word . recalls cost money . quality is synonymous with bottom line nowadays . -because psychopathic traits are particularly prevalent amongst possibly the least successful population on the planet , being incarcerated criminals . they 're not successful because they 're in jail whose to say they would n't be successful out of jail . -proprietary devices might i add ! the ps vita memory card annoyed me so much ! edit : spelling mistake ! it would be better if they did n't lie and say they use proprietary memory for any other reason than making money . -uhh why ? how long did that last ? think it was just a bad case of teenage rebellion and trying to wind his mum up . it was like when he was like 12 - 13 or something . -the main knock on kansas was a general sense of apathy among the fanbase . and they said the big thing northwestern has going for it is chicago . not being in kansas is a huge advantage . -code test for a job . that does n't really answer my question . -mother theresa . holy fuck i just realized mother teresa was an actual person . i always thought it was another name for mother nature . i 'm stupid . -i really do n't get why people like to have viewings . to me its weird and creepy . i will never attend another . after noticing a friends fake hand and wired shut jaw i almost puked . never again . -what on earth made him do that ? i imagine it will land him a suspension . he really wanted to stop morata at least one time before the end of the game . -by cooling pad do you mean a fan the laptop sits on or an actual pad that draws heat away ? if its and actual pad how well does that work ? from my experience an active cool pad - they use small fans to generate additional airflow around the body of the laptop , and can drop the heat as much as 10 degree . -pretty sure there is in mh4u now . could 've sworn that the caravan quests go up to g - rank yea there 's also a lady at the start of desert city that says your not ready for g rank and half the city is guarded by a guy with a lance that wont let you pass , that 's prob g rank area . -pulling the grandmother card already oh shit . i think it 's in reference to the idea older people are much more pro vaccine having lived before their invention and seeing the body count first hand . -illegal . basically piracy for apps . you have to root your phone to use it and it basically cracks every game in the play store for you . not every game . does n't work with games that have server side verification like clash of clans , candy crush etc -quality products , made by quality kids . my nike 's fall apart within a few weeks . i use my shoes for , sports , working , and everything else . they just do n't last long . -it 's awful in colorado do n't move there can confirm , live in denver . it 's awful . do n't come here . -innocent till proven guilty , and go sit on your pitchfork while you wait for that . the fact the hes even being investigated . guilty -do n't be silly . they 're genetically fat so there could never be a thin version . it 's simply impossible . dang , that 's the truth . i 'll settle for the cake itself making fun of the fatty . and the chiseled man of their dreams to be making out with a shit lady while laughing at them . -i knew a guy who had a lot of trouble with that list , because he had the same name and dob as a member of the ira . a name so common it was not even really a coincidence . they give you a code for this to enter when you 're booking your tickets . it clears it all up . -or heck , if she got her degree as well , she would have feared getting it taken away as a result of the cheating . maybe thats why she did that . so that she can finish up the degree at another university without the fear of losing it and expose the girl at the same time . -you can tell the first - years apart from the other engineering students by the glimmer of hope still in their eyes . do n't lose your way . i kinda regret barely studying at all in high school now . -betsy is animal ? it what you would name a farm cow . -and at that point does n't archer start beating the shit out of the guy until he sticks his gun in archer 's face ? eventually , with a great deal of difficulty . he still has an extraordinary amount of trouble beating an improv comic . -i for one am glad i do n't have to memorize numbers any more . i 've gone back to entering phone numbers by hand . it 's good memory training , and if in need to call someone wren in do n't have my phone , i wo n't be quite so hosed . -middle of the work day , would gather the admin staff around and show them a funny youtube clip he found . my boss does this . of course , i 'm his only employee so it 's kind of different . -self dentistry you say ? yea , there is absolutely nothing about this could possible end a trip to the emergency room . that 's weird , auto mod said this post was deleted . -you can change the setting on the bottom left corner to focusing the crystal in which order they attack . thats just for the boss fight . mons will still focus golems first almost every time in earlier stages -just checked your apps . what are you planning on doing after that ? also what resource do plan on following after finishing big nerd ranch guide ? i plan on working on the material design once i get on dine with big nerd ranch book . i hope to get my app out by summer time around july in america -because they are weak and he just wants to get in their pants . when did women start wearing pants ? -big house cats that can and will eat you . seems like people forget that about big , fuzzy , cute kitties . i say we let those gullible enough to believe that big cats are harmless cuddle with wild ones whenever they want . -yeah , i 'd rather watch the acc network show fsu missing field goals against miami . that actually sounds pretty great . -congratz ! i 'll send you a trade request in a few minutes happy valentine 's day ! yay , thanks ! sorry , i just noticed your message , i 'll go online shortly . : d -you need a mirror to brush your teeth ? this was my thought . you have bigger problems than an obstructed mirror if you lack the coordination to get the brush to your mouth . -really ? i did n't realize he got that much of a nerf , i guess that 's why people complaint so much . i guess his up smash is a bit weaker than before now that i think about it . pretty much everything about him got nerfed . he got a few small buffs but very lame in comparison to the nerfs . -my dentist says if i forget to brush , i can just eat a bag of cool ranch doritos and smoke a menthol cigarette . i bet this dentist makes bank . -related , does anyone know where i can find suggestions for poses other than the mandatory ones ? i 'd like to fit a few unique poses in my free - posing routine . please and thank you ! thank you . could you teach me how to talk like that ? lol -you 're obviously going to the wrong theaters . i go every other week , and phones always disappear by lights down same at my theater . -what 's the difference between loving someone as opposed to in love with someone ? is it one platonic and the other sex sex ? you love your family members and friends , but you 're not in love with them , right ? well i hope not . -you . cannot . see . that . on . mobile . so busy trying to be a smart - ass you did n't stop to think of what you were posting was even a correct response . i can see it perfectly fine on my phone . -i like this . i can see wheat field art become a thing from this . crop circles in minecraft ! -social smoking is a gateway to sober smoking , trust me on that . yeah i know , especially if you 're out drinking and smoking regularly every weekend then developing a serious addiction happens naturally -why not just try limiting yourself to a couple times a week ? cold turkey rarely works no matter what habit you 're trying to kick . for me jerking off just leads to more jerking off , so i think it 'd be easier to try to go a month without . -do you know hustle kings is free ? it 's a pool game too . hustle kings has that weird golf game mechanic with meters and timing button presses . i much prefer the one - to - one joystick control in pure pool . -i ca n't imagine playing key harvest four - player now that i know how to play it . i 've only played it as a two player game . i think my mind does n't bend enough for a 3 - 4 player game . -kurdish president is president of what country ? not a country , autonomous region of iraq . -you will find out in time . after a spider in a lake . oh ok . i think i 'm one boss shy of that area then . thanks for the reply ! -in that case i disagree with fifa magazine too then . which bolded part do you specifically disagree with ? -no , okc 's god awful defense is hurting the team . their offense is fine . unfortunately augustin and kanter are among the worst defenders at their positions and their dpoy candidate at power forward is injured . that tends to happen . -doom blade has n't been good enough for standard decks since khans came out . it just does n't have enough upside to risk the dq . dies to murderous cut . -people entering my room . i just get floored , like i have to meet folks at the door i kind of get that . it 's your personal space , and you 're inviting them in to your private room . -you would like the kid to live with the guilt ? c 'mon , that kids gonna be fucked in the head anyway . what 's one more thing ? -oh wow . i know i 'm very late to the party , but i 've been meaning to buy new leaf for a while now . i 'm guessing it does n't get old that quickly ? nope , lots of fun to be had ! -people bought a game that was clearly a joke . then gave it a negative review . are you fucking serious ? i see buying parody games on steam and then giving them negative reviews as roughly equivalent to paying a cover charge to see a comedian and then walking out because he is n't funny . -mormon i imagine . so they 're not christian ? they 're apart of the abrahamic religions . some may call them christian . i call them mormon . -oh that 's right ! i do have rocksmith and my brother 's old guitar but have never gotten around to playing it . thanks for the recommendation i think i 'll do this . it takes rock band to a whole new level . it 's very accurate . i have a friend who is becoming quite proficient at playing the bass , and he has n't even been playing for a year . -yes , or you could secure the brazilian and colombian coast for example , effectively giving you the whole continent assuming you are talking about the country , not the canadian region , it 's colombia not columbia , it really pisses off -that 's ridiculous . he 's moving faster to decrease his metabolism ? i assume this was before the re envisioning where flash can use the speedforce to vibrate toxins out of his body similar to the horse tranq oliver shot him with in the crossover , -chewing ice cubes can damage your teeth . is ice harder than enamel ? i would think so , which would mean you are wearing your teeth down . look after your teeth or they will cost you a fortune . use floss . -i did n't have this specific problem but had all kinds of download issues until i added the mega browser extension to my chrome . maybe that will help . i managed to find a torrent that worked , just ditched the mega . thanks for the help anyways though . -why bother drinking anything but water ? why bother eating anything other than soylent . variety is the spice of life . most good things can be enjoyed in moderation , right ? -na because headlights go up . headlights go down . up . down . up . down . hehehehe . this is a major reason as to why i want an na vs an nb . -have you considered selling your items to people who actually have money ? being on campus makes that pretty hard . -goalies need a team in front of them unfortunately . especially when they 're still learning . they fell apart in front of pete and he 's not ready to shoulder that kind of load . you 're absolutely right . it 's the same thing that happened in the last game against ottawa . goalies ca n't be perfect , and with nobody helping him , you 're not going to win many games . -a bite of china - not just food , but also rich culture behind the food . bbc and cctv did another cooperation called wild china which is also good . it 's a 6 episode series focusing on different rural parts of china and the people and wildlife that can be found there -i struggle with the group by function a lot when i know it 's really straight forward . are there any recommended sites for learning it properly as at the moment it 's just trial and error . just remember you 're making the data distinct on the column in the group by and then must aggregate everything else -right , but it 's just like the locks : if they want to screen your bag , they can . if they choose to steal from your bag , they 'll cut them open and say that your bag was screened . when your bag is searched , there is a tsa note inside . -if you get into a wreck while turning left , you can pretty much count on being found at fault , unless the other guy ran a red light or was speeding excessively . this is why i never turn left if i 'm waved through by someone in the first lane , while the second lane appears to be open . it 's just not worth it . -have those two came out of the closet yet ? they do n't need to , they 're fine the way they are , even if they are hiding their secret from us poorly . -i recall someone self - criticizing the armed forces , saying they were the most professional team of janitors ever created . join the army , see the world . then sweep it . -too young of a crowd in here to get the joke . sad . eh i get it . i 'm not laughing , but i get it . -same here . two more months until the farmer 's market . i need my fresh goat cheese and asparagus ! there 's weekly outdoor farmers markets in the place i moved to this december , so i ca n't wait for spring ! right now , my big winter craving is fresh tomatoes of all varieties . -ah shit ! there goes my easy way out lol . guess from got tired of people skipped the bullshit one - shot dragon . welp , fighting that dragon is gonna be a pain in the ass . try standing in between his two middle toes of back claws loads of videos showing the strategy on youtube and stops the one shot as you 're underneath him so the fire does n't reach -i 've met a nice girl . sadly she lives another country . long distance relationship ! -i 'll hop on ts tomorrow and see if you still need people . i am more than happy to help with this kind of stuff . great ! i 'll be on around 4 : 30 today -personal enjoyment and dev experience . i do plan on selling it though once pre - orders for the cv1 come around . just do n't expect to get much money from it , as who in their right minds would buy a dk2 after the commercial headsets release ? -with a password , you guys can still get invaded . just need to wait . ok cool thanks ! maybe i 'm just being impatient because i did n't get invaded yet . i 'm probably gonna regret saying that -it looks like it impaled his penis , which could prevent him from achieving erections in the future . if i am not mistaken , it looks to me like the dong end is covered with that towel . -he was serving the public by issuing a traffic citation . let 's not pretend she was n't speeding . the public having safe roads is more important than some old lady 's feelings being hurt . he was not serving the public by escalating a situation and attempting to arrest her . police escalation is not serving the public . this is probably why his superior let her go after arriving . -guild wars 2 does that kinda thing . thanks for the suggestion . i have played it but after years of wow i am sorta over the mmo thing . -there 's a huge lc next to the grant park co - op , so that 's nice . best of both worlds . i love the setup . the only thing that could make that lc better is if they offered the growler bar for refills . -that was colder than the ice in edmonton before they changed how they made it and fucked it all up . colder than an icy hookers hand job ? -yes , i have free health care . it came with the job . it 's not free if you have to work for it . -yea , i am going to bring a few when i go travel , but the problem is , i get really sick if i read on a moving object . if you 're interested , i plan on finishing the sherlock holmes set . watch sherlock on netflix after . : d -yeah , sometime even a mild hangover can trigger a week long depression for me . that 's because alcohol is a huge depressant . weed can be too , but alcohol is known to exacerbate symptoms . -are we really crediting the wife for this ? that 's some bullshit right there . and that fast , this becomes some weird men vs women argument . goddamn . -how did they chose them ? were they illegal or not paying their taxes , etc ? i think it was just because they were convicted of a serious crime . -he 's an 84 year old man that could 've killed him you piece of shit . but it did n't , and he 's thankfully fine . i 'm sure no one would 've made jokes had it had been a lot more serious . -god damn it , it made me cry . then you feel my pain . -people under 25 : what do you have to do once your finger slips off of the phone dial while dialing a number ? hang up and start over . dialing a phone number was an adventure . -dude , i love it . that trail looks like a blast . thanks mate . it certainly is fun . -man , this norman story is so great . it 's got the perfect feel , and the ending is the perfect sucker punch to the emotions . glad you liked it . -and a communist ! i thought he was socialist ? -they were most likely in an area that was too far for them to get some food . theres different factors as to why people starve and its not just the amount of food you have . they 've all been people within the town near some sort of storage or market , not anywhere out in the woods doing a death march . -damn . their spaghetti sauce is just so cheap though . make your own sauce with a can of tomatoes . -did people really not realize that was a joke ? i 'm losing faith in the master race . you 'd be surprised how many people do n't have that particular sense of humor . -i think all hard drives fail either after , or at the exact moment you are done using them . jokes on you , i use my failed hard drives as weapons . acquire sock , add hard drive to sock , flail drive of doom . -so you do think it 's impossible to make harmful gmos then . got it . unless they 're genetically modified to produce toxins they 're perfectly safe . -the original title is more clickbait , i edited it to make it more clear . but she was n't arrested because she was willing to conduct gay weddings . she was arrested because she would n't leave when told to . -san francisco is a very good choice . great food town , so much culture . god damn i feel so lucky to live here . im in the bay area too . whats your favorite place tp eat ? -are you sure you wo n't have a little bit of the gay ? i might be a gay man in a woman 's body . -saying he is n't creative enough is daft . that is one part of his game that has kept working , even in his bad form . yeah i lost a lot of respect for him . dumbass comments . he 's terrible at poker too . -do n't show up even a second late . hell , do n't even show up exactly on time . my rule is at least 15 minutes early . gives me time to sit , collect myself , go over notes and mentally relax before it starts . -you do n't ask about the personal life of porn stars when they 're porn stars . give them some privacy since they get - 1 privacy points at work . maybe i 'm wrong but is n't up to the porn star to determine this for themselves ? -tell me i 'm pretty and i 'll send you a boob pic . you 're gorgeous : d -yes we were hoping to catch a couple of games original nba or nfl but realised none of those are on at the time , but we may catch a baseball game now ! thank you you could also look into the mls schedule if you want to see some soccer . i just did a quick search and it seems like both the new york teams have home games in july . -what heretic past ? this flareon was sitting in an office building waiting for us . i dunno , man , that office building was pretty blasphemous . -oh yeah , i forgot the part where if batman did n't exist , the joker would have been totally normal and sane and not sadistic . well in the killing joke the man who would be joker was fleeing from batman when he fell into some chemical crap . -pretty much it could be summed by the fact that i suck at platformers . oh then i definitely see how dk frustrates you . shit is fucked , yo . -upset of the day : tip beat tsm . they kinda got rolled by team 8 for the majority of the game yesterday . i know the circlejerk is that maybe tsm has a weak early game but i dunno , that would be a huge upset . -that 's what i mean . ccp will prevent it or they will lose players . except we do n't want the south and east ? hell , fuck knows what we 're gonna do with delve , we do n't even want the space . probably give it to bni or something . -there 's a parting in the middle . it 's just begging to be split into two and braided . beautiful . that part is there for that reason . when working around moving parts i braid it up to keep it safe -odds of this making the local news somewhere ? and then , like many a great viral story , there is a follow - up article months later stating that the note was faked . -this sub is very welcoming to people with different opinions . oh no wait , the other thing . you 're right . my apologies . in the spirit of hospitality , let me offer you some cheese to go with that whine . it 's on the house . -by live , i meant live servers . sorry for any misunderstanding . yeah but i dont remember them patching the test server onto the live client . -almost every app except whatsapp , the camera , the microphone and the web browser . if i use the rest , the battery wo n't last . this . for how amazing phones are now , just playing a game to pass the time on the train will kill your battery . i miss going a week before needing to charge my old nokia -too many non lawyers giving advice on this sub without any idea of what the law is or how it applies . good on you for clarifying . very kind of you to say . thank you . -construction drawings for some sort of industrial facility . i 'm still trying to find the funny . maybe its that the 32 is n't in line with the 31 ? -live and learn . learn to cut your own hair . i did for a good part of 10 years . just figured why not go to a pro . hell i used to give myself fades to the point i started cutting friends hairs . -in total it took me 3 hours with fine tuning for combat use . could you now make the rest of the body too ? -when does that welcome kit usually arrive ? i have already started with a april 1st date . they say they try to get them to arrive for everyone by the 15th but it probably depends on your location . i got . i 've around the 12th of the month that i started . -a mans children should n't pay for his crimes . maybe a real man would n't put his children in that situation . -on the bright side , even if you did n't get away with it , it 's not like they can send you to double - prison or anything . and that 's why sending people to prison longer for rape than murder is a bad idea . -if my team has a dip , i 'll change the formation throughout the sheets anyway . ah fair enough . my first team xi usually plays the same formation most games and i adjust the tactics so i use the reserves for some variance in my formation -it 's located in the north west suburbs of chicago . the store is too cool , there are a few of them in the chicagoland area . lots of hello kitty , anime , general cute merch . guess that includes ponies now ! -it sounded pretty plot revealing , but my bad ! nah , its in the first five minutes . if you have n't seen it , i highly suggest you go get the rest of the story . -they should put a mask on baron corbin and make him a new kane - esque character . as well as having him wrestle in some type of shirt so we do n't have to see those god awful tattoos -i bet it has something to do with them rebooting the series and wanting to control all legal access to the original series for licensing reasons . edit : mini series not reboot or the blu - rays could be coming finally . perhaps they 've been waiting for the streaming rights to lapse before they sell them . -yeah i definitely would n't want him to leave ! gina is my favourite . she 's so funny . yea , she 's awesome . she sums up sarcasm in one person . my favorite is jake because i 'm so much like him it 's scary -de sutter playing a solid game so far . super solid . might be motm -god this is overdue . it 's a top quality phone but it has the shittiest audio of any device i own . what are you talking about , the iphones amp is second to none , and while it does n't have front facing speakers its still plenty loud -so we had a pregame ceremony for a national hero . does that mean the refs will help us win ? this is an ottawa game . i would n't get too excited . -you can buy an hind somewhere too . i 'll find the link . that 's awesome ! helicopters were one of the few things that i never really saw for sale anywhere . -hold on , it looks like you 're a bit confused here . you 're looking at the main division prizes . first place for the pro division is going to be much higher than that . oh you 're right , my bad . -nice setup ! i should really organize my room , as it looks like it went through doomsday : d thanks for your help , ill contact you in if i use one of your pictures . thanks once again ! the organization is a constant project . i clean and organize probably once a week , with beer in hand and music on the radio . -i 'm scared of him fitting in too well though . like claude over coaching him and not letting him play offense . i can definitely see that happening . i hope he realizes this kid is a rare offensive talent we need to keep . -that went from a very feel goo movie to wtf very quickly , but sounds interesting , i 'll definitely give it a watch it 's a full series and dark as hell i can only watch it once . -i move that we add it to the boy scout oath and make it a mandatory prayer at the pole every day in public schools . that 'll only work if you can get the school administrators to stop using the pole for their daily stripper shows . -you said you used 7 - 8 squirrels . now is that enough for a whole family meal kind of serving or does it only make enough for a couple servings ? it yielded a ton of pulled meat . three of us are some and it looked like we did n't even touch the supply . it filled a giant pyrex bowl . -is this true ? i thought dark skinned people could get burned too . they can it 's just harder for them too . they do n't turn red , and that was more my thinking in my first response , but exposure to the sun for too long will fuck any body up . -student - athlete who is working and has an internship here . i have voted in every election i was eligible for . if you believe something is important you will find the time . excellent point . as they say , if you want something done , ask a busy person . -did he just trick you into giving him a star ? nah , i gave him a ! star on purpose . they 're basically just another upvote and are n't very useful so they 're like free candy basically lol -congratulations on posting another fantastic reason why we should get rid of the human rights act and replace it with a british bill of rights . this kind of thing would n't be in the british bill of rights sorry . i think people who are vocally in favour of it would actually be pretty disappointed by the reality of it ! -ok try this , join a low or medium pop server . play on it for about 5 - 10 minutes and try again . let me know if that works . hmm interesting that worked for some reason but now my tab button wont work to see my inventory haha never had this many bugs logging in before ill try restarting to see if that helps . -they 're not for everyone . but some really enjoy taking care of them . and i do n't thinks it 's fair to call them idiots . when they live in drought - ridden areas , then yeah , they 're fucking idiots . -he 's not your fella , mate ! he 's not your mate , dude ! -well , she said gaming is her priority , but she also does some other stuff . and i want to make sure she has plenty of headroom to upgrade in the future . yeah , then the build seems pretty good . -nice to see that father actually cover up his daughter and protect her from the possibility of getting hit with a flying bat , instead of wildly grabbing at the chance of getting a souvenir . there giving away desmond jennings battling gloves to kids 14 and under next game , think he 'll get a pair of those too ? -banished is cool ! it looks like a little playable version of little house on the prairie . i like that old western style that it has also . thanks for entering ! yeah its a really fun city builder . -the cat facts guy did that ? well , i think he was more of an animal facts guy , than just cat facts guy . -thanks . check out part two . it 's even more badass . great work ! you turned the lamest super power into something amazing . thanks for the story ! -fruit so low it 's practically growing out of the ground . fruit so low it 's got apple bottom jeans and boots with the fur . edit : i 'm a dumbass -by that logic , bouncers should also deny entry if they see someone jaywalking , throwing a cigarette butt on the ground , not using your turn signals , etc . what masters program are you in ? one that does n't require critical thinking and reading ? -waiting to see the first iron man with a spirit shield . that would be amazing is that possible ? did n't they take the safe spot out ? or could you just keep dying and running back and hope nobody hits it -you can also see in the shot with war machine that the helicarrier number is 64 , the same as the one in avengers . nice catch , did n't notice that detail . -nice , best of luck to you man ! we do n't get much of a spring break and it sucks . same ! we are going to get a week long spring break at my school . -last night , aside from a slow start , we were playing like pre - break grizz . i do n't know what the fuck is going on , but we 've shown we 're still capable of that level of play . missed last game . actually been away from basketball for a bit of time , but every time i catch the grizz playing seems like they 're either tied , barely ahead , or getting beat . -all i have to say is the preds got another big one tuesday . y 'all gotta push back . you 're too tough to roll over and die . do n't be blues mark ii . -i think it 's trying to imply confusion i was n't confused this chapter tho -not if you 're in night mode ! when i 'm in night mode it still is white and gold -nope , it 's just macs in general . i do n't really know why , but i spend like 5 minutes consistently in loading screens , so if i ever dc it 's pretty bad tbh buying a mac for the purpose of playing on it is like buying a bicycle and expect it to make engine noises . -mordin is probably my favorite video game character of all time . that scene made me cry like a newborn . i had n't felt like that in a long time playing games and it reminded me of so many emotions i had growing up playing games -rain season , death , hurricane season , construction . - texas i 'm confused by this , are n't death season , hurricane season , and construction all summer , stretching into fall ? -surely a man who came from a highly educated university can grasp the simple concept of kayfabe ? i dunno , have you seen a steiner promo or match before ? he seems like the kinda guy everyone would be to afraid to tell him it 's fake . -i agree but when we use it against the state it 's labeled as terrorism . one mans terrorist is another 's patriot , depends on which view point you choose -no matter how much you shake and dance , the last drop always goes in your pants . just dab it with some toilet paper . it 's not that hard . -or vote for someone else . doesnt matter if they stand a chance , you did your part rand paul ! he 's for decriminalization of marijuana . he 's against mass data collection of data by the nsa . -stick the mag in the gun , then wind it i think this is the issue , i 'll try it tonight when i get a chance . -lol ya that 's one way to do it . fyi if you want to destroy or burn coins you make a new wallet send the coins and then delete that wallet . they will be gone for good . yeah i was wondering how to do it besides the paper way . -just a disclaimer , i did n't watch your video . but from the title i assume you posted a video of you pouring some powder in a thing and adding some water and shaking it ? man , who taught you to make soylent ? they must be wizards ! -it 's the density that causes it to stay a black hole . the black hole may lose mass , but the size also gets smaller , meaning the density is preserved and it stays in it 's black hole state . hmm . so in theory , anything with mass no matter how light can become a black hole if it is compressed small enough . is there a specific density which an object has to be to pull light in ? -idk honestly i thought i 'd be jolly good by now . i 'm hitting the sack like a malaysian flight after the game though . smart . sleep is the most important part , definitely . -sounds great ! can i challenge before he is eligible , or do i need to wait until the 28th to challenge a team ? thanks for the help e ! yeah , you can challenge . he 's just not eligible to play . -i 'm warm now but the walk to work was brutal . how much snow do you guys have ? -do you mean from the power hits ? it happens with all hits actually , it just does this slow motion effect for a second or two . in a big fight it 's a pain in the butt to deal with every other swing -try taking a break for a while , it may be that you game so often it 's become mundane to you . i took a break from video games for about a year , when i returned i found i enjoyed it again . gonna go with this . maybe you are burnt out and need to take a break . find some decent books to read or go out and explore the world . -erotica novels are equally taboo if not more so in american culture . this is true . 50 shades of grey is a massive exception . and it got so much press because of it . i doubt posters can name another commonly known erotic novel . -has that been written ? i ca n't find it online ? i just meant tales of redemption can span all different genres and can be the result of any number of catalyst events . so the title of said essays could be varied . -not an auto before e ? ye i forgot but then again they 'll be dead so it does n't really matter . -what has happened to k . irving ? he has gone from best cav , to around the 4th or 5th best cav . injuries , man . his game was driving and quick cuts and using his quickness to get to the rim . with injuries to both legs , he just has floaters and catch and shoot to offer really . -you realize that those people are trolling people like you who find it annoying enough to install a chrome extension to deal with it . they 've won the battle . no they win when someone gets so upset about it that they start to argue and feed the troll via the comment section . -honestly , i do n't think people will ever learn . forgetting history is the curse of humanity . i do n't think they will either . it 's just funny really to watch people try to get stuff taken down because it just starts spreading like wild fire . -could you imagine if everyone answered honestly every time ? suddenly nobody would be asking how we are . one can only dream . -the major wow servers . but google it yourself , and find a top list to see the biggest . i did last night but i wanted reddit 's opinion on the subject . i wanted people who are actually here answering not statistics from a website that has n't been updated in a a year . -nice . you were way more organized than me . i have all my old notes in different binders and notebooks and printed out loose in a box somewhere . impressive , i ca n't find my shit from even just this past semester . i should probably fix that . -is it so hard to check the new tab before posting ? they need them clicks man . its like cocaine to some people . posting the same thing every five minutes without checking is what gg does like third best , maybe fourth . -as of 2 : 49 pm est , there is not a single person in this thread disagreeing with op . not even a troll . i have never seen this before , op . ever . well done . going on 3 : 41 est here ! good point , haha : d -weird , i just assumed that they were using texas stuff to appeal to the other states . i do n't pay that much attention to car stuff , so that i can be complacent with my saturn sedan . assuming that texas stuff could be used to appeal to the other states is a texan thing . i used to think those trucks were available everywhere , too . -high socks should be a requirement in baseball . for real , some of these dudes look like they 're out there wearing sweatpants . -hell naw , this stays blue . so do my eyes . -i work out 6 days a week in the gym , and other than that i just eat more wholesome foods and stay under 1900 calories . thanks ! were you doing weights or cardio ? -still has shitty hair . shit hair do n't care -uhh if the premises are false , than making them less logical is exactly what that would achieve . do you even logic bro ? no , it would still be logically valid . of course that does n't mean that it 's not wrong . but strictly logically speaking , it would be valid . -well , if you were addicted to it , then every time you finally start to reject it is a victory . its a step towards being completely free of your addiction . so you are going to throw a party for every time a racist doesnt kill a member of a race he hates ? a party every time a priest doesnt have sex with children ? -ebonics is fascinating . we looked at it briefly in my linguistic anthropology class . it changed the way i looked at dialects and languages . i would love to hear more about this . can you explain some or point at a good beginner - level resource ? -jesus people , at least throw out a mercy shot so he does n't suffer . that would waste bullets . he 's gone anyway -play doh would probably be better ! great , i 'll try and post pics when i get it done -we wo n't beat west ham . i honestly feel like you guys will sneak a win , send us down . yeah , i love big stevie ! fuck newcastle . -i believe you that you eventually buy your games , but you must realize you are in a tiny minority among pirates . i understand . -not sure how much you wanted on it . it 's a sexy ass card : p just make me not say no man . lol . -only want arceus codes right now , tbh . do n't know what i 'd put them at anyway . would a coro ray code cut it ? -not taking either side but that 's not a fair comparison since the people who bought tf2 before got benefits like exclusive hats and other stuff if i recall correctly . you got some cosmetic stuff if you had been a previous owner of tf2 . big whoop . you do n't play it for the hats , you play it for the fun of the game . -two things : she was pregnant during filming , so it is n't like she could be doing a bunch of stunts . and the aou black widow is still much better than the iron man 2 black widow . i forgot she was pregnant ! now i 'm just imagining how a pregnant woman riding a motorcycle would have looked ! -seriously . i only see blue and a brownish black . how the hell are people seeing white and gold ? no matter what i do i still see the same brown and blue . i only see it as blue and black but i 'm also looking at it on a computer monitor so the image is surrounded by white . i 'm guessing people that see a white dress are looking at it on a phone . -okay , how about i want : replays client lore urf really anything not esports or skin related as improvement on what some customers would like . i really want sandbox custom games . -i play shitty trombone , let 's make some brown notes as a trio ditto over here , bass trombone too ! -preventing ddos is entirely on the players , what could valve possibly do about it ? one example ; valve , or the tournaments could provide a secure vpn for the players to access through when playing tournament matches . -do you have a link by chance on where to purchase it ? i got it about 4 years ago so i 'm not to sure if they still do this particular edition anymore but amazon would probably be your best bet . -so what do you think happens to the current fast food workers then ? a lot of them simply make more money . others lose their jobs as productivity increases . -no cover charge , which is pretty rare out here nice . just wanted to clarify . plenty of venues in my city have stopped charging cover , but the musicians do not play for free -in canada , alcohol is only sold in government licensed establishments . in manitoba , that is either a liquor store or beer vendor . canadians is code for black people in the food industry . -my man i 'm right there with you , honestly have n't respected an artists hustle so much since little brother . i got mines on preorder and the 5th cannot come soon enough . same here , i 'm looking forward to pick up the vinyl as well . i have almost everything of his on vinyl except for odd seasons and his really early stuff . -beer delivery ? north oak cliff beer and wine . -but what hustling is there to do if you 're already on the platform ? i use my app to decide whether to stroll or run to the station . -punch buggy ? the fuck planet are you from . it 's orange slug bug no slug backs . he did n't pass the human test . must be some sort of pod or alien trying to pass for human . -i feel like this post is you not wanting to do the work of research . actually this post is part of my work of research , dude , i have been googling for hours and asking in other places -i just dunk the onion in water immediately after i first cut it in half . seems to work fine for me . my mom taught me something similar . i cut off both ends , top and bottom , then run the onion under cold water for a few seconds while i finish peeling it . never any tears . -i think the end was real . but the rest was n't . the girl kept almost laughing . the end was what made me believe that it 's fake , i mean why would they post the video online and leave that part in ? -fucking boring . office job ? -day z is a bad game . what an extremely intresting life you must have , huh . -and no western team would have stood a chance against skt at that time either . no western team has a chance to stand against skt right now either even with bengi being far past his prime . -i did n't expect england to win , but after some of the ref call , i 'm happy they did . come on ireland tomorrow ! thought the same . some intensity to that game , hope we can play like that tomorrow . -i dunno , the entire first half of the series was him and dan commenting how awful he was at the game . i think he knows he 's not good at it . then why is he bothering to play it ? -i do . but this post is a bait trail of using extremists views to prove religion is bad , and you know that . if you do n't that 's the most amazing coincidence i 've seen today . no its to show how extremists are bad . like i said , i 'm christian . if i was n't i would just ignore you and see how everyone else responds . -how do you not have room at your place for your gf ? actually , on second thought , no . do n't explain . i 'm sure it 's perfectly rational and made total sense at the time . he 's renting a room in a share house and they do n't want an extra person . pretty normal situation -well yeah any girl i know would too ! the only reason i did n't include it was because the original situation was a male . yeah , i figured . not trying to be a sjw or anything ! i would just hope she could empathize with him since he reacted pretty normally . -shower before bed instead of in the morning before work . you 'll sleep better and your sheets will stay clean longer . and it will help prevent allergies if you 're allergic to dust and all the things that come off your skin at night . -the truck driver was a cunt . it 's a floating bridge , flying past in your fuckin 20 ton vehicle is going to cause problems . the white car stalled and he drove to the front to pull it out of the way so the rest could pass . yeah it was drastic , but problem cleared . that 's russian mentality right there . -either you 're trolling , or you 're really too stupid to see what steele was trying to say . either way , i do n't see any reason to have a discussion with you . do explain . -i feel like rand paul would be the best president america could have . i feel the same , i was hoping that he 'd run this time around . he 's the only major party candidate who i 'd consider voting for in the presidential election . -oh god please let this coincide with the steam sale , please god . no , they 'll charge it at full price -what 's the difference between a large dildo and a joke ? the joke is your penis and the other is the dildo . -there is nbc which works with a special antenna and has about four races this year and then there 's nbc sports which has all the rest and it is a paid cable channel yeah , i know about nbcsn being cable only . if an antenna gets me four of the races through the year for free , that 's not a bad investment . thanks ! -your username is my favourite thing i 've seen tonight . slow night ? -what is wrong with so many european girls home - life that they all wanna join isil ? men with beards are sexy . which makes me think they should of dated hipsters . -tl ; dr : some nerd tries using big words with minimal content to gain internet points . you know , i was just trying to tell a story . -it was seriously kind of weird driving through illinois recently and seeing a 70 mph speed limit on a road which , in wisconsin , would never be posted higher than 55 . or all the roads with 55 mph speed limits that are blatantly ignored by everyone . -i thought we were in a democratic country ? why is n't this implemented ? we are a representative democracy : we elect people to make our choices . we do n't make our choices ourselves . -so this is the real reason people buy it over phantom dancer . it is cheaper and the burst from the proc will often make it do more damage in short trades . pd will scale harder as you go later into your build and provide a lot more sustained damage . -just gotta take it slow man . you fast one day the next day you 'll binge . it 's less about whether you eat more following a fast , but whether you eat more than the calories that you did n't eat whilst fasting . -for what ? is him not dancing affecting anyone around him in any negative way ? somebody is performing in front of you . put the fucking phone away and show some respect . -and press f if they find you dead . mash spacebar to file a report on the incident , then play minigame where you have to inform the deceased 's family . -i literally got out of highschool 3 years ago , and holy shit things have changed . nah , you just did n't go to this specific high school . -obviously female . cover their mouth and chin and they could be female , cover their nose and eyes and they could be male : l -season 3 assassin meta was the most fun i 'll ever have watching and playing this game also was worst meta to watch because first 15 minutes decided more then half the game . -there it is , a part of my childhood is officially dead . and it was n't killed by the internet making porn of it . -it was n't planned ? because that 's a common thing . i let my mother and mother in law choose different dresses in the same color so their figures would both be flattered . definitely not . and though they both looked lovely in the dress , the bride 's mother was short and white and the groom 's mother tall and black . there were some great photos . -he 's trying to process how his team gave up 18 runs . no shit that game was painful . -get fouled by charlie adam or bitten by luis suarez . i 'd rather tank a bite than get my shin shattered . -that song was already creepy . i felt insidious actually got less scary by using it because it felt too haunted house . my only exposure to tiny tim was from spongebob , so i found him pretty harmless . after insidious , that song gave me chills . -serious question what would happen if a company said they did n't want to serve blacks or mexicans or something any business should be able to refuse to sell their services to whoever the heck they want for whatever reason , imo . just as people have the right to take their money elsewhere . -i 'd assume yes since that 's literally the first thing you should aim to do on hardcore ironman lol some people like to play without that . it adds to the thrill . no hardcore status , no account . gotta watch what you do at all times and not have that fallback option . -it hurts to admit it , but pat bev would fit your team perfectly and he 's a free agent this summer and would be relatively cheap . rondo - beverly sign and trade ? -does this joke still work in the age of smartphone , where it literally takes 5 seconds to google something ? ever heard of books ? they existed well before the internets . most people wo n't look it up , also if they did would n't that just add to the humor when they find out the real meaning ? -hey welcome ! we do have a few guys in their early twenties . i might be able to suggest some names if you add me in game . hi ! awesome , i 'm going to be busy this evening but i will add ya when i get home -are we allowed to build the wooden house and upgrade it to stone ? you can have 1 wood house and 1 stone house . so , if you build a wood house , and then upgrade it to stone , you ca n't have any other stone houses already . hopefully that makes sense . -pc players can be pretentious fucks . the xbox version will be fine , it will be bringing in more money for development . so can console players . nice generalized statement though . -hey , hawks ! why do n't you pull your heads out of your asses and start playing like a playoff team . fuck the penguins . we 're saving it for st louis , they 're about to lose their next 6 games against us so everything will be okay -the point is that it 's not a challenge from barnes . matic put his leg in the way . it was unfortunate and legs could have been broken but that was n't barnes fault . nobody just raises their foot like that and leaves it in like he did . you can see he knows matic is going to win and leaves it high . -til when you 're black writing poetry , you 're a rapper . when you 're white in a rap battle you 're a poet . it 's spoken word , which is typically categorized as poetry , regardless of your skin tone . -when the only people who can vote are white men who own land , the elections are even more openly reflective of ruling class interest than they are today . or probably not far off considering the whole power of money in politics thing . -read his comments . not only are they unbelievable but there 's several i 'm not gay but posts . including the one about it 's not gay if they are taking female hormones . no , read the one about cumming on birds or his sister shitting on his chest . the man is an artist of the finest caliber in making people sexually uncomfortable . -so why do you talk about ff at all if there is no skill in picking players ? i talk about ff because i like to play . are you saying you talk about if because you have the skill to draft someone ? come on now -i was cheering for extra time . same ! did n't want it to end ! one of the best matches i have seen in any league all season ! -as a canadian citizen , i have never had any trouble from us border agents leaving my country , but my own border agents treat me like a criminal until proven innocent every . goddamn . time . really ? it was the exact opposite for me as a us citizen . canada let us with no problems but us agents questioned us on the way back . -the us has a long history of using vaccination and other medical programs as cover for intelligence work . this is the result . they 've turned aid workers into targets . bull fucking shit . they were attacking aid workers long before we nailed their hero osama . -get more bikes . its not a wife , you can have a harem . this is my plan . only have the one right now , but based on what i intend to do on two wheels i 'ma need like at least five more bikes . someday . -would n't it kind of depend where the sun is in the sky ? it 's set up so no matter what angle the sub hits the roof , it 's always hitting the opponents until about 6 : 30 ish -hopefully my nf players this game go better than walker and gray . got me shit all points last game . i had gi cruising for a big total before the concussion . fucking hell . -no , the shot goes through the terrorist , killing him , and hits the terrorist he was originally shooting at , killing him also . hence , double kill . so you are putting into consideration that they were still both alive , got it -so i 'm basically just missing an 8 pin pci - e cable ? positive . it came with your psu . remember next time to put all the excess cables and stuff in the motherboard box and hide it somewhere where you know it is . -citizens of dubai live like kings off the backs of foreign laborers who are basically treated like animals . it 's a fucked up system . sometimes foreign laborers look like lions . -i - think - i sent it . hope you enjoy . feeling better already ! lol -i 'm a dude . i 'm wearing skinny jeans . i regret nothing . i love guys in skinny jeans . -the karambit is suppose to be a small concealed knife for sneak attacks . the m9 is a pretty good size with about a 5 in blade actually the huntsman irl has an eleven inch blade , iirc . -messi for sure . one of his great qualities is his lack of diving , not arguing with the referee and playing fairly . yes , i 'm biased but it 's true he 'd score with his hand if he could . in fact , he has already ! -i agree , but to avoid them use all server locations i do n't play against mixed teams often . it actually can do completely the opposite , as there only needs to be one player in us with a longer queue to take x amount of players from other regions into his mixed battle . -oh i 'll smoke em lol , i 'm just concerned as to why they 're hard , but it sounds like everyone has that experience so i guess that 's just the way they are ! off the top of my head , jericho hill uses the same wrapper and was also pretty stiff -little did chara know , three years after that hit , it would be pacioretty ripping the series winner past rask after he fucked up . on the other hand , we lost in game seven against them that year and god know we could use patch in that serie , and big z was lifting the cup one month and a half later -even the gangs are aware of public relations . i mean hell , the taliban has a social media department . -because my furry fetish eventually became routine . needed more and more extreme stuff . so do you have sexual relationships with animals or just enjoy watching it ? -imo this is the worst rule ever for monopoly . it makes an already heavily luck based game even more luck based . whomever wins that early on is at a huge advantage . it truly is . my family had this house rule for as long as i could remember , until i heard on reddit that it drags the game out . we started playing without it and never looked back . -how tall is he ? bulk up , bro . he 's fucking tiny everyone is assuming i 'm a guy . -i agree with you , putin is trying to confuse the usa even more now by seemingly trying to stage another proxy conflict in the middle east in order to take attention off of ukraine . why would putin need to cause a proxy war in middle east , the us can do that without his help -but those formats are flooded with old cards or at the very least balanced between old and new . what you said is n't the case irl modern was basically broken by khans . dig and cruise immediately went into every blue deck . it just depends on the cards -football is all about the controversial decisions etc , it is n't ridiculed by shit reviews or stoppage shit . it absolutely is ridiculed for both of those things . why do you think they implemented goal line technology ? because , surprise surprise , being correct is better than being wrong . -you can if you spam the market a bit . i 've seen quite a number of if hulks , lewa , bolasie , etc in the las few days . you completely missed my point , i shouldnt have to sit there and spam the market i should just be able to buy and use the players i want . -from the way they are talking about structure changes , i think this will be a very slow , gradual process . so i think it 's far too soon to answer those questions . it seems to me like the idea is for mediums to take the place of current pos 'when this happens -being able to write a single word in polish is already a contest itself . at least they are read the same as they are written . -that 's not true , they also spam fair . fair spam is stylish though , when they get three or four in a row in a string , it 's pretty cool -sega is still in business ? yes and they are one of the few publishers who have dropped consoles all together to focus on the pc market . -thoughts on this ? i do n't think valencia is really super - utility , i do n't think his defence will be on par with pompey 's . though an extra bat in the lineup is nice . tuning into the game late , so not sure if they said anything about it . could pompey have injured himself on that diving catch from yesterday ? he was rubbing his neck after it . -fighting off an infection takes more calories than not having bacteria grow on you to eat . frugal math 101 . but infections attract so much food without having to travel . i 'm so confused . -how was justice denied ? the kid was sitting in the court room when his lawyer presented his admission of guilt . that 's precisely justice being served . an innocent boy is being sent to his death over a crime he did n't commit . where 's the justice in that -the devil in the white city . i know your not calling chicago the white city . -what are some examples of effective ways to expand an individuals vocabulary ? read a dictionary til 'your eyes bleed . read books . all writers read . if you find a word or a phrase you really like , write it down . -if you get hit by aa blast and you are with agi treads , should you switch to str ? no do not change your str stat at all . it is always best to keep your str stat exactly where is it . would you like the maths behind it ? -bloody hell i never realised how big new zealand actually was 0 - o hmm . i had the opposite reaction . i thought it was double the size or more . -upvote because it made me chuckle . i have n't a clue but i imagine it would be fine , skateboard trucks are fairly tough i 'm not concerned about trucks . i just want to know if it would be worth doing . wood being soft and stuff , it might get fucked up too fast -dude did you even read the post ? the dad is a psycho . read before you comment . read my comment , i said besides all the other bullshit . his whole post reads of some massive insecurity about this guy . -good game ! you made some really solid plays there ! thanks ! sorry for the unusually long match . gg ! -erron black being sonya 's dad sounds semi - plausible it would be cool , but i have a hard time seeing it being true , like a few things in this theory . he seems way too young to have an adult granddaughter . -i prefer putting a bunch of ping pong balls in the cabinet and carefully closing the door . put a filter in the sink and get ball bearings . -not to be a downer but idk if i 'm feeling this . i means it 's not really hip hop is it ? i 'm feeling it but i really hope he raps on the album too . one 808s is enough . -there is most likely one or two doors hidden here , but still looks funny . yeah there was a hidden door . i found it really easily , but thought that this was quite funny . -you would probably claw your eyes out at the boredom of the routine . it takes an organized person to stick to a routine ! i would love to be organized and on time for once -as a man in a wheelchair , i 've noticed this . anybody else want a pro wheelchair game ? iirc , you can play as a guy a wheelchair in tony hawks underground 2 -wait , how can the joysticks fit under there ? do they , like , fold flat ? they flip upside - down and the handles of the joysticks poke down through holes the desk . you do n't see them unless you have your head under the desk . -since when the fuck was nova useless ? i remember her picked every game and could 1v5 go play the game more before posting retarded shit . -show raw and smackdown live on the network . just sell ad time through there like hulu does on its site . i 'm assuming the reason they do n't air right away is due to some sort of deal with whatever tv network they are dealing with . but seriously . come on . -for real though , he saved my life on the titanic . really ? god bless that little retarded boy . -op sounds like an uptight cunt . haha , sounds like she needs something in her cunt and she would n't be such a cock block ! -there 's really no reason to keep it strapped other than for convenience . there usually is n't a premium on the buy back for a strapped box . so there would be an expectation of an inspection of contents on transfer . that was the answer i was looking for . thank you . -came in to see if anyone else noticed the resemblance . like a twin sister . i know what you mean to say , but you should know that mixed gender twins are always fraternal - they look no more alike than any other pair of siblings . -i was more distracted with the fact that the kid took off his shorts to reveal another pair of shorts . when i was still in high school , almost every kid in weight training did that for some reason . -then why live in fucking illinois ? some of us were unfortunately born in these hellish places . -call the number on those mobile billboards . they have you phone numbers right on the strip . listen for the clicks , call the chicks . -then i guess my next question would be is there anywhere i can find pictures of houses in certain areas ? or less popular buildings ? what area are you talking about ? do you want to see an area before you rent ? what 's going on ? -eh , i think lebron turning the ball over about a million times cost us the game . he played sloppy as hell . he was also doing everything . i thought he was awesome fighting for boards and position down low . he had to play more like a 4 . -try going low on all settings , dont change resolution tho . and also change all the settings to the lowest possible in the nvidia control panel . you think that could be a solution ? cause i should be able to run high on cs : go easy . -hitting the jaw tends to spin the person 's head more than any other type of punch , usually leading to a nasty little concussion due to the brain impacting against the skull from the recoil . got a concussion by being punched unexpectedly across the jaw just like this . -efficiency does n't work when half the runs are literally impossible to get the achievement on , and the others are just plain unlucky . well that 's what i meant , efficient in the sense that you make the fastest steps you can until you see its not possible to happen , then just hit restart . -i stepped on a rake on the ground and it whipped up and smacked me in the face . i did that one time when i was a kid , except , it was a hoe , not a rake . -so now the drivers are going to try to take that pit entry even faster and run risk of hitting the tire barrier . a red flag due to an incident in the pit lane entrance would present some novel procedural issues . -greys are the total number of reddit accounts on april 1st minus the number of clicks . those who have n't posted in this sub are not yet grey . -i like cormier but he was the opposite of a buddy of jon 's and he got beaten , why take advice from him ? maybe rumble knows what he 's doing . yeah i agree . dc hated jones so much that i honestly think it affected his fighting ability . all that hate seems to result in a massive adrenaline dump come fight time . -idk why people put it in the back , its much safer in the front and usually more room i ca n't fit my phone , keys , headphones , and my wallet in two small pockets . -unless device sets up a good vpn or idk plays on his neighbours internet : d is that possible or should i put down some dollars on penta xd ? how possible would you say it would be for device to play this match ? -will the us fuck it up for good they might as well clean it up . instead us support terrorist state of saudi a - rabia if iran had n't spent the last decade supplying ieds and a slew of other shit maybe we would have left iraqi in a better position . go figure -anyone know what program this guy is using ? its ableton live , not pro tools . -is the voting age in the uk really 16 ? no , it 's 18 , but you can register to vote from 16 -i feel really bad though . how about the 3 eggs and the parent for 3 db ha mons ? it 's all good . you gave me something to work with at least ! i would n't mind getting the mother too if you do n't really want it . -so basically he wants you fired from your job so you 're around more and will see his girlfriend more . he is a smart one . he does n't think before he acts . he just sees red and acts on impulse . -all of them carry a purse . it still takes about five minutes to find the house key . my wife 's purse is like a black hole . -omfg that 's incredible ! never thought of that . yeah did n't realize it till i saw the i and the ! , blew my mind thanks -well this one is different as its implemented by blizzard as a full part of the game , also it might be because people did n't know about the others , iv never heard of them also , there will probably be a ladder for archon mode , most players ignore any game mode where you ca n't play for rank points -i meant i 'd get two regular sized ones , which are accompanied by two little ones each , giving a total of 6 knives altogether . one small knife , one blunt sharpening instrument , some of them now just come with the knife . -yeah ! i 'm going to take my sister there , she needs a night out . lets do it ! hey , so i 'm at gwar bar for karaoke for the first time . maybe i 'll see you there ! -now i have n't played kass with the new change and i rarely played him before the change , but i think the nerf is nowhere near as big as many people seem to think , but we 'll see how it goes . what do you mean ? they basically cut his mobility , his trademark ability in half . he 's not even that great a anti mage anymore -having any issues with that cpu ingame ? like view distance , population , etc . ca n't really tell . but it 's not exactly that demanding but it could definitely run better . -i thought knife of never letting go was a stand alone and chaos walks started with another book ? knife of never letting go is an amazing book though . nope , two more books that follow todd . can not recommend more . go go read em now -10 - 4 . like i said earlier . i could ask a few questions and tell if it really went off . i doubt op knows . he was n't there during the incident and is hearing everything second hand -how does the weather look ? any chance of rain ? yeah , it can always rain , especially in the afternoon . i can see some dark clouds in the distance from the track . -one of the episode descriptions talked about jon returning back to the wall . i guess his body could be returned , but i took it as jon wo n't be stabbed this episode . are you talking about a future episode description ? that has n't come out yet ? -nope , he is also at the party earlier in the film , but leaves before the fighting begins but he does have a conversation with cap that fills in what he 's been doing since the winter solider that i was happy to see . -sonnen has gone on record multiple times admitting bisping won that fight . people always say this , but i 've only ever heard bisping say chael admitted he lost , if you could show me something of sonnen saying it i 'll happily admit i 'm wrong -where do u work ? see edit to original post , i put our website in -i really need fox sports 1 added to the sports package . nbc sports for hockey , soccer , f1 . -i know he is , and it 's absolutely foolish to think that if you ended the drug war that cartel violence would cease . bullshit . the drug trade funds that violence . human trafficking is far smaller share of the black market . legalization would cripple the cartels -that 's the aperture no ? no way they have a sensor that 's bigger than half an inch in there , that probably would be a first and they would be talking about it . my bad . got mixed up . not sure what the sensor size is then . it 's the same module as the note 4 so it 'd be the same there ? -i 'm having to scroll too far down on the nba front page to find the game threads . what 's up with that ? this is the playoffs . i wish they were stickied during the game or something . i always have to sort by new to find them on alien blue -16 years , man . best song this year . not my favourite but not bad either . -yeah i ended up checking lids when someone mentioned them elsewhere , but op 's post linked adidas iirc yea i went there first . i 'm waiting for a player jersey . -thanks ! we started last night with captain america and iron man , then we 've done iron man 2 and thor today with a few one shot shorts in between . i 've always wanted to do something like that . next opportunity is the star wars movie . -that may be so but it sure seems like a lot of unarmed people are killed by police every year . since the tray von martin case , the media has made sure to put every case of a white cop killing a black unarmed man . how many is that now since trayvon ? 5 or 6 ? we have a real epidemic here . -cm punk no more really depresses me for some reason . i can kinda picture it happening in real life . that being said , brock vs . bryan was the lulz . the art style really made it work well . its probably a bit of a melodramatic representation of the reality , but it sure does sum up how it feels as a fan of punk 's , seeing him hang it up for good . -photoshop ? paint . net ? also , what language ? english to spanish i will took a look to those programs , thanks ! -looks interesting . anyone have a say about this game ? i liked the story , thought the narrative was interesting . it 's difficult , but that 's kind of the point . worth 2 bucks in my opinion -you old boss sounds nice . i only worked for them temporarily but it was a nice family all around and their one full time household employee was cool too . -played by john cusack in the movie . a beautiful and tragic scene . -the cab driver is under no obligation to prove a government order to you , to my knowledge . google is your friend . or the cities website , sometimes you have to look and not be an arse , op . -yeah , i mean your getting an almost rda experience out of a tank , you ca n't get big clouds without vaping a lot of juice . comes with the territory . exactly , my atlantis is n't too bad . i miss the days of using twist batteries where i tank would last days -i was thinking that last night . how do you even stop that ? you do n't . you can only hope to contain it . -ive never had a job interview where i was asked to see my phone . career centers can help you find a job without a phone . this is silly . yeah and how did you arrange the interview ? how did you find out that you got the job ? good luck getting a job without a permanent phone number . -well , i thought it 'd be cool to share since the stream will be hard to find tomorrow . the message ultimately adds value to the community . i agree ; just thought they should know -yeah i super dig it . just put it on a mix to send out , haha . i do not know how to make those well . i 'm really good at them , it 's just i have to really trust someone or want to expose them to a new world musically in order to do it . i love exposing people to new , good music . -this is happening to more people and more people , i hope its cause of the wrong address you need to get the link from the reddit sidebar and then bookmark it to make sure you do n't go to the wrong one . it was an expensive lesson learned in the sr days -inside of your forearm would work , but if you do n't want it there it could go on the top of your thigh . that 's where i would put something like that . it 's also a really cool idea ! thanks ! i was thinking maybe forearm or wrist . i have scrawny little arms , though , so i 'll definitely have to sharpie it on first to see if i like it . -you have hands ? silly human . i have telekinesis . -right now it seems everybody is on a david kim love train , but in a week it 'll probably be forgotten and everybody will start hating him again , which is really sad imo fuckin lasers , man . honestly the hate and love are part of the job that puts you in front of a lot of people in public . it sucks , but its just the way it is . -post this story on twox , and change op to female talking about an old man who touched her lady bits and a boyfriend laughing at her story and the comments in this thread are radically different . you should change the old man to old woman , as well , then . -my pc almost crashed and i run ac : unity 0 . o ran almost flawlessly on my note 3 o . o -oh yeah it does ! it is really awesome for the first few days as you ride to school , and everybody is looking at it and asking about it . makes you feel like a badass . was a rush for me because i rode dirt bikes on the street illegally forever then one day - poof ! - its legal ! -ho ho holy shit you are a dumbass . i am too , for taking several minutes to understand your post . -there is a fixed amount of wealth to have ? intriguing . as there is n't an infinite amount of money in the world , yes . -saudi women do n't drive therefore they do n't get raped therefore no need for a law . they do n't get rapped when their car breaks down because they are chained to seven other chicks in her master i mean husbands basement . -as a new dude , the stoner question . who is it ? is it anyone ? definitely a non answer . geoff might have been implying that he himself smokes . no one at rt openly smokes pot . -for real , what the hell happened to him ? he destroyed chicago a year ago in the playoffs . that was the best 5 game stretch he ever had with the wiz . in the next series vs indy he played like trash when we needed him to at least play david west to a stalemate -would it be more funny to call her elizabeth in the setup , or just confusing ? confusing , betty is a rarer nickname for elizabeth nowadays . it 's more likely lizzy . -why not put the scrubs in with like 10 mins to play at least ? this college basketball ritual is so fucking dumb cal uses the time too work on other things kind of like a scrimmage when we are up this big . he has done this all year when we were up 30 . -yeah , i read that it 's ps plus only , so that kind of sucks . ill get the demo and see . sounds kind of like gta online as far as earning stuff as you go . could compare , but do n't . open world , exploration , play based level system . yea , similar , i guess . check out the demo . -oh , wtf . that was completely unnecessary of your dad . he 's not my dad . my dad was a wonderful man . this asshole is my step - dad . -was anyone else disappointed by the final fight ? from a story standpoint , it was fine , but visually , it gave me flashbacks to schumacher batman with the colors and the shot composition . you 're not alone . seemed like a really weird direction to take it compared to the rest of the series -thanks , i 'd been avoiding it due to all the bad feedback . i 'd initially wanted to see it . now i 'll give it a go ! i completely forgot to return it to redbox , and i 'm not upset at all . -hat losing his spaghetti is just stress he 'll probably chill the fuck out on vacation yup . the dropping grades is a good sign this place is taking too much of his time . its not healthy . -i found the smiley with the mouth first disturbing . am i the only one ? that 'not a smile , it 's an asian hat -i 'm pretty sure spain and morocco were both given misinterpreted surveys which means the results are in fact opposite what is represented . i sure hope so ! although i do enjoy moroccan food so if they do truly fair better then the us i know i can keep them on my possible asylum list if rick santorum ever gets elected . -i really do n't care . cool , keep us posted if you change your mind . -i 've played a lot of gwent and never had any problems . has this happened to other people ? crashed the game first time i played and passed . i have n't played since . -i agree . and if we put them together that means we have one legitimate line that can score and a bunch of makeshift lines with the scoring threat of a third . i think the way the third and fourth lines played thursday night would allow them to play together . rangers would n't be able to stop that line very easily . -does that chair have a face ? because i see a face . and that kitten is adorable ! creepy cat face in the pillow . -yeah , i got down - voted then up - voted and then down - voted like crazy but hey i 'm just glad its solved and over with . i 'm more than likely done selling on here . sorry you had an awful experience , if you have anything you still want to sell i 'm more than happy to do business with you . -nhl hut does have happy hours with double coins . they constantly give out free packs too , ea is n't as bad with other games as they are with fifa except you ca n't see the opposite team or the latency bar . -fuck i 'm gold . most of my university students i teach were n't born when jurassic park came out . realizing that made me feel old . -why do you feel the need to mention that they have better pcs . that 's not the reason they are better then you . sometime it is . if you get fps drops from time to time , or just random freezes . -i think it might be me . i had a dream last night that i was eating myself while in line at the bank . i do n't even think i was hungry , just bored . as long as you do n't act it out . i think your still pretty sane . but i 'll keep an eye out on the news just incase -china has even lower fertility rates or at best comparable with japan . because they are controlling it . if it were n't it were more similar to india -hey man ! just wanted to say thanks for the article . this will be helpful to me at some point when i actually have the time to commit . kudos ! thank you very much ! happy to help of any questions arise . where are you based ? -i can totally see where gabe 's coming from too . but whenever he explains the purpose behind monetizing mods he gets downvoted to hell . not even lord gaben is safe from the hive mind . thats what i find nuts , gaben is like reddit 's messiah , or one of them , and yet even he cant cut through the rabble -if you do n't have time to sleep extra in the night , than try to make room for a 20 minute nap every noon . ok , i will . can you help me with the school problem though ? -i just do n't see what the subtitle argument has to do with remaking foreign shows into english . so you are saying that they should simply import foreign shows and dub them ? i guess that could work . though personally , i prefer to listen the original language and read subtitles . -i have the 20th anniversary parallel of the score one ! lucky me ! you lucky dawg , you ! i 'll trade you a couple rubber bands and a tooth pick for it ! -he was never part of tim 's master plan . who do you think will be a running candidate for your team next season ? -i literally played only an hour or 2 in cbt for this reason exactly . your comment shows the problem they 'll be facing now . i did the same thing . i played for a couple of hours and now waiting until release so i do n't get burnt out . i like the game and ca n't wait . -loki was developed villain by the time avengers cane around . he got zero development in the avengers . he was worse than ultron imo . loki 's development is what is n't seen . he goes from a trickster to a villian . he 's seen some shit . -why would that guy bring so much food though ? that 's a lot of food for supposedly two people out for a day . well , they were following them . if they were doing real recon , it 'd take a while . -have you called a lawyer and gotten that thing out of your home ? no to both questions . i ca n't lift the thing by myself so i 'm going to have a friend help me move it to the garage tonight . what kind of lawyer should i call ? -at tax payer expense . yup . and its a waste of money . if the death penalty is n't used how its suppose to then do n't have it at all . -or diamond armor . also does steven still have that black eye ? the black eye could probably be another thing to make her look scared . -how many hours a day do you meditate ? i 'd say i do seated meditation for about a half - hour a day . but i do n't really time it and i 'm not super disciplined about it . i also do n't think it has anything to do with zen . -but punks are proud to be punks . the problem is nobody is a hipster if you ask them . its a weird balancing act of trying to be cool but not act like you 're falling into what 's popular part of being a hipster is being too fucking avant garde to be classified . -what parts are you looking for ? i have the same case in red just lying around its also missing many bits but it might have what your looking for . a front fan mount and 2 short thumb screws . but really any parts will probably come in handy . -you can have him . i 'll try to be on around 21 tonight , but i might be unavailable . in either case i 'll reserve the egg for you . thanks ! did you read the part where i tried to arrange a time to trade ? how does that look for you ? edit : you edited : p -looks good , but what makes me the most excited is the casting choices , looks like a solid lineup are they all adopted ? why is johnny black and sue is white ? -what 's that ? i ca n't hear anyone over the roar of my 1967 cadillac el dorado convertible ! i 'll carve off what i want , and ride the rest home ! -depends which country youre in i would assume . here in australia our sewage system isnt shit like america so we can flush all sorts of crap down and it doesnt block up it does n't block , it just ends up on the beaches . unless your country has some sort of magical sewage vanishing spell , it does not depend on the country . -cool , proof received ! thanks , hope everything is good ! -what do you think would happen to you and your life if you completely stopped meditating ? what would change ? i ca n't even fathom it . i would n't be the same person . -are you genuinely trying to argue that a change of government will have no impact on people 's lives ? just wondering precisely what changed in your life exactly . what quantifiable things can you demonstrate to have happened ? -i would buy hyouka even if it were one of the slightly over - priced limited run releases that sometimes comes stateside . i would also never say no to a translated set of the light novels . hyouka 's actually a set of full length novels which makes it sound even better . -personally , i think evangelion is a little overrated . i mean , it 's a really good show , but i do n't see what makes it one of the best of all time . that 's just my opinion . i could write a 1000 word essay on why i think it was the best , but it probably would n't change any opinions . -it 's so good to see so many 12s cry around me . their sadness and depression feeds my life force . my facebook is great right now . so many seahawk fans crying . -wait until it 's not the middle of the night for europe and usa . lol that makes sense , but unfortunately i have school and work , so i was hoping that would n't have to be my solution : p -do you know where it is in reddit is fun ? i ca n't seem to find it . or is the teams name next to the user the flair ? the team 's name is the flair . -for some reason , i love that little indent in a girls lower back . yeah me too , that means it 's not weird ! -i think the word is mainly a dan brown construct . as if your first post did n't make me feel bad enough ! ha . -no worries , this challenge is n't one of my best . hopefully i 'll come up with something new . btw could you try my maverick on high and see if the car drives ok . still tips a little . and does n't steer after 80 mph . pretty much everything in the description holds true . on a side note , i love it . it 's so fun to play with -that 's good to hear ! i 'll take a ghost over a crazy hobo any day ! definitely . and i 'd much rather some sort of ethereal ghost candle than an actual hobo playing with fire in my very - much - made - of - wood - everything - is - wood house . -it would be a shame if a molotov cocktail just happened to land in her house while another landed under her car . that 's a bit much , i 'd probably just throw a brick every once in awhile . -note : i am the author of this piece . if you think this is a breach of etiquette please let me know . this is also a good place to provide feedback and corrections if needed . shill . but , seriously , it should be fine . we have had other authors post their pieces in the past , and your prior ones were all solid . reading time . -hell yes . i 'm remembering one with ogden running down the road and breaking the 10 ton weight limit , or something also that picture of him blocking for his high school team . omg , it kills me every time . -black butler , it 's so charming . it also saved the game last night ! -idk man , bradford is the qb i think we 're going to run the ball a lot , but we also have mathews , sproles and polk . -no , but feel free to step into the newly constructed showers courtesy of the pressers . please leave all clothes and personal items by the door . noo ! i 'll never join you ! -where are the fucking skins ? who the hell uses a bare tec - 9 skin name ? -we had a chance to leave this completely empty guys , it would have been great . now we 've ruined it . ahhh fuck you . there is an opportunity to leave a thread open every week and nobody does . it 's not going to happen . you probably know that too , but this way you get that sweet karma . -he knows what he did wrong . he 's just figuring out how she found out . good on you though op . hope you do n't get nailed for that . at this point , i 'm not sure i would care if he did find out it was me . he knows its wrong to act like that , and i called him out on it . -ricky , shut up fuck off cyrus . -first thing i noticed . it was in the first line . are you trying to claim you read the first line first ? lol . -use the search bar please . there has been multiple people asking in the past month . i just searched for someone with a problem such as mine and found nothing . -if i 'm going to dox someone i 'm not going to get caught . if you think i dox people go ahead , i do n't really care at this point . i do n't care if you do or do n't , either way you 're an extremely shitty person . fuck dude , i was even being nice to you that day on kohi but you kept calling me shit . -the ratios is closer to 60 - 40 . but my guess is that women no matter how fat or skinny can go out and have sex when ever they want . it 's not so with men . having a lot of sex does n't make you any less lonely . trust me . -i inherited this rifle from my grandfather . the stock and forearm were damaged but i was able to find replacements . it is chambered in 35 rem and was made in 1946 . awesome gun in a great caliber . -it ca n't hurry and get here . i ca n't even celebrate our championship on here . we let ohio state celebrate without down voting them to hell it seems like the evil empires in college football are n't hated quite as much as in college basketball -blue jays look to have a pretty potent offense . are they the ones to fear in the east ? all indications point to yes . it 's going to be slug - fests and 12 - 10 scores when we meet . -do you routinely have a second person on hand to help manage the cables ? having someone handle cables is standard for 1st time use . trying it out alone after that is easier once you know how the system works . -you , friend , are a water waster . maybe you should stop drinking water to make up for him . -moon , interstellar , mad max : fury road , kingsman : the secret service and inception are the 5 most important movies of all time . i think you 're forgetting fight club . -sleeping on the floor or a hard mattress is the bomb . how people can enjoy those super squishy traps is so strange to me . 4 in memory foam on the floor . my husband and i have been known to take it on our screened porch and sleep out there for a while . the best . -well it 's not how english works where everyone else on this sub lives . i did n't know we had so many people from non english speaking locations on the sub . -yes ! i 've never been and he has n't been since high school , so we 're going up friday and the wedding 's saturday night . i hope you have a great time ! you 'll have to tell me how it goes . i really do n't know anything there besides the italian market , it has been way too long . -so what , women are intelligent too . no . are you even paying attention . wait , are you a woman ? -this . no educated ob would raise an eyebrow at a 50 pound lift when she 's been maintaining throughout . she 'll have an easier labor and delivery , i 'd bet ! she is n't just lifting it . she is swinging it with no control . one wrong move and the baby could be seriously harmed . they 're are a myriad of other ways to exercise when pregnant . -i have no boxing experience but i will fight him for a big pay check and then i will show him how to do right with that money . you could die boxing him . -dream theater . everyone i know who likes dream theater says dream theater is the only good band and it 's really fucking annoying . -obviously . that 's why resident evil is in the spot it is now putting out shit games like resident evil 5 and resident evil 6 . i liked 5 . not as a resident evil game , but just as a coop game on it 's own . 6 was just garbage on the other hand . -as a super noob , thank you for speaking a language i can understand . i 'm super interested but this stuff is intimidating . it 's cool , i spent a lot of time making sure i was n't talking bs xd -i have always been the guy who just tanks the damage an keeps going . as a result i have learned how to survive at high damages . that does n't work in a highly competitive environment where you should be trying your best to not take damage at all -yep , next season bane will break oliver 's back . slade is oliver 's bane . but he wants to put an arrow through oliver 's eye instead , so who knows . maybe one day we 'll have eyepatch ollie . -tell me about it . i did n't bowl all that well and neither did my father . i guess you could say , that your uncle bowled over -i do n't think it matters . if you think it matters , i 'm curious to know why you think my gender matters . this could make an interesting conversation . it 's because of the whole joke of how men can think about nothing , and most women ca n't . was n't being serious ya butt -i agree , a lot of the devil fruit powers are really cool . robin 's is badass . yes , robin 's devil fruit is on my opinion the best . -buy vive even if they do . give your money to valve instead of facebook . support good companies . why is valve a good company ? -how much did these cost ? nice i paid 300 cad . -where do i get the crossbow . i 'm still in the first area , trying to fight the griffin , except its going to probably be a while before i mess with the griffin lol . you should get it just before you go and attack the griffin . -who the fuck cares , your computer 's also come with minesweeper and solitaire among other games . yeah but those are actually fun and do n't take up a lot of storage -yeah . unsubbed accounts are now veteran accounts that act like starter . so you can log on and play toons under up to 20 can those account receive mail if i wanted to send gold from an active account to an inactive account ? -would you mind opening this soda can for me ? no i dont mind , pass it over lol . -he got dragged down by horford right there . he and korver both went for the ball in game 2 . only blatant thing he 's done is leg lock taj last round even the taj thing was n't a dirty play in the sense that he was trying to hurt someone . if taj did n't react it would 've been a non - issue . -it 's okay , i freeze my ass off in 30 degree weather . i 'm too afraid to drive in ice as well ! we have winter tires for the ice . plus you can drift the corners with the handbrake . what 's not to love . -it 's not going to be worth it unless they have high heels . did you finally find a use for all those shoes in eve ? -how is it misogynistic to want to protect the lives of unborn women ? not everyone agrees that early term fetuses count as unborn people . how many cells do you think it has to get to in order to become a person ? -should be a good game , even without dmac you guys are putting together one heck of a dream team . we cut and traded all of our players , signed a 30 year old rb and a cornerback . what have we put together ? -that 's good advice but i would have no idea where to look and i feel like that would be awkward at times too . i 'm not sure lol i was thinking about making an okcupid account for it , there is an option to check for people looking for friends but idk how well that would go . -i 'm still british and confused , it 's jam or marmalade which is jam with bits in . i ca n't get no jelly or fruit butter here . edit : stop the replies , i really do n't care about jam i 'm interested in this fruit butter thing too . -i wonder how people of mixed race fit into this . we just hate everyone . -this . i joined a site for like , three days and realized how terrible and segregated it made me feel compared to other dating sites . do n't be cruel to yourself . hugs same here . and then it took some serious work to get them to delete my profile . -bump to the question for the offline installer , or where to find the installer that the executable downloads prior to installation from the link above ! please , please , please can someone post an offline installer for the old version . i lost it when i rebuilt my computer and did n't realise the new version was so awful ! thanks . -i thought that too , but it looks less dangerous when you are on site . i . e . on shore ? because from the water those stairs look like an accident waiting to happen . -is having an open relationship with your wife a possibility ? if not maybe you should just break it off . i want to do it right , not open . wife would never go for that . she acknowledges she does n't want to work very hard in the marriage . very laid back person . very nice though . -i know that feeling . hope you got satisfaction from finally working it out . well it made the internet 's collective pants get pretty tight for a moment there , apparently , so i guess i 'm pretty happy with the result . -i 'm entirely neutral on opie . i recognize his faults , but they do n't bug me . i dislike anthony because his show fucking stinks , and his victim mentality grows by the day . you just make up some random bullshit and jam it on the internet ? go listen to opie chew into the mic , dumb dumb . -how did you end up in poverty ? born in it . went to college poor . couldnt afford to eventually dropped out . have student loans i ca n't pay of in default . -unless i saw the replay wrong , it looked like the 6 stayed put in the middle lane and the 41 drifted up . but who knows . it was all air 27 being high took it off the right side , 41 looking low took all the rest off . all air . -dogs . holy shit me and dogs have a special bond i swear i got a dog too . you just have this special bonding . -maybe you have that opinion since you 've never seen it , but plenty of people have seen animals slaughtered and then eaten them that day . it does n't bother you as much as you think it would . i have seen it . i lived on a farm with my mom for 2 years or so , and i always refused the meat . it makes me sick just thinking about it . -she 's proof that an overall beautiful face and an overall beautiful form overrides everything else , appearance - wise . yup . and no amount of makeup and cutesy myspace angles will make a ham into a hepburn . ca n't look naturally beautiful if your natural looks is all covered in fat . -because of how easy it is to identify things on long island south shore , i can actually see what town i live in on this map . pretty cool . in that case , i 'll ask you : what 's that green bit on the southwest of long island ? -been playing since original red and blue , have played every single pokemon handheld to date , have sunken countless hours in these games , i have never seen a shiny pokemon in my life i had a shiny squirtle and did n't even know it until a friend pointed it out . -paul blart : mall cat cat blart : meow cop -does he live in this glass or does he have a proper tank ? he has a proper tank . this is just the cup he came home in . -i thought maybe there was an explanation for it , but yeah , i guess we have to watch the finale . to answer your question , in the comics he can use the cosmic treadmill 'to travel time accurately . -having a non - shitty lunch . like lunchables or something other than a crappy home - made sandwich . man , i 'm 48 and i still eat crappy home made sandwiches for lunch . -happy edc ! it 's my birthday too ! -not really , but whatever play the victim card guys bulls fans play the victim against their own beat writers ? are you as big a prick in real life as you portray on here ? -these puns are so bad they just left me cold . i feel like this comment thread has n't even scraped the tip of the iceberg . -you pretty much read my mind with the stand up nights and game rentals . i want to get a bong rental shelf but first i want a better ventilation system damn , some friends and i were talking about doing this exact thing , but unfortunately , marijuana has yet to be legalized here . -plenty of competition in ogn and lpl by itself , watching lcs is like watching the d league compared to the nba , but i do it because the local team is in it . so let me rephrase , you dont like international even competition ? -even video games ? what the fuck is wrong with you ? i really do n't get into video games . i can see how other people love it , and i use to play , but it 's not for me . -the entrance is silent , but you can see a few pairs of feet underneath the door . you assume they 've posted guards at your room . i scream at own ass . -bsb i 'd imagine is for exercise , etc , but when do you swap between the ll and the lb ? cuz i do n't want the link band to get over used you know ? i 'm 24 , go to university , party with friends and all that . i wanted a nicer casual band . and yes sport is for my gym time lol -this . if you really want to cheese your way through souls games , magic is the way to go . with melee weapons , pve is never truly a joke . it still takes a lot of skill to never die . until you start the dlc and everything is resistant . -okay ! single handedly downvoting all my comments , genius move ! this can stop as soon as you shut up and move on . -love paul robertson . his name is robert paulson . -i have a beagle . his food is n't eaten , it 's inhaled . i had to switch my lab to smaller bite food , since she does n't take time to chew . -i like a big nose on girls . i was about to say this . i do n't know why but it always looks so nice . -well , it 's probably exhausting as fuck to be in charge of everything , as a ceo at least valve does n't function like any other company . there are no bosses . everyone decides on what they want to work on , hence the desks having wheels to move about via elevator . -oh yes that describes him well , except for the not stupid part . he manages to be both stupid and aggressively lazy . he seems pretty good at refusing work without saying it . what does he do that 's stupid but not carefully designed to end with him doing nothing ? -there 's is a difference between intelligence and knowledge , which are often terms used interchangeably . knowledge is the difference between us and then , not intelligence . knowledge is knowing that a tomato is technically a fruit . intelligence is knowing not to put tomatoes in a fruit salad . -millions of usd worth of transactions are occurring every week . that counts as being used to me . yea . i just move them off exchange and back on it . does n't count . -it 's more trying to keep balance . some of us hate being lied to , that 's all . some people do n't mind being fed shit all day , every day . and that 's o . k too . i have no strong feelings one way or the other about this post . -i dislike him for his actions and mentioned nothing about his music . that being said , if the song in the video is good evidence of his talents then yes , i hate that , too . i can dig his new music . it 's pretty good . -you 've spent thousands of real dollars on all those licenses and any profit you made became steam money . i hope you kept the receipt for your extra chromosome . this was my first thought as well , if he is legitimate he is valves wet dream -could it be the strain ? i recently bought a quarter ounce of blue dream so that 's all we 've been smoking . and i always have soothing chill music on because i enjoy that . if he 's inexperienced it could be the blue dream . that is pretty strong for a light smoker . -this is what cities like baltimore should do when thugs start rioting . the rest of the community should come together and protect the community and property . you ca n't really compare a homogenous nation like estonia to a multi - racial city like baltimore . -who made them . i did n't see it on the roast , but i skipped snoop dog . they cut the jokes , but jeff ross , natasha and that new snl guy -i 'm gonna be honest , i was n't a fan the one and only time that i had it . but you have me intrigued , is it worth another chance to age it ? i think it 's worth it to age this beer , it 's so potent that after several years it turns into brandy . -is it your phone , or the companies ? company , but home wifi . -because i carry concealed everywhere i go - sign or no sign . i care more about my ability to defend myself than about some stupid sign . that , and if it 's concealed , who is going to know ? ah , your rights are more important than everyone else 's rights . got it ! -the privacy of the individual is more important than justice apparently . but i think merely having it , and making the judge aware , may make the difference . that 's total bs . at least in the us , 1 or 2 party consent for recording only applies when there is an expectation of privacy , which is definitely not present when driving . -i 'll second that emotion . but can i borrow a feeling ? -just goes to show islam is not the problem , religion and a lack of critical reasoning in all forms is the problem . actually after reading the article i 'd say islam is the problem , based on the article isis would be considered true islam followers based in teachings from the koran . -my question is , why are n't you playing counter strike ? i play cs too man . much better game . -judith is trying to learn to crawl . this pleases me . honestly , i suspect most of her work is improv . i bet she does n't even read the script . she 's very good . -just wait for a sale if you 're that desperate to save money . why cheat a system that 's more than fair ? i do n't do it , i was just explaining why people do it . and if they are willing to go through that much hassle to buy it cheaper , they probably do n't want to wait for a sale . -lol it 's funny how you think regular conquest is anything but casual . i was referring to league , which is what normal conquest inevitably leads to . that itself leads to frustration . thus , i said stick to casuals . still confused ? go read a book . -the kitchen cabinets in my house make a distinct noise when they 're closed that does n't sound like anything else in the house . do they make a distinct noise when opened as well ? is it common for you , or your parents to leave any of them open ? -i 'm a 48 if you can get around to helping me too . getting no responses in this area all night i 'm right at the fog with bell chiming . dunno what 's up seems like barely getting responses here for hours . i have no password set so anyone should be able to find me . thanks -give me an hour to decide . most likely gonna be yes though kk no rush . -i ordered one from them . it is still sitting in preorder status . i would really love to get my hands on one of these . i may break down and just pay the amazon premium price . it 's weird that if you search for raspberry pi 2 it 's completely gone from their store . -refusing to believe that which you have no reason to believe , is not equivalent to faith . i would say that believing in something you cannot prove is faith , whether it 's the supernatural or the definitive absence of the supernatural . -i 'm betting poor health . if she is seen in public in poor health it might hurt her haes business so she is just focusing online and trying to scam enough money to get by . i 've bet hard on that myself . -what nature do you want it ? ummm idk xd just pick one that gives me sp . att . does n't matter which one -how 're you guys making coffee ? starbucks via packets are good too , pour a packet into a water bottle and you have instant iced coffee , or hot if you can get hot water . -i just read somewhere that it 's where you store your save data for the game . does that mean your progress is connected to your account and not your console ? yes . you can load your game on another console and it will all be there -you 're clearly trolling . read a history book . i think you are the one who needs to read a bit . give me a year in which the land was palestinian . it should n't be difficult , it 's just one number , right ? -is all of it an answer ? i guess it is . : p -exactly . people suck at statistics . fatasses on diet soda , myself included , are already in a high risk group because they are fatasses . yup . i 'm pretty much the opposite . i probably average about a liter of diet soda per day , and i also watch my caloric intake . i 've lost about 100lbs over the past 4 years . -do the cubs even have anyone in the system to replace him ? i wish they would talk about farm systems more during the game . baez can theoretically play shortstop . addison russel is also a year or 2 away and he looks pretty good . -observation : you are a really negative person . suggestion : you should lighten the fuck up . the man makes a valid point . -damn , that might be a bit too late since i 'm finnish and have to get to work tomorrow . sorry man i guess you were trying to get them done b4 toty ends . if you still need them sometime this weekend we could prob work something out -i 've only played on pc , so that 's not true . i 'm saying i play with a controller on pc and i am able to walk . there 's probably a way to do it on keyboard too . you can only walk with a controller because a joystick allows different levels of input , rather than a key on a keyboard which is either pressed or not . -i find this game to be really aggravating to watch . both team 's offense is pretty bad on the other hand , there 's been some great defense tonight . -i play on zone . so i 'm confused . turn on zone hitting . change the input type to analog . then turn on the pci . i 'll give this a shot next time i 'm on . thanks for the response ! -jesus man , i 'm sorry you have to live like that . me too , but shit happens , and everyone has something going on . insomnia just happens to be my greatest issue so far in my life , leagues above being trans . -computers are dumb but fast . people are smart but slow . coding is just translating complicated statements into a bunch stupidly simple commands . i feel even more insignificant now . dammit , i 'm going to learn to write code . -awesome . but , i 'm kind of confused about what asking a statement is . i hate when people talk like this ? is everything a question ? i should have used an example that is n't a question ? this is confusing to write ? -so your basicly talking about getting quality while not spending quality money . more like getting a fantastic processor at a cheaper price . so yeah . -when something is clearly the smart and right decision , and yet people are still not doing it , then yeah i think it needs to be forced . if you let other people decide for you what qualifies as a smart decision , you 're going to have a bad time . particularly if those other people are the government . -tobacco lawsuit has to do with loss of brand power , goodwill , trademark limitation by companies . nothing over the top ridiculous there . exactly , they 're pissy because they 're going to lose money . -holy shit this is awesome ! yeah its my new wallpaper : p -be rich . that trumps everything . good advice ! the more money you have , the more women of all types will notice you . then you can pick and choose based on your preference . -swan bay , manly . its got a cool rope swing and if you follow the path around theres about a 4 - 5m jump you can do off the cliff . go at high tide though while they 're in manly , they can hit up the cove at red beach . just swim around the rocks to the north of the surf club . cliff ledge , tree and i do n't know if the rope is still there . -that 's why those baby on board signs are so stupid . how about if we all just drive safe for everyone 's sake . they 're actually designed so if there 's a car accident rescue and safety crews know to look for a baby . -the population is still growing . we 'll eventually hit a point where earth simply ca n't sustain the numbers . nope . not true at all . there 's reasons for space colonies , but that is n't one . -am i a prude for thinking this is stupid because kids might see ? i think public stuff can be hot , but not if kids are around . yeah , i kinda agree with you . i think these ladies could face sex offender status for exposing themselves like this . -can you can slide down the notifications menu while holding the phone with one hand still ? if so , that 's impressive . yes , i can , but not easily . i have to hold the bottom with my pinkie and stretch my thumb up to do it . -could be worse , could be two live naked males today . you know what they say , a live naked male in the hand is worth two in the bush -fuck this pisses me off for some reason . because social media has this protective bubble over the black community in america , but then they do shit like this ? -now that 's a misleading title . this stat is for one county in washington state . it 's not that misleading - it 's the same in most growing cities . seattle is n't unique ; the same economic forces have similar impacts elsewhere . -i 'm a 23 year old dude . i 'd rather steal the music then buy it and have record of me purchasing it a grown man listens to whatever the fuck he likes . -you must lead a fairly boring life . yeah , that 's a totally valid conclusion to take from this because if i 'm not actively trying to kill me or loved ones around me , i 'm obviously not experiencing life to the fullest . -you have to be pretty fast or your character will start the crouch animation . do you know the advantage of running shine versus a shine that comes out after you begin the squat animation ? -is the fridge just for the tortoise or did you take all the beers out before you made the video ? i got it just for him , obviously for the other 8 months of the year it 's the beer fridge . -and your video is supposed to prove somthing ? it proves more than a 1800 number . that 's physical evidence all you got is a webpage . i could set that up -i 'm gonna show up to a game dressed as a ref and give out penalties to unruly fans i 'm sure that 'll turn out well . -this is a great aa card . always been a fan of this one . it does look cool . i just wish it was more playable in constructed so i could actually use it . -just sent you a friend request . looking to finish the prison break heist then move on from there . i 'm trying to get on and play now but i ca n't even connect to gta online . - _ - -mid - engine cabin - forward with side intakes tends to make the cars at least a little reminiscent of each other , yeah . it 's not just that . this is by no means negative , but the shape of the front and headlights really reminds me of the r8 . -hey , your closer to the mountains than i am . driving 5 or more hours just to get to the border is ridiculous . just count pine trees to pass the time : d -telegram is awesome ! i second the vote for telegram - a really reliable , fast app . the secret chats function is pretty cool , and stops copies from being saved on their servers if that is a deterrent . -option number 1 sounds horrible , but then again , so does option number 1 . which one of the ones should i pick ? actually , if you helped to topple assad , you would n't have to choose either . hope that helps ? -my grandma would think mixes are crazy like cake mix , biscuit mix , cornbread mix , pancake mix , etc apparently my grandmother , a farm wife in the 1930 's - 1950 's , was super happy with how easy and convenient cake mixes were . -ya that shocked me ! probably less damage to the bike and you just go pick it up with the police . have you had to used it at all ? it 's on order but the amazon reviews look good . tried a few cheaper ones , they suck . battery life is the main selling point . easier to hide . -going on 4 days of this shit . yeah , it 's really frustrating . took me about 20 minutes to finally find a game , only for someone to decline then back to the start . -he does n't want cops to yell at him but he is fine on his high horse yelling at the drunk driver . both situations are examples of abuse . yeah , that guy is a grade a shit - head . -its a web cartoon . it is from an online meme thingy . i saw it like a year ago and remembered you when you misspoke oh thought i saw a scan of bats beating the flash in a race . maybe it was against professor zoom -reminds me of the movie con air , except nicolas cage was n't disabled and he beat rather than shot the two attackers . no , in the movie 's plot , the beginning of the con air 's fight involves only cage 's character and three men , not the lady . -why does she appeal to men more than someone like catwoman ? she 's mental . i think most guys secretly fantasize about the hot mess bad girl types . -i do n't think robin is a great manager by any means , but i do n't think he 's preventing them from winning . the problems with this organization goes well beyond him . well he had single handedly cost us 2 games this year . he lacks leadership skills . has no regard for accountability . he 's just a bad manager and all the fault should fall on him . -venture bros comes to mind , although its a cartoon . you 're right ! i totally re - created it as a live - action in my head ! -i wonder if the ice cube trays were designed for that kind of heat ? i have seen cupcake molds made of the same material , and just to be safe i test ran it at like 400 for 30 min and it was fine . -do n't even pretend people are n't hating on him about another thing i do n't even care that he 's fat . i 'm fat . but i do n't do that other shit that makes him look like a troll -buy them on amazon or itunes . you literally pay them money and have no ads etc . its really not that hard do they have them for sale five minutes after they show on tv ? -have you ever tried to wash off manure ? it does n't come off easily , especially when it is caked on like that . the wheels need to be pressure washed to get that off . pressure washer . -you could say the same thing about a lot of other cities . obviously these guys are going to be living in the upper class areas regardless of what city it is but oakland has nice weather too . and you 're right outside san francisco . -chewing onion while chopping . assert dominance does chopping gum prevent you from crying while chewing onions ? -why is he using a smart phone with an old flip phone texting system on the screen . i do n't think it 's a smartphone , just an older style phone with touch screen . -you must be thinking of liberals . hockey always welcome in socialist country . yesterday was the c of red . tomorrow the c of the reds ! -so give it to the bills you mean ? i know this was kind of a dig , but can we please have it ? i just wanna see a bills playoff game -yeah , elise was broken as hell for like two seasons straight lol . i remember , that at some point elise was top pick at every role - top , jungle , mid , support . even ad elise could work , not on lcs level tho . -how do you know it 's only one guy ? it is almost definitely not one person . -what about the biker who flew through a small space . bikers do this crap all the time and we are supposed to watch for them . geez biker was also in the wrong . but , i 'm just sick of drivers that do n't pass when they are in the left lane . -i 'm 27 and i can grow a huge beard and have not shown any signs of balding yet , so i 'm crossing my fingers reading this article now . i 'm 35 with all my hair and i 'm capable of growing a thick beard . i 'm glad that i do n't follow this . -the ones i wrote . if hollywood wants to butcher my work , it can damn well wait to do so until i 've been dead long enough for my books to enter the public domain . to be perfectly frank , after reading the first chapter on your subreddit , i do n't think that 's something you 'll need to worry about . -you cant just exclude china this post is irrelevant . i think he is excluding china because valve have no data about the playerbase in china since it 's perfect world who handles it . -put it in a bag of rice . it 'll attract chinese people who will fix your phone overnight . -this is the fucking news ? people do bad shit all the time . get over it . yeah but usually they are n't the pm -we will make peace forcefully with sword and sheild . nah i 'm just kidding , welcome to the server btw ! thanks ! i 'm really enjoying it . i love world building , so this is perfect . -holy shit what if , because his name is english , the felt start listening to him ? could happen . pretty sure the felt 's never seen lord english before . -it 's pretty bad in terms of play tho . people do n't understand you have n't really played the game yet until you 're masters . -if you already know what you want to play then you might not actually need this chart . i was curious if the chart accurately predicted what i wanted to play . it correctly guessed that i want to play portal 2 and skyrim , but it did n't match me up with my favorite game , lol . -dice was n't even involved in the development of this game . they were , they helped on a lot of the mp end of the game while visceral did most of the work . sort of like how dice helped moh in 2010 or whenever that game was . -screw that . ca n't feed em do n't breed em . soon only the wealthy will be able to breed and the rest of us will have to go back in time and live with the dinosaurs if we want children . tera nova was right ! -did i say those are entertaining ? it 's just this subreddit lacks content so much that these type of cringe gets to top . what kind of content are you looking for ? -rest stops are generally built between the highway and a local road that is gated off . i 've only ever seen this on toll roads in the us -reading the previous comments and your comment , i fail to find any logical connection between them . care to explain your point ? because his story is completely embarassing and hard to believe , yet he convinced a lot of people . since he had no reason to invent that and people believed him we can presume it to be true . -southside skate shop gets most sbs . premium goods might only sell qs if memory serves me right . i do n't think premium goods gets sb 's . they get other qs 's but i do n't recall ever seeing sb 's in there . -i thought he just said he did n't chill with people who smoke and how he and earl have just drifted since last year but there was no beef ? falling out after what happen with earl in samoa . he said people are n't allowed to smoke in his house , and that kinda drove people away from him . -because they spent a ton of money on marketing , and would lose a ton of money from day one sales and pre - orders being cancelled . they lost my preorder because they seemed to be trying to cover it up . -omw now . did n't go last night bc of the storm and some other stuff . 45 north apparently is blocked up so i 'm having to take a different route but i 'll get there good luck and have fun . do something cool , i 'm stuck at work -but it 's been so long since i 've played a game where i immediately did n't know where to go to do thing b after doing thing a ! what do i do d : right ! i need a giant yellow arrow and a red line that leads me directly to the goal ! -per is a worthless joke stat . i do n't know what else to tell you . by per , draymond green is a below - average player . do i really need more of an argument than that ? if you think pointing out one example of where a stat is inaccurate proves that it 's worthless , you have a very poor understanding of statistics . -instructions for star gazing in netherlands : leave netherlands . could be worse , at least it 's not red and yellow like belgium . -earthbound zero is a home brew emulation right ? it was never released in north america ? they made a full game in english but never released it . -i 'm so glad i took that class on interpreting bar graphs . ah , yes . fifth grade was a very important time in my life as well . -ok , can you still run safari on this phone ? it 's my favorite browser no . chrome is on android and is extremely fast . -i go to college in michigan , from out of state , guess i definitely need to go check it out . st . joe as a town is pretty boring unless you 're middle aged with kids , but the lakes are absolutely worth checking out . -if you want naked girls with your booth and bottle service , i recommend bourbon street circus . if this is the type of establishment i think it is , we will likely make our way there if we do n't get lucky at the club . -helena beat ? you , sir , have a fantastic taste in music . thanks , mate . it 's my favorite song by foster the people . -some would even say hes the cat 's pajamas . possibly even the dog 's bollocks ! -the real question for right now is who is the second most accurate ? i 'm thinking brees . that guy has pinpoint accuracy , he just makes bad decisions at times . -i just want to tell you guys that this information is legit . it does sound like ggg . could also click the link , and watch the video and actually see ggg say it . plus , you get to hear that lovely , friendly broken english of his , and that makes it even better . -there 's no middle ground with this film , people like it or do n't ! i personally did n't . disappointing . yes i was extremely disappointed in this movie . great premise , great start , but the finish was absolutely terrible , writers had no idea what they were doing . -last thing you read that you enjoyed ? 2005 - silent bob speaks . that was the last book i willingly read . again , i am not a book person . just looking for a good read to kill time out on the beach . -sometimes you have to play to your audience . that 's another hard truth , you think these immature people who laughing at your anal jokes are your audience for meaningless karma . -shit , i would n't have told them it was fake . then let those dumb , lying niggers go try to spend it and get busted trying to pass counterfeit money . hilarity would ensue ! what would they need to spend it on when they can just steal what they need ? -when did freddy show up and when did he leave ? when i was five years old , left when i was about eight . -glad i showed up to this game to watch the show . these refs are some of the most entertaining in the game . that 's why we love march madness . power hungry officials . what about the gluttony of basketball we consume 1st 2 days of the tournament every year ? -everyone knows that the only true harvest moons are the snes and ps1 versions . ahem , ps2 would like to have a word with you -james bond makes too many penalties and jason bourne does n't respect his teammates . jason bourne has been caught on film diving , so that should give messi an upper hand . -yes . i 'm aware how that works . are we calling opening with another app a native feature ? i would n't call that a native feature . it 's not native if something else takes over . -i 'm wondering , why he asking for dp , what kind of build he play ? i 'm thinking something that uses ass mark -hahahaha fuck you sapp , that 's my safety damn right ! -ice climbers players hate him ! why would ice climber players hate him ? -looks a lot like blender . still infinitely better than anything i could do . look at the shading - it 's almost definitely hand - drawn . i 'm not jealous at all . nope . not one bit . -i 'm in the same place right now in terms of having a hard time justifying making such a large purchase . especially since 120 hz monitors are mainly good for games that require quick reactions like shooters . in many games having the extra fps is n't going to be a big deal . -the man is a murderer . his medals represent the murders he committed . probably quite suitable as a representative of the sad foreign policies making in the state of washington . says the person who would n't have the slightest idea what it means to fight for something bigger than their own ego . -are you actually supposed to tip them ? or is that just an american thing ? no . do not tip us . we work for a living . and if you try to tip us in the er or where other people can see it makes us look like assholes for taking money from a sick person or family member . -they should be able to build villagers from ships so they can always keep sailing to new land , even if their tc gets destroyed and they have no resources maybe that 's their unique unit a transport ship with that ability -were you a mistake ? makes you feel any better i was the result of birthday sex . mine is 9 months after new years . wonder how that happened . -avocado , chicken and cheese chicken on top of the burger or do you mean chicken instead of the beef ? -maybe some community service . in the victims neighborhood . -car battery 's not much more than a gallon of milk , and they have handles . uhhh , what kind of car do you drive ? -muhammad hassan . the man . the legend . never forgotten . if he was g . i . joe , his name would be heat sink . the guy just ate it all up . amazing . -if we can avoid restructuring brees , it 's a god send . we really do n't want to kick his cap hit further down the road , lets just take it as it is , year by year . good call . i like this logic . -i am currently playing arcade , but i plan to buy a joystick and move to realistic battles . for realistic a joystick is not absolutely necessary , you can play realistic with mouse aim just fine and see if you like it . -given that they want less foreign intervention than we currently have . i wonder what they expect the mod to do with the extra funding ? i do n't follow . just because we are n't planning to use the equipment in the immediate future does n't mean we should n't buy it . the are thousands of ways the mod could spend the money . -malzahar is the epitome of no counter play . only if you 're am assassin . he 's fun if you 're someone like viktor . -the first bioshock will be 8 years old in the fall . i think they 'll wait to do a 10th anniversary type thing with it . ah , good call on that -fuck up , aye it is scotland is in britain so their slang is british slang by definition , no ? -and if it gets traction then she 'll support it and other politicians will support it as well . you 're new at politics , are n't you ? -its like , you 're white or something i live in a country which is half irish , half british . i 'm so white that chalk would leave a black mark on me . -i thought i read somewhere that a guy killed himself because people on reddit pointed him out as the boston marathon bomber . or am i mistaken ? naw , i think he was missing and already dead . -i think i have extras , i need to get everything checked , my body is so ex - rugby quality at the moment , sore joints , ankles and fingers and everything else . yeah that 's not good mate . keep in mind that if you upgrade to a higher level of cover , those cunts force you to wait out waiting periods . -u is a good song but i skip it now . just do n't always want that vibe wow , that 's my favorite off the album . -jesus fucking christ can i watch a fucking football game without being told how to live my life . nope . and please refrain from spreading your team 's racist logo everywhere . -it can be anything . it 's just a filter that ensures the poster actually cares enough about the post to defend it . thanks for the reply ! do you see a wave of nazi shitposting being a potential problem ? -a australian girl pretending to be a us white girl pretending to be a us ghetto black girl . without good music or a voice . great . i 'm a girl playing a girl disguised as another girl ! -too many texts , makes the viewer feel that you do n't have real content , as you do n't really show anything . but the feeling is good and the music is great . fair enough . was using the text to try build tension like a trailer does but i understand if it was too much . thank you ! -why would you run with squirtle ? you wavedash . pikachu relies on sprint and aerial mobility to approach . that 's beside the point , i 'm saying run speed is n't everything at all and pikachu 's is just fine , unless you 're going to tell me bowser is a fast character -oh haha . well crap ! you 're good on all but the game . one shot on that . it 's not an ea game . -go to your nearest head shop and introduce yourself . head shop ? like , a shop where you can buy heads ? -in quebec , one requirement on convenience and grocery stores is that they collect bottles for recycling . so i am not sure why we would need a beer store for that . i have lived a variety of places that do not have the beer store , yet find a way to recycle . -and put the pets on that category and get rid off that max 3 limit per game . the 3 pet limit 's been gone for a while now . -does braum reduce his cd 's by 2 ? can braum proc his passive on every attack if you use all your spells ? you ca n't really compare those aspects without comparing the rest of the skill . also , taric 's skills are much more spammable , giving him a lot more damage as long as he is able to stick to his target . -does anyone not like pale girls ? that would be shocking . some of my friends were debating tan v . pale . i 'm all about that beautiful porcelain skin . -i 'm not infuriated at all . kids grow up fast . just let them enjoy it . i do n't think anyone remembers birthdays before , like , age 4 or 5 . -this is one of those things that totally changed my understanding of comedy . colbert will forever be my hero . just curious what did it help you realize ? -no . the sixers negotiate what they will pay when he is bought out . the celtics contract would have been entirely separate . oh ok . thanks for the explanation . shame it did n't work out , he could have been good in boston . -jesus was the original dead beat dad . do what ? he did n't have kids . except himself , since he was his own father . but he did n't say he 'd brb to his kids . and he went to go hang out with his dad , aka himself . -they live in the area and just farmed via soft resets . : p i can ask . do you mean farmed via hard resets ? -is there any place samsung takes feedback ? that edge menu should have app shortcuts so people can put messaging apps there , in which contacts are automatically arranged by most contacted . is n't the api open ? people could easily make something like that . -how much does customs usually cost for a sneaker ? i live in the uk btw i do n't know honestly , i 've never been hit with a customs charge . -john wick , the equalizer and taken 3 are just getting everybody used to the bad guys being the russians again . it 's like the eighties and early nineties all over again . i think they 're doing a good enough job on their own even without the movies . -that 's my question . they can give a technical 24 hours even if i 'm not aware . if they 're inspecting your deck do you even need to be awake ? or even home for that matter ? -doesnt matter . his people are canadian . in buffalo he would be playing for americans . even though most of his team is canadian ? -how has this not been a thing for a decade ? impressive . lebron 's like damnit it was , not this shit again -you seem to be obsessed with it . shut the fuck up about it . found a shit taste fanboy . and i 'm not obsessed , i 've only talked about it in 2 other threads . -this is true . him playing alpha was pretty damn entertaining . to be fair , dollhouse was pretty damn entertaining . i 'm almost willing to say i like it more than i like firefly . -sorry i did n't get around to your post , i really hope you forgive me . it was nothing personal . no worries at all ! i appreciate you even doing this . much love and sending positive vibes your way . -if this marvel thread does well , i will absolutely do a dc one , as well as an anime version ! : d how do you know all this stuff ? did you actually read all the comics for each of these guys or is it more hearsay -yes , to cook lasagna and chicken pot pies . i will say i have never cooked anything in the microwave for longer than ten minutes . not sure if using microwave for that is normal here though . how is that different from using a regular oven ? defrost may take some time when i think about it . -sensei is best girl . i will hear no arguments otherwise . if you have thoughts that contradict sensei being best girl you are wrong and should feel bad about being wrong . sensei is n't a girl . she 's a woman . -they would mount two phone battery 's . connect them in parallel . job done . it would act and charge as one battery . it would just physically look like 2 . would it not be difficult to keep them balanced ? there would have to be some voltage loss with wires small enough to pass through the hinges . -so until your brain is fully developed , your are not considered an adult ? so teenagers are sent to war to kill and be killed , but they ca n't legally have a drink . the drinking age was actually lowered for a short time during the vietnam war for that very reason . -find a late 80s early 90s toyota corolla . they are impossible to kill . no need to worry about pesky oil changes or coolant . if it 's as gasoline car you always have to worry about changing your oil -but that point has nothing to do with the thing we 're talking about , which is taking away something someone has paid for . yeah i 'm probably not understanding the situation currently , sorry about that . -i 'll vouch for this . i live in socal , and had to do a track workout on turf when it was 100 degrees . i 'd be scared to find out how hot the turf was you mean grass ? sd does n't play on turf -most large companies operate this way . if it did n't help the company , the company would n't have an hr department . happy employees are the most productive employees ! it 's a win for both employer and employee . -i turned off adblock and it works now . i turned off adblock and it still does n't work for me in chrome . -that 's why the women look young till 60 . as a pasty white white guy , i can respect respect for the sun . my mother in law is 50 something and looks pretty good - i 'd be happy if my wife looks the same or similar at that age , and she 's pretty paranoid of the sun . -where do you find adult coloring books ? god , i love coloring but did n't know this was a thing . i just discovered them last year ! so awesome , i had no idea such a thing existed either . -and it 's so damn strange that their thumbs are n't fully developed : d these rat thumb nubs look pretty well developed ! i know what you mean though . it would allow for them to run around on all fours al easily with a complete thumb though ! -this is actually a really smart move . get angry and violent and you prove his point . showing him love and that you do n't care most likely infuriates him not only that , this works both ways . if the people involved in the kkk rally show any hostility towards the black guys , they 're only harming themselves . -lmao this needs to be put on the front page of reddit . it 's uncanny how accurate this is . no wonder they came up with odd reasons . it was only because they wanted to win bingo : d ha , i 'm not the one that made it , it 's been floating around for a while . -fuck you dude . fuck you and using someone 's sacrifice and memory for karma . fuck this whole community and it 's reward based system . o shit he has a higher number in his profile , fuck him -it 's so true thought the most upvoted comments in post match discussion threads are always memes , fucking always yes and they are the reason i visit those threads . -even bullshit can have a source . the bull ? -i do n't see the problem . why would you care about what he does to his truck ? those are sponsors common in mx etc i do n't see the problem too , there are a few decals on the car . its not like they have crazy unsafe camber or the truck is slammed to the ground . -yea , the great thing about this place though is the happy hour starts 30 minutes after i get off work , and it 's only a few minutes of walking from my home , or a 30 second bike ride good luck . go out and live life and enjoy yourself . -this is what happens when tax policy favors outsourcing over jobs . i wonder who is going to buy those levis ? no , it 's what happens when a company chooses to save a little money rather than treat their employees well . -one is brown and the other is blue . thanks ! whoa ! that 's cool ! -it still bothers more than it should that fred weasley died . ca n't imagine george going the rest of his life thinking about his brother . i used white - out on my book and changed fred 's death to charlie 's because i could n't separate fred and george . -hey buddy , i 've always supported you , and now i 'm moving to alberta in less than a month so i feel for you . but we 're going to be living under communism now buds . why would you move here ? bad idea , bro . bad idea . -i 've had one of these for about a year now . they work pretty darn well ! nice , when i found this i just thought i had to post it here , about to order one right now ! -i was wondering if the theater will allow my kid in sense it will be rated pg - 13 ? if your kid is with you , they could get into an r rated movie if you were to allow it -you can tell that song writer worked really hard on those lyrics . the music video is great though ! -just because a person knows physics does n't mean that they know about black holes what are you even trying to say ? i mean , be more specific . why is linguistics a good degree for anything involving writing ? -by how many bible verses they can recite , right ? funny , i have read the bible cover to cover a few times and i am an atheist . most of the christians i know do n't know any stories from the bible except the simplified sunday school ones . -i graded 2007 , now i live on the sunshine coast grading this year and most likely moving to the sunshine coast in the fall ! -are we really a rich society ? or are we just a society that happens to have a few very rich people ? relative to most of the world , yes we are very rich . that does n't mean we do n't have a huge wealth gap . -hey alliance , i am low diamond , i play top , support or adc , if you want me , i have exams until end of march , but i can be ready for the relegation matches . just send me a pm man i hope they do n't pass this offer up -i was wondering if it was built that way for aesthetics or if there was some kind of strength design behind it . i would also consider the cost and strength comparison of bricks vs . masonry . i would guess that the masonry is more expensive , but stronger so they compromised with layers . -irvin 's gonna make sure he 's got solid connections . good coke is hard to come by unless you 've got friends these days . i mean how else is he supposed to work out at 2 : 00 am -dude naw , it 's 2 am . not gonna watch this . sorry mate ! -this was probably my favorite off wolf . the beat and the hook are awesome and the persona tyler takes is interesting . have you heard 48 ? motherfucker i 'm great . -true dat . i do n't understand why hockey players are allowed to fight , but nba players are n't allowed to assert their dominance over their metaphorical bitches . the guy that heads the nhl said that he with all the hockey sticks and sharp blades on players feet that a punch is the least of his worries , let em fight it out so nothing worse happens lol -oh and you know this how ? are you an expert on all history books taught throughout the world ? why do n't you look it yourself rather than asking pointless questions . i 'm not your history book . -if i 'm a high school senior , the last thing i want to talk about is where i want to go to college . i 've already explained it 400 times . you know why ? because most adults are bored to tears talking to young people . -then show me the rule he broke by not having an emergency fund . okay , i never said it was a black and white rule . these are simply suggestions on what would have made op 's situation much better . an ounce of prevention is better than a pound of cure . -alright boys and girls , what 's on tap for tonight ? i 'm enjoying fremont 's wandering wheat . had to pick up a growler after trying it . very good stuff . irish death all the way . iron horse is the only way to go . -it 's incredible , i have a few cases for the fridge . check out four fathers and 18th street . wow , i 'll look for it tonight . have n't tried 18th st yet , though i heard their coconut beer was amazing ! i have n't even heard of four fathers yet . sooooo many new breweries ! -agreed , his vocals on that performance are amazing . then again , so are nick 's . very marvin gaye vibe . totally agree ! he needs to do a funk album to go with that funk voice -1 dab down , i request a viking funeral . place my body on a ship and burn it with the sea ! i 'll fire the arrow myself . -i just got mine for christmas ! love this especially in black and white like this . i also got a walker merle one as another christmas gift agreed , the blood on the black and white makes for a nice contrast . -yup you can buy her now , or wait for some stupid chests have n't seen tsm apollo in any chest so far though -he knows bronze , that 's good enough to beat tsm and clinch a 2nd spot behind c9 yeah that 's why tsm is top in the nalcs . while they did shitty at msi , you ca n't discredit their success at home . -omg you bitch if it 's too big , you complain now its too small . shut the fuck up , you people have no idea what you even want . this dude is like , perfect . i was n't complaining about it at all , just thought it looked a bit strange . dude still has an incredible physique . -steven and connie 's journey on lion 's back . it 's a pink cat and we 're sitting on him flying fast across the ocean lion he 's cat jesus he 's a pink fluffy cotton ball -is the camera really as bad as everyone says it is ? it 's not a dslr , that 's for sure . as phone cameras go , it 's average . -i did , and it worked fine . but i see some images were taking longer to load , so it might have timed out on your end . but i fixed it . loaded fine on my side ! -deej 's feelings got hurt so he took his ball and went home , he does n't post here any more . that was my point without being rude . his boss probably told him it 's better to fall silent than be misinterpreted . and that sucks for us . -we are definitely starting our bruising line - up i just have a feeling both morata and tevez are going to find the back of the net today . edit : half right already ! edit 2 : prediction achieved ! -if it 's going to be anything like the the last of us movie i suspect it 'll feature a inappropriately aged star from a hit tv show as snake . neil patrick harris as solid snake . edit : good god people , you ca n't take a fucking joke . -i 'm not saying there 's a better alternative , just that the big o is a god damn awful stadium and i 'm not paying anymore to watch the impact play there . i 've missed only one game at the o since we 're in the mls . i loved every single game i went to and am absolutely not missing next week 's . -i 'd tell you to pee in the stall but then there 's always the chance you 'll accidentally flush your dick down the toilet . might even drop his spaghetti . -but the warm air will condense on the cold lock and create even more ice for the next time . yeah do n't have to worry about that because if we are getting in them in this weather they are either coming inside or going flying . -if you 're offered a mint or gum take it . this is law at a poker table . if you 're offered , it 's for a damn reason . -i did . wish i 'd waited until i got home . grown man broke down at his desk briefly at work lol . fuck that kid is strong . dude same thing here . no more feels videos for me today . well at least until i get home . -i 'm not saying it 's fake , i do n't even care really . but there will always be people that lie on reddit , and there will always be people that do n't believe on reddit . yeah , this is one of those things that might be real , might be fake , but it 's not important enough for me to find out for sure . -did you forget to bring the proper offering of cheeseburgers ? arthur 's the kind of cat that would appreciate a cheeseburger , but would prefer some sort of ceremonial offering coupled with the souls of the dead . he 's a very angry cat ! -it 's so refreshing to be playing a team that actually goes on cold streaks instead of scoring in every possible situation yeah , it is hard to appreciate how good the spurs were in the moment until watching this game . -they do n't , in fact it only encourages them . they know it 's bothering you . so they 're going to escalate until they can get a reaction out of you . yeah , with me , i did n't saw a solution , first ignored them , then saw that that did n't work and tried fighting back . only made things worse . -asking for a girl 's number is sexual harassment ? pressing the issue when she turns it down is harassment . -my doc said there is n't anything to worry about for the most part . unless you are on serious stuff i would guess the same goes for you . pct does suck bad , but that could just be me . thank you it 's nice to know i 'm not alone . -considering the flair , i doubt you can be unbiased in this situation . dude is dirty , but he 's dirty for you so you look the other way . diving on the floor for a loose ball is n't dirty , it 's hustling . if korver had gotten on the floor for the ball rather than trying to lazily pick it up then he would n't have been injured . -it 's not if steam says the program is fine . i really do n't see what all you guys are finding problems with they actually said it was fine ? then why not just give the cards when you buy the game if that 's so ? -randy 's fights in the baseball episode were great . at the end when he starts singing the rocky song as he 's fighting bat dad lol . -awesome deck lol . if the goal was to make the whole deck pr cards , then why not use visual arts instead of king of fighters ? because i 've always wanted to use ash . the va cards can stay in the va deck . in the end want to get a neo standard deck that does n't count as any of the series in the game . -that 's great , now how does it effect my balls ? radiation from the laptop ? no ! at most , the heat of the battery might affect your sperm count if you had it directly on your balls for an absurd amount of time ! -i 've seen that . lack of martell 's guide was why i thought its so hard play them . if it will eventually be there then i 'm really looking forward to it . yeah , i 'm working on it now . the thing is that martell are a late game house , so opening strategy discussions are n't quite as useful a guide as for the other houses . -the free audiobook requires that you have a credit card , which i do not . they 're amazon linked so if you have arrangements with amazon those will work too . -however her int and wis was high enough to successfully roll a 15 on accusing him . that 'd be a cha check , would n't it ? -fuck it i 'm moving to canada we 're happy to have you north of the border . your pre - canadian training is to watch the nhl playoffs and learn how hockey is played . it will help your immigration process . -did you get the red fleece stuff ? i wish i had gone to try them on because they are really nice shirts , just terrible fits for me . yup , i bought one red fleece shirt too . its a little bit tighter but not that much -i am not sure about this but i think the directions api are n't free because you would be in direct competition with google . i 'll just try to intercept the notifications and display them as text in my app then . do n't see a better solution . -yes , sir . been thinking about steroids but would i will probably wait til i 'm at least 30 - 35 . i want to see what i 'm fully capable of naturally . nice man . great physique , especially for a natural -underrated song and tape . i have very fond memories of the couple of weeks after this came out yeah i 'd play school high everyday for weeks it felt like . -probably not lager cool . just message me if you have any more questions . nope , definitely not lager cool . i 'm excited to finally be able to brew year - round , brew lagers , and cold crash ! -how the fuck is that red ? you must be having a really bad day , if you need to hate on the color , while looking at a hottie . -argh ! stupid driver . i 'm glad you 're still having a good day ? yeah did n't realize until this morning when i noticed a not under the wiper . she was sorry and left her info . no reason to get all upset . -awwww , well now i feel bad : c i 'm sorry ! while we do appreciate you doing them , it is sort of our duty to get them going . so no offense meant ! just mod stuff , y 'know ? can i make a mid - game thread , so we can talk about the ice crew ? -low t is a serious issue . i 'm sorry . i did n't mean to undermine it . but is it that hard to fix ? are there really bad side effects when it comes to that type of medication ? -in depth analysis - he grabbed the ledge . what where ? how deep is this analysis of yours ? -well , i have a bunch of respect for gaga now . i guess crazy just gets the bills paid i do n't like her antics and bizarre fashion , but damn that woman can sing . -no . because we did not win against arsenal . if we win this game , we win the league if we win against crystal palace this weekend . would n't one win in the next two and an arsenal loss on monday clinch it as well ? -those are definitely computer generated in . everything but the building on the left and the people is green - screen cgi 'd in . -count your calories , makes things very simple . so , i can eat a tuna salad sandwich and still lose weight ? -do these bike lanes go to uh ? i have n't seen the around campus at all , but i may have missed them . directly no but the columbia tap trail next to uh gets you to the discovery green where the new bike lane begins . -why there is a kia and a hyundai logo on the pc ? because this used to be a lab field research computer for hyundai when my father worked there . -heh , that 's one of the most tortured arguments describing welfare that i 've ever heard . anyway , you 're very much proving that it 's a thing that people believe . so , if people can do things in their own self - interest and always succeed , then why do classes exist ? -there 's a lot of butt hurt in here because these people are wealthy . no , or it would be about river road in the same way . i can guarantee that 's not my issue , i just find the area sad and painful -insanity variant is just plain unfair right now . quickdraw and stock are all you need to melt people . i 've only got the average joe at the moment . the insanity increases the fire rate right ? that 's basically the only thing that was holding it back in my opinion . -fox or mega man ? i could do fox , but it has a cut in the lower right hand side of the box from shipping . it is still new in the box , just not mint . -the stains and holes on your shirt give it an extra touch . while also taking away even the slightest possibility of touch ! -trust me , they have to double team suh . i ca n't even tell you the things i 've seen him do on random plays or you 'd call me a liar . he 's a juggernaut . the dolphins definitely saw it on their first couple drives when they played us last season and thought they could single him up . -she 's obsessed with not breaking rules or laws . i hope you 're right . she 's very talented in that dept . even if it was technically illegal it 's never enforced . did your wife really think she 'd drop to her knees , pop your dick in her mouth and suddenly a swat team would break down the doors ? -no , because at that point the infant is sentient and can feel pain . so drug the baby . -i was so fucking ready to jump on that . not 21 . damn , that 's a bummer . you were n't the only one though . at the moment the submission inbox was opened , the number of incoming entries was so high such that their servers crashed . -does she wear a monocle with her top hat ? no , i would n't be able to see the monocle over the racks so no point . -that 's putting it lightly . i might actually stay awake for the results this time . probably not worth it . the prediction at the start of the night from the exit pole is probably going to be more accurate than anything you know before the next morning . -so you are looking for technical support only ? no need for finances ? at present my problem is with product development , so i can pitch it to the potential investors , or should i first secure some finances , cause no one wants to touch a half baked cookie . -calvin . not charlie brown . it was n't calvin and hobbes it was the one of snoopy laying on his dog house and and charlie brown laying next to it ! it was pretty cool . -i 'm surprised mexico is n't more aggressive with its own military . considering the drug war was n't a problem like this until calderon made it a problem worthy of military action , the mexican government has been pretty aggressive . -bohemian rhapsody for sure . there is no lip syncing that song . there is only terrible car karaoke . -why not give the at - bat to the kid they just called up . he 's not exactly a kid , he 's got 375 big league abs . -unlike kit peak you ca n't actually get into the observatory . still , it 's great to go up there and camp in the summer . great way to beat the heat . yeah as long as it has camping i 'm alright with it ! -lost both fnatic bets today , with my luck vp will 16 - 0 them now . u 're going to lose the 3rd unless the map is mirage : d -14 , also 15 in a month . whens your birthday op ? it 's april 27 , yours ? -wrong . most people do n't vote at all . i mean those who work in media , i 'm sure most of them vote . -i think they should reset the flairs so i can get a meaningful red flair . this one feels fake . it only feels fake to you because as a 3s you would have expected at least a few hours as the button overlord . -12 ? damn man , too young to be doing that to yourself . what causes you to do it ? if you ever want to talk , feel free to pm me . a lot of stuff : my mental health issues , my gender identity problems and the people who oppress me for who i am . -well if anyone else gets a crazy idea like this , especially on the west coast , i hope i 'm around to get a piece of the action . what part of the west coast ? -yep , that 's what i was thinking as well ! luckily we can share shampoo and face wash , and i 'm going to buy a shower organizer just to simplify that too . thanks ! buy one of the ones on a pole that you can put at the corner of the tub . my wife and i share that with our 2 roommates , and there 's plenty of room for everyone . -nba has the best product but nfl is king in the u . s . and that wo n't change anytime soon . yeah i was asking who had the best product with the fewest integrity issues . but yeah , violence sells in this country lol . -so this whole u21 team does not actually mean under 21 ? i think they 're allowed a certain number of players over 21 ? i 'm not sure though , only info i have comes from the football manager . -if we score in the second half , i 'll change my crest to portsmouth for a week . tldr : it ai n't gonna happen . edit : please just kill me now . he said if the saints score he wears a pompey flair for a week . -the last part of your statement is a bit ironic in that you say if you do n't play to win then what is the point , however you a knowledge chelsea set up to not lose , not to win . he was talking about the bigger picture . chelsea basically won the league with that draw . -what camera did you use ? that amazing footage . it 's the mobius action cam with the wide angle lens . you can get it from amazon or motion rc . -how does the fact that cows do n't sleep standing up make cow tipping an urban legend ? how can yoy push a cow over that is already lying down ? -: 3 oh are we in the same shoe ? i 've got socks on . no shoes ! -the princess bride . it was hailed as the greatest comedy ever and when i finally got to seeing it , it fell flat . i honestly feel like that 's a movie you would n't love unless you grew up with it . -you gotta catch them while they 're sleeping . that 's what my uncle always told me about raping senior - aged widows . boy did he love visiting the old folks home . uncle rick you sick fuck -i 'd be impressed if he took the time to make sure that he only shot posers . in most high schools you could probably just shoot randomly and mostly hit posers . -i do n't know how swatting a bee is being a dick . killing an animal not attempting to hurt you who 's crucial to a local ecosystem . nah , you 're right , not dickish at all . -are you limited to one gender or that species ? well it would be one genetic code , so yeah probably -especially with horror games , rpgs , etc that are meant to be a cinematic experience . watching bioshock being played for the first time genuinely took my breath away . and i totally got upset at some bits of the mass effect trilogy . -no , i have gotten the flu during my soylent diet . i 've not felt this dryness other than before i drink water . what would you say your total water consumption is during the day ? i do n't keep track . i drink a lot of water to keep my pee clear . i 've been taking diy soylent and never had water problems . -you sure its bent and not just the protruding camera lens ? yep ! they showed me a little trick back in december to check for a bend . to avoid the camera . -lucky you ! i bought the gtx 970 and got ac : unity . pos game if i ever seen one ! well i did just buy it about a week or two ago . i highly doubt msi would be so cheap as to give a game to people that they know is shit . -that 's fine , as long as scum or city do n't also win the cl . so if no english team won the cl but everton won the el then 4th spot would still remain a qualifying spot for cl ? i thought only 4 teams from england could be in cl . -it 's brave to see fake incest ? this sub is full of the shit op is referencing . not as brave as it is just gross . you 're right . it is the crap he is talking about . -soft goal elliott . idk 2 on 1 in the slot and vrbata is shooting . not an easy one to save . -other nba players do n't care about marketing , they know who can play . a decade and a half of most prime - time free agents passing up on playing next to dirk says otherwise . -you can submit a report with a video link if you feel someone is exploiting actively . where do i go to submit this ? the email address ? -wait , so now copyright infringement and taking the work of others without payment is bad ? reddit , you 're giving me whiplash the difference is that redditors are n't downloading music and movies to sell them and pass them off as their own work . not even remotely the same thing . -i remember lying awake in my bed at night waiting for santa to come . then there was always that awkward silence as he got dressed and left . i heard the reason his sack is so big is because he only comes once a year . -it reminds me of that one japanese horror webcomic where the creepy quickly moves towards the screen as you scroll . they always come at me at the worst possible moments d : that one scared me soo damn hard , whenever i closed my eyes for 2 weeks that moment flashed in my brain . jeezus christ i fcking hate that stuff -you 're a solid , dependable fellow . you have rugs pulled from underneath you all the time . nothing works out the way you hope , so you 've grown semi - hopeless . more true than you know . -do you think that kind of response holds up in a court of law ? only if the potentially - illegal image has a gold fringe . -you 're a fucking faggot dude this fuckin guy . -no , it 's because nobody at valve is customer support . maybe gaben is the only employee at valve , he makes all the games alone , and writes bots to answer steam support tickets . -i 'm going to demand solo - mid , solo - top and jungle or i will feed . i strongly suspect you 'll be feeding regardless . : p -what do you use as a bookmark ? small animals . well large animals would make it hard to carry the book around . -yeah well , i 'd love to go for a run or even just play some basketball with friends but the whole sprained ankle thing . i can barely walk on it let alone run . thanks for the advice though . bummer . i hope you feel better soon . -lpt : 1 . do n't be a dipshit teenager fucking in your parents 'house . 2 . do n't fucking cheat . then you wo n't have to worry about someone finding your trash . example : having sex in your own house spare bedroom , a week later the parents are in town to see the family and they find the corner of a condom wrapper beside the bed . -strength training machines there 's your real fuck up show me how to work out my hamstrings with free weights and maybe i 'll agree with you -wow , that is the first commercial that i ever wanted to watch twice ! yeah the second watch through makes so much more sense ! -looks like you 're up in new hampshire . i road down a similar road this weekend . actually in ma , 20 minutes north of boston . this road is literally a 5 minute drive and has access to miles of legal wheeling trails . -scary ! maybe i missed it , but was the voice on the phone a man or a woman ? the voice sounded very male . -what he really should do is open the mysterious doors next to the you 've been etho 'd fanart . but we know what 's behind the doors . it 's another door ! -i feel like uol should be above yoe fw , omg should be above tsm and fnatic should n't be so high . omg may have a stacked roster individually , but they play like shit together . -even then , the computer could be made to be able to drive a manual transmission car that would n't be manual . the type of transmission might stay the same , but the point is you wo n't be doing it . -shallow space is currently in pre - alpha . it is technically playable , but we have n't gotten to any of the balance parts of game development . does that mean it 's pretty to play but if played i may be a god in a universe of death ? -trust me , i have no problem ending it . but that wo n't help her learn . its not up to you to teach her . -yeah man , peppered by straight routers bruh lol honestly i usually do n't watch the clips i just comment shit on but that was some b . s -do you never drive anywhere ? everyday , just not very far . have you ever left the house ? there 's bears out there . -did you like the post of me in my orange heels better ? that one seems to have hit the mark . maybe not sex vids though ? sex vids are great . just less man ass please . -not a joke , it 's click bait . karma is a hell of a drug . -this is a really good piece on how to liverpool climb back to the top of english football , everyone losing their heads following our last 2 league games needs to read it great article man , thanks for posting that . neil atkinson always putting out interesting pieces , some i agree with some i do n't -i do n't think dd should reflect , it 's not even an spell it kinda is . spell echo works on it lol -i love when girls know they have sexy feet . very hot ! thanks babe c ; -nope . they 're real as fuck . you gotta feel bad for the guy who 's making these . you can smell the self loathing from over here . where do you find this stuff ? -that poor , poor kitty . did someone realize the cat would have health problems being in that environment and get it out but it was just too late , or did they just leave the cat in the house ? basically it was an old lady with a cat living alone . she was basically the only one who had regular contact with it before that day . -this is the big question we need answered in the exit press . she said on facebook that she was already mostly convinced to play it before he played his advantage . -we get doc . albert 's calling rangers - lightning game 7 on radio . well how is anybody going to know what 's happening ? it will just sound like sticks hitting pucks and nothing else . -i mean , back in the days of single - shot rifles it was n't such a big deal . but modern guns typically do n't take that long to reload , so i ca n't understand what they were thinking . even then though , if you only had time to get one shot off and were being charged at , i sure as hell would n't want to have to stop and put the bayonet on my rifle . -i did n't actually know for a long time because she would never leave me alone in the apartment . she arranged all her classes around my course schedule . ohhhhhh my god that would drive me nuts faster than the food stuff . -why is this a meme suddenly ? i heard the theory a while ago , but why i have seen it referenced a ton the last few days ? no idea as to why it 's coming back room center , but it 's funny -weak ass joke then . come on , man . lighten up . -rinse with warm water ? bleh edit : omg i 'm not rinsing with warm water , y 'all are freaks . bring a cup of cool water in with you ? -do you have workers building farms ? are your cities in low food areas ? we need more info , like screenshots of your cities and their locations i never even realized i could build farms , unless you are talking about civ v . both my cities are next to small lakes , one in a small desert and the other in a patch of forest . -why do i want a light switch that says 'on 'when it 's on ? i know when it 's on . you know how i know ? because the light 's on . it would be better if it was blank when on , and said 'off 'when off , so you can find the thing in the dark . -what anime used this song as their op ? edit : its the ed 1 of hunter x hunter hunt her ? i hardly know her ! -when that happens i never go back to top lane . never . that lane is dead to me , my tower is gone . secretly i resent my team for the rest of the game for making me give up my tower . this is so me . it 's almost like an ocd obsession . i want all of my towers untouched and as soon as i lose one then i stop caring . just not worth it anymore -my heart is with the court reporter . poor thing has to type all this crap out . lol has n't d . c . ever heard of speech to text technology ? oh yeah . keeping people employed in out - dated positions is about jobs . -really i feel for may and hammond . they do have their other projects and i will support anything the three do . i will miss tg , but i look forward to the future . correct me if i 'm wrong here but could n't they just leave the bbc and go elsewhere ? it 's a highly successful show , i 'm sure other networks would love to make it happen -so basically you think women should have no input on how they themselves are treated or what they want . your point of view is already toxic . where did you get that ? if a woman is unhappy with me she can speak to . if she is still unhappy she can leave . what the fuck ? -just as good as an afternoon flight ? i prefer a afternoon delight . -exactly . either you cut him and eat his contract or you welcome him back , it 's that simple . bingo . if you 're not gonna buy him out , do n't pretend he 's not a member of your team anymore . hopefully this does n't continue through the regular season , it 'll get old fast . -just want a counter of how many times i played a champion . rito plz , i would be so happy i have 6k normal games , like nearly 400 ranked games only , and i really wanna know what champion i played most -i never heard this before , the first time i heard him say fudge over the song i fuckin lost it whenever i 've heard the song since my inner voice sings the fudge while picturing the fudge store employees as jimmy brilliantly described them . love that segment . -ok , i 'll just stop paying tuition after getting 2 years into a degree . that makes sense . then i can be in debt from the first two years and have no degree to show for it . great advice . was this tuition hike both unexpected and the straw that is going to break your back ? hate to sound so harsh , but this may be the education your budget needs going forward . -well in that case why are you complaining ? since there are multiple meanings of the word and i chose to use one of the other meanings for the word i 'm not in the wrong by using it . okay , you had a different term . but that is a minority term , as the majority term means it 's a slur . until the dictionary is changed , it is stated and confirmed as a hateful word . -thanks for the information ! i currently have an account with an online bank , would it be hard to cash checks with it ? get direct deposit if possible . -it 's 10 : 15 pm . why does it sound like someone in my neighborhood is mowing their lawn ? depends , someone might actually be mowing . do you live in an uptight suburban gated community ? -i would love to see you try to get my dog to walk in the rain . and i 'd love to see you guys stop making excuses -this one is actually great . i like how he acknowledged him being wrong . he 's a big boy now . mommy wow . -no one is mentioning the chargers here ? looks like a sideways yellow turd i did ! it 's a super shame since their old unis , with the dark blue , were gorgeous ! -you 're really trying to claim that the difference between her design and the original american flag is the same difference between target 's design and her own ? silly . alright , then any other black and white flag design . does that suit you better ? -they 're all nice . i 've been meaning to meet switch , but he do n't answer his door . -you obviously have forgotten what humans are capable of doing in desperate times . well if we make a change maybe we wont have to live in desperate times . -total gta v virgin here . i 've waited a long time for this . spent the last 18 months dodging spoilers . only joined the sub a few days ago . finding the guides really , really helpful . you 'll enjoy it . and play the singleplayer first . trust me . -i gtg sleep , its kindof late here . i added you but you 're not responding . so i can trade tomorrow if you can wait , else no probs went to sleep too , had to get up early this morning . added -yes but what about the pre - built roundabouts ? can i elevate them ? no i do n't think so . you can just build elevated roads in a circle though -not so much . ill give it a try in the morning . but they seen pretty solid . if i shake the bars then the car rocks too . ok , and try the water hose thing . that should give you a more definite answer . if your leak is in the front it wo n't be the alpine windows . -thats the whole point . why the fuck do people think some companies will genuinely care for their customers ? they seem like they do because it helps them gaining money . valve has never cared about its customers . steam support is proof of that . -what is your stance on rice ? i do n't like pretentious rice . i like regular sticky cheap rice . -salt pork and boiled cabbage . that is honestly a favorite meal of mine . i use sausage instead of salt pork -it 's a system so inventive yet horrifying . enemy fire seems almost comforting in comparison . it 's the single mindedness of it , as well . you can launch and fight whatever 's out there but you ca n't land afterwards . true death or glory stuff . -man it feels good to be canadian . when i was 19 i was passed i could n't drink now i very happy i was n't in bars under 21 haha . diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/eval.py b/PaddleNLP/Research/IJCAI2019-MMPMS/eval.py deleted file mode 100644 index a23d558e909d35986dca26913943480bd3430a05..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/eval.py +++ /dev/null @@ -1,66 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -import codecs -import sys -import json - -from random import shuffle -from mmpms.utils.metrics import Metric, bleu, distinct - -NUM_MULTI_RESPONSES = 5 - - -def evaluate_generation(results): - - tgt = [result["response"].split(" ") for result in results] - tgt_multi = [x for x in tgt for _ in range(NUM_MULTI_RESPONSES)] - preds = [ - list(map(lambda s: s.split(" "), result["preds"])) for result in results - ] - - # Shuffle predictions - for n in range(len(preds)): - shuffle(preds[n]) - - # Single response generation - pred = [ps[0] for ps in preds] - bleu1, bleu2 = bleu(pred, tgt) - dist1, dist2 = distinct(pred) - print("Random 1 candidate: " + "BLEU-1/2: {:.3f}/{:.3f} ".format( - bleu1, bleu2) + "DIST-1/2: {:.3f}/{:.3f}".format(dist1, dist2)) - - # Multiple response generation - pred = [ps[:5] for ps in preds] - pred = [p for ps in pred for p in ps] - bleu1, bleu2 = bleu(pred, tgt_multi) - dist1, dist2 = distinct(pred) - print("Random {} candidates: ".format( - NUM_MULTI_RESPONSES) + "BLEU-1/2: {:.3f}/{:.3f} ".format(bleu1, bleu2) - + "DIST-1/2: {:.3f}/{:.3f}".format(dist1, dist2)) - - -def main(): - result_file = sys.argv[1] - with codecs.open(result_file, "r", encoding="utf-8") as fp: - results = json.load(fp) - evaluate_generation(results) - - -if __name__ == '__main__': - main() diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/images/architechture.png b/PaddleNLP/Research/IJCAI2019-MMPMS/images/architechture.png deleted file mode 100644 index d3168e6dbb84e5b93a0c4b9fdaa027dc4ae227ed..0000000000000000000000000000000000000000 Binary files a/PaddleNLP/Research/IJCAI2019-MMPMS/images/architechture.png and /dev/null differ diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/__init__.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/engine.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/engine.py deleted file mode 100644 index 048afdbbc572fc8295e779198c253450cd008ed5..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/engine.py +++ /dev/null @@ -1,186 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -import codecs -import os -import json -import time -import shutil -from collections import defaultdict - -from mmpms.utils.logging import getLogger -from mmpms.utils.metrics import Metric, bleu, distinct - - -def evaluate(model, data_iter): - metrics_tracker = defaultdict(Metric) - for batch in data_iter: - metrics = model.evaluate(inputs=batch) - for k, v in metrics.items(): - metrics_tracker[k].update(v, batch["size"]) - return metrics_tracker - - -def flatten_batch(batch): - examples = [] - for vs in zip(*batch.values()): - ex = dict(zip(batch.keys(), vs)) - examples.append(ex) - return examples - - -def infer(model, data_iter, parse_dict, save_file=None): - results = [] - for batch in data_iter: - result = model.infer(inputs=batch) - batch_result = {} - - # denumericalization - for k, parse_fn in parse_dict.items(): - if k in result: - batch_result[k] = parse_fn(result[k]) - - results += flatten_batch(batch_result) - - if save_file is not None: - with codecs.open(save_file, "w", encoding="utf-8") as fp: - json.dump(results, fp, ensure_ascii=False, indent=2) - print("Saved inference results to '{}'".format(save_file)) - return results - - -class Engine(object): - def __init__(self, - model, - valid_metric_name="-loss", - num_epochs=1, - save_dir=None, - log_steps=None, - valid_steps=None, - logger=None): - self.model = model - - self.is_decreased_valid_metric = valid_metric_name[0] == "-" - self.valid_metric_name = valid_metric_name[1:] - self.num_epochs = num_epochs - self.save_dir = save_dir or "./" - self.log_steps = log_steps - self.valid_steps = valid_steps - - if not os.path.exists(self.save_dir): - os.makedirs(self.save_dir) - - self.logger = logger or logging.getLogger( - os.path.join(self.save_dir, "run.log")) - - best_valid_metric = float("inf") if self.is_decreased_valid_metric \ - else -float("inf") - self.state = { - "epoch": 0, - "iteration": 0, - "best_valid_metric": best_valid_metric - } - - @property - def epoch(self): - return self.state["epoch"] - - @property - def iteration(self): - return self.state["iteration"] - - @property - def best_valid_metric(self): - return self.state["best_valid_metric"] - - def train_epoch(self, train_iter, valid_iter=None): - self.state["epoch"] += 1 - num_batches = len(train_iter) - metrics_tracker = defaultdict(Metric) - for batch_id, batch in enumerate(train_iter, 1): - - # Do a training iteration - start_time = time.time() - metrics = self.model.train(inputs=batch) - elapsed = time.time() - start_time - - for k, v in metrics.items(): - metrics_tracker[k].update(v, batch["size"]) - metrics_tracker["time"].update(elapsed) - self.state["iteration"] += 1 - - if self.log_steps and batch_id % self.log_steps == 0: - metrics_message = [ - "{}-{}".format(name.upper(), metric.val) - for name, metric in metrics_tracker.items() - ] - message_prefix = "[Train][{}][{}/{}]".format( - self.epoch, batch_id, num_batches) - message = " ".join([message_prefix] + metrics_message) - self.logger.info(message) - - if self.valid_steps and valid_iter is not None and \ - batch_id % self.valid_steps == 0: - self.evaluate(valid_iter) - - if valid_iter is not None: - self.evaluate(valid_iter) - - def save(self, is_best): - model_file = os.path.join(self.save_dir, - "model_epoch_{}".format(self.epoch)) - self.model.save(model_file) - self.logger.info("Saved model to '{}'".format(model_file)) - - if is_best: - best_model_file = os.path.join(self.save_dir, "best_model") - if os.path.isdir(model_file): - if os.path.exists(best_model_file): - shutil.rmtree(best_model_file) - shutil.copytree(model_file, best_model_file) - else: - shutil.copyfile(model_file, best_model_file) - self.logger.info("Saved best model to '{}' " - "with new best valid metric " - "{}-{}".format(best_model_file, - self.valid_metric_name.upper(), - self.best_valid_metric)) - - def load(self, model_dir): - self.model.load(model_dir) - self.logger.info("Loaded model checkpoint from {}".format(model_dir)) - - def evaluate(self, data_iter, is_save=True): - metrics_tracker = evaluate(self.model, data_iter) - metrics_message = [ - "{}-{}".format(name.upper(), metric.avg) - for name, metric in metrics_tracker.items() - ] - message_prefix = "[Valid][{}]".format(self.epoch) - message = " ".join([message_prefix] + metrics_message) - self.logger.info(message) - - if is_save: - cur_valid_metric = metrics_tracker.get(self.valid_metric_name).avg - if self.is_decreased_valid_metric: - is_best = cur_valid_metric < self.best_valid_metric - else: - is_best = cur_valid_metric > self.best_valid_metric - if is_best: - self.state["best_valid_metric"] = cur_valid_metric - self.save(is_best) diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/inputters/__init__.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/inputters/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/inputters/constant.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/inputters/constant.py deleted file mode 100644 index bf7ce4ba87660fd8ff0a6f4799c82d62540c33f4..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/inputters/constant.py +++ /dev/null @@ -1,25 +0,0 @@ -#!/usr/bin/env python -""" -description -""" -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -UNK = "[unk]" -BOS = "[bos]" -EOS = "[eos]" -NUM = "[num]" diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/inputters/dataloader.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/inputters/dataloader.py deleted file mode 100644 index 0cbe19ddfeb84d06ea6a1ad7e229279b7ad80029..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/inputters/dataloader.py +++ /dev/null @@ -1,76 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -import math -import numpy as np -from collections import defaultdict - -import paddle -import paddle.fluid as fluid - - -def data2lodtensor(data, place): - lod = [] - while isinstance(data[0], list): - lod.append(list(map(len, data))) - data = [x for xs in data for x in xs] - array = np.array(data, dtype="int64") - if len(array.shape) == 1: - array = array[:, None] - tensor = fluid.LoDTensor() - tensor.set(array, place) - if len(lod) > 0: - tensor.set_recursive_sequence_lengths(lod) - return tensor - - -class DataLoader(object): - def __init__(self, - data, - batch_size, - shuffle=False, - buf_size=4096, - use_gpu=False): - def data_reader(): - return data - - if shuffle: - self.reader = paddle.batch( - paddle.reader.shuffle( - data_reader, buf_size=buf_size), - batch_size=batch_size) - else: - self.reader = paddle.batch(data_reader, batch_size=batch_size) - self.num_batches = math.ceil(len(data) / batch_size) - self.place = fluid.CUDAPlace(0) if use_gpu else fluid.CPUPlace() - - def __len__(self): - return self.num_batches - - def __iter__(self): - for examples in self.reader(): - batch_size = len(examples) - batch = defaultdict(list) - - for ex in examples: - for k, v in ex.items(): - batch[k].append(v) - - batch = {k: data2lodtensor(v, self.place) for k, v in batch.items()} - batch["size"] = batch_size - yield batch diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/inputters/dataset.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/inputters/dataset.py deleted file mode 100644 index 330416dbd106d65a06d9fffd0fef0a3d77828263..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/inputters/dataset.py +++ /dev/null @@ -1,169 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -import codecs -import re -import time -import json -import pickle -from collections import Counter - -from mmpms.inputters.vocabulary import Vocabulary -from mmpms.inputters.constant import UNK, BOS, EOS, NUM - - -def tokenize(s): - s = re.sub('\d+', NUM, s).lower() - tokens = s.split(' ') - return tokens - - -class PostResponseDataset(object): - def __init__(self, - tokenize_fn=tokenize, - min_count=0, - max_vocab_size=None, - min_len=0, - max_len=100, - embed_file=None): - self.tokenize_fn = tokenize_fn - self.vocab = Vocabulary( - min_count=min_count, max_size=max_vocab_size, embed_file=embed_file) - self.min_len = min_len - self.max_len = max_len - - def build_vocab(self, data_file): - examples = self.read(data_file) - counter = Counter() - print("Building vocabulary ...") - for example in examples: - counter.update(example["post"]) - counter.update(example["response"]) - self.vocab.build(counter) - - def save_vocab(self, vocab_file): - vocab_dict = self.vocab.dump() - start = time.time() - with codecs.open(vocab_file, "w", encoding="utf-8") as fp: - json.dump(vocab_dict, fp, ensure_ascii=False) - elapsed = time.time() - start - print("Saved vocabulary to '{}' (elapsed {:.2f}s)".format(vocab_file, - elapsed)) - - def load_vocab(self, vocab_file): - print("Loading vocabulary from '{}' ...".format(vocab_file)) - start = time.time() - with codecs.open(vocab_file, "r", encoding="utf-8") as fp: - vocab_dict = json.load(fp) - elapsed = time.time() - start - self.vocab.load(vocab_dict) - vocab_size = self.vocab.size() - print("Loaded vocabulary of size {} (elapsed {}s)".format(vocab_size, - elapsed)) - - def indices2string(self, indices): - tokens = [self.vocab.itos[idx] for idx in indices] - - bos_token = self.vocab.bos_token - if bos_token and tokens[0] == bos_token: - tokens = tokens[1:] - - eos_token = self.vocab.eos_token - string = [] - for tok in tokens: - if tok != eos_token: - string.append(tok) - else: - break - string = " ".join(string) - return string - - def tokens2indices(self, tokens): - indices = [ - self.vocab.stoi.get(tok, self.vocab.unk_id) for tok in tokens - ] - return indices - - def numericalize(self, tokens): - element = tokens[0] - if isinstance(element, list): - return [self.numericalize(s) for s in tokens] - else: - return self.tokens2indices(tokens) - - def denumericalize(self, indices): - element = indices[0] - if isinstance(element, list): - return [self.denumericalize(x) for x in indices] - else: - return self.indices2string(indices) - - def build_examples(self, data_file): - print("Building examples from '{}' ...".format(data_file)) - data = self.read(data_file) - examples = [] - print("Numericalizing examples ...") - for ex in data: - example = {} - post, response = ex["post"], ex["response"] - post = self.numericalize(post) - response = self.numericalize(response) - example["post"] = post - example["response"] = [self.vocab.bos_id] + response - example["label"] = response + [self.vocab.eos_id] - examples.append(example) - return examples - - def save_examples(self, examples, filename): - start = time.time() - with open(filename, "wb") as fp: - pickle.dump(examples, fp) - elapsed = time.time() - start - print("Saved examples to '{}' (elapsed {:.2f}s)".format(filename, - elapsed)) - - def load_examples(self, filename): - print("Loading examples from '{}' ...".format(filename)) - start = time.time() - with open(filename, "rb") as fp: - examples = pickle.load(fp) - elapsed = time.time() - start - print("Loaded {} examples (elapsed {:.2f}s)".format( - len(examples), elapsed)) - return examples - - def read(self, data_file): - examples = [] - ignored = 0 - - def filter_pred(utt): - """ Filter utterance. """ - return self.min_len <= len(utt) <= self.max_len - - print("Reading examples from '{}' ...".format(data_file)) - with codecs.open(data_file, "r", encoding="utf-8") as f: - for line in f: - post, response = line.strip().split("\t") - post = self.tokenize_fn(post) - response = self.tokenize_fn(response) - if filter_pred(post) and filter_pred(response): - examples.append({"post": post, "response": response}) - else: - ignored += 1 - print("Read {} examples ({} filtered)".format(len(examples), ignored)) - return examples diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/inputters/vocabulary.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/inputters/vocabulary.py deleted file mode 100644 index 3cba29ef2376349e60537a07ebd6274b4cd6d8a8..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/inputters/vocabulary.py +++ /dev/null @@ -1,127 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -from __future__ import division - -import codecs - -from mmpms.inputters.constant import UNK, BOS, EOS - - -class Vocabulary(object): - - unk_token = UNK - bos_token = BOS - eos_token = EOS - - def __init__(self, min_count=0, max_size=None, specials=[], - embed_file=None): - self.min_count = min_count - self.max_size = max_size - self.embed_file = embed_file - - self.specials = [self.unk_token, self.bos_token, self.eos_token] - for token in specials: - if token not in self.specials: - self.specials.append(token) - - self.itos = [] - self.stoi = {} - self.embeddings = None - - @property - def unk_id(self): - return self.stoi.get(self.unk_token) - - @property - def bos_id(self): - return self.stoi.get(self.bos_token) - - @property - def eos_id(self): - return self.stoi.get(self.eos_token) - - def __len__(self): - return len(self.itos) - - def size(self): - return len(self.itos) - - def build(self, counter): - # frequencies of special tokens are not counted when building vocabulary - # in frequency order - for tok in self.specials: - del counter[tok] - - if len(counter) == 0: - return - - self.itos = list(self.specials) - - if self.max_size is not None: - self.max_size += len(self.itos) - - # sort by frequency, then alphabetically - tokens_frequencies = sorted(counter.items(), key=lambda tup: tup[0]) - tokens_frequencies.sort(key=lambda tup: tup[1], reverse=True) - - cover = 0 - for token, count in tokens_frequencies: - if count < self.min_count or len(self.itos) == self.max_size: - break - self.itos.append(token) - cover += count - cover = cover / sum(count for _, count in tokens_frequencies) - self.stoi = {token: i for i, token in enumerate(self.itos)} - - print("Built vocabulary of size {} ".format(self.size()) + - "(coverage: {:.3f})".format(cover)) - - if self.embed_file is not None: - self.embeddings = self.build_word_embeddings(self.embed_file) - - def build_word_embeddings(self, embed_file): - cover = 0 - print("Building word embeddings from '{}' ...".format(embed_file)) - with codecs.open(embed_file, "r", encoding="utf-8") as f: - num, dim = map(int, f.readline().strip().split()) - embeds = [[0] * dim] * len(self.stoi) - for line in f: - cols = line.rstrip().split() - w, vs = cols[0], cols[1:] - if w in self.stoi: - try: - vs = [float(x) for x in vs] - except Exception: - vs = [] - if len(vs) == dim: - embeds[self.stoi[w]] = vs - cover += 1 - rate = cover / len(embeds) - print("Built {} {}-D pretrained word embeddings ".format(cover, dim) + - "(coverage: {:.3f})".format(rate)) - return embeds - - def dump(self): - vocab_dict = {"itos": self.itos, "embeddings": self.embeddings} - return vocab_dict - - def load(self, vocab_dict): - self.itos = vocab_dict["itos"] - self.stoi = {tok: i for i, tok in enumerate(self.itos)} - self.embeddings = vocab_dict["embeddings"] diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/layers/__init__.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/layers/__init__.py deleted file mode 100644 index 4b59e20dbd65d1756c87d6f12ae698ecf31b589a..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/layers/__init__.py +++ /dev/null @@ -1,20 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -from paddle.fluid.layers import * -from mmpms.layers.layers_wrapper import * diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/layers/layers_wrapper.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/layers/layers_wrapper.py deleted file mode 100644 index e56e1906b6b48ca91f4af025db2c7427dc2580b7..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/layers/layers_wrapper.py +++ /dev/null @@ -1,405 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ -""" -Wrappers for fluid.layers. It helps to easily share parameters between layers. -""" - -import operator -from collections import OrderedDict - -import paddle.fluid.layers as layers -import paddle.fluid.unique_name as unique_name -from paddle.fluid.param_attr import ParamAttr - - -def update_attr(attr, name, prefix=None, suffix="W"): - if attr == False: - return False - - if prefix: - name = prefix + "." + name - new_name = unique_name.generate(name + "." + suffix) - if attr is None: - attr = ParamAttr(name=new_name) - elif attr.name is None: - attr.name = new_name - return attr - - -class BaseLayer(object): - def __init__(self): - self._parameters = OrderedDict() - self._layers = OrderedDict() - - def __getattr__(self, name): - if '_parameters' in self.__dict__: - _parameters = self.__dict__['_parameters'] - if name in _parameters: - return _parameters[name] - if '_layers' in self.__dict__: - _layers = self.__dict__['_layers'] - if name in _layers: - return _layers[name] - if name in self.__dict__: - return self.__dict__[name] - raise AttributeError("'{}' object has no attribute '{}'".format( - type(self).__name__, name)) - - def __setattr__(self, name, value): - def remove_from(*dicts): - for d in dicts: - if name in d: - del d[name] - - if isinstance(value, ParamAttr): - self._parameters[name] = value - remove_from(self.__dict__, self._layers) - elif isinstance(value, BaseLayer): - self._layers[name] = value - remove_from(self.__dict__, self._parameters) - else: - object.__setattr__(self, name, value) - - def __call__(self, *args, **kwargs): - raise NotImplementedError - - -class LayerList(BaseLayer): - def __init__(self, layers): - super(LayerList, self).__init__() - self += layers - - def _get_abs_string_index(self, idx): - """Get the absolute index for the list of layers""" - idx = operator.index(idx) - if not (-len(self) <= idx < len(self)): - raise IndexError('index {} is out of range'.format(idx)) - if idx < 0: - idx += len(self) - return str(idx) - - def __getitem__(self, idx): - if isinstance(idx, slice): - return self.__class__(list(self._layers.values())[idx]) - else: - return self._layers[self._get_abs_string_index(idx)] - - def __setitem__(self, idx, layer): - idx = self._get_abs_string_index(idx) - return setattr(self, str(idx), layer) - - def __delitem__(self, idx): - if isinstance(idx, slice): - for k in range(len(self._layers))[idx]: - delattr(self, str(k)) - else: - delattr(self, self._get_abs_string_index(idx)) - # To preserve numbering, self._layers is being reconstructed with layers after deletion - str_indices = [str(i) for i in range(len(self._layers))] - self._layers = OrderedDict( - list(zip(str_indices, self._layers.values()))) - - def __len__(self): - return len(self._layers) - - def __iter__(self): - return iter(self._layers.values()) - - def __iadd__(self, layers): - return self.extend(layers) - - def extend(self, layers): - if not isinstance(layers, (list, tuple)): - raise TypeError("LayerList.extend should be called with a " - "list or tuple, but got " + type(layers).__name__) - offset = len(self) - for i, layer in enumerate(layers): - self._layers[str(offset + i)] = layer - return self - - -class Sequential(BaseLayer): - def __init__(self, *layers): - super(Sequential, self).__init__() - for idx, layer in enumerate(layers): - if not isinstance(layer, BaseLayer): - raise TypeError("{} is not a BaseLayer subclass".format( - type(layer))) - self._layers[str(idx)] = layer - - def __call__(self, input): - for layer in self._layers.values(): - input = layer(input) - return input - - -class Embedding(BaseLayer): - def __init__(self, - size, - is_sparse=False, - is_distributed=False, - padding_idx=None, - param_attr=None, - dtype='float32', - name=None): - super(Embedding, self).__init__() - self.name = name or "Embedding" - self.size = size - self.is_sparse = is_sparse - self.is_distributed = False - self.padding_idx = padding_idx - self.param_attr = update_attr(param_attr, self.name, suffix="W") - self.dtype = dtype - - def __call__(self, input): - return layers.embedding( - input=input, - size=self.size, - is_sparse=self.is_sparse, - is_distributed=self.is_distributed, - padding_idx=self.padding_idx, - param_attr=self.param_attr, - dtype=self.dtype) - - -class FC(BaseLayer): - def __init__(self, - size, - num_flatten_dims=1, - param_attr=None, - bias_attr=None, - act=None, - is_test=False, - name=None): - super(FC, self).__init__() - self.name = name or "FC" - self.size = size - self.num_flatten_dims = num_flatten_dims - self.param_attr = update_attr(param_attr, self.name, suffix="W") - self.bias_attr = update_attr(bias_attr, self.name, suffix="b") - self.act = act - self.is_test = False - - def __call__(self, input, name=None): - assert not isinstance(input, (list, tuple)) - return layers.fc(input=input, - size=self.size, - num_flatten_dims=self.num_flatten_dims, - param_attr=self.param_attr, - bias_attr=self.bias_attr, - act=self.act, - is_test=self.is_test, - name=name) - - -class DynamicGRU(BaseLayer): - def __init__(self, - hidden_dim, - param_attr=None, - bias_attr=None, - input_param_attr=None, - input_bias_attr=None, - is_reverse=False, - gate_activation='sigmoid', - candidate_activation='tanh', - origin_mode=False, - name=None): - super(DynamicGRU, self).__init__() - self.name = name or "DynamicGRU" - self.hidden_dim = hidden_dim - self.param_attr = update_attr(param_attr, self.name, suffix="hidden.W") - self.bias_attr = update_attr(bias_attr, self.name, suffix="hidden.b") - self.input_param_attr = update_attr( - input_param_attr, self.name, suffix="input.W") - self.input_bias_attr = update_attr( - input_bias_attr, self.name, suffix="input.b") - self.is_reverse = is_reverse - self.gate_activation = gate_activation - self.candidate_activation = candidate_activation - self.origin_mode = origin_mode - - def __call__(self, input, state=None): - gru_input = layers.fc(input=input, - size=self.hidden_dim * 3, - param_attr=self.input_param_attr, - bias_attr=self.input_bias_attr) - return layers.dynamic_gru( - input=gru_input, - size=self.hidden_dim, - param_attr=self.param_attr, - bias_attr=self.bias_attr, - is_reverse=self.is_reverse, - gate_activation=self.gate_activation, - candidate_activation=self.candidate_activation, - h_0=state, - origin_mode=self.origin_mode) - - -class GRU(BaseLayer): - def __init__(self, - hidden_dim, - num_layers=1, - bidirectional=False, - dropout=0.0, - name=None): - super(GRU, self).__init__() - if dropout > 0 and num_layers == 1: - raise ValueError( - "Non-zero dropout expects num_layers greater than 1") - self.name = name or "GRU" - self.hidden_dim = hidden_dim - self.num_layers = num_layers - self.bidirectional = bidirectional - self.num_directions = 2 if bidirectional else 1 - self.dropout = dropout - rnns = [] - for l in range(num_layers): - inners = [] - inners.append( - DynamicGRU( - hidden_dim=hidden_dim, name="{}_l{}".format(self.name, l))) - if bidirectional: - inners.append( - DynamicGRU( - hidden_dim=hidden_dim, - name="{}_l{}_reverse".format(self.name, l), - is_reverse=True)) - rnns.append(LayerList(inners)) - self.rnns = LayerList(rnns) - - def __call__(self, input, hidden=None): - if hidden is not None: - assert len(hidden) == self.num_layers - assert len(hidden[0]) == self.num_directions - else: - hidden = [[None] * self.num_directions] * self.num_layers - new_hidden = [] - for l in range(self.num_layers): - layer_output = [] - layer_hidden = [] - for i, inner in enumerate(self.rnns[l]): - output = inner(input, hidden[l][i]) - layer_output.append(output) - if inner.is_reverse: - layer_hidden.append(layers.sequence_first_step(output)) - else: - layer_hidden.append(layers.sequence_last_step(output)) - input = layers.concat(layer_output, axis=1) - if self.dropout > 0 and l + 1 < self.num_layers: - input = layers.dropout( - input, - dropout_prob=self.dropout, - dropout_implementation='upscale_in_train') - new_hidden.append(layers.concat(layer_hidden, axis=1)) - return input, new_hidden - - -class GRUCell(BaseLayer): - def __init__(self, - hidden_dim, - param_attr=None, - bias_attr=None, - input_param_attr=None, - input_bias_attr=None, - activation='tanh', - gate_activation='sigmoid', - origin_mode=False, - name=None): - super(GRUCell, self).__init__() - self.name = name or "GRUCell" - self.hidden_dim = hidden_dim - self.param_attr = update_attr(param_attr, self.name, suffix="hidden.W") - self.bias_attr = update_attr(bias_attr, self.name, suffix="hidden.b") - self.input_param_attr = update_attr( - input_param_attr, self.name, suffix="input.W") - self.input_bias_attr = update_attr( - input_bias_attr, self.name, suffix="input.b") - self.activation = activation - self.gate_activation = gate_activation - self.origin_mode = origin_mode - - def __call__(self, input, hidden): - gru_input = layers.fc(input=input, - size=self.hidden_dim * 3, - param_attr=self.input_param_attr, - bias_attr=self.input_bias_attr) - new_hidden, _, _ = layers.gru_unit( - input=gru_input, - hidden=hidden, - size=self.hidden_dim * 3, - param_attr=self.param_attr, - bias_attr=self.bias_attr, - activation=self.activation, - gate_activation=self.gate_activation, - origin_mode=self.origin_mode) - return new_hidden, new_hidden - - -class StackedGRUCell(BaseLayer): - def __init__(self, hidden_dim, num_layers=1, dropout=0.0, name=None): - super(StackedGRUCell, self).__init__() - if dropout > 0 and num_layers == 1: - raise ValueError( - "Non-zero dropout expects num_layers greater than 1") - - self.name = name or "StackedGRUCell" - self.hidden_dim = hidden_dim - self.num_layers = num_layers - self.dropout = dropout - - cells = [ - GRUCell( - hidden_dim=hidden_dim, name="{}_l{}".format(self.name, l)) - for l in range(self.num_layers) - ] - self.cells = LayerList(cells) - - def __call__(self, input, hidden): - assert len(hidden) == self.num_layers - new_hidden = [] - for cell, hid in zip(self.cells, hidden): - input, new_hid = cell(input, hid) - new_hidden += [new_hid] - if self.dropout > 0: - input = layers.dropout( - input, - dropout_prob=self.dropout, - dropout_implementation='upscale_in_train') - output = new_hidden[-1] - return output, new_hidden - - -class Dropout(BaseLayer): - def __init__(self, dropout_prob, is_test=False, seed=None, name=None): - super(Dropout, self).__init__() - self.dropout_prob = dropout_prob - self.is_test = is_test - self.seed = seed - self.name = name - - def __call__(self, input): - if self.dropout_prob > 0.0: - return layers.dropout( - input, - dropout_prob=self.dropout_prob, - is_test=self.is_test, - seed=self.seed, - name=self.name, - dropout_implementation='upscale_in_train') - else: - return input diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/models/__init__.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/models/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/models/mmpms.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/models/mmpms.py deleted file mode 100644 index 70596402ca7e8a71e97cb362917884733743dd49..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/models/mmpms.py +++ /dev/null @@ -1,412 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -from __future__ import division -from __future__ import absolute_import - -import math -import numpy as np -import paddle.fluid as fluid -import mmpms.layers as layers - -from mmpms.models.model_base import Model -from mmpms.modules.embedder import Embedder -from mmpms.modules.encoder import GRUEncoder -from mmpms.modules.decoder import GRUDecoder -from mmpms.utils.misc import sequence_but, sequence_last - - -class MMPMS(Model): - def __init__(self, vocab, generator, hparams, optim_hparams, use_gpu=False): - self.vocab = vocab - self.generator = generator - - self.vocab_size = self.vocab.size() - self.embed_dim = hparams.embed_dim - self.hidden_dim = hparams.hidden_dim - self.num_mappings = hparams.num_mappings - self.tau = hparams.tau - self.num_layers = hparams.num_layers - self.bidirectional = hparams.bidirectional - self.attn_mode = hparams.attn_mode - self.use_pretrained_embedding = hparams.use_pretrained_embedding - self.embed_init_scale = hparams.embed_init_scale - self.dropout = hparams.dropout - - self.grad_clip = optim_hparams.grad_clip or 0 - - # Embedding - self.embedder = Embedder( - num_embeddings=self.vocab_size, - embedding_dim=self.embed_dim, - param_attr=fluid.ParamAttr(initializer=fluid.initializer.Uniform( - -self.embed_init_scale, self.embed_init_scale)), - name="embedder") - - # Encoding - self.post_encoder = GRUEncoder( - hidden_dim=self.hidden_dim, - num_layers=self.num_layers, - bidirectional=self.bidirectional, - dropout=self.dropout, - name="post_encoder") - - self.response_encoder = GRUEncoder( - hidden_dim=self.hidden_dim, - num_layers=self.num_layers, - bidirectional=self.bidirectional, - dropout=self.dropout, - name="response_encoder") - - # Multi-Mapping - self.mappings = layers.LayerList([ - layers.FC(size=self.hidden_dim, name="map_{}".format(i)) - for i in range(self.num_mappings) - ]) - - # Decoding - self.decoder = GRUDecoder( - hidden_dim=self.hidden_dim, - num_layers=self.num_layers, - attn_mode=self.attn_mode, - dropout=self.dropout, - name="decoder") - - # Predictor - bound = math.sqrt(1 / self.hidden_dim) - if self.attn_mode == "none": - self.predictor = layers.Sequential( - layers.Dropout(dropout_prob=self.dropout), - layers.FC( - size=self.vocab_size, - act="softmax", - param_attr=fluid.ParamAttr( - initializer=fluid.initializer.Uniform(-bound, bound)), - name="predictor")) - else: - self.predictor = layers.Sequential( - layers.Dropout(dropout_prob=self.dropout), - layers.FC(size=self.hidden_dim, name="project"), - layers.FC( - size=self.vocab_size, - act="softmax", - param_attr=fluid.ParamAttr( - initializer=fluid.initializer.Uniform(-bound, bound)), - bias_attr=fluid.ParamAttr( - initializer=fluid.initializer.Uniform(-bound, bound)), - name="predictor"), ) - - # Optimizer - Optimizer = getattr(fluid.optimizer, optim_hparams.optimizer) - self.optimizer = Optimizer(learning_rate=optim_hparams.lr) - - super(MMPMS, self).__init__(use_gpu=use_gpu) - - # Embedding Initialization - if self.use_pretrained_embedding: - self.embedder.from_pretrained(self.vocab.embeddings, self.place, - self.embed_init_scale) - - def gumbel_softmax(self, logits, tau, eps=1e-10): - u = layers.uniform_random_batch_size_like( - logits, shape=[-1, self.num_mappings], min=0.0, max=1.0) - u.stop_gradient = True - gumbel = 0.0 - layers.log(eps - layers.log(u + eps)) - y = logits + gumbel - return layers.softmax(y / tau) - - def encode(self, post_inputs, response_inputs, is_training=False): - outputs = {} - post_enc_inputs = self.embedder(post_inputs) - post_outputs, post_hidden = self.post_encoder(post_enc_inputs) - post_hidden = post_hidden[-1] - - # shape: (batch_size, num_mappings, hidden_dim) - candidate_hiddens = layers.stack( - [mapping(post_hidden) for mapping in self.mappings], axis=1) - - response_enc_inputs = self.embedder(response_inputs) - _, response_hidden = self.response_encoder(response_enc_inputs) - response_hidden = response_hidden[-1] - - # For simplicity, use the target responses in the same batch as negative examples - neg_response_hidden = layers.reverse(response_hidden, axis=0) - - pos_logits = layers.reduce_sum( - post_hidden * response_hidden, dim=1, keep_dim=True) - neg_logits = layers.reduce_sum( - post_hidden * neg_response_hidden, dim=1, keep_dim=True) - outputs.update({"pos_logits": pos_logits, "neg_logits": neg_logits}) - - # shape: (batch_size, num_mappings) - similarity = layers.squeeze( - layers.matmul( - candidate_hiddens, layers.unsqueeze( - response_hidden, axes=[2])), - axes=[2]) - post_probs = layers.softmax(similarity) - outputs.update({"post_probs": post_probs}) - - if is_training: - z = self.gumbel_softmax( - layers.log(post_probs + 1e-10), tau=self.tau) - else: - indices = layers.argmax(post_probs, axis=1) - z = layers.one_hot( - layers.reshape( - indices, shape=[-1, 1]), self.num_mappings) - - # shape: (batch_size, hidden_size) - dec_hidden = layers.squeeze( - layers.matmul( - layers.unsqueeze( - z, axes=[1]), candidate_hiddens), - axes=[1]) - - state = {} - state["hidden"] = [dec_hidden] * self.num_layers - if self.attn_mode != "none": - state["memory"] = post_outputs - return outputs, state - - def enumerate_encode(self, inputs, post_expand_lod): - post_enc_inputs = self.embedder(inputs) - post_outputs, post_hidden = self.post_encoder(post_enc_inputs) - post_hidden = post_hidden[-1] - - # shape: (batch_size*num_mappings, hidden_dim) - dec_hidden = layers.stack( - [mapping(post_hidden) for mapping in self.mappings], axis=1) - dec_hidden = layers.reshape(dec_hidden, shape=[-1, self.hidden_dim]) - - post_outputs = layers.expand( - post_outputs, expand_times=[1, self.num_mappings]) - post_outputs = layers.sequence_reshape( - post_outputs, new_dim=self.hidden_dim) - post_outputs = layers.lod_reset(post_outputs, y=post_expand_lod) - - state = {} - state["hidden"] = [dec_hidden] * self.num_layers - if self.attn_mode != "none": - state["memory"] = post_outputs - return state - - def decode(self, inputs, state, is_infer=True): - dec_inputs = self.embedder(inputs) - if is_infer: - dec_outputs, new_state = self.decoder.step(dec_inputs, state=state) - else: - dec_outputs = self.decoder(dec_inputs, state=state) - probs = self.predictor(dec_outputs) - if is_infer: - return probs, new_state - else: - return probs - - def collect_metrics(self, outputs, label): - metrics = {} - loss = 0 - - # Seq2Seq NLL Loss - probs = outputs["probs"] - nll = layers.cross_entropy(input=probs, label=label) - ppl = layers.mean( - layers.exp(layers.sequence_pool( - nll, pool_type="average")), - name="ppl") - nll = layers.mean( - layers.sequence_pool( - nll, pool_type="sum"), name="nll") - metrics.update({"nll": nll, "ppl": ppl}) - loss += nll - - # Matching Loss - pos_logits = outputs["pos_logits"] - pos_label = layers.fill_constant_batch_size_like( - pos_logits, shape=[-1, 1], dtype="float32", value=1) - pos_label.stop_gradient = True - neg_logits = outputs["neg_logits"] - neg_label = layers.fill_constant_batch_size_like( - neg_logits, shape=[-1, 1], dtype="float32", value=0) - neg_label.stop_gradient = True - - pos_loss = layers.sigmoid_cross_entropy_with_logits(pos_logits, - pos_label) - neg_loss = layers.sigmoid_cross_entropy_with_logits(neg_logits, - neg_label) - match = layers.mean(pos_loss + neg_loss) - pos_acc = layers.mean( - layers.cast( - layers.less_than(neg_label, pos_logits), dtype="float32")) - neg_acc = layers.mean( - layers.cast( - layers.less_than(neg_logits, neg_label), dtype="float32")) - acc = (pos_acc + neg_acc) / 2.0 - metrics.update({"match": match, "match_acc": acc}) - loss += match - - metrics["loss"] = loss - return metrics - - def build_program(self): - self.startup_program = fluid.Program() - self.train_program = fluid.Program() - with fluid.program_guard(self.train_program, self.startup_program): - # Input - post = layers.data( - name="post", shape=[1], lod_level=1, dtype="int64") - response = layers.data( - name="response", shape=[1], lod_level=1, dtype="int64") - label = layers.data( - name="label", shape=[1], lod_level=1, dtype="int64") - pos_response = layers.data( - name="pos_response", shape=[1], lod_level=1, dtype="int64") - - self.eval_program = self.train_program.clone(for_test=True) - - # Encode - outputs, state = self.encode( - post_inputs=post, - response_inputs=pos_response, - is_training=True) - - # Decode - probs = self.decode(response, state, is_infer=False) - outputs.update({"probs": probs}) - - # Metrics - metrics = self.collect_metrics(outputs, label) - - loss = metrics["loss"] - if self.grad_clip > 0: - fluid.clip.set_gradient_clip( - clip=fluid.clip.GradientClipByGlobalNorm( - clip_norm=self.grad_clip), - program=self.train_program) - self.optimizer.minimize(loss) - self.train_fetch_dict = metrics - - with fluid.program_guard(self.eval_program, self.startup_program): - # Encode - outputs, state = self.encode( - post_inputs=post, - response_inputs=pos_response, - is_training=False) - - # Decode - probs = self.decode(response, state, is_infer=False) - outputs.update({"probs": probs}) - - # Metrics - metrics = self.collect_metrics(outputs, label) - self.eval_fetch_dict = metrics - self.eval_program = self.eval_program.clone(for_test=True) - - self.infer_program = fluid.Program() - with fluid.program_guard(self.infer_program, self.startup_program): - # Input - post = layers.data( - name="post", shape=[1], lod_level=1, dtype="int64") - response = layers.data( - name="response", shape=[1], lod_level=1, dtype="int64") - init_ids = layers.data( - name="init_ids", shape=[1], lod_level=2, dtype="int64") - post_expand_lod = layers.data( - name="post_expand_lod", shape=[1, -1], dtype="int32") - - # Encode - state = self.enumerate_encode(post, post_expand_lod) - - # Infer - prediction_ids, prediction_scores = self.generator(self.decode, - state, init_ids) - self.infer_program = self.infer_program.clone(for_test=True) - self.infer_fetch_dict = { - "preds": prediction_ids, - "post": post, - "response": response - } - - def train(self, inputs, train_state=None): - return self.execute( - program=self.train_program, - feed=self.set_feed( - inputs, mode="train"), - fetch_dict=self.train_fetch_dict) - - def evaluate(self, inputs): - return self.execute( - program=self.eval_program, - feed=self.set_feed( - inputs, mode="evaluate"), - fetch_dict=self.eval_fetch_dict) - - def infer(self, inputs): - batch_size = inputs["size"] - result = self.execute( - program=self.infer_program, - feed=self.set_feed( - inputs, mode="infer"), - fetch_dict=self.infer_fetch_dict, - return_numpy=False) - - def select_top1_in_beam(T): - lod = T.lod() - lens = T.recursive_sequence_lengths()[-1] - sents = np.split(np.array(T), lod[-1][1:-1]) - top1_ids = lod[0][:-1] - data = np.concatenate([sents[i] for i in top1_ids]) - recur_lens = [[1 for _ in top1_ids], [lens[i] for i in top1_ids]] - return fluid.create_lod_tensor(data, recur_lens, self.place) - - preds = select_top1_in_beam(result["preds"]) - lens = preds.recursive_sequence_lengths() - lens[0] = [self.num_mappings] * batch_size - preds.set_recursive_sequence_lengths(lens) - result["preds"] = preds - - return result - - def set_feed(self, inputs, mode="train"): - feed = {} - feed["post"] = inputs["post"] - feed["response"] = inputs["response"] - if mode == "infer": - start_id = self.generator.start_id - batch_size = inputs["size"] - batch_size = batch_size * self.num_mappings - init_ids_data = np.array( - [[start_id] for _ in range(batch_size)], dtype='int64') - init_recursive_seq_lens = [[1] * batch_size, [1] * batch_size] - init_ids = fluid.create_lod_tensor( - init_ids_data, init_recursive_seq_lens, self.place) - feed["init_ids"] = init_ids - - post_lens = inputs["post"].recursive_sequence_lengths()[0] - post_expand_lens = [ - l for l in post_lens for _ in range(self.num_mappings) - ] - post_expand_lens.insert(0, 0) - post_expand_lod = np.cumsum(post_expand_lens)[None, :] - post_expand_lod = post_expand_lod.astype("int32") - feed["post_expand_lod"] = post_expand_lod - else: - feed["label"] = inputs["label"] - feed["pos_response"] = sequence_but( - inputs["response"], self.place, position="first") - return feed diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/models/model_base.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/models/model_base.py deleted file mode 100644 index a8822d1ebc2f577ce65935a2aa384aa5c1104e6d..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/models/model_base.py +++ /dev/null @@ -1,81 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -import paddle.fluid as fluid - - -class Model(object): - def __init__(self, use_gpu=False): - self.train_program = None - self.eval_program = None - self.infer_program = None - self.startup_program = None - self.train_fetch_dict = None - self.eval_fetch_dict = None - self.infer_fetch_dict = None - - self.build_program() - - assert self.startup_program is not None - assert self.train_program is not None - assert self.train_fetch_dict is not None - assert self.eval_program is not None - assert self.eval_fetch_dict is not None - - self.place = fluid.CUDAPlace(0) if use_gpu else fluid.CPUPlace() - - self.executor = fluid.Executor(self.place) - self.executor.run(self.startup_program) - - def build_program(self): - raise NotImplementedError - - def set_feed(self, inputs, mode): - raise NotImplementedError - - def train(self, inputs): - raise NotImplementedError - - def evaluate(self, inputs): - raise NotImplementedError - - def infer(self, inputs): - raise NotImplementedError - - def execute(self, program, feed, fetch_dict, return_numpy=True): - fetch_keys = list(fetch_dict.keys()) - fetch_list = list(fetch_dict.values()) - fetch_vals = self.executor.run(program=program, - feed=feed, - fetch_list=fetch_list, - return_numpy=return_numpy) - return dict(zip(fetch_keys, fetch_vals)) - - def save(self, model_dir): - """ Save model parameters. """ - fluid.io.save_persistables( - executor=self.executor, - dirname=model_dir, - main_program=self.train_program) - - def load(self, model_dir): - """ Load model parameters. """ - fluid.io.load_persistables( - executor=self.executor, - dirname=model_dir, - main_program=self.train_program) diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/modules/__init__.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/modules/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/modules/attention.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/modules/attention.py deleted file mode 100644 index e895b4dcc9bdc8b4d50d77813cc880b2bef5e579..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/modules/attention.py +++ /dev/null @@ -1,78 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -import mmpms.layers as layers - - -class Attention(object): - def __init__(self, mode="mlp", memory_dim=None, hidden_dim=None, name=None): - assert (mode in ["dot", "general", "mlp"]), ( - "Unsupported attention mode: {}".format(mode)) - self.name = name or "Attention" - self.mode = mode - - if mode == "general": - self.query_fc = layers.FC(size=memory_dim, - bias_attr=False, - name="{}.query".format(self.name)) - self.memory_dim = memory_dim - elif mode == "mlp": - assert hidden_dim is not None - self.query_fc = layers.FC(size=hidden_dim, - bias_attr=False, - name="{}.query".format(self.name)) - self.memory_fc = layers.FC(size=hidden_dim, - name="{}.memory".format(self.name)) - self.out_fc = layers.FC(size=1, - bias_attr=False, - name="{}.out".format(self.name)) - - def __call__(self, query, memory, memory_proj=None): - if self.mode == "dot": - assert query.shape[-1] == memory.shape[-1] - query_expand = layers.sequence_expand_as(x=query, y=memory) - attn = layers.reduce_sum( - layers.elementwise_mul( - x=query_expand, y=memory), - dim=-1, - keep_dim=True) - elif self.mode == "general": - assert self.memory_dim == memory.shape[-1] - query_proj = self.query_fc(query) - query_proj_expand = layers.sequence_expand_as( - x=query_proj, y=memory) - attn = layers.reduce_sum( - layers.elementwise_mul( - x=query_proj_expand, y=memory), - dim=-1, - keep_dim=True) - else: - if memory_proj is None: - memory_proj = self.memory_fc(memory) - query_proj = self.query_fc(query) - query_proj_expand = layers.sequence_expand_as( - x=query_proj, y=memory_proj) - hidden = layers.tanh(query_proj_expand + memory_proj) - attn = self.out_fc(hidden) - - weights = layers.sequence_softmax(input=attn, use_cudnn=False) - - weights_reshape = layers.reshape(x=weights, shape=[-1]) - scaled = layers.elementwise_mul(x=memory, y=weights_reshape, axis=0) - weighted_memory = layers.sequence_pool(input=scaled, pool_type="sum") - return weighted_memory, weights diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/modules/decoder.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/modules/decoder.py deleted file mode 100644 index c969c1f25311687bcdb3d7586682d1398c6ced8d..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/modules/decoder.py +++ /dev/null @@ -1,113 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -import mmpms.layers as layers -from mmpms.modules.attention import Attention - - -class BaseDecoder(object): - def step(self, input, state): - """ step function """ - raise NotImplementedError - - def forward(self, input, state): - """ forward function """ - drnn = layers.DynamicRNN() - - def memory(memory_state): - if isinstance(memory_state, dict): - return {k: memory(v) for k, v in memory_state.items()} - elif isinstance(memory_state, (tuple, list)): - return type(memory_state)(memory(x) for x in memory_state) - else: - return drnn.memory(init=memory_state, need_reorder=True) - - def update(pre_state, new_state): - if isinstance(new_state, dict): - for k in new_state.keys(): - if k in pre_state: - update(pre_state[k], new_state[k]) - elif isinstance(new_state, (tuple, list)): - for i in range(len(new_state)): - update(pre_state[i], new_state[i]) - else: - drnn.update_memory(pre_state, new_state) - - with drnn.block(): - current_input = drnn.step_input(input) - pre_state = memory(state) - output, current_state = self.step(current_input, pre_state) - update(pre_state, current_state) - drnn.output(output) - rnn_output = drnn() - return rnn_output - - def __call__(self, input, state): - return self.forward(input, state) - - -class GRUDecoder(BaseDecoder): - def __init__(self, - hidden_dim, - num_layers=1, - attn_mode="none", - attn_hidden_dim=None, - memory_dim=None, - dropout=0.0, - name=None): - self.hidden_dim = hidden_dim - self.num_layers = num_layers - self.attn_mode = None if attn_mode == "none" else attn_mode - self.attn_hidden_dim = attn_hidden_dim or hidden_dim // 2 - self.memory_dim = memory_dim or hidden_dim - self.dropout = dropout - - self.rnn = layers.StackedGRUCell( - hidden_dim=hidden_dim, - num_layers=num_layers, - dropout=dropout if self.num_layers > 1 else 0.0, - name=name) - - if self.attn_mode: - self.attention = Attention( - mode=self.attn_mode, - memory_dim=self.memory_dim, - hidden_dim=self.attn_hidden_dim) - - def step(self, input, state): - hidden = state["hidden"] - rnn_input_list = [input] - - if self.attn_mode: - memory = state["memory"] - memory_proj = state.get("memory_proj") - query = hidden[-1] - context, _ = self.attention( - query=query, memory=memory, memory_proj=memory_proj) - rnn_input_list.append(context) - - rnn_input = layers.concat(rnn_input_list, axis=1) - rnn_output, new_hidden = self.rnn(rnn_input, hidden) - - new_state = {k: v for k, v in state.items() if k != "hidden"} - new_state["hidden"] = new_hidden - if self.attn_mode: - output = layers.concat([rnn_output, context], axis=1) - else: - output = rnn_output - return output, new_state diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/modules/embedder.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/modules/embedder.py deleted file mode 100644 index 5496e496866951c3b055086001c8f26767bd9c14..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/modules/embedder.py +++ /dev/null @@ -1,68 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -from __future__ import division - -import numpy as np -import paddle.fluid as fluid - -import mmpms.layers as layers - - -class Embedder(layers.Embedding): - def __init__(self, - num_embeddings, - embedding_dim, - is_sparse=False, - is_distributed=False, - padding_idx=None, - param_attr=None, - dtype='float32', - name=None): - super(Embedder, self).__init__( - size=[num_embeddings, embedding_dim], - is_sparse=is_sparse, - is_distributed=is_distributed, - padding_idx=padding_idx, - param_attr=param_attr, - dtype=dtype, - name=name) - self.num_embeddings = num_embeddings - self.embedding_dim = embedding_dim - - def from_pretrained(self, embeds, place, scale=0.05): - assert len(embeds) == self.num_embeddings - assert len(embeds[0]) == self.embedding_dim - - embeds = np.array(embeds, dtype='float32') - num_known = 0 - for i in range(len(embeds)): - if np.all(embeds[i] == 0): - embeds[i] = np.random.uniform( - low=-scale, high=scale, size=self.embedding_dim) - else: - num_known += 1 - if self.padding_idx is not None: - embeds[self.padding_idx] = 0 - - embedding_param = fluid.global_scope().find_var( - self.param_attr.name).get_tensor() - embedding_param.set(embeds, place) - - print("{} words have pretrained embeddings ".format(num_known) + - "(coverage: {:.3f})".format(num_known / self.num_embeddings)) diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/modules/encoder.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/modules/encoder.py deleted file mode 100644 index 9f57fed3d02b2f8b944e7e6e2c5497fc86c24d8e..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/modules/encoder.py +++ /dev/null @@ -1,47 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -import mmpms.layers as layers - - -class GRUEncoder(object): - def __init__(self, - hidden_dim, - num_layers=1, - bidirectional=True, - dropout=0.0, - name=None): - num_directions = 2 if bidirectional else 1 - assert hidden_dim % num_directions == 0 - rnn_hidden_dim = hidden_dim // num_directions - - self.hidden_dim = hidden_dim - self.rnn_hidden_dim = rnn_hidden_dim - self.num_layers = num_layers - self.bidirectional = bidirectional - self.dropout = dropout - - self.gru = layers.GRU(hidden_dim=rnn_hidden_dim, - num_layers=num_layers, - bidirectional=bidirectional, - dropout=dropout if self.num_layers > 1 else 0.0, - name=name) - - def __call__(self, inputs, hidden=None): - outputs, new_hidden = self.gru(inputs, hidden) - return outputs, new_hidden diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/modules/generator.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/modules/generator.py deleted file mode 100644 index b01e1b27aba71832d878d97159d00d662c7a70f7..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/modules/generator.py +++ /dev/null @@ -1,176 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -import numpy as np - -import paddle.fluid as fluid -import mmpms.layers as layers - - -def state_assign(new_state, old_state): - if isinstance(new_state, dict): - for k in new_state.keys(): - state_assign(new_state[k], old_state[k]) - elif isinstance(new_state, (tuple, list)): - assert len(new_state) == len(old_state) - for new_s, old_s in zip(new_state, old_state): - state_assign(new_s, old_s) - else: - layers.assign(new_state, old_state) - - -def state_sequence_expand(state, y): - if isinstance(state, dict): - return {k: state_sequence_expand(v, y) for k, v in state.items()} - elif isinstance(state, (tuple, list)): - return type(state)(state_sequence_expand(s, y) for s in state) - else: - if state.dtype != y.dtype: - return layers.sequence_expand(state, layers.cast(y, state.dtype)) - else: - return layers.sequence_expand(state, y) - - -class BeamSearch(object): - def __init__(self, - vocab_size, - beam_size, - start_id, - end_id, - unk_id, - min_length=1, - max_length=30, - length_average=False, - ignore_unk=False, - ignore_repeat=False): - self.vocab_size = vocab_size - self.beam_size = beam_size - self.start_id = start_id - self.end_id = end_id - self.unk_id = unk_id - self.min_length = min_length - self.max_length = max_length - self.length_average = length_average - self.ignore_unk = ignore_unk - self.ignore_repeat = ignore_repeat - - def __call__(self, step_fn, state, init_ids): - - init_scores = layers.fill_constant_batch_size_like( - input=init_ids, shape=[-1, 1], dtype="float32", value=0) - init_scores = layers.lod_reset(init_scores, init_ids) - - unk_scores = np.zeros(self.vocab_size, dtype="float32") - unk_scores[self.unk_id] = -1e9 - unk_scores = layers.assign(unk_scores) - - end_scores = np.zeros(self.vocab_size, dtype="float32") - end_scores[self.end_id] = -1e9 - end_scores = layers.assign(end_scores) - - array_len = layers.fill_constant( - shape=[1], dtype="int64", value=self.max_length) - min_array_len = layers.fill_constant( - shape=[1], dtype="int64", value=self.min_length) - counter = layers.zeros(shape=[1], dtype="int64", force_cpu=True) - - # ids, scores as memory - ids_array = layers.create_array("int64") - scores_array = layers.create_array("float32") - - layers.array_write(init_ids, array=ids_array, i=counter) - layers.array_write(init_scores, array=scores_array, i=counter) - - cond = layers.less_than(x=counter, y=array_len) - while_op = layers.While(cond=cond) - - with while_op.block(): - pre_ids = layers.array_read(array=ids_array, i=counter) - pre_score = layers.array_read(array=scores_array, i=counter) - - # use step_fn to update state and get score - score, new_state = step_fn(pre_ids, state) - score = layers.log(score) - - if self.ignore_unk: - score = score + unk_scores - - if self.ignore_repeat: - repeat_scores = layers.cast( - layers.one_hot(pre_ids, self.vocab_size), "float32") * -1e9 - score = score + repeat_scores - - min_cond = layers.less_than(x=counter, y=min_array_len) - with fluid.layers.control_flow.Switch() as switch: - with switch.case(min_cond): - layers.assign(score + end_scores, score) - - score = layers.lod_reset(x=score, y=pre_score) - - topk_scores, topk_indices = layers.topk(score, k=self.beam_size) - if self.length_average: - pre_num = layers.cast(counter, "float32") - cur_num = layers.increment(pre_num, value=1.0, in_place=False) - accu_scores = layers.elementwise_add( - x=layers.elementwise_div(topk_scores, cur_num), - y=layers.elementwise_div( - layers.elementwise_mul( - layers.reshape( - pre_score, shape=[-1]), pre_num), - cur_num), - axis=0) - else: - accu_scores = layers.elementwise_add( - x=topk_scores, - y=layers.reshape( - pre_score, shape=[-1]), - axis=0) - - selected_ids, selected_scores, parent_idx = layers.beam_search( - pre_ids=pre_ids, - pre_scores=pre_score, - ids=topk_indices, - scores=accu_scores, - beam_size=self.beam_size, - end_id=self.end_id, - return_parent_idx=True) - - layers.increment(x=counter, value=1, in_place=True) - - # update the memories - layers.array_write(selected_ids, array=ids_array, i=counter) - layers.array_write(selected_scores, array=scores_array, i=counter) - state_assign(new_state, state) - - length_cond = layers.less_than(x=counter, y=array_len) - not_finish_cond = layers.logical_not( - layers.is_empty(x=selected_ids)) - layers.logical_and(x=length_cond, y=not_finish_cond, out=cond) - - with fluid.layers.control_flow.Switch() as switch: - with switch.case(not_finish_cond): - new_state = state_sequence_expand(new_state, - selected_scores) - state_assign(new_state, state) - - prediction_ids, prediction_scores = layers.beam_search_decode( - ids=ids_array, - scores=scores_array, - beam_size=self.beam_size, - end_id=self.end_id) - return prediction_ids, prediction_scores diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/utils/__init__.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/utils/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/utils/args.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/utils/args.py deleted file mode 100644 index 8f6a01ab7898f59761d99326121263b03868ab82..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/utils/args.py +++ /dev/null @@ -1,76 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -import codecs -import json -import argparse - - -def str2bool(v): - if v.lower() in ('yes', 'true', 't', 'y', '1'): - return True - elif v.lower() in ('no', 'false', 'f', 'n', '0'): - return False - else: - raise argparse.ArgumentTypeError('Unsupported value encountered.') - - -class HParams(dict): - def __getattr__(self, name): - if name in self.keys(): - return self[name] - else: - for v in self.values(): - if isinstance(v, HParams): - if name in v: - return v[name] - raise AttributeError("'HParams' object has no attribute '{}'".format( - name)) - return None - - def __setattr__(self, name, value): - self[name] = value - - def save(self, filename): - with codecs.open(filename, "w", encoding="utf-8") as fp: - json.dump(self, fp, ensure_ascii=False, indent=4, sort_keys=False) - - def load(self, filename): - with codecs.open(filename, "r", encoding="utf-8") as fp: - params_dict = json.load(fp) - for k, v in params_dict.items(): - # Only load grouping hyperparameters - if isinstance(v, dict): - self[k] = HParams(v) - - -def parse_args(parser): - parsed = parser.parse_args() - args = HParams() - optional_args = parser._action_groups[1] - for action in optional_args._group_actions[1:]: - arg_name = action.dest - args[arg_name] = getattr(parsed, arg_name) - for group in parser._action_groups[2:]: - group_args = HParams() - for action in group._group_actions: - arg_name = action.dest - group_args[arg_name] = getattr(parsed, arg_name) - if len(group_args) > 0: - args[group.title] = group_args - return args diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/utils/logging.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/utils/logging.py deleted file mode 100644 index f0298ce179749bc4b686e02b8f5650efa51c4679..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/utils/logging.py +++ /dev/null @@ -1,40 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -from __future__ import absolute_import - -import sys -import logging - - -def getLogger(log_path, name=None): - logger = logging.getLogger(name) - logger.propagate = False - logger.setLevel(logging.DEBUG) - - formatter = logging.Formatter("%(message)s") - - sh = logging.StreamHandler(sys.stdout) - sh.setFormatter(formatter) - logger.addHandler(sh) - - fh = logging.FileHandler(log_path, mode='w') - fh.setFormatter(formatter) - logger.addHandler(fh) - - return logger diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/utils/metrics.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/utils/metrics.py deleted file mode 100644 index cee543c1e07814f08d1e3b086f427f24cdf46425..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/utils/metrics.py +++ /dev/null @@ -1,85 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -from collections import Counter -from nltk.translate import bleu_score -from nltk.translate.bleu_score import SmoothingFunction - - -class Metric(object): - def __init__(self): - self.reset() - - def update(self, val, num=1): - self.val = float(val) - self.num += num - p = num / self.num - self.avg = self.val * p + self.avg * (1 - p) - - def reset(self): - self.val = 0 - self.avg = 0 - self.num = 0 - - def __repr__(self): - return "Metric(val={}, avg={}, num={})".format(self.val, self.avg, - self.num) - - def state_dict(self): - return {"val": self.val, "avg": self.avg, "num": self.num} - - -def distinct(seqs): - batch_size = len(seqs) - unigrams_all, bigrams_all = Counter(), Counter() - for seq in seqs: - unigrams = Counter(seq) - bigrams = Counter(zip(seq, seq[1:])) - unigrams_all.update(unigrams) - bigrams_all.update(bigrams) - - dist_1 = (len(unigrams_all) + 1e-12) / (sum(unigrams_all.values()) + 1e-5) - dist_2 = (len(bigrams_all) + 1e-12) / (sum(bigrams_all.values()) + 1e-5) - return dist_1, dist_2 - - -def bleu(hyps, refs): - bleu_1 = [] - bleu_2 = [] - for hyp, ref in zip(hyps, refs): - try: - score = bleu_score.sentence_bleu( - [ref], - hyp, - smoothing_function=SmoothingFunction().method7, - weights=[1, 0, 0, 0]) - except: - score = 0 - bleu_1.append(score) - try: - score = bleu_score.sentence_bleu( - [ref], - hyp, - smoothing_function=SmoothingFunction().method7, - weights=[0.5, 0.5, 0, 0]) - except: - score = 0 - bleu_2.append(score) - bleu_1 = sum(bleu_1) / len(bleu_1) - bleu_2 = sum(bleu_2) / len(bleu_2) - return bleu_1, bleu_2 diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/utils/misc.py b/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/utils/misc.py deleted file mode 100644 index da27cd643acd67ddab7303f34f2930cb03b76bd0..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/mmpms/utils/misc.py +++ /dev/null @@ -1,53 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -import numpy as np -import paddle.fluid as fluid - - -def tensor2list(T): - lod = T.lod() - array = np.array(T) - if array.shape[-1] == 1: - array = array.squeeze(-1) - array = array.tolist() - for lod_i in lod[::-1]: - array = [array[start:end] for start, end in zip(lod_i, lod_i[1:])] - return array - - -def sequence_last(T, place): - lod = T.lod()[-1] - recursive_seq_lens = T.recursive_sequence_lengths() - array = np.array(T) - last_ids = np.array(lod[1:]) - 1 - data = array[last_ids] - return fluid.create_lod_tensor(data, recursive_seq_lens[:-1], place) - - -def sequence_but(T, place, position="first"): - assert position in ["first", "last"] - lod = T.lod()[-1][1:-1] - recursive_seq_lens = T.recursive_sequence_lengths() - array = np.array(T) - if position == "first": - data = np.concatenate([a[1:] for a in np.split(array, lod)]) - else: - data = np.concatenate([a[:-1] for a in np.split(array, lod)]) - recursive_seq_lens[-1] = [l - 1 for l in recursive_seq_lens[-1]] - return fluid.create_lod_tensor(data, recursive_seq_lens, place) diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/preprocess.py b/PaddleNLP/Research/IJCAI2019-MMPMS/preprocess.py deleted file mode 100644 index d75a345a40eaf45ba095b2f8345a1c63d8145bb7..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/preprocess.py +++ /dev/null @@ -1,59 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -import os -import argparse - -from mmpms.inputters.dataset import PostResponseDataset - -parser = argparse.ArgumentParser() -parser.add_argument("--data_dir", type=str, default="./data/") -parser.add_argument( - "--embed_file", type=str, default="./data/glove.840B.300d.txt") -parser.add_argument("--max_vocab_size", type=int, default=30000) -parser.add_argument("--min_len", type=int, default=3) -parser.add_argument("--max_len", type=int, default=30) -args = parser.parse_args() - -vocab_file = os.path.join(args.data_dir, "vocab.json") -raw_train_file = os.path.join(args.data_dir, "dial.train") -raw_valid_file = os.path.join(args.data_dir, "dial.valid") -raw_test_file = os.path.join(args.data_dir, "dial.test") -train_file = raw_train_file + ".pkl" -valid_file = raw_valid_file + ".pkl" -test_file = raw_test_file + ".pkl" - -dataset = PostResponseDataset( - max_vocab_size=args.max_vocab_size, - min_len=args.min_len, - max_len=args.max_len, - embed_file=args.embed_file) - -# Build vocabulary -dataset.build_vocab(raw_train_file) -dataset.save_vocab(vocab_file) - -# Build examples -valid_examples = dataset.build_examples(raw_valid_file) -dataset.save_examples(valid_examples, valid_file) - -test_examples = dataset.build_examples(raw_test_file) -dataset.save_examples(test_examples, test_file) - -train_examples = dataset.build_examples(raw_train_file) -dataset.save_examples(train_examples, train_file) diff --git a/PaddleNLP/Research/IJCAI2019-MMPMS/run.py b/PaddleNLP/Research/IJCAI2019-MMPMS/run.py deleted file mode 100644 index cdc9b5428a6a5405b8fdcb1a8b3ada4255e76e1e..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/IJCAI2019-MMPMS/run.py +++ /dev/null @@ -1,246 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -from __future__ import absolute_import - -import os -import argparse -from datetime import datetime - -from mmpms.utils.args import str2bool -from mmpms.utils.args import parse_args -from mmpms.utils.logging import getLogger -from mmpms.utils.misc import tensor2list - -from mmpms.inputters.dataset import PostResponseDataset -from mmpms.inputters.dataloader import DataLoader -from mmpms.models.mmpms import MMPMS -from mmpms.modules.generator import BeamSearch -from mmpms.engine import Engine -from mmpms.engine import evaluate -from mmpms.engine import infer - -parser = argparse.ArgumentParser() -parser.add_argument("--args_file", type=str, default=None) -parser.add_argument("--use_gpu", type=str2bool, default=True) -parser.add_argument("--model_dir", type=str, default=None) -parser.add_argument("--eval", action="store_true") -parser.add_argument("--infer", action="store_true") - -# Data -data_arg = parser.add_argument_group("Data") -data_arg.add_argument("--data_dir", type=str, default="./data/") -data_arg.add_argument("--vocab_file", type=str, default=None) -data_arg.add_argument("--train_file", type=str, default=None) -data_arg.add_argument("--valid_file", type=str, default=None) -data_arg.add_argument("--test_file", type=str, default=None) -parser.add_argument( - "--embed_file", type=str, default="./data/glove.840B.300d.txt") - -data_arg.add_argument("--max_vocab_size", type=int, default=30000) -data_arg.add_argument("--min_len", type=int, default=3) -data_arg.add_argument("--max_len", type=int, default=30) - -# Model -model_arg = parser.add_argument_group("Model") -model_arg.add_argument("--embed_dim", type=int, default=300) -model_arg.add_argument("--hidden_dim", type=int, default=1024) -model_arg.add_argument("--num_mappings", type=int, default=20) -model_arg.add_argument("--tau", type=float, default=0.67) -model_arg.add_argument("--num_layers", type=int, default=1) -model_arg.add_argument("--bidirectional", type=str2bool, default=True) -model_arg.add_argument( - "--attn_mode", - type=str, - default='mlp', - choices=['none', 'mlp', 'dot', 'general']) -model_arg.add_argument( - "--use_pretrained_embedding", type=str2bool, default=True) -model_arg.add_argument("--embed_init_scale", type=float, default=0.03) -model_arg.add_argument("--dropout", type=float, default=0.3) - -# Training -train_arg = parser.add_argument_group("Train") -train_arg.add_argument("--save_dir", type=str, default="./output/") -train_arg.add_argument("--num_epochs", type=int, default=10) -train_arg.add_argument("--shuffle", type=str2bool, default=True) -train_arg.add_argument("--log_steps", type=int, default=100) -train_arg.add_argument("--valid_steps", type=int, default=500) -train_arg.add_argument("--batch_size", type=int, default=128) - -# Optimization -optim_arg = parser.add_argument_group("Optim") -optim_arg.add_argument("--optimizer", type=str, default="Adam") -optim_arg.add_argument("--lr", type=float, default=0.0002) -optim_arg.add_argument("--grad_clip", type=float, default=5.0) - -# Inference -infer_arg = parser.add_argument_group("Inference") -infer_arg.add_argument("--beam_size", type=int, default=10) -infer_arg.add_argument("--min_infer_len", type=int, default=3) -infer_arg.add_argument("--max_infer_len", type=int, default=30) -infer_arg.add_argument("--length_average", type=str2bool, default=False) -infer_arg.add_argument("--ignore_unk", type=str2bool, default=True) -infer_arg.add_argument("--ignore_repeat", type=str2bool, default=True) -infer_arg.add_argument("--infer_batch_size", type=int, default=64) -infer_arg.add_argument("--result_file", type=str, default="./infer.result") - - -def main(): - args = parse_args(parser) - - if args.args_file: - args.load(args.args_file) - print("Loaded args from '{}'".format(args.args_file)) - - args.Data.vocab_file = args.Data.vocab_file or os.path.join( - args.Data.data_dir, "vocab.json") - args.Data.train_file = args.Data.train_file or os.path.join( - args.Data.data_dir, "dial.train.pkl") - args.Data.valid_file = args.Data.valid_file or os.path.join( - args.Data.data_dir, "dial.valid.pkl") - args.Data.test_file = args.Data.test_file or os.path.join( - args.Data.data_dir, "dial.test.pkl") - - print("Args:") - print(args) - print() - - # Dataset Definition - dataset = PostResponseDataset( - max_vocab_size=args.max_vocab_size, - min_len=args.min_len, - max_len=args.max_len, - embed_file=args.embed_file) - dataset.load_vocab(args.vocab_file) - - # Generator Definition - generator = BeamSearch( - vocab_size=dataset.vocab.size(), - beam_size=args.beam_size, - start_id=dataset.vocab.bos_id, - end_id=dataset.vocab.eos_id, - unk_id=dataset.vocab.unk_id, - min_length=args.min_infer_len, - max_length=args.max_infer_len, - length_average=args.length_average, - ignore_unk=args.ignore_unk, - ignore_repeat=args.ignore_repeat) - - # Model Definition - model = MMPMS( - vocab=dataset.vocab, - generator=generator, - hparams=args.Model, - optim_hparams=args.Optim, - use_gpu=args.use_gpu) - - infer_parse_dict = { - "post": lambda T: dataset.denumericalize(tensor2list(T)), - "response": lambda T: dataset.denumericalize(tensor2list(T)), - "preds": lambda T: dataset.denumericalize(tensor2list(T)), - } - - if args.infer: - if args.model_dir is not None: - model.load(args.model_dir) - print("Loaded model checkpoint from '{}'".format(args.model_dir)) - - infer_data = dataset.load_examples(args.test_file) - infer_loader = DataLoader( - data=infer_data, - batch_size=args.infer_batch_size, - shuffle=False, - use_gpu=args.use_gpu) - - print("Inference starts ...") - infer_results = infer( - model, infer_loader, infer_parse_dict, save_file=args.result_file) - - elif args.eval: - if args.model_dir is not None: - model.load(args.model_dir) - print("Loaded model checkpoint from '{}'".format(args.model_dir)) - - eval_data = dataset.load_examples(args.test_file) - eval_loader = DataLoader( - data=eval_data, - batch_size=args.batch_size, - shuffle=False, - use_gpu=args.use_gpu) - - print("Evaluation starts ...") - eval_metrics_tracker = evaluate(model, eval_loader) - print(" ".join("{}-{}".format(name.upper(), value.avg) - for name, value in eval_metrics_tracker.items())) - - else: - valid_data = dataset.load_examples(args.valid_file) - valid_loader = DataLoader( - data=valid_data, - batch_size=args.batch_size, - shuffle=False, - use_gpu=args.use_gpu) - - train_data = dataset.load_examples(args.train_file) - train_loader = DataLoader( - data=train_data, - batch_size=args.batch_size, - shuffle=args.shuffle, - use_gpu=args.use_gpu) - - # Save Directory Definition - date_str, time_str = datetime.now().strftime("%Y%m%d-%H%M%S").split("-") - result_str = "{}-{}".format(model.__class__.__name__, time_str) - args.save_dir = os.path.join(args.save_dir, date_str, result_str) - if not os.path.exists(args.save_dir): - os.makedirs(args.save_dir) - - # Logger Definition - logger = getLogger( - os.path.join(args.save_dir, "train.log"), name="mmpms") - - # Save args - args_file = os.path.join(args.save_dir, "args.json") - args.save(args_file) - logger.info("Saved args to '{}'".format(args_file)) - - # Executor Definition - exe = Engine( - model=model, - save_dir=args.save_dir, - log_steps=args.log_steps, - valid_steps=args.valid_steps, - logger=logger) - - if args.model_dir is not None: - exe.load(args.model_dir) - - # Train - logger.info("Training starts ...") - exe.evaluate(valid_loader, is_save=False) - for epoch in range(args.num_epochs): - exe.train_epoch(train_iter=train_loader, valid_iter=valid_loader) - logger.info("Training done!") - - -if __name__ == '__main__': - try: - main() - except KeyboardInterrupt: - print("\nExited from the program ealier!") diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/README.md b/PaddleNLP/Research/MRQA2019-BASELINE/README.md index 6bb9b59cd39dc32a9c0e7a0d6618365a8454ba06..5cbe1dc7471272fd92667df50cc8f06ac570f16c 100644 --- a/PaddleNLP/Research/MRQA2019-BASELINE/README.md +++ b/PaddleNLP/Research/MRQA2019-BASELINE/README.md @@ -1,107 +1 @@ -# A PaddlePaddle Baseline for 2019 MRQA Shared Task - -Machine Reading for Question Answering (MRQA), which requires machines to comprehend text and answer questions about it, is a crucial task in natural language processing. - -Although recent systems achieve impressive results on the several benchmarks, these systems are primarily evaluated on in-domain accuracy. The [2019 MRQA Shared Task](https://mrqa.github.io/shared) focuses on testing the generalization of the existing systems on out-of-domain datasets. - -In this repository, we provide a baseline for the 2019 MRQA Shared Task that is built on top of [PaddlePaddle](https://github.com/paddlepaddle/paddle), and it features: -* ***Pre-trained Language Model***: [ERNIE](https://github.com/PaddlePaddle/LARK/tree/develop/ERNIE) (Enhanced Representation through kNowledge IntEgration) is a pre-trained language model that is designed to learn better language representations by incorporating linguistic knowledge masking. Our ERNIE-based baseline outperforms the MRQA official baseline that uses BERT by **6.1** point (marco-f1) on the out-of-domain dev set. -* ***Multi-GPU Fine-tuning and Prediction***: Support for Multi-GPU fine-tuning and prediction to accelerate the experiments. - -You can use this repo as starter codebase for 2019 MRQA Shared Task and bootstrap your next model. - -## How to Run -### Environment Requirements -The MRQA baseline system has been tested on python2.7.13 and PaddlePaddle 1.5, CentOS 6.3. -The model is fine-tuned on 8 P40-GPUs, with batch size=4*8=32 in total. - -### 1. Download Thirdparty Dependencies -We will use the evaluation script for *SQuAD v1.1*, which is equivelent to the official one for MRQA. To download the SQuAD v1.1 evaluation script, run -``` -wget https://worksheets.codalab.org/rest/bundles/0xbcd57bee090b421c982906709c8c27e1/contents/blob/ -O evaluate-v1.1.py -``` - -### 2. Download Dataset -To download the MRQA datasets, run - -``` -cd data && sh download_data.sh && cd .. -``` -The training and prediction datasets will be saved in `./data/train/` and `./data/dev/`, respectively. - -### 3. Preprocess -The baseline system only supports dataset files in SQuAD format. Before running the system on MRQA datasets, one need to convert the official MRQA data to SQuAD format. To do the conversion, run - -``` -cd data && sh convert_mrqa2squad.sh && cd .. -``` -The output files will be named as `xxx.raw.json`. - -For convenience, we provide a script to combine all the training and development data into a single file respectively - -``` -cd data && sh combine.sh && cd .. - -``` -The combined files will be saved in `./data/train/mrqa-combined.raw.json` and `./data/dev/mrqa-combined.raw.json`. - - -### 4. Fine-tuning with ERNIE -To get better performance than the official baseline, we provide a pretrained model - **ERNIE** for fine-tuning. To download the ERNIE parameters, run - -``` -sh download_pretrained_model.sh -``` -The pretrained model parameters and config files will be saved in `./ernie_model`. - -To start fine-tuning, run - -``` -sh run_finetuning.sh -``` -The predicted results and model parameters will be saved in `./output`. - -### 5. Prediction -Once fine-tuned, one can predict by specifying the model checkpoint file saved in `./output/` (E.g. step\_3000, step\_5000\_final) - -``` -sh run_predict.sh parameters_to_restore -``` -Where `parameters_to_restore` is the model parameters used in the evaluatation (e.g. output/step\_5000\_final). The predicted results will be saved in `./output/prediction.json`. For convenience, we also provide **[fine-tuned model parameters](https://baidu-nlp.bj.bcebos.com/MRQA2019-PaddlePaddle-fine-tuned-model.tar.gz)** on MRQA datasets. The model is fine-tuned for 2 epochs on 8 P40-GPUs, with batch size=4*8=32 in total. The performerce is shown below, - -##### in-domain dev (F1/EM) - -| Model | HotpotQA | NaturalQ | NewsQA | SearchQA | SQuAD | TriviaQA | Macro-F1 | -| :------------- | :---------: | :----------: | :---------: | :----------: | :---------: | :----------: |:----------: | -| baseline + EMA | 81.4/65.5 | 81.6/69.9 | 73.1/57.9 | 85.1/79.1 | 93.3/87.1 | 79.0/73.4 | 82.4 | -| baseline woEMA | 82.4/66.9 | 81.7/69.9 | 73.0/57.8 | 85.1/79.2 | 93.4/87.2 | 79.0/73.4 | 82.4 | - -##### out-of-domain dev (F1/EM) - -| Model | BioASQ | DROP | DuoRC | RACE | RE | Textbook | Macro-F1 | -| :------------- | :---------: | :----------: | :---------: | :----------: | :---------: | :----------: |:----------: | -| baseline + EMA | 70.2/54.7 | 57.3/47.5 | 64.1/52.8 | 51.7/37.2 | 87.9/77.7 | 63.1/53.6 | 65.7 | -| baseline woEMA | 69.9/54.6 | 57.0/47.3 | 64.0/52.8 | 51.8/37.4 | 87.8/77.6 | 63.0/53.4 | 65.6 | - -Note that we turn on exponential moving average (EMA) during training by default (in most cases EMA can improve performance) and save EMA parameters into the final checkpoint files. The predicted answers using EMA parameters are saved into `ema_predictions.json`. - - -### 6. Evaluation -To evaluate the result, run - -``` -sh run_evaluation.sh -``` -Note that we use the evaluation script for *SQuAD 1.1* here, which is equivalent to the official one. - -# Copyright and License -Copyright 2019 Baidu.com, Inc. All Rights Reserved -Licensed under the Apache License, Version 2.0 (the "License"); -you may not use this file except in compliance with the License. -You may obtain a copy of the License at - http://www.apache.org/licenses/LICENSE-2.0 -Unless required by applicable law or agreed to in writing, software -distributed under the License is distributed on an "AS IS" BASIS, -WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -See the License for the specific language governing permissions and -limitations under the License. +This work has been moved to new address: [NLP](https://github.com/PaddlePaddle/Research/tree/master/NLP) diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/data/combine.py b/PaddleNLP/Research/MRQA2019-BASELINE/data/combine.py deleted file mode 100644 index d9f6b0fc03730a688387c4b3cc322f4f426147d0..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/data/combine.py +++ /dev/null @@ -1,46 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== -""" -This module add all train/dev data to a file named "mrqa-combined.raw.json". -""" - -import json -import argparse -import glob - -# path of train/dev data -parser = argparse.ArgumentParser() -parser.add_argument('path', help='the path of train/dev data') -args = parser.parse_args() -path = args.path - -# all train/dev data files -files = glob.glob(path + '/*.raw.json') -print ('files:', files) - -# add all train/dev data to "datasets" -with open(files[0]) as fin: - datasets = json.load(fin) -for i in range(1, len(files)): - with open(files[i]) as fin: - dataset = json.load(fin) - datasets['data'].extend(dataset['data']) - -# save to "mrqa-combined.raw.json" -with open(path + '/mrqa-combined.raw.json', 'w') as fout: - json.dump(datasets, fout, indent=4) diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/data/combine.sh b/PaddleNLP/Research/MRQA2019-BASELINE/data/combine.sh deleted file mode 100644 index 8173f047967d4a3342b3ca7589250b83c386ddae..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/data/combine.sh +++ /dev/null @@ -1,26 +0,0 @@ -#!/usr/bin/env bash -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -# path of train and dev data -PATH_train=train -PATH_dev=dev - -# add all train data to a file "$PATH_train/mrqa-combined.raw.json". -python combine.py $PATH_train - -# add all dev data to a file "$PATH_dev/mrqa-combined.raw.json". -python combine.py $PATH_dev \ No newline at end of file diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/data/convert_mrqa2squad.py b/PaddleNLP/Research/MRQA2019-BASELINE/data/convert_mrqa2squad.py deleted file mode 100644 index a585c485ae0f676e6bb160815b42c66d529d3d8c..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/data/convert_mrqa2squad.py +++ /dev/null @@ -1,158 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== -""" -This module convert MRQA official data to SQuAD format -""" - -import json -import argparse -import re - - -def reader(filename): - """ - This function read a MRQA data file. - :param filename: name of a MRQA data file. - :return: original samples of a MRQA data file. - """ - with open(filename) as fin: - for lidx, line in enumerate(fin): - if lidx == 0: - continue - sample = json.loads(line.strip()) - yield sample - - -def to_squad_para_train(sample): - """ - This function convert training data from MRQA format to SQuAD format. - :param sample: one sample in MRQA format. - :return: paragraphs in SQuAD format. - """ - squad_para = dict() - context = sample['context'] - context = re.sub(r'\[TLE\]|\[DOC\]|\[PAR\]', '[SEP]', context) - # replace special tokens to [SEP] to avoid UNK in BERT - squad_para['context'] = context - qas = [] - for qa in sample['qas']: - text = qa['detected_answers'][0]['text'] - new_start = context.find(text) - # Try to find an exact match (without normalization) of the reference answer. - # Some articles like {a|an|the} my get lost in the original spans. - # E.g. the reference answer is "The London Eye", - # while the original span may only contain "London Eye" due to normalization. - new_end = new_start + len(text) - 1 - org_start = qa['detected_answers'][0]['char_spans'][0][0] - org_end = qa['detected_answers'][0]['char_spans'][0][1] - if new_start == -1 or len(text) < 8: - # If no exact match (without normalization) can be found or reference answer is too short - # (e.g. only contain a character "c", which will cause problems using find), - # use the original span in MRQA dataset. - answer = { - 'text': squad_para['context'][org_start:org_end + 1], - 'answer_start': org_start - } - answer_start = org_start - answer_end = org_end - else: - answer = { - 'text': text, - 'answer_start': new_start - } - answer_start = new_start - answer_end = new_end - # A sanity check - try: - assert answer['text'].lower() == squad_para['context'][answer_start:answer_end + 1].lower() - except AssertionError: - print(answer['text']) - print(squad_para['context'][answer_start:answer_end + 1]) - continue - squad_qa = { - 'question': qa['question'], - 'id': qa['qid'], - 'answers': [answer] - } - qas.append(squad_qa) - squad_para['qas'] = qas - return squad_para - - -def to_squad_para_dev(sample): - """ - This function convert development data from MRQA format to SQuAD format. - :param sample: one sample in MRQA format. - :return: paragraphs in SQuAD format. - """ - - squad_para = dict() - context = sample['context'] - context = re.sub(r'\[TLE\]|\[DOC\]|\[PAR\]', '[SEP]', context) - squad_para['context'] = context - qas = [] - for qa in sample['qas']: - org_answers = qa['answers'] - answers = [] - for org_answer in org_answers: - answer = { - 'text': org_answer, - 'answer_start': -1 - } - answers.append(answer) - squad_qa = { - 'question': qa['question'], - 'id': qa['qid'], - 'answers': answers - } - qas.append(squad_qa) - squad_para['qas'] = qas - return squad_para - - -def doc_wrapper(squad_para, title=""): - """ - This function wrap paragraphs into a document. - :param squad_para: paragraphs in SQuAD format. - :param title: the title of paragraphs. - :return: wrap of title and paragraphs - """ - squad_doc = { - 'title': title, - 'paragraphs': [squad_para] - } - return squad_doc - - -if __name__ == "__main__": - parser = argparse.ArgumentParser() - parser.add_argument('input', help='the input file') - parser.add_argument('--dev', action='store_true', help='convert devset') - args = parser.parse_args() - file_prefix = args.input[0:-6] - squad = { - 'data': [], - 'version': "1.1" - } - to_squad_para = to_squad_para_dev if args.dev else to_squad_para_train - for org_sample in reader(args.input): - para = to_squad_para(org_sample) - doc = doc_wrapper(para) - squad['data'].append(doc) - with open('{}.raw.json'.format(file_prefix), 'w') as fout: - json.dump(squad, fout, indent=4) diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/data/convert_mrqa2squad.sh b/PaddleNLP/Research/MRQA2019-BASELINE/data/convert_mrqa2squad.sh deleted file mode 100644 index eb323d3af5057949e0ecd23c816946ce884cbe50..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/data/convert_mrqa2squad.sh +++ /dev/null @@ -1,34 +0,0 @@ -#!/usr/bin/env bash -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -# path of train and dev data -PATH_train=train -PATH_dev=dev - -# Convert train data from MRQA format to SQuAD format -NAME_LIST_train="SQuAD NewsQA TriviaQA SearchQA HotpotQA NaturalQuestions" -for name in $NAME_LIST_train;do - echo "Converting training data from MRQA format to SQuAD format: ""$name" - python convert_mrqa2squad.py $PATH_train/$name.jsonl -done - -# Convert dev data from MRQA format to SQuAD format -NAME_LIST_dev="SQuAD NewsQA TriviaQA SearchQA HotpotQA NaturalQuestions BioASQ TextbookQA RelationExtraction DROP DuoRC RACE" -for name in $NAME_LIST_dev;do - echo "Converting development data from MRQA format to SQuAD format: ""$name" - python convert_mrqa2squad.py --dev $PATH_dev/$name.jsonl -done diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/data/dev/md5sum_dev.txt b/PaddleNLP/Research/MRQA2019-BASELINE/data/dev/md5sum_dev.txt deleted file mode 100644 index faef333c91f691207d106b9f4a8b9542947f66ac..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/data/dev/md5sum_dev.txt +++ /dev/null @@ -1,12 +0,0 @@ -05f3f16c5c31ba8e46ff5fa80647ac46 SQuAD.jsonl.gz -5c188c92a84ddffe2ab590ac7598bde2 NewsQA.jsonl.gz -a7a3bd90db58524f666e757db659b047 TriviaQA.jsonl.gz -bfcb304f1b3167693b627cbf0f98bc9e SearchQA.jsonl.gz -675de35c3605353ec039ca4d2854072d HotpotQA.jsonl.gz -c0347eebbca02d10d1b07b9a64efe61d NaturalQuestions.jsonl.gz -6408dc4fcf258535d0ea8b125bba5fbb BioASQ.jsonl.gz -76ca9cc16625dd8da75758d64676e6a1 TextbookQA.jsonl.gz -128d318ea1391bf77234d8c1b69a45df RelationExtraction.jsonl.gz -8b03867e4da2817ef341707040d99785 DROP.jsonl.gz -9e66769a70fdfdec4906a4bcef5f3d71 DuoRC.jsonl.gz -94a7ef9b9ea9402671e5b0248b6a5395 RACE.jsonl.gz \ No newline at end of file diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/data/download_data.sh b/PaddleNLP/Research/MRQA2019-BASELINE/data/download_data.sh deleted file mode 100644 index 3661253b96e9cfea8463d014997155d6efab9eb5..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/data/download_data.sh +++ /dev/null @@ -1,79 +0,0 @@ -#!/usr/bin/env bash -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - - -# path to save data -OUTPUT_train=train -OUTPUT_dev=dev - -DATA_URL="https://s3.us-east-2.amazonaws.com/mrqa/release/v2" -alias wget="wget -c --no-check-certificate" -# download training datasets -wget $DATA_URL/train/SQuAD.jsonl.gz -O $OUTPUT_train/SQuAD.jsonl.gz -wget $DATA_URL/train/NewsQA.jsonl.gz -O $OUTPUT_train/NewsQA.jsonl.gz -wget $DATA_URL/train/TriviaQA-web.jsonl.gz -O $OUTPUT_train/TriviaQA.jsonl.gz -wget $DATA_URL/train/SearchQA.jsonl.gz -O $OUTPUT_train/SearchQA.jsonl.gz -wget $DATA_URL/train/HotpotQA.jsonl.gz -O $OUTPUT_train/HotpotQA.jsonl.gz -wget $DATA_URL/train/NaturalQuestionsShort.jsonl.gz -O $OUTPUT_train/NaturalQuestions.jsonl.gz - -# download the in-domain development data -wget $DATA_URL/dev/SQuAD.jsonl.gz -O $OUTPUT_dev/SQuAD.jsonl.gz -wget $DATA_URL/dev/NewsQA.jsonl.gz -O $OUTPUT_dev/NewsQA.jsonl.gz -wget $DATA_URL/dev/TriviaQA-web.jsonl.gz -O $OUTPUT_dev/TriviaQA.jsonl.gz -wget $DATA_URL/dev/SearchQA.jsonl.gz -O $OUTPUT_dev/SearchQA.jsonl.gz -wget $DATA_URL/dev/HotpotQA.jsonl.gz -O $OUTPUT_dev/HotpotQA.jsonl.gz -wget $DATA_URL/dev/NaturalQuestionsShort.jsonl.gz -O $OUTPUT_dev/NaturalQuestions.jsonl.gz - -# download the out-of-domain development data -wget http://participants-area.bioasq.org/MRQA2019/ -O $OUTPUT_dev/BioASQ.jsonl.gz -wget $DATA_URL/dev/TextbookQA.jsonl.gz -O $OUTPUT_dev/TextbookQA.jsonl.gz -wget $DATA_URL/dev/RelationExtraction.jsonl.gz -O $OUTPUT_dev/RelationExtraction.jsonl.gz -wget $DATA_URL/dev/DROP.jsonl.gz -O $OUTPUT_dev/DROP.jsonl.gz -wget $DATA_URL/dev/DuoRC.ParaphraseRC.jsonl.gz -O $OUTPUT_dev/DuoRC.jsonl.gz -wget $DATA_URL/dev/RACE.jsonl.gz -O $OUTPUT_dev/RACE.jsonl.gz - -# check md5sum for training datasets -cd $OUTPUT_train -if md5sum --status -c md5sum_train.txt; then - echo "finish download training data" -else - echo "md5sum check failed!" -fi -cd .. - -# check md5sum for development data -cd $OUTPUT_dev -if md5sum --status -c md5sum_dev.txt; then - echo "finish download development data" -else - echo "md5sum check failed!" -fi -cd .. - -# gzip training datasets -echo "unzipping train data" -NAME_LIST_train="SQuAD NewsQA TriviaQA SearchQA HotpotQA NaturalQuestions" -for name in $NAME_LIST_train;do - gzip -d $OUTPUT_train/$name.jsonl.gz -done - -# gzip development data -echo "unzipping dev data" -NAME_LIST_dev="SQuAD NewsQA TriviaQA SearchQA HotpotQA NaturalQuestions BioASQ TextbookQA RelationExtraction DROP DuoRC RACE" -for name in $NAME_LIST_dev;do - gzip -d $OUTPUT_dev/$name.jsonl.gz -done diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/data/train/md5sum_train.txt b/PaddleNLP/Research/MRQA2019-BASELINE/data/train/md5sum_train.txt deleted file mode 100644 index 68d9d2befc8c7e35d47264ae2d1043ed8c5999c7..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/data/train/md5sum_train.txt +++ /dev/null @@ -1,6 +0,0 @@ -efd6a551d2697c20a694e933210489f8 SQuAD.jsonl.gz -182f4e977b849cb1dbfb796030b91444 NewsQA.jsonl.gz -e18f586152612a9358c22f5536bfd32a TriviaQA.jsonl.gz -612245315e6e7c4d8446e5fcc3dc1086 SearchQA.jsonl.gz -d212c7b3fc949bd0dc47d124e8c34907 HotpotQA.jsonl.gz -e27d27bf7c49eb5ead43cef3f41de6be NaturalQuestions.jsonl.gz \ No newline at end of file diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/download_pretrained_model.sh b/PaddleNLP/Research/MRQA2019-BASELINE/download_pretrained_model.sh deleted file mode 100644 index 50d9274eacead84c6590f53146440f1fa9394fa2..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/download_pretrained_model.sh +++ /dev/null @@ -1,22 +0,0 @@ -#!/usr/bin/env bash -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -# download pretrained ERNIE model -wget --no-check-certificate https://ernie.bj.bcebos.com/ERNIE_en_1.0.tgz -tar -xvf ERNIE_en_1.0.tgz -rm ERNIE_en_1.0.tgz -ln -s ERNIE_en_1.0 ernie_model diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/run_evaluation.sh b/PaddleNLP/Research/MRQA2019-BASELINE/run_evaluation.sh deleted file mode 100644 index 4ceb6e38cc676312032a20fab97a68999cb03e55..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/run_evaluation.sh +++ /dev/null @@ -1,30 +0,0 @@ -#!/usr/bin/env bash -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -# path of dev data -PATH_dev=./data/dev -# path of dev prediction -PATH_prediction=./output/ema_predictions.json - -# evaluation -for dataset in `ls $PATH_dev/*.raw.json`;do - if [ "$dataset" = "./data/dev/mrqa-combined.raw.json" ]; then - continue - fi - echo $dataset - python evaluate-v1.1.py $dataset $PATH_prediction -done diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/run_finetuning.sh b/PaddleNLP/Research/MRQA2019-BASELINE/run_finetuning.sh deleted file mode 100644 index bbe9bfe1fa65507dd17320c25743b944b9c33295..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/run_finetuning.sh +++ /dev/null @@ -1,56 +0,0 @@ -#!/usr/bin/env bash -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -set -xe - -export FLAGS_sync_nccl_allreduce=0 -export FLAGS_eager_delete_tensor_gb=1 - -# set CUDA_VISIBLE_DEVICES -export CUDA_VISIBLE_DEVICES=0 - -# path of pre_train model -ERNIE_BASE_PATH=ernie_model -# path to save checkpoint -CHECKPOINT_PATH=output/ -mkdir -p $CHECKPOINT_PATH -# path of train and dev data -DATA_PATH_train=data/train -DATA_PATH_dev=data/dev - -# fine-tune params -python -u src/run_mrqa.py --use_cuda true\ - --batch_size 4 \ - --in_tokens false \ - --init_pretraining_params ${ERNIE_BASE_PATH}/params \ - --checkpoints ${CHECKPOINT_PATH} \ - --vocab_path ${ERNIE_BASE_PATH}/vocab.txt \ - --do_train true \ - --do_predict true \ - --save_steps 10000 \ - --warmup_proportion 0.1 \ - --weight_decay 0.01 \ - --epoch 2 \ - --max_seq_len 512 \ - --bert_config_path ${ERNIE_BASE_PATH}/ernie_config.json \ - --predict_file ${DATA_PATH_dev}/mrqa-combined.raw.json \ - --do_lower_case true \ - --doc_stride 128 \ - --train_file ${DATA_PATH_train}/mrqa-combined.raw.json \ - --learning_rate 3e-5 \ - --lr_scheduler linear_warmup_decay \ - --skip_steps 200 diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/run_predict.sh b/PaddleNLP/Research/MRQA2019-BASELINE/run_predict.sh deleted file mode 100644 index df5e86b5ea7f086ffbe24f1f588882f283e4fee0..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/run_predict.sh +++ /dev/null @@ -1,57 +0,0 @@ -#!/usr/bin/env bash -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -set -xe - -export FLAGS_sync_nccl_allreduce=0 -export FLAGS_eager_delete_tensor_gb=1 - -# set CUDA_VISIBLE_DEVICES -export CUDA_VISIBLE_DEVICES=0 - -# path of pre_train model -ERNIE_BASE_PATH=ernie_model -# path to save checkpoint -CHECKPOINT_PATH=output/ -mkdir -p $CHECKPOINT_PATH -# path of init_checkpoint -PATH_init_checkpoint=$1 -# path of dev data -DATA_PATH_dev=data/dev - -# fine-tune params -python -u src/run_mrqa.py --use_cuda true\ - --batch_size 8 \ - --in_tokens false \ - --init_pretraining_params ${ERNIE_BASE_PATH}/params \ - --init_checkpoint ${PATH_init_checkpoint} \ - --checkpoints ${CHECKPOINT_PATH} \ - --vocab_path ${ERNIE_BASE_PATH}/vocab.txt \ - --do_train false \ - --do_predict true \ - --save_steps 10000 \ - --warmup_proportion 0.1 \ - --weight_decay 0.01 \ - --epoch 2 \ - --max_seq_len 512 \ - --bert_config_path ${ERNIE_BASE_PATH}/ernie_config.json \ - --predict_file ${DATA_PATH_dev}/mrqa-combined.raw.json \ - --do_lower_case true \ - --doc_stride 128 \ - --learning_rate 3e-5 \ - --lr_scheduler linear_warmup_decay \ - --skip_steps 200 diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/src/batching.py b/PaddleNLP/Research/MRQA2019-BASELINE/src/batching.py deleted file mode 100644 index 13803cf79f00d7ea5857360eeceb2da354a5e626..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/src/batching.py +++ /dev/null @@ -1,183 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Mask, padding and batching.""" -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function -import numpy as np - - -def mask(batch_tokens, total_token_num, vocab_size, CLS=1, SEP=2, MASK=3): - """ - Add mask for batch_tokens, return out, mask_label, mask_pos; - Note: mask_pos responding the batch_tokens after padded; - """ - max_len = max([len(sent) for sent in batch_tokens]) - mask_label = [] - mask_pos = [] - prob_mask = np.random.rand(total_token_num) - # Note: the first token is [CLS], so [low=1] - replace_ids = np.random.randint(1, high=vocab_size, size=total_token_num) - pre_sent_len = 0 - prob_index = 0 - for sent_index, sent in enumerate(batch_tokens): - mask_flag = False - prob_index += pre_sent_len - for token_index, token in enumerate(sent): - prob = prob_mask[prob_index + token_index] - if prob > 0.15: - continue - elif 0.03 < prob <= 0.15: - # mask - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = MASK - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - elif 0.015 < prob <= 0.03: - # random replace - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = replace_ids[prob_index + token_index] - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - else: - # keep the original token - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - mask_pos.append(sent_index * max_len + token_index) - pre_sent_len = len(sent) - # ensure at least mask one word in a sentence - while not mask_flag: - token_index = int(np.random.randint(1, high=len(sent) - 1, size=1)) - if sent[token_index] != SEP and sent[token_index] != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = MASK - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - mask_label = np.array(mask_label).astype("int64").reshape([-1, 1]) - mask_pos = np.array(mask_pos).astype("int64").reshape([-1, 1]) - return batch_tokens, mask_label, mask_pos - - -def prepare_batch_data(insts, - total_token_num, - max_len=None, - voc_size=0, - pad_id=None, - cls_id=None, - sep_id=None, - mask_id=None, - return_input_mask=True, - return_max_len=True, - return_num_token=False): - """ - 1. generate Tensor of data - 2. generate Tensor of position - 3. generate self attention mask, [shape: batch_size * max_len * max_len] - """ - batch_src_ids = [inst[0] for inst in insts] - batch_sent_ids = [inst[1] for inst in insts] - batch_pos_ids = [inst[2] for inst in insts] - labels_list = [] - # compatible with mrqa, whose example includes start/end positions, - # or unique id - for i in range(3, len(insts[0]), 1): - labels = [inst[i] for inst in insts] - labels = np.array(labels).astype("int64").reshape([-1, 1]) - labels_list.append(labels) - # First step: do mask without padding - if mask_id >= 0: - out, mask_label, mask_pos = mask( - batch_src_ids, - total_token_num, - vocab_size=voc_size, - CLS=cls_id, - SEP=sep_id, - MASK=mask_id) - else: - out = batch_src_ids - # Second step: padding - src_id, self_input_mask = pad_batch_data( - out, - max_len=max_len, - pad_idx=pad_id, return_input_mask=True) - pos_id = pad_batch_data( - batch_pos_ids, - max_len=max_len, - pad_idx=pad_id, - return_pos=False, - return_input_mask=False) - sent_id = pad_batch_data( - batch_sent_ids, - max_len=max_len, - pad_idx=pad_id, - return_pos=False, - return_input_mask=False) - if mask_id >= 0: - return_list = [ - src_id, pos_id, sent_id, self_input_mask, mask_label, mask_pos - ] + labels_list - else: - return_list = [src_id, pos_id, sent_id, self_input_mask] + labels_list - return return_list if len(return_list) > 1 else return_list[0] - - -def pad_batch_data(insts, - max_len=None, - pad_idx=0, - return_pos=False, - return_input_mask=False, - return_max_len=False, - return_num_token=False): - """ - Pad the instances to the max sequence length in batch, and generate the - corresponding position data and input mask. - """ - return_list = [] - if max_len is None: - max_len = max(len(inst) for inst in insts) - # Any token included in dict can be used to pad, since the paddings' loss - # will be masked out by weights and make no effect on parameter gradients. - inst_data = np.array([ - list(inst) + list([pad_idx] * (max_len - len(inst))) for inst in insts - ]) - return_list += [inst_data.astype("int64").reshape([-1, max_len, 1])] - # position data - if return_pos: - inst_pos = np.array([ - list(range(0, len(inst))) + [pad_idx] * (max_len - len(inst)) - for inst in insts - ]) - return_list += [inst_pos.astype("int64").reshape([-1, max_len, 1])] - if return_input_mask: - # This is used to avoid attention on paddings. - input_mask_data = np.array([[1] * len(inst) + [0] * - (max_len - len(inst)) for inst in insts]) - input_mask_data = np.expand_dims(input_mask_data, axis=-1) - return_list += [input_mask_data.astype("float32")] - if return_max_len: - return_list += [max_len] - if return_num_token: - num_token = 0 - for inst in insts: - num_token += len(inst) - return_list += [num_token] - return return_list if len(return_list) > 1 else return_list[0] - - -if __name__ == "__main__": - pass - - diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/src/model/__init__.py b/PaddleNLP/Research/MRQA2019-BASELINE/src/model/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/src/model/bert.py b/PaddleNLP/Research/MRQA2019-BASELINE/src/model/bert.py deleted file mode 100644 index c17803caed17e81fafd55f9b9ae9f2b539f9f39c..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/src/model/bert.py +++ /dev/null @@ -1,226 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""BERT model.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import six -import json -import numpy as np -import paddle.fluid as fluid -from model.transformer_encoder import encoder, pre_process_layer - - -class BertConfig(object): - def __init__(self, config_path): - self._config_dict = self._parse(config_path) - - def _parse(self, config_path): - try: - with open(config_path) as json_file: - config_dict = json.load(json_file) - except Exception: - raise IOError("Error in parsing bert model config file '%s'" % - config_path) - else: - return config_dict - - def __getitem__(self, key): - return self._config_dict[key] - - def print_config(self): - for arg, value in sorted(six.iteritems(self._config_dict)): - print('%s: %s' % (arg, value)) - print('------------------------------------------------') - - -class BertModel(object): - def __init__(self, - src_ids, - position_ids, - sentence_ids, - input_mask, - config, - weight_sharing=True, - use_fp16=False): - - self._emb_size = config['hidden_size'] - self._n_layer = config['num_hidden_layers'] - self._n_head = config['num_attention_heads'] - self._voc_size = config['vocab_size'] - self._max_position_seq_len = config['max_position_embeddings'] - self._sent_types = config['type_vocab_size'] - self._hidden_act = config['hidden_act'] - self._prepostprocess_dropout = config['hidden_dropout_prob'] - self._attention_dropout = config['attention_probs_dropout_prob'] - self._weight_sharing = weight_sharing - - self._word_emb_name = "word_embedding" - self._pos_emb_name = "pos_embedding" - self._sent_emb_name = "sent_embedding" - self._dtype = "float16" if use_fp16 else "float32" - - # Initialize all weigths by truncated normal initializer, and all biases - # will be initialized by constant zero by default. - self._param_initializer = fluid.initializer.TruncatedNormal( - scale=config['initializer_range']) - - self._build_model(src_ids, position_ids, sentence_ids, input_mask) - - def _build_model(self, src_ids, position_ids, sentence_ids, input_mask): - # padding id in vocabulary must be set to 0 - emb_out = fluid.layers.embedding( - input=src_ids, - size=[self._voc_size, self._emb_size], - dtype=self._dtype, - param_attr=fluid.ParamAttr( - name=self._word_emb_name, initializer=self._param_initializer), - is_sparse=False) - position_emb_out = fluid.layers.embedding( - input=position_ids, - size=[self._max_position_seq_len, self._emb_size], - dtype=self._dtype, - param_attr=fluid.ParamAttr( - name=self._pos_emb_name, initializer=self._param_initializer)) - - sent_emb_out = fluid.layers.embedding( - sentence_ids, - size=[self._sent_types, self._emb_size], - dtype=self._dtype, - param_attr=fluid.ParamAttr( - name=self._sent_emb_name, initializer=self._param_initializer)) - - emb_out = emb_out + position_emb_out - emb_out = emb_out + sent_emb_out - - emb_out = pre_process_layer( - emb_out, 'nd', self._prepostprocess_dropout, name='pre_encoder') - - if self._dtype == "float16": - input_mask = fluid.layers.cast(x=input_mask, dtype=self._dtype) - - self_attn_mask = fluid.layers.matmul( - x=input_mask, y=input_mask, transpose_y=True) - self_attn_mask = fluid.layers.scale( - x=self_attn_mask, scale=10000.0, bias=-1.0, bias_after_scale=False) - n_head_self_attn_mask = fluid.layers.stack( - x=[self_attn_mask] * self._n_head, axis=1) - n_head_self_attn_mask.stop_gradient = True - - self._enc_out = encoder( - enc_input=emb_out, - attn_bias=n_head_self_attn_mask, - n_layer=self._n_layer, - n_head=self._n_head, - d_key=self._emb_size // self._n_head, - d_value=self._emb_size // self._n_head, - d_model=self._emb_size, - d_inner_hid=self._emb_size * 4, - prepostprocess_dropout=self._prepostprocess_dropout, - attention_dropout=self._attention_dropout, - relu_dropout=0, - hidden_act=self._hidden_act, - preprocess_cmd="", - postprocess_cmd="dan", - param_initializer=self._param_initializer, - name='encoder') - - def get_sequence_output(self): - return self._enc_out - - def get_pooled_output(self): - """Get the first feature of each sequence for classification""" - - next_sent_feat = fluid.layers.slice( - input=self._enc_out, axes=[1], starts=[0], ends=[1]) - next_sent_feat = fluid.layers.fc( - input=next_sent_feat, - size=self._emb_size, - act="tanh", - param_attr=fluid.ParamAttr( - name="pooled_fc.w_0", initializer=self._param_initializer), - bias_attr="pooled_fc.b_0") - return next_sent_feat - - def get_pretraining_output(self, mask_label, mask_pos, labels): - """Get the loss & accuracy for pretraining""" - - mask_pos = fluid.layers.cast(x=mask_pos, dtype='int32') - - # extract the first token feature in each sentence - next_sent_feat = self.get_pooled_output() - reshaped_emb_out = fluid.layers.reshape( - x=self._enc_out, shape=[-1, self._emb_size]) - # extract masked tokens' feature - mask_feat = fluid.layers.gather(input=reshaped_emb_out, index=mask_pos) - - # transform: fc - mask_trans_feat = fluid.layers.fc( - input=mask_feat, - size=self._emb_size, - act=self._hidden_act, - param_attr=fluid.ParamAttr( - name='mask_lm_trans_fc.w_0', - initializer=self._param_initializer), - bias_attr=fluid.ParamAttr(name='mask_lm_trans_fc.b_0')) - # transform: layer norm - mask_trans_feat = pre_process_layer( - mask_trans_feat, 'n', name='mask_lm_trans') - - mask_lm_out_bias_attr = fluid.ParamAttr( - name="mask_lm_out_fc.b_0", - initializer=fluid.initializer.Constant(value=0.0)) - if self._weight_sharing: - fc_out = fluid.layers.matmul( - x=mask_trans_feat, - y=fluid.default_main_program().global_block().var( - self._word_emb_name), - transpose_y=True) - fc_out += fluid.layers.create_parameter( - shape=[self._voc_size], - dtype=self._dtype, - attr=mask_lm_out_bias_attr, - is_bias=True) - - else: - fc_out = fluid.layers.fc(input=mask_trans_feat, - size=self._voc_size, - param_attr=fluid.ParamAttr( - name="mask_lm_out_fc.w_0", - initializer=self._param_initializer), - bias_attr=mask_lm_out_bias_attr) - - mask_lm_loss = fluid.layers.softmax_with_cross_entropy( - logits=fc_out, label=mask_label) - mean_mask_lm_loss = fluid.layers.mean(mask_lm_loss) - - next_sent_fc_out = fluid.layers.fc( - input=next_sent_feat, - size=2, - param_attr=fluid.ParamAttr( - name="next_sent_fc.w_0", initializer=self._param_initializer), - bias_attr="next_sent_fc.b_0") - - next_sent_loss, next_sent_softmax = fluid.layers.softmax_with_cross_entropy( - logits=next_sent_fc_out, label=labels, return_softmax=True) - - next_sent_acc = fluid.layers.accuracy( - input=next_sent_softmax, label=labels) - - mean_next_sent_loss = fluid.layers.mean(next_sent_loss) - - loss = mean_next_sent_loss + mean_mask_lm_loss - return next_sent_acc, mean_mask_lm_loss, loss diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/src/model/transformer_encoder.py b/PaddleNLP/Research/MRQA2019-BASELINE/src/model/transformer_encoder.py deleted file mode 100644 index 93a77ebe480f0e4a8e2b4f2c0c18b23383075fb7..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/src/model/transformer_encoder.py +++ /dev/null @@ -1,342 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Transformer encoder.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -from functools import partial -import numpy as np - -import paddle.fluid as fluid -import paddle.fluid.layers as layers - - -def multi_head_attention(queries, - keys, - values, - attn_bias, - d_key, - d_value, - d_model, - n_head=1, - dropout_rate=0., - cache=None, - param_initializer=None, - name='multi_head_att'): - """ - Multi-Head Attention. Note that attn_bias is added to the logit before - computing softmax activiation to mask certain selected positions so that - they will not considered in attention weights. - """ - keys = queries if keys is None else keys - values = keys if values is None else values - - if not (len(queries.shape) == len(keys.shape) == len(values.shape) == 3): - raise ValueError( - "Inputs: quries, keys and values should all be 3-D tensors.") - - def __compute_qkv(queries, keys, values, n_head, d_key, d_value): - """ - Add linear projection to queries, keys, and values. - """ - q = layers.fc(input=queries, - size=d_key * n_head, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_query_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_query_fc.b_0') - k = layers.fc(input=keys, - size=d_key * n_head, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_key_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_key_fc.b_0') - v = layers.fc(input=values, - size=d_value * n_head, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_value_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_value_fc.b_0') - return q, k, v - - def __split_heads(x, n_head): - """ - Reshape the last dimension of inpunt tensor x so that it becomes two - dimensions and then transpose. Specifically, input a tensor with shape - [bs, max_sequence_length, n_head * hidden_dim] then output a tensor - with shape [bs, n_head, max_sequence_length, hidden_dim]. - """ - hidden_size = x.shape[-1] - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - reshaped = layers.reshape( - x=x, shape=[0, 0, n_head, hidden_size // n_head], inplace=True) - - # permuate the dimensions into: - # [batch_size, n_head, max_sequence_len, hidden_size_per_head] - return layers.transpose(x=reshaped, perm=[0, 2, 1, 3]) - - def __combine_heads(x): - """ - Transpose and then reshape the last two dimensions of inpunt tensor x - so that it becomes one dimension, which is reverse to __split_heads. - """ - if len(x.shape) == 3: return x - if len(x.shape) != 4: - raise ValueError("Input(x) should be a 4-D Tensor.") - - trans_x = layers.transpose(x, perm=[0, 2, 1, 3]) - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - return layers.reshape( - x=trans_x, - shape=[0, 0, trans_x.shape[2] * trans_x.shape[3]], - inplace=True) - - def scaled_dot_product_attention(q, k, v, attn_bias, d_key, dropout_rate): - """ - Scaled Dot-Product Attention - """ - scaled_q = layers.scale(x=q, scale=d_key**-0.5) - product = layers.matmul(x=scaled_q, y=k, transpose_y=True) - if attn_bias: - product += attn_bias - weights = layers.softmax(product) - if dropout_rate: - weights = layers.dropout( - weights, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - out = layers.matmul(weights, v) - return out - - q, k, v = __compute_qkv(queries, keys, values, n_head, d_key, d_value) - - if cache is not None: # use cache and concat time steps - # Since the inplace reshape in __split_heads changes the shape of k and - # v, which is the cache input for next time step, reshape the cache - # input from the previous time step first. - k = cache["k"] = layers.concat( - [layers.reshape( - cache["k"], shape=[0, 0, d_model]), k], axis=1) - v = cache["v"] = layers.concat( - [layers.reshape( - cache["v"], shape=[0, 0, d_model]), v], axis=1) - - q = __split_heads(q, n_head) - k = __split_heads(k, n_head) - v = __split_heads(v, n_head) - - ctx_multiheads = scaled_dot_product_attention(q, k, v, attn_bias, d_key, - dropout_rate) - - out = __combine_heads(ctx_multiheads) - - # Project back to the model size. - proj_out = layers.fc(input=out, - size=d_model, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_output_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_output_fc.b_0') - return proj_out - - -def positionwise_feed_forward(x, - d_inner_hid, - d_hid, - dropout_rate, - hidden_act, - param_initializer=None, - name='ffn'): - """ - Position-wise Feed-Forward Networks. - This module consists of two linear transformations with a ReLU activation - in between, which is applied to each position separately and identically. - """ - hidden = layers.fc(input=x, - size=d_inner_hid, - num_flatten_dims=2, - act=hidden_act, - param_attr=fluid.ParamAttr( - name=name + '_fc_0.w_0', - initializer=param_initializer), - bias_attr=name + '_fc_0.b_0') - if dropout_rate: - hidden = layers.dropout( - hidden, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - out = layers.fc(input=hidden, - size=d_hid, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_fc_1.w_0', initializer=param_initializer), - bias_attr=name + '_fc_1.b_0') - return out - - -def pre_post_process_layer(prev_out, out, process_cmd, dropout_rate=0., - name=''): - """ - Add residual connection, layer normalization and droput to the out tensor - optionally according to the value of process_cmd. - This will be used before or after multi-head attention and position-wise - feed-forward networks. - """ - for cmd in process_cmd: - if cmd == "a": # add residual connection - out = out + prev_out if prev_out else out - elif cmd == "n": # add layer normalization - out_dtype = out.dtype - if out_dtype == fluid.core.VarDesc.VarType.FP16: - out = layers.cast(x=out, dtype="float32") - out = layers.layer_norm( - out, - begin_norm_axis=len(out.shape) - 1, - param_attr=fluid.ParamAttr( - name=name + '_layer_norm_scale', - initializer=fluid.initializer.Constant(1.)), - bias_attr=fluid.ParamAttr( - name=name + '_layer_norm_bias', - initializer=fluid.initializer.Constant(0.))) - if out_dtype == fluid.core.VarDesc.VarType.FP16: - out = layers.cast(x=out, dtype="float16") - elif cmd == "d": # add dropout - if dropout_rate: - out = layers.dropout( - out, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - return out - - -pre_process_layer = partial(pre_post_process_layer, None) -post_process_layer = pre_post_process_layer - - -def encoder_layer(enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd="n", - postprocess_cmd="da", - param_initializer=None, - name=''): - """The encoder layers that can be stacked to form a deep encoder. - This module consits of a multi-head (self) attention followed by - position-wise feed-forward networks and both the two components companied - with the post_process_layer to add residual connection, layer normalization - and droput. - """ - attn_output = multi_head_attention( - pre_process_layer( - enc_input, - preprocess_cmd, - prepostprocess_dropout, - name=name + '_pre_att'), - None, - None, - attn_bias, - d_key, - d_value, - d_model, - n_head, - attention_dropout, - param_initializer=param_initializer, - name=name + '_multi_head_att') - attn_output = post_process_layer( - enc_input, - attn_output, - postprocess_cmd, - prepostprocess_dropout, - name=name + '_post_att') - ffd_output = positionwise_feed_forward( - pre_process_layer( - attn_output, - preprocess_cmd, - prepostprocess_dropout, - name=name + '_pre_ffn'), - d_inner_hid, - d_model, - relu_dropout, - hidden_act, - param_initializer=param_initializer, - name=name + '_ffn') - return post_process_layer( - attn_output, - ffd_output, - postprocess_cmd, - prepostprocess_dropout, - name=name + '_post_ffn') - - -def encoder(enc_input, - attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd="n", - postprocess_cmd="da", - param_initializer=None, - name=''): - """ - The encoder is composed of a stack of identical layers returned by calling - encoder_layer. - """ - for i in range(n_layer): - enc_output = encoder_layer( - enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd, - postprocess_cmd, - param_initializer=param_initializer, - name=name + '_layer_' + str(i)) - enc_input = enc_output - enc_output = pre_process_layer( - enc_output, preprocess_cmd, prepostprocess_dropout, name="post_encoder") - - return enc_output diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/src/optimization.py b/PaddleNLP/Research/MRQA2019-BASELINE/src/optimization.py deleted file mode 100755 index 151ee27675e559cc1d381facf9391bcf9cff7b97..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/src/optimization.py +++ /dev/null @@ -1,134 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Optimization and learning rate scheduling.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import numpy as np -import paddle.fluid as fluid -from utils.fp16 import create_master_params_grads, master_param_to_train_param - - -def linear_warmup_decay(learning_rate, warmup_steps, num_train_steps): - """ Applies linear warmup of learning rate from 0 and decay to 0.""" - with fluid.default_main_program()._lr_schedule_guard(): - lr = fluid.layers.tensor.create_global_var( - shape=[1], - value=0.0, - dtype='float32', - persistable=True, - name="scheduled_learning_rate") - - global_step = fluid.layers.learning_rate_scheduler._decay_step_counter() - - with fluid.layers.control_flow.Switch() as switch: - with switch.case(global_step < warmup_steps): - warmup_lr = learning_rate * (global_step / warmup_steps) - fluid.layers.tensor.assign(warmup_lr, lr) - with switch.default(): - decayed_lr = fluid.layers.learning_rate_scheduler.polynomial_decay( - learning_rate=learning_rate, - decay_steps=num_train_steps, - end_learning_rate=0.0, - power=1.0, - cycle=False) - fluid.layers.tensor.assign(decayed_lr, lr) - - return lr - - -def optimization(loss, - warmup_steps, - num_train_steps, - learning_rate, - train_program, - startup_prog, - weight_decay, - scheduler='linear_warmup_decay', - use_fp16=False, - loss_scaling=1.0): - if warmup_steps > 0: - if scheduler == 'noam_decay': - scheduled_lr = fluid.layers.learning_rate_scheduler\ - .noam_decay(1/(warmup_steps *(learning_rate ** 2)), - warmup_steps) - elif scheduler == 'linear_warmup_decay': - scheduled_lr = linear_warmup_decay(learning_rate, warmup_steps, - num_train_steps) - else: - raise ValueError("Unkown learning rate scheduler, should be " - "'noam_decay' or 'linear_warmup_decay'") - optimizer = fluid.optimizer.Adam(learning_rate=scheduled_lr) - else: - optimizer = fluid.optimizer.Adam(learning_rate=learning_rate) - scheduled_lr = learning_rate - - fluid.clip.set_gradient_clip( - clip=fluid.clip.GradientClipByGlobalNorm(clip_norm=1.0)) - - def exclude_from_weight_decay(name): - if name.find("layer_norm") > -1: - return True - bias_suffix = ["_bias", "_b", ".b_0"] - for suffix in bias_suffix: - if name.endswith(suffix): - return True - return False - - param_list = dict() - - if use_fp16: - param_grads = optimizer.backward(loss) - master_param_grads = create_master_params_grads( - param_grads, train_program, startup_prog, loss_scaling) - - for param, _ in master_param_grads: - param_list[param.name] = param * 1.0 - param_list[param.name].stop_gradient = True - - optimizer.apply_gradients(master_param_grads) - - if weight_decay > 0: - for param, grad in master_param_grads: - if exclude_from_weight_decay(param.name.rstrip(".master")): - continue - with param.block.program._optimized_guard( - [param, grad]), fluid.framework.name_scope("weight_decay"): - updated_param = param - param_list[ - param.name] * weight_decay * scheduled_lr - fluid.layers.assign(output=param, input=updated_param) - - master_param_to_train_param(master_param_grads, param_grads, - train_program) - - else: - for param in train_program.global_block().all_parameters(): - param_list[param.name] = param * 1.0 - param_list[param.name].stop_gradient = True - - _, param_grads = optimizer.minimize(loss) - - if weight_decay > 0: - for param, grad in param_grads: - if exclude_from_weight_decay(param.name): - continue - with param.block.program._optimized_guard( - [param, grad]), fluid.framework.name_scope("weight_decay"): - updated_param = param - param_list[ - param.name] * weight_decay * scheduled_lr - fluid.layers.assign(output=param, input=updated_param) - - return scheduled_lr diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/src/reader/__init__.py b/PaddleNLP/Research/MRQA2019-BASELINE/src/reader/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/src/reader/mrqa.py b/PaddleNLP/Research/MRQA2019-BASELINE/src/reader/mrqa.py deleted file mode 100644 index 94a7471e94f7b1e1a6f8f08636c53b44caf381bf..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/src/reader/mrqa.py +++ /dev/null @@ -1,1101 +0,0 @@ -# coding=utf-8 -# Copyright 2018 The Google AI Language Team Authors. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Run MRQA""" - -import six -import math -import json -import random -import collections -import numpy as np -import tokenization -from batching import prepare_batch_data - - -class MRQAExample(object): - """A single training/test example for simple sequence classification. - - For examples without an answer, the start and end position are -1. - """ - - def __init__(self, - qas_id, - question_text, - doc_tokens, - orig_answer_text=None, - start_position=None, - end_position=None, - is_impossible=False): - self.qas_id = qas_id - self.question_text = question_text - self.doc_tokens = doc_tokens - self.orig_answer_text = orig_answer_text - self.start_position = start_position - self.end_position = end_position - self.is_impossible = is_impossible - - def __str__(self): - return self.__repr__() - - def __repr__(self): - s = "" - s += "qas_id: %s" % (tokenization.printable_text(self.qas_id)) - s += ", question_text: %s" % ( - tokenization.printable_text(self.question_text)) - s += ", doc_tokens: [%s]" % (" ".join(self.doc_tokens)) - if self.start_position: - s += ", start_position: %d" % (self.start_position) - if self.start_position: - s += ", end_position: %d" % (self.end_position) - if self.start_position: - s += ", is_impossible: %r" % (self.is_impossible) - return s - - -class InputFeatures(object): - """A single set of features of data.""" - - def __init__(self, - unique_id, - example_index, - doc_span_index, - tokens, - token_to_orig_map, - token_is_max_context, - input_ids, - input_mask, - segment_ids, - start_position=None, - end_position=None, - is_impossible=None): - self.unique_id = unique_id - self.example_index = example_index - self.doc_span_index = doc_span_index - self.tokens = tokens - self.token_to_orig_map = token_to_orig_map - self.token_is_max_context = token_is_max_context - self.input_ids = input_ids - self.input_mask = input_mask - self.segment_ids = segment_ids - self.start_position = start_position - self.end_position = end_position - self.is_impossible = is_impossible - - -def read_mrqa_examples(input_file, is_training, with_negative=False): - """Read a MRQA json file into a list of MRQAExample.""" - with open(input_file, "r") as reader: - input_data = json.load(reader)["data"] - - def is_whitespace(c): - if c == " " or c == "\t" or c == "\r" or c == "\n" or ord(c) == 0x202F: - return True - return False - - examples = [] - for entry in input_data: - for paragraph in entry["paragraphs"]: - paragraph_text = paragraph["context"] - doc_tokens = [] - char_to_word_offset = [] - prev_is_whitespace = True - for c in paragraph_text: - if is_whitespace(c): - prev_is_whitespace = True - else: - if prev_is_whitespace: - doc_tokens.append(c) - else: - doc_tokens[-1] += c - prev_is_whitespace = False - char_to_word_offset.append(len(doc_tokens) - 1) - - for qa in paragraph["qas"]: - qas_id = qa["id"] - question_text = qa["question"] - start_position = None - end_position = None - orig_answer_text = None - is_impossible = False - if is_training: - - if with_negative: - is_impossible = qa["is_impossible"] - if (len(qa["answers"]) != 1) and (not is_impossible): - raise ValueError( - "For training, each question should have exactly 1 answer." - ) - if not is_impossible: - answer = qa["answers"][0] - orig_answer_text = answer["text"] - answer_offset = answer["answer_start"] - answer_length = len(orig_answer_text) - start_position = char_to_word_offset[answer_offset] - end_position = char_to_word_offset[answer_offset + - answer_length - 1] - # Only add answers where the text can be exactly recovered from the - # document. If this CAN'T happen it's likely due to weird Unicode - # stuff so we will just skip the example. - # - # Note that this means for training mode, every example is NOT - # guaranteed to be preserved. - actual_text = " ".join(doc_tokens[start_position:( - end_position + 1)]) - cleaned_answer_text = " ".join( - tokenization.whitespace_tokenize(orig_answer_text)) - if actual_text.find(cleaned_answer_text) == -1: - print("Could not find answer: '%s' vs. '%s'", - actual_text, cleaned_answer_text) - continue - else: - start_position = -1 - end_position = -1 - orig_answer_text = "" - - example = MRQAExample( - qas_id=qas_id, - question_text=question_text, - doc_tokens=doc_tokens, - orig_answer_text=orig_answer_text, - start_position=start_position, - end_position=end_position, - is_impossible=is_impossible) - examples.append(example) - - return examples - - -def convert_examples_to_features( - examples, - tokenizer, - max_seq_length, - doc_stride, - max_query_length, - is_training, - #output_fn -): - """Loads a data file into a list of `InputBatch`s.""" - - unique_id = 1000000000 - - for (example_index, example) in enumerate(examples): - query_tokens = tokenizer.tokenize(example.question_text) - - if len(query_tokens) > max_query_length: - query_tokens = query_tokens[0:max_query_length] - - tok_to_orig_index = [] - orig_to_tok_index = [] - all_doc_tokens = [] - for (i, token) in enumerate(example.doc_tokens): - orig_to_tok_index.append(len(all_doc_tokens)) - sub_tokens = tokenizer.tokenize(token) - for sub_token in sub_tokens: - tok_to_orig_index.append(i) - all_doc_tokens.append(sub_token) - - tok_start_position = None - tok_end_position = None - if is_training and example.is_impossible: - tok_start_position = -1 - tok_end_position = -1 - if is_training and not example.is_impossible: - tok_start_position = orig_to_tok_index[example.start_position] - if example.end_position < len(example.doc_tokens) - 1: - tok_end_position = orig_to_tok_index[example.end_position + - 1] - 1 - else: - tok_end_position = len(all_doc_tokens) - 1 - (tok_start_position, tok_end_position) = _improve_answer_span( - all_doc_tokens, tok_start_position, tok_end_position, tokenizer, - example.orig_answer_text) - - # The -3 accounts for [CLS], [SEP] and [SEP] - max_tokens_for_doc = max_seq_length - len(query_tokens) - 3 - - # We can have documents that are longer than the maximum sequence length. - # To deal with this we do a sliding window approach, where we take chunks - # of the up to our max length with a stride of `doc_stride`. - _DocSpan = collections.namedtuple( # pylint: disable=invalid-name - "DocSpan", ["start", "length"]) - doc_spans = [] - start_offset = 0 - while start_offset < len(all_doc_tokens): - length = len(all_doc_tokens) - start_offset - if length > max_tokens_for_doc: - length = max_tokens_for_doc - doc_spans.append(_DocSpan(start=start_offset, length=length)) - if start_offset + length == len(all_doc_tokens): - break - start_offset += min(length, doc_stride) - - for (doc_span_index, doc_span) in enumerate(doc_spans): - tokens = [] - token_to_orig_map = {} - token_is_max_context = {} - segment_ids = [] - tokens.append("[CLS]") - segment_ids.append(0) - for token in query_tokens: - tokens.append(token) - segment_ids.append(0) - tokens.append("[SEP]") - segment_ids.append(0) - - for i in range(doc_span.length): - split_token_index = doc_span.start + i - token_to_orig_map[len(tokens)] = tok_to_orig_index[ - split_token_index] - - is_max_context = _check_is_max_context( - doc_spans, doc_span_index, split_token_index) - token_is_max_context[len(tokens)] = is_max_context - tokens.append(all_doc_tokens[split_token_index]) - segment_ids.append(1) - tokens.append("[SEP]") - segment_ids.append(1) - - input_ids = tokenizer.convert_tokens_to_ids(tokens) - - # The mask has 1 for real tokens and 0 for padding tokens. Only real - # tokens are attended to. - input_mask = [1] * len(input_ids) - - # Zero-pad up to the sequence length. - #while len(input_ids) < max_seq_length: - # input_ids.append(0) - # input_mask.append(0) - # segment_ids.append(0) - - #assert len(input_ids) == max_seq_length - #assert len(input_mask) == max_seq_length - #assert len(segment_ids) == max_seq_length - - start_position = None - end_position = None - if is_training and not example.is_impossible: - # For training, if our document chunk does not contain an annotation - # we throw it out, since there is nothing to predict. - doc_start = doc_span.start - doc_end = doc_span.start + doc_span.length - 1 - out_of_span = False - if not (tok_start_position >= doc_start and - tok_end_position <= doc_end): - out_of_span = True - if out_of_span: - start_position = 0 - end_position = 0 - continue - else: - doc_offset = len(query_tokens) + 2 - start_position = tok_start_position - doc_start + doc_offset - end_position = tok_end_position - doc_start + doc_offset - - """ - if is_training and example.is_impossible: - start_position = 0 - end_position = 0 - """ - if example_index < 3: - print("*** Example ***") - print("unique_id: %s" % (unique_id)) - print("example_index: %s" % (example_index)) - print("doc_span_index: %s" % (doc_span_index)) - print("tokens: %s" % " ".join( - [tokenization.printable_text(x) for x in tokens])) - print("token_to_orig_map: %s" % " ".join([ - "%d:%d" % (x, y) - for (x, y) in six.iteritems(token_to_orig_map) - ])) - print("token_is_max_context: %s" % " ".join([ - "%d:%s" % (x, y) - for (x, y) in six.iteritems(token_is_max_context) - ])) - print("input_ids: %s" % " ".join([str(x) for x in input_ids])) - print("input_mask: %s" % " ".join([str(x) for x in input_mask])) - print("segment_ids: %s" % - " ".join([str(x) for x in segment_ids])) - if is_training and example.is_impossible: - print("impossible example") - if is_training and not example.is_impossible: - answer_text = " ".join(tokens[start_position:(end_position + - 1)]) - print("start_position: %d" % (start_position)) - print("end_position: %d" % (end_position)) - print("answer: %s" % - (tokenization.printable_text(answer_text))) - - feature = InputFeatures( - unique_id=unique_id, - example_index=example_index, - doc_span_index=doc_span_index, - tokens=tokens, - token_to_orig_map=token_to_orig_map, - token_is_max_context=token_is_max_context, - input_ids=input_ids, - input_mask=input_mask, - segment_ids=segment_ids, - start_position=start_position, - end_position=end_position, - is_impossible=example.is_impossible) - - unique_id += 1 - - yield feature - - -def estimate_runtime_examples(data_path, sample_rate, tokenizer, \ - max_seq_length, doc_stride, max_query_length, \ - remove_impossible_questions=True, filter_invalid_spans=True): - """Count runtime examples which may differ from number of raw samples due to sliding window operation and etc.. This is useful to get correct warmup steps for training.""" - - assert sample_rate > 0.0 and sample_rate <= 1.0, "sample_rate must be set between 0.0~1.0" - - print("loading data with json parser...") - with open(data_path, "r") as reader: - data = json.load(reader)["data"] - - num_raw_examples = 0 - for entry in data: - for paragraph in entry["paragraphs"]: - paragraph_text = paragraph["context"] - for qa in paragraph["qas"]: - num_raw_examples += 1 - print("num raw examples:{}".format(num_raw_examples)) - - def is_whitespace(c): - if c == " " or c == "\t" or c == "\r" or c == "\n" or ord(c) == 0x202F: - return True - return False - - sampled_examples = [] - for entry in data: - for paragraph in entry["paragraphs"]: - doc_tokens = None - for qa in paragraph["qas"]: - if random.random() > sample_rate and sample_rate < 1.0: - continue - - if doc_tokens is None: - paragraph_text = paragraph["context"] - doc_tokens = [] - char_to_word_offset = [] - prev_is_whitespace = True - for c in paragraph_text: - if is_whitespace(c): - prev_is_whitespace = True - else: - if prev_is_whitespace: - doc_tokens.append(c) - else: - doc_tokens[-1] += c - prev_is_whitespace = False - char_to_word_offset.append(len(doc_tokens) - 1) - - assert len(qa["answers"]) == 1, "For training, each question should have exactly 1 answer." - - qas_id = qa["id"] - question_text = qa["question"] - start_position = None - end_position = None - orig_answer_text = None - is_impossible = False - - if ('is_impossible' in qa) and (qa["is_impossible"]): - if remove_impossible_questions or filter_invalid_spans: - continue - else: - start_position = -1 - end_position = -1 - orig_answer_text = "" - is_impossible = True - else: - answer = qa["answers"][0] - orig_answer_text = answer["text"] - answer_offset = answer["answer_start"] - answer_length = len(orig_answer_text) - start_position = char_to_word_offset[answer_offset] - end_position = char_to_word_offset[answer_offset + - answer_length - 1] - - # remove corrupt samples - actual_text = " ".join(doc_tokens[start_position:( - end_position + 1)]) - cleaned_answer_text = " ".join( - tokenization.whitespace_tokenize(orig_answer_text)) - if actual_text.find(cleaned_answer_text) == -1: - print("Could not find answer: '%s' vs. '%s'", - actual_text, cleaned_answer_text) - continue - - example = MRQAExample( - qas_id=qas_id, - question_text=question_text, - doc_tokens=doc_tokens, - orig_answer_text=orig_answer_text, - start_position=start_position, - end_position=end_position, - is_impossible=is_impossible) - sampled_examples.append(example) - - - runtime_sample_rate = len(sampled_examples) / float(num_raw_examples) - # print("DEBUG-> runtime sampled examples: {}, sample rate: {}.".format(len(sampled_examples), runtime_sample_rate)) - - runtime_samp_cnt = 0 - - for example in sampled_examples: - query_tokens = tokenizer.tokenize(example.question_text) - - if len(query_tokens) > max_query_length: - query_tokens = query_tokens[0:max_query_length] - - tok_to_orig_index = [] - orig_to_tok_index = [] - all_doc_tokens = [] - for (i, token) in enumerate(example.doc_tokens): - orig_to_tok_index.append(len(all_doc_tokens)) - sub_tokens = tokenizer.tokenize(token) - for sub_token in sub_tokens: - tok_to_orig_index.append(i) - all_doc_tokens.append(sub_token) - - tok_start_position = None - tok_end_position = None - - tok_start_position = orig_to_tok_index[example.start_position] - if example.end_position < len(example.doc_tokens) - 1: - tok_end_position = orig_to_tok_index[example.end_position + 1] - 1 - else: - tok_end_position = len(all_doc_tokens) - 1 - (tok_start_position, tok_end_position) = _improve_answer_span( - all_doc_tokens, tok_start_position, tok_end_position, tokenizer, - example.orig_answer_text) - - # The -3 accounts for [CLS], [SEP] and [SEP] - max_tokens_for_doc = max_seq_length - len(query_tokens) - 3 - - _DocSpan = collections.namedtuple( # pylint: disable=invalid-name - "DocSpan", ["start", "length"]) - doc_spans = [] - start_offset = 0 - while start_offset < len(all_doc_tokens): - length = len(all_doc_tokens) - start_offset - if length > max_tokens_for_doc: - length = max_tokens_for_doc - doc_spans.append(_DocSpan(start=start_offset, length=length)) - if start_offset + length == len(all_doc_tokens): - break - start_offset += min(length, doc_stride) - - for (doc_span_index, doc_span) in enumerate(doc_spans): - doc_start = doc_span.start - doc_end = doc_span.start + doc_span.length - 1 - if filter_invalid_spans and not (tok_start_position >= doc_start and tok_end_position <= doc_end): - continue - runtime_samp_cnt += 1 - return int(runtime_samp_cnt/runtime_sample_rate) - - -def _improve_answer_span(doc_tokens, input_start, input_end, tokenizer, - orig_answer_text): - """Returns tokenized answer spans that better match the annotated answer.""" - - # The MRQA annotations are character based. We first project them to - # whitespace-tokenized words. But then after WordPiece tokenization, we can - # often find a "better match". For example: - # - # Question: What year was John Smith born? - # Context: The leader was John Smith (1895-1943). - # Answer: 1895 - # - # The original whitespace-tokenized answer will be "(1895-1943).". However - # after tokenization, our tokens will be "( 1895 - 1943 ) .". So we can match - # the exact answer, 1895. - # - # However, this is not always possible. Consider the following: - # - # Question: What country is the top exporter of electornics? - # Context: The Japanese electronics industry is the lagest in the world. - # Answer: Japan - # - # In this case, the annotator chose "Japan" as a character sub-span of - # the word "Japanese". Since our WordPiece tokenizer does not split - # "Japanese", we just use "Japanese" as the annotation. This is fairly rare - # in MRQA, but does happen. - tok_answer_text = " ".join(tokenizer.tokenize(orig_answer_text)) - - for new_start in range(input_start, input_end + 1): - for new_end in range(input_end, new_start - 1, -1): - text_span = " ".join(doc_tokens[new_start:(new_end + 1)]) - if text_span == tok_answer_text: - return (new_start, new_end) - - return (input_start, input_end) - - -def _check_is_max_context(doc_spans, cur_span_index, position): - """Check if this is the 'max context' doc span for the token.""" - - # Because of the sliding window approach taken to scoring documents, a single - # token can appear in multiple documents. E.g. - # Doc: the man went to the store and bought a gallon of milk - # Span A: the man went to the - # Span B: to the store and bought - # Span C: and bought a gallon of - # ... - # - # Now the word 'bought' will have two scores from spans B and C. We only - # want to consider the score with "maximum context", which we define as - # the *minimum* of its left and right context (the *sum* of left and - # right context will always be the same, of course). - # - # In the example the maximum context for 'bought' would be span C since - # it has 1 left context and 3 right context, while span B has 4 left context - # and 0 right context. - best_score = None - best_span_index = None - for (span_index, doc_span) in enumerate(doc_spans): - end = doc_span.start + doc_span.length - 1 - if position < doc_span.start: - continue - if position > end: - continue - num_left_context = position - doc_span.start - num_right_context = end - position - score = min(num_left_context, - num_right_context) + 0.01 * doc_span.length - if best_score is None or score > best_score: - best_score = score - best_span_index = span_index - - return cur_span_index == best_span_index - - -class DataProcessor(object): - def __init__(self, vocab_path, do_lower_case, max_seq_length, in_tokens, - doc_stride, max_query_length): - self._tokenizer = tokenization.FullTokenizer( - vocab_file=vocab_path, do_lower_case=do_lower_case) - self._max_seq_length = max_seq_length - self._doc_stride = doc_stride - self._max_query_length = max_query_length - self._in_tokens = in_tokens - - self.vocab = self._tokenizer.vocab - self.vocab_size = len(self.vocab) - self.pad_id = self.vocab["[PAD]"] - self.cls_id = self.vocab["[CLS]"] - self.sep_id = self.vocab["[SEP]"] - self.mask_id = self.vocab["[MASK]"] - - self.current_train_example = -1 - self.num_train_examples = -1 - self.current_train_epoch = -1 - - self.train_examples = None - self.predict_examples = None - self.num_examples = {'train': -1, 'predict': -1} - - def get_train_progress(self): - """Gets progress for training phase.""" - return self.current_train_example, self.current_train_epoch - - def get_examples(self, - data_path, - is_training, - with_negative=False): - examples = read_mrqa_examples( - input_file=data_path, - is_training=is_training, - with_negative=with_negative) - return examples - - def get_num_examples(self, phase): - if phase not in ['train', 'predict']: - raise ValueError( - "Unknown phase, which should be in ['train', 'predict'].") - return self.num_examples[phase] - - def estimate_runtime_examples(self, data_path, sample_rate=0.01, \ - remove_impossible_questions=True, filter_invalid_spans=True): - """Noted that this API Only support for Training phase.""" - return estimate_runtime_examples(data_path, sample_rate, self._tokenizer, \ - self._max_seq_length, self._doc_stride, self._max_query_length, \ - remove_impossible_questions=True, filter_invalid_spans=True) - - def get_features(self, examples, is_training): - features = convert_examples_to_features( - examples=examples, - tokenizer=self._tokenizer, - max_seq_length=self._max_seq_length, - doc_stride=self._doc_stride, - max_query_length=self._max_query_length, - is_training=is_training) - return features - - def data_generator(self, - data_path, - batch_size, - max_len=None, - phase='train', - shuffle=False, - dev_count=1, - with_negative=False, - epoch=1): - if phase == 'train': - self.train_examples = self.get_examples( - data_path, - is_training=True, - with_negative=with_negative) - examples = self.train_examples - self.num_examples['train'] = len(self.train_examples) - elif phase == 'predict': - self.predict_examples = self.get_examples( - data_path, - is_training=False, - with_negative=with_negative) - examples = self.predict_examples - self.num_examples['predict'] = len(self.predict_examples) - else: - raise ValueError( - "Unknown phase, which should be in ['train', 'predict'].") - - def batch_reader(features, batch_size, in_tokens): - batch, total_token_num, max_len = [], 0, 0 - for (index, feature) in enumerate(features): - if phase == 'train': - self.current_train_example = index + 1 - seq_len = len(feature.input_ids) - labels = [feature.unique_id - ] if feature.start_position is None else [ - feature.start_position, feature.end_position - ] - example = [ - feature.input_ids, feature.segment_ids, range(seq_len) - ] + labels - max_len = max(max_len, seq_len) - - #max_len = max(max_len, len(token_ids)) - if in_tokens: - to_append = (len(batch) + 1) * max_len <= batch_size - else: - to_append = len(batch) < batch_size - - if to_append: - batch.append(example) - total_token_num += seq_len - else: - yield batch, total_token_num - batch, total_token_num, max_len = [example - ], seq_len, seq_len - if len(batch) > 0: - yield batch, total_token_num - - def wrapper(): - for epoch_index in range(epoch): - if shuffle: - random.shuffle(examples) - if phase == 'train': - self.current_train_epoch = epoch_index - features = self.get_features(examples, is_training=True) - else: - features = self.get_features(examples, is_training=False) - - all_dev_batches = [] - for batch_data, total_token_num in batch_reader( - features, batch_size, self._in_tokens): - batch_data = prepare_batch_data( - batch_data, - total_token_num, - max_len=max_len, - voc_size=-1, - pad_id=self.pad_id, - cls_id=self.cls_id, - sep_id=self.sep_id, - mask_id=-1, - return_input_mask=True, - return_max_len=False, - return_num_token=False) - if len(all_dev_batches) < dev_count: - all_dev_batches.append(batch_data) - - if len(all_dev_batches) == dev_count: - for batch in all_dev_batches: - yield batch - all_dev_batches = [] - - if phase == 'predict' and len(all_dev_batches) > 0: - fake_batch = all_dev_batches[-1] - fake_batch = fake_batch[:-1] + [np.array([-1]*len(fake_batch[0]))] - all_dev_batches = all_dev_batches + [fake_batch] * (dev_count - len(all_dev_batches)) - for batch in all_dev_batches: - yield batch - - return wrapper - - -def write_predictions(all_examples, all_features, all_results, n_best_size, - max_answer_length, do_lower_case, output_prediction_file, - output_nbest_file, output_null_log_odds_file, - with_negative, null_score_diff_threshold, - verbose): - """Write final predictions to the json file and log-odds of null if needed.""" - print("Writing predictions to: %s" % (output_prediction_file)) - print("Writing nbest to: %s" % (output_nbest_file)) - - example_index_to_features = collections.defaultdict(list) - for feature in all_features: - example_index_to_features[feature.example_index].append(feature) - - unique_id_to_result = {} - for result in all_results: - unique_id_to_result[result.unique_id] = result - - _PrelimPrediction = collections.namedtuple( # pylint: disable=invalid-name - "PrelimPrediction", [ - "feature_index", "start_index", "end_index", "start_logit", - "end_logit" - ]) - - all_predictions = collections.OrderedDict() - all_nbest_json = collections.OrderedDict() - scores_diff_json = collections.OrderedDict() - - for (example_index, example) in enumerate(all_examples): - features = example_index_to_features[example_index] - - prelim_predictions = [] - # keep track of the minimum score of null start+end of position 0 - score_null = 1000000 # large and positive - min_null_feature_index = 0 # the paragraph slice with min mull score - null_start_logit = 0 # the start logit at the slice with min null score - null_end_logit = 0 # the end logit at the slice with min null score - for (feature_index, feature) in enumerate(features): - result = unique_id_to_result[feature.unique_id] - start_indexes = _get_best_indexes(result.start_logits, n_best_size) - end_indexes = _get_best_indexes(result.end_logits, n_best_size) - # if we could have irrelevant answers, get the min score of irrelevant - if with_negative: - feature_null_score = result.start_logits[0] + result.end_logits[ - 0] - if feature_null_score < score_null: - score_null = feature_null_score - min_null_feature_index = feature_index - null_start_logit = result.start_logits[0] - null_end_logit = result.end_logits[0] - for start_index in start_indexes: - for end_index in end_indexes: - # We could hypothetically create invalid predictions, e.g., predict - # that the start of the span is in the question. We throw out all - # invalid predictions. - if start_index >= len(feature.tokens): - continue - if end_index >= len(feature.tokens): - continue - if start_index not in feature.token_to_orig_map: - continue - if end_index not in feature.token_to_orig_map: - continue - if not feature.token_is_max_context.get(start_index, False): - continue - if end_index < start_index: - continue - length = end_index - start_index + 1 - if length > max_answer_length: - continue - prelim_predictions.append( - _PrelimPrediction( - feature_index=feature_index, - start_index=start_index, - end_index=end_index, - start_logit=result.start_logits[start_index], - end_logit=result.end_logits[end_index])) - - if with_negative: - prelim_predictions.append( - _PrelimPrediction( - feature_index=min_null_feature_index, - start_index=0, - end_index=0, - start_logit=null_start_logit, - end_logit=null_end_logit)) - prelim_predictions = sorted( - prelim_predictions, - key=lambda x: (x.start_logit + x.end_logit), - reverse=True) - - _NbestPrediction = collections.namedtuple( # pylint: disable=invalid-name - "NbestPrediction", ["text", "start_logit", "end_logit"]) - - seen_predictions = {} - nbest = [] - for pred in prelim_predictions: - if len(nbest) >= n_best_size: - break - feature = features[pred.feature_index] - if pred.start_index > 0: # this is a non-null prediction - tok_tokens = feature.tokens[pred.start_index:(pred.end_index + 1 - )] - orig_doc_start = feature.token_to_orig_map[pred.start_index] - orig_doc_end = feature.token_to_orig_map[pred.end_index] - orig_tokens = example.doc_tokens[orig_doc_start:(orig_doc_end + - 1)] - tok_text = " ".join(tok_tokens) - - # De-tokenize WordPieces that have been split off. - tok_text = tok_text.replace(" ##", "") - tok_text = tok_text.replace("##", "") - - # Clean whitespace - tok_text = tok_text.strip() - tok_text = " ".join(tok_text.split()) - orig_text = " ".join(orig_tokens) - - final_text = get_final_text(tok_text, orig_text, do_lower_case, - verbose) - if final_text in seen_predictions: - continue - - seen_predictions[final_text] = True - else: - final_text = "" - seen_predictions[final_text] = True - - nbest.append( - _NbestPrediction( - text=final_text, - start_logit=pred.start_logit, - end_logit=pred.end_logit)) - - # if we didn't inlude the empty option in the n-best, inlcude it - if with_negative: - if "" not in seen_predictions: - nbest.append( - _NbestPrediction( - text="", - start_logit=null_start_logit, - end_logit=null_end_logit)) - # In very rare edge cases we could have no valid predictions. So we - # just create a nonce prediction in this case to avoid failure. - if not nbest: - nbest.append( - _NbestPrediction( - text="empty", start_logit=0.0, end_logit=0.0)) - - assert len(nbest) >= 1 - - total_scores = [] - best_non_null_entry = None - for entry in nbest: - total_scores.append(entry.start_logit + entry.end_logit) - if not best_non_null_entry: - if entry.text: - best_non_null_entry = entry - # debug - if best_non_null_entry is None: - print("Emmm..., sth wrong") - - probs = _compute_softmax(total_scores) - - nbest_json = [] - for (i, entry) in enumerate(nbest): - output = collections.OrderedDict() - output["text"] = entry.text - output["probability"] = probs[i] - output["start_logit"] = entry.start_logit - output["end_logit"] = entry.end_logit - nbest_json.append(output) - - assert len(nbest_json) >= 1 - - if not with_negative: - all_predictions[example.qas_id] = nbest_json[0]["text"] - else: - # predict "" iff the null score - the score of best non-null > threshold - score_diff = score_null - best_non_null_entry.start_logit - ( - best_non_null_entry.end_logit) - scores_diff_json[example.qas_id] = score_diff - if score_diff > null_score_diff_threshold: - all_predictions[example.qas_id] = "" - else: - all_predictions[example.qas_id] = best_non_null_entry.text - - all_nbest_json[example.qas_id] = nbest_json - - with open(output_prediction_file, "w") as writer: - writer.write(json.dumps(all_predictions, indent=4) + "\n") - - with open(output_nbest_file, "w") as writer: - writer.write(json.dumps(all_nbest_json, indent=4) + "\n") - - if with_negative: - with open(output_null_log_odds_file, "w") as writer: - writer.write(json.dumps(scores_diff_json, indent=4) + "\n") - - -def get_final_text(pred_text, orig_text, do_lower_case, verbose): - """Project the tokenized prediction back to the original text.""" - - # When we created the data, we kept track of the alignment between original - # (whitespace tokenized) tokens and our WordPiece tokenized tokens. So - # now `orig_text` contains the span of our original text corresponding to the - # span that we predicted. - # - # However, `orig_text` may contain extra characters that we don't want in - # our prediction. - # - # For example, let's say: - # pred_text = steve smith - # orig_text = Steve Smith's - # - # We don't want to return `orig_text` because it contains the extra "'s". - # - # We don't want to return `pred_text` because it's already been normalized - # (the MRQA eval script also does punctuation stripping/lower casing but - # our tokenizer does additional normalization like stripping accent - # characters). - # - # What we really want to return is "Steve Smith". - # - # Therefore, we have to apply a semi-complicated alignment heruistic between - # `pred_text` and `orig_text` to get a character-to-charcter alignment. This - # can fail in certain cases in which case we just return `orig_text`. - - def _strip_spaces(text): - ns_chars = [] - ns_to_s_map = collections.OrderedDict() - for (i, c) in enumerate(text): - if c == " ": - continue - ns_to_s_map[len(ns_chars)] = i - ns_chars.append(c) - ns_text = "".join(ns_chars) - return (ns_text, ns_to_s_map) - - # We first tokenize `orig_text`, strip whitespace from the result - # and `pred_text`, and check if they are the same length. If they are - # NOT the same length, the heuristic has failed. If they are the same - # length, we assume the characters are one-to-one aligned. - tokenizer = tokenization.BasicTokenizer(do_lower_case=do_lower_case) - - tok_text = " ".join(tokenizer.tokenize(orig_text)) - - start_position = tok_text.find(pred_text) - if start_position == -1: - if verbose: - print("Unable to find text: '%s' in '%s'" % (pred_text, orig_text)) - return orig_text - end_position = start_position + len(pred_text) - 1 - - (orig_ns_text, orig_ns_to_s_map) = _strip_spaces(orig_text) - (tok_ns_text, tok_ns_to_s_map) = _strip_spaces(tok_text) - - if len(orig_ns_text) != len(tok_ns_text): - if verbose: - print("Length not equal after stripping spaces: '%s' vs '%s'", - orig_ns_text, tok_ns_text) - return orig_text - - # We then project the characters in `pred_text` back to `orig_text` using - # the character-to-character alignment. - tok_s_to_ns_map = {} - for (i, tok_index) in six.iteritems(tok_ns_to_s_map): - tok_s_to_ns_map[tok_index] = i - - orig_start_position = None - if start_position in tok_s_to_ns_map: - ns_start_position = tok_s_to_ns_map[start_position] - if ns_start_position in orig_ns_to_s_map: - orig_start_position = orig_ns_to_s_map[ns_start_position] - - if orig_start_position is None: - if verbose: - print("Couldn't map start position") - return orig_text - - orig_end_position = None - if end_position in tok_s_to_ns_map: - ns_end_position = tok_s_to_ns_map[end_position] - if ns_end_position in orig_ns_to_s_map: - orig_end_position = orig_ns_to_s_map[ns_end_position] - - if orig_end_position is None: - if verbose: - print("Couldn't map end position") - return orig_text - - output_text = orig_text[orig_start_position:(orig_end_position + 1)] - return output_text - - -def _get_best_indexes(logits, n_best_size): - """Get the n-best logits from a list.""" - index_and_score = sorted( - enumerate(logits), key=lambda x: x[1], reverse=True) - - best_indexes = [] - for i in range(len(index_and_score)): - if i >= n_best_size: - break - best_indexes.append(index_and_score[i][0]) - return best_indexes - - -def _compute_softmax(scores): - """Compute softmax probability over raw logits.""" - if not scores: - return [] - - max_score = None - for score in scores: - if max_score is None or score > max_score: - max_score = score - - exp_scores = [] - total_sum = 0.0 - for score in scores: - x = math.exp(score - max_score) - exp_scores.append(x) - total_sum += x - - probs = [] - for score in exp_scores: - probs.append(score / total_sum) - return probs - - -if __name__ == '__main__': - train_file = 'data/mrqa-combined.all_dev.raw.json' - vocab_file = 'uncased_L-12_H-768_A-12/vocab.txt' - do_lower_case = True - tokenizer = tokenization.FullTokenizer( - vocab_file=vocab_file, do_lower_case=do_lower_case) - train_examples = read_mrqa_examples( - input_file=train_file, is_training=True) - print("begin converting") - for (index, feature) in enumerate( - convert_examples_to_features( - examples=train_examples, - tokenizer=tokenizer, - max_seq_length=384, - doc_stride=128, - max_query_length=64, - is_training=True, - #output_fn=train_writer.process_feature - )): - if index < 10: - print(index, feature.input_ids, feature.input_mask, - feature.segment_ids) diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/src/run_mrqa.py b/PaddleNLP/Research/MRQA2019-BASELINE/src/run_mrqa.py deleted file mode 100644 index 132808aa7feb55d3ab8078d2ff691064226640ca..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/src/run_mrqa.py +++ /dev/null @@ -1,455 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Finetuning on MRQA.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import argparse -import collections -import multiprocessing -import os -import time -import numpy as np -import paddle -import paddle.fluid as fluid - -from reader.mrqa import DataProcessor, write_predictions -from model.bert import BertConfig, BertModel -from utils.args import ArgumentGroup, print_arguments -from optimization import optimization -from utils.init import init_pretraining_params, init_checkpoint - -# yapf: disable -parser = argparse.ArgumentParser(__doc__) -model_g = ArgumentGroup(parser, "model", "model configuration and paths.") -model_g.add_arg("bert_config_path", str, None, "Path to the json file for bert model config.") -model_g.add_arg("init_checkpoint", str, None, "Init checkpoint to resume training from.") -model_g.add_arg("init_pretraining_params", str, None, - "Init pre-training params which preforms fine-tuning from. If the " - "arg 'init_checkpoint' has been set, this argument wouldn't be valid.") -model_g.add_arg("checkpoints", str, "checkpoints", "Path to save checkpoints.") - -train_g = ArgumentGroup(parser, "training", "training options.") -train_g.add_arg("epoch", int, 3, "Number of epoches for fine-tuning.") -train_g.add_arg("learning_rate", float, 5e-5, "Learning rate used to train with warmup.") -train_g.add_arg("lr_scheduler", str, "linear_warmup_decay", - "scheduler of learning rate.", choices=['linear_warmup_decay', 'noam_decay']) -train_g.add_arg("weight_decay", float, 0.01, "Weight decay rate for L2 regularizer.") -train_g.add_arg("use_ema", bool, True, "Whether to use ema.") -train_g.add_arg("ema_decay", float, 0.9999, "Decay rate for expoential moving average.") -train_g.add_arg("warmup_proportion", float, 0.1, - "Proportion of training steps to perform linear learning rate warmup for.") -train_g.add_arg("save_steps", int, 1000, "The steps interval to save checkpoints.") -train_g.add_arg("sample_rate", float, 0.02, "train samples num.") -train_g.add_arg("use_fp16", bool, False, "Whether to use fp16 mixed precision training.") -train_g.add_arg("loss_scaling", float, 1.0, - "Loss scaling factor for mixed precision training, only valid when use_fp16 is enabled.") - -log_g = ArgumentGroup(parser, "logging", "logging related.") -log_g.add_arg("skip_steps", int, 10, "The steps interval to print loss.") -log_g.add_arg("verbose", bool, False, "Whether to output verbose log.") - -data_g = ArgumentGroup(parser, "data", "Data paths, vocab paths and data processing options") -data_g.add_arg("train_file", str, None, "json data for training.") -data_g.add_arg("predict_file", str, None, "json data for predictions.") -data_g.add_arg("vocab_path", str, None, "Vocabulary path.") -data_g.add_arg("with_negative", bool, False, - "If true, the examples contain some that do not have an answer.") -data_g.add_arg("max_seq_len", int, 512, "Number of words of the longest seqence.") -data_g.add_arg("max_query_length", int, 64, "Max query length.") -data_g.add_arg("max_answer_length", int, 30, "Max answer length.") -data_g.add_arg("batch_size", int, 12, "Total examples' number in batch for training. see also --in_tokens.") -data_g.add_arg("in_tokens", bool, False, - "If set, the batch size will be the maximum number of tokens in one batch. " - "Otherwise, it will be the maximum number of examples in one batch.") -data_g.add_arg("do_lower_case", bool, True, - "Whether to lower case the input text. Should be True for uncased models and False for cased models.") -data_g.add_arg("doc_stride", int, 128, - "When splitting up a long document into chunks, how much stride to take between chunks.") -data_g.add_arg("n_best_size", int, 20, - "The total number of n-best predictions to generate in the nbest_predictions.json output file.") -data_g.add_arg("null_score_diff_threshold", float, 0.0, - "If null_score - best_non_null is greater than the threshold predict null.") -data_g.add_arg("random_seed", int, 0, "Random seed.") - -run_type_g = ArgumentGroup(parser, "run_type", "running type options.") -run_type_g.add_arg("use_cuda", bool, True, "If set, use GPU for training.") -run_type_g.add_arg("use_fast_executor", bool, False, "If set, use fast parallel executor (in experiment).") -run_type_g.add_arg("num_iteration_per_drop_scope", int, 1, "Ihe iteration intervals to clean up temporary variables.") -run_type_g.add_arg("do_train", bool, True, "Whether to perform training.") -run_type_g.add_arg("do_predict", bool, True, "Whether to perform prediction.") - -args = parser.parse_args() -# yapf: enable. - -def create_model(pyreader_name, bert_config, is_training=False): - if is_training: - pyreader = fluid.layers.py_reader( - capacity=50, - shapes=[[-1, args.max_seq_len, 1], [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, 1], [-1, 1], [-1, 1]], - dtypes=[ - 'int64', 'int64', 'int64', 'float32', 'int64', 'int64'], - lod_levels=[0, 0, 0, 0, 0, 0], - name=pyreader_name, - use_double_buffer=True) - (src_ids, pos_ids, sent_ids, input_mask, start_positions, - end_positions) = fluid.layers.read_file(pyreader) - else: - pyreader = fluid.layers.py_reader( - capacity=50, - shapes=[[-1, args.max_seq_len, 1], [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, 1], [-1, 1]], - dtypes=['int64', 'int64', 'int64', 'float32', 'int64'], - lod_levels=[0, 0, 0, 0, 0], - name=pyreader_name, - use_double_buffer=True) - (src_ids, pos_ids, sent_ids, input_mask, unique_id) = fluid.layers.read_file(pyreader) - - bert = BertModel( - src_ids=src_ids, - position_ids=pos_ids, - sentence_ids=sent_ids, - input_mask=input_mask, - config=bert_config, - use_fp16=args.use_fp16) - - enc_out = bert.get_sequence_output() - - logits = fluid.layers.fc( - input=enc_out, - size=2, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name="cls_squad_out_w", - initializer=fluid.initializer.TruncatedNormal(scale=0.02)), - bias_attr=fluid.ParamAttr( - name="cls_squad_out_b", initializer=fluid.initializer.Constant(0.))) - - logits = fluid.layers.transpose(x=logits, perm=[2, 0, 1]) - start_logits, end_logits = fluid.layers.unstack(x=logits, axis=0) - - batch_ones = fluid.layers.fill_constant_batch_size_like( - input=start_logits, dtype='int64', shape=[1], value=1) - num_seqs = fluid.layers.reduce_sum(input=batch_ones) - - if is_training: - - def compute_loss(logits, positions): - loss = fluid.layers.softmax_with_cross_entropy( - logits=logits, label=positions) - loss = fluid.layers.mean(x=loss) - return loss - - start_loss = compute_loss(start_logits, start_positions) - end_loss = compute_loss(end_logits, end_positions) - total_loss = (start_loss + end_loss) / 2.0 - if args.use_fp16 and args.loss_scaling > 1.0: - total_loss = total_loss * args.loss_scaling - - return pyreader, total_loss, num_seqs - else: - return pyreader, unique_id, start_logits, end_logits, num_seqs - - -RawResult = collections.namedtuple("RawResult", - ["unique_id", "start_logits", "end_logits"]) - - -def predict(test_exe, test_program, test_pyreader, fetch_list, processor, prefix=''): - if not os.path.exists(args.checkpoints): - os.makedirs(args.checkpoints) - output_prediction_file = os.path.join(args.checkpoints, prefix + "predictions.json") - output_nbest_file = os.path.join(args.checkpoints, prefix + "nbest_predictions.json") - output_null_log_odds_file = os.path.join(args.checkpoints, prefix + "null_odds.json") - - test_pyreader.start() - all_results = [] - time_begin = time.time() - while True: - try: - np_unique_ids, np_start_logits, np_end_logits, np_num_seqs = test_exe.run( - fetch_list=fetch_list, program=test_program) - for idx in range(np_unique_ids.shape[0]): - if np_unique_ids[idx] < 0: - continue - if len(all_results) % 1000 == 0: - print("Processing example: %d" % len(all_results)) - unique_id = int(np_unique_ids[idx]) - start_logits = [float(x) for x in np_start_logits[idx].flat] - end_logits = [float(x) for x in np_end_logits[idx].flat] - all_results.append( - RawResult( - unique_id=unique_id, - start_logits=start_logits, - end_logits=end_logits)) - except fluid.core.EOFException: - test_pyreader.reset() - break - time_end = time.time() - - features = processor.get_features( - processor.predict_examples, is_training=False) - write_predictions(processor.predict_examples, features, all_results, - args.n_best_size, args.max_answer_length, - args.do_lower_case, output_prediction_file, - output_nbest_file, output_null_log_odds_file, - args.with_negative, - args.null_score_diff_threshold, args.verbose) - - -def train(args): - bert_config = BertConfig(args.bert_config_path) - bert_config.print_config() - - if not (args.do_train or args.do_predict): - raise ValueError("For args `do_train` and `do_predict`, at " - "least one of them must be True.") - - if args.use_cuda: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - exe = fluid.Executor(place) - - processor = DataProcessor( - vocab_path=args.vocab_path, - do_lower_case=args.do_lower_case, - max_seq_length=args.max_seq_len, - in_tokens=args.in_tokens, - doc_stride=args.doc_stride, - max_query_length=args.max_query_length) - - startup_prog = fluid.Program() - if args.random_seed is not None: - startup_prog.random_seed = args.random_seed - - if args.do_train: - build_strategy = fluid.BuildStrategy() - print("estimating runtime number of examples...") - num_train_examples = processor.estimate_runtime_examples(args.train_file, sample_rate=args.sample_rate) - print("runtime number of examples:") - print(num_train_examples) - - train_data_generator = processor.data_generator( - data_path=args.train_file, - batch_size=args.batch_size, - max_len=args.max_seq_len, - phase='train', - shuffle=True, - dev_count=dev_count, - with_negative=args.with_negative, - epoch=args.epoch) - - if args.in_tokens: - max_train_steps = args.epoch * num_train_examples // ( - args.batch_size // args.max_seq_len) // dev_count - else: - max_train_steps = args.epoch * num_train_examples // ( - args.batch_size) // dev_count - warmup_steps = int(max_train_steps * args.warmup_proportion) - print("Device count: %d" % dev_count) - print("Num train examples: %d" % num_train_examples) - print("Max train steps: %d" % max_train_steps) - print("Num warmup steps: %d" % warmup_steps) - - train_program = fluid.Program() - with fluid.program_guard(train_program, startup_prog): - with fluid.unique_name.guard(): - train_pyreader, loss, num_seqs = create_model( - pyreader_name='train_reader', - bert_config=bert_config, - is_training=True) - - train_pyreader.decorate_tensor_provider(train_data_generator) - - scheduled_lr = optimization( - loss=loss, - warmup_steps=warmup_steps, - num_train_steps=max_train_steps, - learning_rate=args.learning_rate, - train_program=train_program, - startup_prog=startup_prog, - weight_decay=args.weight_decay, - scheduler=args.lr_scheduler, - use_fp16=args.use_fp16, - loss_scaling=args.loss_scaling) - - loss.persistable = True - num_seqs.persistable = True - - ema = fluid.optimizer.ExponentialMovingAverage(args.ema_decay) - ema.update() - - train_compiled_program = fluid.CompiledProgram(train_program).with_data_parallel( - loss_name=loss.name, build_strategy=build_strategy) - - if args.verbose: - if args.in_tokens: - lower_mem, upper_mem, unit = fluid.contrib.memory_usage( - program=train_program, - batch_size=args.batch_size // args.max_seq_len) - else: - lower_mem, upper_mem, unit = fluid.contrib.memory_usage( - program=train_program, batch_size=args.batch_size) - print("Theoretical memory usage in training: %.3f - %.3f %s" % - (lower_mem, upper_mem, unit)) - - if args.do_predict: - build_strategy = fluid.BuildStrategy() - test_prog = fluid.Program() - with fluid.program_guard(test_prog, startup_prog): - with fluid.unique_name.guard(): - test_pyreader, unique_ids, start_logits, end_logits, num_seqs = create_model( - pyreader_name='test_reader', - bert_config=bert_config, - is_training=False) - - if 'ema' not in dir(): - ema = fluid.optimizer.ExponentialMovingAverage(args.ema_decay) - - unique_ids.persistable = True - start_logits.persistable = True - end_logits.persistable = True - num_seqs.persistable = True - - test_prog = test_prog.clone(for_test=True) - test_compiled_program = fluid.CompiledProgram(test_prog).with_data_parallel( - build_strategy=build_strategy) - - exe.run(startup_prog) - - if args.do_train: - if args.init_checkpoint and args.init_pretraining_params: - print( - "WARNING: args 'init_checkpoint' and 'init_pretraining_params' " - "both are set! Only arg 'init_checkpoint' is made valid.") - if args.init_checkpoint: - init_checkpoint( - exe, - args.init_checkpoint, - main_program=startup_prog, - use_fp16=args.use_fp16) - elif args.init_pretraining_params: - init_pretraining_params( - exe, - args.init_pretraining_params, - main_program=startup_prog, - use_fp16=args.use_fp16) - elif args.do_predict: - if not args.init_checkpoint: - raise ValueError("args 'init_checkpoint' should be set if" - "only doing prediction!") - init_checkpoint( - exe, - args.init_checkpoint, - main_program=startup_prog, - use_fp16=args.use_fp16) - - if args.do_train: - train_pyreader.start() - - steps = 0 - total_cost, total_num_seqs = [], [] - time_begin = time.time() - while True: - try: - steps += 1 - if steps % args.skip_steps == 0: - if warmup_steps <= 0: - fetch_list = [loss.name, num_seqs.name] - else: - fetch_list = [ - loss.name, scheduled_lr.name, num_seqs.name - ] - else: - fetch_list = [] - - outputs = exe.run(train_compiled_program, fetch_list=fetch_list) - - if steps % args.skip_steps == 0: - if warmup_steps <= 0: - np_loss, np_num_seqs = outputs - else: - np_loss, np_lr, np_num_seqs = outputs - total_cost.extend(np_loss * np_num_seqs) - total_num_seqs.extend(np_num_seqs) - - if args.verbose: - verbose = "train pyreader queue size: %d, " % train_pyreader.queue.size( - ) - verbose += "learning rate: %f" % ( - np_lr[0] - if warmup_steps > 0 else args.learning_rate) - print(verbose) - - time_end = time.time() - used_time = time_end - time_begin - current_example, epoch = processor.get_train_progress() - - print("epoch: %d, progress: %d/%d, step: %d, loss: %f, " - "speed: %f steps/s" % - (epoch, current_example, num_train_examples, steps, - np.sum(total_cost) / np.sum(total_num_seqs), - args.skip_steps / used_time)) - total_cost, total_num_seqs = [], [] - time_begin = time.time() - - if steps % args.save_steps == 0: - save_path = os.path.join(args.checkpoints, - "step_" + str(steps)) - fluid.io.save_persistables(exe, save_path, train_program) - if steps == max_train_steps: - save_path = os.path.join(args.checkpoints, - "step_" + str(steps) + "_final") - fluid.io.save_persistables(exe, save_path, train_program) - break - except Exception as err: - save_path = os.path.join(args.checkpoints, - "step_" + str(steps) + "_final") - fluid.io.save_persistables(exe, save_path, train_program) - train_pyreader.reset() - break - - if args.do_predict: - test_pyreader.decorate_tensor_provider( - processor.data_generator( - data_path=args.predict_file, - batch_size=args.batch_size, - max_len=args.max_seq_len, - phase='predict', - shuffle=False, - dev_count=dev_count, - epoch=1)) - - if args.use_ema: - with ema.apply(exe): - predict(exe, test_compiled_program, test_pyreader, [ - unique_ids.name, start_logits.name, end_logits.name, num_seqs.name - ], processor, prefix='ema_') - else: - predict(exe, test_compiled_program, test_pyreader, [ - unique_ids.name, start_logits.name, end_logits.name, num_seqs.name - ], processor) - - -if __name__ == '__main__': - print_arguments(args) - train(args) diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/src/tokenization.py b/PaddleNLP/Research/MRQA2019-BASELINE/src/tokenization.py deleted file mode 100644 index 59e035d92cb776f32be20360532b8c18c9b801e5..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/src/tokenization.py +++ /dev/null @@ -1,374 +0,0 @@ -# coding=utf-8 -# Copyright 2018 The Google AI Language Team Authors. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Tokenization classes.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import collections -import unicodedata -import six - - -def convert_to_unicode(text): - """Converts `text` to Unicode (if it's not already), assuming utf-8 input.""" - if six.PY3: - if isinstance(text, str): - return text - elif isinstance(text, bytes): - return text.decode("utf-8", "ignore") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - elif six.PY2: - if isinstance(text, str): - return text.decode("utf-8", "ignore") - elif isinstance(text, unicode): - return text - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - else: - raise ValueError("Not running on Python2 or Python 3?") - - -def printable_text(text): - """Returns text encoded in a way suitable for print or `tf.logging`.""" - - # These functions want `str` for both Python2 and Python3, but in one case - # it's a Unicode string and in the other it's a byte string. - if six.PY3: - if isinstance(text, str): - return text - elif isinstance(text, bytes): - return text.decode("utf-8", "ignore") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - elif six.PY2: - if isinstance(text, str): - return text - elif isinstance(text, unicode): - return text.encode("utf-8") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - else: - raise ValueError("Not running on Python2 or Python 3?") - - -def load_vocab(vocab_file): - """Loads a vocabulary file into a dictionary.""" - vocab = collections.OrderedDict() - fin = open(vocab_file) - for num, line in enumerate(fin): - items = convert_to_unicode(line.strip()).split("\t") - if len(items) > 2: - break - token = items[0] - index = items[1] if len(items) == 2 else num - token = token.strip() - vocab[token] = int(index) - return vocab - - -def convert_by_vocab(vocab, items): - """Converts a sequence of [tokens|ids] using the vocab.""" - output = [] - for item in items: - output.append(vocab[item]) - return output - - -def convert_tokens_to_ids(vocab, tokens): - return convert_by_vocab(vocab, tokens) - - -def convert_ids_to_tokens(inv_vocab, ids): - return convert_by_vocab(inv_vocab, ids) - - -def whitespace_tokenize(text): - """Runs basic whitespace cleaning and splitting on a peice of text.""" - text = text.strip() - if not text: - return [] - tokens = text.split() - return tokens - - -class FullTokenizer(object): - """Runs end-to-end tokenziation.""" - - def __init__(self, vocab_file, do_lower_case=True): - self.vocab = load_vocab(vocab_file) - self.inv_vocab = {v: k for k, v in self.vocab.items()} - self.basic_tokenizer = BasicTokenizer(do_lower_case=do_lower_case) - self.wordpiece_tokenizer = WordpieceTokenizer(vocab=self.vocab) - - def tokenize(self, text): - split_tokens = [] - for token in self.basic_tokenizer.tokenize(text): - for sub_token in self.wordpiece_tokenizer.tokenize(token): - split_tokens.append(sub_token) - - return split_tokens - - def convert_tokens_to_ids(self, tokens): - return convert_by_vocab(self.vocab, tokens) - - def convert_ids_to_tokens(self, ids): - return convert_by_vocab(self.inv_vocab, ids) - - -class CharTokenizer(object): - """Runs end-to-end tokenziation.""" - - def __init__(self, vocab_file, do_lower_case=True): - self.vocab = load_vocab(vocab_file) - self.inv_vocab = {v: k for k, v in self.vocab.items()} - self.wordpiece_tokenizer = WordpieceTokenizer(vocab=self.vocab) - - def tokenize(self, text): - split_tokens = [] - for token in text.lower().split(" "): - for sub_token in self.wordpiece_tokenizer.tokenize(token): - split_tokens.append(sub_token) - - return split_tokens - - def convert_tokens_to_ids(self, tokens): - return convert_by_vocab(self.vocab, tokens) - - def convert_ids_to_tokens(self, ids): - return convert_by_vocab(self.inv_vocab, ids) - - -class BasicTokenizer(object): - """Runs basic tokenization (punctuation splitting, lower casing, etc.).""" - - def __init__(self, do_lower_case=True): - """Constructs a BasicTokenizer. - - Args: - do_lower_case: Whether to lower case the input. - """ - self.do_lower_case = do_lower_case - self._never_lowercase = ['[UNK]', '[SEP]', '[PAD]', '[CLS]', '[MASK]'] - - def tokenize(self, text): - """Tokenizes a piece of text.""" - text = convert_to_unicode(text) - text = self._clean_text(text) - - # This was added on November 1st, 2018 for the multilingual and Chinese - # models. This is also applied to the English models now, but it doesn't - # matter since the English models were not trained on any Chinese data - # and generally don't have any Chinese data in them (there are Chinese - # characters in the vocabulary because Wikipedia does have some Chinese - # words in the English Wikipedia.). - text = self._tokenize_chinese_chars(text) - - orig_tokens = whitespace_tokenize(text) - split_tokens = [] - for token in orig_tokens: - if self.do_lower_case and token not in self._never_lowercase: - token = token.lower() - token = self._run_strip_accents(token) - if token in self._never_lowercase: - split_tokens.extend([token]) - else: - split_tokens.extend(self._run_split_on_punc(token)) - - output_tokens = whitespace_tokenize(" ".join(split_tokens)) - return output_tokens - - def _run_strip_accents(self, text): - """Strips accents from a piece of text.""" - text = unicodedata.normalize("NFD", text) - output = [] - for char in text: - cat = unicodedata.category(char) - if cat == "Mn": - continue - output.append(char) - return "".join(output) - - def _run_split_on_punc(self, text): - """Splits punctuation on a piece of text.""" - chars = list(text) - i = 0 - start_new_word = True - output = [] - while i < len(chars): - char = chars[i] - if _is_punctuation(char): - output.append([char]) - start_new_word = True - else: - if start_new_word: - output.append([]) - start_new_word = False - output[-1].append(char) - i += 1 - - return ["".join(x) for x in output] - - def _tokenize_chinese_chars(self, text): - """Adds whitespace around any CJK character.""" - output = [] - for char in text: - cp = ord(char) - if self._is_chinese_char(cp): - output.append(" ") - output.append(char) - output.append(" ") - else: - output.append(char) - return "".join(output) - - def _is_chinese_char(self, cp): - """Checks whether CP is the codepoint of a CJK character.""" - # This defines a "chinese character" as anything in the CJK Unicode block: - # https://en.wikipedia.org/wiki/CJK_Unified_Ideographs_(Unicode_block) - # - # Note that the CJK Unicode block is NOT all Japanese and Korean characters, - # despite its name. The modern Korean Hangul alphabet is a different block, - # as is Japanese Hiragana and Katakana. Those alphabets are used to write - # space-separated words, so they are not treated specially and handled - # like the all of the other languages. - if ((cp >= 0x4E00 and cp <= 0x9FFF) or # - (cp >= 0x3400 and cp <= 0x4DBF) or # - (cp >= 0x20000 and cp <= 0x2A6DF) or # - (cp >= 0x2A700 and cp <= 0x2B73F) or # - (cp >= 0x2B740 and cp <= 0x2B81F) or # - (cp >= 0x2B820 and cp <= 0x2CEAF) or - (cp >= 0xF900 and cp <= 0xFAFF) or # - (cp >= 0x2F800 and cp <= 0x2FA1F)): # - return True - - return False - - def _clean_text(self, text): - """Performs invalid character removal and whitespace cleanup on text.""" - output = [] - for char in text: - cp = ord(char) - if cp == 0 or cp == 0xfffd or _is_control(char): - continue - if _is_whitespace(char): - output.append(" ") - else: - output.append(char) - return "".join(output) - - -class WordpieceTokenizer(object): - """Runs WordPiece tokenziation.""" - - def __init__(self, vocab, unk_token="[UNK]", max_input_chars_per_word=100): - self.vocab = vocab - self.unk_token = unk_token - self.max_input_chars_per_word = max_input_chars_per_word - - def tokenize(self, text): - """Tokenizes a piece of text into its word pieces. - - This uses a greedy longest-match-first algorithm to perform tokenization - using the given vocabulary. - - For example: - input = "unaffable" - output = ["un", "##aff", "##able"] - - Args: - text: A single token or whitespace separated tokens. This should have - already been passed through `BasicTokenizer. - - Returns: - A list of wordpiece tokens. - """ - - text = convert_to_unicode(text) - - output_tokens = [] - for token in whitespace_tokenize(text): - chars = list(token) - if len(chars) > self.max_input_chars_per_word: - output_tokens.append(self.unk_token) - continue - - is_bad = False - start = 0 - sub_tokens = [] - while start < len(chars): - end = len(chars) - cur_substr = None - while start < end: - substr = "".join(chars[start:end]) - if start > 0: - substr = "##" + substr - if substr in self.vocab: - cur_substr = substr - break - end -= 1 - if cur_substr is None: - is_bad = True - break - sub_tokens.append(cur_substr) - start = end - - if is_bad: - output_tokens.append(self.unk_token) - else: - output_tokens.extend(sub_tokens) - return output_tokens - - -def _is_whitespace(char): - """Checks whether `chars` is a whitespace character.""" - # \t, \n, and \r are technically contorl characters but we treat them - # as whitespace since they are generally considered as such. - if char == " " or char == "\t" or char == "\n" or char == "\r": - return True - cat = unicodedata.category(char) - if cat == "Zs": - return True - return False - - -def _is_control(char): - """Checks whether `chars` is a control character.""" - # These are technically control characters but we count them as whitespace - # characters. - if char == "\t" or char == "\n" or char == "\r": - return False - cat = unicodedata.category(char) - if cat.startswith("C"): - return True - return False - - -def _is_punctuation(char): - """Checks whether `chars` is a punctuation character.""" - cp = ord(char) - # We treat all non-letter/number ASCII as punctuation. - # Characters such as "^", "$", and "`" are not in the Unicode - # Punctuation class but we treat them as punctuation anyways, for - # consistency. - if ((cp >= 33 and cp <= 47) or (cp >= 58 and cp <= 64) or - (cp >= 91 and cp <= 96) or (cp >= 123 and cp <= 126)): - return True - cat = unicodedata.category(char) - if cat.startswith("P"): - return True - return False diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/src/utils/__init__.py b/PaddleNLP/Research/MRQA2019-BASELINE/src/utils/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/src/utils/args.py b/PaddleNLP/Research/MRQA2019-BASELINE/src/utils/args.py deleted file mode 100644 index b9be634f0f383db61eb667df2345a89262179fd8..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/src/utils/args.py +++ /dev/null @@ -1,48 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Arguments for configuration.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import six -import argparse - - -def str2bool(v): - # because argparse does not support to parse "true, False" as python - # boolean directly - return v.lower() in ("true", "t", "1") - - -class ArgumentGroup(object): - def __init__(self, parser, title, des): - self._group = parser.add_argument_group(title=title, description=des) - - def add_arg(self, name, type, default, help, **kwargs): - type = str2bool if type == bool else type - self._group.add_argument( - "--" + name, - default=default, - type=type, - help=help + ' Default: %(default)s.', - **kwargs) - - -def print_arguments(args): - print('----------- Configuration Arguments -----------') - for arg, value in sorted(six.iteritems(vars(args))): - print('%s: %s' % (arg, value)) - print('------------------------------------------------') diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/src/utils/fp16.py b/PaddleNLP/Research/MRQA2019-BASELINE/src/utils/fp16.py deleted file mode 100644 index e153c2b9a1029897def264278c5dbe72e1f369f5..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/src/utils/fp16.py +++ /dev/null @@ -1,97 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from __future__ import print_function -import paddle -import paddle.fluid as fluid - - -def cast_fp16_to_fp32(i, o, prog): - prog.global_block().append_op( - type="cast", - inputs={"X": i}, - outputs={"Out": o}, - attrs={ - "in_dtype": fluid.core.VarDesc.VarType.FP16, - "out_dtype": fluid.core.VarDesc.VarType.FP32 - }) - - -def cast_fp32_to_fp16(i, o, prog): - prog.global_block().append_op( - type="cast", - inputs={"X": i}, - outputs={"Out": o}, - attrs={ - "in_dtype": fluid.core.VarDesc.VarType.FP32, - "out_dtype": fluid.core.VarDesc.VarType.FP16 - }) - - -def copy_to_master_param(p, block): - v = block.vars.get(p.name, None) - if v is None: - raise ValueError("no param name %s found!" % p.name) - new_p = fluid.framework.Parameter( - block=block, - shape=v.shape, - dtype=fluid.core.VarDesc.VarType.FP32, - type=v.type, - lod_level=v.lod_level, - stop_gradient=p.stop_gradient, - trainable=p.trainable, - optimize_attr=p.optimize_attr, - regularizer=p.regularizer, - gradient_clip_attr=p.gradient_clip_attr, - error_clip=p.error_clip, - name=v.name + ".master") - return new_p - - -def create_master_params_grads(params_grads, main_prog, startup_prog, - loss_scaling): - master_params_grads = [] - tmp_role = main_prog._current_role - OpRole = fluid.core.op_proto_and_checker_maker.OpRole - main_prog._current_role = OpRole.Backward - for p, g in params_grads: - # create master parameters - master_param = copy_to_master_param(p, main_prog.global_block()) - startup_master_param = startup_prog.global_block()._clone_variable( - master_param) - startup_p = startup_prog.global_block().var(p.name) - cast_fp16_to_fp32(startup_p, startup_master_param, startup_prog) - # cast fp16 gradients to fp32 before apply gradients - if g.name.find("layer_norm") > -1: - if loss_scaling > 1: - scaled_g = g / float(loss_scaling) - else: - scaled_g = g - master_params_grads.append([p, scaled_g]) - continue - master_grad = fluid.layers.cast(g, "float32") - if loss_scaling > 1: - master_grad = master_grad / float(loss_scaling) - master_params_grads.append([master_param, master_grad]) - main_prog._current_role = tmp_role - return master_params_grads - - -def master_param_to_train_param(master_params_grads, params_grads, main_prog): - for idx, m_p_g in enumerate(master_params_grads): - train_p, _ = params_grads[idx] - if train_p.name.find("layer_norm") > -1: - continue - with main_prog._optimized_guard([m_p_g[0], m_p_g[1]]): - cast_fp32_to_fp16(m_p_g[0], train_p, main_prog) diff --git a/PaddleNLP/Research/MRQA2019-BASELINE/src/utils/init.py b/PaddleNLP/Research/MRQA2019-BASELINE/src/utils/init.py deleted file mode 100644 index 3844d01298ecbb70aed37b467aebca62caadd391..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-BASELINE/src/utils/init.py +++ /dev/null @@ -1,81 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from __future__ import print_function - -import os -import six -import ast -import copy - -import numpy as np -import paddle.fluid as fluid - - -def cast_fp32_to_fp16(exe, main_program): - print("Cast parameters to float16 data format.") - for param in main_program.global_block().all_parameters(): - if not param.name.endswith(".master"): - param_t = fluid.global_scope().find_var(param.name).get_tensor() - data = np.array(param_t) - if param.name.find("layer_norm") == -1: - param_t.set(np.float16(data).view(np.uint16), exe.place) - master_param_var = fluid.global_scope().find_var(param.name + - ".master") - if master_param_var is not None: - master_param_var.get_tensor().set(data, exe.place) - - -def init_checkpoint(exe, init_checkpoint_path, main_program, use_fp16=False): - assert os.path.exists( - init_checkpoint_path), "[%s] cann't be found." % init_checkpoint_path - - def existed_persitables(var): - if not fluid.io.is_persistable(var): - return False - return os.path.exists(os.path.join(init_checkpoint_path, var.name)) - - fluid.io.load_vars( - exe, - init_checkpoint_path, - main_program=main_program, - predicate=existed_persitables) - print("Load model from {}".format(init_checkpoint_path)) - - if use_fp16: - cast_fp32_to_fp16(exe, main_program) - - -def init_pretraining_params(exe, - pretraining_params_path, - main_program, - use_fp16=False): - assert os.path.exists(pretraining_params_path - ), "[%s] cann't be found." % pretraining_params_path - - def existed_params(var): - if not isinstance(var, fluid.framework.Parameter): - return False - return os.path.exists(os.path.join(pretraining_params_path, var.name)) - - fluid.io.load_vars( - exe, - pretraining_params_path, - main_program=main_program, - predicate=existed_params) - print("Load pretraining parameters from {}.".format( - pretraining_params_path)) - - if use_fp16: - cast_fp32_to_fp16(exe, main_program) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/README.md b/PaddleNLP/Research/MRQA2019-D-NET/README.md index 97d6c1475bbe7c7768150182255a5568c923878f..5cbe1dc7471272fd92667df50cc8f06ac570f16c 100644 --- a/PaddleNLP/Research/MRQA2019-D-NET/README.md +++ b/PaddleNLP/Research/MRQA2019-D-NET/README.md @@ -1,49 +1 @@ -# D-NET - -## Introduction -D-NET is a simple pre-training and fine-tuning framework that Baidu used for the MRQA (Machine Reading for Question Answering) 2019 Shared Task, which focused on the generalization of machine reading comprehension (MRC) models. Our system is ranked at top 1 of all the participants in terms of the averaged F1 score. Additionally, we won the first place for 10 of the 12 test sets and the second place for the other two in terms of F1 scores. - -In this repository, we release the related code, data and model parametrs which have been used in the D-NET framework. - -## Framework -An overview of the D-NET framework is shown in the figure below. To improve the generalization capability of a MRC system, we use mainly two techniques, i.e. **multi-task learning (MTL)** and **ensemble of multiple pre-trained models**. - -

- -

- - -#### Multi-task learning -In addition to the MRC task, we further introduce several auxiliary tasks in the fine-tuning stage to learn more general language representations. Specifically, we have the following auxiliary tasks: - - - Unsupervised Task: masked Language Model - - Supervised Tasks: - - natural language inference - - paragraph ranking - -We use the [PALM](https://github.com/PaddlePaddle/PALM) multi-task learning library based on [PaddlePaddle](https://www.paddlepaddle.org.cn/) in our experiments, which makes the implementation of new tasks and pre-trained models much easier than from scratch. To train the MRQA data sets with MTL, please refer to the instructions [here](multi_task_learning) (under `multi_task_learning/`). - -#### Ensemble of multiple pre-trained models -In our experiments, we found that the ensemble system based on different pre-trained models shows better generalization capability than the system that based on the single ones. In this repository, we provide the parameters of 3 models that are fine-tuned on the MRQA in-domain data, based on ERNIE2.0, XL-NET and BERT, respectively. The ensemble of these models are implemented as servers. Please refer the instructions [here](server) (under `server/`) for more detials. - -## Directory structure -``` -├── multi_task_learning/ # scripts for multi-task learning -│ ├── configs/ # PALM config files -│ ├── scripts/ # auxiliary scripts -│ ├── wget_pretrained_model.sh # download pretrained model -│ ├── wget_data.sh # download data for MTL -│ ├── run_build_palm.sh # MLT preparation -│ ├── run_evaluation.sh # evaluation -│ ├── run_multi_task.sh # start MTL training -├── server/ # scripts for the ensemble of multiple pretrained models -│ ├── ernie_server/ # ERNIE mdoel server -│ ├── xlnet_server/ # XL-NET mdoel server -│ ├── bert_server/ # BERT mdoel server -│ ├── main_server.py # main server scripts for ensemble -│ ├── client/ # client scripts which read examples and make requests -│ ├── wget_server_inference_model.sh # script for downlowding model parameters -│ ├── start.sh # script for launching all the servers -``` -## Copyright and License -Copyright 2019 Baidu.com, Inc. All Rights Reserved Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. You may obtain a copy of the License at http://www.apache.org/licenses/LICENSE-2.0 Unless required by applicable law or agreed to in writing, software distributed under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and limitations under the License. +This work has been moved to new address: [NLP](https://github.com/PaddlePaddle/Research/tree/master/NLP) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/images/D-NET_framework.png b/PaddleNLP/Research/MRQA2019-D-NET/images/D-NET_framework.png deleted file mode 100644 index 9965b5ee31202c69030362a8a164b7c6c6c5586b..0000000000000000000000000000000000000000 Binary files a/PaddleNLP/Research/MRQA2019-D-NET/images/D-NET_framework.png and /dev/null differ diff --git a/PaddleNLP/Research/MRQA2019-D-NET/images/D-NET_server.png b/PaddleNLP/Research/MRQA2019-D-NET/images/D-NET_server.png deleted file mode 100644 index 08a366df8a7752727d2114283922240fba3ca038..0000000000000000000000000000000000000000 Binary files a/PaddleNLP/Research/MRQA2019-D-NET/images/D-NET_server.png and /dev/null differ diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/README.md b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/README.md deleted file mode 100644 index 575c74fd5dd3b79d349b3b5906cbbadb384251b1..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/README.md +++ /dev/null @@ -1,98 +0,0 @@ -# Multi task learning - -## 1. Introduction -Multi task learning (MTL) has been used in many NLP tasks to obtain better language representations. Hence, we experiment with several auxiliary tasks to improve the generalization capability of a MRC model. The auxiliary tasks that we use include - - - Unsupervised Task: masked Language Model - - Supervised Tasks: - - natural language inference - - paragraph ranking - -In the MRQA 2019 shared task, We use [PALM](https://github.com/PaddlePaddle/PALM) v0.1 (a multi-task learning Library based on PaddlePaddle) to perform multi-task training, which makes the implementation of new tasks and pre-trained models much easier than from scratch. - - -## 2.Preparation - -### Environment -- Python >= 2.7 -- cuda >= 9.0 -- cudnn >= 7.0 -- PaddlePaddle 1.6 (Please refer to the Installation Guide [Installation Guide](http://www.paddlepaddle.org/#quick-start)) -- PALM v0.1 - -### Install PALM -To install PALM v0.1, run the follwing command under `multi_task_learning/`, - -``` -git clone --branch v0.1 --depth 1 https://github.com/PaddlePaddle/PALM.git -``` - -For more instructions, see the PALM user guide: [README.md](https://github.com/PaddlePaddle/PALM/blob/v0.1/README.md) - - -### Dowload data - -To download the MRQA training and development data, as well as other auxiliary data for MTL, run - -``` -bash wget_data.sh -``` -The downloaded data will be saved into `data/mrqa` (combined MRQA training and development data), `data/mrqa_dev` (seperated MRQA in-domain and out-of-domain data, for model evaluation), `mlm4mrqa` (training data for masked language model task) and `data/am4mrqa` (training data for paragraph matching task). - -### Download pre-trained parameters -In our MTL experiments, we use BERT as our shared encoder. The parameters are initialized from the Whole Word Masking BERT (BERTwwm), further fine-tuned on the SQuAD 2.0 task with synthetic generated question answering corpora. The model parameters in Tensorflow format can be downloaded [here](https://worksheets.codalab.org/worksheets/0x3852e60a51d2444680606556d404c657). The following command can be used to convert the parameters to the format that is readable for PaddlePaddle. - -``` -1、cd scripts -2、# download cased_model_01.tar.gz from link -3、mkdir cased_model_01 && mv cased_model_01.tar.gz cased_model_01 && cd cased_model_01 && tar -xvf cased_model_01.tar.gz && cd .. -4、python convert_model_params.py --init_tf_checkpoint cased_model_01/model.ckpt --fluid_params_dir params -5、mkdir squad2_model && mv cased_model_01/vocab.txt cased_model_01/bert_config.json params squad2_model -``` - -Alternatively, user can directly **download the parameters that we have converted**: - -``` -bash wget_pretrained_model.sh -``` -## 3. Training -In the following example, we use PALM library to preform a MLT with 3 tasks (i.e. machine reading comprehension as main task, masked lagnuage model and paragraph ranking as auxiliary tasks). For a detialed instruction on PALM, please refer to the [user guide](https://github.com/PaddlePaddle/PALM/blob/v0.1/README.md). - -The PALM library requires a config file for every single task and a main config file `mtl_config.yaml`, which control the training behavior and hyper-parameters. For simplicity, we have prepared those files in the `multi_task_learning/configs` folder. To move the configuration files, data set and model parameters to the correct directory, run - -``` -bash run_build_palm.sh -``` - -Once everything is in the right place, one can start training - -``` -cd PALM -bash run_multi_task.sh -``` -The fine-tuned parameters and model predictions will be saved in `PALM/output/`, as specified by `mtl_config.yaml`. - -## 4. Evaluation -The scripts for evaluation are in the folder `scripts/`. Here we provide an example for the usage of those scripts. -Before evaluation, one need a json file which contains the prediction results on the MRQA dev set. For convenience, we prepare two model prediction files with different MTL configurations, which have been saved in the `prediction_results/` folder, as downloaded in section **Download data**. - -To evaluate the result, run - -``` -bash run_evaluation.sh -``` -The F1 and EM score of the two model predictions will be saved into `prediction_results/BERT_MLM.log` and `prediction_results/BERT_MLM_ParaRank.log`. The macro average of F1 score will be printed on the console. The table below shows the results of our experiments with different MTL configurations. - -|models |in-domain dev (Macro-F1)|out-of-domain dev (Macro-F1) | -| ------------- | ------------ | ------------ | -| Official baseline | 77.87 | 58.67 | -| BERT (no MTL) | 82.40 | 66.35 | -| BERT + MLM | 83.19 | 67.45 | -| BERT + MLM + ParaRank | 83.51 | 66.83 | - - -## Copyright and License -Copyright 2019 Baidu.com, Inc. All Rights Reserved Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. You may obtain a copy of the License at http://www.apache.org/licenses/LICENSE-2.0 Unless required by applicable law or agreed to in writing, software distributed under the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the License for the specific language governing permissions and -limitations under the License. - - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/configs/answer_matching.yaml b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/configs/answer_matching.yaml deleted file mode 100644 index 08ae49e881b34189aedb84fafac08ad90814d0b1..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/configs/answer_matching.yaml +++ /dev/null @@ -1,5 +0,0 @@ -train_file: "data/am4mrqa/train.txt" -mix_ratio: 0.8 -batch_size: 4 -in_tokens: False -generate_neg_sample: False diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/configs/mask_language_model.yaml b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/configs/mask_language_model.yaml deleted file mode 100644 index 87bf138141378d15fecd22ae26198dc2d41d0e95..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/configs/mask_language_model.yaml +++ /dev/null @@ -1,5 +0,0 @@ -train_file: "data/mlm4mrqa" -mix_ratio: 2.0 -batch_size: 4 -in_tokens: False -generate_neg_sample: False diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/configs/mtl_config.yaml b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/configs/mtl_config.yaml deleted file mode 100644 index 6e747b6e29b769feba9116728c87d4597c23eb67..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/configs/mtl_config.yaml +++ /dev/null @@ -1,30 +0,0 @@ -main_task: "reading_comprehension" -auxiliary_task: "mask_language_model answer_matching" - -do_train: True -do_predict: True - -checkpoint_path: "output" - -backbone_model: "bert_model" -pretrain_model_path: "pretrain_model/squad2_model" -pretrain_config_path: "pretrain_model/squad2_model/bert_config.json" -vocab_path: "pretrain_model/squad2_model/vocab.txt" - -optimizer: "bert_optimizer" -learning_rate: 3e-5 -lr_scheduler: "linear_warmup_decay" -skip_steps: 100 -save_steps: 10000 -epoch: 2 -use_cuda: True -warmup_proportion: 0.1 -weight_decay: 0.1 -do_lower_case: False -max_seq_len: 512 -use_ema: True -ema_decay: 0.9999 -random_seed: 0 -use_fp16: False -loss_scaling: 1.0 - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/configs/reading_comprehension.yaml b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/configs/reading_comprehension.yaml deleted file mode 100644 index d5044953a050b932b526b5b51479d4f54395fe8c..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/configs/reading_comprehension.yaml +++ /dev/null @@ -1,13 +0,0 @@ -train_file: "data/mrqa/mrqa-combined.train.raw.json" -predict_file: "data/mrqa/mrqa-combined.dev.raw.json" -sample_rate: 0.02 -mix_ratio: 1.0 -batch_size: 4 -in_tokens: false -doc_stride: 128 -with_negative: false -max_query_length: 64 -max_answer_length: 30 -n_best_size: 20 -null_score_diff_threshold: 0.0 -verbose: False diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/run_build_palm.sh b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/run_build_palm.sh deleted file mode 100755 index 77ab9985de0b79d4579234df852dc2ce2639aa4f..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/run_build_palm.sh +++ /dev/null @@ -1,8 +0,0 @@ -#!/bin/bash - -cp -r configs/* PALM/config/ -cp configs/mtl_config.yaml PALM/ -rm -rf PALM/data -mv data PALM/ -mv squad2_model PALM/pretrain_model -cp run_multi_task.sh PALM/ diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/run_evaluation.sh b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/run_evaluation.sh deleted file mode 100755 index 9110d2288e9c52b132c1d7271699b29aac739444..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/run_evaluation.sh +++ /dev/null @@ -1,62 +0,0 @@ -#!/usr/bin/env bash -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -# path of dev data -PATH_dev=./PALM/data/mrqa_dev -# path of dev prediction -BERT_MLM_PATH_prediction=./prediction_results/BERT_MLM_ema_predictions.json -BERT_MLM_ParaRank_PATH_prediction=./prediction_results/BERT_MLM_ParaRank_ema_predictions.json - -files=$(ls ./prediction_results/*.log 2> /dev/null | wc -l) -if [ "$files" != "0" ]; -then - rm prediction_results/BERT_MLM*.log -fi - -# evaluation BERT_MLM -echo "evaluate BERT_MLM model........................................." -for dataset in `ls $PATH_dev/in_domain_dev/*.raw.json`;do - echo $dataset >> prediction_results/BERT_MLM.log - python scripts/evaluate-v1.1.py $dataset $BERT_MLM_PATH_prediction >> prediction_results/BERT_MLM.log -done - -for dataset in `ls $PATH_dev/out_of_domain_dev/*.raw.json`;do - echo $dataset >> prediction_results/BERT_MLM.log - python scripts/evaluate-v1.1.py $dataset $BERT_MLM_PATH_prediction >> prediction_results/BERT_MLM.log -done -python scripts/macro_avg.py prediction_results/BERT_MLM.log - -# evaluation BERT_MLM_ParaRank_PATH_prediction -echo "evaluate BERT_MLM_ParaRank model................................" -for dataset in `ls $PATH_dev/in_domain_dev/*.raw.json`;do - echo $dataset >> prediction_results/BERT_MLM_ParaRank.log - python scripts/evaluate-v1.1.py $dataset $BERT_MLM_ParaRank_PATH_prediction >> prediction_results/BERT_MLM_ParaRank.log -done - - -for dataset in `ls $PATH_dev/out_of_domain_dev/*.raw.json`;do - echo $dataset >> prediction_results/BERT_MLM_ParaRank.log - python scripts/evaluate-v1.1.py $dataset $BERT_MLM_ParaRank_PATH_prediction >> prediction_results/BERT_MLM_ParaRank.log -done -python scripts/macro_avg.py prediction_results/BERT_MLM_ParaRank.log - - - - - - - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/run_multi_task.sh b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/run_multi_task.sh deleted file mode 100755 index e65d4cc2dd15c7e05b16ca9e4feabb4d7f26bfdf..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/run_multi_task.sh +++ /dev/null @@ -1,10 +0,0 @@ -#!/bin/bash - -# for gpu memory optimization -export FLAGS_sync_nccl_allreduce=0 -export FLAGS_eager_delete_tensor_gb=1 - -export CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 - -python -u mtl_run.py - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/args.py b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/args.py deleted file mode 100644 index b9be634f0f383db61eb667df2345a89262179fd8..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/args.py +++ /dev/null @@ -1,48 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Arguments for configuration.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import six -import argparse - - -def str2bool(v): - # because argparse does not support to parse "true, False" as python - # boolean directly - return v.lower() in ("true", "t", "1") - - -class ArgumentGroup(object): - def __init__(self, parser, title, des): - self._group = parser.add_argument_group(title=title, description=des) - - def add_arg(self, name, type, default, help, **kwargs): - type = str2bool if type == bool else type - self._group.add_argument( - "--" + name, - default=default, - type=type, - help=help + ' Default: %(default)s.', - **kwargs) - - -def print_arguments(args): - print('----------- Configuration Arguments -----------') - for arg, value in sorted(six.iteritems(vars(args))): - print('%s: %s' % (arg, value)) - print('------------------------------------------------') diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/combine.py b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/combine.py deleted file mode 100644 index d9f6b0fc03730a688387c4b3cc322f4f426147d0..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/combine.py +++ /dev/null @@ -1,46 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== -""" -This module add all train/dev data to a file named "mrqa-combined.raw.json". -""" - -import json -import argparse -import glob - -# path of train/dev data -parser = argparse.ArgumentParser() -parser.add_argument('path', help='the path of train/dev data') -args = parser.parse_args() -path = args.path - -# all train/dev data files -files = glob.glob(path + '/*.raw.json') -print ('files:', files) - -# add all train/dev data to "datasets" -with open(files[0]) as fin: - datasets = json.load(fin) -for i in range(1, len(files)): - with open(files[i]) as fin: - dataset = json.load(fin) - datasets['data'].extend(dataset['data']) - -# save to "mrqa-combined.raw.json" -with open(path + '/mrqa-combined.raw.json', 'w') as fout: - json.dump(datasets, fout, indent=4) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/combine.sh b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/combine.sh deleted file mode 100644 index 8173f047967d4a3342b3ca7589250b83c386ddae..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/combine.sh +++ /dev/null @@ -1,26 +0,0 @@ -#!/usr/bin/env bash -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -# path of train and dev data -PATH_train=train -PATH_dev=dev - -# add all train data to a file "$PATH_train/mrqa-combined.raw.json". -python combine.py $PATH_train - -# add all dev data to a file "$PATH_dev/mrqa-combined.raw.json". -python combine.py $PATH_dev \ No newline at end of file diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/convert_model_params.py b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/convert_model_params.py deleted file mode 100644 index b1c0652c9991467e59ef1e6414b05c8d6ccdb107..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/convert_model_params.py +++ /dev/null @@ -1,178 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Convert Google n-gram mask reading comprehension models to Fluid parameters.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import numpy as np -import argparse -import collections -from args import print_arguments -import tensorflow as tf -import paddle.fluid as fluid -from tensorflow.python import pywrap_tensorflow - - -def parse_args(): - parser = argparse.ArgumentParser(__doc__) - parser.add_argument( - "--init_tf_checkpoint", - type=str, - required=True, - help="Initial TF checkpoint (a pre-trained BERT model).") - - parser.add_argument( - "--fluid_params_dir", - type=str, - required=True, - help="The directory to store converted Fluid parameters.") - args = parser.parse_args() - return args - - -def parse(init_checkpoint): - tf_fluid_param_name_map = collections.OrderedDict() - tf_param_name_shape_map = collections.OrderedDict() - - init_vars = tf.train.list_variables(init_checkpoint) - for (var_name, var_shape) in init_vars: - print("%s\t%s" % (var_name, var_shape)) - fluid_param_name = '' - if var_name.startswith('bert/'): - key = var_name[5:] - if (key.startswith('embeddings/')): - if (key.endswith('LayerNorm/gamma')): - fluid_param_name = 'pre_encoder_layer_norm_scale' - elif (key.endswith('LayerNorm/beta')): - fluid_param_name = 'pre_encoder_layer_norm_bias' - elif (key.endswith('position_embeddings')): - fluid_param_name = 'pos_embedding' - elif (key.endswith('word_embeddings')): - fluid_param_name = 'word_embedding' - elif (key.endswith('token_type_embeddings')): - fluid_param_name = 'sent_embedding' - else: - print("ignored param: %s" % var_name) - elif (key.startswith('encoder/')): - key = key[8:] - layer_num = int(key[key.find('_') + 1:key.find('/')]) - suffix = "encoder_layer_" + str(layer_num) - if key.endswith('attention/output/LayerNorm/beta'): - fluid_param_name = suffix + '_post_att_layer_norm_bias' - elif key.endswith('attention/output/LayerNorm/gamma'): - fluid_param_name = suffix + '_post_att_layer_norm_scale' - elif key.endswith('attention/output/dense/bias'): - fluid_param_name = suffix + '_multi_head_att_output_fc.b_0' - elif key.endswith('attention/output/dense/kernel'): - fluid_param_name = suffix + '_multi_head_att_output_fc.w_0' - elif key.endswith('attention/self/key/bias'): - fluid_param_name = suffix + '_multi_head_att_key_fc.b_0' - elif key.endswith('attention/self/key/kernel'): - fluid_param_name = suffix + '_multi_head_att_key_fc.w_0' - elif key.endswith('attention/self/query/bias'): - fluid_param_name = suffix + '_multi_head_att_query_fc.b_0' - elif key.endswith('attention/self/query/kernel'): - fluid_param_name = suffix + '_multi_head_att_query_fc.w_0' - elif key.endswith('attention/self/value/bias'): - fluid_param_name = suffix + '_multi_head_att_value_fc.b_0' - elif key.endswith('attention/self/value/kernel'): - fluid_param_name = suffix + '_multi_head_att_value_fc.w_0' - elif key.endswith('intermediate/dense/bias'): - fluid_param_name = suffix + '_ffn_fc_0.b_0' - elif key.endswith('intermediate/dense/kernel'): - fluid_param_name = suffix + '_ffn_fc_0.w_0' - elif key.endswith('output/LayerNorm/beta'): - fluid_param_name = suffix + '_post_ffn_layer_norm_bias' - elif key.endswith('output/LayerNorm/gamma'): - fluid_param_name = suffix + '_post_ffn_layer_norm_scale' - elif key.endswith('output/dense/bias'): - fluid_param_name = suffix + '_ffn_fc_1.b_0' - elif key.endswith('output/dense/kernel'): - fluid_param_name = suffix + '_ffn_fc_1.w_0' - else: - print("ignored param: %s" % var_name) - elif (key.startswith('pooler/')): - if key.endswith('dense/bias'): - fluid_param_name = 'pooled_fc.b_0' - elif key.endswith('dense/kernel'): - fluid_param_name = 'pooled_fc.w_0' - else: - print("ignored param: %s" % var_name) - else: - print("ignored param: %s" % var_name) - - elif var_name.startswith('output/'): - if var_name == 'output/passage_regression/weights': - fluid_param_name = 'passage_regression_weights' - elif var_name == 'output/span/start/weights': - fluid_param_name = 'span_start_weights' - elif var_name == "output/span/end/conditional/dense/kernel": - fluid_param_name = 'conditional_fc_weights' - elif var_name == "output/span/end/conditional/dense/bias": - fluid_param_name = 'conditional_fc_bias' - elif var_name == "output/span/end/conditional/LayerNorm/beta": - fluid_param_name = 'conditional_layernorm_beta' - elif var_name == "output/span/end/conditional/LayerNorm/gamma": - fluid_param_name = 'conditional_layernorm_gamma' - elif var_name == "output/span/end/weights": - fluid_param_name = 'span_end_weights' - else: - print("ignored param: %s" % var_name) - else: - print("ignored param: %s" % var_name) - - if fluid_param_name != '': - tf_fluid_param_name_map[var_name] = fluid_param_name - tf_param_name_shape_map[var_name] = var_shape - fluid_param_name = '' - - return tf_fluid_param_name_map, tf_param_name_shape_map - - -def convert(args): - tf_fluid_param_name_map, tf_param_name_shape_map = parse( - args.init_tf_checkpoint) - program = fluid.Program() - global_block = program.global_block() - for param in tf_fluid_param_name_map: - global_block.create_parameter( - name=tf_fluid_param_name_map[param], - shape=tf_param_name_shape_map[param], - dtype='float32', - initializer=fluid.initializer.Constant(value=0.0)) - - place = fluid.core.CPUPlace() - exe = fluid.Executor(place) - exe.run(program) - - print('---------------------- Converted Parameters -----------------------') - print('###### [TF param name] --> [Fluid param name] [param shape] ######') - print('-------------------------------------------------------------------') - - reader = pywrap_tensorflow.NewCheckpointReader(args.init_tf_checkpoint) - for param in tf_fluid_param_name_map: - value = reader.get_tensor(param) - fluid.global_scope().find_var(tf_fluid_param_name_map[ - param]).get_tensor().set(value, place) - print(param, ' --> ', tf_fluid_param_name_map[param], ' ', value.shape) - - fluid.io.save_params(exe, args.fluid_params_dir, main_program=program) - - -if __name__ == '__main__': - args = parse_args() - print_arguments(args) - convert(args) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/convert_mrqa2squad.py b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/convert_mrqa2squad.py deleted file mode 100644 index a585c485ae0f676e6bb160815b42c66d529d3d8c..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/convert_mrqa2squad.py +++ /dev/null @@ -1,158 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== -""" -This module convert MRQA official data to SQuAD format -""" - -import json -import argparse -import re - - -def reader(filename): - """ - This function read a MRQA data file. - :param filename: name of a MRQA data file. - :return: original samples of a MRQA data file. - """ - with open(filename) as fin: - for lidx, line in enumerate(fin): - if lidx == 0: - continue - sample = json.loads(line.strip()) - yield sample - - -def to_squad_para_train(sample): - """ - This function convert training data from MRQA format to SQuAD format. - :param sample: one sample in MRQA format. - :return: paragraphs in SQuAD format. - """ - squad_para = dict() - context = sample['context'] - context = re.sub(r'\[TLE\]|\[DOC\]|\[PAR\]', '[SEP]', context) - # replace special tokens to [SEP] to avoid UNK in BERT - squad_para['context'] = context - qas = [] - for qa in sample['qas']: - text = qa['detected_answers'][0]['text'] - new_start = context.find(text) - # Try to find an exact match (without normalization) of the reference answer. - # Some articles like {a|an|the} my get lost in the original spans. - # E.g. the reference answer is "The London Eye", - # while the original span may only contain "London Eye" due to normalization. - new_end = new_start + len(text) - 1 - org_start = qa['detected_answers'][0]['char_spans'][0][0] - org_end = qa['detected_answers'][0]['char_spans'][0][1] - if new_start == -1 or len(text) < 8: - # If no exact match (without normalization) can be found or reference answer is too short - # (e.g. only contain a character "c", which will cause problems using find), - # use the original span in MRQA dataset. - answer = { - 'text': squad_para['context'][org_start:org_end + 1], - 'answer_start': org_start - } - answer_start = org_start - answer_end = org_end - else: - answer = { - 'text': text, - 'answer_start': new_start - } - answer_start = new_start - answer_end = new_end - # A sanity check - try: - assert answer['text'].lower() == squad_para['context'][answer_start:answer_end + 1].lower() - except AssertionError: - print(answer['text']) - print(squad_para['context'][answer_start:answer_end + 1]) - continue - squad_qa = { - 'question': qa['question'], - 'id': qa['qid'], - 'answers': [answer] - } - qas.append(squad_qa) - squad_para['qas'] = qas - return squad_para - - -def to_squad_para_dev(sample): - """ - This function convert development data from MRQA format to SQuAD format. - :param sample: one sample in MRQA format. - :return: paragraphs in SQuAD format. - """ - - squad_para = dict() - context = sample['context'] - context = re.sub(r'\[TLE\]|\[DOC\]|\[PAR\]', '[SEP]', context) - squad_para['context'] = context - qas = [] - for qa in sample['qas']: - org_answers = qa['answers'] - answers = [] - for org_answer in org_answers: - answer = { - 'text': org_answer, - 'answer_start': -1 - } - answers.append(answer) - squad_qa = { - 'question': qa['question'], - 'id': qa['qid'], - 'answers': answers - } - qas.append(squad_qa) - squad_para['qas'] = qas - return squad_para - - -def doc_wrapper(squad_para, title=""): - """ - This function wrap paragraphs into a document. - :param squad_para: paragraphs in SQuAD format. - :param title: the title of paragraphs. - :return: wrap of title and paragraphs - """ - squad_doc = { - 'title': title, - 'paragraphs': [squad_para] - } - return squad_doc - - -if __name__ == "__main__": - parser = argparse.ArgumentParser() - parser.add_argument('input', help='the input file') - parser.add_argument('--dev', action='store_true', help='convert devset') - args = parser.parse_args() - file_prefix = args.input[0:-6] - squad = { - 'data': [], - 'version': "1.1" - } - to_squad_para = to_squad_para_dev if args.dev else to_squad_para_train - for org_sample in reader(args.input): - para = to_squad_para(org_sample) - doc = doc_wrapper(para) - squad['data'].append(doc) - with open('{}.raw.json'.format(file_prefix), 'w') as fout: - json.dump(squad, fout, indent=4) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/convert_mrqa2squad.sh b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/convert_mrqa2squad.sh deleted file mode 100644 index eb323d3af5057949e0ecd23c816946ce884cbe50..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/convert_mrqa2squad.sh +++ /dev/null @@ -1,34 +0,0 @@ -#!/usr/bin/env bash -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - -# path of train and dev data -PATH_train=train -PATH_dev=dev - -# Convert train data from MRQA format to SQuAD format -NAME_LIST_train="SQuAD NewsQA TriviaQA SearchQA HotpotQA NaturalQuestions" -for name in $NAME_LIST_train;do - echo "Converting training data from MRQA format to SQuAD format: ""$name" - python convert_mrqa2squad.py $PATH_train/$name.jsonl -done - -# Convert dev data from MRQA format to SQuAD format -NAME_LIST_dev="SQuAD NewsQA TriviaQA SearchQA HotpotQA NaturalQuestions BioASQ TextbookQA RelationExtraction DROP DuoRC RACE" -for name in $NAME_LIST_dev;do - echo "Converting development data from MRQA format to SQuAD format: ""$name" - python convert_mrqa2squad.py --dev $PATH_dev/$name.jsonl -done diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/dev/md5sum_dev.txt b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/dev/md5sum_dev.txt deleted file mode 100644 index faef333c91f691207d106b9f4a8b9542947f66ac..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/dev/md5sum_dev.txt +++ /dev/null @@ -1,12 +0,0 @@ -05f3f16c5c31ba8e46ff5fa80647ac46 SQuAD.jsonl.gz -5c188c92a84ddffe2ab590ac7598bde2 NewsQA.jsonl.gz -a7a3bd90db58524f666e757db659b047 TriviaQA.jsonl.gz -bfcb304f1b3167693b627cbf0f98bc9e SearchQA.jsonl.gz -675de35c3605353ec039ca4d2854072d HotpotQA.jsonl.gz -c0347eebbca02d10d1b07b9a64efe61d NaturalQuestions.jsonl.gz -6408dc4fcf258535d0ea8b125bba5fbb BioASQ.jsonl.gz -76ca9cc16625dd8da75758d64676e6a1 TextbookQA.jsonl.gz -128d318ea1391bf77234d8c1b69a45df RelationExtraction.jsonl.gz -8b03867e4da2817ef341707040d99785 DROP.jsonl.gz -9e66769a70fdfdec4906a4bcef5f3d71 DuoRC.jsonl.gz -94a7ef9b9ea9402671e5b0248b6a5395 RACE.jsonl.gz \ No newline at end of file diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/download_data.sh b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/download_data.sh deleted file mode 100644 index 3661253b96e9cfea8463d014997155d6efab9eb5..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/download_data.sh +++ /dev/null @@ -1,79 +0,0 @@ -#!/usr/bin/env bash -# ============================================================================== -# Copyright 2017 Baidu.com, Inc. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ============================================================================== - - -# path to save data -OUTPUT_train=train -OUTPUT_dev=dev - -DATA_URL="https://s3.us-east-2.amazonaws.com/mrqa/release/v2" -alias wget="wget -c --no-check-certificate" -# download training datasets -wget $DATA_URL/train/SQuAD.jsonl.gz -O $OUTPUT_train/SQuAD.jsonl.gz -wget $DATA_URL/train/NewsQA.jsonl.gz -O $OUTPUT_train/NewsQA.jsonl.gz -wget $DATA_URL/train/TriviaQA-web.jsonl.gz -O $OUTPUT_train/TriviaQA.jsonl.gz -wget $DATA_URL/train/SearchQA.jsonl.gz -O $OUTPUT_train/SearchQA.jsonl.gz -wget $DATA_URL/train/HotpotQA.jsonl.gz -O $OUTPUT_train/HotpotQA.jsonl.gz -wget $DATA_URL/train/NaturalQuestionsShort.jsonl.gz -O $OUTPUT_train/NaturalQuestions.jsonl.gz - -# download the in-domain development data -wget $DATA_URL/dev/SQuAD.jsonl.gz -O $OUTPUT_dev/SQuAD.jsonl.gz -wget $DATA_URL/dev/NewsQA.jsonl.gz -O $OUTPUT_dev/NewsQA.jsonl.gz -wget $DATA_URL/dev/TriviaQA-web.jsonl.gz -O $OUTPUT_dev/TriviaQA.jsonl.gz -wget $DATA_URL/dev/SearchQA.jsonl.gz -O $OUTPUT_dev/SearchQA.jsonl.gz -wget $DATA_URL/dev/HotpotQA.jsonl.gz -O $OUTPUT_dev/HotpotQA.jsonl.gz -wget $DATA_URL/dev/NaturalQuestionsShort.jsonl.gz -O $OUTPUT_dev/NaturalQuestions.jsonl.gz - -# download the out-of-domain development data -wget http://participants-area.bioasq.org/MRQA2019/ -O $OUTPUT_dev/BioASQ.jsonl.gz -wget $DATA_URL/dev/TextbookQA.jsonl.gz -O $OUTPUT_dev/TextbookQA.jsonl.gz -wget $DATA_URL/dev/RelationExtraction.jsonl.gz -O $OUTPUT_dev/RelationExtraction.jsonl.gz -wget $DATA_URL/dev/DROP.jsonl.gz -O $OUTPUT_dev/DROP.jsonl.gz -wget $DATA_URL/dev/DuoRC.ParaphraseRC.jsonl.gz -O $OUTPUT_dev/DuoRC.jsonl.gz -wget $DATA_URL/dev/RACE.jsonl.gz -O $OUTPUT_dev/RACE.jsonl.gz - -# check md5sum for training datasets -cd $OUTPUT_train -if md5sum --status -c md5sum_train.txt; then - echo "finish download training data" -else - echo "md5sum check failed!" -fi -cd .. - -# check md5sum for development data -cd $OUTPUT_dev -if md5sum --status -c md5sum_dev.txt; then - echo "finish download development data" -else - echo "md5sum check failed!" -fi -cd .. - -# gzip training datasets -echo "unzipping train data" -NAME_LIST_train="SQuAD NewsQA TriviaQA SearchQA HotpotQA NaturalQuestions" -for name in $NAME_LIST_train;do - gzip -d $OUTPUT_train/$name.jsonl.gz -done - -# gzip development data -echo "unzipping dev data" -NAME_LIST_dev="SQuAD NewsQA TriviaQA SearchQA HotpotQA NaturalQuestions BioASQ TextbookQA RelationExtraction DROP DuoRC RACE" -for name in $NAME_LIST_dev;do - gzip -d $OUTPUT_dev/$name.jsonl.gz -done diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/evaluate-v1.1.py b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/evaluate-v1.1.py deleted file mode 100644 index 0137fbca04cf93b3dbb5744832d25723420a4861..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/evaluate-v1.1.py +++ /dev/null @@ -1,94 +0,0 @@ -""" Official evaluation script for v1.1 of the SQuAD dataset. """ -from __future__ import print_function -from collections import Counter -import string -import re -import argparse -import json -import sys - - -def normalize_answer(s): - """Lower text and remove punctuation, articles and extra whitespace.""" - def remove_articles(text): - return re.sub(r'\b(a|an|the)\b', ' ', text) - - def white_space_fix(text): - return ' '.join(text.split()) - - def remove_punc(text): - exclude = set(string.punctuation) - return ''.join(ch for ch in text if ch not in exclude) - - def lower(text): - return text.lower() - - return white_space_fix(remove_articles(remove_punc(lower(s)))) - - -def f1_score(prediction, ground_truth): - prediction_tokens = normalize_answer(prediction).split() - ground_truth_tokens = normalize_answer(ground_truth).split() - common = Counter(prediction_tokens) & Counter(ground_truth_tokens) - num_same = sum(common.values()) - if num_same == 0: - return 0 - precision = 1.0 * num_same / len(prediction_tokens) - recall = 1.0 * num_same / len(ground_truth_tokens) - f1 = (2 * precision * recall) / (precision + recall) - return f1 - - -def exact_match_score(prediction, ground_truth): - return (normalize_answer(prediction) == normalize_answer(ground_truth)) - - -def metric_max_over_ground_truths(metric_fn, prediction, ground_truths): - scores_for_ground_truths = [] - for ground_truth in ground_truths: - score = metric_fn(prediction, ground_truth) - scores_for_ground_truths.append(score) - return max(scores_for_ground_truths) - - -def evaluate(dataset, predictions): - f1 = exact_match = total = 0 - for article in dataset: - for paragraph in article['paragraphs']: - for qa in paragraph['qas']: - total += 1 - if qa['id'] not in predictions: - message = 'Unanswered question ' + qa['id'] + \ - ' will receive score 0.' - print(message, file=sys.stderr) - continue - ground_truths = list(map(lambda x: x['text'], qa['answers'])) - prediction = predictions[qa['id']] - exact_match += metric_max_over_ground_truths( - exact_match_score, prediction, ground_truths) - f1 += metric_max_over_ground_truths( - f1_score, prediction, ground_truths) - - exact_match = 100.0 * exact_match / total - f1 = 100.0 * f1 / total - - return {'exact_match': exact_match, 'f1': f1} - - -if __name__ == '__main__': - expected_version = '1.1' - parser = argparse.ArgumentParser( - description='Evaluation for SQuAD ' + expected_version) - parser.add_argument('dataset_file', help='Dataset file') - parser.add_argument('prediction_file', help='Prediction File') - args = parser.parse_args() - with open(args.dataset_file) as dataset_file: - dataset_json = json.load(dataset_file) - if (dataset_json['version'] != expected_version): - print('Evaluation expects v-' + expected_version + - ', but got dataset with v-' + dataset_json['version'], - file=sys.stderr) - dataset = dataset_json['data'] - with open(args.prediction_file) as prediction_file: - predictions = json.load(prediction_file) - print(json.dumps(evaluate(dataset, predictions))) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/macro_avg.py b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/macro_avg.py deleted file mode 100644 index dc0f9ff3a11a8e9572c6daba2415162a9a54a392..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/macro_avg.py +++ /dev/null @@ -1,29 +0,0 @@ -import numpy as np -import argparse -import json -import re - -def extract_score(line): - score_json = json.loads(line) - f1 = score_json['f1'] - em = score_json['exact_match'] - return float(f1), float(em) - - -if __name__ == '__main__': - parser = argparse.ArgumentParser( - description='Calculate macro average for MRQA') - parser.add_argument('input_file', help='Score file') - args = parser.parse_args() - with open(args.input_file) as fin: - lines = list(map(str.strip, fin.readlines())) - in_domain_scores = {} - for dataset_id in range(0, 12, 2): - f1, em = extract_score(lines[dataset_id+1]) - in_domain_scores[lines[dataset_id]] = f1 - out_of_domain_scores = {} - for dataset_id in range(12, 24, 2): - f1, em = extract_score(lines[dataset_id+1]) - out_of_domain_scores[lines[dataset_id]] = f1 - print('In domain avg: {}'.format(sum(in_domain_scores.values()) / len(in_domain_scores.values()))) - print('Out of domain avg: {}'.format(sum(out_of_domain_scores.values()) / len(in_domain_scores.values()))) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/train/md5sum_train.txt b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/train/md5sum_train.txt deleted file mode 100644 index 68d9d2befc8c7e35d47264ae2d1043ed8c5999c7..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/scripts/train/md5sum_train.txt +++ /dev/null @@ -1,6 +0,0 @@ -efd6a551d2697c20a694e933210489f8 SQuAD.jsonl.gz -182f4e977b849cb1dbfb796030b91444 NewsQA.jsonl.gz -e18f586152612a9358c22f5536bfd32a TriviaQA.jsonl.gz -612245315e6e7c4d8446e5fcc3dc1086 SearchQA.jsonl.gz -d212c7b3fc949bd0dc47d124e8c34907 HotpotQA.jsonl.gz -e27d27bf7c49eb5ead43cef3f41de6be NaturalQuestions.jsonl.gz \ No newline at end of file diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/wget_data.sh b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/wget_data.sh deleted file mode 100755 index 546cbbff481d35422cbef3f4961fe3b0d5f480be..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/wget_data.sh +++ /dev/null @@ -1,9 +0,0 @@ -# wget train data -wget --no-check-certificate https://baidu-nlp.bj.bcebos.com/D-Net/mrqa_multi_task_dataset.tar.gz -tar -xvf mrqa_multi_task_dataset.tar.gz -rm mrqa_multi_task_dataset.tar.gz - -# wget predictions results -wget --no-check-certificate https://baidu-nlp.bj.bcebos.com/D-Net/muiti_task_prediction_results.tar.gz -tar -xvf muiti_task_prediction_results.tar.gz -rm muiti_task_prediction_results.tar.gz diff --git a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/wget_pretrained_model.sh b/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/wget_pretrained_model.sh deleted file mode 100755 index ae8fb767f070dbea1a5a2076211f81260aa6115a..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/multi_task_learning/wget_pretrained_model.sh +++ /dev/null @@ -1,4 +0,0 @@ -wget --no-check-certificate https://baidu-nlp.bj.bcebos.com/D-Net/squad2_model.tar.gz -tar -xvf squad2_model.tar.gz -rm squad2_model.tar.gz - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/README.md b/PaddleNLP/Research/MRQA2019-D-NET/server/README.md deleted file mode 100644 index ef31990a25736ffd9ddc37681d83a5dc7fb45c1d..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/README.md +++ /dev/null @@ -1,50 +0,0 @@ -# ensemble server system -This directory contains the ensemble system for the three models that are fine-tuned on the MRQA in-domain data (i.e. models based on ERNIE2.0, XL-NET and BERT). The architecture of the ensemble system is shown in the figure below. We first start 3 independent model server for ERNIE, XL-NET and BERT. We then start a main server to receive client requests, invoke model servers and ensemble model results. -For convinience, users are able to explore **any ensemble combinations** (e.g. ERNIE+XL-NET, BERT+XL-NET), by simply modifying the configurations. - -

- -

- - -## Environment -In our test environment, we use - - - Python 2.7.13 - - PaddlePaddle 1.5.2 - - sentencepiece 0.1.83 - - flask 1.1.1 - - Cuda 9.0 - - CuDNN 7.0 - -## Download model parameters -To downlowd the model parameters that are fine-tuned on the MRQA in-domain data, run - -``` -bash wget_server_inference_model.sh -``` -A folder named `infere_model` will appear in `ernie_server/`, `xlnet_server/` and `bert_server/`. - -## Start servers - -Before starting the server, please make sure the ports `5118` to `5121` are available, and specify the `gpu_id` in `start.sh` (by default `GPU 0` on the machine will be used). - -To start the servers, run - -``` -bash start.sh -``` -The log for the main server will be saved in `main_server.log`, and the logs for the 3 model servers witll be saved in `ernie_server/ernie.log`, `xlnet_server/xlnet.log` and `bert_server/bert.log`. - -By default, the main server will ensemble the results from ERNIE and XL-NET. To explore other ensemble combinations, one can change the configuration in `start.sh` (e.g. `python main_server.py --ernie --xlnet --bert` for 3 models, `python main_server.py --bert --xlnet` for BERT and XL-NET only). - -Note that in our test environment, we use Tesla K40 (12G) and the three modles are able to fit in a single card. For GPUs with smaller RAM, one can choose to put three models on different card by modifying the configurations in `start.sh`. - -## Send requests -Once the servers are successfully launched, one can use the client script to send requests. - -``` -cd client -python client.py demo.txt results.txt 5121 -``` -This will the read the examples in `demo.txt`, send requests to the main server, and save results into `results.txt`. The format of the input file (i.e. `demo.txt`) need to be in [MRQA official format](https://github.com/mrqa/MRQA-Shared-Task-2019). \ No newline at end of file diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/model_wrapper.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/model_wrapper.py deleted file mode 100644 index eac6fd036ecd1745a2d9f855bb42f4a278a0740a..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/model_wrapper.py +++ /dev/null @@ -1,132 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -"""BERT (PaddlePaddle) model wrapper""" -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function -import os -import json -import collections -import multiprocessing -import argparse -import numpy as np -import paddle.fluid as fluid -from task_reader.mrqa import DataProcessor, get_answers - -ema_decay = 0.9999 -verbose = False -max_seq_len = 512 -max_query_length = 64 -max_answer_length = 30 -in_tokens = False -do_lower_case = False -doc_stride = 128 -n_best_size = 20 -use_cuda = True - -class BertModelWrapper(): - """ - Wrap a tnet model - the basic processes include input checking, preprocessing, calling tf-serving - and postprocessing - """ - def __init__(self, model_dir): - """ """ - if use_cuda: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - self.exe = fluid.Executor(place) - - self.bert_preprocessor = DataProcessor( - vocab_path=os.path.join(model_dir, 'vocab.txt'), - do_lower_case=do_lower_case, - max_seq_length=max_seq_len, - in_tokens=in_tokens, - doc_stride=doc_stride, - max_query_length=max_query_length) - - self.inference_program, self.feed_target_names, self.fetch_targets = \ - fluid.io.load_inference_model(dirname=model_dir, executor=self.exe) - - def preprocessor(self, samples, batch_size, examples_start_id, features_start_id): - """Preprocess the input samples, including word seg, padding, token to ids""" - # Tokenization and paragraph padding - examples, features, batch = self.bert_preprocessor.data_generator( - samples, batch_size, max_len=max_seq_len, examples_start_id=examples_start_id, features_start_id=features_start_id) - self.samples = samples - return examples, features, batch - - def call_mrc(self, batch, squeeze_dim0=False, return_list=False): - """MRC""" - if squeeze_dim0 and return_list: - raise ValueError("squeeze_dim0 only work for dict-type return value.") - src_ids = batch[0] - pos_ids = batch[1] - sent_ids = batch[2] - input_mask = batch[3] - unique_id = batch[4] - feed_dict = { - self.feed_target_names[0]: src_ids, - self.feed_target_names[1]: pos_ids, - self.feed_target_names[2]: sent_ids, - self.feed_target_names[3]: input_mask, - self.feed_target_names[4]: unique_id - } - - np_unique_ids, np_start_logits, np_end_logits, np_num_seqs = \ - self.exe.run(self.inference_program, feed=feed_dict, fetch_list=self.fetch_targets) - - if len(np_unique_ids) == 1 and squeeze_dim0: - np_unique_ids = np_unique_ids[0] - np_start_logits = np_start_logits[0] - np_end_logits = np_end_logits[0] - - if return_list: - mrc_results = [{'unique_ids': id, 'start_logits': st, 'end_logits': end} - for id, st, end in zip(np_unique_ids, np_start_logits, np_end_logits)] - else: - mrc_results = { - 'unique_ids': np_unique_ids, - 'start_logits': np_start_logits, - 'end_logits': np_end_logits, - } - return mrc_results - - def postprocessor(self, examples, features, mrc_results): - """Extract answer - batch: [examples, features] from preprocessor - mrc_results: model results from call_mrc. if mrc_results is list, each element of which is a size=1 batch. - """ - RawResult = collections.namedtuple("RawResult", - ["unique_id", "start_logits", "end_logits"]) - results = [] - if isinstance(mrc_results, list): - for res in mrc_results: - unique_id = res['unique_ids'][0] - start_logits = [float(x) for x in res['start_logits'].flat] - end_logits = [float(x) for x in res['end_logits'].flat] - results.append( - RawResult( - unique_id=unique_id, - start_logits=start_logits, - end_logits=end_logits)) - else: - assert isinstance(mrc_results, dict) - for idx in range(mrc_results['unique_ids'].shape[0]): - unique_id = int(mrc_results['unique_ids'][idx]) - start_logits = [float(x) for x in mrc_results['start_logits'][idx].flat] - end_logits = [float(x) for x in mrc_results['end_logits'][idx].flat] - results.append( - RawResult( - unique_id=unique_id, - start_logits=start_logits, - end_logits=end_logits)) - - answers = get_answers( - examples, features, results, n_best_size, - max_answer_length, do_lower_case, verbose) - return answers - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/mrc_service.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/mrc_service.py deleted file mode 100644 index e0f5bc4c8eece1c2daccbc70e1bfcf3063ec9f42..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/mrc_service.py +++ /dev/null @@ -1,189 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -"""Some utilities for MRC online service""" -import json -import sys -import logging -import time -import numpy as np -from flask import Response -from flask import request -from copy import deepcopy - -verbose = False - -def _request_check(input_json): - """Check if the request json is valid""" - if input_json is None or not isinstance(input_json, dict): - return 'Can not parse the input json data - {}'.format(input_json) - try: - c = input_json['context'] - qa = input_json['qas'][0] - qid = qa['qid'] - q = qa['question'] - except KeyError as e: - return 'Invalid request, key "{}" not found'.format(e) - return 'OK' - -def _abort(status_code, message): - """Create custom error message and status code""" - return Response(json.dumps(message), status=status_code, mimetype='application/json') - -def _timmer(init_start, start, current, process_name): - cumulated_elapsed_time = (current - init_start) * 1000 - current_elapsed_time = (current - start) * 1000 - print('{}\t-\t{:.2f}\t{:.2f}'.format(process_name, cumulated_elapsed_time, - current_elapsed_time)) - -def _split_input_json(input_json): - if len(input_json['context_tokens']) > 810: - input_json['context'] = input_json['context'][:5000] - if len(input_json['qas']) == 1: - return [input_json] - else: - rets = [] - for i in range(len(input_json['qas'])): - temp = deepcopy(input_json) - temp['qas'] = [input_json['qas'][i]] - rets.append(temp) - return rets - -class MRQAService(object): - """Provide basic MRC service for flask""" - def __init__(self, name, logger=None, log_data=False): - """ """ - self.name = name - if logger is None: - self.logger = logging.getLogger('flask') - else: - self.logger = logger - self.log_data = log_data - - def __call__(self, model, process_mode='serial', max_batch_size=5, timmer=False): - """ - Args: - mode: serial, parallel - """ - if timmer: - start = time.time() - """Call mrc model wrapper and handle expectations""" - self.input_json = request.get_json(silent=True) - try: - if timmer: - start_request_check = time.time() - request_status = _request_check(self.input_json) - if timmer: - current_time = time.time() - _timmer(start, start_request_check, current_time, 'request check') - if self.log_data: - if self.logger is None: - logging.info( - 'Client input - {}'.format(json.dumps(self.input_json, ensure_ascii=False)) - ) - else: - self.logger.info( - 'Client input - {}'.format(json.dumps(self.input_json, ensure_ascii=False)) - ) - except Exception as e: - self.logger.error('server request checker error') - self.logger.exception(e) - return _abort(500, 'server request checker error - {}'.format(e)) - if request_status != 'OK': - return _abort(400, request_status) - - # call preprocessor - try: - if timmer: - start_preprocess = time.time() - - jsons = _split_input_json(self.input_json) - processed = [] - ex_start_idx = 0 - feat_start_idx = 1000000000 - for i in jsons: - e,f,b = model.preprocessor(i, batch_size=max_batch_size if process_mode == 'parallel' else 1, examples_start_id=ex_start_idx, features_start_id=feat_start_idx) - ex_start_idx += len(e) - feat_start_idx += len(f) - processed.append([e,f,b]) - - if timmer: - current_time = time.time() - _timmer(start, start_preprocess, current_time, 'preprocess') - except Exception as e: - self.logger.error('preprocessor error') - self.logger.exception(e) - return _abort(500, 'preprocessor error - {}'.format(e)) - - def transpose(mat): - return zip(*mat) - - # call mrc - try: - if timmer: - start_call_mrc = time.time() - - self.mrc_results = [] - self.examples = [] - self.features = [] - for e, f, batches in processed: - if verbose: - if len(f) > max_batch_size: - print("get a too long example....") - if process_mode == 'serial': - self.mrc_results.extend([model.call_mrc(b, squeeze_dim0=True) for b in batches[:max_batch_size]]) - elif process_mode == 'parallel': - # only keep first max_batch_size features - # batches = batches[0] - - for b in batches: - self.mrc_results.extend(model.call_mrc(b, return_list=True)) - else: - raise NotImplementedError() - self.examples.extend(e) - # self.features.extend(f[:max_batch_size]) - self.features.extend(f) - - if timmer: - current_time = time.time() - _timmer(start, start_call_mrc, current_time, 'call mrc') - except Exception as e: - self.logger.error('call_mrc error') - self.logger.exception(e) - return _abort(500, 'call_mrc error - {}'.format(e)) - - # call post processor - try: - if timmer: - start_post_precess = time.time() - self.results = model.postprocessor(self.examples, self.features, self.mrc_results) - - # only nbest results is POSTed back - self.results = self.results[1] - # self.results = self.results[0] - - if timmer: - current_time = time.time() - _timmer(start, start_post_precess, current_time, 'post process') - except Exception as e: - self.logger.error('postprocessor error') - self.logger.exception(e) - return _abort(500, 'postprocessor error - {}'.format(e)) - - return self._response_constructor() - - def _response_constructor(self): - """construct http response object""" - try: - response = { - # 'requestID': self.input_json['requestID'], - 'results': self.results - } - if self.log_data: - self.logger.info( - 'Response - {}'.format(json.dumps(response, ensure_ascii=False)) - ) - return Response(json.dumps(response), mimetype='application/json') - except Exception as e: - self.logger.error('response constructor error') - self.logger.exception(e) - return _abort(500, 'response constructor error - {}'.format(e)) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/__init__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/__main__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/__main__.py deleted file mode 100644 index cf1dc9efefca3392147f10c6df875b4d864206ab..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/__main__.py +++ /dev/null @@ -1,9 +0,0 @@ -from algorithm import optimization -from algorithm import multitask -from extension import fp16 -from module import transformer_encoder -from toolkit import configure -from toolkit import init -from toolkit import placeholder -from nets import bert - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/algorithm/__init__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/algorithm/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/algorithm/multitask.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/algorithm/multitask.py deleted file mode 100644 index 8ea0182548b0a4d504edae9156b8e6b91ebcff1d..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/algorithm/multitask.py +++ /dev/null @@ -1,119 +0,0 @@ -#encoding=utf8 - -import os -import sys -import random -from copy import deepcopy as copy -import numpy as np -import paddle -import paddle.fluid as fluid -import multiprocessing - -class Task: - - def __init__( - self, - conf, - name = "", - is_training = False, - _DataProcesser = None, - shared_name = ""): - - self.conf = copy(conf) - - self.name = name - self.shared_name = shared_name - - self.is_training = is_training - self.DataProcesser = _DataProcesser - - def _create_reader(self): - raise NotImplementedError("Task:_create_reader not implemented") - - def _create_model(self): - raise NotImplementedError("Task:_create_model not implemented") - - def prepare(self, args): - raise NotImplementedError("Task:prepare not implemented") - - def train_step(self, args): - raise NotImplementedError("Task:train_step not implemented") - - def predict(self, args): - raise NotImplementedError("Task:_predict not implemented") - - -class JointTask: - - def __init__(self): - - self.tasks = [] - - #self.startup_exe = None - #self.train_exe = None - - self.exe = None - - self.share_vars_from = None - - self.startup_prog = fluid.Program() - - def __add__(self, task): - - assert isinstance(task, Task) - - self.tasks.append(task) - - return self - - def prepare(self, args): - - if args.use_cuda: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - - #self.startup_exe = fluid.Executor(place) - self.exe = fluid.Executor(place) - - for idx, task in enumerate(self.tasks): - if idx == 0: - print("for idx : %d" % idx) - task.prepare(args, exe = self.exe) - self.share_vars_from = task.compiled_train_prog - else: - print("for idx : %d" % idx) - task.prepare(args, exe = self.exe, share_vars_from = self.share_vars_from) - - def train(self, args): - - joint_steps = [] - for i in xrange(0, len(self.tasks)): - for _ in xrange(0, self.tasks[i].max_train_steps): - joint_steps.append(i) - - self.tasks[0].train_step(args, exe = self.exe) - - random.shuffle(joint_steps) - for next_task_id in joint_steps: - self.tasks[next_task_id].train_step(args, exe = self.exe) - - -if __name__ == "__main__": - - basetask_a = Task(None) - - basetask_b = Task(None) - - joint_tasks = JointTask() - - joint_tasks += basetask_a - - print(joint_tasks.tasks) - - joint_tasks += basetask_b - - print(joint_tasks.tasks) - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/algorithm/optimization.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/algorithm/optimization.py deleted file mode 100644 index 0f338263855b2e7aa09d916b12c8486579b5d571..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/algorithm/optimization.py +++ /dev/null @@ -1,139 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Optimization and learning rate scheduling.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import numpy as np -import paddle.fluid as fluid -from pdnlp.extension.fp16 import create_master_params_grads, master_param_to_train_param - - -def linear_warmup_decay(learning_rate, warmup_steps, num_train_steps): - """ Applies linear warmup of learning rate from 0 and decay to 0.""" - with fluid.default_main_program()._lr_schedule_guard(): - lr = fluid.layers.tensor.create_global_var( - shape=[1], - value=0.0, - dtype='float32', - persistable=True, - name="scheduled_learning_rate") - - global_step = fluid.layers.learning_rate_scheduler._decay_step_counter() - - with fluid.layers.control_flow.Switch() as switch: - with switch.case(global_step < warmup_steps): - warmup_lr = learning_rate * (global_step / warmup_steps) - fluid.layers.tensor.assign(warmup_lr, lr) - with switch.default(): - decayed_lr = fluid.layers.learning_rate_scheduler.polynomial_decay( - learning_rate=learning_rate, - decay_steps=num_train_steps, - end_learning_rate=0.0, - power=1.0, - cycle=False) - fluid.layers.tensor.assign(decayed_lr, lr) - - return lr - - -def optimization(loss, - warmup_steps, - num_train_steps, - learning_rate, - train_program, - startup_prog, - weight_decay, - scheduler='linear_warmup_decay', - use_fp16=False, - loss_scaling=1.0): - if warmup_steps > 0: - if scheduler == 'noam_decay': - scheduled_lr = fluid.layers.learning_rate_scheduler\ - .noam_decay(1/(warmup_steps *(learning_rate ** 2)), - warmup_steps) - elif scheduler == 'linear_warmup_decay': - scheduled_lr = linear_warmup_decay(learning_rate, warmup_steps, - num_train_steps) - else: - raise ValueError("Unkown learning rate scheduler, should be " - "'noam_decay' or 'linear_warmup_decay'") - optimizer = fluid.optimizer.Adam(learning_rate=scheduled_lr) - else: - optimizer = fluid.optimizer.Adam(learning_rate=learning_rate) - scheduled_lr = learning_rate - - clip_norm_thres = 1.0 - # When using mixed precision training, scale the gradient clip threshold - # by loss_scaling - if use_fp16 and loss_scaling > 1.0: - clip_norm_thres *= loss_scaling - fluid.clip.set_gradient_clip( - clip=fluid.clip.GradientClipByGlobalNorm(clip_norm=clip_norm_thres)) - - def exclude_from_weight_decay(name): - if name.find("layer_norm") > -1: - return True - bias_suffix = ["_bias", "_b", ".b_0"] - for suffix in bias_suffix: - if name.endswith(suffix): - return True - return False - - param_list = dict() - - if use_fp16: - param_grads = optimizer.backward(loss) - master_param_grads = create_master_params_grads( - param_grads, train_program, startup_prog, loss_scaling) - - for param, _ in master_param_grads: - param_list[param.name] = param * 1.0 - param_list[param.name].stop_gradient = True - - optimizer.apply_gradients(master_param_grads) - - if weight_decay > 0: - for param, grad in master_param_grads: - if exclude_from_weight_decay(param.name.rstrip(".master")): - continue - with param.block.program._optimized_guard( - [param, grad]), fluid.framework.name_scope("weight_decay"): - updated_param = param - param_list[ - param.name] * weight_decay * scheduled_lr - fluid.layers.assign(output=param, input=updated_param) - - master_param_to_train_param(master_param_grads, param_grads, - train_program) - - else: - for param in train_program.global_block().all_parameters(): - param_list[param.name] = param * 1.0 - param_list[param.name].stop_gradient = True - - _, param_grads = optimizer.minimize(loss) - - if weight_decay > 0: - for param, grad in param_grads: - if exclude_from_weight_decay(param.name): - continue - with param.block.program._optimized_guard( - [param, grad]), fluid.framework.name_scope("weight_decay"): - updated_param = param - param_list[ - param.name] * weight_decay * scheduled_lr - fluid.layers.assign(output=param, input=updated_param) - - return scheduled_lr diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/extension/__init__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/extension/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/extension/fp16.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/extension/fp16.py deleted file mode 100644 index e153c2b9a1029897def264278c5dbe72e1f369f5..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/extension/fp16.py +++ /dev/null @@ -1,97 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from __future__ import print_function -import paddle -import paddle.fluid as fluid - - -def cast_fp16_to_fp32(i, o, prog): - prog.global_block().append_op( - type="cast", - inputs={"X": i}, - outputs={"Out": o}, - attrs={ - "in_dtype": fluid.core.VarDesc.VarType.FP16, - "out_dtype": fluid.core.VarDesc.VarType.FP32 - }) - - -def cast_fp32_to_fp16(i, o, prog): - prog.global_block().append_op( - type="cast", - inputs={"X": i}, - outputs={"Out": o}, - attrs={ - "in_dtype": fluid.core.VarDesc.VarType.FP32, - "out_dtype": fluid.core.VarDesc.VarType.FP16 - }) - - -def copy_to_master_param(p, block): - v = block.vars.get(p.name, None) - if v is None: - raise ValueError("no param name %s found!" % p.name) - new_p = fluid.framework.Parameter( - block=block, - shape=v.shape, - dtype=fluid.core.VarDesc.VarType.FP32, - type=v.type, - lod_level=v.lod_level, - stop_gradient=p.stop_gradient, - trainable=p.trainable, - optimize_attr=p.optimize_attr, - regularizer=p.regularizer, - gradient_clip_attr=p.gradient_clip_attr, - error_clip=p.error_clip, - name=v.name + ".master") - return new_p - - -def create_master_params_grads(params_grads, main_prog, startup_prog, - loss_scaling): - master_params_grads = [] - tmp_role = main_prog._current_role - OpRole = fluid.core.op_proto_and_checker_maker.OpRole - main_prog._current_role = OpRole.Backward - for p, g in params_grads: - # create master parameters - master_param = copy_to_master_param(p, main_prog.global_block()) - startup_master_param = startup_prog.global_block()._clone_variable( - master_param) - startup_p = startup_prog.global_block().var(p.name) - cast_fp16_to_fp32(startup_p, startup_master_param, startup_prog) - # cast fp16 gradients to fp32 before apply gradients - if g.name.find("layer_norm") > -1: - if loss_scaling > 1: - scaled_g = g / float(loss_scaling) - else: - scaled_g = g - master_params_grads.append([p, scaled_g]) - continue - master_grad = fluid.layers.cast(g, "float32") - if loss_scaling > 1: - master_grad = master_grad / float(loss_scaling) - master_params_grads.append([master_param, master_grad]) - main_prog._current_role = tmp_role - return master_params_grads - - -def master_param_to_train_param(master_params_grads, params_grads, main_prog): - for idx, m_p_g in enumerate(master_params_grads): - train_p, _ = params_grads[idx] - if train_p.name.find("layer_norm") > -1: - continue - with main_prog._optimized_guard([m_p_g[0], m_p_g[1]]): - cast_fp32_to_fp16(m_p_g[0], train_p, main_prog) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/module/__init__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/module/__init__.py deleted file mode 100644 index 139597f9cb07c5d48bed18984ec4747f4b4f3438..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/module/__init__.py +++ /dev/null @@ -1,2 +0,0 @@ - - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/module/transformer_encoder.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/module/transformer_encoder.py deleted file mode 100644 index da65ae820cb9478c52d6adc3f41f321d3f49b46f..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/module/transformer_encoder.py +++ /dev/null @@ -1,379 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Transformer encoder.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -from functools import partial -import numpy as np - -import paddle.fluid as fluid -import paddle.fluid.layers as layers -from paddle.fluid.layer_helper import LayerHelper - -def layer_norm(x, begin_norm_axis=1, epsilon=1e-6, param_attr=None, bias_attr=None): - helper = LayerHelper('layer_norm', **locals()) - mean = layers.reduce_mean(x, dim=begin_norm_axis, keep_dim=True) - shift_x = layers.elementwise_sub(x=x, y=mean, axis=0) - variance = layers.reduce_mean(layers.square(shift_x), dim=begin_norm_axis, keep_dim=True) - r_stdev = layers.rsqrt(variance + epsilon) - norm_x = layers.elementwise_mul(x=shift_x, y=r_stdev, axis=0) - - param_shape = [reduce(lambda x, y: x * y, norm_x.shape[begin_norm_axis:])] - param_dtype = norm_x.dtype - scale = helper.create_parameter( - attr=param_attr, - shape=param_shape, - dtype=param_dtype, - default_initializer=fluid.initializer.Constant(1.)) - bias = helper.create_parameter( - attr=bias_attr, - shape=param_shape, - dtype=param_dtype, - is_bias=True, - default_initializer=fluid.initializer.Constant(0.)) - - out = layers.elementwise_mul(x=norm_x, y=scale, axis=-1) - out = layers.elementwise_add(x=out, y=bias, axis=-1) - - return out - -def multi_head_attention(queries, - keys, - values, - attn_bias, - d_key, - d_value, - d_model, - n_head=1, - dropout_rate=0., - cache=None, - param_initializer=None, - name='multi_head_att'): - """ - Multi-Head Attention. Note that attn_bias is added to the logit before - computing softmax activiation to mask certain selected positions so that - they will not considered in attention weights. - """ - keys = queries if keys is None else keys - values = keys if values is None else values - - if not (len(queries.shape) == len(keys.shape) == len(values.shape) == 3): - raise ValueError( - "Inputs: quries, keys and values should all be 3-D tensors.") - - def __compute_qkv(queries, keys, values, n_head, d_key, d_value): - """ - Add linear projection to queries, keys, and values. - """ - q = layers.fc(input = queries, - size = d_key * n_head, - num_flatten_dims = 2, - param_attr = fluid.ParamAttr( - name = name + '_query_fc.w_0', - initializer = param_initializer), - bias_attr = name + '_query_fc.b_0') - k = layers.fc(input = keys, - size = d_key * n_head, - num_flatten_dims = 2, - param_attr = fluid.ParamAttr( - name = name + '_key_fc.w_0', - initializer = param_initializer), - bias_attr = name + '_key_fc.b_0') - v = layers.fc(input = values, - size = d_value * n_head, - num_flatten_dims = 2, - param_attr = fluid.ParamAttr( - name = name + '_value_fc.w_0', - initializer = param_initializer), - bias_attr = name + '_value_fc.b_0') - return q, k, v - - def __split_heads(x, n_head): - """ - Reshape the last dimension of inpunt tensor x so that it becomes two - dimensions and then transpose. Specifically, input a tensor with shape - [bs, max_sequence_length, n_head * hidden_dim] then output a tensor - with shape [bs, n_head, max_sequence_length, hidden_dim]. - """ - hidden_size = x.shape[-1] - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - reshaped = layers.reshape( - x = x, shape = [0, 0, n_head, hidden_size // n_head], inplace=False) - - # permuate the dimensions into: - # [batch_size, n_head, max_sequence_len, hidden_size_per_head] - return layers.transpose(x=reshaped, perm=[0, 2, 1, 3]) - - def __combine_heads(x): - """ - Transpose and then reshape the last two dimensions of inpunt tensor x - so that it becomes one dimension, which is reverse to __split_heads. - """ - if len(x.shape) == 3: return x - if len(x.shape) != 4: - raise ValueError("Input(x) should be a 4-D Tensor.") - - trans_x = layers.transpose(x, perm=[0, 2, 1, 3]) - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - return layers.reshape( - x = trans_x, - shape = [0, 0, trans_x.shape[2] * trans_x.shape[3]], - inplace = False) - - def scaled_dot_product_attention(q, k, v, attn_bias, d_key, dropout_rate): - """ - Scaled Dot-Product Attention - """ - scaled_q = layers.scale(x = q, scale = d_key**-0.5) - product = layers.matmul(x = scaled_q, y = k, transpose_y = True) - if attn_bias: - product += attn_bias - weights = layers.softmax(product) - if dropout_rate: - weights = layers.dropout( - weights, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - out = layers.matmul(weights, v) - return out - - q, k, v = __compute_qkv(queries, keys, values, n_head, d_key, d_value) - - if cache is not None: # use cache and concat time steps - # Since the inplace reshape in __split_heads changes the shape of k and - # v, which is the cache input for next time step, reshape the cache - # input from the previous time step first. - k = cache["k"] = layers.concat( - [layers.reshape( - cache["k"], shape=[0, 0, d_model]), k], axis=1) - v = cache["v"] = layers.concat( - [layers.reshape( - cache["v"], shape=[0, 0, d_model]), v], axis=1) - - q = __split_heads(q, n_head) - k = __split_heads(k, n_head) - v = __split_heads(v, n_head) - - ctx_multiheads = scaled_dot_product_attention(q, k, v, attn_bias, d_key, - dropout_rate) - - out = __combine_heads(ctx_multiheads) - - # Project back to the model size. - proj_out = layers.fc(input = out, - size = d_model, - num_flatten_dims = 2, - param_attr=fluid.ParamAttr( - name = name + '_output_fc.w_0', - initializer = param_initializer), - bias_attr = name + '_output_fc.b_0') - return proj_out - - -def positionwise_feed_forward(x, - d_inner_hid, - d_hid, - dropout_rate, - hidden_act, - param_initializer=None, - name='ffn'): - """ - Position-wise Feed-Forward Networks. - This module consists of two linear transformations with a ReLU activation - in between, which is applied to each position separately and identically. - """ - hidden = layers.fc(input=x, - size=d_inner_hid, - num_flatten_dims=2, - act=hidden_act, - param_attr=fluid.ParamAttr( - name=name + '_fc_0.w_0', - initializer=param_initializer), - bias_attr=name + '_fc_0.b_0') - if dropout_rate: - hidden = layers.dropout( - hidden, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test = False) - - out = layers.fc(input = hidden, - size = d_hid, - num_flatten_dims = 2, - param_attr=fluid.ParamAttr( - name = name + '_fc_1.w_0', - initializer = param_initializer), - bias_attr = name + '_fc_1.b_0') - return out - - -def pre_post_process_layer(prev_out, out, process_cmd, dropout_rate=0., - name=''): - """ - Add residual connection, layer normalization and droput to the out tensor - optionally according to the value of process_cmd. - This will be used before or after multi-head attention and position-wise - feed-forward networks. - """ - for cmd in process_cmd: - if cmd == "a": # add residual connection - out = out + prev_out if prev_out else out - elif cmd == "n": # add layer normalization - out_dtype = out.dtype - if out_dtype == fluid.core.VarDesc.VarType.FP16: - out = layers.cast(x = out, dtype = "float32") - out = layer_norm( - out, - begin_norm_axis=len(out.shape) - 1, - param_attr=fluid.ParamAttr( - name = name + '_layer_norm_scale', - initializer = fluid.initializer.Constant(1.)), - bias_attr=fluid.ParamAttr( - name = name + '_layer_norm_bias', - initializer = fluid.initializer.Constant(0.))) - if out_dtype == fluid.core.VarDesc.VarType.FP16: - out = layers.cast(x = out, dtype = "float16") - elif cmd == "d": # add dropout - if dropout_rate: - out = layers.dropout( - out, - dropout_prob = dropout_rate, - dropout_implementation = "upscale_in_train", - is_test = False) - return out - - -pre_process_layer = partial(pre_post_process_layer, None) -post_process_layer = pre_post_process_layer - -def encoder_layer(enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd="n", - postprocess_cmd="da", - param_initializer=None, - name=''): - """The encoder layers that can be stacked to form a deep encoder. - This module consits of a multi-head (self) attention followed by - position-wise feed-forward networks and both the two components companied - with the post_process_layer to add residual connection, layer normalization - and droput. - """ - attn_output = multi_head_attention( - pre_process_layer( - enc_input, - preprocess_cmd, - prepostprocess_dropout, - name=name + '_pre_att'), - None, - None, - attn_bias, - d_key, - d_value, - d_model, - n_head, - attention_dropout, - param_initializer = param_initializer, - name = name + '_multi_head_att') - attn_output = post_process_layer( - enc_input, - attn_output, - postprocess_cmd, - prepostprocess_dropout, - name = name + '_post_att') - ffd_output = positionwise_feed_forward( - pre_process_layer( - attn_output, - preprocess_cmd, - prepostprocess_dropout, - name = name + '_pre_ffn'), - d_inner_hid, - d_model, - relu_dropout, - hidden_act, - param_initializer = param_initializer, - name = name + '_ffn') - return post_process_layer( - attn_output, - ffd_output, - postprocess_cmd, - prepostprocess_dropout, - name = name + '_post_ffn') - - -def encoder(enc_input, - attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd="n", - postprocess_cmd="da", - param_initializer=None, - name='', - return_all = False): - """ - The encoder is composed of a stack of identical layers returned by calling - encoder_layer. - """ - enc_outputs = [] - for i in range(n_layer): - enc_output = encoder_layer( - enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd, - postprocess_cmd, - param_initializer = param_initializer, - name = name + '_layer_' + str(i)) - enc_input = enc_output - if i < n_layer - 1: - enc_outputs.append(enc_output) - - enc_output = pre_process_layer( - enc_output, preprocess_cmd, prepostprocess_dropout, name="post_encoder") - enc_outputs.append(enc_output) - - if not return_all: - return enc_output - else: - return enc_output, enc_outputs diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/nets/__init__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/nets/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/nets/bert.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/nets/bert.py deleted file mode 100644 index 8e604a2cf957a487a434aed6184cfc4b101725ec..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/nets/bert.py +++ /dev/null @@ -1,231 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""BERT model.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import six -import json -import numpy as np -import paddle.fluid as fluid - -from pdnlp.nets.transformer_encoder import encoder as encoder -from pdnlp.nets.transformer_encoder import pre_process_layer as pre_process_layer - - -class BertModel(object): - def __init__(self, - src_ids, - position_ids, - sentence_ids, - input_mask, - config, - weight_sharing=True, - use_fp16=False, - model_name=''): - - self._emb_size = config["hidden_size"] - self._n_layer = config["num_hidden_layers"] - self._n_head = config["num_attention_heads"] - self._voc_size = config["vocab_size"] - self._max_position_seq_len = config["max_position_embeddings"] - self._sent_types = config["type_vocab_size"] - self._hidden_act = config["hidden_act"] - self._prepostprocess_dropout = config["hidden_dropout_prob"] - self._attention_dropout = config["attention_probs_dropout_prob"] - self._weight_sharing = weight_sharing - - self.model_name = model_name - - self._word_emb_name = self.model_name + "word_embedding" - self._pos_emb_name = self.model_name + "pos_embedding" - self._sent_emb_name = self.model_name + "sent_embedding" - self._dtype = "float16" if use_fp16 else "float32" - - # Initialize all weigths by truncated normal initializer, and all biases - # will be initialized by constant zero by default. - self._param_initializer = fluid.initializer.TruncatedNormal( - scale=config["initializer_range"]) - - self._build_model(src_ids, position_ids, sentence_ids, input_mask, - config) - - def _build_model(self, src_ids, position_ids, sentence_ids, input_mask, - config): - # padding id in vocabulary must be set to 0 - emb_out = fluid.layers.embedding( - input=src_ids, - size=[self._voc_size, self._emb_size], - dtype=self._dtype, - param_attr=fluid.ParamAttr( - name=self._word_emb_name, initializer=self._param_initializer), - is_sparse=False) - - self.emb_out = emb_out - - position_emb_out = fluid.layers.embedding( - input=position_ids, - size=[self._max_position_seq_len, self._emb_size], - dtype=self._dtype, - param_attr=fluid.ParamAttr( - name=self._pos_emb_name, initializer=self._param_initializer)) - - self.position_emb_out = position_emb_out - - sent_emb_out = fluid.layers.embedding( - sentence_ids, - size=[self._sent_types, self._emb_size], - dtype=self._dtype, - param_attr=fluid.ParamAttr( - name=self._sent_emb_name, initializer=self._param_initializer)) - - self.sent_emb_out = sent_emb_out - - emb_out = emb_out + position_emb_out - emb_out = emb_out + sent_emb_out - - emb_out = pre_process_layer( - emb_out, 'nd', self._prepostprocess_dropout, name='pre_encoder') - - if self._dtype == "float16": - input_mask = fluid.layers.cast(x=input_mask, dtype=self._dtype) - - self_attn_mask = fluid.layers.matmul( - x=input_mask, y=input_mask, transpose_y=True) - - self_attn_mask = fluid.layers.scale( - x=self_attn_mask, - scale=config["self_att_scale"], - bias=-1.0, - bias_after_scale=False) - - n_head_self_attn_mask = fluid.layers.stack( - x=[self_attn_mask] * self._n_head, axis=1) - - n_head_self_attn_mask.stop_gradient = True - - self._enc_out = encoder( - enc_input=emb_out, - attn_bias=n_head_self_attn_mask, - n_layer=self._n_layer, - n_head=self._n_head, - d_key=self._emb_size // self._n_head, - d_value=self._emb_size // self._n_head, - d_model=self._emb_size, - d_inner_hid=self._emb_size * 4, - prepostprocess_dropout=self._prepostprocess_dropout, - attention_dropout=self._attention_dropout, - relu_dropout=0, - hidden_act=self._hidden_act, - preprocess_cmd="", - postprocess_cmd="dan", - param_initializer=self._param_initializer, - name=self.model_name + 'encoder') - - def get_sequence_output(self): - return self._enc_out - - def get_pooled_output(self): - """Get the first feature of each sequence for classification""" - - next_sent_feat = fluid.layers.slice( - input=self._enc_out, axes=[1], starts=[0], ends=[1]) - next_sent_feat = fluid.layers.fc( - input=next_sent_feat, - size=self._emb_size, - act="tanh", - param_attr=fluid.ParamAttr( - name=self.model_name + "pooled_fc.w_0", - initializer=self._param_initializer), - bias_attr="pooled_fc.b_0") - return next_sent_feat - - def get_pretraining_output(self, mask_label, mask_pos, labels): - """Get the loss & accuracy for pretraining""" - - mask_pos = fluid.layers.cast(x=mask_pos, dtype='int32') - - # extract the first token feature in each sentence - next_sent_feat = self.get_pooled_output() - reshaped_emb_out = fluid.layers.reshape( - x=self._enc_out, shape=[-1, self._emb_size]) - # extract masked tokens' feature - mask_feat = fluid.layers.gather(input=reshaped_emb_out, index=mask_pos) - - # transform: fc - mask_trans_feat = fluid.layers.fc( - input=mask_feat, - size=self._emb_size, - act=self._hidden_act, - param_attr=fluid.ParamAttr( - name=self.model_name + 'mask_lm_trans_fc.w_0', - initializer=self._param_initializer), - bias_attr=fluid.ParamAttr( - name=self.model_name + 'mask_lm_trans_fc.b_0')) - # transform: layer norm - mask_trans_feat = pre_process_layer( - mask_trans_feat, 'n', name=self.model_name + 'mask_lm_trans') - - mask_lm_out_bias_attr = fluid.ParamAttr( - name=self.model_name + "mask_lm_out_fc.b_0", - initializer=fluid.initializer.Constant(value=0.0)) - if self._weight_sharing: - fc_out = fluid.layers.matmul( - x=mask_trans_feat, - y=fluid.default_main_program().global_block().var( - self._word_emb_name), - transpose_y=True) - fc_out += fluid.layers.create_parameter( - shape=[self._voc_size], - dtype=self._dtype, - attr=mask_lm_out_bias_attr, - is_bias=True) - - else: - fc_out = fluid.layers.fc( - input=mask_trans_feat, - size=self._voc_size, - param_attr=fluid.ParamAttr( - name=self.model_name + "mask_lm_out_fc.w_0", - initializer=self._param_initializer), - bias_attr=mask_lm_out_bias_attr) - - mask_lm_loss = fluid.layers.softmax_with_cross_entropy( - logits=fc_out, label=mask_label) - mean_mask_lm_loss = fluid.layers.mean(mask_lm_loss) - - next_sent_fc_out = fluid.layers.fc( - input=next_sent_feat, - size=2, - param_attr=fluid.ParamAttr( - name=self.model_name + "next_sent_fc.w_0", - initializer=self._param_initializer), - bias_attr=self.model_name + "next_sent_fc.b_0") - - next_sent_loss, next_sent_softmax = fluid.layers.softmax_with_cross_entropy( - logits=next_sent_fc_out, label=labels, return_softmax=True) - - next_sent_acc = fluid.layers.accuracy( - input=next_sent_softmax, label=labels) - - mean_next_sent_loss = fluid.layers.mean(next_sent_loss) - - loss = mean_next_sent_loss + mean_mask_lm_loss - return next_sent_acc, mean_mask_lm_loss, loss - - -if __name__ == "__main__": - print("hello wolrd!") diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/nets/transformer_encoder.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/nets/transformer_encoder.py deleted file mode 100644 index d1297efe517ec575cd8cdc78df0d1ef414d01a72..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/nets/transformer_encoder.py +++ /dev/null @@ -1,353 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Transformer encoder.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -from functools import partial -import numpy as np - -import paddle.fluid as fluid -import paddle.fluid.layers as layers - - -def multi_head_attention(queries, - keys, - values, - attn_bias, - d_key, - d_value, - d_model, - n_head=1, - dropout_rate=0., - cache=None, - param_initializer=None, - name='multi_head_att'): - """ - Multi-Head Attention. Note that attn_bias is added to the logit before - computing softmax activiation to mask certain selected positions so that - they will not considered in attention weights. - """ - keys = queries if keys is None else keys - values = keys if values is None else values - - if not (len(queries.shape) == len(keys.shape) == len(values.shape) == 3): - raise ValueError( - "Inputs: quries, keys and values should all be 3-D tensors.") - - def __compute_qkv(queries, keys, values, n_head, d_key, d_value): - """ - Add linear projection to queries, keys, and values. - """ - q = layers.fc(input=queries, - size=d_key * n_head, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_query_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_query_fc.b_0') - k = layers.fc(input=keys, - size=d_key * n_head, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_key_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_key_fc.b_0') - v = layers.fc(input=values, - size=d_value * n_head, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_value_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_value_fc.b_0') - return q, k, v - - def __split_heads(x, n_head): - """ - Reshape the last dimension of inpunt tensor x so that it becomes two - dimensions and then transpose. Specifically, input a tensor with shape - [bs, max_sequence_length, n_head * hidden_dim] then output a tensor - with shape [bs, n_head, max_sequence_length, hidden_dim]. - """ - hidden_size = x.shape[-1] - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - reshaped = layers.reshape( - x=x, shape=[0, 0, n_head, hidden_size // n_head], inplace=True) - - # permuate the dimensions into: - # [batch_size, n_head, max_sequence_len, hidden_size_per_head] - return layers.transpose(x=reshaped, perm=[0, 2, 1, 3]) - - def __combine_heads(x): - """ - Transpose and then reshape the last two dimensions of inpunt tensor x - so that it becomes one dimension, which is reverse to __split_heads. - """ - if len(x.shape) == 3: return x - if len(x.shape) != 4: - raise ValueError("Input(x) should be a 4-D Tensor.") - - trans_x = layers.transpose(x, perm=[0, 2, 1, 3]) - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - return layers.reshape( - x=trans_x, - shape=[0, 0, trans_x.shape[2] * trans_x.shape[3]], - inplace=True) - - def scaled_dot_product_attention(q, k, v, attn_bias, d_key, dropout_rate): - """ - Scaled Dot-Product Attention - """ - scaled_q = layers.scale(x=q, scale=d_key**-0.5) - product = layers.matmul(x=scaled_q, y=k, transpose_y=True) - if attn_bias: - product += attn_bias - weights = layers.softmax(product) - if dropout_rate: - weights = layers.dropout( - weights, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - out = layers.matmul(weights, v) - return out - - q, k, v = __compute_qkv(queries, keys, values, n_head, d_key, d_value) - - if cache is not None: # use cache and concat time steps - # Since the inplace reshape in __split_heads changes the shape of k and - # v, which is the cache input for next time step, reshape the cache - # input from the previous time step first. - k = cache["k"] = layers.concat( - [layers.reshape( - cache["k"], shape=[0, 0, d_model]), k], axis=1) - v = cache["v"] = layers.concat( - [layers.reshape( - cache["v"], shape=[0, 0, d_model]), v], axis=1) - - q = __split_heads(q, n_head) - k = __split_heads(k, n_head) - v = __split_heads(v, n_head) - - ctx_multiheads = scaled_dot_product_attention(q, k, v, attn_bias, d_key, - dropout_rate) - - out = __combine_heads(ctx_multiheads) - - # Project back to the model size. - proj_out = layers.fc(input=out, - size=d_model, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_output_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_output_fc.b_0') - return proj_out - - -def positionwise_feed_forward(x, - d_inner_hid, - d_hid, - dropout_rate, - hidden_act, - param_initializer=None, - name='ffn'): - """ - Position-wise Feed-Forward Networks. - This module consists of two linear transformations with a ReLU activation - in between, which is applied to each position separately and identically. - """ - hidden = layers.fc(input=x, - size=d_inner_hid, - num_flatten_dims=2, - act=hidden_act, - param_attr=fluid.ParamAttr( - name=name + '_fc_0.w_0', - initializer=param_initializer), - bias_attr=name + '_fc_0.b_0') - if dropout_rate: - hidden = layers.dropout( - hidden, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - - out = layers.fc(input=hidden, - size=d_hid, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_fc_1.w_0', initializer=param_initializer), - bias_attr=name + '_fc_1.b_0') - return out - - -def pre_post_process_layer(prev_out, out, process_cmd, dropout_rate=0., - name=''): - """ - Add residual connection, layer normalization and droput to the out tensor - optionally according to the value of process_cmd. - This will be used before or after multi-head attention and position-wise - feed-forward networks. - """ - for cmd in process_cmd: - if cmd == "a": # add residual connection - out = out + prev_out if prev_out else out - elif cmd == "n": # add layer normalization - out_dtype = out.dtype - if out_dtype == fluid.core.VarDesc.VarType.FP16: - out = layers.cast(x=out, dtype="float32") - out = layers.layer_norm( - out, - begin_norm_axis=len(out.shape) - 1, - param_attr=fluid.ParamAttr( - name=name + '_layer_norm_scale', - initializer=fluid.initializer.Constant(1.)), - bias_attr=fluid.ParamAttr( - name=name + '_layer_norm_bias', - initializer=fluid.initializer.Constant(0.))) - if out_dtype == fluid.core.VarDesc.VarType.FP16: - out = layers.cast(x=out, dtype="float16") - elif cmd == "d": # add dropout - if dropout_rate: - out = layers.dropout( - out, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - return out - - -pre_process_layer = partial(pre_post_process_layer, None) -post_process_layer = pre_post_process_layer - - -def encoder_layer(enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd="n", - postprocess_cmd="da", - param_initializer=None, - name=''): - """ - The encoder layers that can be stacked to form a deep encoder. - This module consits of a multi-head (self) attention followed by - position-wise feed-forward networks and both the two components companied - with the post_process_layer to add residual connection, layer normalization - and droput. - """ - attn_output = multi_head_attention( - pre_process_layer( - enc_input, - preprocess_cmd, - prepostprocess_dropout, - name=name + '_pre_att'), - None, - None, - attn_bias, - d_key, - d_value, - d_model, - n_head, - attention_dropout, - param_initializer=param_initializer, - name=name + '_multi_head_att') - attn_output = post_process_layer( - enc_input, - attn_output, - postprocess_cmd, - prepostprocess_dropout, - name=name + '_post_att') - ffd_output = positionwise_feed_forward( - pre_process_layer( - attn_output, - preprocess_cmd, - prepostprocess_dropout, - name=name + '_pre_ffn'), - d_inner_hid, - d_model, - relu_dropout, - hidden_act, - param_initializer=param_initializer, - name=name + '_ffn') - return post_process_layer( - attn_output, - ffd_output, - postprocess_cmd, - prepostprocess_dropout, - name=name + '_post_ffn') - - -def encoder(enc_input, - attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd="n", - postprocess_cmd="da", - param_initializer=None, - name='', - return_all=False): - """ - The encoder is composed of a stack of identical layers returned by calling - encoder_layer. - """ - enc_outputs = [] - for i in range(n_layer): - enc_output = encoder_layer( - enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd, - postprocess_cmd, - param_initializer=param_initializer, - name=name + '_layer_' + str(i)) - enc_input = enc_output - if i < n_layer - 1: - enc_outputs.append(enc_output) - - enc_output = pre_process_layer( - enc_output, preprocess_cmd, prepostprocess_dropout, name="post_encoder") - enc_outputs.append(enc_output) - - if not return_all: - return enc_output - else: - return enc_output, enc_outputs diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/toolkit/__init__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/toolkit/__init__.py deleted file mode 100644 index 139597f9cb07c5d48bed18984ec4747f4b4f3438..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/toolkit/__init__.py +++ /dev/null @@ -1,2 +0,0 @@ - - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/toolkit/configure.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/toolkit/configure.py deleted file mode 100644 index 1472b858c25a46a406380f9b382ba27cf4d6bc03..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/toolkit/configure.py +++ /dev/null @@ -1,133 +0,0 @@ -#encoding=utf8 -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import sys -import argparse -import six -import logging -import json - -logging_only_message = "%(message)s" -logging_details = "%(asctime)s.%(msecs)03d %(levelname)s %(module)s - %(funcName)s: %(message)s" - -class JsonConfig(object): - def __init__(self, config_path): - self._config_dict = self._parse(config_path) - - def _parse(self, config_path): - try: - with open(config_path) as json_file: - config_dict = json.load(json_file) - except: - raise IOError("Error in parsing bert model config file '%s'" % - config_path) - else: - return config_dict - - def __getitem__(self, key): - return self._config_dict[key] - - def print_config(self): - for arg, value in sorted(six.iteritems(self._config_dict)): - print('%s: %s' % (arg, value)) - print('------------------------------------------------') - - -class ArgumentGroup(object): - def __init__(self, parser, title, des): - self._group = parser.add_argument_group(title=title, description=des) - - def add_arg(self, name, type, default, help, **kwargs): - type = str2bool if type == bool else type - self._group.add_argument( - "--" + name, - default=default, - type=type, - help=help + ' Default: %(default)s.', - **kwargs) - -class ArgConfig(object): - - def __init__(self): - parser = argparse.ArgumentParser() - - train_g = ArgumentGroup(parser, "training", "training options.") - train_g.add_arg("epoch", int, 3, "Number of epoches for fine-tuning.") - train_g.add_arg("learning_rate", float, 5e-5, "Learning rate used to train with warmup.") - train_g.add_arg("lr_scheduler", str, "linear_warmup_decay", - "scheduler of learning rate.", choices=['linear_warmup_decay', 'noam_decay']) - train_g.add_arg("weight_decay", float, 0.01, "Weight decay rate for L2 regularizer.") - train_g.add_arg("warmup_proportion", float, 0.1, - "Proportion of training steps to perform linear learning rate warmup for.") - train_g.add_arg("save_steps", int, 1000, "The steps interval to save checkpoints.") - train_g.add_arg("use_fp16", bool, False, "Whether to use fp16 mixed precision training.") - train_g.add_arg("loss_scaling", float, 1.0, - "Loss scaling factor for mixed precision training, only valid when use_fp16 is enabled.") - train_g.add_arg("pred_dir", str, None, "Path to save the prediction results") - - log_g = ArgumentGroup(parser, "logging", "logging related.") - log_g.add_arg("skip_steps", int, 10, "The steps interval to print loss.") - log_g.add_arg("verbose", bool, False, "Whether to output verbose log.") - - run_type_g = ArgumentGroup(parser, "run_type", "running type options.") - run_type_g.add_arg("use_cuda", bool, True, "If set, use GPU for training.") - run_type_g.add_arg("use_fast_executor", bool, False, "If set, use fast parallel executor (in experiment).") - run_type_g.add_arg("num_iteration_per_drop_scope", int, 1, "Ihe iteration intervals to clean up temporary variables.") - run_type_g.add_arg("do_train", bool, True, "Whether to perform training.") - run_type_g.add_arg("do_predict", bool, True, "Whether to perform prediction.") - - custom_g = ArgumentGroup(parser, "customize", "customized options.") - - self.custom_g = custom_g - - self.parser = parser - - def add_arg(self, name, dtype, default, descrip): - self.custom_g.add_arg(name, dtype, default, descrip) - - def build_conf(self): - return self.parser.parse_args() - - -def str2bool(v): - # because argparse does not support to parse "true, False" as python - # boolean directly - return v.lower() in ("true", "t", "1") - - -def print_arguments(args, log = None): - if not log: - print('----------- Configuration Arguments -----------') - for arg, value in sorted(six.iteritems(vars(args))): - print('%s: %s' % (arg, value)) - print('------------------------------------------------') - else: - log.info('----------- Configuration Arguments -----------') - for arg, value in sorted(six.iteritems(vars(args))): - log.info('%s: %s' % (arg, value)) - log.info('------------------------------------------------') - - -if __name__ == "__main__": - - args = ArgConfig() - args = args.build_conf() - - # using print() - print_arguments(args) - - logging.basicConfig( - level=logging.INFO, - format=logging_details, - datefmt='%Y-%m-%d %H:%M:%S') - - # using logging - print_arguments(args, logging) - - json_conf = JsonConfig("../../data/pretrained_models/uncased_L-12_H-768_A-12/bert_config.json") - json_conf.print_config() - - - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/toolkit/init.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/toolkit/init.py deleted file mode 100644 index 5aa7e1fd7585147f477be92f324e67e9654d7ae8..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/toolkit/init.py +++ /dev/null @@ -1,83 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from __future__ import print_function - -import os -import six -import ast -import copy - -import numpy as np -import paddle.fluid as fluid - - -def cast_fp32_to_fp16(exe, main_program): - print("Cast parameters to float16 data format.") - for param in main_program.global_block().all_parameters(): - if not param.name.endswith(".master"): - param_t = fluid.global_scope().find_var(param.name).get_tensor() - data = np.array(param_t) - if param.name.find("layer_norm") == -1: - param_t.set(np.float16(data).view(np.uint16), exe.place) - master_param_var = fluid.global_scope().find_var(param.name + - ".master") - if master_param_var is not None: - master_param_var.get_tensor().set(data, exe.place) - - -def init_checkpoint(exe, init_checkpoint_path, main_program, use_fp16=False, skip_list = []): - assert os.path.exists( - init_checkpoint_path), "[%s] cann't be found." % init_checkpoint_path - - def existed_persitables(var): - if not fluid.io.is_persistable(var): - return False - if var.name in skip_list: - return False - return os.path.exists(os.path.join(init_checkpoint_path, var.name)) - - fluid.io.load_vars( - exe, - init_checkpoint_path, - main_program=main_program, - predicate=existed_persitables) - print("Load model from {}".format(init_checkpoint_path)) - - if use_fp16: - cast_fp32_to_fp16(exe, main_program) - - -def init_pretraining_params(exe, - pretraining_params_path, - main_program, - use_fp16=False): - assert os.path.exists(pretraining_params_path - ), "[%s] cann't be found." % pretraining_params_path - - def existed_params(var): - if not isinstance(var, fluid.framework.Parameter): - return False - return os.path.exists(os.path.join(pretraining_params_path, var.name)) - - fluid.io.load_vars( - exe, - pretraining_params_path, - main_program=main_program, - predicate=existed_params) - print("Load pretraining parameters from {}.".format( - pretraining_params_path)) - - if use_fp16: - cast_fp32_to_fp16(exe, main_program) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/toolkit/placeholder.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/toolkit/placeholder.py deleted file mode 100644 index e835038ee257d08f64b849855b30a0e9cd3d262b..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/pdnlp/toolkit/placeholder.py +++ /dev/null @@ -1,72 +0,0 @@ -#encoding=utf8 - -from __future__ import print_function - -import os -import six -import ast -import copy - -import numpy as np -import paddle.fluid as fluid - - -class Placeholder(object): - - def __init__(self): - self.shapes = [] - self.dtypes = [] - self.lod_levels = [] - self.names = [] - - def __init__(self, input_shapes): - - self.shapes = [] - self.dtypes = [] - self.lod_levels = [] - self.names = [] - - for new_holder in input_shapes: - shape = new_holder[0] - dtype = new_holder[1] - lod_level = new_holder[2] if len(new_holder) >= 3 else 0 - name = new_holder[3] if len(new_holder) >= 4 else "" - - self.append_placeholder(shape, dtype, lod_level = lod_level, name = name) - - def append_placeholder(self, shape, dtype, lod_level = 0, name = ""): - self.shapes.append(shape) - self.dtypes.append(dtype) - self.lod_levels.append(lod_level) - self.names.append(name) - - - def build(self, capacity, reader_name, use_double_buffer = False): - pyreader = fluid.layers.py_reader( - capacity = capacity, - shapes = self.shapes, - dtypes = self.dtypes, - lod_levels = self.lod_levels, - name = reader_name, - use_double_buffer = use_double_buffer) - - return [pyreader, fluid.layers.read_file(pyreader)] - - - def __add__(self, new_holder): - assert isinstance(new_holder, tuple) or isinstance(new_holder, list) - assert len(new_holder) >= 2 - - shape = new_holder[0] - dtype = new_holder[1] - lod_level = new_holder[2] if len(new_holder) >= 3 else 0 - name = new_holder[3] if len(new_holder) >= 4 else "" - - self.append_placeholder(shape, dtype, lod_level = lod_level, name = name) - - -if __name__ == "__main__": - print("hello world!") - - - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/start.sh b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/start.sh deleted file mode 100755 index f0ca8c5109ce8f5a3d009d39383c9d0dd801387c..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/start.sh +++ /dev/null @@ -1,6 +0,0 @@ -export FLAGS_fraction_of_gpu_memory_to_use=0.1 -port=$1 -gpu=$2 -export CUDA_VISIBLE_DEVICES=$gpu -python start_service.py ./infer_model $port - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/start_service.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/start_service.py deleted file mode 100644 index 54d4bf84fc21cc9f5259a8db9191b2849645bfdf..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/start_service.py +++ /dev/null @@ -1,43 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -""" -BERT model service -""" -import json -import sys -import logging -logging.basicConfig( - level=logging.INFO, format='%(asctime)s - %(name)s - %(levelname)s - %(message)s' -) -import requests -from flask import Flask -from flask import Response -from flask import request -import mrc_service -import model_wrapper -import argparse - - -assert len(sys.argv) == 3 or len(sys.argv) == 4, "Usage: python serve.py [process_mode]" -if len(sys.argv) == 3: - _, model_dir, port = sys.argv - mode = 'parallel' -else: - _, model_dir, port, mode = sys.argv - -max_batch_size = 5 - -app = Flask(__name__) -app.logger.setLevel(logging.INFO) -model = model_wrapper.BertModelWrapper(model_dir=model_dir) -server = mrc_service.MRQAService('MRQA service', app.logger) - -@app.route('/', methods=['POST']) -def mrqa_service(): - """Description""" - return server(model, process_mode=mode, max_batch_size=max_batch_size) - - -if __name__ == '__main__': - app.run(port=port, debug=False, threaded=False, processes=1) - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/task_reader/__init__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/task_reader/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/task_reader/batching.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/task_reader/batching.py deleted file mode 100644 index 13803cf79f00d7ea5857360eeceb2da354a5e626..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/task_reader/batching.py +++ /dev/null @@ -1,183 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Mask, padding and batching.""" -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function -import numpy as np - - -def mask(batch_tokens, total_token_num, vocab_size, CLS=1, SEP=2, MASK=3): - """ - Add mask for batch_tokens, return out, mask_label, mask_pos; - Note: mask_pos responding the batch_tokens after padded; - """ - max_len = max([len(sent) for sent in batch_tokens]) - mask_label = [] - mask_pos = [] - prob_mask = np.random.rand(total_token_num) - # Note: the first token is [CLS], so [low=1] - replace_ids = np.random.randint(1, high=vocab_size, size=total_token_num) - pre_sent_len = 0 - prob_index = 0 - for sent_index, sent in enumerate(batch_tokens): - mask_flag = False - prob_index += pre_sent_len - for token_index, token in enumerate(sent): - prob = prob_mask[prob_index + token_index] - if prob > 0.15: - continue - elif 0.03 < prob <= 0.15: - # mask - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = MASK - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - elif 0.015 < prob <= 0.03: - # random replace - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = replace_ids[prob_index + token_index] - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - else: - # keep the original token - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - mask_pos.append(sent_index * max_len + token_index) - pre_sent_len = len(sent) - # ensure at least mask one word in a sentence - while not mask_flag: - token_index = int(np.random.randint(1, high=len(sent) - 1, size=1)) - if sent[token_index] != SEP and sent[token_index] != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = MASK - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - mask_label = np.array(mask_label).astype("int64").reshape([-1, 1]) - mask_pos = np.array(mask_pos).astype("int64").reshape([-1, 1]) - return batch_tokens, mask_label, mask_pos - - -def prepare_batch_data(insts, - total_token_num, - max_len=None, - voc_size=0, - pad_id=None, - cls_id=None, - sep_id=None, - mask_id=None, - return_input_mask=True, - return_max_len=True, - return_num_token=False): - """ - 1. generate Tensor of data - 2. generate Tensor of position - 3. generate self attention mask, [shape: batch_size * max_len * max_len] - """ - batch_src_ids = [inst[0] for inst in insts] - batch_sent_ids = [inst[1] for inst in insts] - batch_pos_ids = [inst[2] for inst in insts] - labels_list = [] - # compatible with mrqa, whose example includes start/end positions, - # or unique id - for i in range(3, len(insts[0]), 1): - labels = [inst[i] for inst in insts] - labels = np.array(labels).astype("int64").reshape([-1, 1]) - labels_list.append(labels) - # First step: do mask without padding - if mask_id >= 0: - out, mask_label, mask_pos = mask( - batch_src_ids, - total_token_num, - vocab_size=voc_size, - CLS=cls_id, - SEP=sep_id, - MASK=mask_id) - else: - out = batch_src_ids - # Second step: padding - src_id, self_input_mask = pad_batch_data( - out, - max_len=max_len, - pad_idx=pad_id, return_input_mask=True) - pos_id = pad_batch_data( - batch_pos_ids, - max_len=max_len, - pad_idx=pad_id, - return_pos=False, - return_input_mask=False) - sent_id = pad_batch_data( - batch_sent_ids, - max_len=max_len, - pad_idx=pad_id, - return_pos=False, - return_input_mask=False) - if mask_id >= 0: - return_list = [ - src_id, pos_id, sent_id, self_input_mask, mask_label, mask_pos - ] + labels_list - else: - return_list = [src_id, pos_id, sent_id, self_input_mask] + labels_list - return return_list if len(return_list) > 1 else return_list[0] - - -def pad_batch_data(insts, - max_len=None, - pad_idx=0, - return_pos=False, - return_input_mask=False, - return_max_len=False, - return_num_token=False): - """ - Pad the instances to the max sequence length in batch, and generate the - corresponding position data and input mask. - """ - return_list = [] - if max_len is None: - max_len = max(len(inst) for inst in insts) - # Any token included in dict can be used to pad, since the paddings' loss - # will be masked out by weights and make no effect on parameter gradients. - inst_data = np.array([ - list(inst) + list([pad_idx] * (max_len - len(inst))) for inst in insts - ]) - return_list += [inst_data.astype("int64").reshape([-1, max_len, 1])] - # position data - if return_pos: - inst_pos = np.array([ - list(range(0, len(inst))) + [pad_idx] * (max_len - len(inst)) - for inst in insts - ]) - return_list += [inst_pos.astype("int64").reshape([-1, max_len, 1])] - if return_input_mask: - # This is used to avoid attention on paddings. - input_mask_data = np.array([[1] * len(inst) + [0] * - (max_len - len(inst)) for inst in insts]) - input_mask_data = np.expand_dims(input_mask_data, axis=-1) - return_list += [input_mask_data.astype("float32")] - if return_max_len: - return_list += [max_len] - if return_num_token: - num_token = 0 - for inst in insts: - num_token += len(inst) - return_list += [num_token] - return return_list if len(return_list) > 1 else return_list[0] - - -if __name__ == "__main__": - pass - - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/task_reader/mrqa.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/task_reader/mrqa.py deleted file mode 100644 index 2f52a3acf72b4f46f2a875a5c3a29843973412d2..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/task_reader/mrqa.py +++ /dev/null @@ -1,957 +0,0 @@ -# coding=utf-8 -# Copyright 2018 The Google AI Language Team Authors. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Run MRQA""" - -import re -import six -import math -import json -import random -import collections -import numpy as np -from task_reader import tokenization -from task_reader.batching import prepare_batch_data - - -class MRQAExample(object): - """A single training/test example for simple sequence classification. - - For examples without an answer, the start and end position are -1. - """ - - def __init__(self, - qas_id, - question_text, - doc_tokens, - orig_answer_text=None, - start_position=None, - end_position=None, - is_impossible=False): - self.qas_id = qas_id - self.question_text = question_text - self.doc_tokens = doc_tokens - self.orig_answer_text = orig_answer_text - self.start_position = start_position - self.end_position = end_position - self.is_impossible = is_impossible - - def __str__(self): - return self.__repr__() - - def __repr__(self): - s = "" - s += "qas_id: %s" % (tokenization.printable_text(self.qas_id)) - s += ", question_text: %s" % ( - tokenization.printable_text(self.question_text)) - s += ", doc_tokens: [%s]" % (" ".join(self.doc_tokens)) - if self.start_position: - s += ", start_position: %d" % (self.start_position) - if self.start_position: - s += ", end_position: %d" % (self.end_position) - if self.start_position: - s += ", is_impossible: %r" % (self.is_impossible) - return s - - -class InputFeatures(object): - """A single set of features of data.""" - - def __init__(self, - unique_id, - example_index, - doc_span_index, - tokens, - token_to_orig_map, - token_is_max_context, - input_ids, - input_mask, - segment_ids, - start_position=None, - end_position=None, - is_impossible=None): - self.unique_id = unique_id - self.example_index = example_index - self.doc_span_index = doc_span_index - self.tokens = tokens - self.token_to_orig_map = token_to_orig_map - self.token_is_max_context = token_is_max_context - self.input_ids = input_ids - self.input_mask = input_mask - self.segment_ids = segment_ids - self.start_position = start_position - self.end_position = end_position - self.is_impossible = is_impossible - - -def read_mrqa_examples(sample, is_training=False, with_negative=False): - """Read a MRQA json file into a list of MRQAExample.""" - - def is_whitespace(c): - if c == " " or c == "\t" or c == "\r" or c == "\n" or ord(c) == 0x202F: - return True - return False - - examples = [] - # sample = json.loads(raw_sample) - paragraph_text = sample["context"] - paragraph_text = re.sub(r'\[TLE\]|\[DOC\]|\[PAR\]', '[SEP]', paragraph_text) - doc_tokens = [] - char_to_word_offset = [] - prev_is_whitespace = True - for c in paragraph_text: - if is_whitespace(c): - prev_is_whitespace = True - else: - if prev_is_whitespace: - doc_tokens.append(c) - else: - doc_tokens[-1] += c - prev_is_whitespace = False - char_to_word_offset.append(len(doc_tokens) - 1) - - for qa in sample["qas"]: - qas_id = qa["qid"] - question_text = qa["question"] - start_position = None - end_position = None - orig_answer_text = None - is_impossible = False - - example = MRQAExample( - qas_id=qas_id, - question_text=question_text, - doc_tokens=doc_tokens) - examples.append(example) - - return examples - - -def convert_examples_to_features( - examples, - tokenizer, - max_seq_length, - doc_stride, - max_query_length, - is_training, - examples_start_id=0, - features_start_id=1000000000 - #output_fn -): - """Loads a data file into a list of `InputBatch`s.""" - - unique_id = features_start_id - example_index = examples_start_id - - features = [] - for example in examples: - query_tokens = tokenizer.tokenize(example.question_text) - - if len(query_tokens) > max_query_length: - query_tokens = query_tokens[0:max_query_length] - - tok_to_orig_index = [] - orig_to_tok_index = [] - all_doc_tokens = [] - for (i, token) in enumerate(example.doc_tokens): - orig_to_tok_index.append(len(all_doc_tokens)) - sub_tokens = tokenizer.tokenize(token) - for sub_token in sub_tokens: - tok_to_orig_index.append(i) - all_doc_tokens.append(sub_token) - - tok_start_position = None - tok_end_position = None - if is_training and example.is_impossible: - tok_start_position = -1 - tok_end_position = -1 - if is_training and not example.is_impossible: - tok_start_position = orig_to_tok_index[example.start_position] - if example.end_position < len(example.doc_tokens) - 1: - tok_end_position = orig_to_tok_index[example.end_position + - 1] - 1 - else: - tok_end_position = len(all_doc_tokens) - 1 - (tok_start_position, tok_end_position) = _improve_answer_span( - all_doc_tokens, tok_start_position, tok_end_position, tokenizer, - example.orig_answer_text) - - # The -3 accounts for [CLS], [SEP] and [SEP] - max_tokens_for_doc = max_seq_length - len(query_tokens) - 3 - - # We can have documents that are longer than the maximum sequence length. - # To deal with this we do a sliding window approach, where we take chunks - # of the up to our max length with a stride of `doc_stride`. - _DocSpan = collections.namedtuple( # pylint: disable=invalid-name - "DocSpan", ["start", "length"]) - doc_spans = [] - start_offset = 0 - while start_offset < len(all_doc_tokens): - length = len(all_doc_tokens) - start_offset - if length > max_tokens_for_doc: - length = max_tokens_for_doc - doc_spans.append(_DocSpan(start=start_offset, length=length)) - if start_offset + length == len(all_doc_tokens): - break - start_offset += min(length, doc_stride) - - for (doc_span_index, doc_span) in enumerate(doc_spans): - tokens = [] - token_to_orig_map = {} - token_is_max_context = {} - segment_ids = [] - tokens.append("[CLS]") - segment_ids.append(0) - for token in query_tokens: - tokens.append(token) - segment_ids.append(0) - tokens.append("[SEP]") - segment_ids.append(0) - - for i in range(doc_span.length): - split_token_index = doc_span.start + i - token_to_orig_map[len(tokens)] = tok_to_orig_index[ - split_token_index] - - is_max_context = _check_is_max_context( - doc_spans, doc_span_index, split_token_index) - token_is_max_context[len(tokens)] = is_max_context - tokens.append(all_doc_tokens[split_token_index]) - segment_ids.append(1) - tokens.append("[SEP]") - segment_ids.append(1) - - input_ids = tokenizer.convert_tokens_to_ids(tokens) - - # The mask has 1 for real tokens and 0 for padding tokens. Only real - # tokens are attended to. - input_mask = [1] * len(input_ids) - - # Zero-pad up to the sequence length. - #while len(input_ids) < max_seq_length: - # input_ids.append(0) - # input_mask.append(0) - # segment_ids.append(0) - - #assert len(input_ids) == max_seq_length - #assert len(input_mask) == max_seq_length - #assert len(segment_ids) == max_seq_length - - start_position = None - end_position = None - if is_training and not example.is_impossible: - # For training, if our document chunk does not contain an annotation - # we throw it out, since there is nothing to predict. - doc_start = doc_span.start - doc_end = doc_span.start + doc_span.length - 1 - out_of_span = False - if not (tok_start_position >= doc_start and - tok_end_position <= doc_end): - out_of_span = True - if out_of_span: - start_position = 0 - end_position = 0 - continue - else: - doc_offset = len(query_tokens) + 2 - start_position = tok_start_position - doc_start + doc_offset - end_position = tok_end_position - doc_start + doc_offset - - """ - if is_training and example.is_impossible: - start_position = 0 - end_position = 0 - """ - - feature = InputFeatures( - unique_id=unique_id, - example_index=example_index, - doc_span_index=doc_span_index, - tokens=tokens, - token_to_orig_map=token_to_orig_map, - token_is_max_context=token_is_max_context, - input_ids=input_ids, - input_mask=input_mask, - segment_ids=segment_ids, - start_position=start_position, - end_position=end_position, - is_impossible=example.is_impossible) - - unique_id += 1 - features.append(feature) - example_index += 1 - return features - - -def estimate_runtime_examples(data_path, sample_rate, tokenizer, \ - max_seq_length, doc_stride, max_query_length, \ - remove_impossible_questions=True, filter_invalid_spans=True): - """Count runtime examples which may differ from number of raw samples due to sliding window operation and etc.. This is useful to get correct warmup steps for training.""" - - assert sample_rate > 0.0 and sample_rate <= 1.0, "sample_rate must be set between 0.0~1.0" - - print("loading data with json parser...") - with open(data_path, "r") as reader: - data = json.load(reader)["data"] - - num_raw_examples = 0 - for entry in data: - for paragraph in entry["paragraphs"]: - paragraph_text = paragraph["context"] - for qa in paragraph["qas"]: - num_raw_examples += 1 - print("num raw examples:{}".format(num_raw_examples)) - - def is_whitespace(c): - if c == " " or c == "\t" or c == "\r" or c == "\n" or ord(c) == 0x202F: - return True - return False - - sampled_examples = [] - for entry in data: - for paragraph in entry["paragraphs"]: - doc_tokens = None - for qa in paragraph["qas"]: - if random.random() > sample_rate and sample_rate < 1.0: - continue - - if doc_tokens is None: - paragraph_text = paragraph["context"] - doc_tokens = [] - char_to_word_offset = [] - prev_is_whitespace = True - for c in paragraph_text: - if is_whitespace(c): - prev_is_whitespace = True - else: - if prev_is_whitespace: - doc_tokens.append(c) - else: - doc_tokens[-1] += c - prev_is_whitespace = False - char_to_word_offset.append(len(doc_tokens) - 1) - - assert len(qa["answers"]) == 1, "For training, each question should have exactly 1 answer." - - qas_id = qa["id"] - question_text = qa["question"] - start_position = None - end_position = None - orig_answer_text = None - is_impossible = False - - if ('is_impossible' in qa) and (qa["is_impossible"]): - if remove_impossible_questions or filter_invalid_spans: - continue - else: - start_position = -1 - end_position = -1 - orig_answer_text = "" - is_impossible = True - else: - answer = qa["answers"][0] - orig_answer_text = answer["text"] - answer_offset = answer["answer_start"] - answer_length = len(orig_answer_text) - start_position = char_to_word_offset[answer_offset] - end_position = char_to_word_offset[answer_offset + - answer_length - 1] - - # remove corrupt samples - actual_text = " ".join(doc_tokens[start_position:( - end_position + 1)]) - cleaned_answer_text = " ".join( - tokenization.whitespace_tokenize(orig_answer_text)) - if actual_text.find(cleaned_answer_text) == -1: - print("Could not find answer: '%s' vs. '%s'", - actual_text, cleaned_answer_text) - continue - - example = MRQAExample( - qas_id=qas_id, - question_text=question_text, - doc_tokens=doc_tokens, - orig_answer_text=orig_answer_text, - start_position=start_position, - end_position=end_position, - is_impossible=is_impossible) - sampled_examples.append(example) - - - runtime_sample_rate = len(sampled_examples) / float(num_raw_examples) - # print("DEBUG-> runtime sampled examples: {}, sample rate: {}.".format(len(sampled_examples), runtime_sample_rate)) - - runtime_samp_cnt = 0 - - for example in sampled_examples: - query_tokens = tokenizer.tokenize(example.question_text) - - if len(query_tokens) > max_query_length: - query_tokens = query_tokens[0:max_query_length] - - tok_to_orig_index = [] - orig_to_tok_index = [] - all_doc_tokens = [] - for (i, token) in enumerate(example.doc_tokens): - orig_to_tok_index.append(len(all_doc_tokens)) - sub_tokens = tokenizer.tokenize(token) - for sub_token in sub_tokens: - tok_to_orig_index.append(i) - all_doc_tokens.append(sub_token) - - tok_start_position = None - tok_end_position = None - - tok_start_position = orig_to_tok_index[example.start_position] - if example.end_position < len(example.doc_tokens) - 1: - tok_end_position = orig_to_tok_index[example.end_position + 1] - 1 - else: - tok_end_position = len(all_doc_tokens) - 1 - (tok_start_position, tok_end_position) = _improve_answer_span( - all_doc_tokens, tok_start_position, tok_end_position, tokenizer, - example.orig_answer_text) - - # The -3 accounts for [CLS], [SEP] and [SEP] - max_tokens_for_doc = max_seq_length - len(query_tokens) - 3 - - _DocSpan = collections.namedtuple( # pylint: disable=invalid-name - "DocSpan", ["start", "length"]) - doc_spans = [] - start_offset = 0 - while start_offset < len(all_doc_tokens): - length = len(all_doc_tokens) - start_offset - if length > max_tokens_for_doc: - length = max_tokens_for_doc - doc_spans.append(_DocSpan(start=start_offset, length=length)) - if start_offset + length == len(all_doc_tokens): - break - start_offset += min(length, doc_stride) - - for (doc_span_index, doc_span) in enumerate(doc_spans): - doc_start = doc_span.start - doc_end = doc_span.start + doc_span.length - 1 - if filter_invalid_spans and not (tok_start_position >= doc_start and tok_end_position <= doc_end): - continue - runtime_samp_cnt += 1 - return int(runtime_samp_cnt/runtime_sample_rate) - - -def _improve_answer_span(doc_tokens, input_start, input_end, tokenizer, - orig_answer_text): - """Returns tokenized answer spans that better match the annotated answer.""" - - # The MRQA annotations are character based. We first project them to - # whitespace-tokenized words. But then after WordPiece tokenization, we can - # often find a "better match". For example: - # - # Question: What year was John Smith born? - # Context: The leader was John Smith (1895-1943). - # Answer: 1895 - # - # The original whitespace-tokenized answer will be "(1895-1943).". However - # after tokenization, our tokens will be "( 1895 - 1943 ) .". So we can match - # the exact answer, 1895. - # - # However, this is not always possible. Consider the following: - # - # Question: What country is the top exporter of electornics? - # Context: The Japanese electronics industry is the lagest in the world. - # Answer: Japan - # - # In this case, the annotator chose "Japan" as a character sub-span of - # the word "Japanese". Since our WordPiece tokenizer does not split - # "Japanese", we just use "Japanese" as the annotation. This is fairly rare - # in MRQA, but does happen. - tok_answer_text = " ".join(tokenizer.tokenize(orig_answer_text)) - - for new_start in range(input_start, input_end + 1): - for new_end in range(input_end, new_start - 1, -1): - text_span = " ".join(doc_tokens[new_start:(new_end + 1)]) - if text_span == tok_answer_text: - return (new_start, new_end) - - return (input_start, input_end) - - -def _check_is_max_context(doc_spans, cur_span_index, position): - """Check if this is the 'max context' doc span for the token.""" - - # Because of the sliding window approach taken to scoring documents, a single - # token can appear in multiple documents. E.g. - # Doc: the man went to the store and bought a gallon of milk - # Span A: the man went to the - # Span B: to the store and bought - # Span C: and bought a gallon of - # ... - # - # Now the word 'bought' will have two scores from spans B and C. We only - # want to consider the score with "maximum context", which we define as - # the *minimum* of its left and right context (the *sum* of left and - # right context will always be the same, of course). - # - # In the example the maximum context for 'bought' would be span C since - # it has 1 left context and 3 right context, while span B has 4 left context - # and 0 right context. - best_score = None - best_span_index = None - for (span_index, doc_span) in enumerate(doc_spans): - end = doc_span.start + doc_span.length - 1 - if position < doc_span.start: - continue - if position > end: - continue - num_left_context = position - doc_span.start - num_right_context = end - position - score = min(num_left_context, - num_right_context) + 0.01 * doc_span.length - if best_score is None or score > best_score: - best_score = score - best_span_index = span_index - - return cur_span_index == best_span_index - - -class DataProcessor(object): - def __init__(self, vocab_path, do_lower_case, max_seq_length, in_tokens, - doc_stride, max_query_length): - self._tokenizer = tokenization.FullTokenizer( - vocab_file=vocab_path, do_lower_case=do_lower_case) - self._max_seq_length = max_seq_length - self._doc_stride = doc_stride - self._max_query_length = max_query_length - self._in_tokens = in_tokens - - self.vocab = self._tokenizer.vocab - self.vocab_size = len(self.vocab) - self.pad_id = self.vocab["[PAD]"] - self.cls_id = self.vocab["[CLS]"] - self.sep_id = self.vocab["[SEP]"] - self.mask_id = self.vocab["[MASK]"] - - self.current_train_example = -1 - self.num_train_examples = -1 - self.current_train_epoch = -1 - - self.train_examples = None - self.num_examples = {'train': -1, 'predict': -1} - - def get_train_progress(self): - """Gets progress for training phase.""" - return self.current_train_example, self.current_train_epoch - - def get_examples(self, - data_path, - is_training, - with_negative=False): - examples = read_mrqa_examples( - input_file=data_path, - is_training=is_training, - with_negative=with_negative) - return examples - - def get_num_examples(self, phase): - if phase not in ['train', 'predict']: - raise ValueError( - "Unknown phase, which should be in ['train', 'predict'].") - return self.num_examples[phase] - - def estimate_runtime_examples(self, data_path, sample_rate=0.01, \ - remove_impossible_questions=True, filter_invalid_spans=True): - """Noted that this API Only support for Training phase.""" - return estimate_runtime_examples(data_path, sample_rate, self._tokenizer, \ - self._max_seq_length, self._doc_stride, self._max_query_length, \ - remove_impossible_questions=True, filter_invalid_spans=True) - - def get_features(self, examples, is_training, examples_start_id, features_start_id): - features = convert_examples_to_features( - examples=examples, - tokenizer=self._tokenizer, - max_seq_length=self._max_seq_length, - doc_stride=self._doc_stride, - max_query_length=self._max_query_length, - examples_start_id=examples_start_id, - features_start_id=features_start_id, - is_training=is_training) - return features - - def data_generator(self, - raw_samples, - batch_size, - max_len=None, - phase='predict', - shuffle=False, - dev_count=1, - with_negative=False, - epoch=1, - examples_start_id=0, - features_start_id=1000000000): - examples = read_mrqa_examples(raw_samples) - - def batch_reader(features, batch_size, in_tokens): - batch, total_token_num, max_len = [], 0, 0 - for (index, feature) in enumerate(features): - if phase == 'train': - self.current_train_example = index + 1 - seq_len = len(feature.input_ids) - labels = [feature.unique_id - ] if feature.start_position is None else [ - feature.start_position, feature.end_position - ] - example = [ - feature.input_ids, feature.segment_ids, range(seq_len) - ] + labels - max_len = max(max_len, seq_len) - - #max_len = max(max_len, len(token_ids)) - if in_tokens: - to_append = (len(batch) + 1) * max_len <= batch_size - else: - to_append = len(batch) < batch_size - - if to_append: - batch.append(example) - total_token_num += seq_len - else: - yield batch, total_token_num - batch, total_token_num, max_len = [example - ], seq_len, seq_len - if len(batch) > 0: - yield batch, total_token_num - - features = self.get_features(examples, is_training=False, examples_start_id=examples_start_id, features_start_id=features_start_id) - - all_dev_batches = [] - for batch_data, total_token_num in batch_reader( - features, batch_size, self._in_tokens): - batch_data = prepare_batch_data( - batch_data, - total_token_num, - max_len=max_len, - voc_size=-1, - pad_id=self.pad_id, - cls_id=self.cls_id, - sep_id=self.sep_id, - mask_id=-1, - return_input_mask=True, - return_max_len=False, - return_num_token=False) - all_dev_batches.append(batch_data) - return examples, features, all_dev_batches - - -def get_answers(all_examples, all_features, all_results, n_best_size, - max_answer_length, do_lower_case, - verbose=False): - """Write final predictions to the json file and log-odds of null if needed.""" - - example_index_to_features = collections.defaultdict(list) - for feature in all_features: - example_index_to_features[feature.example_index].append(feature) - - unique_id_to_result = {} - for result in all_results: - unique_id_to_result[result.unique_id] = result - - _PrelimPrediction = collections.namedtuple( # pylint: disable=invalid-name - "PrelimPrediction", [ - "feature_index", "start_index", "end_index", "start_logit", - "end_logit" - ]) - - all_predictions = collections.OrderedDict() - all_nbest_json = collections.OrderedDict() - scores_diff_json = collections.OrderedDict() - - for (example_index, example) in enumerate(all_examples): - features = example_index_to_features[example_index] - - prelim_predictions = [] - # keep track of the minimum score of null start+end of position 0 - score_null = 1000000 # large and positive - min_null_feature_index = 0 # the paragraph slice with min mull score - null_start_logit = 0 # the start logit at the slice with min null score - null_end_logit = 0 # the end logit at the slice with min null score - for (feature_index, feature) in enumerate(features): - result = unique_id_to_result[feature.unique_id] - start_indexes = _get_best_indexes(result.start_logits, n_best_size) - end_indexes = _get_best_indexes(result.end_logits, n_best_size) - # if we could have irrelevant answers, get the min score of irrelevant - for start_index in start_indexes: - for end_index in end_indexes: - # We could hypothetically create invalid predictions, e.g., predict - # that the start of the span is in the question. We throw out all - # invalid predictions. - if start_index >= len(feature.tokens): - continue - if end_index >= len(feature.tokens): - continue - if start_index not in feature.token_to_orig_map: - continue - if end_index not in feature.token_to_orig_map: - continue - if not feature.token_is_max_context.get(start_index, False): - continue - if end_index < start_index: - continue - length = end_index - start_index + 1 - if length > max_answer_length: - continue - prelim_predictions.append( - _PrelimPrediction( - feature_index=feature_index, - start_index=start_index, - end_index=end_index, - start_logit=result.start_logits[start_index], - end_logit=result.end_logits[end_index])) - - prelim_predictions = sorted( - prelim_predictions, - key=lambda x: (x.start_logit + x.end_logit), - reverse=True) - - _NbestPrediction = collections.namedtuple( # pylint: disable=invalid-name - "NbestPrediction", ["text", "start_logit", "end_logit"]) - - seen_predictions = {} - nbest = [] - for pred in prelim_predictions: - if len(nbest) >= n_best_size: - break - feature = features[pred.feature_index] - if pred.start_index > 0: # this is a non-null prediction - tok_tokens = feature.tokens[pred.start_index:(pred.end_index + 1 - )] - orig_doc_start = feature.token_to_orig_map[pred.start_index] - orig_doc_end = feature.token_to_orig_map[pred.end_index] - orig_tokens = example.doc_tokens[orig_doc_start:(orig_doc_end + - 1)] - tok_text = " ".join(tok_tokens) - - # De-tokenize WordPieces that have been split off. - tok_text = tok_text.replace(" ##", "") - tok_text = tok_text.replace("##", "") - - # Clean whitespace - tok_text = tok_text.strip() - tok_text = " ".join(tok_text.split()) - orig_text = " ".join(orig_tokens) - - final_text = get_final_text(tok_text, orig_text, do_lower_case, - verbose) - if final_text in seen_predictions: - continue - - seen_predictions[final_text] = True - else: - final_text = "" - seen_predictions[final_text] = True - - nbest.append( - _NbestPrediction( - text=final_text, - start_logit=pred.start_logit, - end_logit=pred.end_logit)) - - # In very rare edge cases we could have no valid predictions. So we - # just create a nonce prediction in this case to avoid failure. - if not nbest: - nbest.append( - _NbestPrediction( - text="empty", start_logit=0.0, end_logit=0.0)) - - assert len(nbest) >= 1 - - total_scores = [] - best_non_null_entry = None - for entry in nbest: - total_scores.append(entry.start_logit + entry.end_logit) - if not best_non_null_entry: - if entry.text: - best_non_null_entry = entry - # debug - if best_non_null_entry is None: - print("Emmm..., sth wrong") - - probs = _compute_softmax(total_scores) - - nbest_json = [] - for (i, entry) in enumerate(nbest): - output = collections.OrderedDict() - output["text"] = entry.text - output["probability"] = probs[i] - output["start_logit"] = entry.start_logit - output["end_logit"] = entry.end_logit - nbest_json.append(output) - - assert len(nbest_json) >= 1 - - all_predictions[example.qas_id] = nbest_json[0]["text"] - all_nbest_json[example.qas_id] = nbest_json - - return all_predictions, all_nbest_json - - -def get_final_text(pred_text, orig_text, do_lower_case, verbose): - """Project the tokenized prediction back to the original text.""" - - # When we created the data, we kept track of the alignment between original - # (whitespace tokenized) tokens and our WordPiece tokenized tokens. So - # now `orig_text` contains the span of our original text corresponding to the - # span that we predicted. - # - # However, `orig_text` may contain extra characters that we don't want in - # our prediction. - # - # For example, let's say: - # pred_text = steve smith - # orig_text = Steve Smith's - # - # We don't want to return `orig_text` because it contains the extra "'s". - # - # We don't want to return `pred_text` because it's already been normalized - # (the MRQA eval script also does punctuation stripping/lower casing but - # our tokenizer does additional normalization like stripping accent - # characters). - # - # What we really want to return is "Steve Smith". - # - # Therefore, we have to apply a semi-complicated alignment heruistic between - # `pred_text` and `orig_text` to get a character-to-charcter alignment. This - # can fail in certain cases in which case we just return `orig_text`. - - def _strip_spaces(text): - ns_chars = [] - ns_to_s_map = collections.OrderedDict() - for (i, c) in enumerate(text): - if c == " ": - continue - ns_to_s_map[len(ns_chars)] = i - ns_chars.append(c) - ns_text = "".join(ns_chars) - return (ns_text, ns_to_s_map) - - # We first tokenize `orig_text`, strip whitespace from the result - # and `pred_text`, and check if they are the same length. If they are - # NOT the same length, the heuristic has failed. If they are the same - # length, we assume the characters are one-to-one aligned. - tokenizer = tokenization.BasicTokenizer(do_lower_case=do_lower_case) - - tok_text = " ".join(tokenizer.tokenize(orig_text)) - - start_position = tok_text.find(pred_text) - if start_position == -1: - if verbose: - print("Unable to find text: '%s' in '%s'" % (pred_text, orig_text)) - return orig_text - end_position = start_position + len(pred_text) - 1 - - (orig_ns_text, orig_ns_to_s_map) = _strip_spaces(orig_text) - (tok_ns_text, tok_ns_to_s_map) = _strip_spaces(tok_text) - - if len(orig_ns_text) != len(tok_ns_text): - if verbose: - print("Length not equal after stripping spaces: '%s' vs '%s'", - orig_ns_text, tok_ns_text) - return orig_text - - # We then project the characters in `pred_text` back to `orig_text` using - # the character-to-character alignment. - tok_s_to_ns_map = {} - for (i, tok_index) in six.iteritems(tok_ns_to_s_map): - tok_s_to_ns_map[tok_index] = i - - orig_start_position = None - if start_position in tok_s_to_ns_map: - ns_start_position = tok_s_to_ns_map[start_position] - if ns_start_position in orig_ns_to_s_map: - orig_start_position = orig_ns_to_s_map[ns_start_position] - - if orig_start_position is None: - if verbose: - print("Couldn't map start position") - return orig_text - - orig_end_position = None - if end_position in tok_s_to_ns_map: - ns_end_position = tok_s_to_ns_map[end_position] - if ns_end_position in orig_ns_to_s_map: - orig_end_position = orig_ns_to_s_map[ns_end_position] - - if orig_end_position is None: - if verbose: - print("Couldn't map end position") - return orig_text - - output_text = orig_text[orig_start_position:(orig_end_position + 1)] - return output_text - - -def _get_best_indexes(logits, n_best_size): - """Get the n-best logits from a list.""" - index_and_score = sorted( - enumerate(logits), key=lambda x: x[1], reverse=True) - - best_indexes = [] - for i in range(len(index_and_score)): - if i >= n_best_size: - break - best_indexes.append(index_and_score[i][0]) - return best_indexes - - -def _compute_softmax(scores): - """Compute softmax probability over raw logits.""" - if not scores: - return [] - - max_score = None - for score in scores: - if max_score is None or score > max_score: - max_score = score - - exp_scores = [] - total_sum = 0.0 - for score in scores: - x = math.exp(score - max_score) - exp_scores.append(x) - total_sum += x - - probs = [] - for score in exp_scores: - probs.append(score / total_sum) - return probs - - -if __name__ == '__main__': - train_file = 'data/mrqa-combined.all_dev.raw.json' - vocab_file = 'uncased_L-12_H-768_A-12/vocab.txt' - do_lower_case = True - tokenizer = tokenization.FullTokenizer( - vocab_file=vocab_file, do_lower_case=do_lower_case) - train_examples = read_mrqa_examples( - input_file=train_file, is_training=True) - print("begin converting") - for (index, feature) in enumerate( - convert_examples_to_features( - examples=train_examples, - tokenizer=tokenizer, - max_seq_length=384, - doc_stride=128, - max_query_length=64, - is_training=True, - #output_fn=train_writer.process_feature - )): - if index < 10: - print(index, feature.input_ids, feature.input_mask, - feature.segment_ids) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/task_reader/tokenization.py b/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/task_reader/tokenization.py deleted file mode 100644 index 59e035d92cb776f32be20360532b8c18c9b801e5..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/bert_server/task_reader/tokenization.py +++ /dev/null @@ -1,374 +0,0 @@ -# coding=utf-8 -# Copyright 2018 The Google AI Language Team Authors. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Tokenization classes.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import collections -import unicodedata -import six - - -def convert_to_unicode(text): - """Converts `text` to Unicode (if it's not already), assuming utf-8 input.""" - if six.PY3: - if isinstance(text, str): - return text - elif isinstance(text, bytes): - return text.decode("utf-8", "ignore") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - elif six.PY2: - if isinstance(text, str): - return text.decode("utf-8", "ignore") - elif isinstance(text, unicode): - return text - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - else: - raise ValueError("Not running on Python2 or Python 3?") - - -def printable_text(text): - """Returns text encoded in a way suitable for print or `tf.logging`.""" - - # These functions want `str` for both Python2 and Python3, but in one case - # it's a Unicode string and in the other it's a byte string. - if six.PY3: - if isinstance(text, str): - return text - elif isinstance(text, bytes): - return text.decode("utf-8", "ignore") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - elif six.PY2: - if isinstance(text, str): - return text - elif isinstance(text, unicode): - return text.encode("utf-8") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - else: - raise ValueError("Not running on Python2 or Python 3?") - - -def load_vocab(vocab_file): - """Loads a vocabulary file into a dictionary.""" - vocab = collections.OrderedDict() - fin = open(vocab_file) - for num, line in enumerate(fin): - items = convert_to_unicode(line.strip()).split("\t") - if len(items) > 2: - break - token = items[0] - index = items[1] if len(items) == 2 else num - token = token.strip() - vocab[token] = int(index) - return vocab - - -def convert_by_vocab(vocab, items): - """Converts a sequence of [tokens|ids] using the vocab.""" - output = [] - for item in items: - output.append(vocab[item]) - return output - - -def convert_tokens_to_ids(vocab, tokens): - return convert_by_vocab(vocab, tokens) - - -def convert_ids_to_tokens(inv_vocab, ids): - return convert_by_vocab(inv_vocab, ids) - - -def whitespace_tokenize(text): - """Runs basic whitespace cleaning and splitting on a peice of text.""" - text = text.strip() - if not text: - return [] - tokens = text.split() - return tokens - - -class FullTokenizer(object): - """Runs end-to-end tokenziation.""" - - def __init__(self, vocab_file, do_lower_case=True): - self.vocab = load_vocab(vocab_file) - self.inv_vocab = {v: k for k, v in self.vocab.items()} - self.basic_tokenizer = BasicTokenizer(do_lower_case=do_lower_case) - self.wordpiece_tokenizer = WordpieceTokenizer(vocab=self.vocab) - - def tokenize(self, text): - split_tokens = [] - for token in self.basic_tokenizer.tokenize(text): - for sub_token in self.wordpiece_tokenizer.tokenize(token): - split_tokens.append(sub_token) - - return split_tokens - - def convert_tokens_to_ids(self, tokens): - return convert_by_vocab(self.vocab, tokens) - - def convert_ids_to_tokens(self, ids): - return convert_by_vocab(self.inv_vocab, ids) - - -class CharTokenizer(object): - """Runs end-to-end tokenziation.""" - - def __init__(self, vocab_file, do_lower_case=True): - self.vocab = load_vocab(vocab_file) - self.inv_vocab = {v: k for k, v in self.vocab.items()} - self.wordpiece_tokenizer = WordpieceTokenizer(vocab=self.vocab) - - def tokenize(self, text): - split_tokens = [] - for token in text.lower().split(" "): - for sub_token in self.wordpiece_tokenizer.tokenize(token): - split_tokens.append(sub_token) - - return split_tokens - - def convert_tokens_to_ids(self, tokens): - return convert_by_vocab(self.vocab, tokens) - - def convert_ids_to_tokens(self, ids): - return convert_by_vocab(self.inv_vocab, ids) - - -class BasicTokenizer(object): - """Runs basic tokenization (punctuation splitting, lower casing, etc.).""" - - def __init__(self, do_lower_case=True): - """Constructs a BasicTokenizer. - - Args: - do_lower_case: Whether to lower case the input. - """ - self.do_lower_case = do_lower_case - self._never_lowercase = ['[UNK]', '[SEP]', '[PAD]', '[CLS]', '[MASK]'] - - def tokenize(self, text): - """Tokenizes a piece of text.""" - text = convert_to_unicode(text) - text = self._clean_text(text) - - # This was added on November 1st, 2018 for the multilingual and Chinese - # models. This is also applied to the English models now, but it doesn't - # matter since the English models were not trained on any Chinese data - # and generally don't have any Chinese data in them (there are Chinese - # characters in the vocabulary because Wikipedia does have some Chinese - # words in the English Wikipedia.). - text = self._tokenize_chinese_chars(text) - - orig_tokens = whitespace_tokenize(text) - split_tokens = [] - for token in orig_tokens: - if self.do_lower_case and token not in self._never_lowercase: - token = token.lower() - token = self._run_strip_accents(token) - if token in self._never_lowercase: - split_tokens.extend([token]) - else: - split_tokens.extend(self._run_split_on_punc(token)) - - output_tokens = whitespace_tokenize(" ".join(split_tokens)) - return output_tokens - - def _run_strip_accents(self, text): - """Strips accents from a piece of text.""" - text = unicodedata.normalize("NFD", text) - output = [] - for char in text: - cat = unicodedata.category(char) - if cat == "Mn": - continue - output.append(char) - return "".join(output) - - def _run_split_on_punc(self, text): - """Splits punctuation on a piece of text.""" - chars = list(text) - i = 0 - start_new_word = True - output = [] - while i < len(chars): - char = chars[i] - if _is_punctuation(char): - output.append([char]) - start_new_word = True - else: - if start_new_word: - output.append([]) - start_new_word = False - output[-1].append(char) - i += 1 - - return ["".join(x) for x in output] - - def _tokenize_chinese_chars(self, text): - """Adds whitespace around any CJK character.""" - output = [] - for char in text: - cp = ord(char) - if self._is_chinese_char(cp): - output.append(" ") - output.append(char) - output.append(" ") - else: - output.append(char) - return "".join(output) - - def _is_chinese_char(self, cp): - """Checks whether CP is the codepoint of a CJK character.""" - # This defines a "chinese character" as anything in the CJK Unicode block: - # https://en.wikipedia.org/wiki/CJK_Unified_Ideographs_(Unicode_block) - # - # Note that the CJK Unicode block is NOT all Japanese and Korean characters, - # despite its name. The modern Korean Hangul alphabet is a different block, - # as is Japanese Hiragana and Katakana. Those alphabets are used to write - # space-separated words, so they are not treated specially and handled - # like the all of the other languages. - if ((cp >= 0x4E00 and cp <= 0x9FFF) or # - (cp >= 0x3400 and cp <= 0x4DBF) or # - (cp >= 0x20000 and cp <= 0x2A6DF) or # - (cp >= 0x2A700 and cp <= 0x2B73F) or # - (cp >= 0x2B740 and cp <= 0x2B81F) or # - (cp >= 0x2B820 and cp <= 0x2CEAF) or - (cp >= 0xF900 and cp <= 0xFAFF) or # - (cp >= 0x2F800 and cp <= 0x2FA1F)): # - return True - - return False - - def _clean_text(self, text): - """Performs invalid character removal and whitespace cleanup on text.""" - output = [] - for char in text: - cp = ord(char) - if cp == 0 or cp == 0xfffd or _is_control(char): - continue - if _is_whitespace(char): - output.append(" ") - else: - output.append(char) - return "".join(output) - - -class WordpieceTokenizer(object): - """Runs WordPiece tokenziation.""" - - def __init__(self, vocab, unk_token="[UNK]", max_input_chars_per_word=100): - self.vocab = vocab - self.unk_token = unk_token - self.max_input_chars_per_word = max_input_chars_per_word - - def tokenize(self, text): - """Tokenizes a piece of text into its word pieces. - - This uses a greedy longest-match-first algorithm to perform tokenization - using the given vocabulary. - - For example: - input = "unaffable" - output = ["un", "##aff", "##able"] - - Args: - text: A single token or whitespace separated tokens. This should have - already been passed through `BasicTokenizer. - - Returns: - A list of wordpiece tokens. - """ - - text = convert_to_unicode(text) - - output_tokens = [] - for token in whitespace_tokenize(text): - chars = list(token) - if len(chars) > self.max_input_chars_per_word: - output_tokens.append(self.unk_token) - continue - - is_bad = False - start = 0 - sub_tokens = [] - while start < len(chars): - end = len(chars) - cur_substr = None - while start < end: - substr = "".join(chars[start:end]) - if start > 0: - substr = "##" + substr - if substr in self.vocab: - cur_substr = substr - break - end -= 1 - if cur_substr is None: - is_bad = True - break - sub_tokens.append(cur_substr) - start = end - - if is_bad: - output_tokens.append(self.unk_token) - else: - output_tokens.extend(sub_tokens) - return output_tokens - - -def _is_whitespace(char): - """Checks whether `chars` is a whitespace character.""" - # \t, \n, and \r are technically contorl characters but we treat them - # as whitespace since they are generally considered as such. - if char == " " or char == "\t" or char == "\n" or char == "\r": - return True - cat = unicodedata.category(char) - if cat == "Zs": - return True - return False - - -def _is_control(char): - """Checks whether `chars` is a control character.""" - # These are technically control characters but we count them as whitespace - # characters. - if char == "\t" or char == "\n" or char == "\r": - return False - cat = unicodedata.category(char) - if cat.startswith("C"): - return True - return False - - -def _is_punctuation(char): - """Checks whether `chars` is a punctuation character.""" - cp = ord(char) - # We treat all non-letter/number ASCII as punctuation. - # Characters such as "^", "$", and "`" are not in the Unicode - # Punctuation class but we treat them as punctuation anyways, for - # consistency. - if ((cp >= 33 and cp <= 47) or (cp >= 58 and cp <= 64) or - (cp >= 91 and cp <= 96) or (cp >= 123 and cp <= 126)): - return True - cat = unicodedata.category(char) - if cat.startswith("P"): - return True - return False diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/client/client.py b/PaddleNLP/Research/MRQA2019-D-NET/server/client/client.py deleted file mode 100644 index a72fb266389d5c29d5e20436fe24093c74c6db93..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/client/client.py +++ /dev/null @@ -1,43 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -""" -Query the MRQA model server to generate predictions. -""" -import argparse -import json -import requests -import time - - -if __name__ == '__main__': - parse = argparse.ArgumentParser("") - parse.add_argument("dataset") - parse.add_argument("output_file") - parse.add_argument("port", type=int) - args = parse.parse_args() - - all_predictions = {} - contexts = [] - f = open(args.dataset) - for example in f: - context = json.loads(example) - if 'header' in context: - continue - contexts.append(context) - f.close() - - results = {} - cnt = 0 - for context in contexts: - cnt += 1 - start = time.time() - pred = requests.post('http://127.0.0.1:%d' % args.port, json=context) - result = pred.json() - results.update(result) - end=time.time() - print('----- request cnt: {}, time elapsed: {:.2f} ms -----'.format(cnt, (end - start)*1000)) - for qid, answer in result.items(): - print('{}: {}'.format(qid, answer.encode('utf-8'))) - with open(args.output_file,'w') as f: - json.dump(results, f, indent=1) - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/client/demo.txt b/PaddleNLP/Research/MRQA2019-D-NET/server/client/demo.txt deleted file mode 100644 index 3a45c97ec829bebd4ac3468ae4107012024d24fd..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/client/demo.txt +++ /dev/null @@ -1,10 +0,0 @@ -{"id": "", "context": "Super Bowl 50 was an American football game to determine the champion of the National Football League (NFL) for the 2015 season. The American Football Conference (AFC) champion Denver Broncos defeated the National Football Conference (NFC) champion Carolina Panthers 24\u201310 to earn their third Super Bowl title. The game was played on February 7, 2016, at Levi's Stadium in the San Francisco Bay Area at Santa Clara, California. As this was the 50th Super Bowl, the league emphasized the \"golden anniversary\" with various gold-themed initiatives, as well as temporarily suspending the tradition of naming each Super Bowl game with Roman numerals (under which the game would have been known as \"Super Bowl L\"), so that the logo could prominently feature the Arabic numerals 50.", "qas": [{"answers": ["Denver Broncos", "Denver Broncos", "Denver Broncos"], "question": "Which NFL team represented the AFC at Super Bowl 50?", "id": "56be4db0acb8001400a502ec", "qid": "b0626b3af0764c80b1e6f22c114982c1", "question_tokens": [["Which", 0], ["NFL", 6], ["team", 10], ["represented", 15], ["the", 27], ["AFC", 31], ["at", 35], ["Super", 38], ["Bowl", 44], ["50", 49], ["?", 51]], "detected_answers": [{"text": "Denver Broncos", "char_spans": [[177, 190]], "token_spans": [[33, 34]]}]}, {"answers": ["Carolina Panthers", "Carolina Panthers", "Carolina Panthers"], "question": "Which NFL team represented the NFC at Super Bowl 50?", "id": "56be4db0acb8001400a502ed", "qid": "8d96e9feff464a52a15e192b1dc9ed01", "question_tokens": [["Which", 0], ["NFL", 6], ["team", 10], ["represented", 15], ["the", 27], ["NFC", 31], ["at", 35], ["Super", 38], ["Bowl", 44], ["50", 49], ["?", 51]], "detected_answers": [{"text": "Carolina Panthers", "char_spans": [[249, 265]], "token_spans": [[44, 45]]}]}, {"answers": ["Santa Clara, California", "Levi's Stadium", "Levi's Stadium in the San Francisco Bay Area at Santa Clara, California."], "question": "Where did Super Bowl 50 take place?", "id": "56be4db0acb8001400a502ee", "qid": "190fdfbc068243a7a04eb3ed59808db8", "question_tokens": [["Where", 0], ["did", 6], ["Super", 10], ["Bowl", 16], ["50", 21], ["take", 24], ["place", 29], ["?", 34]], "detected_answers": [{"text": "Levi's Stadium in the San Francisco Bay Area at Santa Clara, California.", "char_spans": [[355, 426]], "token_spans": [[66, 80]]}]}, {"answers": ["Denver Broncos", "Denver Broncos", "Denver Broncos"], "question": "Which NFL team won Super Bowl 50?", "id": "56be4db0acb8001400a502ef", "qid": "e8d4a7478ed5439fa55c2660267bcaa1", "question_tokens": [["Which", 0], ["NFL", 6], ["team", 10], ["won", 15], ["Super", 19], ["Bowl", 25], ["50", 30], ["?", 32]], "detected_answers": [{"text": "Denver Broncos", "char_spans": [[177, 190]], "token_spans": [[33, 34]]}]}, {"answers": ["gold", "gold", "gold"], "question": "What color was used to emphasize the 50th anniversary of the Super Bowl?", "id": "56be4db0acb8001400a502f0", "qid": "74019130542f49e184d733607e565a68", "question_tokens": [["What", 0], ["color", 5], ["was", 11], ["used", 15], ["to", 20], ["emphasize", 23], ["the", 33], ["50th", 37], ["anniversary", 42], ["of", 54], ["the", 57], ["Super", 61], ["Bowl", 67], ["?", 71]], "detected_answers": [{"text": "gold", "char_spans": [[521, 524]], "token_spans": [[99, 99]]}]}, {"answers": ["\"golden anniversary\"", "gold-themed", "\"golden anniversary"], "question": "What was the theme of Super Bowl 50?", "id": "56be8e613aeaaa14008c90d1", "qid": "3729174743f74ed58aa64cb7c7dbc7b3", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["theme", 13], ["of", 19], ["Super", 22], ["Bowl", 28], ["50", 33], ["?", 35]], "detected_answers": [{"text": "\"golden anniversary", "char_spans": [[487, 505]], "token_spans": [[93, 95]]}]}, {"answers": ["February 7, 2016", "February 7", "February 7, 2016"], "question": "What day was the game played on?", "id": "56be8e613aeaaa14008c90d2", "qid": "cc75a31d588842848d9890cafe092dec", "question_tokens": [["What", 0], ["day", 5], ["was", 9], ["the", 13], ["game", 17], ["played", 22], ["on", 29], ["?", 31]], "detected_answers": [{"text": "February 7, 2016", "char_spans": [[334, 349]], "token_spans": [[60, 63]]}]}, {"answers": ["American Football Conference", "American Football Conference", "American Football Conference"], "question": "What is the AFC short for?", "id": "56be8e613aeaaa14008c90d3", "qid": "7c1424bfa53a4de28c3ec91adfbfe4ab", "question_tokens": [["What", 0], ["is", 5], ["the", 8], ["AFC", 12], ["short", 16], ["for", 22], ["?", 25]], "detected_answers": [{"text": "American Football Conference", "char_spans": [[133, 160]], "token_spans": [[26, 28]]}]}, {"answers": ["\"golden anniversary\"", "gold-themed", "gold"], "question": "What was the theme of Super Bowl 50?", "id": "56bea9923aeaaa14008c91b9", "qid": "78a00c316d9e40e69711a9b5c7a932a0", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["theme", 13], ["of", 19], ["Super", 22], ["Bowl", 28], ["50", 33], ["?", 35]], "detected_answers": [{"text": "gold", "char_spans": [[521, 524]], "token_spans": [[99, 99]]}]}, {"answers": ["American Football Conference", "American Football Conference", "American Football Conference"], "question": "What does AFC stand for?", "id": "56bea9923aeaaa14008c91ba", "qid": "1ef03938ae3848798b701dd4dbb30bd9", "question_tokens": [["What", 0], ["does", 5], ["AFC", 10], ["stand", 14], ["for", 20], ["?", 23]], "detected_answers": [{"text": "American Football Conference", "char_spans": [[133, 160]], "token_spans": [[26, 28]]}]}, {"answers": ["February 7, 2016", "February 7", "February 7, 2016"], "question": "What day was the Super Bowl played on?", "id": "56bea9923aeaaa14008c91bb", "qid": "cfd440704eee420b9fdf92725a6cdb64", "question_tokens": [["What", 0], ["day", 5], ["was", 9], ["the", 13], ["Super", 17], ["Bowl", 23], ["played", 28], ["on", 35], ["?", 37]], "detected_answers": [{"text": "February 7, 2016", "char_spans": [[334, 349]], "token_spans": [[60, 63]]}]}, {"answers": ["Denver Broncos", "Denver Broncos", "Denver Broncos"], "question": "Who won Super Bowl 50?", "id": "56beace93aeaaa14008c91df", "qid": "ca4749d3d0204f418fbfbaa52a1d9ece", "question_tokens": [["Who", 0], ["won", 4], ["Super", 8], ["Bowl", 14], ["50", 19], ["?", 21]], "detected_answers": [{"text": "Denver Broncos", "char_spans": [[177, 190]], "token_spans": [[33, 34]]}]}, {"answers": ["Levi's Stadium", "Levi's Stadium", "Levi's Stadium in the San Francisco Bay Area at Santa Clara"], "question": "What venue did Super Bowl 50 take place in?", "id": "56beace93aeaaa14008c91e0", "qid": "c2c7e5d3fb87437c80d863d91f8a4e21", "question_tokens": [["What", 0], ["venue", 5], ["did", 11], ["Super", 15], ["Bowl", 21], ["50", 26], ["take", 29], ["place", 34], ["in", 40], ["?", 42]], "detected_answers": [{"text": "Levi's Stadium in the San Francisco Bay Area at Santa Clara", "char_spans": [[355, 413]], "token_spans": [[66, 77]]}]}, {"answers": ["Santa Clara", "Santa Clara", "Santa Clara"], "question": "What city did Super Bowl 50 take place in?", "id": "56beace93aeaaa14008c91e1", "qid": "643b4c1ef1644d18bf6866d95f24f900", "question_tokens": [["What", 0], ["city", 5], ["did", 10], ["Super", 14], ["Bowl", 20], ["50", 25], ["take", 28], ["place", 33], ["in", 39], ["?", 41]], "detected_answers": [{"text": "Santa Clara", "char_spans": [[403, 413]], "token_spans": [[76, 77]]}]}, {"answers": ["Super Bowl L", "L", "Super Bowl L"], "question": "If Roman numerals were used, what would Super Bowl 50 have been called?", "id": "56beace93aeaaa14008c91e2", "qid": "fad596c3f0e944abae33bf99ceccfbd6", "question_tokens": [["If", 0], ["Roman", 3], ["numerals", 9], ["were", 18], ["used", 23], [",", 27], ["what", 29], ["would", 34], ["Super", 40], ["Bowl", 46], ["50", 51], ["have", 54], ["been", 59], ["called", 64], ["?", 70]], "detected_answers": [{"text": "Super Bowl L", "char_spans": [[693, 704]], "token_spans": [[131, 133]]}]}, {"answers": ["2015", "the 2015 season", "2015"], "question": "Super Bowl 50 decided the NFL champion for what season?", "id": "56beace93aeaaa14008c91e3", "qid": "97f0c1c69a694cc8bc9edd41dd4c42be", "question_tokens": [["Super", 0], ["Bowl", 6], ["50", 11], ["decided", 14], ["the", 22], ["NFL", 26], ["champion", 30], ["for", 39], ["what", 43], ["season", 48], ["?", 54]], "detected_answers": [{"text": "2015", "char_spans": [[116, 119]], "token_spans": [[22, 22]]}]}, {"answers": ["2015", "2016", "2015"], "question": "What year did the Denver Broncos secure a Super Bowl title for the third time?", "id": "56bf10f43aeaaa14008c94fd", "qid": "d14fc2f7c07e4729a02888b4ee4c400c", "question_tokens": [["What", 0], ["year", 5], ["did", 10], ["the", 14], ["Denver", 18], ["Broncos", 25], ["secure", 33], ["a", 40], ["Super", 42], ["Bowl", 48], ["title", 53], ["for", 59], ["the", 63], ["third", 67], ["time", 73], ["?", 77]], "detected_answers": [{"text": "2015", "char_spans": [[116, 119]], "token_spans": [[22, 22]]}]}, {"answers": ["Santa Clara", "Santa Clara", "Santa Clara"], "question": "What city did Super Bowl 50 take place in?", "id": "56bf10f43aeaaa14008c94fe", "qid": "4297cde9c23a4105998937901a7fd3f6", "question_tokens": [["What", 0], ["city", 5], ["did", 10], ["Super", 14], ["Bowl", 20], ["50", 25], ["take", 28], ["place", 33], ["in", 39], ["?", 41]], "detected_answers": [{"text": "Santa Clara", "char_spans": [[403, 413]], "token_spans": [[76, 77]]}]}, {"answers": ["Levi's Stadium", "Levi's Stadium", "Levi's Stadium"], "question": "What stadium did Super Bowl 50 take place in?", "id": "56bf10f43aeaaa14008c94ff", "qid": "da8f425e541a46c19be04738f41097b3", "question_tokens": [["What", 0], ["stadium", 5], ["did", 13], ["Super", 17], ["Bowl", 23], ["50", 28], ["take", 31], ["place", 36], ["in", 42], ["?", 44]], "detected_answers": [{"text": "Levi's Stadium", "char_spans": [[355, 368]], "token_spans": [[66, 68]]}]}, {"answers": ["24\u201310", "24\u201310", "24\u201310"], "question": "What was the final score of Super Bowl 50? ", "id": "56bf10f43aeaaa14008c9500", "qid": "f944d4b2519b43e4a3dd13dda85495fc", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["final", 13], ["score", 19], ["of", 25], ["Super", 28], ["Bowl", 34], ["50", 39], ["?", 41]], "detected_answers": [{"text": "24\u201310", "char_spans": [[267, 271]], "token_spans": [[46, 46]]}]}, {"answers": ["February 7, 2016", "February 7, 2016", "February 7, 2016"], "question": "What month, day and year did Super Bowl 50 take place? ", "id": "56bf10f43aeaaa14008c9501", "qid": "adff197d69764b7fbe2a6ebaae075df4", "question_tokens": [["What", 0], ["month", 5], [",", 10], ["day", 12], ["and", 16], ["year", 20], ["did", 25], ["Super", 29], ["Bowl", 35], ["50", 40], ["take", 43], ["place", 48], ["?", 53]], "detected_answers": [{"text": "February 7, 2016", "char_spans": [[334, 349]], "token_spans": [[60, 63]]}]}, {"answers": ["2015", "2016", "2016"], "question": "What year was Super Bowl 50?", "id": "56d20362e7d4791d009025e8", "qid": "c5187d183b494ccf969a15cd0c3039e2", "question_tokens": [["What", 0], ["year", 5], ["was", 10], ["Super", 14], ["Bowl", 20], ["50", 25], ["?", 27]], "detected_answers": [{"text": "2016", "char_spans": [[346, 349]], "token_spans": [[63, 63]]}]}, {"answers": ["Denver Broncos", "Denver Broncos", "Denver Broncos"], "question": "What team was the AFC champion?", "id": "56d20362e7d4791d009025e9", "qid": "6288b96ce9944dc1b391ff08b6bd8386", "question_tokens": [["What", 0], ["team", 5], ["was", 10], ["the", 14], ["AFC", 18], ["champion", 22], ["?", 30]], "detected_answers": [{"text": "Denver Broncos", "char_spans": [[177, 190]], "token_spans": [[33, 34]]}]}, {"answers": ["Carolina Panthers", "Carolina Panthers", "Carolina Panthers"], "question": "What team was the NFC champion?", "id": "56d20362e7d4791d009025ea", "qid": "80edad8dc6254bd680100e36be2cfa98", "question_tokens": [["What", 0], ["team", 5], ["was", 10], ["the", 14], ["NFC", 18], ["champion", 22], ["?", 30]], "detected_answers": [{"text": "Carolina Panthers", "char_spans": [[249, 265]], "token_spans": [[44, 45]]}]}, {"answers": ["Denver Broncos", "Denver Broncos", "Denver Broncos"], "question": "Who won Super Bowl 50?", "id": "56d20362e7d4791d009025eb", "qid": "556c5788c4574cc78d53a241004c4e93", "question_tokens": [["Who", 0], ["won", 4], ["Super", 8], ["Bowl", 14], ["50", 19], ["?", 21]], "detected_answers": [{"text": "Denver Broncos", "char_spans": [[177, 190]], "token_spans": [[33, 34]]}]}, {"answers": ["2015", "the 2015 season", "2015"], "question": "Super Bowl 50 determined the NFL champion for what season?", "id": "56d600e31c85041400946eae", "qid": "18d7493cca8a44db945ff16a2949e26d", "question_tokens": [["Super", 0], ["Bowl", 6], ["50", 11], ["determined", 14], ["the", 25], ["NFL", 29], ["champion", 33], ["for", 42], ["what", 46], ["season", 51], ["?", 57]], "detected_answers": [{"text": "2015", "char_spans": [[116, 119]], "token_spans": [[22, 22]]}]}, {"answers": ["Denver Broncos", "Denver Broncos", "Denver Broncos"], "question": "Which team won Super Bowl 50.", "id": "56d600e31c85041400946eb0", "qid": "6392df5f107a4acf9d96321f1e0c177d", "question_tokens": [["Which", 0], ["team", 6], ["won", 11], ["Super", 15], ["Bowl", 21], ["50", 26], [".", 28]], "detected_answers": [{"text": "Denver Broncos", "char_spans": [[177, 190]], "token_spans": [[33, 34]]}]}, {"answers": ["Santa Clara, California.", "Levi's Stadium", "Levi's Stadium"], "question": "Where was Super Bowl 50 held?", "id": "56d600e31c85041400946eb1", "qid": "81485c83e23a45448e2b9d31a679d73b", "question_tokens": [["Where", 0], ["was", 6], ["Super", 10], ["Bowl", 16], ["50", 21], ["held", 24], ["?", 28]], "detected_answers": [{"text": "Levi's Stadium", "char_spans": [[355, 368]], "token_spans": [[66, 68]]}]}, {"answers": ["Super Bowl", "Super Bowl", "Super Bowl"], "question": "The name of the NFL championship game is?", "id": "56d9895ddc89441400fdb50e", "qid": "5668cdd5c25b4549856d628a3ec248d9", "question_tokens": [["The", 0], ["name", 4], ["of", 9], ["the", 12], ["NFL", 16], ["championship", 20], ["game", 33], ["is", 38], ["?", 40]], "detected_answers": [{"text": "Super Bowl", "token_spans": [[0, 1], [86, 87], [51, 52], [114, 115], [131, 132]], "char_spans": [[0, 9], [449, 458], [293, 302], [609, 618], [693, 702]]}]}, {"answers": ["Denver Broncos", "Denver Broncos", "Denver Broncos"], "question": "What 2015 NFL team one the AFC playoff?", "id": "56d9895ddc89441400fdb510", "qid": "52d6568dd0b74a99866cad2599161a4a", "question_tokens": [["What", 0], ["2015", 5], ["NFL", 10], ["team", 14], ["one", 19], ["the", 23], ["AFC", 27], ["playoff", 31], ["?", 38]], "detected_answers": [{"text": "Denver Broncos", "char_spans": [[177, 190]], "token_spans": [[33, 34]]}]}], "context_tokens": [["Super", 0], ["Bowl", 6], ["50", 11], ["was", 14], ["an", 18], ["American", 21], ["football", 30], ["game", 39], ["to", 44], ["determine", 47], ["the", 57], ["champion", 61], ["of", 70], ["the", 73], ["National", 77], ["Football", 86], ["League", 95], ["(", 102], ["NFL", 103], [")", 106], ["for", 108], ["the", 112], ["2015", 116], ["season", 121], [".", 127], ["The", 129], ["American", 133], ["Football", 142], ["Conference", 151], ["(", 162], ["AFC", 163], [")", 166], ["champion", 168], ["Denver", 177], ["Broncos", 184], ["defeated", 192], ["the", 201], ["National", 205], ["Football", 214], ["Conference", 223], ["(", 234], ["NFC", 235], [")", 238], ["champion", 240], ["Carolina", 249], ["Panthers", 258], ["24\u201310", 267], ["to", 273], ["earn", 276], ["their", 281], ["third", 287], ["Super", 293], ["Bowl", 299], ["title", 304], [".", 309], ["The", 311], ["game", 315], ["was", 320], ["played", 324], ["on", 331], ["February", 334], ["7", 343], [",", 344], ["2016", 346], [",", 350], ["at", 352], ["Levi", 355], ["'s", 359], ["Stadium", 362], ["in", 370], ["the", 373], ["San", 377], ["Francisco", 381], ["Bay", 391], ["Area", 395], ["at", 400], ["Santa", 403], ["Clara", 409], [",", 414], ["California", 416], [".", 426], ["As", 428], ["this", 431], ["was", 436], ["the", 440], ["50th", 444], ["Super", 449], ["Bowl", 455], [",", 459], ["the", 461], ["league", 465], ["emphasized", 472], ["the", 483], ["\"", 487], ["golden", 488], ["anniversary", 495], ["\"", 506], ["with", 508], ["various", 513], ["gold", 521], ["-", 525], ["themed", 526], ["initiatives", 533], [",", 544], ["as", 546], ["well", 549], ["as", 554], ["temporarily", 557], ["suspending", 569], ["the", 580], ["tradition", 584], ["of", 594], ["naming", 597], ["each", 604], ["Super", 609], ["Bowl", 615], ["game", 620], ["with", 625], ["Roman", 630], ["numerals", 636], ["(", 645], ["under", 646], ["which", 652], ["the", 658], ["game", 662], ["would", 667], ["have", 673], ["been", 678], ["known", 683], ["as", 689], ["\"", 692], ["Super", 693], ["Bowl", 699], ["L", 704], ["\"", 705], [")", 706], [",", 707], ["so", 709], ["that", 712], ["the", 717], ["logo", 721], ["could", 726], ["prominently", 732], ["feature", 744], ["the", 752], ["Arabic", 756], ["numerals", 763], ["50", 772], [".", 774]]} -{"id": "", "context": "The Broncos took an early lead in Super Bowl 50 and never trailed. Newton was limited by Denver's defense, which sacked him seven times and forced him into three turnovers, including a fumble which they recovered for a touchdown. Denver linebacker Von Miller was named Super Bowl MVP, recording five solo tackles, 2\u00bd sacks, and two forced fumbles.", "qas": [{"answers": ["Von Miller", "Von Miller", "Miller"], "question": "Who was the Super Bowl 50 MVP?", "id": "56be4eafacb8001400a50302", "qid": "fd7bfb38f688441087d80a0351b57a67", "question_tokens": [["Who", 0], ["was", 4], ["the", 8], ["Super", 12], ["Bowl", 18], ["50", 23], ["MVP", 26], ["?", 29]], "detected_answers": [{"text": "Miller", "char_spans": [[252, 257]], "token_spans": [[47, 47]]}]}, {"answers": ["2", "two", "two"], "question": "How many fumbles did Von Miller force in Super Bowl 50?", "id": "56be4eafacb8001400a50303", "qid": "5b79e7b38c4144318840802650a9dad7", "question_tokens": [["How", 0], ["many", 4], ["fumbles", 9], ["did", 17], ["Von", 21], ["Miller", 25], ["force", 32], ["in", 38], ["Super", 41], ["Bowl", 47], ["50", 52], ["?", 54]], "detected_answers": [{"text": "two", "char_spans": [[328, 330]], "token_spans": [[63, 63]]}]}, {"answers": ["Broncos", "The Broncos", "Broncos"], "question": "Which team held the scoring lead throughout the entire game?", "id": "56be4eafacb8001400a50304", "qid": "8eb67b9ad5dc44d0b807662d713368df", "question_tokens": [["Which", 0], ["team", 6], ["held", 11], ["the", 16], ["scoring", 20], ["lead", 28], ["throughout", 33], ["the", 44], ["entire", 48], ["game", 55], ["?", 59]], "detected_answers": [{"text": "Broncos", "char_spans": [[4, 10]], "token_spans": [[1, 1]]}]}, {"answers": ["linebacker Von Miller", "Von Miller", "Miller"], "question": "Which Denver linebacker was named Super Bowl MVP?", "id": "56beab833aeaaa14008c91d2", "qid": "bfa155f66d054ed8a2bd324ffd07f306", "question_tokens": [["Which", 0], ["Denver", 6], ["linebacker", 13], ["was", 24], ["named", 28], ["Super", 34], ["Bowl", 40], ["MVP", 45], ["?", 48]], "detected_answers": [{"text": "Miller", "char_spans": [[252, 257]], "token_spans": [[47, 47]]}]}, {"answers": ["five solo tackles", "five", "five"], "question": "How many solo tackles did Von Miller make at Super Bowl 50?", "id": "56beab833aeaaa14008c91d3", "qid": "52db8fd9a50a405286d50511f0cbdc01", "question_tokens": [["How", 0], ["many", 4], ["solo", 9], ["tackles", 14], ["did", 22], ["Von", 26], ["Miller", 30], ["make", 37], ["at", 42], ["Super", 45], ["Bowl", 51], ["50", 56], ["?", 58]], "detected_answers": [{"text": "five", "char_spans": [[295, 298]], "token_spans": [[55, 55]]}]}, {"answers": ["Newton was limited by Denver's defense", "Newton", "Newton"], "question": "Who was limited by Denver's defense?", "id": "56beab833aeaaa14008c91d4", "qid": "aa128287be4c4c259f508edb9cf10649", "question_tokens": [["Who", 0], ["was", 4], ["limited", 8], ["by", 16], ["Denver", 19], ["'s", 25], ["defense", 28], ["?", 35]], "detected_answers": [{"text": "Newton", "char_spans": [[67, 72]], "token_spans": [[14, 14]]}]}, {"answers": ["seven", "seven", "seven"], "question": "How many times was Cam Newton sacked?", "id": "56beae423aeaaa14008c91f4", "qid": "346105c83f374c7d850fc3851add1c0e", "question_tokens": [["How", 0], ["many", 4], ["times", 9], ["was", 15], ["Cam", 19], ["Newton", 23], ["sacked", 30], ["?", 36]], "detected_answers": [{"text": "seven", "char_spans": [[124, 128]], "token_spans": [[25, 25]]}]}, {"answers": ["Von Miller", "The Broncos", "Miller"], "question": "Who won the Super Bowl MVP?", "id": "56beae423aeaaa14008c91f5", "qid": "419e07351e714aea8c9f8f4768193d42", "question_tokens": [["Who", 0], ["won", 4], ["the", 8], ["Super", 12], ["Bowl", 18], ["MVP", 23], ["?", 26]], "detected_answers": [{"text": "Miller", "char_spans": [[252, 257]], "token_spans": [[47, 47]]}]}, {"answers": ["three", "three", "three"], "question": "How many turnovers did Cam Newton have?", "id": "56beae423aeaaa14008c91f6", "qid": "e3458adb99b1445ba9f0c15bfb1a835b", "question_tokens": [["How", 0], ["many", 4], ["turnovers", 9], ["did", 19], ["Cam", 23], ["Newton", 27], ["have", 34], ["?", 38]], "detected_answers": [{"text": "three", "char_spans": [[156, 160]], "token_spans": [[31, 31]]}]}, {"answers": ["two", "two", "two"], "question": "How many fumbles did Von Miller force?", "id": "56beae423aeaaa14008c91f7", "qid": "4212722392fb404e9a51f825307ef039", "question_tokens": [["How", 0], ["many", 4], ["fumbles", 9], ["did", 17], ["Von", 21], ["Miller", 25], ["force", 32], ["?", 37]], "detected_answers": [{"text": "two", "char_spans": [[328, 330]], "token_spans": [[63, 63]]}]}, {"answers": ["Von Miller", "Von Miller", "Miller"], "question": "Who was given the esteemed status of MVP for Super Bowl 50?", "id": "56bf17653aeaaa14008c9511", "qid": "96a72d8e442a4f79a95e7a10343fa74d", "question_tokens": [["Who", 0], ["was", 4], ["given", 8], ["the", 14], ["esteemed", 18], ["status", 27], ["of", 34], ["MVP", 37], ["for", 41], ["Super", 45], ["Bowl", 51], ["50", 56], ["?", 58]], "detected_answers": [{"text": "Miller", "char_spans": [[252, 257]], "token_spans": [[47, 47]]}]}, {"answers": ["linebacker", "linebacker", "linebacker"], "question": "What position does Von Miller play for the Denver Broncos?", "id": "56bf17653aeaaa14008c9513", "qid": "45016738a27c46cc85e841bd27ddde8f", "question_tokens": [["What", 0], ["position", 5], ["does", 14], ["Von", 19], ["Miller", 23], ["play", 30], ["for", 35], ["the", 39], ["Denver", 43], ["Broncos", 50], ["?", 57]], "detected_answers": [{"text": "linebacker", "char_spans": [[237, 246]], "token_spans": [[45, 45]]}]}, {"answers": ["5", "five", "five"], "question": "What was the number of solo tackles that Von Miller had in Super Bowl 50?", "id": "56bf17653aeaaa14008c9514", "qid": "659ef466d7aa45eb9cd9074c865831e0", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["number", 13], ["of", 20], ["solo", 23], ["tackles", 28], ["that", 36], ["Von", 41], ["Miller", 45], ["had", 52], ["in", 56], ["Super", 59], ["Bowl", 65], ["50", 70], ["?", 72]], "detected_answers": [{"text": "five", "char_spans": [[295, 298]], "token_spans": [[55, 55]]}]}, {"answers": ["2", "two", "two"], "question": "How many forced fumbles did Von Miller have during the Super Bowl 50 game?", "id": "56bf17653aeaaa14008c9515", "qid": "a0fa827ce3e94fa2be0997ba37a5cfe6", "question_tokens": [["How", 0], ["many", 4], ["forced", 9], ["fumbles", 16], ["did", 24], ["Von", 28], ["Miller", 32], ["have", 39], ["during", 44], ["the", 51], ["Super", 55], ["Bowl", 61], ["50", 66], ["game", 69], ["?", 73]], "detected_answers": [{"text": "two", "char_spans": [[328, 330]], "token_spans": [[63, 63]]}]}, {"answers": ["Von Miller", "Von Miller", "Von Miller"], "question": "Who won the MVP for the Super Bowl?", "id": "56d204ade7d4791d00902603", "qid": "277ba1c1c0b640da94f7959433306e9d", "question_tokens": [["Who", 0], ["won", 4], ["the", 8], ["MVP", 12], ["for", 16], ["the", 20], ["Super", 24], ["Bowl", 30], ["?", 34]], "detected_answers": [{"text": "Von Miller", "char_spans": [[248, 257]], "token_spans": [[46, 47]]}]}, {"answers": ["5", "five", "five"], "question": "How many tackles did Von Miller get during the game?", "id": "56d204ade7d4791d00902604", "qid": "eacb604a58ae461c8becaf241d20fc94", "question_tokens": [["How", 0], ["many", 4], ["tackles", 9], ["did", 17], ["Von", 21], ["Miller", 25], ["get", 32], ["during", 36], ["the", 43], ["game", 47], ["?", 51]], "detected_answers": [{"text": "five", "char_spans": [[295, 298]], "token_spans": [[55, 55]]}]}, {"answers": ["seven", "seven", "seven"], "question": "How many times was Cam Newton sacked in Super Bowl 50?", "id": "56d601e41c85041400946ece", "qid": "2d10f1eb017749d286b27d931c11ad1c", "question_tokens": [["How", 0], ["many", 4], ["times", 9], ["was", 15], ["Cam", 19], ["Newton", 23], ["sacked", 30], ["in", 37], ["Super", 40], ["Bowl", 46], ["50", 51], ["?", 53]], "detected_answers": [{"text": "seven", "char_spans": [[124, 128]], "token_spans": [[25, 25]]}]}, {"answers": ["three", "three", "three"], "question": "How many times did the Denver defense force Newton into turnovers?", "id": "56d601e41c85041400946ecf", "qid": "25e7b1192a3f46b29939ca3d24ba84d1", "question_tokens": [["How", 0], ["many", 4], ["times", 9], ["did", 15], ["the", 19], ["Denver", 23], ["defense", 30], ["force", 38], ["Newton", 44], ["into", 51], ["turnovers", 56], ["?", 65]], "detected_answers": [{"text": "three", "char_spans": [[156, 160]], "token_spans": [[31, 31]]}]}, {"answers": ["a fumble", "a fumble", "fumble"], "question": "Which Newton turnover resulted in seven points for Denver?", "id": "56d601e41c85041400946ed0", "qid": "f5a36768278949f2a141aaac2b35a90d", "question_tokens": [["Which", 0], ["Newton", 6], ["turnover", 13], ["resulted", 22], ["in", 31], ["seven", 34], ["points", 40], ["for", 47], ["Denver", 51], ["?", 57]], "detected_answers": [{"text": "fumble", "char_spans": [[185, 190]], "token_spans": [[36, 36]]}]}, {"answers": ["Von Miller", "Von Miller", "Von Miller"], "question": "Who was the Most Valuable Player of Super Bowl 50?", "id": "56d601e41c85041400946ed1", "qid": "cdf0925e33f84a06991a7a956f04aa72", "question_tokens": [["Who", 0], ["was", 4], ["the", 8], ["Most", 12], ["Valuable", 17], ["Player", 26], ["of", 33], ["Super", 36], ["Bowl", 42], ["50", 47], ["?", 49]], "detected_answers": [{"text": "Von Miller", "char_spans": [[248, 257]], "token_spans": [[46, 47]]}]}, {"answers": ["linebacker", "linebacker", "linebacker"], "question": "What position does Von Miller play?", "id": "56d601e41c85041400946ed2", "qid": "056e4a0f86af48ed8e52b5a5bbb20a9e", "question_tokens": [["What", 0], ["position", 5], ["does", 14], ["Von", 19], ["Miller", 23], ["play", 30], ["?", 34]], "detected_answers": [{"text": "linebacker", "char_spans": [[237, 246]], "token_spans": [[45, 45]]}]}, {"answers": ["seven", "seven", "seven"], "question": "How many times was the Panthers' quarterback sacked?", "id": "56d98b33dc89441400fdb53b", "qid": "28add3f364454f83ad3c97bbeeef265e", "question_tokens": [["How", 0], ["many", 4], ["times", 9], ["was", 15], ["the", 19], ["Panthers", 23], ["'", 31], ["quarterback", 33], ["sacked", 45], ["?", 51]], "detected_answers": [{"text": "seven", "char_spans": [[124, 128]], "token_spans": [[25, 25]]}]}, {"answers": ["three", "three", "three"], "question": "How many times did the Broncos cause turnovers in the game?", "id": "56d98b33dc89441400fdb53c", "qid": "d1794bb6911644c890519cdcb177ee1f", "question_tokens": [["How", 0], ["many", 4], ["times", 9], ["did", 15], ["the", 19], ["Broncos", 23], ["cause", 31], ["turnovers", 37], ["in", 47], ["the", 50], ["game", 54], ["?", 58]], "detected_answers": [{"text": "three", "char_spans": [[156, 160]], "token_spans": [[31, 31]]}]}, {"answers": ["Von Miller", "Von Miller", "Von Miller"], "question": "What Denver player caused two fumbles for the Panthers?", "id": "56d98b33dc89441400fdb53d", "qid": "7bb2d15a021247b1b3d162659e7dd9f3", "question_tokens": [["What", 0], ["Denver", 5], ["player", 12], ["caused", 19], ["two", 26], ["fumbles", 30], ["for", 38], ["the", 42], ["Panthers", 46], ["?", 54]], "detected_answers": [{"text": "Von Miller", "char_spans": [[248, 257]], "token_spans": [[46, 47]]}]}, {"answers": ["five", "five", "five"], "question": "How many tackles did Von Miller accomlish by himself in the game?", "id": "56d98b33dc89441400fdb53e", "qid": "1e24127c2a4340c68af60b0d65bf2321", "question_tokens": [["How", 0], ["many", 4], ["tackles", 9], ["did", 17], ["Von", 21], ["Miller", 25], ["accomlish", 32], ["by", 42], ["himself", 45], ["in", 53], ["the", 56], ["game", 60], ["?", 64]], "detected_answers": [{"text": "five", "char_spans": [[295, 298]], "token_spans": [[55, 55]]}]}], "context_tokens": [["The", 0], ["Broncos", 4], ["took", 12], ["an", 17], ["early", 20], ["lead", 26], ["in", 31], ["Super", 34], ["Bowl", 40], ["50", 45], ["and", 48], ["never", 52], ["trailed", 58], [".", 65], ["Newton", 67], ["was", 74], ["limited", 78], ["by", 86], ["Denver", 89], ["'s", 95], ["defense", 98], [",", 105], ["which", 107], ["sacked", 113], ["him", 120], ["seven", 124], ["times", 130], ["and", 136], ["forced", 140], ["him", 147], ["into", 151], ["three", 156], ["turnovers", 162], [",", 171], ["including", 173], ["a", 183], ["fumble", 185], ["which", 192], ["they", 198], ["recovered", 203], ["for", 213], ["a", 217], ["touchdown", 219], [".", 228], ["Denver", 230], ["linebacker", 237], ["Von", 248], ["Miller", 252], ["was", 259], ["named", 263], ["Super", 269], ["Bowl", 275], ["MVP", 280], [",", 283], ["recording", 285], ["five", 295], ["solo", 300], ["tackles", 305], [",", 312], ["2\u00bd", 314], ["sacks", 317], [",", 322], ["and", 324], ["two", 328], ["forced", 332], ["fumbles", 339], [".", 346]]} -{"id": "", "context": "The Panthers finished the regular season with a 15\u20131 record, and quarterback Cam Newton was named the NFL Most Valuable Player (MVP). They defeated the Arizona Cardinals 49\u201315 in the NFC Championship Game and advanced to their second Super Bowl appearance since the franchise was founded in 1995. The Broncos finished the regular season with a 12\u20134 record, and denied the New England Patriots a chance to defend their title from Super Bowl XLIX by defeating them 20\u201318 in the AFC Championship Game. They joined the Patriots, Dallas Cowboys, and Pittsburgh Steelers as one of four teams that have made eight appearances in the Super Bowl.", "qas": [{"answers": ["Cam Newton", "Cam Newton", "Cam Newton"], "question": "Which Carolina Panthers player was named Most Valuable Player?", "id": "56be4e1facb8001400a502f6", "qid": "da07218228a644c1857fd6ccb910ae72", "question_tokens": [["Which", 0], ["Carolina", 6], ["Panthers", 15], ["player", 24], ["was", 31], ["named", 35], ["Most", 41], ["Valuable", 46], ["Player", 55], ["?", 61]], "detected_answers": [{"text": "Cam Newton", "char_spans": [[77, 86]], "token_spans": [[13, 14]]}]}, {"answers": ["8", "eight", "eight"], "question": "How many appearances have the Denver Broncos made in the Super Bowl?", "id": "56be4e1facb8001400a502f9", "qid": "49a498b05c4a4acd85397de984cf2188", "question_tokens": [["How", 0], ["many", 4], ["appearances", 9], ["have", 21], ["the", 26], ["Denver", 30], ["Broncos", 37], ["made", 45], ["in", 50], ["the", 53], ["Super", 57], ["Bowl", 63], ["?", 67]], "detected_answers": [{"text": "eight", "char_spans": [[601, 605]], "token_spans": [[109, 109]]}]}, {"answers": ["1995", "1995", "1995"], "question": "What year was the Carolina Panthers franchise founded?", "id": "56be4e1facb8001400a502fa", "qid": "3e7b4eb8b2224ed89647e15fd9d6cd23", "question_tokens": [["What", 0], ["year", 5], ["was", 10], ["the", 14], ["Carolina", 18], ["Panthers", 27], ["franchise", 36], ["founded", 46], ["?", 53]], "detected_answers": [{"text": "1995", "char_spans": [[291, 294]], "token_spans": [[51, 51]]}]}, {"answers": ["Arizona Cardinals", "the Arizona Cardinals", "Arizona Cardinals"], "question": "What team did the Panthers defeat?", "id": "56beaa4a3aeaaa14008c91c2", "qid": "323d496b4dbe465d9eae68f98bf610cb", "question_tokens": [["What", 0], ["team", 5], ["did", 10], ["the", 14], ["Panthers", 18], ["defeat", 27], ["?", 33]], "detected_answers": [{"text": "Arizona Cardinals", "char_spans": [[152, 168]], "token_spans": [[29, 30]]}]}, {"answers": ["New England Patriots", "the New England Patriots", "New England Patriots"], "question": "Who did the Broncos prevent from going to the Super Bowl?", "id": "56beaa4a3aeaaa14008c91c3", "qid": "ecdf89b712b84cbc8372a41495f62571", "question_tokens": [["Who", 0], ["did", 4], ["the", 8], ["Broncos", 12], ["prevent", 20], ["from", 28], ["going", 33], ["to", 39], ["the", 42], ["Super", 46], ["Bowl", 52], ["?", 56]], "detected_answers": [{"text": "New England Patriots", "char_spans": [[372, 391]], "token_spans": [[67, 69]]}]}, {"answers": ["Arizona Cardinals", "the Arizona Cardinals", "Arizona Cardinals"], "question": "Who did the Panthers beat in the NFC Championship Game?", "id": "56bead5a3aeaaa14008c91e9", "qid": "9e40a8ebc8564507b738a65605b9a67e", "question_tokens": [["Who", 0], ["did", 4], ["the", 8], ["Panthers", 12], ["beat", 21], ["in", 26], ["the", 29], ["NFC", 33], ["Championship", 37], ["Game", 50], ["?", 54]], "detected_answers": [{"text": "Arizona Cardinals", "char_spans": [[152, 168]], "token_spans": [[29, 30]]}]}, {"answers": ["New England Patriots", "the New England Patriots", "New England Patriots"], "question": "Who lost to the Broncos in the AFC Championship?", "id": "56bead5a3aeaaa14008c91ea", "qid": "1b9a02825aa04d5081e10af76a72440f", "question_tokens": [["Who", 0], ["lost", 4], ["to", 9], ["the", 12], ["Broncos", 16], ["in", 24], ["the", 27], ["AFC", 31], ["Championship", 35], ["?", 47]], "detected_answers": [{"text": "New England Patriots", "char_spans": [[372, 391]], "token_spans": [[67, 69]]}]}, {"answers": ["New England Patriots", "the New England Patriots", "New England Patriots"], "question": "Who were the defending Super Bowl champions?", "id": "56bead5a3aeaaa14008c91eb", "qid": "9af08f972fde41f9922d06b3f4f10c9a", "question_tokens": [["Who", 0], ["were", 4], ["the", 9], ["defending", 13], ["Super", 23], ["Bowl", 29], ["champions", 34], ["?", 43]], "detected_answers": [{"text": "New England Patriots", "char_spans": [[372, 391]], "token_spans": [[67, 69]]}]}, {"answers": ["four", "four", "four"], "question": "How many teams have been in the Super Bowl eight times?", "id": "56bead5a3aeaaa14008c91ec", "qid": "0c53b9deba6e4052833488cdfd5104e3", "question_tokens": [["How", 0], ["many", 4], ["teams", 9], ["have", 15], ["been", 20], ["in", 25], ["the", 28], ["Super", 32], ["Bowl", 38], ["eight", 43], ["times", 49], ["?", 54]], "detected_answers": [{"text": "four", "char_spans": [[575, 578]], "token_spans": [[104, 104]]}]}, {"answers": ["Cam Newton", "Cam Newton", "Cam Newton"], "question": "Who was this season's NFL MVP?", "id": "56bead5a3aeaaa14008c91ed", "qid": "6bf2e3769c5b47d899142e101e4f7ef6", "question_tokens": [["Who", 0], ["was", 4], ["this", 8], ["season", 13], ["'s", 19], ["NFL", 22], ["MVP", 26], ["?", 29]], "detected_answers": [{"text": "Cam Newton", "char_spans": [[77, 86]], "token_spans": [[13, 14]]}]}, {"answers": ["15\u20131", "15\u20131", "15\u20131"], "question": "What was the win/loss ratio in 2015 for the Carolina Panthers during their regular season?", "id": "56bf159b3aeaaa14008c9507", "qid": "437d2865eb1843b9b7d2b307b47aefc0", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["win", 13], ["/", 16], ["loss", 17], ["ratio", 22], ["in", 28], ["2015", 31], ["for", 36], ["the", 40], ["Carolina", 44], ["Panthers", 53], ["during", 62], ["their", 69], ["regular", 75], ["season", 83], ["?", 89]], "detected_answers": [{"text": "15\u20131", "char_spans": [[48, 51]], "token_spans": [[8, 8]]}]}, {"answers": ["Cam Newton", "Cam Newton", "Cam Newton"], "question": "Which Carolina Panthers team member was picked as the team's MVP in 2015? ", "id": "56bf159b3aeaaa14008c9508", "qid": "6feefc79aadb4cc2a2dbe29b3de1932d", "question_tokens": [["Which", 0], ["Carolina", 6], ["Panthers", 15], ["team", 24], ["member", 29], ["was", 36], ["picked", 40], ["as", 47], ["the", 50], ["team", 54], ["'s", 58], ["MVP", 61], ["in", 65], ["2015", 68], ["?", 72]], "detected_answers": [{"text": "Cam Newton", "char_spans": [[77, 86]], "token_spans": [[13, 14]]}]}, {"answers": ["12\u20134", "12\u20134", "12\u20134"], "question": "What were the win/loss game stats for the Denver Bronco's regular season in 2015?", "id": "56bf159b3aeaaa14008c9509", "qid": "8a18fb154ca84cbdacb07e149efaaebd", "question_tokens": [["What", 0], ["were", 5], ["the", 10], ["win", 14], ["/", 17], ["loss", 18], ["game", 23], ["stats", 28], ["for", 34], ["the", 38], ["Denver", 42], ["Bronco", 49], ["'s", 55], ["regular", 58], ["season", 66], ["in", 73], ["2015", 76], ["?", 80]], "detected_answers": [{"text": "12\u20134", "char_spans": [[344, 347]], "token_spans": [[61, 61]]}]}, {"answers": ["4", "four", "four"], "question": "How many teams have played in the Super Bowl eight times?", "id": "56bf159b3aeaaa14008c950a", "qid": "909ce53c05864cc1b802bf64daa96a57", "question_tokens": [["How", 0], ["many", 4], ["teams", 9], ["have", 15], ["played", 20], ["in", 27], ["the", 30], ["Super", 34], ["Bowl", 40], ["eight", 45], ["times", 51], ["?", 56]], "detected_answers": [{"text": "four", "char_spans": [[575, 578]], "token_spans": [[104, 104]]}]}, {"answers": ["New England Patriots", "the New England Patriots", "New England Patriots"], "question": "Which team did not get a chance to defend their Super Bowl XLIX win in Super Bowl 50?", "id": "56bf159b3aeaaa14008c950b", "qid": "4415e45815e14a0985ef22441f8a6ddc", "question_tokens": [["Which", 0], ["team", 6], ["did", 11], ["not", 15], ["get", 19], ["a", 23], ["chance", 25], ["to", 32], ["defend", 35], ["their", 42], ["Super", 48], ["Bowl", 54], ["XLIX", 59], ["win", 64], ["in", 68], ["Super", 71], ["Bowl", 77], ["50", 82], ["?", 84]], "detected_answers": [{"text": "New England Patriots", "char_spans": [[372, 391]], "token_spans": [[67, 69]]}]}, {"answers": ["Cam Newton", "Cam Newton", "Cam Newton"], "question": "Who is the quarterback for the Panthers?", "id": "56d2045de7d4791d009025f3", "qid": "e7a5911b99434f94b94b1fc214d78255", "question_tokens": [["Who", 0], ["is", 4], ["the", 7], ["quarterback", 11], ["for", 23], ["the", 27], ["Panthers", 31], ["?", 39]], "detected_answers": [{"text": "Cam Newton", "char_spans": [[77, 86]], "token_spans": [[13, 14]]}]}, {"answers": ["Arizona Cardinals", "the Arizona Cardinals", "Arizona Cardinals"], "question": "Who did Carolina beat in the NFC championship game?", "id": "56d2045de7d4791d009025f4", "qid": "5d1fa83a07cb49f8aac96a4d5442e160", "question_tokens": [["Who", 0], ["did", 4], ["Carolina", 8], ["beat", 17], ["in", 22], ["the", 25], ["NFC", 29], ["championship", 33], ["game", 46], ["?", 50]], "detected_answers": [{"text": "Arizona Cardinals", "char_spans": [[152, 168]], "token_spans": [[29, 30]]}]}, {"answers": ["2", "second", "second"], "question": "How many times have the Panthers been in the Super Bowl?", "id": "56d2045de7d4791d009025f5", "qid": "d4667206b27343018306c903f6bc6a99", "question_tokens": [["How", 0], ["many", 4], ["times", 9], ["have", 15], ["the", 20], ["Panthers", 24], ["been", 33], ["in", 38], ["the", 41], ["Super", 45], ["Bowl", 51], ["?", 55]], "detected_answers": [{"text": "second", "char_spans": [[227, 232]], "token_spans": [[41, 41]]}]}, {"answers": ["New England Patriots", "the New England Patriots", "New England Patriots"], "question": "Who did Denver beat in the AFC championship?", "id": "56d2045de7d4791d009025f6", "qid": "0c538848194644f9903c7fb60dd171e6", "question_tokens": [["Who", 0], ["did", 4], ["Denver", 8], ["beat", 15], ["in", 20], ["the", 23], ["AFC", 27], ["championship", 31], ["?", 43]], "detected_answers": [{"text": "New England Patriots", "char_spans": [[372, 391]], "token_spans": [[67, 69]]}]}, {"answers": ["Cam Newton", "Cam Newton", "Cam Newton"], "question": "Who was the Most Valuable Player for the 2015 NFL season?", "id": "56d6017d1c85041400946ebe", "qid": "4d3d83197bba4f518feb689ef7f60f8a", "question_tokens": [["Who", 0], ["was", 4], ["the", 8], ["Most", 12], ["Valuable", 17], ["Player", 26], ["for", 33], ["the", 37], ["2015", 41], ["NFL", 46], ["season", 50], ["?", 56]], "detected_answers": [{"text": "Cam Newton", "char_spans": [[77, 86]], "token_spans": [[13, 14]]}]}, {"answers": ["New England Patriots", "the New England Patriots", "New England Patriots"], "question": "Who did Denver beat in the 2015 AFC Championship game?", "id": "56d6017d1c85041400946ec1", "qid": "63bed63e1ba54b279f24036708cfddf2", "question_tokens": [["Who", 0], ["did", 4], ["Denver", 8], ["beat", 15], ["in", 20], ["the", 23], ["2015", 27], ["AFC", 32], ["Championship", 36], ["game", 49], ["?", 53]], "detected_answers": [{"text": "New England Patriots", "char_spans": [[372, 391]], "token_spans": [[67, 69]]}]}, {"answers": ["Arizona Cardinals", "the Arizona Cardinals", "Arizona Cardinals"], "question": "Who did the Carolina Panthers beat in the 2015 NFC Championship game?", "id": "56d6017d1c85041400946ec2", "qid": "4b5d0e2322fe49ccb9a5448a73d88622", "question_tokens": [["Who", 0], ["did", 4], ["the", 8], ["Carolina", 12], ["Panthers", 21], ["beat", 30], ["in", 35], ["the", 38], ["2015", 42], ["NFC", 47], ["Championship", 51], ["game", 64], ["?", 68]], "detected_answers": [{"text": "Arizona Cardinals", "char_spans": [[152, 168]], "token_spans": [[29, 30]]}]}, {"answers": ["Cam Newton", "Cam Newton", "Cam Newton"], "question": "Who was the 2015 NFL MVP?", "id": "56d98a59dc89441400fdb52a", "qid": "1765057242ee422e82a04197605bfd07", "question_tokens": [["Who", 0], ["was", 4], ["the", 8], ["2015", 12], ["NFL", 17], ["MVP", 21], ["?", 24]], "detected_answers": [{"text": "Cam Newton", "char_spans": [[77, 86]], "token_spans": [[13, 14]]}]}, {"answers": ["Arizona Cardinals", "the Arizona Cardinals", "Arizona Cardinals"], "question": "Who did the Panthers beat to become the NFC champs?", "id": "56d98a59dc89441400fdb52b", "qid": "7cc6f913c3334f6bacff45bc1d39eb11", "question_tokens": [["Who", 0], ["did", 4], ["the", 8], ["Panthers", 12], ["beat", 21], ["to", 26], ["become", 29], ["the", 36], ["NFC", 40], ["champs", 44], ["?", 50]], "detected_answers": [{"text": "Arizona Cardinals", "char_spans": [[152, 168]], "token_spans": [[29, 30]]}]}, {"answers": ["1995.", "1995", "1995"], "question": "What year did the Carolina Panthers form?", "id": "56d98a59dc89441400fdb52e", "qid": "3ce823a0265c42138af5f46290aee69d", "question_tokens": [["What", 0], ["year", 5], ["did", 10], ["the", 14], ["Carolina", 18], ["Panthers", 27], ["form", 36], ["?", 40]], "detected_answers": [{"text": "1995", "char_spans": [[291, 294]], "token_spans": [[51, 51]]}]}], "context_tokens": [["The", 0], ["Panthers", 4], ["finished", 13], ["the", 22], ["regular", 26], ["season", 34], ["with", 41], ["a", 46], ["15\u20131", 48], ["record", 53], [",", 59], ["and", 61], ["quarterback", 65], ["Cam", 77], ["Newton", 81], ["was", 88], ["named", 92], ["the", 98], ["NFL", 102], ["Most", 106], ["Valuable", 111], ["Player", 120], ["(", 127], ["MVP", 128], [")", 131], [".", 132], ["They", 134], ["defeated", 139], ["the", 148], ["Arizona", 152], ["Cardinals", 160], ["49\u201315", 170], ["in", 176], ["the", 179], ["NFC", 183], ["Championship", 187], ["Game", 200], ["and", 205], ["advanced", 209], ["to", 218], ["their", 221], ["second", 227], ["Super", 234], ["Bowl", 240], ["appearance", 245], ["since", 256], ["the", 262], ["franchise", 266], ["was", 276], ["founded", 280], ["in", 288], ["1995", 291], [".", 295], ["The", 297], ["Broncos", 301], ["finished", 309], ["the", 318], ["regular", 322], ["season", 330], ["with", 337], ["a", 342], ["12\u20134", 344], ["record", 349], [",", 355], ["and", 357], ["denied", 361], ["the", 368], ["New", 372], ["England", 376], ["Patriots", 384], ["a", 393], ["chance", 395], ["to", 402], ["defend", 405], ["their", 412], ["title", 418], ["from", 424], ["Super", 429], ["Bowl", 435], ["XLIX", 440], ["by", 445], ["defeating", 448], ["them", 458], ["20\u201318", 463], ["in", 469], ["the", 472], ["AFC", 476], ["Championship", 480], ["Game", 493], [".", 497], ["They", 499], ["joined", 504], ["the", 511], ["Patriots", 515], [",", 523], ["Dallas", 525], ["Cowboys", 532], [",", 539], ["and", 541], ["Pittsburgh", 545], ["Steelers", 556], ["as", 565], ["one", 568], ["of", 572], ["four", 575], ["teams", 580], ["that", 586], ["have", 591], ["made", 596], ["eight", 601], ["appearances", 607], ["in", 619], ["the", 622], ["Super", 626], ["Bowl", 632], [".", 636]]} -{"id": "", "context": "In early 2012, NFL Commissioner Roger Goodell stated that the league planned to make the 50th Super Bowl \"spectacular\" and that it would be \"an important game for us as a league\".", "qas": [{"answers": ["Roger Goodell", "Roger Goodell", "Goodell"], "question": "Who was the NFL Commissioner in early 2012?", "id": "56be53b8acb8001400a50314", "qid": "4a254acd87b748b5b285642219aa07af", "question_tokens": [["Who", 0], ["was", 4], ["the", 8], ["NFL", 12], ["Commissioner", 16], ["in", 29], ["early", 32], ["2012", 38], ["?", 42]], "detected_answers": [{"text": "Goodell", "char_spans": [[38, 44]], "token_spans": [[7, 7]]}]}, {"answers": ["the 50th Super Bowl", "the 50th", "50th"], "question": "Which Super Bowl did Roger Goodell speak about?", "id": "56be53b8acb8001400a50315", "qid": "0e71ff5d91a049f2913aa1d7c79e1d4e", "question_tokens": [["Which", 0], ["Super", 6], ["Bowl", 12], ["did", 17], ["Roger", 21], ["Goodell", 27], ["speak", 35], ["about", 41], ["?", 46]], "detected_answers": [{"text": "50th", "char_spans": [[89, 92]], "token_spans": [[16, 16]]}]}, {"answers": ["2012", "2012", "2012"], "question": "In what year did Roger Goodell call Super Bowl 50 'an important game for us as a league'?", "id": "56be53b8acb8001400a50316", "qid": "9b27dff5b8064c328e37b252b1546ec7", "question_tokens": [["In", 0], ["what", 3], ["year", 8], ["did", 13], ["Roger", 17], ["Goodell", 23], ["call", 31], ["Super", 36], ["Bowl", 42], ["50", 47], ["'", 50], ["an", 51], ["important", 54], ["game", 64], ["for", 69], ["us", 73], ["as", 76], ["a", 79], ["league", 81], ["'", 87], ["?", 88]], "detected_answers": [{"text": "2012", "char_spans": [[9, 12]], "token_spans": [[2, 2]]}]}, {"answers": ["Roger Goodell", "Roger Goodell", "Goodell"], "question": "Who is the Commissioner of the National Football League?", "id": "56beafca3aeaaa14008c9207", "qid": "ab3d30def72b4174826a713e8f572f0c", "question_tokens": [["Who", 0], ["is", 4], ["the", 7], ["Commissioner", 11], ["of", 24], ["the", 27], ["National", 31], ["Football", 40], ["League", 49], ["?", 55]], "detected_answers": [{"text": "Goodell", "char_spans": [[38, 44]], "token_spans": [[7, 7]]}]}, {"answers": ["early 2012", "In early 2012", "2012"], "question": "When did he make the quoted remarks about Super Bowl 50?", "id": "56beafca3aeaaa14008c9208", "qid": "a8ee01c022a64793bb108576e29f8586", "question_tokens": [["When", 0], ["did", 5], ["he", 9], ["make", 12], ["the", 17], ["quoted", 21], ["remarks", 28], ["about", 36], ["Super", 42], ["Bowl", 48], ["50", 53], ["?", 55]], "detected_answers": [{"text": "2012", "char_spans": [[9, 12]], "token_spans": [[2, 2]]}]}, {"answers": ["Roger Goodell", "Roger Goodell", "Goodell"], "question": "Who was the commissioner of the NFL in 2012? ", "id": "56bf42f53aeaaa14008c95a3", "qid": "badec4360c174c3aabc71178828a274c", "question_tokens": [["Who", 0], ["was", 4], ["the", 8], ["commissioner", 12], ["of", 25], ["the", 28], ["NFL", 32], ["in", 36], ["2012", 39], ["?", 43]], "detected_answers": [{"text": "Goodell", "char_spans": [[38, 44]], "token_spans": [[7, 7]]}]}, {"answers": ["Roger Goodell", "Roger Goodell", "Goodell"], "question": "Who if the commissioner of the NFL?", "id": "56d2053ae7d4791d00902610", "qid": "9f3e1e612d60489d920c5bba8d856be3", "question_tokens": [["Who", 0], ["if", 4], ["the", 7], ["commissioner", 11], ["of", 24], ["the", 27], ["NFL", 31], ["?", 34]], "detected_answers": [{"text": "Goodell", "char_spans": [[38, 44]], "token_spans": [[7, 7]]}]}, {"answers": ["Roger Goodell", "Roger Goodell", "Goodell"], "question": "Who is the commissioner of the NFL?", "id": "56d6edd00d65d21400198250", "qid": "2bc59ee77b55423b803ab82039f4a8ad", "question_tokens": [["Who", 0], ["is", 4], ["the", 7], ["commissioner", 11], ["of", 24], ["the", 27], ["NFL", 31], ["?", 34]], "detected_answers": [{"text": "Goodell", "char_spans": [[38, 44]], "token_spans": [[7, 7]]}]}, {"answers": ["spectacular", "an important game for us as a league", "spectacular"], "question": "In early 2012, Goodell said that Super Bowl 50 would be what?", "id": "56d6edd00d65d21400198251", "qid": "d61a05770159444da1a4243481a3f2cd", "question_tokens": [["In", 0], ["early", 3], ["2012", 9], [",", 13], ["Goodell", 15], ["said", 23], ["that", 28], ["Super", 33], ["Bowl", 39], ["50", 44], ["would", 47], ["be", 53], ["what", 56], ["?", 60]], "detected_answers": [{"text": "spectacular", "char_spans": [[106, 116]], "token_spans": [[20, 20]]}]}, {"answers": ["spectacular", "spectacular", "spectacular"], "question": "What one word did the NFL commissioner use to describe what Super Bowl 50 was intended to be?", "id": "56d98d0adc89441400fdb54e", "qid": "79205f275aa3488fa6f4d8d35adc0dad", "question_tokens": [["What", 0], ["one", 5], ["word", 9], ["did", 14], ["the", 18], ["NFL", 22], ["commissioner", 26], ["use", 39], ["to", 43], ["describe", 46], ["what", 55], ["Super", 60], ["Bowl", 66], ["50", 71], ["was", 74], ["intended", 78], ["to", 87], ["be", 90], ["?", 92]], "detected_answers": [{"text": "spectacular", "char_spans": [[106, 116]], "token_spans": [[20, 20]]}]}, {"answers": ["2012", "2012", "2012"], "question": "What year did Roger Goodell announce that Super Bowl 50 would be \"important\"?", "id": "56d98d0adc89441400fdb54f", "qid": "281dd246f1eb4df29ce5fa1c9b7e2df1", "question_tokens": [["What", 0], ["year", 5], ["did", 10], ["Roger", 14], ["Goodell", 20], ["announce", 28], ["that", 37], ["Super", 42], ["Bowl", 48], ["50", 53], ["would", 56], ["be", 62], ["\"", 65], ["important", 66], ["\"", 75], ["?", 76]], "detected_answers": [{"text": "2012", "char_spans": [[9, 12]], "token_spans": [[2, 2]]}]}], "context_tokens": [["In", 0], ["early", 3], ["2012", 9], [",", 13], ["NFL", 15], ["Commissioner", 19], ["Roger", 32], ["Goodell", 38], ["stated", 46], ["that", 53], ["the", 58], ["league", 62], ["planned", 69], ["to", 77], ["make", 80], ["the", 85], ["50th", 89], ["Super", 94], ["Bowl", 100], ["\"", 105], ["spectacular", 106], ["\"", 117], ["and", 119], ["that", 123], ["it", 128], ["would", 131], ["be", 137], ["\"", 140], ["an", 141], ["important", 144], ["game", 154], ["for", 159], ["us", 163], ["as", 166], ["a", 169], ["league", 171], ["\"", 177], [".", 178]]} -{"id": "", "context": "CBS broadcast Super Bowl 50 in the U.S., and charged an average of $5 million for a 30-second commercial during the game. The Super Bowl 50 halftime show was headlined by the British rock group Coldplay with special guest performers Beyonc\u00e9 and Bruno Mars, who headlined the Super Bowl XLVII and Super Bowl XLVIII halftime shows, respectively. It was the third-most watched U.S. broadcast ever.", "qas": [{"answers": ["CBS", "CBS", "CBS"], "question": "Which network broadcasted Super Bowl 50 in the U.S.?", "id": "56be5333acb8001400a5030a", "qid": "0c9b4fa5b9c94a6dbb05efdc241ecaea", "question_tokens": [["Which", 0], ["network", 6], ["broadcasted", 14], ["Super", 26], ["Bowl", 32], ["50", 37], ["in", 40], ["the", 43], ["U.S.", 47], ["?", 51]], "detected_answers": [{"text": "CBS", "token_spans": [[0, 0]], "char_spans": [[0, 2]]}]}, {"answers": ["$5 million", "$5 million", "$5 million"], "question": "What was the average cost for a 30 second commercial during Super Bowl 50?", "id": "56be5333acb8001400a5030b", "qid": "b4ce2af7a31a480799a4ddf27001324b", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["average", 13], ["cost", 21], ["for", 26], ["a", 30], ["30", 32], ["second", 35], ["commercial", 42], ["during", 53], ["Super", 60], ["Bowl", 66], ["50", 71], ["?", 73]], "detected_answers": [{"text": "$5 million", "char_spans": [[67, 76]], "token_spans": [[14, 16]]}]}, {"answers": ["Coldplay", "Coldplay", "Coldplay"], "question": "Which group headlined the Super Bowl 50 halftime show?", "id": "56be5333acb8001400a5030c", "qid": "3c8f72ed38114041b2a0c784556b70af", "question_tokens": [["Which", 0], ["group", 6], ["headlined", 12], ["the", 22], ["Super", 26], ["Bowl", 32], ["50", 37], ["halftime", 40], ["show", 49], ["?", 53]], "detected_answers": [{"text": "Coldplay", "char_spans": [[194, 201]], "token_spans": [[38, 38]]}]}, {"answers": ["Beyonc\u00e9 and Bruno Mars", "Beyonc\u00e9 and Bruno Mars", "Beyonc\u00e9 and Bruno Mars"], "question": "Which performers joined the headliner during the Super Bowl 50 halftime show?", "id": "56be5333acb8001400a5030d", "qid": "bd4ac80e6ab34822bd30bc62c0aa84f0", "question_tokens": [["Which", 0], ["performers", 6], ["joined", 17], ["the", 24], ["headliner", 28], ["during", 38], ["the", 45], ["Super", 49], ["Bowl", 55], ["50", 60], ["halftime", 63], ["show", 72], ["?", 76]], "detected_answers": [{"text": "Beyonc\u00e9 and Bruno Mars", "char_spans": [[233, 254]], "token_spans": [[43, 46]]}]}, {"answers": ["Super Bowl XLVII", "Super Bowl XLVII", "XLVII"], "question": "At which Super Bowl did Beyonce headline the halftime show?", "id": "56be5333acb8001400a5030e", "qid": "e10622bd50994a70ba188696f1fa950a", "question_tokens": [["At", 0], ["which", 3], ["Super", 9], ["Bowl", 15], ["did", 20], ["Beyonce", 24], ["headline", 32], ["the", 41], ["halftime", 45], ["show", 54], ["?", 58]], "detected_answers": [{"text": "XLVII", "char_spans": [[286, 290]], "token_spans": [[53, 53]]}]}, {"answers": ["CBS", "CBS", "CBS"], "question": "Who was the broadcaster for Super Bowl 50 in the United States?", "id": "56beaf5e3aeaaa14008c91fd", "qid": "9c8627c4245d40958d9eafe5b3ecb7d9", "question_tokens": [["Who", 0], ["was", 4], ["the", 8], ["broadcaster", 12], ["for", 24], ["Super", 28], ["Bowl", 34], ["50", 39], ["in", 42], ["the", 45], ["United", 49], ["States", 56], ["?", 62]], "detected_answers": [{"text": "CBS", "token_spans": [[0, 0]], "char_spans": [[0, 2]]}]}, {"answers": ["$5 million", "$5 million", "$5 million"], "question": "What was the average cost of a 30-second commercial?", "id": "56beaf5e3aeaaa14008c91fe", "qid": "ed933501734a4497bdc14153e593e2e3", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["average", 13], ["cost", 21], ["of", 26], ["a", 29], ["30-second", 31], ["commercial", 41], ["?", 51]], "detected_answers": [{"text": "$5 million", "char_spans": [[67, 76]], "token_spans": [[14, 16]]}]}, {"answers": ["Beyonc\u00e9", "Beyonc\u00e9", "Beyonc\u00e9"], "question": "What halftime performer previously headlined Super Bowl XLVII?", "id": "56beaf5e3aeaaa14008c91ff", "qid": "6d5190021d0e47b7939a8a4098fbca30", "question_tokens": [["What", 0], ["halftime", 5], ["performer", 14], ["previously", 24], ["headlined", 35], ["Super", 45], ["Bowl", 51], ["XLVII", 56], ["?", 61]], "detected_answers": [{"text": "Beyonc\u00e9", "char_spans": [[233, 239]], "token_spans": [[43, 43]]}]}, {"answers": ["Bruno Mars", "Bruno Mars", "Mars"], "question": "What halftime performer previously headlined Super Bowl XLVIII?", "id": "56beaf5e3aeaaa14008c9200", "qid": "953fb4e5f4754283b144e9502aa611b6", "question_tokens": [["What", 0], ["halftime", 5], ["performer", 14], ["previously", 24], ["headlined", 35], ["Super", 45], ["Bowl", 51], ["XLVIII", 56], ["?", 62]], "detected_answers": [{"text": "Mars", "char_spans": [[251, 254]], "token_spans": [[46, 46]]}]}, {"answers": ["Coldplay", "Coldplay", "Coldplay"], "question": "Who was the main performer at this year's halftime show?", "id": "56beaf5e3aeaaa14008c9201", "qid": "f43c83e38d1e424ea00f8ad3c77ec999", "question_tokens": [["Who", 0], ["was", 4], ["the", 8], ["main", 12], ["performer", 17], ["at", 27], ["this", 30], ["year", 35], ["'s", 39], ["halftime", 42], ["show", 51], ["?", 55]], "detected_answers": [{"text": "Coldplay", "char_spans": [[194, 201]], "token_spans": [[38, 38]]}]}, {"answers": ["CBS", "CBS", "CBS"], "question": "Which network broadcasted the 50th Super Bowl game? ", "id": "56bf1ae93aeaaa14008c951b", "qid": "f2d38fefa10543f28667c2516b598752", "question_tokens": [["Which", 0], ["network", 6], ["broadcasted", 14], ["the", 26], ["50th", 30], ["Super", 35], ["Bowl", 41], ["game", 46], ["?", 50]], "detected_answers": [{"text": "CBS", "token_spans": [[0, 0]], "char_spans": [[0, 2]]}]}, {"answers": ["$5 million", "$5 million", "$5 million"], "question": "What was the average cost for a TV ad lasting 30 seconds during Super Bowl 50?", "id": "56bf1ae93aeaaa14008c951c", "qid": "8010971a771042da83d36365518ce556", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["average", 13], ["cost", 21], ["for", 26], ["a", 30], ["TV", 32], ["ad", 35], ["lasting", 38], ["30", 46], ["seconds", 49], ["during", 57], ["Super", 64], ["Bowl", 70], ["50", 75], ["?", 77]], "detected_answers": [{"text": "$5 million", "char_spans": [[67, 76]], "token_spans": [[14, 16]]}]}, {"answers": ["Bruno Mars", "Bruno Mars", "Bruno Mars,"], "question": "Who was the male singer who performed as a special guest during Super Bowl 50?", "id": "56bf1ae93aeaaa14008c951e", "qid": "f8d1ae73efb54b31a90381ab150dbae6", "question_tokens": [["Who", 0], ["was", 4], ["the", 8], ["male", 12], ["singer", 17], ["who", 24], ["performed", 28], ["as", 38], ["a", 41], ["special", 43], ["guest", 51], ["during", 57], ["Super", 64], ["Bowl", 70], ["50", 75], ["?", 77]], "detected_answers": [{"text": "Bruno Mars,", "char_spans": [[245, 255]], "token_spans": [[45, 47]]}]}, {"answers": ["third", "third", "third"], "question": "What ranking does the Super Bowl 50 halftime show have on the list of most watched TV broadcasts?", "id": "56bf1ae93aeaaa14008c951f", "qid": "7384156b154247e288e57763eca2d4c7", "question_tokens": [["What", 0], ["ranking", 5], ["does", 13], ["the", 18], ["Super", 22], ["Bowl", 28], ["50", 33], ["halftime", 36], ["show", 45], ["have", 50], ["on", 55], ["the", 58], ["list", 62], ["of", 67], ["most", 70], ["watched", 75], ["TV", 83], ["broadcasts", 86], ["?", 96]], "detected_answers": [{"text": "third", "char_spans": [[355, 359]], "token_spans": [[66, 66]]}]}, {"answers": ["CBS", "CBS", "CBS"], "question": "What station aired the Super Bowl?", "id": "56d2051ce7d4791d00902608", "qid": "7df46260b280403986082e27c6b39ecc", "question_tokens": [["What", 0], ["station", 5], ["aired", 13], ["the", 19], ["Super", 23], ["Bowl", 29], ["?", 33]], "detected_answers": [{"text": "CBS", "token_spans": [[0, 0]], "char_spans": [[0, 2]]}]}, {"answers": ["$5 million", "$5 million", "$5 million"], "question": "How much money did a 1/2 minute commercial cost?", "id": "56d2051ce7d4791d00902609", "qid": "e9add81e71134709ba5c5ca255265932", "question_tokens": [["How", 0], ["much", 4], ["money", 9], ["did", 15], ["a", 19], ["1/2", 21], ["minute", 25], ["commercial", 32], ["cost", 43], ["?", 47]], "detected_answers": [{"text": "$5 million", "char_spans": [[67, 76]], "token_spans": [[14, 16]]}]}, {"answers": ["Coldplay", "Coldplay", "Coldplay"], "question": "What band headlined half-time during Super Bowl 50?", "id": "56d2051ce7d4791d0090260a", "qid": "63a7e9b702d94b1994b9f543ba173e99", "question_tokens": [["What", 0], ["band", 5], ["headlined", 10], ["half", 20], ["-", 24], ["time", 25], ["during", 30], ["Super", 37], ["Bowl", 43], ["50", 48], ["?", 50]], "detected_answers": [{"text": "Coldplay", "char_spans": [[194, 201]], "token_spans": [[38, 38]]}]}, {"answers": ["Beyonc\u00e9 and Bruno Mars", "Beyonc\u00e9 and Bruno Mars", "Beyonc\u00e9 and Bruno Mars"], "question": "What two artists came out with Coldplay during the half-time show?", "id": "56d2051ce7d4791d0090260b", "qid": "25d0c8f0803a41b5867e1e10e9d4186d", "question_tokens": [["What", 0], ["two", 5], ["artists", 9], ["came", 17], ["out", 22], ["with", 26], ["Coldplay", 31], ["during", 40], ["the", 47], ["half", 51], ["-", 55], ["time", 56], ["show", 61], ["?", 65]], "detected_answers": [{"text": "Beyonc\u00e9 and Bruno Mars", "char_spans": [[233, 254]], "token_spans": [[43, 46]]}]}, {"answers": ["CBS", "CBS", "CBS"], "question": "Who broadcast the Super Bowl on TV?", "id": "56d602631c85041400946ed8", "qid": "4071b2abd36948da9dc8ae88d79ec150", "question_tokens": [["Who", 0], ["broadcast", 4], ["the", 14], ["Super", 18], ["Bowl", 24], ["on", 29], ["TV", 32], ["?", 34]], "detected_answers": [{"text": "CBS", "token_spans": [[0, 0]], "char_spans": [[0, 2]]}]}, {"answers": ["Coldplay", "Coldplay", "Coldplay"], "question": "Who headlined the halftime show for Super Bowl 50?", "id": "56d602631c85041400946eda", "qid": "6e5cce1881714600bdd943b40eea3b1f", "question_tokens": [["Who", 0], ["headlined", 4], ["the", 14], ["halftime", 18], ["show", 27], ["for", 32], ["Super", 36], ["Bowl", 42], ["50", 47], ["?", 49]], "detected_answers": [{"text": "Coldplay", "char_spans": [[194, 201]], "token_spans": [[38, 38]]}]}, {"answers": ["Beyonc\u00e9 and Bruno Mars", "Beyonc\u00e9 and Bruno Mars", "Beyonc\u00e9 and Bruno Mars"], "question": "Who were special guests for the Super Bowl halftime show?", "id": "56d602631c85041400946edb", "qid": "c0a739122447497f872a3041671bc290", "question_tokens": [["Who", 0], ["were", 4], ["special", 9], ["guests", 17], ["for", 24], ["the", 28], ["Super", 32], ["Bowl", 38], ["halftime", 43], ["show", 52], ["?", 56]], "detected_answers": [{"text": "Beyonc\u00e9 and Bruno Mars", "char_spans": [[233, 254]], "token_spans": [[43, 46]]}]}, {"answers": ["Super Bowl XLVII", "Super Bowl XLVII", "Super Bowl XLVII"], "question": "Which Super Bowl halftime show did Beyonc\u00e9 headline?", "id": "56d602631c85041400946edc", "qid": "612366179dfb48acb54d038ce202389d", "question_tokens": [["Which", 0], ["Super", 6], ["Bowl", 12], ["halftime", 17], ["show", 26], ["did", 31], ["Beyonc\u00e9", 35], ["headline", 43], ["?", 51]], "detected_answers": [{"text": "Super Bowl XLVII", "char_spans": [[275, 290]], "token_spans": [[51, 53]]}]}, {"answers": ["$5 million", "$5 million", "$5 million for a 30-second"], "question": "What was the cost for a half minute ad?", "id": "56d98c53dc89441400fdb544", "qid": "79e082c905b147288f1fd1552221c21b", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["cost", 13], ["for", 18], ["a", 22], ["half", 24], ["minute", 29], ["ad", 36], ["?", 38]], "detected_answers": [{"text": "$5 million for a 30-second", "char_spans": [[67, 92]], "token_spans": [[14, 19]]}]}, {"answers": ["Coldplay", "Coldplay", "Coldplay"], "question": "Who lead the Super Bowl 50 halftime performance?", "id": "56d98c53dc89441400fdb545", "qid": "d43b746325264596ad5ab1cd3afd9cb6", "question_tokens": [["Who", 0], ["lead", 4], ["the", 9], ["Super", 13], ["Bowl", 19], ["50", 24], ["halftime", 27], ["performance", 36], ["?", 47]], "detected_answers": [{"text": "Coldplay", "char_spans": [[194, 201]], "token_spans": [[38, 38]]}]}, {"answers": ["Beyonc\u00e9 and Bruno Mars", "Beyonc\u00e9 and Bruno Mars", "Beyonc\u00e9 and Bruno Mars"], "question": "What other two famous performers were part of the Super Bowl 50 halftime?", "id": "56d98c53dc89441400fdb546", "qid": "8e4c964faecf4027892e02623dc82f33", "question_tokens": [["What", 0], ["other", 5], ["two", 11], ["famous", 15], ["performers", 22], ["were", 33], ["part", 38], ["of", 43], ["the", 46], ["Super", 50], ["Bowl", 56], ["50", 61], ["halftime", 64], ["?", 72]], "detected_answers": [{"text": "Beyonc\u00e9 and Bruno Mars", "char_spans": [[233, 254]], "token_spans": [[43, 46]]}]}, {"answers": ["Bruno Mars", "Coldplay", "Coldplay"], "question": "What performer lead the Super Bowl XLVIII halftime show?", "id": "56d98c53dc89441400fdb548", "qid": "469309ce71a9446f886ef563f7eafc66", "question_tokens": [["What", 0], ["performer", 5], ["lead", 15], ["the", 20], ["Super", 24], ["Bowl", 30], ["XLVIII", 35], ["halftime", 42], ["show", 51], ["?", 55]], "detected_answers": [{"text": "Coldplay", "char_spans": [[194, 201]], "token_spans": [[38, 38]]}]}], "context_tokens": [["CBS", 0], ["broadcast", 4], ["Super", 14], ["Bowl", 20], ["50", 25], ["in", 28], ["the", 31], ["U.S.", 35], [",", 39], ["and", 41], ["charged", 45], ["an", 53], ["average", 56], ["of", 64], ["$", 67], ["5", 68], ["million", 70], ["for", 78], ["a", 82], ["30-second", 84], ["commercial", 94], ["during", 105], ["the", 112], ["game", 116], [".", 120], ["The", 122], ["Super", 126], ["Bowl", 132], ["50", 137], ["halftime", 140], ["show", 149], ["was", 154], ["headlined", 158], ["by", 168], ["the", 171], ["British", 175], ["rock", 183], ["group", 188], ["Coldplay", 194], ["with", 203], ["special", 208], ["guest", 216], ["performers", 222], ["Beyonc\u00e9", 233], ["and", 241], ["Bruno", 245], ["Mars", 251], [",", 255], ["who", 257], ["headlined", 261], ["the", 271], ["Super", 275], ["Bowl", 281], ["XLVII", 286], ["and", 292], ["Super", 296], ["Bowl", 302], ["XLVIII", 307], ["halftime", 314], ["shows", 323], [",", 328], ["respectively", 330], [".", 342], ["It", 344], ["was", 347], ["the", 351], ["third", 355], ["-", 360], ["most", 361], ["watched", 366], ["U.S.", 374], ["broadcast", 379], ["ever", 389], [".", 393]]} -{"id": "", "context": "The league eventually narrowed the bids to three sites: New Orleans' Mercedes-Benz Superdome, Miami's Sun Life Stadium, and the San Francisco Bay Area's Levi's Stadium.", "qas": [{"answers": ["New Orleans' Mercedes-Benz Superdome", "New Orleans' Mercedes-Benz Superdome", "Mercedes-Benz Superdome"], "question": "Which Louisiana venue was one of three considered for Super Bowl 50?", "id": "56be5438acb8001400a5031a", "qid": "a76d3c5264da4af68c11aadcbac645c1", "question_tokens": [["Which", 0], ["Louisiana", 6], ["venue", 16], ["was", 22], ["one", 26], ["of", 30], ["three", 33], ["considered", 39], ["for", 50], ["Super", 54], ["Bowl", 60], ["50", 65], ["?", 67]], "detected_answers": [{"text": "Mercedes-Benz Superdome", "char_spans": [[69, 91]], "token_spans": [[13, 16]]}]}, {"answers": ["Miami's Sun Life Stadium", "Miami's Sun Life Stadium", "Sun Life Stadium"], "question": "Which Florida venue was one of three considered for Super Bowl 50?", "id": "56be5438acb8001400a5031b", "qid": "38dec4e3dfcb48cfbaeb1d34ce1c8d4d", "question_tokens": [["Which", 0], ["Florida", 6], ["venue", 14], ["was", 20], ["one", 24], ["of", 28], ["three", 31], ["considered", 37], ["for", 48], ["Super", 52], ["Bowl", 58], ["50", 63], ["?", 65]], "detected_answers": [{"text": "Sun Life Stadium", "char_spans": [[102, 117]], "token_spans": [[20, 22]]}]}, {"answers": ["San Francisco Bay Area's Levi's Stadium", "San Francisco Bay Area's Levi's Stadium", "Levi's Stadium"], "question": "Which California venue was one of three considered for Super Bowl 50?", "id": "56be5438acb8001400a5031c", "qid": "a3a813c2479d435793ebceaa7017cb4a", "question_tokens": [["Which", 0], ["California", 6], ["venue", 17], ["was", 23], ["one", 27], ["of", 31], ["three", 34], ["considered", 40], ["for", 51], ["Super", 55], ["Bowl", 61], ["50", 66], ["?", 68]], "detected_answers": [{"text": "Levi's Stadium", "char_spans": [[153, 166]], "token_spans": [[31, 33]]}]}, {"answers": ["Sun Life Stadium", "Sun Life Stadium", "Sun Life Stadium"], "question": "What venue in Miami was a candidate for the site of Super Bowl 50?", "id": "56beb03c3aeaaa14008c920b", "qid": "af29d2ba013041048ae9c7fc80c87c69", "question_tokens": [["What", 0], ["venue", 5], ["in", 11], ["Miami", 14], ["was", 20], ["a", 24], ["candidate", 26], ["for", 36], ["the", 40], ["site", 44], ["of", 49], ["Super", 52], ["Bowl", 58], ["50", 63], ["?", 65]], "detected_answers": [{"text": "Sun Life Stadium", "char_spans": [[102, 117]], "token_spans": [[20, 22]]}]}, {"answers": ["Levi's Stadium", "Levi's Stadium", "Levi's Stadium"], "question": "What site is located in the San Francisco Bay Area?", "id": "56beb03c3aeaaa14008c920d", "qid": "2624809fbaba41b7a7f293ba928b0a4f", "question_tokens": [["What", 0], ["site", 5], ["is", 10], ["located", 13], ["in", 21], ["the", 24], ["San", 28], ["Francisco", 32], ["Bay", 42], ["Area", 46], ["?", 50]], "detected_answers": [{"text": "Levi's Stadium", "char_spans": [[153, 166]], "token_spans": [[31, 33]]}]}, {"answers": ["Levi's Stadium", "Levi's Stadium", "Levi's Stadium."], "question": "What is the name of San Francisco's stadium when looked at as a possibility for Super Bowl 50?", "id": "56bf3c633aeaaa14008c9580", "qid": "d3577e3a35a44b5698776546235b1afe", "question_tokens": [["What", 0], ["is", 5], ["the", 8], ["name", 12], ["of", 17], ["San", 20], ["Francisco", 24], ["'s", 33], ["stadium", 36], ["when", 44], ["looked", 49], ["at", 56], ["as", 59], ["a", 62], ["possibility", 64], ["for", 76], ["Super", 80], ["Bowl", 86], ["50", 91], ["?", 93]], "detected_answers": [{"text": "Levi's Stadium.", "char_spans": [[153, 167]], "token_spans": [[31, 34]]}]}, {"answers": ["Mercedes-Benz Superdome", "Mercedes-Benz Superdome", "Mercedes-Benz Superdome"], "question": "What was the name of New Orleans' superdome at the time that Super Bowl 50 took place?", "id": "56bf3c633aeaaa14008c9581", "qid": "8b5db421a73d4a6e8a2cc23306a86d4f", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["name", 13], ["of", 18], ["New", 21], ["Orleans", 25], ["'", 32], ["superdome", 34], ["at", 44], ["the", 47], ["time", 51], ["that", 56], ["Super", 61], ["Bowl", 67], ["50", 72], ["took", 75], ["place", 80], ["?", 85]], "detected_answers": [{"text": "Mercedes-Benz Superdome", "char_spans": [[69, 91]], "token_spans": [[13, 16]]}]}, {"answers": ["Sun Life Stadium", "Sun Life Stadium", "Sun Life Stadium"], "question": "What was the given name of Miami's stadium at the time of Super Bowl 50?", "id": "56bf3c633aeaaa14008c9582", "qid": "9433233f7fbc417882f5b3bf324b9a18", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["given", 13], ["name", 19], ["of", 24], ["Miami", 27], ["'s", 32], ["stadium", 35], ["at", 43], ["the", 46], ["time", 50], ["of", 55], ["Super", 58], ["Bowl", 64], ["50", 69], ["?", 71]], "detected_answers": [{"text": "Sun Life Stadium", "char_spans": [[102, 117]], "token_spans": [[20, 22]]}]}, {"answers": ["New Orleans' Mercedes-Benz Superdome, Miami's Sun Life Stadium, and the San Francisco Bay Area's Levi's Stadium", "New Orleans' Mercedes-Benz Superdome, Miami's Sun Life Stadium, and the San Francisco Bay Area's Levi's Stadium.", "New Orleans' Mercedes-Benz Superdome, Miami's Sun Life Stadium, and the San Francisco Bay Area's Levi's Stadium."], "question": "What three stadiums did the NFL decide between for the game?", "id": "56d20564e7d4791d00902612", "qid": "2f2b6dda6f9541c6aa54e8c503c27b44", "question_tokens": [["What", 0], ["three", 5], ["stadiums", 11], ["did", 20], ["the", 24], ["NFL", 28], ["decide", 32], ["between", 39], ["for", 47], ["the", 51], ["game", 55], ["?", 59]], "detected_answers": [{"text": "New Orleans' Mercedes-Benz Superdome, Miami's Sun Life Stadium, and the San Francisco Bay Area's Levi's Stadium.", "char_spans": [[56, 167]], "token_spans": [[10, 34]]}]}, {"answers": ["three", "three", "three"], "question": "How many sites did the NFL narrow down Super Bowl 50's location to?", "id": "56d6ee6e0d65d21400198254", "qid": "bd6015231c15435780b020832ada86e5", "question_tokens": [["How", 0], ["many", 4], ["sites", 9], ["did", 15], ["the", 19], ["NFL", 23], ["narrow", 27], ["down", 34], ["Super", 39], ["Bowl", 45], ["50", 50], ["'s", 52], ["location", 55], ["to", 64], ["?", 66]], "detected_answers": [{"text": "three", "char_spans": [[43, 47]], "token_spans": [[7, 7]]}]}, {"answers": ["New Orleans", "New Orleans", "New Orleans'"], "question": "One of the sites, Merceds-Benz Superdome, is located where?", "id": "56d6ee6e0d65d21400198255", "qid": "b57a3b8a64f14502a58f26d61562aa17", "question_tokens": [["One", 0], ["of", 4], ["the", 7], ["sites", 11], [",", 16], ["Merceds", 18], ["-", 25], ["Benz", 26], ["Superdome", 31], [",", 40], ["is", 42], ["located", 45], ["where", 53], ["?", 58]], "detected_answers": [{"text": "New Orleans'", "char_spans": [[56, 67]], "token_spans": [[10, 12]]}]}, {"answers": ["Sun Life Stadium", "Sun Life Stadium", "Sun Life Stadium"], "question": "What is the name of the stadium in Miami that was considered?", "id": "56d6ee6e0d65d21400198256", "qid": "4bc32a6d068f45f7863322228b5222fc", "question_tokens": [["What", 0], ["is", 5], ["the", 8], ["name", 12], ["of", 17], ["the", 20], ["stadium", 24], ["in", 32], ["Miami", 35], ["that", 41], ["was", 46], ["considered", 50], ["?", 60]], "detected_answers": [{"text": "Sun Life Stadium", "char_spans": [[102, 117]], "token_spans": [[20, 22]]}]}, {"answers": ["San Francisco", "San Francisco", "San Francisco Bay Area's"], "question": "What was the third city that was considered?", "id": "56d6ee6e0d65d21400198257", "qid": "df37bf87d0e54df88c25d785dd8a0990", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["third", 13], ["city", 19], ["that", 24], ["was", 29], ["considered", 33], ["?", 43]], "detected_answers": [{"text": "San Francisco Bay Area's", "char_spans": [[128, 151]], "token_spans": [[26, 30]]}]}, {"answers": ["Levi's Stadium.", "Levi's Stadium", "Levi's Stadium."], "question": "What is the name of the stadium in San Francisco Bay Area?", "id": "56d6ee6e0d65d21400198258", "qid": "51aa32cd575e4f89939cf9279afc8463", "question_tokens": [["What", 0], ["is", 5], ["the", 8], ["name", 12], ["of", 17], ["the", 20], ["stadium", 24], ["in", 32], ["San", 35], ["Francisco", 39], ["Bay", 49], ["Area", 53], ["?", 57]], "detected_answers": [{"text": "Levi's Stadium.", "char_spans": [[153, 167]], "token_spans": [[31, 34]]}]}, {"answers": ["Sun Life Stadium", "Sun Life Stadium", "Sun Life Stadium"], "question": "What Florida stadium was considered for Super Bowl 50?", "id": "56d98db6dc89441400fdb552", "qid": "f130a64961bd4ccca57897ffeec58791", "question_tokens": [["What", 0], ["Florida", 5], ["stadium", 13], ["was", 21], ["considered", 25], ["for", 36], ["Super", 40], ["Bowl", 46], ["50", 51], ["?", 53]], "detected_answers": [{"text": "Sun Life Stadium", "char_spans": [[102, 117]], "token_spans": [[20, 22]]}]}, {"answers": ["Mercedes-Benz Superdome", "Mercedes-Benz Superdome", "Mercedes-Benz Superdome,"], "question": "What New Orleans stadium was considered for Super Bowl 50?", "id": "56d98db6dc89441400fdb553", "qid": "9acb55c4351a4534b7aa7553a2cbbe97", "question_tokens": [["What", 0], ["New", 5], ["Orleans", 9], ["stadium", 17], ["was", 25], ["considered", 29], ["for", 40], ["Super", 44], ["Bowl", 50], ["50", 55], ["?", 57]], "detected_answers": [{"text": "Mercedes-Benz Superdome,", "char_spans": [[69, 92]], "token_spans": [[13, 17]]}]}, {"answers": ["Levi's Stadium.", "Levi's Stadium", "Levi's Stadium."], "question": "What is the name of the stadium where Super Bowl 50 was played?", "id": "56d98db6dc89441400fdb554", "qid": "eaaeea366d5145059e51c31dfc75fb5d", "question_tokens": [["What", 0], ["is", 5], ["the", 8], ["name", 12], ["of", 17], ["the", 20], ["stadium", 24], ["where", 32], ["Super", 38], ["Bowl", 44], ["50", 49], ["was", 52], ["played", 56], ["?", 62]], "detected_answers": [{"text": "Levi's Stadium.", "char_spans": [[153, 167]], "token_spans": [[31, 34]]}]}], "context_tokens": [["The", 0], ["league", 4], ["eventually", 11], ["narrowed", 22], ["the", 31], ["bids", 35], ["to", 40], ["three", 43], ["sites", 49], [":", 54], ["New", 56], ["Orleans", 60], ["'", 67], ["Mercedes", 69], ["-", 77], ["Benz", 78], ["Superdome", 83], [",", 92], ["Miami", 94], ["'s", 99], ["Sun", 102], ["Life", 106], ["Stadium", 111], [",", 118], ["and", 120], ["the", 124], ["San", 128], ["Francisco", 132], ["Bay", 142], ["Area", 146], ["'s", 150], ["Levi", 153], ["'s", 157], ["Stadium", 160], [".", 167]]} -{"id": "", "context": "On May 21, 2013, NFL owners at their spring meetings in Boston voted and awarded the game to Levi's Stadium. The $1.2 billion stadium opened in 2014. It is the first Super Bowl held in the San Francisco Bay Area since Super Bowl XIX in 1985, and the first in California since Super Bowl XXXVII took place in San Diego in 2003.", "qas": [{"answers": ["May 21, 2013", "May 21, 2013", "May 21, 2013,"], "question": "When was Levi's Stadium awarded the right to host Super Bowl 50?", "id": "56be5523acb8001400a5032c", "qid": "af73833956fe4991baf9a6cef4978577", "question_tokens": [["When", 0], ["was", 5], ["Levi", 9], ["'s", 13], ["Stadium", 16], ["awarded", 24], ["the", 32], ["right", 36], ["to", 42], ["host", 45], ["Super", 50], ["Bowl", 56], ["50", 61], ["?", 63]], "detected_answers": [{"text": "May 21, 2013,", "char_spans": [[3, 15]], "token_spans": [[1, 5]]}]}, {"answers": ["NFL owners", "NFL owners", "NFL owners"], "question": "Who voted on the venue for Super Bowl 50?", "id": "56be5523acb8001400a5032d", "qid": "1c1158f70ceb460c809cd8deb51b4aa2", "question_tokens": [["Who", 0], ["voted", 4], ["on", 10], ["the", 13], ["venue", 17], ["for", 23], ["Super", 27], ["Bowl", 33], ["50", 38], ["?", 40]], "detected_answers": [{"text": "NFL owners", "char_spans": [[17, 26]], "token_spans": [[6, 7]]}]}, {"answers": ["2014", "in 2014", "2014"], "question": "When did Lev's Stadium open?", "id": "56be5523acb8001400a5032e", "qid": "4d9d4a9f586540c1b5227e8a6c96741b", "question_tokens": [["When", 0], ["did", 5], ["Lev", 9], ["'s", 12], ["Stadium", 15], ["open", 23], ["?", 27]], "detected_answers": [{"text": "2014", "char_spans": [[144, 147]], "token_spans": [[31, 31]]}]}, {"answers": ["$1.2 billion", "$1.2 billion", "$1.2 billion"], "question": "How much did it cost to build Levi's Stadium?", "id": "56be5523acb8001400a5032f", "qid": "a3bf86576c0342fca8dcc03a882cb85c", "question_tokens": [["How", 0], ["much", 4], ["did", 9], ["it", 13], ["cost", 16], ["to", 21], ["build", 24], ["Levi", 30], ["'s", 34], ["Stadium", 37], ["?", 44]], "detected_answers": [{"text": "$1.2 billion", "char_spans": [[113, 124]], "token_spans": [[25, 27]]}]}, {"answers": ["San Diego", "San Diego", "San Diego"], "question": "What California city last hosted the Super Bowl?", "id": "56be5523acb8001400a50330", "qid": "9151a879be3d4a8593009534310b4654", "question_tokens": [["What", 0], ["California", 5], ["city", 16], ["last", 21], ["hosted", 26], ["the", 33], ["Super", 37], ["Bowl", 43], ["?", 47]], "detected_answers": [{"text": "San Diego", "char_spans": [[308, 316]], "token_spans": [[65, 66]]}]}, {"answers": ["Boston", "in Boston", "May 21, 2013"], "question": "Where did the spring meetings of the NFL owners take place?", "id": "56beb2153aeaaa14008c9225", "qid": "1e65836b1a664410966341a9178768f1", "question_tokens": [["Where", 0], ["did", 6], ["the", 10], ["spring", 14], ["meetings", 21], ["of", 30], ["the", 33], ["NFL", 37], ["owners", 41], ["take", 48], ["place", 53], ["?", 58]], "detected_answers": [{"text": "May 21, 2013", "char_spans": [[3, 14]], "token_spans": [[1, 4]]}]}, {"answers": ["May 21, 2013", "May 21, 2013", "May 21, 2013,"], "question": "On what date was Super Bowl 50 given to Levi's Stadium?", "id": "56beb2153aeaaa14008c9226", "qid": "83d81045f7744f30ba5c03f6adf08438", "question_tokens": [["On", 0], ["what", 3], ["date", 8], ["was", 13], ["Super", 17], ["Bowl", 23], ["50", 28], ["given", 31], ["to", 37], ["Levi", 40], ["'s", 44], ["Stadium", 47], ["?", 54]], "detected_answers": [{"text": "May 21, 2013,", "char_spans": [[3, 15]], "token_spans": [[1, 5]]}]}, {"answers": ["$1.2 billion", "$1.2 billion", "$1.2 billion"], "question": "How much did it cost to build Levi's Stadium?", "id": "56beb2153aeaaa14008c9227", "qid": "3c29ee3785fa46b092dc7e5034bb8ca0", "question_tokens": [["How", 0], ["much", 4], ["did", 9], ["it", 13], ["cost", 16], ["to", 21], ["build", 24], ["Levi", 30], ["'s", 34], ["Stadium", 37], ["?", 44]], "detected_answers": [{"text": "$1.2 billion", "char_spans": [[113, 124]], "token_spans": [[25, 27]]}]}, {"answers": ["Super Bowl XXXVII", "Super Bowl XXXVII", "XXXVII"], "question": "Prior to Super Bowl 50, what was the last Super Bowl in California?", "id": "56beb2153aeaaa14008c9228", "qid": "3d8ac2bd694a4ac7bad126269d0c92a0", "question_tokens": [["Prior", 0], ["to", 6], ["Super", 9], ["Bowl", 15], ["50", 20], [",", 22], ["what", 24], ["was", 29], ["the", 33], ["last", 37], ["Super", 42], ["Bowl", 48], ["in", 53], ["California", 56], ["?", 66]], "detected_answers": [{"text": "XXXVII", "char_spans": [[287, 292]], "token_spans": [[61, 61]]}]}, {"answers": ["San Diego", "San Diego", "San Diego"], "question": "In what city did the last Super Bowl in California occur?", "id": "56beb2153aeaaa14008c9229", "qid": "6313f86b729e4d0da3c7a7ab7fbdb6d2", "question_tokens": [["In", 0], ["what", 3], ["city", 8], ["did", 13], ["the", 17], ["last", 21], ["Super", 26], ["Bowl", 32], ["in", 37], ["California", 40], ["occur", 51], ["?", 56]], "detected_answers": [{"text": "San Diego", "char_spans": [[308, 316]], "token_spans": [[65, 66]]}]}, {"answers": ["2013", "2013", "2013"], "question": "What year did Levi's Stadium become fully approved to host Super Bowl 50?", "id": "56bf23363aeaaa14008c952f", "qid": "03910221e3584c339e1a16176c2cfe25", "question_tokens": [["What", 0], ["year", 5], ["did", 10], ["Levi", 14], ["'s", 18], ["Stadium", 21], ["become", 29], ["fully", 36], ["approved", 42], ["to", 51], ["host", 54], ["Super", 59], ["Bowl", 65], ["50", 70], ["?", 72]], "detected_answers": [{"text": "2013", "char_spans": [[11, 14]], "token_spans": [[4, 4]]}]}, {"answers": ["2014", "2014", "2014"], "question": "When did Levi's stadium open to the public? ", "id": "56bf23363aeaaa14008c9530", "qid": "660318b1d68a45e7b9131ea05889dd92", "question_tokens": [["When", 0], ["did", 5], ["Levi", 9], ["'s", 13], ["stadium", 16], ["open", 24], ["to", 29], ["the", 32], ["public", 36], ["?", 42]], "detected_answers": [{"text": "2014", "char_spans": [[144, 147]], "token_spans": [[31, 31]]}]}, {"answers": ["$1.2 billion", "$1.2 billion", "$1.2 billion"], "question": "How much did it cost to build the stadium where Super Bowl 50 was played?", "id": "56bf23363aeaaa14008c9531", "qid": "d0d23a90127a4c3f8b3928ef185631fd", "question_tokens": [["How", 0], ["much", 4], ["did", 9], ["it", 13], ["cost", 16], ["to", 21], ["build", 24], ["the", 30], ["stadium", 34], ["where", 42], ["Super", 48], ["Bowl", 54], ["50", 59], ["was", 62], ["played", 66], ["?", 72]], "detected_answers": [{"text": "$1.2 billion", "char_spans": [[113, 124]], "token_spans": [[25, 27]]}]}, {"answers": ["1985", "1985", "1985"], "question": "What year did a Super Bowl play in the bay area around San Francisco, prior to Super Bowl 50?", "id": "56bf23363aeaaa14008c9532", "qid": "b0c8ddcc8734483f8fa0245dca48785b", "question_tokens": [["What", 0], ["year", 5], ["did", 10], ["a", 14], ["Super", 16], ["Bowl", 22], ["play", 27], ["in", 32], ["the", 35], ["bay", 39], ["area", 43], ["around", 48], ["San", 55], ["Francisco", 59], [",", 68], ["prior", 70], ["to", 76], ["Super", 79], ["Bowl", 85], ["50", 90], ["?", 92]], "detected_answers": [{"text": "1985", "char_spans": [[236, 239]], "token_spans": [[51, 51]]}]}, {"answers": ["Super Bowl XXXVII", "Super Bowl XXXVII", "XXXVII"], "question": "Which Super Bowl was hosted in San Diego in 2003? ", "id": "56bf23363aeaaa14008c9533", "qid": "a9fdb83b628849e89bfd5ead56d2e6ee", "question_tokens": [["Which", 0], ["Super", 6], ["Bowl", 12], ["was", 17], ["hosted", 21], ["in", 28], ["San", 31], ["Diego", 35], ["in", 41], ["2003", 44], ["?", 48]], "detected_answers": [{"text": "XXXVII", "char_spans": [[287, 292]], "token_spans": [[61, 61]]}]}, {"answers": ["May 21, 2013", "May 21, 2013,", "May 21, 2013"], "question": "When was San Francisco voted to be the location for Super Bowl 50?", "id": "56d6f0770d65d21400198268", "qid": "3b37d8ac6ff6441d87bfab0589ee4a22", "question_tokens": [["When", 0], ["was", 5], ["San", 9], ["Francisco", 13], ["voted", 23], ["to", 29], ["be", 32], ["the", 35], ["location", 39], ["for", 48], ["Super", 52], ["Bowl", 58], ["50", 63], ["?", 65]], "detected_answers": [{"text": "May 21, 2013", "char_spans": [[3, 14]], "token_spans": [[1, 4]]}]}, {"answers": ["2014", "in 2014", "2014"], "question": "When did Levi's Stadium open?", "id": "56d6f0770d65d21400198269", "qid": "2b8e91f54fc241e8ab6d393ed21f4c2b", "question_tokens": [["When", 0], ["did", 5], ["Levi", 9], ["'s", 13], ["Stadium", 16], ["open", 24], ["?", 28]], "detected_answers": [{"text": "2014", "char_spans": [[144, 147]], "token_spans": [[31, 31]]}]}, {"answers": ["2003", "in 2003", "2003"], "question": "When was the last Super Bowl in California?", "id": "56d6f0770d65d2140019826a", "qid": "39c35592698d4f8b82183414e95a97e0", "question_tokens": [["When", 0], ["was", 5], ["the", 9], ["last", 13], ["Super", 18], ["Bowl", 24], ["in", 29], ["California", 32], ["?", 42]], "detected_answers": [{"text": "2003", "char_spans": [[321, 324]], "token_spans": [[68, 68]]}]}, {"answers": ["Boston", "in Boston", "Boston"], "question": "Where was the meeting held when the NFL owners voted on the location for Super Bowl 50?", "id": "56d6f0770d65d2140019826c", "qid": "123c0940045243b6a72eead43011d1fc", "question_tokens": [["Where", 0], ["was", 6], ["the", 10], ["meeting", 14], ["held", 22], ["when", 27], ["the", 32], ["NFL", 36], ["owners", 40], ["voted", 47], ["on", 53], ["the", 56], ["location", 60], ["for", 69], ["Super", 73], ["Bowl", 79], ["50", 84], ["?", 86]], "detected_answers": [{"text": "Boston", "char_spans": [[56, 61]], "token_spans": [[13, 13]]}]}, {"answers": ["May 21, 2013", "May 21, 2013", "May 21, 2013"], "question": "When was Levi's Stadium picked for Super bowl 50?", "id": "56d98fbfdc89441400fdb562", "qid": "3c2a542e2d8d4c159215b971ad3f096d", "question_tokens": [["When", 0], ["was", 5], ["Levi", 9], ["'s", 13], ["Stadium", 16], ["picked", 24], ["for", 31], ["Super", 35], ["bowl", 41], ["50", 46], ["?", 48]], "detected_answers": [{"text": "May 21, 2013", "char_spans": [[3, 14]], "token_spans": [[1, 4]]}]}, {"answers": ["2014.", "in 2014", "2014"], "question": "When did Levi's Stadium open?", "id": "56d98fbfdc89441400fdb563", "qid": "622ba886d68649619d926563ca28eb8f", "question_tokens": [["When", 0], ["did", 5], ["Levi", 9], ["'s", 13], ["Stadium", 16], ["open", 24], ["?", 28]], "detected_answers": [{"text": "2014", "char_spans": [[144, 147]], "token_spans": [[31, 31]]}]}, {"answers": ["$1.2 billion", "$1.2 billion", "$1.2 billion"], "question": "How much did Levi's Stadium cost?", "id": "56d98fbfdc89441400fdb564", "qid": "ab581f4ebb6e4f3a97e224e9fe6a515f", "question_tokens": [["How", 0], ["much", 4], ["did", 9], ["Levi", 13], ["'s", 17], ["Stadium", 20], ["cost", 28], ["?", 32]], "detected_answers": [{"text": "$1.2 billion", "char_spans": [[113, 124]], "token_spans": [[25, 27]]}]}, {"answers": ["2003.", "2003", "2003"], "question": "When was the last time California hosted a Super Bowl?", "id": "56d98fbfdc89441400fdb565", "qid": "bb8ff77cd36a4f02bc6995da68245cc1", "question_tokens": [["When", 0], ["was", 5], ["the", 9], ["last", 13], ["time", 18], ["California", 23], ["hosted", 34], ["a", 41], ["Super", 43], ["Bowl", 49], ["?", 53]], "detected_answers": [{"text": "2003", "char_spans": [[321, 324]], "token_spans": [[68, 68]]}]}], "context_tokens": [["On", 0], ["May", 3], ["21", 7], [",", 9], ["2013", 11], [",", 15], ["NFL", 17], ["owners", 21], ["at", 28], ["their", 31], ["spring", 37], ["meetings", 44], ["in", 53], ["Boston", 56], ["voted", 63], ["and", 69], ["awarded", 73], ["the", 81], ["game", 85], ["to", 90], ["Levi", 93], ["'s", 97], ["Stadium", 100], [".", 107], ["The", 109], ["$", 113], ["1.2", 114], ["billion", 118], ["stadium", 126], ["opened", 134], ["in", 141], ["2014", 144], [".", 148], ["It", 150], ["is", 153], ["the", 156], ["first", 160], ["Super", 166], ["Bowl", 172], ["held", 177], ["in", 182], ["the", 185], ["San", 189], ["Francisco", 193], ["Bay", 203], ["Area", 207], ["since", 212], ["Super", 218], ["Bowl", 224], ["XIX", 229], ["in", 233], ["1985", 236], [",", 240], ["and", 242], ["the", 246], ["first", 250], ["in", 256], ["California", 259], ["since", 270], ["Super", 276], ["Bowl", 282], ["XXXVII", 287], ["took", 294], ["place", 299], ["in", 305], ["San", 308], ["Diego", 312], ["in", 318], ["2003", 321], [".", 325]]} -{"id": "", "context": "The league announced on October 16, 2012, that the two finalists were Sun Life Stadium and Levi's Stadium. The South Florida/Miami area has previously hosted the event 10 times (tied for most with New Orleans), with the most recent one being Super Bowl XLIV in 2010. The San Francisco Bay Area last hosted in 1985 (Super Bowl XIX), held at Stanford Stadium in Stanford, California, won by the home team 49ers. The Miami bid depended on whether the stadium underwent renovations. However, on May 3, 2013, the Florida legislature refused to approve the funding plan to pay for the renovations, dealing a significant blow to Miami's chances.", "qas": [{"answers": ["October 16, 2012", "October 16, 2012,", "October 16, 2012"], "question": "When were the two finalists for hosting Super Bowl 50 announced?", "id": "56be54bdacb8001400a50322", "qid": "4d621b4978da4a5dbd57791b86da9c71", "question_tokens": [["When", 0], ["were", 5], ["the", 10], ["two", 14], ["finalists", 18], ["for", 28], ["hosting", 32], ["Super", 40], ["Bowl", 46], ["50", 51], ["announced", 54], ["?", 63]], "detected_answers": [{"text": "October 16, 2012", "char_spans": [[24, 39]], "token_spans": [[4, 7]]}]}, {"answers": ["10", "10", "10"], "question": "How many times has the South Florida/Miami area hosted the Super Bowl?", "id": "56be54bdacb8001400a50323", "qid": "2e83992ae554439b8e85c47c3518977e", "question_tokens": [["How", 0], ["many", 4], ["times", 9], ["has", 15], ["the", 19], ["South", 23], ["Florida", 29], ["/", 36], ["Miami", 37], ["area", 43], ["hosted", 48], ["the", 55], ["Super", 59], ["Bowl", 65], ["?", 69]], "detected_answers": [{"text": "10", "char_spans": [[168, 169]], "token_spans": [[33, 33]]}]}, {"answers": ["Super Bowl XLIV", "Super Bowl XLIV", "2010"], "question": "What was the most recent Super Bowl hosted in the South Florida/Miami area?", "id": "56be54bdacb8001400a50324", "qid": "85b0a0b8b1ab46a68e968470f4e5a390", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["most", 13], ["recent", 18], ["Super", 25], ["Bowl", 31], ["hosted", 36], ["in", 43], ["the", 46], ["South", 50], ["Florida", 56], ["/", 63], ["Miami", 64], ["area", 70], ["?", 74]], "detected_answers": [{"text": "2010", "char_spans": [[261, 264]], "token_spans": [[54, 54]]}]}, {"answers": ["2010", "2010", "2010"], "question": "When was the most recent Super Bowl hosted in the South Florida/Miami area?", "id": "56be54bdacb8001400a50325", "qid": "37042bcbf3774e3a8b6fc7582af90bc5", "question_tokens": [["When", 0], ["was", 5], ["the", 9], ["most", 13], ["recent", 18], ["Super", 25], ["Bowl", 31], ["hosted", 36], ["in", 43], ["the", 46], ["South", 50], ["Florida", 56], ["/", 63], ["Miami", 64], ["area", 70], ["?", 74]], "detected_answers": [{"text": "2010", "char_spans": [[261, 264]], "token_spans": [[54, 54]]}]}, {"answers": ["1985", "1985", "1985"], "question": "When did the San Francisco Bay area last host the Super Bowl?", "id": "56be54bdacb8001400a50326", "qid": "c1610b846d7f4f7a8cb684a694470ce5", "question_tokens": [["When", 0], ["did", 5], ["the", 9], ["San", 13], ["Francisco", 17], ["Bay", 27], ["area", 31], ["last", 36], ["host", 41], ["the", 46], ["Super", 50], ["Bowl", 56], ["?", 60]], "detected_answers": [{"text": "1985", "char_spans": [[309, 312]], "token_spans": [[64, 64]]}]}, {"answers": ["Sun Life Stadium", "Sun Life Stadium", "Sun Life Stadium"], "question": "What was the other finalist besides Levi's Stadium?", "id": "56beb0f43aeaaa14008c921b", "qid": "aaaee866ce0f4876bf9b5f411f80c7bb", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["other", 13], ["finalist", 19], ["besides", 28], ["Levi", 36], ["'s", 40], ["Stadium", 43], ["?", 50]], "detected_answers": [{"text": "Sun Life Stadium", "char_spans": [[70, 85]], "token_spans": [[14, 16]]}]}, {"answers": ["October 16, 2012", "October 16, 2012", "October 16, 2012,"], "question": "When were the finalists announced?", "id": "56beb0f43aeaaa14008c921c", "qid": "cff82fdf8f12427aab53d690ce70d30e", "question_tokens": [["When", 0], ["were", 5], ["the", 10], ["finalists", 14], ["announced", 24], ["?", 33]], "detected_answers": [{"text": "October 16, 2012,", "char_spans": [[24, 40]], "token_spans": [[4, 8]]}]}, {"answers": ["Stanford Stadium", "Stanford Stadium", "Stanford Stadium"], "question": "In what venue did Super Bowl XIX take place?", "id": "56beb0f43aeaaa14008c921d", "qid": "aa03e9f4b1354458b939ccf3b1b5ff2d", "question_tokens": [["In", 0], ["what", 3], ["venue", 8], ["did", 14], ["Super", 18], ["Bowl", 24], ["XIX", 29], ["take", 33], ["place", 38], ["?", 43]], "detected_answers": [{"text": "Stanford Stadium", "char_spans": [[340, 355]], "token_spans": [[73, 74]]}]}, {"answers": ["May 3, 2013", "May 3, 2013", "May 3, 2013"], "question": "On what date did the Florida legislature decide against the plan to renovate the Miami stadium?", "id": "56beb0f43aeaaa14008c921e", "qid": "ef692734c5774551b78c1d6a8a1aa509", "question_tokens": [["On", 0], ["what", 3], ["date", 8], ["did", 13], ["the", 17], ["Florida", 21], ["legislature", 29], ["decide", 41], ["against", 48], ["the", 56], ["plan", 60], ["to", 65], ["renovate", 68], ["the", 77], ["Miami", 81], ["stadium", 87], ["?", 94]], "detected_answers": [{"text": "May 3, 2013", "char_spans": [[491, 501]], "token_spans": [[101, 104]]}]}, {"answers": ["2010", "2010", "2010"], "question": "In what year was the Super Bowl last held in the Miami/South Florida area?", "id": "56beb0f43aeaaa14008c921f", "qid": "a70a0ccb24d74a4a8b0f2a3e6436bdff", "question_tokens": [["In", 0], ["what", 3], ["year", 8], ["was", 13], ["the", 17], ["Super", 21], ["Bowl", 27], ["last", 32], ["held", 37], ["in", 42], ["the", 45], ["Miami", 49], ["/", 54], ["South", 55], ["Florida", 61], ["area", 69], ["?", 73]], "detected_answers": [{"text": "2010", "char_spans": [[261, 264]], "token_spans": [[54, 54]]}]}, {"answers": ["two", "10", "10"], "question": "How many times has a Super Bowl taken place at Miami's Sun Life Stadium?", "id": "56bf21b43aeaaa14008c9525", "qid": "6d0b299bfeff4ab196ab679382d17d8f", "question_tokens": [["How", 0], ["many", 4], ["times", 9], ["has", 15], ["a", 19], ["Super", 21], ["Bowl", 27], ["taken", 32], ["place", 38], ["at", 44], ["Miami", 47], ["'s", 52], ["Sun", 55], ["Life", 59], ["Stadium", 64], ["?", 71]], "detected_answers": [{"text": "10", "char_spans": [[168, 169]], "token_spans": [[33, 33]]}]}, {"answers": ["Super Bowl XLIV", "Super Bowl XLIV", "2010"], "question": "What was the last Super Bowl that took place at Sun Life Stadium in Miami? ", "id": "56bf21b43aeaaa14008c9526", "qid": "75fe1964de0046fa99d54ac2e81be956", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["last", 13], ["Super", 18], ["Bowl", 24], ["that", 29], ["took", 34], ["place", 39], ["at", 45], ["Sun", 48], ["Life", 52], ["Stadium", 57], ["in", 65], ["Miami", 68], ["?", 73]], "detected_answers": [{"text": "2010", "char_spans": [[261, 264]], "token_spans": [[54, 54]]}]}, {"answers": ["two", "two", "two"], "question": "In 2012, how many stadiums were named as finalists for hosting Super Bowl 50 before the final stadium was chosen?", "id": "56bf21b43aeaaa14008c9528", "qid": "e1f33f1fb239449c9c2048e8e48dd40c", "question_tokens": [["In", 0], ["2012", 3], [",", 7], ["how", 9], ["many", 13], ["stadiums", 18], ["were", 27], ["named", 32], ["as", 38], ["finalists", 41], ["for", 51], ["hosting", 55], ["Super", 63], ["Bowl", 69], ["50", 74], ["before", 77], ["the", 84], ["final", 88], ["stadium", 94], ["was", 102], ["chosen", 106], ["?", 112]], "detected_answers": [{"text": "two", "char_spans": [[51, 53]], "token_spans": [[11, 11]]}]}, {"answers": ["Florida legislature", "the Florida legislature", "Florida legislature"], "question": "What was the entity that stepped in and caused Miami's Sun Life Stadium to no longer be in the running to host Super Bowl 50?", "id": "56bf21b43aeaaa14008c9529", "qid": "64bf0e133c0741b0ab7bb79e3f695356", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["entity", 13], ["that", 20], ["stepped", 25], ["in", 33], ["and", 36], ["caused", 40], ["Miami", 47], ["'s", 52], ["Sun", 55], ["Life", 59], ["Stadium", 64], ["to", 72], ["no", 75], ["longer", 78], ["be", 85], ["in", 88], ["the", 91], ["running", 95], ["to", 103], ["host", 106], ["Super", 111], ["Bowl", 117], ["50", 122], ["?", 124]], "detected_answers": [{"text": "Florida legislature", "char_spans": [[508, 526]], "token_spans": [[107, 108]]}]}, {"answers": ["1985", "1985", "1985"], "question": "Prior to this consideration, when did San Francisco last host a Super Bowl?", "id": "56d6ef6a0d65d21400198260", "qid": "118f18b3891a4fa9b39b090ba2a49a89", "question_tokens": [["Prior", 0], ["to", 6], ["this", 9], ["consideration", 14], [",", 27], ["when", 29], ["did", 34], ["San", 38], ["Francisco", 42], ["last", 52], ["host", 57], ["a", 62], ["Super", 64], ["Bowl", 70], ["?", 74]], "detected_answers": [{"text": "1985", "char_spans": [[309, 312]], "token_spans": [[64, 64]]}]}, {"answers": ["New Orleans", "New Orleans", "New Orleans"], "question": "What other city has hosted the Super Bowl ten times?", "id": "56d6ef6a0d65d21400198262", "qid": "504beced7bd646f28d3a3d983d0019e9", "question_tokens": [["What", 0], ["other", 5], ["city", 11], ["has", 16], ["hosted", 20], ["the", 27], ["Super", 31], ["Bowl", 37], ["ten", 42], ["times", 46], ["?", 51]], "detected_answers": [{"text": "New Orleans", "char_spans": [[197, 207]], "token_spans": [[40, 41]]}]}, {"answers": ["October 16, 2012", "October 16, 2012", "October 16, 2012,"], "question": "What date were the top two stadium choices for Super Bowl 50 announced?", "id": "56d98f0ddc89441400fdb558", "qid": "6d639b775f574bd3b9955b0ab4ad61cf", "question_tokens": [["What", 0], ["date", 5], ["were", 10], ["the", 15], ["top", 19], ["two", 23], ["stadium", 27], ["choices", 35], ["for", 43], ["Super", 47], ["Bowl", 53], ["50", 58], ["announced", 61], ["?", 70]], "detected_answers": [{"text": "October 16, 2012,", "char_spans": [[24, 40]], "token_spans": [[4, 8]]}]}, {"answers": ["10.", "10", "10 times"], "question": "How many times prios has the Sun Life Stadium had Super Bowls?", "id": "56d98f0ddc89441400fdb559", "qid": "d2aa5e88daed457589d89095055adcbb", "question_tokens": [["How", 0], ["many", 4], ["times", 9], ["prios", 15], ["has", 21], ["the", 25], ["Sun", 29], ["Life", 33], ["Stadium", 38], ["had", 46], ["Super", 50], ["Bowls", 56], ["?", 61]], "detected_answers": [{"text": "10 times", "char_spans": [[168, 175]], "token_spans": [[33, 34]]}]}, {"answers": ["New Orleans", "New Orleans", "New Orleans"], "question": "What city is tied with Miami for hosting the Super Bowl?", "id": "56d98f0ddc89441400fdb55a", "qid": "2ee29208f7ae4be1a28fce711758a99f", "question_tokens": [["What", 0], ["city", 5], ["is", 10], ["tied", 13], ["with", 18], ["Miami", 23], ["for", 29], ["hosting", 33], ["the", 41], ["Super", 45], ["Bowl", 51], ["?", 55]], "detected_answers": [{"text": "New Orleans", "char_spans": [[197, 207]], "token_spans": [[40, 41]]}]}, {"answers": ["1985", "1985", "1985"], "question": "When was the last time San Francisco hosted a Super Bowl?", "id": "56d98f0ddc89441400fdb55b", "qid": "84c1a0498d4b4843a03ea86fa7e8a5c6", "question_tokens": [["When", 0], ["was", 5], ["the", 9], ["last", 13], ["time", 18], ["San", 23], ["Francisco", 27], ["hosted", 37], ["a", 44], ["Super", 46], ["Bowl", 52], ["?", 56]], "detected_answers": [{"text": "1985", "char_spans": [[309, 312]], "token_spans": [[64, 64]]}]}, {"answers": ["Florida legislature", "the Florida legislature", "Florida legislature"], "question": "Who decided not to approve paying for renovations at Sun Life Stadium that the league wanted for them to do to host Super Bowl 50?", "id": "56d98f0ddc89441400fdb55c", "qid": "0e0dd2d0d46c491082bc3f0196789a95", "question_tokens": [["Who", 0], ["decided", 4], ["not", 12], ["to", 16], ["approve", 19], ["paying", 27], ["for", 34], ["renovations", 38], ["at", 50], ["Sun", 53], ["Life", 57], ["Stadium", 62], ["that", 70], ["the", 75], ["league", 79], ["wanted", 86], ["for", 93], ["them", 97], ["to", 102], ["do", 105], ["to", 108], ["host", 111], ["Super", 116], ["Bowl", 122], ["50", 127], ["?", 129]], "detected_answers": [{"text": "Florida legislature", "char_spans": [[508, 526]], "token_spans": [[107, 108]]}]}], "context_tokens": [["The", 0], ["league", 4], ["announced", 11], ["on", 21], ["October", 24], ["16", 32], [",", 34], ["2012", 36], [",", 40], ["that", 42], ["the", 47], ["two", 51], ["finalists", 55], ["were", 65], ["Sun", 70], ["Life", 74], ["Stadium", 79], ["and", 87], ["Levi", 91], ["'s", 95], ["Stadium", 98], [".", 105], ["The", 107], ["South", 111], ["Florida", 117], ["/", 124], ["Miami", 125], ["area", 131], ["has", 136], ["previously", 140], ["hosted", 151], ["the", 158], ["event", 162], ["10", 168], ["times", 171], ["(", 177], ["tied", 178], ["for", 183], ["most", 187], ["with", 192], ["New", 197], ["Orleans", 201], [")", 208], [",", 209], ["with", 211], ["the", 216], ["most", 220], ["recent", 225], ["one", 232], ["being", 236], ["Super", 242], ["Bowl", 248], ["XLIV", 253], ["in", 258], ["2010", 261], [".", 265], ["The", 267], ["San", 271], ["Francisco", 275], ["Bay", 285], ["Area", 289], ["last", 294], ["hosted", 299], ["in", 306], ["1985", 309], ["(", 314], ["Super", 315], ["Bowl", 321], ["XIX", 326], [")", 329], [",", 330], ["held", 332], ["at", 337], ["Stanford", 340], ["Stadium", 349], ["in", 357], ["Stanford", 360], [",", 368], ["California", 370], [",", 380], ["won", 382], ["by", 386], ["the", 389], ["home", 393], ["team", 398], ["49ers", 403], [".", 408], ["The", 410], ["Miami", 414], ["bid", 420], ["depended", 424], ["on", 433], ["whether", 436], ["the", 444], ["stadium", 448], ["underwent", 456], ["renovations", 466], [".", 477], ["However", 479], [",", 486], ["on", 488], ["May", 491], ["3", 495], [",", 496], ["2013", 498], [",", 502], ["the", 504], ["Florida", 508], ["legislature", 516], ["refused", 528], ["to", 536], ["approve", 539], ["the", 547], ["funding", 551], ["plan", 559], ["to", 564], ["pay", 567], ["for", 571], ["the", 575], ["renovations", 579], [",", 590], ["dealing", 592], ["a", 600], ["significant", 602], ["blow", 614], ["to", 619], ["Miami", 622], ["'s", 627], ["chances", 630], [".", 637]]} -{"id": "", "context": "For the third straight season, the number one seeds from both conferences met in the Super Bowl. The Carolina Panthers became one of only ten teams to have completed a regular season with only one loss, and one of only six teams to have acquired a 15\u20131 record, while the Denver Broncos became one of four teams to have made eight appearances in the Super Bowl. The Broncos made their second Super Bowl appearance in three years, having reached Super Bowl XLVIII, while the Panthers made their second Super Bowl appearance in franchise history, their other appearance being Super Bowl XXXVIII. Coincidentally, both teams were coached by John Fox in their last Super Bowl appearance prior to Super Bowl 50.", "qas": [{"answers": ["John Fox", "John Fox", "Fox"], "question": "Who coached each Super Bowl 50 participant in their most recent Super Bowl appearance prior to Super Bowl 50?", "id": "56be572b3aeaaa14008c9052", "qid": "c5f55f0f56704c7aa28769060e232615", "question_tokens": [["Who", 0], ["coached", 4], ["each", 12], ["Super", 17], ["Bowl", 23], ["50", 28], ["participant", 31], ["in", 43], ["their", 46], ["most", 52], ["recent", 57], ["Super", 64], ["Bowl", 70], ["appearance", 75], ["prior", 86], ["to", 92], ["Super", 95], ["Bowl", 101], ["50", 106], ["?", 108]], "detected_answers": [{"text": "Fox", "char_spans": [[641, 643]], "token_spans": [[118, 118]]}]}, {"answers": ["ten", "ten", "six"], "question": "How many NFL teams have finished the regular season with one loss?", "id": "56beb2a03aeaaa14008c922f", "qid": "b3627c8795144e2a9915e506968a0f53", "question_tokens": [["How", 0], ["many", 4], ["NFL", 9], ["teams", 13], ["have", 19], ["finished", 24], ["the", 33], ["regular", 37], ["season", 45], ["with", 52], ["one", 57], ["loss", 61], ["?", 65]], "detected_answers": [{"text": "six", "char_spans": [[219, 221]], "token_spans": [[43, 43]]}]}, {"answers": ["six", "six", "six"], "question": "How many NFL teams have gone 15-1 in one season?", "id": "56beb2a03aeaaa14008c9230", "qid": "d93364aeb44a49c0b8d03fcdae097770", "question_tokens": [["How", 0], ["many", 4], ["NFL", 9], ["teams", 13], ["have", 19], ["gone", 24], ["15", 29], ["-", 31], ["1", 32], ["in", 34], ["one", 37], ["season", 41], ["?", 47]], "detected_answers": [{"text": "six", "char_spans": [[219, 221]], "token_spans": [[43, 43]]}]}, {"answers": ["Carolina Panthers", "The Carolina Panthers", "Panthers"], "question": "Which team in Super Bowl 50 had a 15-1 record?", "id": "56beb2a03aeaaa14008c9231", "qid": "67f71da206e14df29c4095c51e2240a5", "question_tokens": [["Which", 0], ["team", 6], ["in", 11], ["Super", 14], ["Bowl", 20], ["50", 25], ["had", 28], ["a", 32], ["15", 34], ["-", 36], ["1", 37], ["record", 39], ["?", 45]], "detected_answers": [{"text": "Panthers", "char_spans": [[110, 117]], "token_spans": [[21, 21]]}]}, {"answers": ["Super Bowl XLVIII", "Super Bowl XLVIII", "XLVIII"], "question": "What was the last Super Bowl the Broncos participated in?", "id": "56beb2a03aeaaa14008c9232", "qid": "c6488a805a0044f2818aab09b0a77edb", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["last", 13], ["Super", 18], ["Bowl", 24], ["the", 29], ["Broncos", 33], ["participated", 41], ["in", 54], ["?", 56]], "detected_answers": [{"text": "XLVIII", "char_spans": [[455, 460]], "token_spans": [[87, 87]]}]}, {"answers": ["John Fox", "John Fox", "Fox"], "question": "Who was the head coach of the Broncos in Super Bowl XLVIII?", "id": "56beb2a03aeaaa14008c9233", "qid": "51784276fee04f33966e71320a7d87c3", "question_tokens": [["Who", 0], ["was", 4], ["the", 8], ["head", 12], ["coach", 17], ["of", 23], ["the", 26], ["Broncos", 30], ["in", 38], ["Super", 41], ["Bowl", 47], ["XLVIII", 52], ["?", 58]], "detected_answers": [{"text": "Fox", "char_spans": [[641, 643]], "token_spans": [[118, 118]]}]}, {"answers": ["eight", "eight", "eight"], "question": "What was the number of times the Denver Broncos played in a Super Bowl by the time they reached Super Bowl 50?", "id": "56bf28c73aeaaa14008c9539", "qid": "ddcbfe39a20540df86ccc7b713d820f6", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["number", 13], ["of", 20], ["times", 23], ["the", 29], ["Denver", 33], ["Broncos", 40], ["played", 48], ["in", 55], ["a", 58], ["Super", 60], ["Bowl", 66], ["by", 71], ["the", 74], ["time", 78], ["they", 83], ["reached", 88], ["Super", 96], ["Bowl", 102], ["50", 107], ["?", 109]], "detected_answers": [{"text": "eight", "char_spans": [[324, 328]], "token_spans": [[64, 64]]}]}, {"answers": ["ten", "ten", "ten"], "question": "How many NFL teams have had only one loss by the end of a regular season?", "id": "56bf28c73aeaaa14008c953a", "qid": "f420b5aeeea04b40aa8943b7c3cb9c66", "question_tokens": [["How", 0], ["many", 4], ["NFL", 9], ["teams", 13], ["have", 19], ["had", 24], ["only", 28], ["one", 33], ["loss", 37], ["by", 42], ["the", 45], ["end", 49], ["of", 53], ["a", 56], ["regular", 58], ["season", 66], ["?", 72]], "detected_answers": [{"text": "ten", "char_spans": [[138, 140]], "token_spans": [[26, 26]]}]}, {"answers": ["Super Bowl XXXVIII", "Super Bowl XXXVIII", "XXXVIII"], "question": "What was the first Super Bowl that the Carolina Panthers played in? ", "id": "56bf28c73aeaaa14008c953c", "qid": "dda3b90e6e59403ab7d02ce32a8e84b5", "question_tokens": [["What", 0], ["was", 5], ["the", 9], ["first", 13], ["Super", 19], ["Bowl", 25], ["that", 30], ["the", 35], ["Carolina", 39], ["Panthers", 48], ["played", 57], ["in", 64], ["?", 66]], "detected_answers": [{"text": "XXXVIII", "char_spans": [[584, 590]], "token_spans": [[108, 108]]}]}, {"answers": ["six", "ten", "ten"], "question": "How many teams can boast a 15\u20131 regular season record?", "id": "56bf28c73aeaaa14008c953d", "qid": "2ff5748b293c472ba0800a38fc620079", "question_tokens": [["How", 0], ["many", 4], ["teams", 9], ["can", 15], ["boast", 19], ["a", 25], ["15\u20131", 27], ["regular", 32], ["season", 40], ["record", 47], ["?", 53]], "detected_answers": [{"text": "ten", "char_spans": [[138, 140]], "token_spans": [[26, 26]]}]}, {"answers": ["number one", "number one", "one"], "question": "What seed was the Carolina Panthers?", "id": "56d6f1190d65d21400198272", "qid": "9b75a742420e4c5c8f12e837ff18c25a", "question_tokens": [["What", 0], ["seed", 5], ["was", 10], ["the", 14], ["Carolina", 18], ["Panthers", 27], ["?", 35]], "detected_answers": [{"text": "one", "char_spans": [[42, 44]], "token_spans": [[8, 8]]}]}, {"answers": ["number one", "number one", "one"], "question": "What seed was the Denver Broncos?", "id": "56d6f1190d65d21400198273", "qid": "b870221781c64c0e9769b542adb9de5c", "question_tokens": [["What", 0], ["seed", 5], ["was", 10], ["the", 14], ["Denver", 18], ["Broncos", 25], ["?", 32]], "detected_answers": [{"text": "one", "char_spans": [[42, 44]], "token_spans": [[8, 8]]}]}, {"answers": ["Super Bowl XLVIII", "Super Bowl XLVIII", "Super Bowl XLVIII"], "question": "Prior to Super Bowl 50, when were the Broncos last there?", "id": "56d6f1190d65d21400198274", "qid": "3891e5bedff44b968211dcb2f9287a75", "question_tokens": [["Prior", 0], ["to", 6], ["Super", 9], ["Bowl", 15], ["50", 20], [",", 22], ["when", 24], ["were", 29], ["the", 34], ["Broncos", 38], ["last", 46], ["there", 51], ["?", 56]], "detected_answers": [{"text": "Super Bowl XLVIII", "char_spans": [[444, 460]], "token_spans": [[85, 87]]}]}, {"answers": ["Super Bowl XXXVIII.", "Super Bowl XXXVIII", "Super Bowl XXXVIII"], "question": "Prior to Super Bowl 50, when were the Carolina Panthers last there?", "id": "56d6f1190d65d21400198275", "qid": "f3b014ecab1c4032a1c6e5fa7641555b", "question_tokens": [["Prior", 0], ["to", 6], ["Super", 9], ["Bowl", 15], ["50", 20], [",", 22], ["when", 24], ["were", 29], ["the", 34], ["Carolina", 38], ["Panthers", 47], ["last", 56], ["there", 61], ["?", 66]], "detected_answers": [{"text": "Super Bowl XXXVIII", "char_spans": [[573, 590]], "token_spans": [[106, 108]]}]}, {"answers": ["six", "ten", "ten"], "question": "How many teams have had a 15-1 record for the regular season?", "id": "56d6f1190d65d21400198276", "qid": "644501ec5c0749bbbb3b27debffca9b8", "question_tokens": [["How", 0], ["many", 4], ["teams", 9], ["have", 15], ["had", 20], ["a", 24], ["15", 26], ["-", 28], ["1", 29], ["record", 31], ["for", 38], ["the", 42], ["regular", 46], ["season", 54], ["?", 60]], "detected_answers": [{"text": "ten", "char_spans": [[138, 140]], "token_spans": [[26, 26]]}]}, {"answers": ["one", "1", "1"], "question": "How many games did the Panthers lose in the regular season before Super Bowl 50?", "id": "56d99179dc89441400fdb56c", "qid": "a4339b28775f456c94895fc5a37e77fd", "question_tokens": [["How", 0], ["many", 4], ["games", 9], ["did", 15], ["the", 19], ["Panthers", 23], ["lose", 32], ["in", 37], ["the", 40], ["regular", 44], ["season", 52], ["before", 59], ["Super", 66], ["Bowl", 72], ["50", 77], ["?", 79]], "detected_answers": [{"text": "one", "char_spans": [[42, 44]], "token_spans": [[8, 8]]}]}, {"answers": ["four", "four", "four"], "question": "How many teams up to Super Bowl 50 have been to the championship game eight times?", "id": "56d99179dc89441400fdb56d", "qid": "b1cb5895c617478aa2d30992551f903a", "question_tokens": [["How", 0], ["many", 4], ["teams", 9], ["up", 15], ["to", 18], ["Super", 21], ["Bowl", 27], ["50", 32], ["have", 35], ["been", 40], ["to", 45], ["the", 48], ["championship", 52], ["game", 65], ["eight", 70], ["times", 76], ["?", 81]], "detected_answers": [{"text": "four", "char_spans": [[300, 303]], "token_spans": [[59, 59]]}]}, {"answers": ["John Fox", "John Fox", "John Fox"], "question": "Before Super Bowl 50, what was the coach's name that coached both teams for their last Super Bowl appearances?", "id": "56d99179dc89441400fdb570", "qid": "7311a706089c4dedaee715881d893ebc", "question_tokens": [["Before", 0], ["Super", 7], ["Bowl", 13], ["50", 18], [",", 20], ["what", 22], ["was", 27], ["the", 31], ["coach", 35], ["'s", 40], ["name", 43], ["that", 48], ["coached", 53], ["both", 61], ["teams", 66], ["for", 72], ["their", 76], ["last", 82], ["Super", 87], ["Bowl", 93], ["appearances", 98], ["?", 109]], "detected_answers": [{"text": "John Fox", "char_spans": [[636, 643]], "token_spans": [[117, 118]]}]}], "context_tokens": [["For", 0], ["the", 4], ["third", 8], ["straight", 14], ["season", 23], [",", 29], ["the", 31], ["number", 35], ["one", 42], ["seeds", 46], ["from", 52], ["both", 57], ["conferences", 62], ["met", 74], ["in", 78], ["the", 81], ["Super", 85], ["Bowl", 91], [".", 95], ["The", 97], ["Carolina", 101], ["Panthers", 110], ["became", 119], ["one", 126], ["of", 130], ["only", 133], ["ten", 138], ["teams", 142], ["to", 148], ["have", 151], ["completed", 156], ["a", 166], ["regular", 168], ["season", 176], ["with", 183], ["only", 188], ["one", 193], ["loss", 197], [",", 201], ["and", 203], ["one", 207], ["of", 211], ["only", 214], ["six", 219], ["teams", 223], ["to", 229], ["have", 232], ["acquired", 237], ["a", 246], ["15\u20131", 248], ["record", 253], [",", 259], ["while", 261], ["the", 267], ["Denver", 271], ["Broncos", 278], ["became", 286], ["one", 293], ["of", 297], ["four", 300], ["teams", 305], ["to", 311], ["have", 314], ["made", 319], ["eight", 324], ["appearances", 330], ["in", 342], ["the", 345], ["Super", 349], ["Bowl", 355], [".", 359], ["The", 361], ["Broncos", 365], ["made", 373], ["their", 378], ["second", 384], ["Super", 391], ["Bowl", 397], ["appearance", 402], ["in", 413], ["three", 416], ["years", 422], [",", 427], ["having", 429], ["reached", 436], ["Super", 444], ["Bowl", 450], ["XLVIII", 455], [",", 461], ["while", 463], ["the", 469], ["Panthers", 473], ["made", 482], ["their", 487], ["second", 493], ["Super", 500], ["Bowl", 506], ["appearance", 511], ["in", 522], ["franchise", 525], ["history", 535], [",", 542], ["their", 544], ["other", 550], ["appearance", 556], ["being", 567], ["Super", 573], ["Bowl", 579], ["XXXVIII", 584], [".", 591], ["Coincidentally", 593], [",", 607], ["both", 609], ["teams", 614], ["were", 620], ["coached", 625], ["by", 633], ["John", 636], ["Fox", 641], ["in", 645], ["their", 648], ["last", 654], ["Super", 659], ["Bowl", 665], ["appearance", 670], ["prior", 681], ["to", 687], ["Super", 690], ["Bowl", 696], ["50", 701], [".", 703]]} -{"id": "", "context": "Despite waiving longtime running back DeAngelo Williams and losing top wide receiver Kelvin Benjamin to a torn ACL in the preseason, the Carolina Panthers had their best regular season in franchise history, becoming the seventh team to win at least 15 regular season games since the league expanded to a 16-game schedule in 1978. Carolina started the season 14\u20130, not only setting franchise records for the best start and the longest single-season winning streak, but also posting the best start to a season by an NFC team in NFL history, breaking the 13\u20130 record previously shared with the 2009 New Orleans Saints and the 2011 Green Bay Packers. With their NFC-best 15\u20131 regular season record, the Panthers clinched home-field advantage throughout the NFC playoffs for the first time in franchise history. Ten players were selected to the Pro Bowl (the most in franchise history) along with eight All-Pro selections.", "qas": [{"answers": ["DeAngelo Williams", "DeAngelo Williams", "Williams"], "question": "Whic Carolina Panthers running back was waived?", "id": "56be59683aeaaa14008c9058", "qid": "0e3b434ab0ac4318aabcd29e030523ae", "question_tokens": [["Whic", 0], ["Carolina", 5], ["Panthers", 14], ["running", 23], ["back", 31], ["was", 36], ["waived", 40], ["?", 46]], "detected_answers": [{"text": "Williams", "char_spans": [[47, 54]], "token_spans": [[6, 6]]}]}, {"answers": ["Kelvin Benjamin", "Kelvin Benjamin", "Benjamin"], "question": "Which Carolina Panthers wide receiver suffered a torn ACL before the season began?", "id": "56be59683aeaaa14008c9059", "qid": "08b9ace3723f4360b5bb00a7aea977ec", "question_tokens": [["Which", 0], ["Carolina", 6], ["Panthers", 15], ["wide", 24], ["receiver", 29], ["suffered", 38], ["a", 47], ["torn", 49], ["ACL", 54], ["before", 58], ["the", 65], ["season", 69], ["began", 76], ["?", 81]], "detected_answers": [{"text": "Benjamin", "char_spans": [[92, 99]], "token_spans": [[13, 13]]}]}, {"answers": ["7", "seventh", "seventh"], "question": "How many teams have won 15 regular season games since the 16-game schedule was adopted?", "id": "56be59683aeaaa14008c905a", "qid": "50f65d4d1ec6483ba2bb42031d656df0", "question_tokens": [["How", 0], ["many", 4], ["teams", 9], ["have", 15], ["won", 20], ["15", 24], ["regular", 27], ["season", 35], ["games", 42], ["since", 48], ["the", 54], ["16-game", 58], ["schedule", 66], ["was", 75], ["adopted", 79], ["?", 86]], "detected_answers": [{"text": "seventh", "char_spans": [[220, 226]], "token_spans": [[36, 36]]}]}, {"answers": ["1978", "1978", "1978"], "question": "In what year did the NFL switch to a 16-game regular season?", "id": "56beb3083aeaaa14008c923d", "qid": "d82088877d5543f694f2af057fce09a7", "question_tokens": [["In", 0], ["what", 3], ["year", 8], ["did", 13], ["the", 17], ["NFL", 21], ["switch", 25], ["to", 32], ["a", 35], ["16-game", 37], ["regular", 45], ["season", 53], ["?", 59]], "detected_answers": [{"text": "1978", "char_spans": [[324, 327]], "token_spans": [[55, 55]]}]}, {"answers": ["Carolina Panthers", "the Panthers", "Carolina"], "question": "Who had the best record in the NFC?", "id": "56beb3083aeaaa14008c923e", "qid": "4394b910b1d840e78b9ad6b8e5f31b4c", "question_tokens": [["Who", 0], ["had", 4], ["the", 8], ["best", 12], ["record", 17], ["in", 24], ["the", 27], ["NFC", 31], ["?", 34]], "detected_answers": [{"text": "Carolina", "char_spans": [[330, 337]], "token_spans": [[57, 57]]}]}, {"answers": ["Ten", "Ten", "Ten"], "question": "How many Panthers went to the Pro Bowl?", "id": "56beb3083aeaaa14008c923f", "qid": "7131e4b52ecb44f4ae14f3734f6d7c96", "question_tokens": [["How", 0], ["many", 4], ["Panthers", 9], ["went", 18], ["to", 23], ["the", 26], ["Pro", 30], ["Bowl", 34], ["?", 38]], "detected_answers": [{"text": "Ten", "char_spans": [[807, 809]], "token_spans": [[146, 146]]}]}, {"answers": ["eight", "eight", "eight"], "question": "How many Panthers were designated All-Pro?", "id": "56beb3083aeaaa14008c9240", "qid": "0ec83cf9a5d94c08a7f75fcfbded2057", "question_tokens": [["How", 0], ["many", 4], ["Panthers", 9], ["were", 18], ["designated", 23], ["All", 34], ["-", 37], ["Pro", 38], ["?", 41]], "detected_answers": [{"text": "eight", "char_spans": [[892, 896]], "token_spans": [[163, 163]]}]}, {"answers": ["Kelvin Benjamin", "Kelvin Benjamin", "Benjamin"], "question": "What Panther tore his ACL in the preseason?", "id": "56beb3083aeaaa14008c9241", "qid": "0515b56f5c034b8492e71266251cd34f", "question_tokens": [["What", 0], ["Panther", 5], ["tore", 13], ["his", 18], ["ACL", 22], ["in", 26], ["the", 29], ["preseason", 33], ["?", 42]], "detected_answers": [{"text": "Benjamin", "char_spans": [[92, 99]], "token_spans": [[13, 13]]}]}, {"answers": ["1978", "1978", "1978"], "question": "What year did the league begin having schedules with 16 games in them?", "id": "56bf2afe3aeaaa14008c9543", "qid": "04def93363e142fb976ded79212e9331", "question_tokens": [["What", 0], ["year", 5], ["did", 10], ["the", 14], ["league", 18], ["begin", 25], ["having", 31], ["schedules", 38], ["with", 48], ["16", 53], ["games", 56], ["in", 62], ["them", 65], ["?", 69]], "detected_answers": [{"text": "1978", "char_spans": [[324, 327]], "token_spans": [[55, 55]]}]}, {"answers": ["2009", "2009", "2009"], "question": "What year did the the Saints hit a 13-0 record?", "id": "56bf2afe3aeaaa14008c9544", "qid": "e91a3b3b72d44a4ab0de6f9cbe4de146", "question_tokens": [["What", 0], ["year", 5], ["did", 10], ["the", 14], ["the", 18], ["Saints", 22], ["hit", 29], ["a", 33], ["13", 35], ["-", 37], ["0", 38], ["record", 40], ["?", 46]], "detected_answers": [{"text": "2009", "char_spans": [[591, 594]], "token_spans": [[106, 106]]}]}, {"answers": ["2011", "2011", "2011"], "question": "When did the Packers arrive at a record of 13-0?", "id": "56bf2afe3aeaaa14008c9545", "qid": "9e6cf6de9029406a8c807f3c9dadaab0", "question_tokens": [["When", 0], ["did", 5], ["the", 9], ["Packers", 13], ["arrive", 21], ["at", 28], ["a", 31], ["record", 33], ["of", 40], ["13", 43], ["-", 45], ["0", 46], ["?", 47]], "detected_answers": [{"text": "2011", "char_spans": [[623, 626]], "token_spans": [[112, 112]]}]}, {"answers": ["torn ACL", "a torn ACL", "torn ACL"], "question": "What injury did the Carolina Panthers lose Kelvin Benjamin to during their preseason?", "id": "56bf2afe3aeaaa14008c9547", "qid": "88138335d9724387ab75669b97131b2a", "question_tokens": [["What", 0], ["injury", 5], ["did", 12], ["the", 16], ["Carolina", 20], ["Panthers", 29], ["lose", 38], ["Kelvin", 43], ["Benjamin", 50], ["to", 59], ["during", 62], ["their", 69], ["preseason", 75], ["?", 84]], "detected_answers": [{"text": "torn ACL", "char_spans": [[106, 113]], "token_spans": [[16, 17]]}]}, {"answers": ["Kelvin Benjamin", "Kelvin Benjamin", "Benjamin"], "question": "Which player did the Panthers lose to an ACL injury in a preseason game?", "id": "56d6f2000d65d2140019827c", "qid": "8367dace42d646df8dfe429f545d2c1b", "question_tokens": [["Which", 0], ["player", 6], ["did", 13], ["the", 17], ["Panthers", 21], ["lose", 30], ["to", 35], ["an", 38], ["ACL", 41], ["injury", 45], ["in", 52], ["a", 55], ["preseason", 57], ["game", 67], ["?", 71]], "detected_answers": [{"text": "Benjamin", "char_spans": [[92, 99]], "token_spans": [[13, 13]]}]}, {"answers": ["DeAngelo Williams", "DeAngelo Williams", "Williams"], "question": "Which running back did the Panthers waive?", "id": "56d6f2000d65d2140019827d", "qid": "56ff24dfe4eb4f2186901cca0ee168f3", "question_tokens": [["Which", 0], ["running", 6], ["back", 14], ["did", 19], ["the", 23], ["Panthers", 27], ["waive", 36], ["?", 41]], "detected_answers": [{"text": "Williams", "char_spans": [[47, 54]], "token_spans": [[6, 6]]}]}, {"answers": ["1978", "1978", "1978"], "question": "When did the NFL start their 16 game seasons?", "id": "56d6f2000d65d2140019827e", "qid": "cf061826580f45908fec8617888fe6a9", "question_tokens": [["When", 0], ["did", 5], ["the", 9], ["NFL", 13], ["start", 17], ["their", 23], ["16", 29], ["game", 32], ["seasons", 37], ["?", 44]], "detected_answers": [{"text": "1978", "char_spans": [[324, 327]], "token_spans": [[55, 55]]}]}, {"answers": ["Ten", "Ten", "Ten"], "question": "How many Panthers players were selected to the Pro Bowl?", "id": "56d6f2000d65d2140019827f", "qid": "aab9c74ec68645e79ecf9019e36ac771", "question_tokens": [["How", 0], ["many", 4], ["Panthers", 9], ["players", 18], ["were", 26], ["selected", 31], ["to", 40], ["the", 43], ["Pro", 47], ["Bowl", 51], ["?", 55]], "detected_answers": [{"text": "Ten", "char_spans": [[807, 809]], "token_spans": [[146, 146]]}]}, {"answers": ["Carolina Panthers", "the Panthers", "Carolina"], "question": "Which team had the best regular season in their history?", "id": "56d9943fdc89441400fdb576", "qid": "0833e0539eb44c2fba66625f7bdce517", "question_tokens": [["Which", 0], ["team", 6], ["had", 11], ["the", 15], ["best", 19], ["regular", 24], ["season", 32], ["in", 39], ["their", 42], ["history", 48], ["?", 55]], "detected_answers": [{"text": "Carolina", "char_spans": [[330, 337]], "token_spans": [[57, 57]]}]}, {"answers": ["1978.", "1978", "1978"], "question": "When did the league go from 15 to 16 games in the regular season?", "id": "56d9943fdc89441400fdb577", "qid": "2e29854700ab4436bf2a4fa777c84665", "question_tokens": [["When", 0], ["did", 5], ["the", 9], ["league", 13], ["go", 20], ["from", 23], ["15", 28], ["to", 31], ["16", 34], ["games", 37], ["in", 43], ["the", 46], ["regular", 50], ["season", 58], ["?", 64]], "detected_answers": [{"text": "1978", "char_spans": [[324, 327]], "token_spans": [[55, 55]]}]}, {"answers": ["Carolina Panthers", "the Panthers", "Carolina"], "question": "What team had the best start ever in the NFL?", "id": "56d9943fdc89441400fdb578", "qid": "7ded1b9fa0c4487cb947ea9653235a3f", "question_tokens": [["What", 0], ["team", 5], ["had", 10], ["the", 14], ["best", 18], ["start", 23], ["ever", 29], ["in", 34], ["the", 37], ["NFL", 41], ["?", 44]], "detected_answers": [{"text": "Carolina", "char_spans": [[330, 337]], "token_spans": [[57, 57]]}]}, {"answers": ["Ten", "Ten", "Ten"], "question": "How many Panthers players were chosen for the 2015 season's Pro Bowl?", "id": "56d9943fdc89441400fdb57a", "qid": "8bc00cf440354fd5bd645ccad4b04290", "question_tokens": [["How", 0], ["many", 4], ["Panthers", 9], ["players", 18], ["were", 26], ["chosen", 31], ["for", 38], ["the", 42], ["2015", 46], ["season", 51], ["'s", 57], ["Pro", 60], ["Bowl", 64], ["?", 68]], "detected_answers": [{"text": "Ten", "char_spans": [[807, 809]], "token_spans": [[146, 146]]}]}], "context_tokens": [["Despite", 0], ["waiving", 8], ["longtime", 16], ["running", 25], ["back", 33], ["DeAngelo", 38], ["Williams", 47], ["and", 56], ["losing", 60], ["top", 67], ["wide", 71], ["receiver", 76], ["Kelvin", 85], ["Benjamin", 92], ["to", 101], ["a", 104], ["torn", 106], ["ACL", 111], ["in", 115], ["the", 118], ["preseason", 122], [",", 131], ["the", 133], ["Carolina", 137], ["Panthers", 146], ["had", 155], ["their", 159], ["best", 165], ["regular", 170], ["season", 178], ["in", 185], ["franchise", 188], ["history", 198], [",", 205], ["becoming", 207], ["the", 216], ["seventh", 220], ["team", 228], ["to", 233], ["win", 236], ["at", 240], ["least", 243], ["15", 249], ["regular", 252], ["season", 260], ["games", 267], ["since", 273], ["the", 279], ["league", 283], ["expanded", 290], ["to", 299], ["a", 302], ["16-game", 304], ["schedule", 312], ["in", 321], ["1978", 324], [".", 328], ["Carolina", 330], ["started", 339], ["the", 347], ["season", 351], ["14\u20130", 358], [",", 362], ["not", 364], ["only", 368], ["setting", 373], ["franchise", 381], ["records", 391], ["for", 399], ["the", 403], ["best", 407], ["start", 412], ["and", 418], ["the", 422], ["longest", 426], ["single", 434], ["-", 440], ["season", 441], ["winning", 448], ["streak", 456], [",", 462], ["but", 464], ["also", 468], ["posting", 473], ["the", 481], ["best", 485], ["start", 490], ["to", 496], ["a", 499], ["season", 501], ["by", 508], ["an", 511], ["NFC", 514], ["team", 518], ["in", 523], ["NFL", 526], ["history", 530], [",", 537], ["breaking", 539], ["the", 548], ["13\u20130", 552], ["record", 557], ["previously", 564], ["shared", 575], ["with", 582], ["the", 587], ["2009", 591], ["New", 596], ["Orleans", 600], ["Saints", 608], ["and", 615], ["the", 619], ["2011", 623], ["Green", 628], ["Bay", 634], ["Packers", 638], [".", 645], ["With", 647], ["their", 652], ["NFC", 658], ["-", 661], ["best", 662], ["15\u20131", 667], ["regular", 672], ["season", 680], ["record", 687], [",", 693], ["the", 695], ["Panthers", 699], ["clinched", 708], ["home", 717], ["-", 721], ["field", 722], ["advantage", 728], ["throughout", 738], ["the", 749], ["NFC", 753], ["playoffs", 757], ["for", 766], ["the", 770], ["first", 774], ["time", 780], ["in", 785], ["franchise", 788], ["history", 798], [".", 805], ["Ten", 807], ["players", 811], ["were", 819], ["selected", 824], ["to", 833], ["the", 836], ["Pro", 840], ["Bowl", 844], ["(", 849], ["the", 850], ["most", 854], ["in", 859], ["franchise", 862], ["history", 872], [")", 879], ["along", 881], ["with", 887], ["eight", 892], ["All", 898], ["-", 901], ["Pro", 902], ["selections", 906], [".", 916]]} diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/model_wrapper.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/model_wrapper.py deleted file mode 100644 index d72b5b1404ad632bc0addb9916ea7a5404870735..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/model_wrapper.py +++ /dev/null @@ -1,136 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -"""ERNIE (PaddlePaddle) model wrapper""" -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function -import os -import json -import collections -import multiprocessing -import argparse -import numpy as np -import paddle.fluid as fluid -from pdnlp.toolkit.configure import ArgumentGroup -from task_reader.mrqa_infer import DataProcessor, get_answers -from pdnlp.toolkit.init import init_pretraining_params, init_checkpoint - -ema_decay = 0.9999 -verbose = False -max_seq_len = 512 -max_query_length = 64 -max_answer_length = 30 -in_tokens = False -do_lower_case = True -doc_stride = 128 -n_best_size = 20 -use_cuda = True - - - -class ERNIEModelWrapper(): - """ - Wrap a tnet model - the basic processes include input checking, preprocessing, calling tf-serving - and postprocessing - """ - def __init__(self, model_dir): - """ """ - if use_cuda: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - self.exe = fluid.Executor(place) - - self.bert_preprocessor = DataProcessor( - vocab_path=os.path.join(model_dir, 'vocab.txt'), - do_lower_case=do_lower_case, - max_seq_length=max_seq_len, - in_tokens=in_tokens, - doc_stride=doc_stride, - max_query_length=max_query_length) - - self.inference_program, self.feed_target_names, self.fetch_targets = \ - fluid.io.load_inference_model(dirname=model_dir, executor=self.exe) - - def preprocessor(self, samples, batch_size, examples_start_id, features_start_id): - """Preprocess the input samples, including word seg, padding, token to ids""" - # Tokenization and paragraph padding - examples, features, batch = self.bert_preprocessor.data_generator( - samples, batch_size, max_len=max_seq_len, examples_start_id=examples_start_id, features_start_id=features_start_id) - self.samples = samples - return examples, features, batch - - def call_mrc(self, batch, squeeze_dim0=False, return_list=False): - """MRC""" - if squeeze_dim0 and return_list: - raise ValueError("squeeze_dim0 only work for dict-type return value.") - src_ids = batch[0] - pos_ids = batch[1] - sent_ids = batch[2] - input_mask = batch[3] - unique_id = batch[4] - feed_dict = { - self.feed_target_names[0]: src_ids, - self.feed_target_names[1]: pos_ids, - self.feed_target_names[2]: sent_ids, - self.feed_target_names[3]: input_mask, - self.feed_target_names[4]: unique_id - } - - np_unique_ids, np_start_logits, np_end_logits, np_num_seqs = \ - self.exe.run(self.inference_program, feed=feed_dict, fetch_list=self.fetch_targets) - - if len(np_unique_ids) == 1 and squeeze_dim0: - np_unique_ids = np_unique_ids[0] - np_start_logits = np_start_logits[0] - np_end_logits = np_end_logits[0] - - if return_list: - mrc_results = [{'unique_ids': id, 'start_logits': st, 'end_logits': end} - for id, st, end in zip(np_unique_ids, np_start_logits, np_end_logits)] - else: - mrc_results = { - 'unique_ids': np_unique_ids, - 'start_logits': np_start_logits, - 'end_logits': np_end_logits, - } - return mrc_results - - def postprocessor(self, examples, features, mrc_results): - """Extract answer - batch: [examples, features] from preprocessor - mrc_results: model results from call_mrc. if mrc_results is list, each element of which is a size=1 batch. - """ - RawResult = collections.namedtuple("RawResult", - ["unique_id", "start_logits", "end_logits"]) - results = [] - if isinstance(mrc_results, list): - for res in mrc_results: - unique_id = res['unique_ids'][0] - start_logits = [float(x) for x in res['start_logits'].flat] - end_logits = [float(x) for x in res['end_logits'].flat] - results.append( - RawResult( - unique_id=unique_id, - start_logits=start_logits, - end_logits=end_logits)) - else: - assert isinstance(mrc_results, dict) - for idx in range(mrc_results['unique_ids'].shape[0]): - unique_id = int(mrc_results['unique_ids'][idx]) - start_logits = [float(x) for x in mrc_results['start_logits'][idx].flat] - end_logits = [float(x) for x in mrc_results['end_logits'][idx].flat] - results.append( - RawResult( - unique_id=unique_id, - start_logits=start_logits, - end_logits=end_logits)) - - answers = get_answers( - examples, features, results, n_best_size, - max_answer_length, do_lower_case, verbose) - return answers - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/mrc_service.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/mrc_service.py deleted file mode 100644 index 895b0a31384d16e1d0437485709fb640166ba7bd..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/mrc_service.py +++ /dev/null @@ -1,189 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -"""Some utilities for MRC online service""" -import json -import sys -import logging -import time -import numpy as np -from flask import Response -from flask import request -from copy import deepcopy - -verbose = False - -def _request_check(input_json): - """Check if the request json is valid""" - if input_json is None or not isinstance(input_json, dict): - return 'Can not parse the input json data - {}'.format(input_json) - try: - c = input_json['context'] - qa = input_json['qas'][0] - qid = qa['qid'] - q = qa['question'] - except KeyError as e: - return 'Invalid request, key "{}" not found'.format(e) - return 'OK' - -def _abort(status_code, message): - """Create custom error message and status code""" - return Response(json.dumps(message), status=status_code, mimetype='application/json') - -def _timmer(init_start, start, current, process_name): - cumulated_elapsed_time = (current - init_start) * 1000 - current_elapsed_time = (current - start) * 1000 - print('{}\t-\t{:.2f}\t{:.2f}'.format(process_name, cumulated_elapsed_time, - current_elapsed_time)) - -def _split_input_json(input_json): - if len(input_json['context_tokens']) > 810: - input_json['context'] = input_json['context'][:5000] - if len(input_json['qas']) == 1: - return [input_json] - else: - rets = [] - for i in range(len(input_json['qas'])): - temp = deepcopy(input_json) - temp['qas'] = [input_json['qas'][i]] - rets.append(temp) - return rets - -class BasicMRCService(object): - """Provide basic MRC service for flask""" - def __init__(self, name, logger=None, log_data=False): - """ """ - self.name = name - if logger is None: - self.logger = logging.getLogger('flask') - else: - self.logger = logger - self.log_data = log_data - - def __call__(self, model, process_mode='serial', max_batch_size=5, timmer=False): - """ - Args: - mode: serial, parallel - """ - if timmer: - start = time.time() - """Call mrc model wrapper and handle expectations""" - self.input_json = request.get_json(silent=True) - try: - if timmer: - start_request_check = time.time() - request_status = _request_check(self.input_json) - if timmer: - current_time = time.time() - _timmer(start, start_request_check, current_time, 'request check') - if self.log_data: - if self.logger is None: - logging.info( - 'Client input - {}'.format(json.dumps(self.input_json, ensure_ascii=False)) - ) - else: - self.logger.info( - 'Client input - {}'.format(json.dumps(self.input_json, ensure_ascii=False)) - ) - except Exception as e: - self.logger.error('server request checker error') - self.logger.exception(e) - return _abort(500, 'server request checker error - {}'.format(e)) - if request_status != 'OK': - return _abort(400, request_status) - - # call preprocessor - try: - if timmer: - start_preprocess = time.time() - - jsons = _split_input_json(self.input_json) - processed = [] - ex_start_idx = 0 - feat_start_idx = 1000000000 - for i in jsons: - e,f,b = model.preprocessor(i, batch_size=max_batch_size if process_mode == 'parallel' else 1, examples_start_id=ex_start_idx, features_start_id=feat_start_idx) - ex_start_idx += len(e) - feat_start_idx += len(f) - processed.append([e,f,b]) - - if timmer: - current_time = time.time() - _timmer(start, start_preprocess, current_time, 'preprocess') - except Exception as e: - self.logger.error('preprocessor error') - self.logger.exception(e) - return _abort(500, 'preprocessor error - {}'.format(e)) - - def transpose(mat): - return zip(*mat) - - # call mrc - try: - if timmer: - start_call_mrc = time.time() - - self.mrc_results = [] - self.examples = [] - self.features = [] - for e, f, batches in processed: - if verbose: - if len(f) > max_batch_size: - print("get a too long example....") - if process_mode == 'serial': - self.mrc_results.extend([model.call_mrc(b, squeeze_dim0=True) for b in batches[:max_batch_size]]) - elif process_mode == 'parallel': - # only keep first max_batch_size features - # batches = batches[0] - - for b in batches: - self.mrc_results.extend(model.call_mrc(b, return_list=True)) - else: - raise NotImplementedError() - self.examples.extend(e) - # self.features.extend(f[:max_batch_size]) - self.features.extend(f) - - if timmer: - current_time = time.time() - _timmer(start, start_call_mrc, current_time, 'call mrc') - except Exception as e: - self.logger.error('call_mrc error') - self.logger.exception(e) - return _abort(500, 'call_mrc error - {}'.format(e)) - - # call post processor - try: - if timmer: - start_post_precess = time.time() - self.results = model.postprocessor(self.examples, self.features, self.mrc_results) - - # only nbest results is POSTed back - self.results = self.results[1] - # self.results = self.results[0] - - if timmer: - current_time = time.time() - _timmer(start, start_post_precess, current_time, 'post process') - except Exception as e: - self.logger.error('postprocessor error') - self.logger.exception(e) - return _abort(500, 'postprocessor error - {}'.format(e)) - - return self._response_constructor() - - def _response_constructor(self): - """construct http response object""" - try: - response = { - # 'requestID': self.input_json['requestID'], - 'results': self.results - } - if self.log_data: - self.logger.info( - 'Response - {}'.format(json.dumps(response, ensure_ascii=False)) - ) - return Response(json.dumps(response), mimetype='application/json') - except Exception as e: - self.logger.error('response constructor error') - self.logger.exception(e) - return _abort(500, 'response constructor error - {}'.format(e)) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/__init__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/__main__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/__main__.py deleted file mode 100644 index cf1dc9efefca3392147f10c6df875b4d864206ab..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/__main__.py +++ /dev/null @@ -1,9 +0,0 @@ -from algorithm import optimization -from algorithm import multitask -from extension import fp16 -from module import transformer_encoder -from toolkit import configure -from toolkit import init -from toolkit import placeholder -from nets import bert - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/algorithm/__init__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/algorithm/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/algorithm/multitask.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/algorithm/multitask.py deleted file mode 100644 index 8ea0182548b0a4d504edae9156b8e6b91ebcff1d..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/algorithm/multitask.py +++ /dev/null @@ -1,119 +0,0 @@ -#encoding=utf8 - -import os -import sys -import random -from copy import deepcopy as copy -import numpy as np -import paddle -import paddle.fluid as fluid -import multiprocessing - -class Task: - - def __init__( - self, - conf, - name = "", - is_training = False, - _DataProcesser = None, - shared_name = ""): - - self.conf = copy(conf) - - self.name = name - self.shared_name = shared_name - - self.is_training = is_training - self.DataProcesser = _DataProcesser - - def _create_reader(self): - raise NotImplementedError("Task:_create_reader not implemented") - - def _create_model(self): - raise NotImplementedError("Task:_create_model not implemented") - - def prepare(self, args): - raise NotImplementedError("Task:prepare not implemented") - - def train_step(self, args): - raise NotImplementedError("Task:train_step not implemented") - - def predict(self, args): - raise NotImplementedError("Task:_predict not implemented") - - -class JointTask: - - def __init__(self): - - self.tasks = [] - - #self.startup_exe = None - #self.train_exe = None - - self.exe = None - - self.share_vars_from = None - - self.startup_prog = fluid.Program() - - def __add__(self, task): - - assert isinstance(task, Task) - - self.tasks.append(task) - - return self - - def prepare(self, args): - - if args.use_cuda: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - - #self.startup_exe = fluid.Executor(place) - self.exe = fluid.Executor(place) - - for idx, task in enumerate(self.tasks): - if idx == 0: - print("for idx : %d" % idx) - task.prepare(args, exe = self.exe) - self.share_vars_from = task.compiled_train_prog - else: - print("for idx : %d" % idx) - task.prepare(args, exe = self.exe, share_vars_from = self.share_vars_from) - - def train(self, args): - - joint_steps = [] - for i in xrange(0, len(self.tasks)): - for _ in xrange(0, self.tasks[i].max_train_steps): - joint_steps.append(i) - - self.tasks[0].train_step(args, exe = self.exe) - - random.shuffle(joint_steps) - for next_task_id in joint_steps: - self.tasks[next_task_id].train_step(args, exe = self.exe) - - -if __name__ == "__main__": - - basetask_a = Task(None) - - basetask_b = Task(None) - - joint_tasks = JointTask() - - joint_tasks += basetask_a - - print(joint_tasks.tasks) - - joint_tasks += basetask_b - - print(joint_tasks.tasks) - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/algorithm/optimization.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/algorithm/optimization.py deleted file mode 100644 index 0f338263855b2e7aa09d916b12c8486579b5d571..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/algorithm/optimization.py +++ /dev/null @@ -1,139 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Optimization and learning rate scheduling.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import numpy as np -import paddle.fluid as fluid -from pdnlp.extension.fp16 import create_master_params_grads, master_param_to_train_param - - -def linear_warmup_decay(learning_rate, warmup_steps, num_train_steps): - """ Applies linear warmup of learning rate from 0 and decay to 0.""" - with fluid.default_main_program()._lr_schedule_guard(): - lr = fluid.layers.tensor.create_global_var( - shape=[1], - value=0.0, - dtype='float32', - persistable=True, - name="scheduled_learning_rate") - - global_step = fluid.layers.learning_rate_scheduler._decay_step_counter() - - with fluid.layers.control_flow.Switch() as switch: - with switch.case(global_step < warmup_steps): - warmup_lr = learning_rate * (global_step / warmup_steps) - fluid.layers.tensor.assign(warmup_lr, lr) - with switch.default(): - decayed_lr = fluid.layers.learning_rate_scheduler.polynomial_decay( - learning_rate=learning_rate, - decay_steps=num_train_steps, - end_learning_rate=0.0, - power=1.0, - cycle=False) - fluid.layers.tensor.assign(decayed_lr, lr) - - return lr - - -def optimization(loss, - warmup_steps, - num_train_steps, - learning_rate, - train_program, - startup_prog, - weight_decay, - scheduler='linear_warmup_decay', - use_fp16=False, - loss_scaling=1.0): - if warmup_steps > 0: - if scheduler == 'noam_decay': - scheduled_lr = fluid.layers.learning_rate_scheduler\ - .noam_decay(1/(warmup_steps *(learning_rate ** 2)), - warmup_steps) - elif scheduler == 'linear_warmup_decay': - scheduled_lr = linear_warmup_decay(learning_rate, warmup_steps, - num_train_steps) - else: - raise ValueError("Unkown learning rate scheduler, should be " - "'noam_decay' or 'linear_warmup_decay'") - optimizer = fluid.optimizer.Adam(learning_rate=scheduled_lr) - else: - optimizer = fluid.optimizer.Adam(learning_rate=learning_rate) - scheduled_lr = learning_rate - - clip_norm_thres = 1.0 - # When using mixed precision training, scale the gradient clip threshold - # by loss_scaling - if use_fp16 and loss_scaling > 1.0: - clip_norm_thres *= loss_scaling - fluid.clip.set_gradient_clip( - clip=fluid.clip.GradientClipByGlobalNorm(clip_norm=clip_norm_thres)) - - def exclude_from_weight_decay(name): - if name.find("layer_norm") > -1: - return True - bias_suffix = ["_bias", "_b", ".b_0"] - for suffix in bias_suffix: - if name.endswith(suffix): - return True - return False - - param_list = dict() - - if use_fp16: - param_grads = optimizer.backward(loss) - master_param_grads = create_master_params_grads( - param_grads, train_program, startup_prog, loss_scaling) - - for param, _ in master_param_grads: - param_list[param.name] = param * 1.0 - param_list[param.name].stop_gradient = True - - optimizer.apply_gradients(master_param_grads) - - if weight_decay > 0: - for param, grad in master_param_grads: - if exclude_from_weight_decay(param.name.rstrip(".master")): - continue - with param.block.program._optimized_guard( - [param, grad]), fluid.framework.name_scope("weight_decay"): - updated_param = param - param_list[ - param.name] * weight_decay * scheduled_lr - fluid.layers.assign(output=param, input=updated_param) - - master_param_to_train_param(master_param_grads, param_grads, - train_program) - - else: - for param in train_program.global_block().all_parameters(): - param_list[param.name] = param * 1.0 - param_list[param.name].stop_gradient = True - - _, param_grads = optimizer.minimize(loss) - - if weight_decay > 0: - for param, grad in param_grads: - if exclude_from_weight_decay(param.name): - continue - with param.block.program._optimized_guard( - [param, grad]), fluid.framework.name_scope("weight_decay"): - updated_param = param - param_list[ - param.name] * weight_decay * scheduled_lr - fluid.layers.assign(output=param, input=updated_param) - - return scheduled_lr diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/extension/__init__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/extension/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/extension/fp16.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/extension/fp16.py deleted file mode 100644 index e153c2b9a1029897def264278c5dbe72e1f369f5..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/extension/fp16.py +++ /dev/null @@ -1,97 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from __future__ import print_function -import paddle -import paddle.fluid as fluid - - -def cast_fp16_to_fp32(i, o, prog): - prog.global_block().append_op( - type="cast", - inputs={"X": i}, - outputs={"Out": o}, - attrs={ - "in_dtype": fluid.core.VarDesc.VarType.FP16, - "out_dtype": fluid.core.VarDesc.VarType.FP32 - }) - - -def cast_fp32_to_fp16(i, o, prog): - prog.global_block().append_op( - type="cast", - inputs={"X": i}, - outputs={"Out": o}, - attrs={ - "in_dtype": fluid.core.VarDesc.VarType.FP32, - "out_dtype": fluid.core.VarDesc.VarType.FP16 - }) - - -def copy_to_master_param(p, block): - v = block.vars.get(p.name, None) - if v is None: - raise ValueError("no param name %s found!" % p.name) - new_p = fluid.framework.Parameter( - block=block, - shape=v.shape, - dtype=fluid.core.VarDesc.VarType.FP32, - type=v.type, - lod_level=v.lod_level, - stop_gradient=p.stop_gradient, - trainable=p.trainable, - optimize_attr=p.optimize_attr, - regularizer=p.regularizer, - gradient_clip_attr=p.gradient_clip_attr, - error_clip=p.error_clip, - name=v.name + ".master") - return new_p - - -def create_master_params_grads(params_grads, main_prog, startup_prog, - loss_scaling): - master_params_grads = [] - tmp_role = main_prog._current_role - OpRole = fluid.core.op_proto_and_checker_maker.OpRole - main_prog._current_role = OpRole.Backward - for p, g in params_grads: - # create master parameters - master_param = copy_to_master_param(p, main_prog.global_block()) - startup_master_param = startup_prog.global_block()._clone_variable( - master_param) - startup_p = startup_prog.global_block().var(p.name) - cast_fp16_to_fp32(startup_p, startup_master_param, startup_prog) - # cast fp16 gradients to fp32 before apply gradients - if g.name.find("layer_norm") > -1: - if loss_scaling > 1: - scaled_g = g / float(loss_scaling) - else: - scaled_g = g - master_params_grads.append([p, scaled_g]) - continue - master_grad = fluid.layers.cast(g, "float32") - if loss_scaling > 1: - master_grad = master_grad / float(loss_scaling) - master_params_grads.append([master_param, master_grad]) - main_prog._current_role = tmp_role - return master_params_grads - - -def master_param_to_train_param(master_params_grads, params_grads, main_prog): - for idx, m_p_g in enumerate(master_params_grads): - train_p, _ = params_grads[idx] - if train_p.name.find("layer_norm") > -1: - continue - with main_prog._optimized_guard([m_p_g[0], m_p_g[1]]): - cast_fp32_to_fp16(m_p_g[0], train_p, main_prog) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/module/__init__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/module/__init__.py deleted file mode 100644 index 139597f9cb07c5d48bed18984ec4747f4b4f3438..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/module/__init__.py +++ /dev/null @@ -1,2 +0,0 @@ - - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/module/transformer_encoder.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/module/transformer_encoder.py deleted file mode 100644 index da65ae820cb9478c52d6adc3f41f321d3f49b46f..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/module/transformer_encoder.py +++ /dev/null @@ -1,379 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Transformer encoder.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -from functools import partial -import numpy as np - -import paddle.fluid as fluid -import paddle.fluid.layers as layers -from paddle.fluid.layer_helper import LayerHelper - -def layer_norm(x, begin_norm_axis=1, epsilon=1e-6, param_attr=None, bias_attr=None): - helper = LayerHelper('layer_norm', **locals()) - mean = layers.reduce_mean(x, dim=begin_norm_axis, keep_dim=True) - shift_x = layers.elementwise_sub(x=x, y=mean, axis=0) - variance = layers.reduce_mean(layers.square(shift_x), dim=begin_norm_axis, keep_dim=True) - r_stdev = layers.rsqrt(variance + epsilon) - norm_x = layers.elementwise_mul(x=shift_x, y=r_stdev, axis=0) - - param_shape = [reduce(lambda x, y: x * y, norm_x.shape[begin_norm_axis:])] - param_dtype = norm_x.dtype - scale = helper.create_parameter( - attr=param_attr, - shape=param_shape, - dtype=param_dtype, - default_initializer=fluid.initializer.Constant(1.)) - bias = helper.create_parameter( - attr=bias_attr, - shape=param_shape, - dtype=param_dtype, - is_bias=True, - default_initializer=fluid.initializer.Constant(0.)) - - out = layers.elementwise_mul(x=norm_x, y=scale, axis=-1) - out = layers.elementwise_add(x=out, y=bias, axis=-1) - - return out - -def multi_head_attention(queries, - keys, - values, - attn_bias, - d_key, - d_value, - d_model, - n_head=1, - dropout_rate=0., - cache=None, - param_initializer=None, - name='multi_head_att'): - """ - Multi-Head Attention. Note that attn_bias is added to the logit before - computing softmax activiation to mask certain selected positions so that - they will not considered in attention weights. - """ - keys = queries if keys is None else keys - values = keys if values is None else values - - if not (len(queries.shape) == len(keys.shape) == len(values.shape) == 3): - raise ValueError( - "Inputs: quries, keys and values should all be 3-D tensors.") - - def __compute_qkv(queries, keys, values, n_head, d_key, d_value): - """ - Add linear projection to queries, keys, and values. - """ - q = layers.fc(input = queries, - size = d_key * n_head, - num_flatten_dims = 2, - param_attr = fluid.ParamAttr( - name = name + '_query_fc.w_0', - initializer = param_initializer), - bias_attr = name + '_query_fc.b_0') - k = layers.fc(input = keys, - size = d_key * n_head, - num_flatten_dims = 2, - param_attr = fluid.ParamAttr( - name = name + '_key_fc.w_0', - initializer = param_initializer), - bias_attr = name + '_key_fc.b_0') - v = layers.fc(input = values, - size = d_value * n_head, - num_flatten_dims = 2, - param_attr = fluid.ParamAttr( - name = name + '_value_fc.w_0', - initializer = param_initializer), - bias_attr = name + '_value_fc.b_0') - return q, k, v - - def __split_heads(x, n_head): - """ - Reshape the last dimension of inpunt tensor x so that it becomes two - dimensions and then transpose. Specifically, input a tensor with shape - [bs, max_sequence_length, n_head * hidden_dim] then output a tensor - with shape [bs, n_head, max_sequence_length, hidden_dim]. - """ - hidden_size = x.shape[-1] - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - reshaped = layers.reshape( - x = x, shape = [0, 0, n_head, hidden_size // n_head], inplace=False) - - # permuate the dimensions into: - # [batch_size, n_head, max_sequence_len, hidden_size_per_head] - return layers.transpose(x=reshaped, perm=[0, 2, 1, 3]) - - def __combine_heads(x): - """ - Transpose and then reshape the last two dimensions of inpunt tensor x - so that it becomes one dimension, which is reverse to __split_heads. - """ - if len(x.shape) == 3: return x - if len(x.shape) != 4: - raise ValueError("Input(x) should be a 4-D Tensor.") - - trans_x = layers.transpose(x, perm=[0, 2, 1, 3]) - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - return layers.reshape( - x = trans_x, - shape = [0, 0, trans_x.shape[2] * trans_x.shape[3]], - inplace = False) - - def scaled_dot_product_attention(q, k, v, attn_bias, d_key, dropout_rate): - """ - Scaled Dot-Product Attention - """ - scaled_q = layers.scale(x = q, scale = d_key**-0.5) - product = layers.matmul(x = scaled_q, y = k, transpose_y = True) - if attn_bias: - product += attn_bias - weights = layers.softmax(product) - if dropout_rate: - weights = layers.dropout( - weights, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - out = layers.matmul(weights, v) - return out - - q, k, v = __compute_qkv(queries, keys, values, n_head, d_key, d_value) - - if cache is not None: # use cache and concat time steps - # Since the inplace reshape in __split_heads changes the shape of k and - # v, which is the cache input for next time step, reshape the cache - # input from the previous time step first. - k = cache["k"] = layers.concat( - [layers.reshape( - cache["k"], shape=[0, 0, d_model]), k], axis=1) - v = cache["v"] = layers.concat( - [layers.reshape( - cache["v"], shape=[0, 0, d_model]), v], axis=1) - - q = __split_heads(q, n_head) - k = __split_heads(k, n_head) - v = __split_heads(v, n_head) - - ctx_multiheads = scaled_dot_product_attention(q, k, v, attn_bias, d_key, - dropout_rate) - - out = __combine_heads(ctx_multiheads) - - # Project back to the model size. - proj_out = layers.fc(input = out, - size = d_model, - num_flatten_dims = 2, - param_attr=fluid.ParamAttr( - name = name + '_output_fc.w_0', - initializer = param_initializer), - bias_attr = name + '_output_fc.b_0') - return proj_out - - -def positionwise_feed_forward(x, - d_inner_hid, - d_hid, - dropout_rate, - hidden_act, - param_initializer=None, - name='ffn'): - """ - Position-wise Feed-Forward Networks. - This module consists of two linear transformations with a ReLU activation - in between, which is applied to each position separately and identically. - """ - hidden = layers.fc(input=x, - size=d_inner_hid, - num_flatten_dims=2, - act=hidden_act, - param_attr=fluid.ParamAttr( - name=name + '_fc_0.w_0', - initializer=param_initializer), - bias_attr=name + '_fc_0.b_0') - if dropout_rate: - hidden = layers.dropout( - hidden, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test = False) - - out = layers.fc(input = hidden, - size = d_hid, - num_flatten_dims = 2, - param_attr=fluid.ParamAttr( - name = name + '_fc_1.w_0', - initializer = param_initializer), - bias_attr = name + '_fc_1.b_0') - return out - - -def pre_post_process_layer(prev_out, out, process_cmd, dropout_rate=0., - name=''): - """ - Add residual connection, layer normalization and droput to the out tensor - optionally according to the value of process_cmd. - This will be used before or after multi-head attention and position-wise - feed-forward networks. - """ - for cmd in process_cmd: - if cmd == "a": # add residual connection - out = out + prev_out if prev_out else out - elif cmd == "n": # add layer normalization - out_dtype = out.dtype - if out_dtype == fluid.core.VarDesc.VarType.FP16: - out = layers.cast(x = out, dtype = "float32") - out = layer_norm( - out, - begin_norm_axis=len(out.shape) - 1, - param_attr=fluid.ParamAttr( - name = name + '_layer_norm_scale', - initializer = fluid.initializer.Constant(1.)), - bias_attr=fluid.ParamAttr( - name = name + '_layer_norm_bias', - initializer = fluid.initializer.Constant(0.))) - if out_dtype == fluid.core.VarDesc.VarType.FP16: - out = layers.cast(x = out, dtype = "float16") - elif cmd == "d": # add dropout - if dropout_rate: - out = layers.dropout( - out, - dropout_prob = dropout_rate, - dropout_implementation = "upscale_in_train", - is_test = False) - return out - - -pre_process_layer = partial(pre_post_process_layer, None) -post_process_layer = pre_post_process_layer - -def encoder_layer(enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd="n", - postprocess_cmd="da", - param_initializer=None, - name=''): - """The encoder layers that can be stacked to form a deep encoder. - This module consits of a multi-head (self) attention followed by - position-wise feed-forward networks and both the two components companied - with the post_process_layer to add residual connection, layer normalization - and droput. - """ - attn_output = multi_head_attention( - pre_process_layer( - enc_input, - preprocess_cmd, - prepostprocess_dropout, - name=name + '_pre_att'), - None, - None, - attn_bias, - d_key, - d_value, - d_model, - n_head, - attention_dropout, - param_initializer = param_initializer, - name = name + '_multi_head_att') - attn_output = post_process_layer( - enc_input, - attn_output, - postprocess_cmd, - prepostprocess_dropout, - name = name + '_post_att') - ffd_output = positionwise_feed_forward( - pre_process_layer( - attn_output, - preprocess_cmd, - prepostprocess_dropout, - name = name + '_pre_ffn'), - d_inner_hid, - d_model, - relu_dropout, - hidden_act, - param_initializer = param_initializer, - name = name + '_ffn') - return post_process_layer( - attn_output, - ffd_output, - postprocess_cmd, - prepostprocess_dropout, - name = name + '_post_ffn') - - -def encoder(enc_input, - attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd="n", - postprocess_cmd="da", - param_initializer=None, - name='', - return_all = False): - """ - The encoder is composed of a stack of identical layers returned by calling - encoder_layer. - """ - enc_outputs = [] - for i in range(n_layer): - enc_output = encoder_layer( - enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd, - postprocess_cmd, - param_initializer = param_initializer, - name = name + '_layer_' + str(i)) - enc_input = enc_output - if i < n_layer - 1: - enc_outputs.append(enc_output) - - enc_output = pre_process_layer( - enc_output, preprocess_cmd, prepostprocess_dropout, name="post_encoder") - enc_outputs.append(enc_output) - - if not return_all: - return enc_output - else: - return enc_output, enc_outputs diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/nets/__init__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/nets/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/nets/bert.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/nets/bert.py deleted file mode 100644 index 3bcaee8f5501e2778182c233579a34692ce99d52..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/nets/bert.py +++ /dev/null @@ -1,226 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""BERT model.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import six -import json -import numpy as np -import paddle.fluid as fluid - -from pdnlp.module.transformer_encoder import encoder as encoder -from pdnlp.module.transformer_encoder import pre_process_layer as pre_process_layer - -class BertModel(object): - - def __init__(self, - src_ids, - position_ids, - sentence_ids, - input_mask, - config, - weight_sharing=True, - use_fp16=False, - model_name = ''): - - self._emb_size = config["hidden_size"] - self._n_layer = config["num_hidden_layers"] - self._n_head = config["num_attention_heads"] - self._voc_size = config["vocab_size"] - self._max_position_seq_len = config["max_position_embeddings"] - self._sent_types = config["type_vocab_size"] - self._hidden_act = config["hidden_act"] - self._prepostprocess_dropout = config["hidden_dropout_prob"] - self._attention_dropout = config["attention_probs_dropout_prob"] - self._weight_sharing = weight_sharing - - self.model_name = model_name - - self._word_emb_name = self.model_name + "word_embedding" - self._pos_emb_name = self.model_name + "pos_embedding" - self._sent_emb_name = self.model_name + "sent_embedding" - self._dtype = "float16" if use_fp16 else "float32" - - # Initialize all weigths by truncated normal initializer, and all biases - # will be initialized by constant zero by default. - self._param_initializer = fluid.initializer.TruncatedNormal( - scale=config["initializer_range"]) - - self._build_model(src_ids, position_ids, sentence_ids, input_mask, config) - - def _build_model(self, src_ids, position_ids, sentence_ids, input_mask, config): - # padding id in vocabulary must be set to 0 - emb_out = fluid.layers.embedding( - input=src_ids, - size=[self._voc_size, self._emb_size], - dtype=self._dtype, - param_attr=fluid.ParamAttr( - name=self._word_emb_name, initializer=self._param_initializer), - is_sparse=False) - - self.emb_out =emb_out - - position_emb_out = fluid.layers.embedding( - input=position_ids, - size=[self._max_position_seq_len, self._emb_size], - dtype=self._dtype, - param_attr=fluid.ParamAttr( - name=self._pos_emb_name, initializer=self._param_initializer)) - - self.position_emb_out = position_emb_out - - sent_emb_out = fluid.layers.embedding( - sentence_ids, - size=[self._sent_types, self._emb_size], - dtype=self._dtype, - param_attr=fluid.ParamAttr( - name=self._sent_emb_name, initializer=self._param_initializer)) - - self.sent_emb_out = sent_emb_out - - emb_out = emb_out + position_emb_out - emb_out = emb_out + sent_emb_out - - emb_out = pre_process_layer( - emb_out, 'nd', self._prepostprocess_dropout, name='pre_encoder') - - if self._dtype == "float16": - input_mask = fluid.layers.cast(x=input_mask, dtype=self._dtype) - - self_attn_mask = fluid.layers.matmul( - x = input_mask, y = input_mask, transpose_y = True) - - self_attn_mask = fluid.layers.scale( - x = self_attn_mask, scale = 10000.0, bias = -1.0, bias_after_scale = False) - - n_head_self_attn_mask = fluid.layers.stack( - x=[self_attn_mask] * self._n_head, axis=1) - - n_head_self_attn_mask.stop_gradient = True - - self._enc_out = encoder( - enc_input = emb_out, - attn_bias = n_head_self_attn_mask, - n_layer = self._n_layer, - n_head = self._n_head, - d_key = self._emb_size // self._n_head, - d_value = self._emb_size // self._n_head, - d_model = self._emb_size, - d_inner_hid = self._emb_size * 4, - prepostprocess_dropout = self._prepostprocess_dropout, - attention_dropout = self._attention_dropout, - relu_dropout = 0, - hidden_act = self._hidden_act, - preprocess_cmd = "", - postprocess_cmd = "dan", - param_initializer = self._param_initializer, - name = self.model_name + 'encoder') - - def get_sequence_output(self): - return self._enc_out - - def get_pooled_output(self): - """Get the first feature of each sequence for classification""" - - next_sent_feat = fluid.layers.slice( - input = self._enc_out, axes = [1], starts = [0], ends = [1]) - next_sent_feat = fluid.layers.fc( - input = next_sent_feat, - size = self._emb_size, - act = "tanh", - param_attr = fluid.ParamAttr( - name = self.model_name + "pooled_fc.w_0", - initializer = self._param_initializer), - bias_attr = "pooled_fc.b_0") - return next_sent_feat - - def get_pretraining_output(self, mask_label, mask_pos, labels): - """Get the loss & accuracy for pretraining""" - - mask_pos = fluid.layers.cast(x=mask_pos, dtype='int32') - - # extract the first token feature in each sentence - next_sent_feat = self.get_pooled_output() - reshaped_emb_out = fluid.layers.reshape( - x=self._enc_out, shape = [-1, self._emb_size]) - # extract masked tokens' feature - mask_feat = fluid.layers.gather(input = reshaped_emb_out, index = mask_pos) - - # transform: fc - mask_trans_feat = fluid.layers.fc( - input = mask_feat, - size = self._emb_size, - act = self._hidden_act, - param_attr = fluid.ParamAttr( - name = self.model_name + 'mask_lm_trans_fc.w_0', - initializer = self._param_initializer), - bias_attr = fluid.ParamAttr(name = self.model_name + 'mask_lm_trans_fc.b_0')) - # transform: layer norm - mask_trans_feat = pre_process_layer( - mask_trans_feat, 'n', name = self.model_name + 'mask_lm_trans') - - mask_lm_out_bias_attr = fluid.ParamAttr( - name = self.model_name + "mask_lm_out_fc.b_0", - initializer = fluid.initializer.Constant(value = 0.0)) - if self._weight_sharing: - fc_out = fluid.layers.matmul( - x = mask_trans_feat, - y = fluid.default_main_program().global_block().var( - self._word_emb_name), - transpose_y = True) - fc_out += fluid.layers.create_parameter( - shape = [self._voc_size], - dtype = self._dtype, - attr = mask_lm_out_bias_attr, - is_bias = True) - - else: - fc_out = fluid.layers.fc(input = mask_trans_feat, - size = self._voc_size, - param_attr = fluid.ParamAttr( - name = self.model_name + "mask_lm_out_fc.w_0", - initializer = self._param_initializer), - bias_attr = mask_lm_out_bias_attr) - - mask_lm_loss = fluid.layers.softmax_with_cross_entropy( - logits = fc_out, label = mask_label) - mean_mask_lm_loss = fluid.layers.mean(mask_lm_loss) - - next_sent_fc_out = fluid.layers.fc( - input = next_sent_feat, - size = 2, - param_attr = fluid.ParamAttr( - name = self.model_name + "next_sent_fc.w_0", - initializer = self._param_initializer), - bias_attr = self.model_name + "next_sent_fc.b_0") - - next_sent_loss, next_sent_softmax = fluid.layers.softmax_with_cross_entropy( - logits = next_sent_fc_out, label = labels, return_softmax = True) - - next_sent_acc = fluid.layers.accuracy( - input = next_sent_softmax, label = labels) - - mean_next_sent_loss = fluid.layers.mean(next_sent_loss) - - loss = mean_next_sent_loss + mean_mask_lm_loss - return next_sent_acc, mean_mask_lm_loss, loss - - -if __name__ == "__main__": - print("hello wolrd!") - - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/toolkit/__init__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/toolkit/__init__.py deleted file mode 100644 index 139597f9cb07c5d48bed18984ec4747f4b4f3438..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/toolkit/__init__.py +++ /dev/null @@ -1,2 +0,0 @@ - - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/toolkit/configure.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/toolkit/configure.py deleted file mode 100644 index 1472b858c25a46a406380f9b382ba27cf4d6bc03..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/toolkit/configure.py +++ /dev/null @@ -1,133 +0,0 @@ -#encoding=utf8 -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import sys -import argparse -import six -import logging -import json - -logging_only_message = "%(message)s" -logging_details = "%(asctime)s.%(msecs)03d %(levelname)s %(module)s - %(funcName)s: %(message)s" - -class JsonConfig(object): - def __init__(self, config_path): - self._config_dict = self._parse(config_path) - - def _parse(self, config_path): - try: - with open(config_path) as json_file: - config_dict = json.load(json_file) - except: - raise IOError("Error in parsing bert model config file '%s'" % - config_path) - else: - return config_dict - - def __getitem__(self, key): - return self._config_dict[key] - - def print_config(self): - for arg, value in sorted(six.iteritems(self._config_dict)): - print('%s: %s' % (arg, value)) - print('------------------------------------------------') - - -class ArgumentGroup(object): - def __init__(self, parser, title, des): - self._group = parser.add_argument_group(title=title, description=des) - - def add_arg(self, name, type, default, help, **kwargs): - type = str2bool if type == bool else type - self._group.add_argument( - "--" + name, - default=default, - type=type, - help=help + ' Default: %(default)s.', - **kwargs) - -class ArgConfig(object): - - def __init__(self): - parser = argparse.ArgumentParser() - - train_g = ArgumentGroup(parser, "training", "training options.") - train_g.add_arg("epoch", int, 3, "Number of epoches for fine-tuning.") - train_g.add_arg("learning_rate", float, 5e-5, "Learning rate used to train with warmup.") - train_g.add_arg("lr_scheduler", str, "linear_warmup_decay", - "scheduler of learning rate.", choices=['linear_warmup_decay', 'noam_decay']) - train_g.add_arg("weight_decay", float, 0.01, "Weight decay rate for L2 regularizer.") - train_g.add_arg("warmup_proportion", float, 0.1, - "Proportion of training steps to perform linear learning rate warmup for.") - train_g.add_arg("save_steps", int, 1000, "The steps interval to save checkpoints.") - train_g.add_arg("use_fp16", bool, False, "Whether to use fp16 mixed precision training.") - train_g.add_arg("loss_scaling", float, 1.0, - "Loss scaling factor for mixed precision training, only valid when use_fp16 is enabled.") - train_g.add_arg("pred_dir", str, None, "Path to save the prediction results") - - log_g = ArgumentGroup(parser, "logging", "logging related.") - log_g.add_arg("skip_steps", int, 10, "The steps interval to print loss.") - log_g.add_arg("verbose", bool, False, "Whether to output verbose log.") - - run_type_g = ArgumentGroup(parser, "run_type", "running type options.") - run_type_g.add_arg("use_cuda", bool, True, "If set, use GPU for training.") - run_type_g.add_arg("use_fast_executor", bool, False, "If set, use fast parallel executor (in experiment).") - run_type_g.add_arg("num_iteration_per_drop_scope", int, 1, "Ihe iteration intervals to clean up temporary variables.") - run_type_g.add_arg("do_train", bool, True, "Whether to perform training.") - run_type_g.add_arg("do_predict", bool, True, "Whether to perform prediction.") - - custom_g = ArgumentGroup(parser, "customize", "customized options.") - - self.custom_g = custom_g - - self.parser = parser - - def add_arg(self, name, dtype, default, descrip): - self.custom_g.add_arg(name, dtype, default, descrip) - - def build_conf(self): - return self.parser.parse_args() - - -def str2bool(v): - # because argparse does not support to parse "true, False" as python - # boolean directly - return v.lower() in ("true", "t", "1") - - -def print_arguments(args, log = None): - if not log: - print('----------- Configuration Arguments -----------') - for arg, value in sorted(six.iteritems(vars(args))): - print('%s: %s' % (arg, value)) - print('------------------------------------------------') - else: - log.info('----------- Configuration Arguments -----------') - for arg, value in sorted(six.iteritems(vars(args))): - log.info('%s: %s' % (arg, value)) - log.info('------------------------------------------------') - - -if __name__ == "__main__": - - args = ArgConfig() - args = args.build_conf() - - # using print() - print_arguments(args) - - logging.basicConfig( - level=logging.INFO, - format=logging_details, - datefmt='%Y-%m-%d %H:%M:%S') - - # using logging - print_arguments(args, logging) - - json_conf = JsonConfig("../../data/pretrained_models/uncased_L-12_H-768_A-12/bert_config.json") - json_conf.print_config() - - - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/toolkit/init.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/toolkit/init.py deleted file mode 100644 index 5aa7e1fd7585147f477be92f324e67e9654d7ae8..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/toolkit/init.py +++ /dev/null @@ -1,83 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from __future__ import print_function - -import os -import six -import ast -import copy - -import numpy as np -import paddle.fluid as fluid - - -def cast_fp32_to_fp16(exe, main_program): - print("Cast parameters to float16 data format.") - for param in main_program.global_block().all_parameters(): - if not param.name.endswith(".master"): - param_t = fluid.global_scope().find_var(param.name).get_tensor() - data = np.array(param_t) - if param.name.find("layer_norm") == -1: - param_t.set(np.float16(data).view(np.uint16), exe.place) - master_param_var = fluid.global_scope().find_var(param.name + - ".master") - if master_param_var is not None: - master_param_var.get_tensor().set(data, exe.place) - - -def init_checkpoint(exe, init_checkpoint_path, main_program, use_fp16=False, skip_list = []): - assert os.path.exists( - init_checkpoint_path), "[%s] cann't be found." % init_checkpoint_path - - def existed_persitables(var): - if not fluid.io.is_persistable(var): - return False - if var.name in skip_list: - return False - return os.path.exists(os.path.join(init_checkpoint_path, var.name)) - - fluid.io.load_vars( - exe, - init_checkpoint_path, - main_program=main_program, - predicate=existed_persitables) - print("Load model from {}".format(init_checkpoint_path)) - - if use_fp16: - cast_fp32_to_fp16(exe, main_program) - - -def init_pretraining_params(exe, - pretraining_params_path, - main_program, - use_fp16=False): - assert os.path.exists(pretraining_params_path - ), "[%s] cann't be found." % pretraining_params_path - - def existed_params(var): - if not isinstance(var, fluid.framework.Parameter): - return False - return os.path.exists(os.path.join(pretraining_params_path, var.name)) - - fluid.io.load_vars( - exe, - pretraining_params_path, - main_program=main_program, - predicate=existed_params) - print("Load pretraining parameters from {}.".format( - pretraining_params_path)) - - if use_fp16: - cast_fp32_to_fp16(exe, main_program) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/toolkit/placeholder.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/toolkit/placeholder.py deleted file mode 100644 index e835038ee257d08f64b849855b30a0e9cd3d262b..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/pdnlp/toolkit/placeholder.py +++ /dev/null @@ -1,72 +0,0 @@ -#encoding=utf8 - -from __future__ import print_function - -import os -import six -import ast -import copy - -import numpy as np -import paddle.fluid as fluid - - -class Placeholder(object): - - def __init__(self): - self.shapes = [] - self.dtypes = [] - self.lod_levels = [] - self.names = [] - - def __init__(self, input_shapes): - - self.shapes = [] - self.dtypes = [] - self.lod_levels = [] - self.names = [] - - for new_holder in input_shapes: - shape = new_holder[0] - dtype = new_holder[1] - lod_level = new_holder[2] if len(new_holder) >= 3 else 0 - name = new_holder[3] if len(new_holder) >= 4 else "" - - self.append_placeholder(shape, dtype, lod_level = lod_level, name = name) - - def append_placeholder(self, shape, dtype, lod_level = 0, name = ""): - self.shapes.append(shape) - self.dtypes.append(dtype) - self.lod_levels.append(lod_level) - self.names.append(name) - - - def build(self, capacity, reader_name, use_double_buffer = False): - pyreader = fluid.layers.py_reader( - capacity = capacity, - shapes = self.shapes, - dtypes = self.dtypes, - lod_levels = self.lod_levels, - name = reader_name, - use_double_buffer = use_double_buffer) - - return [pyreader, fluid.layers.read_file(pyreader)] - - - def __add__(self, new_holder): - assert isinstance(new_holder, tuple) or isinstance(new_holder, list) - assert len(new_holder) >= 2 - - shape = new_holder[0] - dtype = new_holder[1] - lod_level = new_holder[2] if len(new_holder) >= 3 else 0 - name = new_holder[3] if len(new_holder) >= 4 else "" - - self.append_placeholder(shape, dtype, lod_level = lod_level, name = name) - - -if __name__ == "__main__": - print("hello world!") - - - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/start.sh b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/start.sh deleted file mode 100755 index b4d990959b44817bb31fd21b34302d7d207ed3eb..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/start.sh +++ /dev/null @@ -1,6 +0,0 @@ -export FLAGS_fraction_of_gpu_memory_to_use=0.1 -port=$1 -gpu=$2 -export CUDA_VISIBLE_DEVICES=$gpu -python start_service.py ./infer_model $port - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/start_service.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/start_service.py deleted file mode 100644 index 05b59349fe0f6d949ee2e9311ed073ecf7f056e3..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/start_service.py +++ /dev/null @@ -1,40 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -""" -ERNIE model service -""" -import json -import sys -import logging -logging.basicConfig( - level=logging.INFO, format='%(asctime)s - %(name)s - %(levelname)s - %(message)s' -) -import requests -from flask import Flask -from flask import Response -from flask import request -import mrc_service -import model_wrapper as ernie_wrapper - -assert len(sys.argv) == 3 or len(sys.argv) == 4, "Usage: python serve.py [process_mode]" -if len(sys.argv) == 3: - _, model_dir, port = sys.argv - mode = 'parallel' -else: - _, model_dir, port, mode = sys.argv - -app = Flask(__name__) -app.logger.setLevel(logging.INFO) -ernie_model = ernie_wrapper.ERNIEModelWrapper(model_dir=model_dir) -server = mrc_service.BasicMRCService('Short answer MRC service', app.logger) - -@app.route('/', methods=['POST']) -def mrqa_service(): - """Description""" - model = ernie_model - return server(model, process_mode=mode, max_batch_size=5) - - -if __name__ == '__main__': - app.run(port=port, debug=False, threaded=False, processes=1) - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/task_reader/__init__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/task_reader/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/task_reader/batching.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/task_reader/batching.py deleted file mode 100644 index 13803cf79f00d7ea5857360eeceb2da354a5e626..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/task_reader/batching.py +++ /dev/null @@ -1,183 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Mask, padding and batching.""" -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function -import numpy as np - - -def mask(batch_tokens, total_token_num, vocab_size, CLS=1, SEP=2, MASK=3): - """ - Add mask for batch_tokens, return out, mask_label, mask_pos; - Note: mask_pos responding the batch_tokens after padded; - """ - max_len = max([len(sent) for sent in batch_tokens]) - mask_label = [] - mask_pos = [] - prob_mask = np.random.rand(total_token_num) - # Note: the first token is [CLS], so [low=1] - replace_ids = np.random.randint(1, high=vocab_size, size=total_token_num) - pre_sent_len = 0 - prob_index = 0 - for sent_index, sent in enumerate(batch_tokens): - mask_flag = False - prob_index += pre_sent_len - for token_index, token in enumerate(sent): - prob = prob_mask[prob_index + token_index] - if prob > 0.15: - continue - elif 0.03 < prob <= 0.15: - # mask - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = MASK - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - elif 0.015 < prob <= 0.03: - # random replace - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = replace_ids[prob_index + token_index] - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - else: - # keep the original token - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - mask_pos.append(sent_index * max_len + token_index) - pre_sent_len = len(sent) - # ensure at least mask one word in a sentence - while not mask_flag: - token_index = int(np.random.randint(1, high=len(sent) - 1, size=1)) - if sent[token_index] != SEP and sent[token_index] != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = MASK - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - mask_label = np.array(mask_label).astype("int64").reshape([-1, 1]) - mask_pos = np.array(mask_pos).astype("int64").reshape([-1, 1]) - return batch_tokens, mask_label, mask_pos - - -def prepare_batch_data(insts, - total_token_num, - max_len=None, - voc_size=0, - pad_id=None, - cls_id=None, - sep_id=None, - mask_id=None, - return_input_mask=True, - return_max_len=True, - return_num_token=False): - """ - 1. generate Tensor of data - 2. generate Tensor of position - 3. generate self attention mask, [shape: batch_size * max_len * max_len] - """ - batch_src_ids = [inst[0] for inst in insts] - batch_sent_ids = [inst[1] for inst in insts] - batch_pos_ids = [inst[2] for inst in insts] - labels_list = [] - # compatible with mrqa, whose example includes start/end positions, - # or unique id - for i in range(3, len(insts[0]), 1): - labels = [inst[i] for inst in insts] - labels = np.array(labels).astype("int64").reshape([-1, 1]) - labels_list.append(labels) - # First step: do mask without padding - if mask_id >= 0: - out, mask_label, mask_pos = mask( - batch_src_ids, - total_token_num, - vocab_size=voc_size, - CLS=cls_id, - SEP=sep_id, - MASK=mask_id) - else: - out = batch_src_ids - # Second step: padding - src_id, self_input_mask = pad_batch_data( - out, - max_len=max_len, - pad_idx=pad_id, return_input_mask=True) - pos_id = pad_batch_data( - batch_pos_ids, - max_len=max_len, - pad_idx=pad_id, - return_pos=False, - return_input_mask=False) - sent_id = pad_batch_data( - batch_sent_ids, - max_len=max_len, - pad_idx=pad_id, - return_pos=False, - return_input_mask=False) - if mask_id >= 0: - return_list = [ - src_id, pos_id, sent_id, self_input_mask, mask_label, mask_pos - ] + labels_list - else: - return_list = [src_id, pos_id, sent_id, self_input_mask] + labels_list - return return_list if len(return_list) > 1 else return_list[0] - - -def pad_batch_data(insts, - max_len=None, - pad_idx=0, - return_pos=False, - return_input_mask=False, - return_max_len=False, - return_num_token=False): - """ - Pad the instances to the max sequence length in batch, and generate the - corresponding position data and input mask. - """ - return_list = [] - if max_len is None: - max_len = max(len(inst) for inst in insts) - # Any token included in dict can be used to pad, since the paddings' loss - # will be masked out by weights and make no effect on parameter gradients. - inst_data = np.array([ - list(inst) + list([pad_idx] * (max_len - len(inst))) for inst in insts - ]) - return_list += [inst_data.astype("int64").reshape([-1, max_len, 1])] - # position data - if return_pos: - inst_pos = np.array([ - list(range(0, len(inst))) + [pad_idx] * (max_len - len(inst)) - for inst in insts - ]) - return_list += [inst_pos.astype("int64").reshape([-1, max_len, 1])] - if return_input_mask: - # This is used to avoid attention on paddings. - input_mask_data = np.array([[1] * len(inst) + [0] * - (max_len - len(inst)) for inst in insts]) - input_mask_data = np.expand_dims(input_mask_data, axis=-1) - return_list += [input_mask_data.astype("float32")] - if return_max_len: - return_list += [max_len] - if return_num_token: - num_token = 0 - for inst in insts: - num_token += len(inst) - return_list += [num_token] - return return_list if len(return_list) > 1 else return_list[0] - - -if __name__ == "__main__": - pass - - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/task_reader/mrqa_infer.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/task_reader/mrqa_infer.py deleted file mode 100644 index 2f52a3acf72b4f46f2a875a5c3a29843973412d2..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/task_reader/mrqa_infer.py +++ /dev/null @@ -1,957 +0,0 @@ -# coding=utf-8 -# Copyright 2018 The Google AI Language Team Authors. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Run MRQA""" - -import re -import six -import math -import json -import random -import collections -import numpy as np -from task_reader import tokenization -from task_reader.batching import prepare_batch_data - - -class MRQAExample(object): - """A single training/test example for simple sequence classification. - - For examples without an answer, the start and end position are -1. - """ - - def __init__(self, - qas_id, - question_text, - doc_tokens, - orig_answer_text=None, - start_position=None, - end_position=None, - is_impossible=False): - self.qas_id = qas_id - self.question_text = question_text - self.doc_tokens = doc_tokens - self.orig_answer_text = orig_answer_text - self.start_position = start_position - self.end_position = end_position - self.is_impossible = is_impossible - - def __str__(self): - return self.__repr__() - - def __repr__(self): - s = "" - s += "qas_id: %s" % (tokenization.printable_text(self.qas_id)) - s += ", question_text: %s" % ( - tokenization.printable_text(self.question_text)) - s += ", doc_tokens: [%s]" % (" ".join(self.doc_tokens)) - if self.start_position: - s += ", start_position: %d" % (self.start_position) - if self.start_position: - s += ", end_position: %d" % (self.end_position) - if self.start_position: - s += ", is_impossible: %r" % (self.is_impossible) - return s - - -class InputFeatures(object): - """A single set of features of data.""" - - def __init__(self, - unique_id, - example_index, - doc_span_index, - tokens, - token_to_orig_map, - token_is_max_context, - input_ids, - input_mask, - segment_ids, - start_position=None, - end_position=None, - is_impossible=None): - self.unique_id = unique_id - self.example_index = example_index - self.doc_span_index = doc_span_index - self.tokens = tokens - self.token_to_orig_map = token_to_orig_map - self.token_is_max_context = token_is_max_context - self.input_ids = input_ids - self.input_mask = input_mask - self.segment_ids = segment_ids - self.start_position = start_position - self.end_position = end_position - self.is_impossible = is_impossible - - -def read_mrqa_examples(sample, is_training=False, with_negative=False): - """Read a MRQA json file into a list of MRQAExample.""" - - def is_whitespace(c): - if c == " " or c == "\t" or c == "\r" or c == "\n" or ord(c) == 0x202F: - return True - return False - - examples = [] - # sample = json.loads(raw_sample) - paragraph_text = sample["context"] - paragraph_text = re.sub(r'\[TLE\]|\[DOC\]|\[PAR\]', '[SEP]', paragraph_text) - doc_tokens = [] - char_to_word_offset = [] - prev_is_whitespace = True - for c in paragraph_text: - if is_whitespace(c): - prev_is_whitespace = True - else: - if prev_is_whitespace: - doc_tokens.append(c) - else: - doc_tokens[-1] += c - prev_is_whitespace = False - char_to_word_offset.append(len(doc_tokens) - 1) - - for qa in sample["qas"]: - qas_id = qa["qid"] - question_text = qa["question"] - start_position = None - end_position = None - orig_answer_text = None - is_impossible = False - - example = MRQAExample( - qas_id=qas_id, - question_text=question_text, - doc_tokens=doc_tokens) - examples.append(example) - - return examples - - -def convert_examples_to_features( - examples, - tokenizer, - max_seq_length, - doc_stride, - max_query_length, - is_training, - examples_start_id=0, - features_start_id=1000000000 - #output_fn -): - """Loads a data file into a list of `InputBatch`s.""" - - unique_id = features_start_id - example_index = examples_start_id - - features = [] - for example in examples: - query_tokens = tokenizer.tokenize(example.question_text) - - if len(query_tokens) > max_query_length: - query_tokens = query_tokens[0:max_query_length] - - tok_to_orig_index = [] - orig_to_tok_index = [] - all_doc_tokens = [] - for (i, token) in enumerate(example.doc_tokens): - orig_to_tok_index.append(len(all_doc_tokens)) - sub_tokens = tokenizer.tokenize(token) - for sub_token in sub_tokens: - tok_to_orig_index.append(i) - all_doc_tokens.append(sub_token) - - tok_start_position = None - tok_end_position = None - if is_training and example.is_impossible: - tok_start_position = -1 - tok_end_position = -1 - if is_training and not example.is_impossible: - tok_start_position = orig_to_tok_index[example.start_position] - if example.end_position < len(example.doc_tokens) - 1: - tok_end_position = orig_to_tok_index[example.end_position + - 1] - 1 - else: - tok_end_position = len(all_doc_tokens) - 1 - (tok_start_position, tok_end_position) = _improve_answer_span( - all_doc_tokens, tok_start_position, tok_end_position, tokenizer, - example.orig_answer_text) - - # The -3 accounts for [CLS], [SEP] and [SEP] - max_tokens_for_doc = max_seq_length - len(query_tokens) - 3 - - # We can have documents that are longer than the maximum sequence length. - # To deal with this we do a sliding window approach, where we take chunks - # of the up to our max length with a stride of `doc_stride`. - _DocSpan = collections.namedtuple( # pylint: disable=invalid-name - "DocSpan", ["start", "length"]) - doc_spans = [] - start_offset = 0 - while start_offset < len(all_doc_tokens): - length = len(all_doc_tokens) - start_offset - if length > max_tokens_for_doc: - length = max_tokens_for_doc - doc_spans.append(_DocSpan(start=start_offset, length=length)) - if start_offset + length == len(all_doc_tokens): - break - start_offset += min(length, doc_stride) - - for (doc_span_index, doc_span) in enumerate(doc_spans): - tokens = [] - token_to_orig_map = {} - token_is_max_context = {} - segment_ids = [] - tokens.append("[CLS]") - segment_ids.append(0) - for token in query_tokens: - tokens.append(token) - segment_ids.append(0) - tokens.append("[SEP]") - segment_ids.append(0) - - for i in range(doc_span.length): - split_token_index = doc_span.start + i - token_to_orig_map[len(tokens)] = tok_to_orig_index[ - split_token_index] - - is_max_context = _check_is_max_context( - doc_spans, doc_span_index, split_token_index) - token_is_max_context[len(tokens)] = is_max_context - tokens.append(all_doc_tokens[split_token_index]) - segment_ids.append(1) - tokens.append("[SEP]") - segment_ids.append(1) - - input_ids = tokenizer.convert_tokens_to_ids(tokens) - - # The mask has 1 for real tokens and 0 for padding tokens. Only real - # tokens are attended to. - input_mask = [1] * len(input_ids) - - # Zero-pad up to the sequence length. - #while len(input_ids) < max_seq_length: - # input_ids.append(0) - # input_mask.append(0) - # segment_ids.append(0) - - #assert len(input_ids) == max_seq_length - #assert len(input_mask) == max_seq_length - #assert len(segment_ids) == max_seq_length - - start_position = None - end_position = None - if is_training and not example.is_impossible: - # For training, if our document chunk does not contain an annotation - # we throw it out, since there is nothing to predict. - doc_start = doc_span.start - doc_end = doc_span.start + doc_span.length - 1 - out_of_span = False - if not (tok_start_position >= doc_start and - tok_end_position <= doc_end): - out_of_span = True - if out_of_span: - start_position = 0 - end_position = 0 - continue - else: - doc_offset = len(query_tokens) + 2 - start_position = tok_start_position - doc_start + doc_offset - end_position = tok_end_position - doc_start + doc_offset - - """ - if is_training and example.is_impossible: - start_position = 0 - end_position = 0 - """ - - feature = InputFeatures( - unique_id=unique_id, - example_index=example_index, - doc_span_index=doc_span_index, - tokens=tokens, - token_to_orig_map=token_to_orig_map, - token_is_max_context=token_is_max_context, - input_ids=input_ids, - input_mask=input_mask, - segment_ids=segment_ids, - start_position=start_position, - end_position=end_position, - is_impossible=example.is_impossible) - - unique_id += 1 - features.append(feature) - example_index += 1 - return features - - -def estimate_runtime_examples(data_path, sample_rate, tokenizer, \ - max_seq_length, doc_stride, max_query_length, \ - remove_impossible_questions=True, filter_invalid_spans=True): - """Count runtime examples which may differ from number of raw samples due to sliding window operation and etc.. This is useful to get correct warmup steps for training.""" - - assert sample_rate > 0.0 and sample_rate <= 1.0, "sample_rate must be set between 0.0~1.0" - - print("loading data with json parser...") - with open(data_path, "r") as reader: - data = json.load(reader)["data"] - - num_raw_examples = 0 - for entry in data: - for paragraph in entry["paragraphs"]: - paragraph_text = paragraph["context"] - for qa in paragraph["qas"]: - num_raw_examples += 1 - print("num raw examples:{}".format(num_raw_examples)) - - def is_whitespace(c): - if c == " " or c == "\t" or c == "\r" or c == "\n" or ord(c) == 0x202F: - return True - return False - - sampled_examples = [] - for entry in data: - for paragraph in entry["paragraphs"]: - doc_tokens = None - for qa in paragraph["qas"]: - if random.random() > sample_rate and sample_rate < 1.0: - continue - - if doc_tokens is None: - paragraph_text = paragraph["context"] - doc_tokens = [] - char_to_word_offset = [] - prev_is_whitespace = True - for c in paragraph_text: - if is_whitespace(c): - prev_is_whitespace = True - else: - if prev_is_whitespace: - doc_tokens.append(c) - else: - doc_tokens[-1] += c - prev_is_whitespace = False - char_to_word_offset.append(len(doc_tokens) - 1) - - assert len(qa["answers"]) == 1, "For training, each question should have exactly 1 answer." - - qas_id = qa["id"] - question_text = qa["question"] - start_position = None - end_position = None - orig_answer_text = None - is_impossible = False - - if ('is_impossible' in qa) and (qa["is_impossible"]): - if remove_impossible_questions or filter_invalid_spans: - continue - else: - start_position = -1 - end_position = -1 - orig_answer_text = "" - is_impossible = True - else: - answer = qa["answers"][0] - orig_answer_text = answer["text"] - answer_offset = answer["answer_start"] - answer_length = len(orig_answer_text) - start_position = char_to_word_offset[answer_offset] - end_position = char_to_word_offset[answer_offset + - answer_length - 1] - - # remove corrupt samples - actual_text = " ".join(doc_tokens[start_position:( - end_position + 1)]) - cleaned_answer_text = " ".join( - tokenization.whitespace_tokenize(orig_answer_text)) - if actual_text.find(cleaned_answer_text) == -1: - print("Could not find answer: '%s' vs. '%s'", - actual_text, cleaned_answer_text) - continue - - example = MRQAExample( - qas_id=qas_id, - question_text=question_text, - doc_tokens=doc_tokens, - orig_answer_text=orig_answer_text, - start_position=start_position, - end_position=end_position, - is_impossible=is_impossible) - sampled_examples.append(example) - - - runtime_sample_rate = len(sampled_examples) / float(num_raw_examples) - # print("DEBUG-> runtime sampled examples: {}, sample rate: {}.".format(len(sampled_examples), runtime_sample_rate)) - - runtime_samp_cnt = 0 - - for example in sampled_examples: - query_tokens = tokenizer.tokenize(example.question_text) - - if len(query_tokens) > max_query_length: - query_tokens = query_tokens[0:max_query_length] - - tok_to_orig_index = [] - orig_to_tok_index = [] - all_doc_tokens = [] - for (i, token) in enumerate(example.doc_tokens): - orig_to_tok_index.append(len(all_doc_tokens)) - sub_tokens = tokenizer.tokenize(token) - for sub_token in sub_tokens: - tok_to_orig_index.append(i) - all_doc_tokens.append(sub_token) - - tok_start_position = None - tok_end_position = None - - tok_start_position = orig_to_tok_index[example.start_position] - if example.end_position < len(example.doc_tokens) - 1: - tok_end_position = orig_to_tok_index[example.end_position + 1] - 1 - else: - tok_end_position = len(all_doc_tokens) - 1 - (tok_start_position, tok_end_position) = _improve_answer_span( - all_doc_tokens, tok_start_position, tok_end_position, tokenizer, - example.orig_answer_text) - - # The -3 accounts for [CLS], [SEP] and [SEP] - max_tokens_for_doc = max_seq_length - len(query_tokens) - 3 - - _DocSpan = collections.namedtuple( # pylint: disable=invalid-name - "DocSpan", ["start", "length"]) - doc_spans = [] - start_offset = 0 - while start_offset < len(all_doc_tokens): - length = len(all_doc_tokens) - start_offset - if length > max_tokens_for_doc: - length = max_tokens_for_doc - doc_spans.append(_DocSpan(start=start_offset, length=length)) - if start_offset + length == len(all_doc_tokens): - break - start_offset += min(length, doc_stride) - - for (doc_span_index, doc_span) in enumerate(doc_spans): - doc_start = doc_span.start - doc_end = doc_span.start + doc_span.length - 1 - if filter_invalid_spans and not (tok_start_position >= doc_start and tok_end_position <= doc_end): - continue - runtime_samp_cnt += 1 - return int(runtime_samp_cnt/runtime_sample_rate) - - -def _improve_answer_span(doc_tokens, input_start, input_end, tokenizer, - orig_answer_text): - """Returns tokenized answer spans that better match the annotated answer.""" - - # The MRQA annotations are character based. We first project them to - # whitespace-tokenized words. But then after WordPiece tokenization, we can - # often find a "better match". For example: - # - # Question: What year was John Smith born? - # Context: The leader was John Smith (1895-1943). - # Answer: 1895 - # - # The original whitespace-tokenized answer will be "(1895-1943).". However - # after tokenization, our tokens will be "( 1895 - 1943 ) .". So we can match - # the exact answer, 1895. - # - # However, this is not always possible. Consider the following: - # - # Question: What country is the top exporter of electornics? - # Context: The Japanese electronics industry is the lagest in the world. - # Answer: Japan - # - # In this case, the annotator chose "Japan" as a character sub-span of - # the word "Japanese". Since our WordPiece tokenizer does not split - # "Japanese", we just use "Japanese" as the annotation. This is fairly rare - # in MRQA, but does happen. - tok_answer_text = " ".join(tokenizer.tokenize(orig_answer_text)) - - for new_start in range(input_start, input_end + 1): - for new_end in range(input_end, new_start - 1, -1): - text_span = " ".join(doc_tokens[new_start:(new_end + 1)]) - if text_span == tok_answer_text: - return (new_start, new_end) - - return (input_start, input_end) - - -def _check_is_max_context(doc_spans, cur_span_index, position): - """Check if this is the 'max context' doc span for the token.""" - - # Because of the sliding window approach taken to scoring documents, a single - # token can appear in multiple documents. E.g. - # Doc: the man went to the store and bought a gallon of milk - # Span A: the man went to the - # Span B: to the store and bought - # Span C: and bought a gallon of - # ... - # - # Now the word 'bought' will have two scores from spans B and C. We only - # want to consider the score with "maximum context", which we define as - # the *minimum* of its left and right context (the *sum* of left and - # right context will always be the same, of course). - # - # In the example the maximum context for 'bought' would be span C since - # it has 1 left context and 3 right context, while span B has 4 left context - # and 0 right context. - best_score = None - best_span_index = None - for (span_index, doc_span) in enumerate(doc_spans): - end = doc_span.start + doc_span.length - 1 - if position < doc_span.start: - continue - if position > end: - continue - num_left_context = position - doc_span.start - num_right_context = end - position - score = min(num_left_context, - num_right_context) + 0.01 * doc_span.length - if best_score is None or score > best_score: - best_score = score - best_span_index = span_index - - return cur_span_index == best_span_index - - -class DataProcessor(object): - def __init__(self, vocab_path, do_lower_case, max_seq_length, in_tokens, - doc_stride, max_query_length): - self._tokenizer = tokenization.FullTokenizer( - vocab_file=vocab_path, do_lower_case=do_lower_case) - self._max_seq_length = max_seq_length - self._doc_stride = doc_stride - self._max_query_length = max_query_length - self._in_tokens = in_tokens - - self.vocab = self._tokenizer.vocab - self.vocab_size = len(self.vocab) - self.pad_id = self.vocab["[PAD]"] - self.cls_id = self.vocab["[CLS]"] - self.sep_id = self.vocab["[SEP]"] - self.mask_id = self.vocab["[MASK]"] - - self.current_train_example = -1 - self.num_train_examples = -1 - self.current_train_epoch = -1 - - self.train_examples = None - self.num_examples = {'train': -1, 'predict': -1} - - def get_train_progress(self): - """Gets progress for training phase.""" - return self.current_train_example, self.current_train_epoch - - def get_examples(self, - data_path, - is_training, - with_negative=False): - examples = read_mrqa_examples( - input_file=data_path, - is_training=is_training, - with_negative=with_negative) - return examples - - def get_num_examples(self, phase): - if phase not in ['train', 'predict']: - raise ValueError( - "Unknown phase, which should be in ['train', 'predict'].") - return self.num_examples[phase] - - def estimate_runtime_examples(self, data_path, sample_rate=0.01, \ - remove_impossible_questions=True, filter_invalid_spans=True): - """Noted that this API Only support for Training phase.""" - return estimate_runtime_examples(data_path, sample_rate, self._tokenizer, \ - self._max_seq_length, self._doc_stride, self._max_query_length, \ - remove_impossible_questions=True, filter_invalid_spans=True) - - def get_features(self, examples, is_training, examples_start_id, features_start_id): - features = convert_examples_to_features( - examples=examples, - tokenizer=self._tokenizer, - max_seq_length=self._max_seq_length, - doc_stride=self._doc_stride, - max_query_length=self._max_query_length, - examples_start_id=examples_start_id, - features_start_id=features_start_id, - is_training=is_training) - return features - - def data_generator(self, - raw_samples, - batch_size, - max_len=None, - phase='predict', - shuffle=False, - dev_count=1, - with_negative=False, - epoch=1, - examples_start_id=0, - features_start_id=1000000000): - examples = read_mrqa_examples(raw_samples) - - def batch_reader(features, batch_size, in_tokens): - batch, total_token_num, max_len = [], 0, 0 - for (index, feature) in enumerate(features): - if phase == 'train': - self.current_train_example = index + 1 - seq_len = len(feature.input_ids) - labels = [feature.unique_id - ] if feature.start_position is None else [ - feature.start_position, feature.end_position - ] - example = [ - feature.input_ids, feature.segment_ids, range(seq_len) - ] + labels - max_len = max(max_len, seq_len) - - #max_len = max(max_len, len(token_ids)) - if in_tokens: - to_append = (len(batch) + 1) * max_len <= batch_size - else: - to_append = len(batch) < batch_size - - if to_append: - batch.append(example) - total_token_num += seq_len - else: - yield batch, total_token_num - batch, total_token_num, max_len = [example - ], seq_len, seq_len - if len(batch) > 0: - yield batch, total_token_num - - features = self.get_features(examples, is_training=False, examples_start_id=examples_start_id, features_start_id=features_start_id) - - all_dev_batches = [] - for batch_data, total_token_num in batch_reader( - features, batch_size, self._in_tokens): - batch_data = prepare_batch_data( - batch_data, - total_token_num, - max_len=max_len, - voc_size=-1, - pad_id=self.pad_id, - cls_id=self.cls_id, - sep_id=self.sep_id, - mask_id=-1, - return_input_mask=True, - return_max_len=False, - return_num_token=False) - all_dev_batches.append(batch_data) - return examples, features, all_dev_batches - - -def get_answers(all_examples, all_features, all_results, n_best_size, - max_answer_length, do_lower_case, - verbose=False): - """Write final predictions to the json file and log-odds of null if needed.""" - - example_index_to_features = collections.defaultdict(list) - for feature in all_features: - example_index_to_features[feature.example_index].append(feature) - - unique_id_to_result = {} - for result in all_results: - unique_id_to_result[result.unique_id] = result - - _PrelimPrediction = collections.namedtuple( # pylint: disable=invalid-name - "PrelimPrediction", [ - "feature_index", "start_index", "end_index", "start_logit", - "end_logit" - ]) - - all_predictions = collections.OrderedDict() - all_nbest_json = collections.OrderedDict() - scores_diff_json = collections.OrderedDict() - - for (example_index, example) in enumerate(all_examples): - features = example_index_to_features[example_index] - - prelim_predictions = [] - # keep track of the minimum score of null start+end of position 0 - score_null = 1000000 # large and positive - min_null_feature_index = 0 # the paragraph slice with min mull score - null_start_logit = 0 # the start logit at the slice with min null score - null_end_logit = 0 # the end logit at the slice with min null score - for (feature_index, feature) in enumerate(features): - result = unique_id_to_result[feature.unique_id] - start_indexes = _get_best_indexes(result.start_logits, n_best_size) - end_indexes = _get_best_indexes(result.end_logits, n_best_size) - # if we could have irrelevant answers, get the min score of irrelevant - for start_index in start_indexes: - for end_index in end_indexes: - # We could hypothetically create invalid predictions, e.g., predict - # that the start of the span is in the question. We throw out all - # invalid predictions. - if start_index >= len(feature.tokens): - continue - if end_index >= len(feature.tokens): - continue - if start_index not in feature.token_to_orig_map: - continue - if end_index not in feature.token_to_orig_map: - continue - if not feature.token_is_max_context.get(start_index, False): - continue - if end_index < start_index: - continue - length = end_index - start_index + 1 - if length > max_answer_length: - continue - prelim_predictions.append( - _PrelimPrediction( - feature_index=feature_index, - start_index=start_index, - end_index=end_index, - start_logit=result.start_logits[start_index], - end_logit=result.end_logits[end_index])) - - prelim_predictions = sorted( - prelim_predictions, - key=lambda x: (x.start_logit + x.end_logit), - reverse=True) - - _NbestPrediction = collections.namedtuple( # pylint: disable=invalid-name - "NbestPrediction", ["text", "start_logit", "end_logit"]) - - seen_predictions = {} - nbest = [] - for pred in prelim_predictions: - if len(nbest) >= n_best_size: - break - feature = features[pred.feature_index] - if pred.start_index > 0: # this is a non-null prediction - tok_tokens = feature.tokens[pred.start_index:(pred.end_index + 1 - )] - orig_doc_start = feature.token_to_orig_map[pred.start_index] - orig_doc_end = feature.token_to_orig_map[pred.end_index] - orig_tokens = example.doc_tokens[orig_doc_start:(orig_doc_end + - 1)] - tok_text = " ".join(tok_tokens) - - # De-tokenize WordPieces that have been split off. - tok_text = tok_text.replace(" ##", "") - tok_text = tok_text.replace("##", "") - - # Clean whitespace - tok_text = tok_text.strip() - tok_text = " ".join(tok_text.split()) - orig_text = " ".join(orig_tokens) - - final_text = get_final_text(tok_text, orig_text, do_lower_case, - verbose) - if final_text in seen_predictions: - continue - - seen_predictions[final_text] = True - else: - final_text = "" - seen_predictions[final_text] = True - - nbest.append( - _NbestPrediction( - text=final_text, - start_logit=pred.start_logit, - end_logit=pred.end_logit)) - - # In very rare edge cases we could have no valid predictions. So we - # just create a nonce prediction in this case to avoid failure. - if not nbest: - nbest.append( - _NbestPrediction( - text="empty", start_logit=0.0, end_logit=0.0)) - - assert len(nbest) >= 1 - - total_scores = [] - best_non_null_entry = None - for entry in nbest: - total_scores.append(entry.start_logit + entry.end_logit) - if not best_non_null_entry: - if entry.text: - best_non_null_entry = entry - # debug - if best_non_null_entry is None: - print("Emmm..., sth wrong") - - probs = _compute_softmax(total_scores) - - nbest_json = [] - for (i, entry) in enumerate(nbest): - output = collections.OrderedDict() - output["text"] = entry.text - output["probability"] = probs[i] - output["start_logit"] = entry.start_logit - output["end_logit"] = entry.end_logit - nbest_json.append(output) - - assert len(nbest_json) >= 1 - - all_predictions[example.qas_id] = nbest_json[0]["text"] - all_nbest_json[example.qas_id] = nbest_json - - return all_predictions, all_nbest_json - - -def get_final_text(pred_text, orig_text, do_lower_case, verbose): - """Project the tokenized prediction back to the original text.""" - - # When we created the data, we kept track of the alignment between original - # (whitespace tokenized) tokens and our WordPiece tokenized tokens. So - # now `orig_text` contains the span of our original text corresponding to the - # span that we predicted. - # - # However, `orig_text` may contain extra characters that we don't want in - # our prediction. - # - # For example, let's say: - # pred_text = steve smith - # orig_text = Steve Smith's - # - # We don't want to return `orig_text` because it contains the extra "'s". - # - # We don't want to return `pred_text` because it's already been normalized - # (the MRQA eval script also does punctuation stripping/lower casing but - # our tokenizer does additional normalization like stripping accent - # characters). - # - # What we really want to return is "Steve Smith". - # - # Therefore, we have to apply a semi-complicated alignment heruistic between - # `pred_text` and `orig_text` to get a character-to-charcter alignment. This - # can fail in certain cases in which case we just return `orig_text`. - - def _strip_spaces(text): - ns_chars = [] - ns_to_s_map = collections.OrderedDict() - for (i, c) in enumerate(text): - if c == " ": - continue - ns_to_s_map[len(ns_chars)] = i - ns_chars.append(c) - ns_text = "".join(ns_chars) - return (ns_text, ns_to_s_map) - - # We first tokenize `orig_text`, strip whitespace from the result - # and `pred_text`, and check if they are the same length. If they are - # NOT the same length, the heuristic has failed. If they are the same - # length, we assume the characters are one-to-one aligned. - tokenizer = tokenization.BasicTokenizer(do_lower_case=do_lower_case) - - tok_text = " ".join(tokenizer.tokenize(orig_text)) - - start_position = tok_text.find(pred_text) - if start_position == -1: - if verbose: - print("Unable to find text: '%s' in '%s'" % (pred_text, orig_text)) - return orig_text - end_position = start_position + len(pred_text) - 1 - - (orig_ns_text, orig_ns_to_s_map) = _strip_spaces(orig_text) - (tok_ns_text, tok_ns_to_s_map) = _strip_spaces(tok_text) - - if len(orig_ns_text) != len(tok_ns_text): - if verbose: - print("Length not equal after stripping spaces: '%s' vs '%s'", - orig_ns_text, tok_ns_text) - return orig_text - - # We then project the characters in `pred_text` back to `orig_text` using - # the character-to-character alignment. - tok_s_to_ns_map = {} - for (i, tok_index) in six.iteritems(tok_ns_to_s_map): - tok_s_to_ns_map[tok_index] = i - - orig_start_position = None - if start_position in tok_s_to_ns_map: - ns_start_position = tok_s_to_ns_map[start_position] - if ns_start_position in orig_ns_to_s_map: - orig_start_position = orig_ns_to_s_map[ns_start_position] - - if orig_start_position is None: - if verbose: - print("Couldn't map start position") - return orig_text - - orig_end_position = None - if end_position in tok_s_to_ns_map: - ns_end_position = tok_s_to_ns_map[end_position] - if ns_end_position in orig_ns_to_s_map: - orig_end_position = orig_ns_to_s_map[ns_end_position] - - if orig_end_position is None: - if verbose: - print("Couldn't map end position") - return orig_text - - output_text = orig_text[orig_start_position:(orig_end_position + 1)] - return output_text - - -def _get_best_indexes(logits, n_best_size): - """Get the n-best logits from a list.""" - index_and_score = sorted( - enumerate(logits), key=lambda x: x[1], reverse=True) - - best_indexes = [] - for i in range(len(index_and_score)): - if i >= n_best_size: - break - best_indexes.append(index_and_score[i][0]) - return best_indexes - - -def _compute_softmax(scores): - """Compute softmax probability over raw logits.""" - if not scores: - return [] - - max_score = None - for score in scores: - if max_score is None or score > max_score: - max_score = score - - exp_scores = [] - total_sum = 0.0 - for score in scores: - x = math.exp(score - max_score) - exp_scores.append(x) - total_sum += x - - probs = [] - for score in exp_scores: - probs.append(score / total_sum) - return probs - - -if __name__ == '__main__': - train_file = 'data/mrqa-combined.all_dev.raw.json' - vocab_file = 'uncased_L-12_H-768_A-12/vocab.txt' - do_lower_case = True - tokenizer = tokenization.FullTokenizer( - vocab_file=vocab_file, do_lower_case=do_lower_case) - train_examples = read_mrqa_examples( - input_file=train_file, is_training=True) - print("begin converting") - for (index, feature) in enumerate( - convert_examples_to_features( - examples=train_examples, - tokenizer=tokenizer, - max_seq_length=384, - doc_stride=128, - max_query_length=64, - is_training=True, - #output_fn=train_writer.process_feature - )): - if index < 10: - print(index, feature.input_ids, feature.input_mask, - feature.segment_ids) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/task_reader/tokenization.py b/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/task_reader/tokenization.py deleted file mode 100644 index 59e035d92cb776f32be20360532b8c18c9b801e5..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/ernie_server/task_reader/tokenization.py +++ /dev/null @@ -1,374 +0,0 @@ -# coding=utf-8 -# Copyright 2018 The Google AI Language Team Authors. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Tokenization classes.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import collections -import unicodedata -import six - - -def convert_to_unicode(text): - """Converts `text` to Unicode (if it's not already), assuming utf-8 input.""" - if six.PY3: - if isinstance(text, str): - return text - elif isinstance(text, bytes): - return text.decode("utf-8", "ignore") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - elif six.PY2: - if isinstance(text, str): - return text.decode("utf-8", "ignore") - elif isinstance(text, unicode): - return text - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - else: - raise ValueError("Not running on Python2 or Python 3?") - - -def printable_text(text): - """Returns text encoded in a way suitable for print or `tf.logging`.""" - - # These functions want `str` for both Python2 and Python3, but in one case - # it's a Unicode string and in the other it's a byte string. - if six.PY3: - if isinstance(text, str): - return text - elif isinstance(text, bytes): - return text.decode("utf-8", "ignore") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - elif six.PY2: - if isinstance(text, str): - return text - elif isinstance(text, unicode): - return text.encode("utf-8") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - else: - raise ValueError("Not running on Python2 or Python 3?") - - -def load_vocab(vocab_file): - """Loads a vocabulary file into a dictionary.""" - vocab = collections.OrderedDict() - fin = open(vocab_file) - for num, line in enumerate(fin): - items = convert_to_unicode(line.strip()).split("\t") - if len(items) > 2: - break - token = items[0] - index = items[1] if len(items) == 2 else num - token = token.strip() - vocab[token] = int(index) - return vocab - - -def convert_by_vocab(vocab, items): - """Converts a sequence of [tokens|ids] using the vocab.""" - output = [] - for item in items: - output.append(vocab[item]) - return output - - -def convert_tokens_to_ids(vocab, tokens): - return convert_by_vocab(vocab, tokens) - - -def convert_ids_to_tokens(inv_vocab, ids): - return convert_by_vocab(inv_vocab, ids) - - -def whitespace_tokenize(text): - """Runs basic whitespace cleaning and splitting on a peice of text.""" - text = text.strip() - if not text: - return [] - tokens = text.split() - return tokens - - -class FullTokenizer(object): - """Runs end-to-end tokenziation.""" - - def __init__(self, vocab_file, do_lower_case=True): - self.vocab = load_vocab(vocab_file) - self.inv_vocab = {v: k for k, v in self.vocab.items()} - self.basic_tokenizer = BasicTokenizer(do_lower_case=do_lower_case) - self.wordpiece_tokenizer = WordpieceTokenizer(vocab=self.vocab) - - def tokenize(self, text): - split_tokens = [] - for token in self.basic_tokenizer.tokenize(text): - for sub_token in self.wordpiece_tokenizer.tokenize(token): - split_tokens.append(sub_token) - - return split_tokens - - def convert_tokens_to_ids(self, tokens): - return convert_by_vocab(self.vocab, tokens) - - def convert_ids_to_tokens(self, ids): - return convert_by_vocab(self.inv_vocab, ids) - - -class CharTokenizer(object): - """Runs end-to-end tokenziation.""" - - def __init__(self, vocab_file, do_lower_case=True): - self.vocab = load_vocab(vocab_file) - self.inv_vocab = {v: k for k, v in self.vocab.items()} - self.wordpiece_tokenizer = WordpieceTokenizer(vocab=self.vocab) - - def tokenize(self, text): - split_tokens = [] - for token in text.lower().split(" "): - for sub_token in self.wordpiece_tokenizer.tokenize(token): - split_tokens.append(sub_token) - - return split_tokens - - def convert_tokens_to_ids(self, tokens): - return convert_by_vocab(self.vocab, tokens) - - def convert_ids_to_tokens(self, ids): - return convert_by_vocab(self.inv_vocab, ids) - - -class BasicTokenizer(object): - """Runs basic tokenization (punctuation splitting, lower casing, etc.).""" - - def __init__(self, do_lower_case=True): - """Constructs a BasicTokenizer. - - Args: - do_lower_case: Whether to lower case the input. - """ - self.do_lower_case = do_lower_case - self._never_lowercase = ['[UNK]', '[SEP]', '[PAD]', '[CLS]', '[MASK]'] - - def tokenize(self, text): - """Tokenizes a piece of text.""" - text = convert_to_unicode(text) - text = self._clean_text(text) - - # This was added on November 1st, 2018 for the multilingual and Chinese - # models. This is also applied to the English models now, but it doesn't - # matter since the English models were not trained on any Chinese data - # and generally don't have any Chinese data in them (there are Chinese - # characters in the vocabulary because Wikipedia does have some Chinese - # words in the English Wikipedia.). - text = self._tokenize_chinese_chars(text) - - orig_tokens = whitespace_tokenize(text) - split_tokens = [] - for token in orig_tokens: - if self.do_lower_case and token not in self._never_lowercase: - token = token.lower() - token = self._run_strip_accents(token) - if token in self._never_lowercase: - split_tokens.extend([token]) - else: - split_tokens.extend(self._run_split_on_punc(token)) - - output_tokens = whitespace_tokenize(" ".join(split_tokens)) - return output_tokens - - def _run_strip_accents(self, text): - """Strips accents from a piece of text.""" - text = unicodedata.normalize("NFD", text) - output = [] - for char in text: - cat = unicodedata.category(char) - if cat == "Mn": - continue - output.append(char) - return "".join(output) - - def _run_split_on_punc(self, text): - """Splits punctuation on a piece of text.""" - chars = list(text) - i = 0 - start_new_word = True - output = [] - while i < len(chars): - char = chars[i] - if _is_punctuation(char): - output.append([char]) - start_new_word = True - else: - if start_new_word: - output.append([]) - start_new_word = False - output[-1].append(char) - i += 1 - - return ["".join(x) for x in output] - - def _tokenize_chinese_chars(self, text): - """Adds whitespace around any CJK character.""" - output = [] - for char in text: - cp = ord(char) - if self._is_chinese_char(cp): - output.append(" ") - output.append(char) - output.append(" ") - else: - output.append(char) - return "".join(output) - - def _is_chinese_char(self, cp): - """Checks whether CP is the codepoint of a CJK character.""" - # This defines a "chinese character" as anything in the CJK Unicode block: - # https://en.wikipedia.org/wiki/CJK_Unified_Ideographs_(Unicode_block) - # - # Note that the CJK Unicode block is NOT all Japanese and Korean characters, - # despite its name. The modern Korean Hangul alphabet is a different block, - # as is Japanese Hiragana and Katakana. Those alphabets are used to write - # space-separated words, so they are not treated specially and handled - # like the all of the other languages. - if ((cp >= 0x4E00 and cp <= 0x9FFF) or # - (cp >= 0x3400 and cp <= 0x4DBF) or # - (cp >= 0x20000 and cp <= 0x2A6DF) or # - (cp >= 0x2A700 and cp <= 0x2B73F) or # - (cp >= 0x2B740 and cp <= 0x2B81F) or # - (cp >= 0x2B820 and cp <= 0x2CEAF) or - (cp >= 0xF900 and cp <= 0xFAFF) or # - (cp >= 0x2F800 and cp <= 0x2FA1F)): # - return True - - return False - - def _clean_text(self, text): - """Performs invalid character removal and whitespace cleanup on text.""" - output = [] - for char in text: - cp = ord(char) - if cp == 0 or cp == 0xfffd or _is_control(char): - continue - if _is_whitespace(char): - output.append(" ") - else: - output.append(char) - return "".join(output) - - -class WordpieceTokenizer(object): - """Runs WordPiece tokenziation.""" - - def __init__(self, vocab, unk_token="[UNK]", max_input_chars_per_word=100): - self.vocab = vocab - self.unk_token = unk_token - self.max_input_chars_per_word = max_input_chars_per_word - - def tokenize(self, text): - """Tokenizes a piece of text into its word pieces. - - This uses a greedy longest-match-first algorithm to perform tokenization - using the given vocabulary. - - For example: - input = "unaffable" - output = ["un", "##aff", "##able"] - - Args: - text: A single token or whitespace separated tokens. This should have - already been passed through `BasicTokenizer. - - Returns: - A list of wordpiece tokens. - """ - - text = convert_to_unicode(text) - - output_tokens = [] - for token in whitespace_tokenize(text): - chars = list(token) - if len(chars) > self.max_input_chars_per_word: - output_tokens.append(self.unk_token) - continue - - is_bad = False - start = 0 - sub_tokens = [] - while start < len(chars): - end = len(chars) - cur_substr = None - while start < end: - substr = "".join(chars[start:end]) - if start > 0: - substr = "##" + substr - if substr in self.vocab: - cur_substr = substr - break - end -= 1 - if cur_substr is None: - is_bad = True - break - sub_tokens.append(cur_substr) - start = end - - if is_bad: - output_tokens.append(self.unk_token) - else: - output_tokens.extend(sub_tokens) - return output_tokens - - -def _is_whitespace(char): - """Checks whether `chars` is a whitespace character.""" - # \t, \n, and \r are technically contorl characters but we treat them - # as whitespace since they are generally considered as such. - if char == " " or char == "\t" or char == "\n" or char == "\r": - return True - cat = unicodedata.category(char) - if cat == "Zs": - return True - return False - - -def _is_control(char): - """Checks whether `chars` is a control character.""" - # These are technically control characters but we count them as whitespace - # characters. - if char == "\t" or char == "\n" or char == "\r": - return False - cat = unicodedata.category(char) - if cat.startswith("C"): - return True - return False - - -def _is_punctuation(char): - """Checks whether `chars` is a punctuation character.""" - cp = ord(char) - # We treat all non-letter/number ASCII as punctuation. - # Characters such as "^", "$", and "`" are not in the Unicode - # Punctuation class but we treat them as punctuation anyways, for - # consistency. - if ((cp >= 33 and cp <= 47) or (cp >= 58 and cp <= 64) or - (cp >= 91 and cp <= 96) or (cp >= 123 and cp <= 126)): - return True - cat = unicodedata.category(char) - if cat.startswith("P"): - return True - return False diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/main_server.py b/PaddleNLP/Research/MRQA2019-D-NET/server/main_server.py deleted file mode 100755 index 00f64bf43f0cacb3f0fd53be211f487b5425ae22..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/main_server.py +++ /dev/null @@ -1,94 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -import json -import sys -import logging -logging.basicConfig( - level=logging.INFO, format='%(asctime)s - %(name)s - %(levelname)s - %(message)s' -) -import requests -from flask import Flask -from flask import Response -from flask import request -import numpy as np -import argparse -from multiprocessing.dummy import Pool as ThreadPool - -app = Flask(__name__) - -logger = logging.getLogger('flask') - - -def ensemble_example(answers, n_models=None): - if n_models is None: - n_models = len(answers) - answer_dict = dict() - for nbest_predictions in answers: - for prediction in nbest_predictions: - score_list = answer_dict.setdefault(prediction['text'], []) - score_list.append(prediction['probability']) - - ensemble_nbest_predictions = [] - for answer, scores in answer_dict.items(): - prediction = dict() - prediction['text'] = answer - prediction['probability'] = np.sum(scores) / n_models - ensemble_nbest_predictions.append(prediction) - - ensemble_nbest_predictions = \ - sorted(ensemble_nbest_predictions, key=lambda item: item['probability'], reverse=True) - return ensemble_nbest_predictions - - -@app.route('/', methods=['POST']) -def mrqa_main(): - """Description""" - # parse input data - pred = {} - def _call_model(url, input_json): - nbest = requests.post(url, json=input_json) - return nbest - try: - input_json = request.get_json(silent=True) - n_models = len(urls) - pool = ThreadPool(n_models) - results = [] - for url in urls: - result = pool.apply_async(_call_model, (url, input_json)) - results.append(result.get()) - pool.close() - pool.join() - nbests = [nbest.json()['results'] for nbest in results] - qids = list(nbests[0].keys()) - for qid in qids: - ensemble_nbest = ensemble_example([nbest[qid] for nbest in nbests], n_models=n_models) - pred[qid] = ensemble_nbest[0]['text'] - except Exception as e: - pred['error'] = 'empty' - logger.exception(e) - - return Response(json.dumps(pred), mimetype='application/json') - - -if __name__ == '__main__': - url_1 = 'http://127.0.0.1:5118' # url for ernie - url_2 = 'http://127.0.0.1:5119' # url for xl-net - url_3 = 'http://127.0.0.1:5120' # url for bert - parser = argparse.ArgumentParser('main server') - parser.add_argument('--ernie', action='store_true', default=False, help="Include ERNIE") - parser.add_argument('--xlnet', action='store_true', default=False, help="Include XL-NET") - parser.add_argument('--bert', action='store_true', default=False, help="Include BERT") - args = parser.parse_args() - urls = [] - if args.ernie: - print('Include ERNIE model') - urls.append(url_1) - if args.xlnet: - print('Include XL-NET model') - urls.append(url_2) - if args.bert: - print('Include BERT model') - urls.append(url_3) - assert len(urls) > 0, "At lease one model is required" - app.run(host='127.0.0.1', port=5121, debug=False, threaded=False, processes=1) - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/start.sh b/PaddleNLP/Research/MRQA2019-D-NET/server/start.sh deleted file mode 100755 index dec7f6c3ce65ad4f242635f2a1fa536d6541f4eb..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/start.sh +++ /dev/null @@ -1,25 +0,0 @@ -#!/bin/bash - -gpu_id=0 - -# start ernie service -# usage: sh start.sh port gpu_id -cd ernie_server -nohup sh start.sh 5118 $gpu_id > ernie.log 2>&1 & -cd .. - -# start xlnet service -cd xlnet_server -nohup sh start.sh 5119 $gpu_id > xlnet.log 2>&1 & -cd .. - -# start bert service -cd bert_server -nohup sh start.sh 5120 $gpu_id > bert.log 2>&1 & -cd .. - -sleep 3 -# start main server -# usage: python main_server.py --model_name -# the model_name specifies the model to be used in the ensemble. -nohup python main_server.py --ernie --xlnet > main_server.log 2>&1 & diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/wget_server_inference_model.sh b/PaddleNLP/Research/MRQA2019-D-NET/server/wget_server_inference_model.sh deleted file mode 100755 index c065d0d6822350cdf99d7333ce66a86b7ac14ef5..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/wget_server_inference_model.sh +++ /dev/null @@ -1,6 +0,0 @@ -wget --no-check-certificate https://baidu-nlp.bj.bcebos.com/D-Net/mrqa2019_inference_model.tar.gz -tar -xvf mrqa2019_inference_model.tar.gz -rm mrqa2019_inference_model.tar.gz -mv bert_infer_model bert_server/infer_model -mv xlnet_infer_model xlnet_server/infer_model -mv ernie_infer_model ernie_server/infer_model diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/__init__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/data_utils.py b/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/data_utils.py deleted file mode 100644 index 52a28036b20b8aa341e70032397265ce4f377124..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/data_utils.py +++ /dev/null @@ -1,25 +0,0 @@ -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - - -special_symbols = { - "" : 0, - "" : 1, - "" : 2, - "" : 3, - "" : 4, - "" : 5, - "" : 6, - "" : 7, - "" : 8, -} - -VOCAB_SIZE = 32000 -UNK_ID = special_symbols[""] -CLS_ID = special_symbols[""] -SEP_ID = special_symbols[""] -MASK_ID = special_symbols[""] -EOD_ID = special_symbols[""] - - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/model/__init__.py b/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/model/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/model/transformer_encoder.py b/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/model/transformer_encoder.py deleted file mode 100644 index 93a77ebe480f0e4a8e2b4f2c0c18b23383075fb7..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/model/transformer_encoder.py +++ /dev/null @@ -1,342 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Transformer encoder.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -from functools import partial -import numpy as np - -import paddle.fluid as fluid -import paddle.fluid.layers as layers - - -def multi_head_attention(queries, - keys, - values, - attn_bias, - d_key, - d_value, - d_model, - n_head=1, - dropout_rate=0., - cache=None, - param_initializer=None, - name='multi_head_att'): - """ - Multi-Head Attention. Note that attn_bias is added to the logit before - computing softmax activiation to mask certain selected positions so that - they will not considered in attention weights. - """ - keys = queries if keys is None else keys - values = keys if values is None else values - - if not (len(queries.shape) == len(keys.shape) == len(values.shape) == 3): - raise ValueError( - "Inputs: quries, keys and values should all be 3-D tensors.") - - def __compute_qkv(queries, keys, values, n_head, d_key, d_value): - """ - Add linear projection to queries, keys, and values. - """ - q = layers.fc(input=queries, - size=d_key * n_head, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_query_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_query_fc.b_0') - k = layers.fc(input=keys, - size=d_key * n_head, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_key_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_key_fc.b_0') - v = layers.fc(input=values, - size=d_value * n_head, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_value_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_value_fc.b_0') - return q, k, v - - def __split_heads(x, n_head): - """ - Reshape the last dimension of inpunt tensor x so that it becomes two - dimensions and then transpose. Specifically, input a tensor with shape - [bs, max_sequence_length, n_head * hidden_dim] then output a tensor - with shape [bs, n_head, max_sequence_length, hidden_dim]. - """ - hidden_size = x.shape[-1] - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - reshaped = layers.reshape( - x=x, shape=[0, 0, n_head, hidden_size // n_head], inplace=True) - - # permuate the dimensions into: - # [batch_size, n_head, max_sequence_len, hidden_size_per_head] - return layers.transpose(x=reshaped, perm=[0, 2, 1, 3]) - - def __combine_heads(x): - """ - Transpose and then reshape the last two dimensions of inpunt tensor x - so that it becomes one dimension, which is reverse to __split_heads. - """ - if len(x.shape) == 3: return x - if len(x.shape) != 4: - raise ValueError("Input(x) should be a 4-D Tensor.") - - trans_x = layers.transpose(x, perm=[0, 2, 1, 3]) - # The value 0 in shape attr means copying the corresponding dimension - # size of the input as the output dimension size. - return layers.reshape( - x=trans_x, - shape=[0, 0, trans_x.shape[2] * trans_x.shape[3]], - inplace=True) - - def scaled_dot_product_attention(q, k, v, attn_bias, d_key, dropout_rate): - """ - Scaled Dot-Product Attention - """ - scaled_q = layers.scale(x=q, scale=d_key**-0.5) - product = layers.matmul(x=scaled_q, y=k, transpose_y=True) - if attn_bias: - product += attn_bias - weights = layers.softmax(product) - if dropout_rate: - weights = layers.dropout( - weights, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - out = layers.matmul(weights, v) - return out - - q, k, v = __compute_qkv(queries, keys, values, n_head, d_key, d_value) - - if cache is not None: # use cache and concat time steps - # Since the inplace reshape in __split_heads changes the shape of k and - # v, which is the cache input for next time step, reshape the cache - # input from the previous time step first. - k = cache["k"] = layers.concat( - [layers.reshape( - cache["k"], shape=[0, 0, d_model]), k], axis=1) - v = cache["v"] = layers.concat( - [layers.reshape( - cache["v"], shape=[0, 0, d_model]), v], axis=1) - - q = __split_heads(q, n_head) - k = __split_heads(k, n_head) - v = __split_heads(v, n_head) - - ctx_multiheads = scaled_dot_product_attention(q, k, v, attn_bias, d_key, - dropout_rate) - - out = __combine_heads(ctx_multiheads) - - # Project back to the model size. - proj_out = layers.fc(input=out, - size=d_model, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_output_fc.w_0', - initializer=param_initializer), - bias_attr=name + '_output_fc.b_0') - return proj_out - - -def positionwise_feed_forward(x, - d_inner_hid, - d_hid, - dropout_rate, - hidden_act, - param_initializer=None, - name='ffn'): - """ - Position-wise Feed-Forward Networks. - This module consists of two linear transformations with a ReLU activation - in between, which is applied to each position separately and identically. - """ - hidden = layers.fc(input=x, - size=d_inner_hid, - num_flatten_dims=2, - act=hidden_act, - param_attr=fluid.ParamAttr( - name=name + '_fc_0.w_0', - initializer=param_initializer), - bias_attr=name + '_fc_0.b_0') - if dropout_rate: - hidden = layers.dropout( - hidden, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - out = layers.fc(input=hidden, - size=d_hid, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name + '_fc_1.w_0', initializer=param_initializer), - bias_attr=name + '_fc_1.b_0') - return out - - -def pre_post_process_layer(prev_out, out, process_cmd, dropout_rate=0., - name=''): - """ - Add residual connection, layer normalization and droput to the out tensor - optionally according to the value of process_cmd. - This will be used before or after multi-head attention and position-wise - feed-forward networks. - """ - for cmd in process_cmd: - if cmd == "a": # add residual connection - out = out + prev_out if prev_out else out - elif cmd == "n": # add layer normalization - out_dtype = out.dtype - if out_dtype == fluid.core.VarDesc.VarType.FP16: - out = layers.cast(x=out, dtype="float32") - out = layers.layer_norm( - out, - begin_norm_axis=len(out.shape) - 1, - param_attr=fluid.ParamAttr( - name=name + '_layer_norm_scale', - initializer=fluid.initializer.Constant(1.)), - bias_attr=fluid.ParamAttr( - name=name + '_layer_norm_bias', - initializer=fluid.initializer.Constant(0.))) - if out_dtype == fluid.core.VarDesc.VarType.FP16: - out = layers.cast(x=out, dtype="float16") - elif cmd == "d": # add dropout - if dropout_rate: - out = layers.dropout( - out, - dropout_prob=dropout_rate, - dropout_implementation="upscale_in_train", - is_test=False) - return out - - -pre_process_layer = partial(pre_post_process_layer, None) -post_process_layer = pre_post_process_layer - - -def encoder_layer(enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd="n", - postprocess_cmd="da", - param_initializer=None, - name=''): - """The encoder layers that can be stacked to form a deep encoder. - This module consits of a multi-head (self) attention followed by - position-wise feed-forward networks and both the two components companied - with the post_process_layer to add residual connection, layer normalization - and droput. - """ - attn_output = multi_head_attention( - pre_process_layer( - enc_input, - preprocess_cmd, - prepostprocess_dropout, - name=name + '_pre_att'), - None, - None, - attn_bias, - d_key, - d_value, - d_model, - n_head, - attention_dropout, - param_initializer=param_initializer, - name=name + '_multi_head_att') - attn_output = post_process_layer( - enc_input, - attn_output, - postprocess_cmd, - prepostprocess_dropout, - name=name + '_post_att') - ffd_output = positionwise_feed_forward( - pre_process_layer( - attn_output, - preprocess_cmd, - prepostprocess_dropout, - name=name + '_pre_ffn'), - d_inner_hid, - d_model, - relu_dropout, - hidden_act, - param_initializer=param_initializer, - name=name + '_ffn') - return post_process_layer( - attn_output, - ffd_output, - postprocess_cmd, - prepostprocess_dropout, - name=name + '_post_ffn') - - -def encoder(enc_input, - attn_bias, - n_layer, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd="n", - postprocess_cmd="da", - param_initializer=None, - name=''): - """ - The encoder is composed of a stack of identical layers returned by calling - encoder_layer. - """ - for i in range(n_layer): - enc_output = encoder_layer( - enc_input, - attn_bias, - n_head, - d_key, - d_value, - d_model, - d_inner_hid, - prepostprocess_dropout, - attention_dropout, - relu_dropout, - hidden_act, - preprocess_cmd, - postprocess_cmd, - param_initializer=param_initializer, - name=name + '_layer_' + str(i)) - enc_input = enc_output - enc_output = pre_process_layer( - enc_output, preprocess_cmd, prepostprocess_dropout, name="post_encoder") - - return enc_output diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/model/xlnet.py b/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/model/xlnet.py deleted file mode 100644 index 79218e850a04f13fdcd5af0e68918a78cc2bcc3e..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/model/xlnet.py +++ /dev/null @@ -1,237 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""BERT model.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import six -import json -import numpy as np -import paddle.fluid as fluid -from model.transformer_encoder import encoder, pre_process_layer -import modeling - -def _get_initiliaizer(args): - if args.init == "uniform": - param_initializer = fluid.initializer.Uniform( - low=-args.init_range, high=args.init_range) - elif args.init == "normal": - param_initializer = fluid.initializer.Normal(scale=args.init_std) - else: - raise ValueError("Initializer {} not supported".format(args.init)) - return param_initializer - -def init_attn_mask(args, place): - """create causal attention mask.""" - qlen = args.max_seq_length - mlen=0 if 'mem_len' not in args else args.mem_len - same_length=False if 'same_length' not in args else args.same_length - dtype = 'float16' if args.use_fp16 else 'float32' - attn_mask = np.ones([qlen, qlen], dtype=dtype) - mask_u = np.triu(attn_mask) - mask_dia = np.diag(np.diag(attn_mask)) - attn_mask_pad = np.zeros([qlen, mlen], dtype=dtype) - attn_mask = np.concatenate([attn_mask_pad, mask_u - mask_dia], 1) - if same_length: - mask_l = np.tril(attn_mask) - attn_mask = np.concatenate([ret[:, :qlen] + mask_l - mask_dia, ret[:, qlen:]], 1) - attn_mask = attn_mask[:, :, None, None] - attn_mask_t = fluid.global_scope().find_var("attn_mask").get_tensor() - attn_mask_t.set(attn_mask, place) - -class XLNetConfig(object): - def __init__(self, config_path): - self._config_dict = self._parse(config_path) - - def _parse(self, config_path): - try: - with open(config_path) as json_file: - config_dict = json.load(json_file) - except Exception: - raise IOError("Error in parsing xlnet model config file '%s'" % - config_path) - else: - return config_dict - - def __getitem__(self, key): - return self._config_dict[key] - - def has_key(self, key): - return self._config_dict.has_key(key) - - def print_config(self): - for arg, value in sorted(six.iteritems(self._config_dict)): - print('%s: %s' % (arg, value)) - print('------------------------------------------------') - - -class XLNetModel(object): - def __init__(self, - xlnet_config, - input_ids, - seg_ids, - input_mask, - args, - mems=None, - perm_mask=None, - target_mapping=None, - inp_q=None): - self._tie_weight = True - - self._d_head = xlnet_config['d_head'] - self._d_inner = xlnet_config['d_inner'] - self._d_model = xlnet_config['d_model'] - self._ff_activation = xlnet_config['ff_activation'] - self._n_head = xlnet_config['n_head'] - self._n_layer = xlnet_config['n_layer'] - self._n_token = xlnet_config['n_token'] - self._untie_r = xlnet_config['untie_r'] - - self._mem_len=None if 'mem_len' not in args else args.mem_len - self._reuse_len=None if 'reuse_len' not in args else args.reuse_len - self._bi_data=False if 'bi_data' not in args else args.bi_data - self._clamp_len=args.clamp_len - self._same_length=False if 'same_length' not in args else args.same_length - # Initialize all weigths by the specified initializer, and all biases - # will be initialized by constant zero by default. - self._param_initializer = _get_initiliaizer(args) - - tfm_args = dict( - n_token=self._n_token, - initializer=self._param_initializer, - attn_type="bi", - n_layer=self._n_layer, - d_model=self._d_model, - n_head=self._n_head, - d_head=self._d_head, - d_inner=self._d_inner, - ff_activation=self._ff_activation, - untie_r=self._untie_r, - - use_bfloat16=args.use_fp16, - dropout=args.dropout, - dropatt=args.dropatt, - - mem_len=self._mem_len, - reuse_len=self._reuse_len, - bi_data=self._bi_data, - clamp_len=args.clamp_len, - same_length=self._same_length, - name='model_transformer') - input_args = dict( - inp_k=input_ids, - seg_id=seg_ids, - input_mask=input_mask, - mems=mems, - perm_mask=perm_mask, - target_mapping=target_mapping, - inp_q=inp_q) - tfm_args.update(input_args) - self.output, self.new_mems, self.lookup_table = modeling.transformer_xl(**tfm_args) - #self._build_model(input_ids, sentence_ids, input_mask) - - def get_initializer(self): - return self._param_initializer - - - - def get_sequence_output(self): - return self.output - - def get_pooled_output(self): - """Get the first feature of each sequence for classification""" - - next_sent_feat = fluid.layers.slice( - input=self._enc_out, axes=[1], starts=[0], ends=[1]) - next_sent_feat = fluid.layers.fc( - input=next_sent_feat, - size=self._emb_size, - act="tanh", - param_attr=fluid.ParamAttr( - name="pooled_fc.w_0", initializer=self._param_initializer), - bias_attr="pooled_fc.b_0") - return next_sent_feat - - def get_pretraining_output(self, mask_label, mask_pos, labels): - """Get the loss & accuracy for pretraining""" - - mask_pos = fluid.layers.cast(x=mask_pos, dtype='int32') - - # extract the first token feature in each sentence - next_sent_feat = self.get_pooled_output() - reshaped_emb_out = fluid.layers.reshape( - x=self._enc_out, shape=[-1, self._emb_size]) - # extract masked tokens' feature - mask_feat = fluid.layers.gather(input=reshaped_emb_out, index=mask_pos) - - # transform: fc - mask_trans_feat = fluid.layers.fc( - input=mask_feat, - size=self._emb_size, - act=self._hidden_act, - param_attr=fluid.ParamAttr( - name='mask_lm_trans_fc.w_0', - initializer=self._param_initializer), - bias_attr=fluid.ParamAttr(name='mask_lm_trans_fc.b_0')) - # transform: layer norm - mask_trans_feat = pre_process_layer( - mask_trans_feat, 'n', name='mask_lm_trans') - - mask_lm_out_bias_attr = fluid.ParamAttr( - name="mask_lm_out_fc.b_0", - initializer=fluid.initializer.Constant(value=0.0)) - if self._weight_sharing: - word_emb = fluid.default_main_program().global_block().var( - self._word_emb_name) - if self._emb_dtype != self._dtype: - word_emb = fluid.layers.cast(word_emb, self._dtype) - fc_out = fluid.layers.matmul( - x=mask_trans_feat, y=word_emb, transpose_y=True) - fc_out += fluid.layers.create_parameter( - shape=[self._voc_size], - dtype=self._dtype, - attr=mask_lm_out_bias_attr, - is_bias=True) - - else: - fc_out = fluid.layers.fc(input=mask_trans_feat, - size=self._voc_size, - param_attr=fluid.ParamAttr( - name="mask_lm_out_fc.w_0", - initializer=self._param_initializer), - bias_attr=mask_lm_out_bias_attr) - - mask_lm_loss = fluid.layers.softmax_with_cross_entropy( - logits=fc_out, label=mask_label) - mean_mask_lm_loss = fluid.layers.mean(mask_lm_loss) - - next_sent_fc_out = fluid.layers.fc( - input=next_sent_feat, - size=2, - param_attr=fluid.ParamAttr( - name="next_sent_fc.w_0", initializer=self._param_initializer), - bias_attr="next_sent_fc.b_0") - - next_sent_loss, next_sent_softmax = fluid.layers.softmax_with_cross_entropy( - logits=next_sent_fc_out, label=labels, return_softmax=True) - - next_sent_acc = fluid.layers.accuracy( - input=next_sent_softmax, label=labels) - - mean_next_sent_loss = fluid.layers.mean(next_sent_loss) - - loss = mean_next_sent_loss + mean_mask_lm_loss - return next_sent_acc, mean_mask_lm_loss, loss diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/modeling.py b/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/modeling.py deleted file mode 100644 index 0e7ba3cb736c7569cc159bcf6d50e2890c53e370..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/modeling.py +++ /dev/null @@ -1,674 +0,0 @@ -import re -import numpy as np -import paddle.fluid as fluid - - -def einsum4x4(equation, x, y): - idx_x, idx_y, idx_z = re.split(",|->", equation) - repeated_idx = list(set(idx_x + idx_y) - set(idx_z)) - - unique_idx_x = list(set(idx_x) - set(idx_y)) - unique_idx_y = list(set(idx_y) - set(idx_x)) - common_idx = list(set(idx_x) & set(idx_y) - set(repeated_idx)) - - new_idx_x = common_idx + unique_idx_x + repeated_idx - new_idx_y = common_idx + unique_idx_y + repeated_idx - new_idx_z = common_idx + unique_idx_x + unique_idx_y - - perm_x = [ idx_x.index(i) for i in new_idx_x] - perm_y = [ idx_y.index(i) for i in new_idx_y] - perm_z = [ new_idx_z.index(i) for i in idx_z] - - x = fluid.layers.transpose(x, perm=perm_x) - y = fluid.layers.transpose(y, perm=perm_y) - z = fluid.layers.matmul(x=x, y=y, transpose_y=True) - z = fluid.layers.transpose(z, perm=perm_z) - return z - - -def positional_embedding(pos_seq, inv_freq, bsz=None): - pos_seq = fluid.layers.reshape(pos_seq, [-1, 1]) - inv_freq = fluid.layers.reshape(inv_freq, [1, -1]) - sinusoid_inp = fluid.layers.matmul(pos_seq, inv_freq) - pos_emb = fluid.layers.concat(input=[fluid.layers.sin(sinusoid_inp), - fluid.layers.cos(sinusoid_inp)], axis=-1) - pos_emb = fluid.layers.unsqueeze(pos_emb, [1]) - if bsz is not None: - pos_emb = fluid.layers.expand(pos_emb, [1, bsz, 1]) - - return pos_emb - - -def positionwise_ffn(inp, d_model, d_inner, dropout_prob, param_initializer=None, - act_type='relu', name='ff'): - """Position-wise Feed-forward Network.""" - if act_type not in ['relu', 'gelu']: - raise ValueError('Unsupported activation type {}'.format(act_type)) - - output = fluid.layers.fc(input=inp, size=d_inner, act=act_type, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name+'_layer_1_weight', initializer=param_initializer), - bias_attr=name+'_layer_1_bias') - output = fluid.layers.dropout(output, dropout_prob=dropout_prob, - dropout_implementation="upscale_in_train", is_test=False) - output = fluid.layers.fc(output, size=d_model, - num_flatten_dims=2, - param_attr=fluid.ParamAttr( - name=name+'_layer_2_weight', initializer=param_initializer), - bias_attr=name+'_layer_2_bias') - output = fluid.layers.dropout(output, dropout_prob=dropout_prob, - dropout_implementation="upscale_in_train", is_test=False) - output = fluid.layers.layer_norm(output + inp, begin_norm_axis=len(output.shape)-1, - epsilon=1e-12, - param_attr=fluid.ParamAttr(name=name+'_layer_norm_scale', - initializer=fluid.initializer.Constant(1.)), - bias_attr=fluid.ParamAttr(name+'_layer_norm_bias', - initializer=fluid.initializer.Constant(0.))) - return output - - -def head_projection(h, d_model, n_head, d_head, param_initializer, name=''): - """Project hidden states to a specific head with a 4D-shape.""" - proj_weight=fluid.layers.create_parameter( - shape=[d_model, n_head, d_head], - dtype=h.dtype, - attr=fluid.ParamAttr(name=name+'_weight', initializer=param_initializer), - is_bias=False) - - # ibh,hnd->ibnd - head = fluid.layers.mul(x=h, y=proj_weight, x_num_col_dims=2, y_num_col_dims=1) - return head - - -def post_attention(h, attn_vec, d_model, n_head, d_head, dropout, - param_initializer, residual=True, name=''): - """Post-attention processing.""" - # post-attention projection (back to `d_model`) - proj_o=fluid.layers.create_parameter( - shape=[d_model, n_head, d_head], - dtype=h.dtype, - attr=fluid.ParamAttr(name=name+'_o_weight', initializer=param_initializer), - is_bias=False) - # ibnd,hnd->ibh - proj_o = fluid.layers.transpose(proj_o, perm=[1, 2, 0]) - attn_out = fluid.layers.mul(x=attn_vec, y=proj_o, x_num_col_dims=2, y_num_col_dims=2) - - attn_out = fluid.layers.dropout(attn_out, dropout_prob=dropout, - dropout_implementation="upscale_in_train", is_test=False) - - if residual: - output = fluid.layers.layer_norm(attn_out + h, begin_norm_axis=len(attn_out.shape)-1, - epsilon=1e-12, - param_attr=fluid.ParamAttr(name=name+'_layer_norm_scale', - initializer=fluid.initializer.Constant(1.)), - bias_attr=fluid.ParamAttr(name+'_layer_norm_bias', - initializer=fluid.initializer.Constant(0.))) - else: - output = fluid.layers.layer_norm(attn_out, begin_norm_axis=len(attn_out.shape)-1, - epsilon=1e-12, - param_attr=fluid.ParamAttr(name=name+'_layer_norm_scale', - initializer=fluid.initializer.Constant(1.)), - bias_attr=fluid.ParamAttr(name+'_layer_norm_bias', - initializer=fluid.initializer.Constant(0.))) - - return output - - -def abs_attn_core(q_head, k_head, v_head, attn_mask, dropatt, scale): - """Core absolute positional attention operations.""" - - attn_score = einsum4x4('ibnd,jbnd->ijbn', q_head, k_head) - - attn_score *= scale - if attn_mask is not None: - attn_score = attn_score - 1e30 * attn_mask - - # attention probability - attn_prob = fluid.layers.softmax(attn_score, axis=1) - attn_prob = fluid.layers.dropout(attn_prob, dropout_prob=dropatt, - dropout_implementation="upscale_in_train", is_test=False) - - # attention output - attn_vec = einsum4x4('ijbn,jbnd->ibnd', attn_prob, v_head) - - return attn_vec - - -def rel_attn_core(q_head, k_head_h, v_head_h, k_head_r, seg_embed, seg_mat, - r_w_bias, r_r_bias, r_s_bias, attn_mask, dropatt, - scale): - """Core relative positional attention operations.""" - ## content based attention score - ac = einsum4x4('ibnd,jbnd->ijbn', fluid.layers.elementwise_add(q_head, r_w_bias, 2), k_head_h) - - # position based attention score - bd = einsum4x4('ibnd,jbnd->ijbn', fluid.layers.elementwise_add(q_head, r_r_bias, 2), k_head_r) - - #klen = fluid.layers.slice(fluid.layers.shape(ac), axes=[0], starts=[1], ends=[2]) - - bd = rel_shift(bd, klen=ac.shape[1]) - - # segment based attention score - if seg_mat is None: - ef = 0 - else: - ef = 0 - """ - bsz = fluid.layers.slice(fluid.layers.shape(q_head), axes=[0], starts=[1], ends=[2]) - bsz.stop_gradient = True - """ - #seg_embed = fluid.layers.unsqueeze(input=seg_embed, axes=[0]) - seg_embed = fluid.layers.stack([seg_embed]*q_head.shape[0], axis=0) - - ef = einsum4x4('ibnd,isnd->ibns', fluid.layers.elementwise_add(q_head, r_s_bias, 2), seg_embed) - ef = einsum4x4('ijbs,ibns->ijbn', seg_mat, ef) - # merge attention scores and perform masking - - attn_score = (ac + bd + ef) * scale - - if attn_mask is not None: - # attn_score = attn_score * (1 - attn_mask) - 1e30 * attn_mask - attn_score = attn_score - 1e30 * attn_mask - - # attention probability - #attn_prob = fluid.layers.softmax(attn_score, axis=1) - attn_score = fluid.layers.transpose(attn_score, [0, 2, 3, 1]) - attn_prob = fluid.layers.softmax(attn_score) - attn_prob = fluid.layers.transpose(attn_prob, [0, 3, 1, 2]) - attn_prob = fluid.layers.dropout(attn_prob, dropatt, - dropout_implementation="upscale_in_train") - - # attention output - attn_vec = einsum4x4('ijbn,jbnd->ibnd', attn_prob, v_head_h) - return attn_vec - - -def rel_shift(x, klen=-1): - """perform relative shift to form the relative attention score.""" - x_size = x.shape - x = fluid.layers.reshape(x, [x_size[1], x_size[0], x_size[2], x_size[3]]) - x = fluid.layers.slice(x, axes=[0], starts=[1], ends=[x_size[1]]) - x = fluid.layers.reshape(x, [x_size[0], x_size[1] - 1, x_size[2], x_size[3]]) - x = fluid.layers.slice(x, axes=[1], starts=[0], ends=[klen]) - - return x - - -def _cache_mem(curr_out, prev_mem, mem_len, reuse_len=None): - """cache hidden states into memory.""" - if mem_len is None or mem_len == 0: - return None - else: - if reuse_len is not None and reuse_len > 0: - curr_out = curr_out[:reuse_len] - - if prev_mem is None: - new_mem = curr_out[-mem_len:] - else: - new_mem = tf.concat([prev_mem, curr_out], 0)[-mem_len:] - - new_mem.stop_gradient = True - return new_mem - - -def relative_positional_encoding(qlen, klen, d_model, clamp_len, attn_type, - bi_data, bsz=None, dtype=None): - """create relative positional encoding.""" - freq_seq = fluid.layers.range(0, d_model, 2.0, 'float32') - if dtype is not None and dtype != 'float32': - freq_seq = tf.cast(freq_seq, dtype=dtype) - inv_freq = 1 / (10000 ** (freq_seq / d_model)) - - if attn_type == 'bi': - beg, end = klen, -qlen - elif attn_type == 'uni': - beg, end = klen, -1 - else: - raise ValueError('Unknown `attn_type` {}.'.format(attn_type)) - - if bi_data: - fwd_pos_seq = fluid.layers.range(beg, end, -1.0, 'float32') - bwd_pos_seq = fluid.layers.range(-beg, -end, 1.0, 'float32') - - if dtype is not None and dtype != 'float32': - fwd_pos_seq =fluid.layers.cast(fwd_pos_seq, dtype='float32') - bwd_pos_seq = fluid.layers.cast(bwd_pos_seq, dtype='float32') - - if clamp_len > 0: - fwd_pos_seq = fluid.layers.clip(fwd_pos_seq, -clamp_len, clamp_len) - bwd_pos_seq = fluid.layers.clip(bwd_pos_seq, -clamp_len, clamp_len) - - if bsz is not None: - # With bi_data, the batch size should be divisible by 2. - assert bsz % 2 == 0 - fwd_pos_emb = positional_embedding(fwd_pos_seq, inv_freq, bsz//2) - bwd_pos_emb = positional_embedding(bwd_pos_seq, inv_freq, bsz//2) - else: - fwd_pos_emb = positional_embedding(fwd_pos_seq, inv_freq) - bwd_pos_emb = positional_embedding(bwd_pos_seq, inv_freq) - - pos_emb = fluid.layers.concat([fwd_pos_emb, bwd_pos_emb], axis=1) - else: - fwd_pos_seq = fluid.layers.range(beg, end, -1.0, 'float32') - if dtype is not None and dtype != 'float32': - fwd_pos_seq = fluid.layers.cast(fwd_pos_seq, dtype=dtype) - if clamp_len > 0: - fwd_pos_seq = fluid.layers.clip(fwd_pos_seq, -clamp_len, clamp_len) - pos_emb = positional_embedding(fwd_pos_seq, inv_freq, bsz) - fluid.layers.reshape(pos_emb, [2*qlen, -1, d_model], inplace=True) - return pos_emb - - -def rel_multihead_attn(h, r, r_w_bias, r_r_bias, seg_mat, r_s_bias, seg_embed, - attn_mask, mems, d_model, n_head, d_head, dropout, - dropatt, initializer, name=''): - """Multi-head attention with relative positional encoding.""" - - scale = 1 / (d_head ** 0.5) - if mems is not None and len(mems.shape) > 1: - cat = fluid.layers.concat([mems, h], 0) - else: - cat = h - - # content heads - q_head_h = head_projection( - h, d_model, n_head, d_head, initializer, name+'_rel_attn_q') - k_head_h = head_projection( - cat, d_model, n_head, d_head, initializer, name+'_rel_attn_k') - v_head_h = head_projection( - cat, d_model, n_head, d_head, initializer, name+'_rel_attn_v') - - # positional heads - k_head_r = head_projection( - r, d_model, n_head, d_head, initializer, name+'_rel_attn_r') - - # core attention ops - attn_vec = rel_attn_core( - q_head_h, k_head_h, v_head_h, k_head_r, seg_embed, seg_mat, r_w_bias, - r_r_bias, r_s_bias, attn_mask, dropatt, scale) - - # post processing - output = post_attention(h, attn_vec, d_model, n_head, d_head, dropout, initializer, name=name+'_rel_attn') - - return output - - -def transformer_xl(inp_k, n_token, n_layer, d_model, n_head, - d_head, d_inner, dropout, dropatt, attn_type, - bi_data, initializer, mem_len=None, - inp_q=None, mems=None, - same_length=False, clamp_len=-1, untie_r=False, - input_mask=None, - perm_mask=None, seg_id=None, reuse_len=None, - ff_activation='relu', target_mapping=None, - use_fp16=False, name='', **kwargs): - """ - Defines a Transformer-XL computation graph with additional - support for XLNet. - Args: - inp_k: int32 Tensor in shape [len, bsz], the input token IDs. - seg_id: int32 Tensor in shape [len, bsz], the input segment IDs. - input_mask: float32 Tensor in shape [len, bsz], the input mask. - 0 for real tokens and 1 for padding. - mems: a list of float32 Tensors in shape [mem_len, bsz, d_model], memory - from previous batches. The length of the list equals n_layer. - If None, no memory is used. - perm_mask: float32 Tensor in shape [len, len, bsz]. - If perm_mask[i, j, k] = 0, i attend to j in batch k; - if perm_mask[i, j, k] = 1, i does not attend to j in batch k. - If None, each position attends to all the others. - target_mapping: float32 Tensor in shape [num_predict, len, bsz]. - If target_mapping[i, j, k] = 1, the i-th predict in batch k is - on the j-th token. - Only used during pretraining for partial prediction. - Set to None during finetuning. - inp_q: float32 Tensor in shape [len, bsz]. - 1 for tokens with losses and 0 for tokens without losses. - Only used during pretraining for two-stream attention. - Set to None during finetuning. - n_layer: int, the number of layers. - d_model: int, the hidden size. - n_head: int, the number of attention heads. - d_head: int, the dimension size of each attention head. - d_inner: int, the hidden size in feed-forward layers. - ff_activation: str, "relu" or "gelu". - untie_r: bool, whether to untie the biases in attention. - n_token: int, the vocab size. - is_training: bool, whether in training mode. - use_tpu: bool, whether TPUs are used. - use_fp16: bool, use bfloat16 instead of float32. - dropout: float, dropout rate. - dropatt: float, dropout rate on attention probabilities. - init: str, the initialization scheme, either "normal" or "uniform". - init_range: float, initialize the parameters with a uniform distribution - in [-init_range, init_range]. Only effective when init="uniform". - init_std: float, initialize the parameters with a normal distribution - with mean 0 and stddev init_std. Only effective when init="normal". - mem_len: int, the number of tokens to cache. - reuse_len: int, the number of tokens in the currect batch to be cached - and reused in the future. - bi_data: bool, whether to use bidirectional input pipeline. - Usually set to True during pretraining and False during finetuning. - clamp_len: int, clamp all relative distances larger than clamp_len. - -1 means no clamping. - same_length: bool, whether to use the same attention length for each token. - summary_type: str, "last", "first", "mean", or "attn". The method - to pool the input to get a vector representation. - initializer: A tf initializer. - scope: scope name for the computation graph. - """ - print('memory input {}'.format(mems)) - data_type = "float16" if use_fp16 else "float32" - print('Use float type {}'.format(data_type)) - - qlen = inp_k.shape[0] - mlen = mems[0].shape[0] if mems is not None else 0 - klen = mlen + qlen - bsz = fluid.layers.slice(fluid.layers.shape(inp_k), axes=[0], starts=[1], ends=[2]) - - ##### Attention mask - # causal attention mask - if attn_type == 'uni': - attn_mask = fluid.layers.create_global_var( - name='attn_mask', - shape=[qlen, klen, 1, 1], - value=0.0, - dtype=data_type, persistable=True) - elif attn_type == 'bi': - attn_mask = None - else: - raise ValueError('Unsupported attention type: {}'.format(attn_type)) - - # data mask: input mask & perm mask - if input_mask is not None and perm_mask is not None: - data_mask = fluid.layers.unsqueeze(input_mask, [0]) + perm_mask - elif input_mask is not None and perm_mask is None: - data_mask = fluid.layers.unsqueeze(input_mask, [0]) - print("input mask shape", input_mask.shape) - elif input_mask is None and perm_mask is not None: - data_mask = perm_mask - else: - data_mask = None - - if data_mask is not None: - # all mems can be attended to - mems_mask = fluid.layers.zeros(shape=[data_mask.shape[0], mlen, 1], dtype='float32') - mems_mask = fluid.layers.expand(mems_mask, [1, 1, bsz]) - data_mask = fluid.layers.concat([mems_mask, data_mask], 1) - if attn_mask is None: - attn_mask = fluid.layers.unsqueeze(data_mask, [-1]) - else: - attn_mask += fluid.layers.unsqueeze(data_mask, [-1]) - print("mems_mask, data_mask, attn mask shape", mems_mask.shape, data_mask.shape, attn_mask.shape) - if attn_mask is not None: - attn_mask = fluid.layers.cast(attn_mask > 0, dtype=data_type) - - if attn_mask is not None: - non_tgt_mask = fluid.layers.diag(np.array([-1]*qlen).astype(data_type)) - non_tgt_mask = fluid.layers.concat([fluid.layers.zeros([qlen, mlen], dtype=data_type), - non_tgt_mask], axis=-1) - print("attn_mask, non_tgt_mask shape", attn_mask.shape, non_tgt_mask.shape) - attn_mask = fluid.layers.expand(attn_mask, [qlen, 1, 1, 1]) - non_tgt_mask = fluid.layers.unsqueeze(non_tgt_mask, axes=[2, 3]) - non_tgt_mask = fluid.layers.expand(non_tgt_mask, [1, 1, bsz, 1]) - non_tgt_mask = fluid.layers.cast((attn_mask + non_tgt_mask) > 0, - dtype=data_type) - non_tgt_mask.stop_gradient = True - else: - non_tgt_mask = None - - if untie_r: - r_w_bias = fluid.layers.create_parameter(shape=[n_layer, n_head, d_head], dtype=data_type, - attr=fluid.ParamAttr(name=name+'_r_w_bias', initializer=initializer), - is_bias=True) - r_w_bias = [fluid.layers.slice(r_w_bias, axes=[0], starts=[i], ends=[i+1]) for i in range(n_layer)] - r_w_bias = [fluid.layers.squeeze(r_w_bias[i], axes=[0]) for i in range(n_layer)] - r_r_bias = fluid.layers.create_parameter(shape=[n_layer, n_head, d_head], dtype=data_type, - attr=fluid.ParamAttr(name=name+'_r_r_bias', initializer=initializer), - is_bias=True) - r_r_bias = [fluid.layers.slice(r_r_bias, axes=[0], starts=[i], ends=[i+1]) for i in range(n_layer)] - r_r_bias = [fluid.layers.squeeze(r_r_bias[i], axes=[0]) for i in range(n_layer)] - else: - r_w_bias = fluid.layers.create_parameter(shape=[n_head, d_head], dtype=data_type, - attr=fluid.ParamAttr(name=name+'_r_w_bias', initializer=initializer), - is_bias=True) - r_r_bias = fluid.layers.create_parameter(shape=[n_head, d_head], dtype=data_type, - attr=fluid.ParamAttr(name=name+'_r_r_bias', initializer=initializer), - is_bias=True) - - lookup_table = fluid.layers.create_parameter(shape=[n_token, d_model], dtype=data_type, - attr=fluid.ParamAttr(name=name+'_word_embedding', - initializer=initializer), - is_bias=True) - word_emb_k = fluid.layers.embedding( - input=inp_k, - size=[n_token, d_model], - dtype=data_type, - param_attr=fluid.ParamAttr(name=name+'_word_embedding', initializer=initializer)) - - if inp_q is not None: - pass - - output_h = fluid.layers.dropout(word_emb_k, dropout_prob=dropout, - dropout_implementation="upscale_in_train") - - if inp_q is not None: - pass - - if seg_id is not None: - if untie_r: - r_s_bias = fluid.layers.create_parameter(shape=[n_layer, n_head, d_head], dtype=data_type, - attr=fluid.ParamAttr(name=name+'_r_s_bias', initializer=initializer), - is_bias=True) - r_s_bias = [fluid.layers.slice(r_s_bias, axes=[0], starts=[i], ends=[i+1]) for i in range(n_layer)] - r_s_bias = [fluid.layers.squeeze(r_s_bias[i], axes=[0]) for i in range(n_layer)] - else: - r_s_bias = fluid.layers.create_parameter(shape=[n_head, d_head], dtype=data_type, - attr=fluid.ParamAttr(name=name+'_r_s_bias', initializer=initializer), - is_bias=True) - - seg_embed = fluid.layers.create_parameter(shape=[n_layer, 2, n_head, d_head], - dtype=data_type, attr=fluid.ParamAttr(name=name+'_seg_embed', - initializer=initializer)) - seg_embed = [fluid.layers.slice(seg_embed, axes=[0], starts=[i], ends=[i+1]) for i in range(n_layer)] - seg_embed = [fluid.layers.squeeze(seg_embed[i], axes=[0]) for i in range(n_layer)] - - # COnver `seg_id` to one-hot seg_mat - # seg_id: [bsz, qlen, 1] - mem_pad = fluid.layers.fill_constant_batch_size_like(input=seg_id, shape=[-1, mlen], value=0, dtype='int64') - # cat_ids: [bsz, klen, 1] - cat_ids = fluid.layers.concat(input=[mem_pad, seg_id], axis=1) - seg_id = fluid.layers.stack([seg_id] * klen, axis=2) - cat_ids = fluid.layers.stack([cat_ids] * qlen, axis=2) - cat_ids = fluid.layers.transpose(cat_ids, perm=[0, 2, 1]) - - # seg_mat: [bsz, qlen, klen] - seg_mat = fluid.layers.cast( - fluid.layers.logical_not(fluid.layers.equal(seg_id, cat_ids)), - dtype='int64') - - seg_mat = fluid.layers.transpose(seg_mat, perm=[1, 2, 0]) - seg_mat = fluid.layers.unsqueeze(seg_mat, [-1]) - seg_mat = fluid.layers.one_hot(seg_mat, 2) - seg_mat.stop_gradient = True - else: - seg_mat = None - - pos_emb = relative_positional_encoding( - qlen, klen, d_model, clamp_len, attn_type, bi_data, - bsz=bsz, dtype=data_type) - pos_emb = fluid.layers.dropout(pos_emb, dropout, - dropout_implementation="upscale_in_train") - pos_emb.stop_gradient = True - ##### Attention layers - if mems is None: - mems = [None] * n_layer - for i in range(n_layer): - # cache new mems - #new_mems.append(_cache_mem(output_h, mems[i], mem_len, reuse_len)) - - # segment bias - if seg_id is None: - r_s_bias_i = None - seg_embed_i = None - else: - r_s_bias_i = r_s_bias if not untie_r else r_s_bias[i] - seg_embed_i = seg_embed[i] - - if inp_q is not None: - pass - else: - output_h = rel_multihead_attn( - h=output_h, - r=pos_emb, - r_w_bias=r_w_bias if not untie_r else r_w_bias[i], - r_r_bias=r_r_bias if not untie_r else r_r_bias[i], - seg_mat=seg_mat, - r_s_bias=r_s_bias_i, - seg_embed=seg_embed_i, - attn_mask=non_tgt_mask, - mems=mems[i], - d_model=d_model, - n_head=n_head, - d_head=d_head, - dropout=dropout, - dropatt=dropatt, - initializer=initializer, - name=name+'_layer_{}'.format(i)) - - if inp_q is not None: - pass - - output_h = positionwise_ffn(inp=output_h, d_model=d_model, - d_inner=d_inner, dropout_prob=dropout, - param_initializer=initializer, - act_type=ff_activation, name=name+'_layer_{}_ff'.format(i)) - - if inp_q is not None: - output = fluid.layers.dropout(output_g, dropout, - dropout_implementation="upscale_in_train") - else: - output = fluid.layers.dropout(output_h, dropout, - dropout_implementation="upscale_in_train") - new_mems = None - return output, new_mems, lookup_table - - -def lm_loss(hidden, target, n_token, d_model, initializer, lookup_table=None, - tie_weight=False, bi_data=True): - - if tie_weight: - assert lookup_table is not None, \ - 'lookup_table cannot be None for tie_weight' - softmax_w = lookup_table - else: - softmax_w = fluid.layers.create_parameter( - shape=[n_token, d_model], - dtype=hidden.dtype, - attr=fluid.ParamAttr(name='model_loss_weight', initializer=initializer), - is_bias=False) - - softmax_b = fluid.layers.create_parameter( - shape=[n_token], - dtype=hidden.dtype, - attr=fluid.ParamAttr(name='model_lm_loss_bias', initializer=initializer), - is_bias=False) - - logits = fluid.layers.matmul(x=hidden, y=softmax_w, transpose_y=True) + softmax_b - - loss = fluid.layers.softmax_cross_entropy_with_logits(input=logits, label=target) - - return loss - -def summarize_sequence(summary_type, hidden, d_model, n_head, d_head, dropout, - dropatt, input_mask, is_training, initializer, - scope=None, reuse=None, use_proj=True): - - """ - Different classification tasks may not may not share the same parameters - to summarize the sequence features. - If shared, one can keep the `scope` to the default value `None`. - Otherwise, one should specify a different `scope` for each task. - """ - - with tf.variable_scope(scope, 'sequnece_summary', reuse=reuse): - if summary_type == 'last': - summary = hidden[-1] - elif summary_type == 'first': - summary = hidden[0] - elif summary_type == 'mean': - summary = tf.reduce_mean(hidden, axis=0) - elif summary_type == 'attn': - bsz = tf.shape(hidden)[1] - - summary_bias = tf.get_variable('summary_bias', [d_model], - dtype=hidden.dtype, - initializer=initializer) - summary_bias = tf.tile(summary_bias[None, None], [1, bsz, 1]) - - if input_mask is not None: - input_mask = input_mask[None, :, :, None] - - summary = multihead_attn(summary_bias, hidden, hidden, input_mask, - d_model, n_head, d_head, dropout, dropatt, - is_training, initializer, residual=False) - summary = summary[0] - else: - raise ValueError('Unsupported summary type {}'.format(summary_type)) - - # use another projection as in BERT - if use_proj: - summary = tf.layers.dense( - summary, - d_model, - activation=tf.tanh, - initializer=initializer, - name='summary') - - # dropout - summary = tf.layers.dropout( - summary, dropout, training=is_training, - name='dropout') - - return summary - - -def classification_loss(hidden, labels, n_class, initializer, name, reuse=None, - return_logits=False): - """ - Different classification tasks should use different scope names to ensure - different dense layers (parameters) are used to produce the logits. - An exception will be in transfer learning, where one hopes to transfer - the classification weights. - """ - - logits = fluid.layers.fc( - input=hidden, - size=n_class, - param_attr=fluid.ParamAttr(name=name+'_logits', initializer=initializer)) - - one_hot_target = fluid.layers.one_hot(labels, depth=n_class, dtype=hidden.dtype) - loss = -fluid.layers.reduce_sum(fluid.layers.log_softmax(logits) * one_hot_target, -1) - - if return_logits: - return loss, logits - - return loss - - -def regression_loss(hidden, labels, initializer, name='transformer', - return_logits=False): - - logits = fluid.layers.fc( - input=hidden, - size=1, - param_attr=fluid.ParamAttr(name=name+'_logits', initializer=initializer)) - - logits = tf.squeeze(logits, axis=-1) - loss = tf.square(logits - labels) - - if return_logits: - return loss, logits - - return loss diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/prepro_utils.py b/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/prepro_utils.py deleted file mode 100644 index dbf40779f02d67bf7d5b721ac807f68ba4919c6e..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/prepro_utils.py +++ /dev/null @@ -1,137 +0,0 @@ -# coding=utf-8 -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import unicodedata -import six -from functools import partial - - -SPIECE_UNDERLINE = '▁' - - -def printable_text(text): - """Returns text encoded in a way suitable for print or `tf.logging`.""" - - # These functions want `str` for both Python2 and Python3, but in one case - # it's a Unicode string and in the other it's a byte string. - if six.PY3: - if isinstance(text, str): - return text - elif isinstance(text, bytes): - return text.decode("utf-8", "ignore") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - elif six.PY2: - if isinstance(text, str): - return text - elif isinstance(text, unicode): - return text.encode("utf-8") - else: - raise ValueError("Unsupported string type: %s" % (type(text))) - else: - raise ValueError("Not running on Python2 or Python 3?") - - -def print_(*args): - new_args = [] - for arg in args: - if isinstance(arg, list): - s = [printable_text(i) for i in arg] - s = ' '.join(s) - new_args.append(s) - else: - new_args.append(printable_text(arg)) - print(*new_args) - - -def preprocess_text(inputs, lower=False, remove_space=True, keep_accents=False): - if remove_space: - outputs = ' '.join(inputs.strip().split()) - else: - outputs = inputs - outputs = outputs.replace("``", '"').replace("''", '"') - - if six.PY2 and isinstance(outputs, str): - outputs = outputs.decode('utf-8') - - if not keep_accents: - outputs = unicodedata.normalize('NFKD', outputs) - outputs = ''.join([c for c in outputs if not unicodedata.combining(c)]) - if lower: - outputs = outputs.lower() - - return outputs - - -def encode_pieces(sp_model, text, return_unicode=True, sample=False): - # return_unicode is used only for py2 - - # note(zhiliny): in some systems, sentencepiece only accepts str for py2 - if six.PY2 and isinstance(text, unicode): - text = text.encode('utf-8') - - if not sample: - pieces = sp_model.EncodeAsPieces(text) - else: - pieces = sp_model.SampleEncodeAsPieces(text, 64, 0.1) - new_pieces = [] - for piece in pieces: - if len(piece) > 1 and piece[-1] == ',' and piece[-2].isdigit(): - cur_pieces = sp_model.EncodeAsPieces( - piece[:-1].replace(SPIECE_UNDERLINE, '')) - if piece[0] != SPIECE_UNDERLINE and cur_pieces[0][0] == SPIECE_UNDERLINE: - if len(cur_pieces[0]) == 1: - cur_pieces = cur_pieces[1:] - else: - cur_pieces[0] = cur_pieces[0][1:] - cur_pieces.append(piece[-1]) - new_pieces.extend(cur_pieces) - else: - new_pieces.append(piece) - - # note(zhiliny): convert back to unicode for py2 - if six.PY2 and return_unicode: - ret_pieces = [] - for piece in new_pieces: - if isinstance(piece, str): - piece = piece.decode('utf-8') - ret_pieces.append(piece) - new_pieces = ret_pieces - - return new_pieces - - -def encode_ids(sp_model, text, sample=False): - pieces = encode_pieces(sp_model, text, return_unicode=False, sample=sample) - ids = [sp_model.PieceToId(piece) for piece in pieces] - return ids - - -if __name__ == '__main__': - import sentencepiece as spm - - sp = spm.SentencePieceProcessor() - sp.load('sp10m.uncased.v3.model') - - print_(u'I was born in 2000, and this is falsé.') - print_(u'ORIGINAL', sp.EncodeAsPieces(u'I was born in 2000, and this is falsé.')) - print_(u'OURS', encode_pieces(sp, u'I was born in 2000, and this is falsé.')) - print(encode_ids(sp, u'I was born in 2000, and this is falsé.')) - print_('') - prepro_func = partial(preprocess_text, lower=True) - print_(prepro_func('I was born in 2000, and this is falsé.')) - print_('ORIGINAL', sp.EncodeAsPieces(prepro_func('I was born in 2000, and this is falsé.'))) - print_('OURS', encode_pieces(sp, prepro_func('I was born in 2000, and this is falsé.'))) - print(encode_ids(sp, prepro_func('I was born in 2000, and this is falsé.'))) - print_('') - print_('I was born in 2000, and this is falsé.') - print_('ORIGINAL', sp.EncodeAsPieces('I was born in 2000, and this is falsé.')) - print_('OURS', encode_pieces(sp, 'I was born in 2000, and this is falsé.')) - print(encode_ids(sp, 'I was born in 2000, and this is falsé.')) - print_('') - print_('I was born in 92000, and this is falsé.') - print_('ORIGINAL', sp.EncodeAsPieces('I was born in 92000, and this is falsé.')) - print_('OURS', encode_pieces(sp, 'I was born in 92000, and this is falsé.')) - print(encode_ids(sp, 'I was born in 92000, and this is falsé.')) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/serve.py b/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/serve.py deleted file mode 100644 index da020b5732192ec3cf768bd3b15b1bb3de436529..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/serve.py +++ /dev/null @@ -1,41 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -""" -XL-NET model service -""" -import json -import sys -import logging -logging.basicConfig( - level=logging.DEBUG, format='%(asctime)s - %(name)s - %(levelname)s - %(message)s' -) -import requests -from flask import Flask -from flask import Response -from flask import request -import server_utils -import wrapper as bert_wrapper - -assert len(sys.argv) == 3 or len(sys.argv) == 4, "Usage: python serve.py [process_mode]" -if len(sys.argv) == 3: - _, model_dir, port = sys.argv - mode = 'parallel' -else: - _, model_dir, port, mode = sys.argv - -app = Flask(__name__) -app.logger.setLevel(logging.INFO) -bert_model = bert_wrapper.BertModelWrapper(model_dir=model_dir) -server = server_utils.BasicMRCService('Short answer MRC service', app.logger) - -@app.route('/', methods=['POST']) -def mrqa_service(): - """Description""" - model = bert_model - return server(model, process_mode=mode, max_batch_size=5) - # return server(model) - - -if __name__ == '__main__': - app.run(port=port, debug=False, threaded=False, processes=1) - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/server_utils.py b/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/server_utils.py deleted file mode 100644 index 81989f4519c742bade01c703270c6957a9c85221..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/server_utils.py +++ /dev/null @@ -1,193 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -"""Some utilities for MRC online service""" -import json -import sys -import logging -import time -import numpy as np -from flask import Response -from flask import request -from copy import deepcopy - -verbose = False - -def _request_check(input_json): - """Check if the request json is valid""" - if input_json is None or not isinstance(input_json, dict): - return 'Can not parse the input json data - {}'.format(input_json) - try: - c = input_json['context'] - qa = input_json['qas'][0] - qid = qa['qid'] - q = qa['question'] - except KeyError as e: - return 'Invalid request, key "{}" not found'.format(e) - return 'OK' - -def _abort(status_code, message): - """Create custom error message and status code""" - return Response(json.dumps(message), status=status_code, mimetype='application/json') - -def _timmer(init_start, start, current, process_name): - cumulated_elapsed_time = (current - init_start) * 1000 - current_elapsed_time = (current - start) * 1000 - print('{}\t-\t{:.2f}\t{:.2f}'.format(process_name, cumulated_elapsed_time, - current_elapsed_time)) - -def _split_input_json(input_json): - if len(input_json['context_tokens']) > 810: - input_json['context'] = input_json['context'][:5000] - if len(input_json['qas']) == 1: - return [input_json] - else: - rets = [] - for i in range(len(input_json['qas'])): - temp = deepcopy(input_json) - temp['qas'] = [input_json['qas'][i]] - rets.append(temp) - return rets - -class BasicMRCService(object): - """Provide basic MRC service for flask""" - def __init__(self, name, logger=None, log_data=False): - """ """ - self.name = name - if logger is None: - self.logger = logging.getLogger('flask') - else: - self.logger = logger - self.log_data = log_data - - def __call__(self, model, process_mode='serial', max_batch_size=5, timmer=False): - """ - Args: - mode: serial, parallel - """ - if timmer: - start = time.time() - """Call mrc model wrapper and handle expectations""" - self.input_json = request.get_json(silent=True) - try: - if timmer: - start_request_check = time.time() - - request_status = _request_check(self.input_json) - jsons = _split_input_json(self.input_json) - - if timmer: - current_time = time.time() - _timmer(start, start_request_check, current_time, 'request check') - if self.log_data: - if self.logger is None: - logging.info( - 'Client input - {}'.format(json.dumps(self.input_json, ensure_ascii=False)) - ) - else: - self.logger.info( - 'Client input - {}'.format(json.dumps(self.input_json, ensure_ascii=False)) - ) - except Exception as e: - self.logger.error('server request checker error') - self.logger.exception(e) - return _abort(500, 'server request checker error - {}'.format(e)) - if request_status != 'OK': - return _abort(400, request_status) - - self.results = {} - for single_sample in jsons: - # call preprocessor - try: - if timmer: - start_preprocess = time.time() - - example,features,batches = model.preprocessor(single_sample, batch_size=max_batch_size if process_mode == 'parallel' else 1) - - if timmer: - current_time = time.time() - _timmer(start, start_preprocess, current_time, 'preprocess') - except Exception as e: - self.logger.error('preprocessor error') - self.logger.exception(e) - return _abort(500, 'preprocessor error - {}'.format(e)) - - def transpose(mat): - return zip(*mat) - - print(len(features)) - print(len(batches)) - - # call mrc - try: - if timmer: - start_call_mrc = time.time() - - mrc_results = [] - # new_features = [] - - if verbose: - if len(features) > max_batch_size: - print("get a too long example....") - if process_mode == 'serial': - mrc_results = [model.call_mrc(b, squeeze_dim0=True) for b in batches[:max_batch_size]] - elif process_mode == 'parallel': - # only keep first max_batch_size features - # batches = batches[0] - - for b in batches: - mrc_results.extend(model.call_mrc(b, return_list=True)) - else: - raise NotImplementedError() - # new_features = features[:max_batch_size] - - print('num examples:') - print(len(example)) - print('num features:') - print(len(features)) - if timmer: - current_time = time.time() - _timmer(start, start_call_mrc, current_time, 'call mrc') - except Exception as e: - self.logger.error('call_mrc error') - self.logger.exception(e) - return _abort(500, 'call_mrc error - {}'.format(e)) - - # call post processor - try: - if timmer: - start_post_precess = time.time() - results = model.postprocessor(example, features, mrc_results) - - # only nbest results is POSTed back - self.results.update(results[1]) - - # self.results = results[1] - # # self.results = results[0] - - if timmer: - current_time = time.time() - _timmer(start, start_post_precess, current_time, 'post process') - except Exception as e: - self.logger.error('postprocessor error') - self.logger.exception(e) - return _abort(500, 'postprocessor error - {}'.format(e)) - - - return self._response_constructor() - - def _response_constructor(self): - """construct http response object""" - try: - response = { - # 'requestID': self.input_json['requestID'], - 'results': self.results - } - if self.log_data: - self.logger.info( - 'Response - {}'.format(json.dumps(response, ensure_ascii=False)) - ) - return Response(json.dumps(response), mimetype='application/json') - except Exception as e: - self.logger.error('response constructor error') - self.logger.exception(e) - return _abort(500, 'response constructor error - {}'.format(e)) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/squad_reader.py b/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/squad_reader.py deleted file mode 100644 index cba4f24ec1f8567bd8747b945828a43e613d360f..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/squad_reader.py +++ /dev/null @@ -1,864 +0,0 @@ -# coding=utf-8 -# Copyright 2018 The Google AI Language Team Authors. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Run BERT on SQuAD 1.1 and SQuAD 2.0.""" - -import re -import six -import sys -import math -import json -import random -import collections -import gc -import numpy as np - -sys.path.append('.') -import squad_utils -from data_utils import SEP_ID, CLS_ID, VOCAB_SIZE - -import sentencepiece as spm -from prepro_utils import preprocess_text, encode_ids, encode_pieces, printable_text - -SPIECE_UNDERLINE = u'▁' - -SEG_ID_P = 0 -SEG_ID_Q = 1 -SEG_ID_CLS = 2 -SEG_ID_PAD = 3 - -class SquadExample(object): - """A single training/test example for simple sequence classification. - For examples without an answer, the start and end position are -1. - """ - - def __init__(self, - qas_id, - question_text, - paragraph_text, - orig_answer_text=None, - start_position=None, - is_impossible=False): - self.qas_id = qas_id - self.question_text = question_text - self.paragraph_text = paragraph_text - self.orig_answer_text = orig_answer_text - self.start_position = start_position - self.is_impossible = is_impossible - - def __str__(self): - return self.__repr__() - - def __repr__(self): - s = "" - s += "qas_id: %s" % (printable_text(self.qas_id)) - s += ", question_text: %s" % ( - printable_text(self.question_text)) - s += ", paragraph_text: [%s]" % (" ".join(self.paragraph_text)) - if self.start_position: - s += ", start_position: %d" % (self.start_position) - if self.start_position: - s += ", is_impossible: %r" % (self.is_impossible) - return s - -class InputFeatures(object): - """A single set of features of data.""" - - def __init__(self, - unique_id, - example_index, - doc_span_index, - tok_start_to_orig_index, - tok_end_to_orig_index, - token_is_max_context, - input_ids, - input_mask, - p_mask, - segment_ids, - paragraph_len, - cls_index, - start_position=None, - end_position=None, - is_impossible=None): - self.unique_id = unique_id - self.example_index = example_index - self.doc_span_index = doc_span_index - self.tok_start_to_orig_index = tok_start_to_orig_index - self.tok_end_to_orig_index = tok_end_to_orig_index - self.token_is_max_context = token_is_max_context - self.input_ids = input_ids - self.input_mask = input_mask - self.p_mask = p_mask - self.segment_ids = segment_ids - self.paragraph_len = paragraph_len - self.cls_index = cls_index - self.start_position = start_position - self.end_position = end_position - self.is_impossible = is_impossible - - -def read_squad_examples(sample, is_training): - """Read a SQuAD json file into a list of SquadExample.""" - - examples = [] - paragraph_text = sample["context"] - paragraph_text = re.sub(r'\[TLE\]|\[DOC\]|\[PAR\]', '[SEP]', paragraph_text) - - for qa in sample["qas"]: - qas_id = qa["qid"] - question_text = qa["question"] - start_position = None - orig_answer_text = None - is_impossible = False - - example = SquadExample( - qas_id=qas_id, - question_text=question_text, - paragraph_text=paragraph_text) - examples.append(example) - - return examples - -def _convert_index(index, pos, M=None, is_start=True): - if index[pos] is not None: - return index[pos] - N = len(index) - rear = pos - while rear < N - 1 and index[rear] is None: - rear += 1 - front = pos - while front > 0 and index[front] is None: - front -= 1 - assert index[front] is not None or index[rear] is not None - if index[front] is None: - if index[rear] >= 1: - if is_start: - return 0 - else: - return index[rear] - 1 - return index[rear] - if index[rear] is None: - if M is not None and index[front] < M - 1: - if is_start: - return index[front] + 1 - else: - return M - 1 - return index[front] - if is_start: - if index[rear] > index[front] + 1: - return index[front] + 1 - else: - return index[rear] - else: - if index[rear] > index[front] + 1: - return index[rear] - 1 - else: - return index[front] - - -def convert_examples_to_features(examples, sp_model, max_seq_length, - doc_stride, max_query_length, is_training, - uncased): - """Loads a data file into a list of `InputBatch`s.""" - - cnt_pos, cnt_neg = 0, 0 - unique_id = 1000000000 - max_N, max_M = 1024, 1024 - f = np.zeros((max_N, max_M), dtype=np.float32) - - for (example_index, example) in enumerate(examples): - - if example_index % 100 == 0: - print('Converting {}/{} pos {} neg {}'.format( - example_index, len(examples), cnt_pos, cnt_neg)) - - query_tokens = encode_ids( - sp_model, - preprocess_text(example.question_text, lower=uncased)) - - if len(query_tokens) > max_query_length: - query_tokens = query_tokens[0:max_query_length] - - paragraph_text = example.paragraph_text - para_tokens = encode_pieces( - sp_model, - preprocess_text(example.paragraph_text, lower=uncased)) - - chartok_to_tok_index = [] - tok_start_to_chartok_index = [] - tok_end_to_chartok_index = [] - char_cnt = 0 - for i, token in enumerate(para_tokens): - chartok_to_tok_index.extend([i] * len(token)) - tok_start_to_chartok_index.append(char_cnt) - char_cnt += len(token) - tok_end_to_chartok_index.append(char_cnt - 1) - - tok_cat_text = ''.join(para_tokens).replace(SPIECE_UNDERLINE, ' ') - N, M = len(paragraph_text), len(tok_cat_text) - - if N > max_N or M > max_M: - max_N = max(N, max_N) - max_M = max(M, max_M) - f = np.zeros((max_N, max_M), dtype=np.float32) - gc.collect() - - g = {} - - def _lcs_match(max_dist): - f.fill(0) - g.clear() - - ### longest common sub sequence - # f[i, j] = max(f[i - 1, j], f[i, j - 1], f[i - 1, j - 1] + match(i, j)) - for i in range(N): - - # note(zhiliny): - # unlike standard LCS, this is specifically optimized for the setting - # because the mismatch between sentence pieces and original text will - # be small - for j in range(i - max_dist, i + max_dist): - if j >= M or j < 0: continue - - if i > 0: - g[(i, j)] = 0 - f[i, j] = f[i - 1, j] - - if j > 0 and f[i, j - 1] > f[i, j]: - g[(i, j)] = 1 - f[i, j] = f[i, j - 1] - - f_prev = f[i - 1, j - 1] if i > 0 and j > 0 else 0 - if (preprocess_text(paragraph_text[i], lower=uncased, - remove_space=False) - == tok_cat_text[j] - and f_prev + 1 > f[i, j]): - g[(i, j)] = 2 - f[i, j] = f_prev + 1 - - max_dist = abs(N - M) + 5 - for _ in range(2): - _lcs_match(max_dist) - if f[N - 1, M - 1] > 0.8 * N: break - max_dist *= 2 - - orig_to_chartok_index = [None] * N - chartok_to_orig_index = [None] * M - i, j = N - 1, M - 1 - while i >= 0 and j >= 0: - if (i, j) not in g: break - if g[(i, j)] == 2: - orig_to_chartok_index[i] = j - chartok_to_orig_index[j] = i - i, j = i - 1, j - 1 - elif g[(i, j)] == 1: - j = j - 1 - else: - i = i - 1 - - if all(v is None for v in orig_to_chartok_index) or f[N - 1, M - 1] < 0.8 * N: - print('MISMATCH DETECTED!') - continue - - tok_start_to_orig_index = [] - tok_end_to_orig_index = [] - for i in range(len(para_tokens)): - start_chartok_pos = tok_start_to_chartok_index[i] - end_chartok_pos = tok_end_to_chartok_index[i] - start_orig_pos = _convert_index(chartok_to_orig_index, start_chartok_pos, - N, is_start=True) - end_orig_pos = _convert_index(chartok_to_orig_index, end_chartok_pos, - N, is_start=False) - - tok_start_to_orig_index.append(start_orig_pos) - tok_end_to_orig_index.append(end_orig_pos) - - if not is_training: - tok_start_position = tok_end_position = None - - if is_training and example.is_impossible: - tok_start_position = -1 - tok_end_position = -1 - - if is_training and not example.is_impossible: - start_position = example.start_position - end_position = start_position + len(example.orig_answer_text) - 1 - - start_chartok_pos = _convert_index(orig_to_chartok_index, start_position, - is_start=True) - tok_start_position = chartok_to_tok_index[start_chartok_pos] - - end_chartok_pos = _convert_index(orig_to_chartok_index, end_position, - is_start=False) - tok_end_position = chartok_to_tok_index[end_chartok_pos] - assert tok_start_position <= tok_end_position - - def _piece_to_id(x): - if six.PY2 and isinstance(x, unicode): - x = x.encode('utf-8') - return sp_model.PieceToId(x) - - all_doc_tokens = list(map(_piece_to_id, para_tokens)) - - # The -3 accounts for [CLS], [SEP] and [SEP] - max_tokens_for_doc = max_seq_length - len(query_tokens) - 3 - - # We can have documents that are longer than the maximum sequence length. - # To deal with this we do a sliding window approach, where we take chunks - # of the up to our max length with a stride of `doc_stride`. - _DocSpan = collections.namedtuple( # pylint: disable=invalid-name - "DocSpan", ["start", "length"]) - doc_spans = [] - start_offset = 0 - while start_offset < len(all_doc_tokens): - length = len(all_doc_tokens) - start_offset - if length > max_tokens_for_doc: - length = max_tokens_for_doc - doc_spans.append(_DocSpan(start=start_offset, length=length)) - if start_offset + length == len(all_doc_tokens): - break - start_offset += min(length, doc_stride) - - for (doc_span_index, doc_span) in enumerate(doc_spans): - tokens = [] - token_is_max_context = {} - segment_ids = [] - p_mask = [] - - cur_tok_start_to_orig_index = [] - cur_tok_end_to_orig_index = [] - - for i in range(doc_span.length): - split_token_index = doc_span.start + i - - cur_tok_start_to_orig_index.append( - tok_start_to_orig_index[split_token_index]) - cur_tok_end_to_orig_index.append( - tok_end_to_orig_index[split_token_index]) - - is_max_context = _check_is_max_context(doc_spans, doc_span_index, - split_token_index) - token_is_max_context[len(tokens)] = is_max_context - tokens.append(all_doc_tokens[split_token_index]) - segment_ids.append(SEG_ID_P) - p_mask.append(0) - - paragraph_len = len(tokens) - - tokens.append(SEP_ID) - segment_ids.append(SEG_ID_P) - p_mask.append(1) - - # note(zhiliny): we put P before Q - # because during pretraining, B is always shorter than A - for token in query_tokens: - tokens.append(token) - segment_ids.append(SEG_ID_Q) - p_mask.append(1) - tokens.append(SEP_ID) - segment_ids.append(SEG_ID_Q) - p_mask.append(1) - - cls_index = len(segment_ids) - tokens.append(CLS_ID) - segment_ids.append(SEG_ID_CLS) - p_mask.append(0) - - input_ids = tokens - - # The mask has 0 for real tokens and 1 for padding tokens. Only real - # tokens are attended to. - input_mask = [0] * len(input_ids) - - # Zero-pad up to the sequence length. - while len(input_ids) < max_seq_length: - input_ids.append(0) - input_mask.append(1) - segment_ids.append(SEG_ID_PAD) - p_mask.append(1) - - assert len(input_ids) == max_seq_length - assert len(input_mask) == max_seq_length - assert len(segment_ids) == max_seq_length - assert len(p_mask) == max_seq_length - - span_is_impossible = example.is_impossible - start_position = None - end_position = None - if is_training and not span_is_impossible: - # For training, if our document chunk does not contain an annotation - # we throw it out, since there is nothing to predict. - doc_start = doc_span.start - doc_end = doc_span.start + doc_span.length - 1 - out_of_span = False - if not (tok_start_position >= doc_start and - tok_end_position <= doc_end): - out_of_span = True - if out_of_span: - # continue - start_position = 0 - end_position = 0 - span_is_impossible = True - else: - # note(zhiliny): we put P before Q, so doc_offset should be zero. - # doc_offset = len(query_tokens) + 2 - doc_offset = 0 - start_position = tok_start_position - doc_start + doc_offset - end_position = tok_end_position - doc_start + doc_offset - - if is_training and span_is_impossible: - start_position = cls_index - end_position = cls_index - - if example_index < 0: - print("*** Example ***") - print("unique_id: %s" % (unique_id)) - print("example_index: %s" % (example_index)) - print("doc_span_index: %s" % (doc_span_index)) - print("tok_start_to_orig_index: %s" % " ".join( - [str(x) for x in cur_tok_start_to_orig_index])) - print("tok_end_to_orig_index: %s" % " ".join( - [str(x) for x in cur_tok_end_to_orig_index])) - print("token_is_max_context: %s" % " ".join([ - "%d:%s" % (x, y) for (x, y) in six.iteritems(token_is_max_context) - ])) - print("input_ids: %s" % " ".join([str(x) for x in input_ids])) - print( - "input_mask: %s" % " ".join([str(x) for x in input_mask])) - print( - "segment_ids: %s" % " ".join([str(x) for x in segment_ids])) - - if is_training and span_is_impossible: - print("impossible example span") - - if is_training and not span_is_impossible: - pieces = [sp_model.IdToPiece(token) for token in - tokens[start_position: (end_position + 1)]] - answer_text = sp_model.DecodePieces(pieces) - print("start_position: %d" % (start_position)) - print("end_position: %d" % (end_position)) - print( - "answer: %s" % (printable_text(answer_text))) - - # note(zhiliny): With multi processing, - # the example_index is actually the index within the current process - # therefore we use example_index=None to avoid being used in the future. - # The current code does not use example_index of training data. - if is_training: - feat_example_index = None - else: - feat_example_index = example_index - - feature = InputFeatures( - unique_id=unique_id, - example_index=feat_example_index, - doc_span_index=doc_span_index, - tok_start_to_orig_index=cur_tok_start_to_orig_index, - tok_end_to_orig_index=cur_tok_end_to_orig_index, - token_is_max_context=token_is_max_context, - input_ids=input_ids, - input_mask=input_mask, - p_mask=p_mask, - segment_ids=segment_ids, - paragraph_len=paragraph_len, - cls_index=cls_index, - start_position=start_position, - end_position=end_position, - is_impossible=span_is_impossible) - - unique_id += 1 - if span_is_impossible: - cnt_neg += 1 - else: - cnt_pos += 1 - - yield feature - - print("Total number of instances: {} = pos {} neg {}".format( - cnt_pos + cnt_neg, cnt_pos, cnt_neg)) - -def _check_is_max_context(doc_spans, cur_span_index, position): - """Check if this is the 'max context' doc span for the token.""" - - # Because of the sliding window approach taken to scoring documents, a single - # token can appear in multiple documents. E.g. - # Doc: the man went to the store and bought a gallon of milk - # Span A: the man went to the - # Span B: to the store and bought - # Span C: and bought a gallon of - # ... - # - # Now the word 'bought' will have two scores from spans B and C. We only - # want to consider the score with "maximum context", which we define as - # the *minimum* of its left and right context (the *sum* of left and - # right context will always be the same, of course). - # - # In the example the maximum context for 'bought' would be span C since - # it has 1 left context and 3 right context, while span B has 4 left context - # and 0 right context. - best_score = None - best_span_index = None - for (span_index, doc_span) in enumerate(doc_spans): - end = doc_span.start + doc_span.length - 1 - if position < doc_span.start: - continue - if position > end: - continue - num_left_context = position - doc_span.start - num_right_context = end - position - score = min(num_left_context, num_right_context) + 0.01 * doc_span.length - if best_score is None or score > best_score: - best_score = score - best_span_index = span_index - - return cur_span_index == best_span_index - -class DataProcessor(object): - def __init__(self, spiece_model_file, uncased, max_seq_length, - doc_stride, max_query_length): - self._sp_model = spm.SentencePieceProcessor() - self._sp_model.Load(spiece_model_file) - self._uncased = uncased - self._max_seq_length = max_seq_length - self._doc_stride = doc_stride - self._max_query_length = max_query_length - - self.current_train_example = -1 - self.num_train_examples = -1 - self.current_train_epoch = -1 - - self.train_examples = None - self.predict_examples = None - self.num_examples = {'train': -1, 'predict': -1} - - def get_train_progress(self): - """Gets progress for training phase.""" - return self.current_train_example, self.current_train_epoch - - def get_examples(self, - sample, - is_training): - examples = read_squad_examples( - sample, - is_training=is_training) - return examples - - def get_num_examples(self, phase): - if phase not in ['train', 'predict']: - raise ValueError( - "Unknown phase, which should be in ['train', 'predict'].") - return self.num_examples[phase] - - def get_features(self, examples, is_training): - features = convert_examples_to_features( - examples=examples, - sp_model=self._sp_model, - max_seq_length=self._max_seq_length, - doc_stride=self._doc_stride, - max_query_length=self._max_query_length, - is_training=is_training, - uncased=self._uncased) - return features - - def data_generator(self, - sample, - batch_size, - phase='predict', - shuffle=False, - dev_count=1, - epoch=1): - self.predict_examples = self.get_examples( - sample, - is_training=False) - examples = self.predict_examples - self.num_examples['predict'] = len(self.predict_examples) - - def batch_reader(features, batch_size): - batch = [] - feats = [] - for (index, feature) in enumerate(features): - if phase == 'train': - self.current_train_example = index + 1 - labels = [feature.unique_id] if feature.start_position is None else [ - feature.start_position, feature.end_position, feature.is_impossible - ] - example = [ - feature.input_ids, feature.segment_ids, feature.input_mask, - feature.cls_index, feature.p_mask - ] + labels - - to_append = len(batch) < batch_size - if to_append: - batch.append(example) - feats.append(feature) - else: - yield batch, feats - batch = [example] - feats = [feature] - - if len(batch) > 0: - yield batch, feats - - def prepare_batch_data(insts): - """Generate numpy tensors""" - input_ids = np.expand_dims(np.array([inst[0] for inst in insts]).astype('int64'), axis=-1) - segment_ids = np.array([inst[1] for inst in insts]).astype('int64') - input_mask = np.array([inst[2] for inst in insts]).astype('float32') - cls_index = np.expand_dims(np.array([inst[3] for inst in insts]).astype('int64'), axis=-1) - p_mask = np.array([inst[4] for inst in insts]).astype('float32') - - ret_list = [input_ids, segment_ids, input_mask, cls_index, p_mask] - if phase == 'train': - start_positions = np.expand_dims(np.array([inst[5] for inst in insts]).astype('int64'), axis=-1) - end_positions = np.expand_dims(np.array([inst[6] for inst in insts]).astype('int64'), axis=-1) - is_impossible = np.expand_dims(np.array([inst[7] for inst in insts]).astype('float32'), axis=-1) - ret_list += [start_positions, end_positions, is_impossible] - else: - unique_ids = np.expand_dims(np.array([inst[5] for inst in insts]).astype('int64'), axis=-1) - ret_list += [unique_ids] - - return ret_list - - feature_gen = self.get_features(examples, is_training=False) - - all_dev_batches = [] - features = [] - for batch_insts, feats in batch_reader(feature_gen, batch_size): - batch_data = prepare_batch_data(batch_insts) - all_dev_batches.append(batch_data) - features.extend(feats) - return examples, features, all_dev_batches - - -_PrelimPrediction = collections.namedtuple( # pylint: disable=invalid-name - "PrelimPrediction", - ["feature_index", "start_index", "end_index", - "start_log_prob", "end_log_prob"]) - -_NbestPrediction = collections.namedtuple( # pylint: disable=invalid-name - "NbestPrediction", ["text", "start_log_prob", "end_log_prob"]) - -def get_answers(all_examples, all_features, all_results, n_best_size, - max_answer_length, start_n_top, end_n_top): - """Write final predictions to the json file and log-odds of null if needed.""" - - example_index_to_features = collections.defaultdict(list) - for feature in all_features: - example_index_to_features[feature.example_index].append(feature) - - unique_id_to_result = {} - for result in all_results: - unique_id_to_result[result.unique_id] = result - - all_predictions = collections.OrderedDict() - all_nbest_json = collections.OrderedDict() - scores_diff_json = collections.OrderedDict() - - for (example_index, example) in enumerate(all_examples): - features = example_index_to_features[example_index] - - prelim_predictions = [] - # keep track of the minimum score of null start+end of position 0 - score_null = 1000000 # large and positive - - for (feature_index, feature) in enumerate(features): - result = unique_id_to_result[feature.unique_id] - print("cls_logits", feature.unique_id, result.cls_logits) - cur_null_score = result.cls_logits - - # if we could have irrelevant answers, get the min score of irrelevant - score_null = min(score_null, cur_null_score) - - for i in range(start_n_top): - for j in range(end_n_top): - start_log_prob = result.start_top_log_probs[i] - start_index = result.start_top_index[i] - - j_index = i * end_n_top + j - - end_log_prob = result.end_top_log_probs[j_index] - end_index = result.end_top_index[j_index] - - # We could hypothetically create invalid predictions, e.g., predict - # that the start of the span is in the question. We throw out all - # invalid predictions. - if start_index >= feature.paragraph_len - 1: - continue - if end_index >= feature.paragraph_len - 1: - continue - - if not feature.token_is_max_context.get(start_index, False): - continue - if end_index < start_index: - continue - length = end_index - start_index + 1 - if length > max_answer_length: - continue - - prelim_predictions.append( - _PrelimPrediction( - feature_index=feature_index, - start_index=start_index, - end_index=end_index, - start_log_prob=start_log_prob, - end_log_prob=end_log_prob)) - - prelim_predictions = sorted( - prelim_predictions, - key=lambda x: (x.start_log_prob + x.end_log_prob), - reverse=True) - - seen_predictions = {} - nbest = [] - for pred in prelim_predictions: - if len(nbest) >= n_best_size: - break - feature = features[pred.feature_index] - - tok_start_to_orig_index = feature.tok_start_to_orig_index - tok_end_to_orig_index = feature.tok_end_to_orig_index - start_orig_pos = tok_start_to_orig_index[pred.start_index] - end_orig_pos = tok_end_to_orig_index[pred.end_index] - - paragraph_text = example.paragraph_text - final_text = paragraph_text[start_orig_pos: end_orig_pos + 1].strip() - - if final_text in seen_predictions: - continue - - seen_predictions[final_text] = True - - nbest.append( - _NbestPrediction( - text=final_text, - start_log_prob=pred.start_log_prob, - end_log_prob=pred.end_log_prob)) - - # In very rare edge cases we could have no valid predictions. So we - # just create a nonce prediction in this case to avoid failure. - if not nbest: - nbest.append( - _NbestPrediction(text="", start_log_prob=-1e6, - end_log_prob=-1e6)) - - total_scores = [] - best_non_null_entry = None - for entry in nbest: - total_scores.append(entry.start_log_prob + entry.end_log_prob) - if not best_non_null_entry: - best_non_null_entry = entry - - probs = _compute_softmax(total_scores) - - nbest_json = [] - for (i, entry) in enumerate(nbest): - output = collections.OrderedDict() - output["text"] = entry.text - output["probability"] = probs[i] - output["start_log_prob"] = entry.start_log_prob - output["end_log_prob"] = entry.end_log_prob - nbest_json.append(output) - - assert len(nbest_json) >= 1 - assert best_non_null_entry is not None - - score_diff = score_null - scores_diff_json[example.qas_id] = score_diff - # note(zhiliny): always predict best_non_null_entry - # and the evaluation script will search for the best threshold - all_predictions[example.qas_id] = best_non_null_entry.text - - all_nbest_json[example.qas_id] = nbest_json - - return all_predictions, all_nbest_json - # with open(output_prediction_file, "w") as writer: - # writer.write(json.dumps(all_predictions, indent=4) + "\n") - - # with open(output_nbest_file, "w") as writer: - # writer.write(json.dumps(all_nbest_json, indent=4) + "\n") - - # with open(output_null_log_odds_file, "w") as writer: - # writer.write(json.dumps(scores_diff_json, indent=4) + "\n") - - # qid_to_has_ans = squad_utils.make_qid_to_has_ans(orig_data) - # has_ans_qids = [k for k, v in qid_to_has_ans.items() if v] - # no_ans_qids = [k for k, v in qid_to_has_ans.items() if not v] - # exact_raw, f1_raw = squad_utils.get_raw_scores(orig_data, all_predictions) - # out_eval = {} - - # squad_utils.find_all_best_thresh_v2(out_eval, all_predictions, exact_raw, f1_raw, - # scores_diff_json, qid_to_has_ans) - - # return out_eval - -def _get_best_indexes(logits, n_best_size): - """Get the n-best logits from a list.""" - index_and_score = sorted(enumerate(logits), key=lambda x: x[1], reverse=True) - - best_indexes = [] - for i in range(len(index_and_score)): - if i >= n_best_size: - break - best_indexes.append(index_and_score[i][0]) - return best_indexes - - -def _compute_softmax(scores): - """Compute softmax probability over raw logits.""" - if not scores: - return [] - - max_score = None - for score in scores: - if max_score is None or score > max_score: - max_score = score - - exp_scores = [] - total_sum = 0.0 - for score in scores: - x = math.exp(score - max_score) - exp_scores.append(x) - total_sum += x - - probs = [] - for score in exp_scores: - probs.append(score / total_sum) - return probs - - -if __name__ == '__main__': - processor = DataProcessor(spiece_model_file="xlnet_cased_L-24_H-1024_A-16/spiece.model", - uncased=False, - max_seq_length=512, - doc_stride=128, - max_query_length=64) - - train_data_generator = processor.data_generator( - data_path="squad_v2.0/dev-v2.0.json", - batch_size=32, - phase='predict', - shuffle=True, - dev_count=1, - epoch=1) - - for (index, sample) in enumerate(train_data_generator()): - if index < 10: - print("index:", index) - for tensor in sample: - print(tensor.shape) - else: - break - #for (index, example) in enumerate(train_examples): - # if index < 5: - # print(example) diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/squad_utils.py b/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/squad_utils.py deleted file mode 100644 index 99d57a1a9f33bae9d85b329fb177b88773568fce..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/squad_utils.py +++ /dev/null @@ -1,326 +0,0 @@ -"""Official evaluation script for SQuAD version 2.0. -In addition to basic functionality, we also compute additional statistics and -plot precision-recall curves if an additional na_prob.json file is provided. -This file is expected to map question ID's to the model's predicted probability -that a question is unanswerable. -""" -import argparse -import collections -import json -import numpy as np -import os -import re -import string -import sys - -OPTS = None - -def parse_args(): - parser = argparse.ArgumentParser('Official evaluation script for SQuAD version 2.0.') - parser.add_argument('data_file', metavar='data.json', help='Input data JSON file.') - parser.add_argument('pred_file', metavar='pred.json', help='Model predictions.') - parser.add_argument('--out-file', '-o', metavar='eval.json', - help='Write accuracy metrics to file (default is stdout).') - parser.add_argument('--na-prob-file', '-n', metavar='na_prob.json', - help='Model estimates of probability of no answer.') - parser.add_argument('--na-prob-thresh', '-t', type=float, default=1.0, - help='Predict "" if no-answer probability exceeds this (default = 1.0).') - parser.add_argument('--out-image-dir', '-p', metavar='out_images', default=None, - help='Save precision-recall curves to directory.') - parser.add_argument('--verbose', '-v', action='store_true') - if len(sys.argv) == 1: - parser.print_help() - sys.exit(1) - return parser.parse_args() - -def make_qid_to_has_ans(dataset): - qid_to_has_ans = {} - for article in dataset: - for p in article['paragraphs']: - for qa in p['qas']: - qid_to_has_ans[qa['id']] = bool(qa['answers']) - return qid_to_has_ans - -def normalize_answer(s): - """Lower text and remove punctuation, articles and extra whitespace.""" - def remove_articles(text): - regex = re.compile(r'\b(a|an|the)\b', re.UNICODE) - return re.sub(regex, ' ', text) - def white_space_fix(text): - return ' '.join(text.split()) - def remove_punc(text): - exclude = set(string.punctuation) - return ''.join(ch for ch in text if ch not in exclude) - def lower(text): - return text.lower() - return white_space_fix(remove_articles(remove_punc(lower(s)))) - -def get_tokens(s): - if not s: return [] - return normalize_answer(s).split() - -def compute_exact(a_gold, a_pred): - return int(normalize_answer(a_gold) == normalize_answer(a_pred)) - -def compute_f1(a_gold, a_pred): - gold_toks = get_tokens(a_gold) - pred_toks = get_tokens(a_pred) - common = collections.Counter(gold_toks) & collections.Counter(pred_toks) - num_same = sum(common.values()) - if len(gold_toks) == 0 or len(pred_toks) == 0: - # If either is no-answer, then F1 is 1 if they agree, 0 otherwise - return int(gold_toks == pred_toks) - if num_same == 0: - return 0 - precision = 1.0 * num_same / len(pred_toks) - recall = 1.0 * num_same / len(gold_toks) - f1 = (2 * precision * recall) / (precision + recall) - return f1 - -def get_raw_scores(dataset, preds): - exact_scores = {} - f1_scores = {} - for article in dataset: - for p in article['paragraphs']: - for qa in p['qas']: - qid = qa['id'] - gold_answers = [a['text'] for a in qa['answers'] - if normalize_answer(a['text'])] - if not gold_answers: - # For unanswerable questions, only correct answer is empty string - gold_answers = [''] - if qid not in preds: - print('Missing prediction for %s' % qid) - continue - a_pred = preds[qid] - # Take max over all gold answers - exact_scores[qid] = max(compute_exact(a, a_pred) for a in gold_answers) - f1_scores[qid] = max(compute_f1(a, a_pred) for a in gold_answers) - return exact_scores, f1_scores - -def apply_no_ans_threshold(scores, na_probs, qid_to_has_ans, na_prob_thresh): - new_scores = {} - for qid, s in scores.items(): - pred_na = na_probs[qid] > na_prob_thresh - if pred_na: - new_scores[qid] = float(not qid_to_has_ans[qid]) - else: - new_scores[qid] = s - return new_scores - -def make_eval_dict(exact_scores, f1_scores, qid_list=None): - if not qid_list: - total = len(exact_scores) - return collections.OrderedDict([ - ('exact', 100.0 * sum(exact_scores.values()) / total), - ('f1', 100.0 * sum(f1_scores.values()) / total), - ('total', total), - ]) - else: - total = len(qid_list) - return collections.OrderedDict([ - ('exact', 100.0 * sum(exact_scores[k] for k in qid_list) / total), - ('f1', 100.0 * sum(f1_scores[k] for k in qid_list) / total), - ('total', total), - ]) - -def merge_eval(main_eval, new_eval, prefix): - for k in new_eval: - main_eval['%s_%s' % (prefix, k)] = new_eval[k] - -def plot_pr_curve(precisions, recalls, out_image, title): - plt.step(recalls, precisions, color='b', alpha=0.2, where='post') - plt.fill_between(recalls, precisions, step='post', alpha=0.2, color='b') - plt.xlabel('Recall') - plt.ylabel('Precision') - plt.xlim([0.0, 1.05]) - plt.ylim([0.0, 1.05]) - plt.title(title) - plt.savefig(out_image) - plt.clf() - -def make_precision_recall_eval(scores, na_probs, num_true_pos, qid_to_has_ans, - out_image=None, title=None): - qid_list = sorted(na_probs, key=lambda k: na_probs[k]) - true_pos = 0.0 - cur_p = 1.0 - cur_r = 0.0 - precisions = [1.0] - recalls = [0.0] - avg_prec = 0.0 - for i, qid in enumerate(qid_list): - if qid_to_has_ans[qid]: - true_pos += scores[qid] - cur_p = true_pos / float(i+1) - cur_r = true_pos / float(num_true_pos) - if i == len(qid_list) - 1 or na_probs[qid] != na_probs[qid_list[i+1]]: - # i.e., if we can put a threshold after this point - avg_prec += cur_p * (cur_r - recalls[-1]) - precisions.append(cur_p) - recalls.append(cur_r) - if out_image: - plot_pr_curve(precisions, recalls, out_image, title) - return {'ap': 100.0 * avg_prec} - -def run_precision_recall_analysis(main_eval, exact_raw, f1_raw, na_probs, - qid_to_has_ans, out_image_dir): - if out_image_dir and not os.path.exists(out_image_dir): - os.makedirs(out_image_dir) - num_true_pos = sum(1 for v in qid_to_has_ans.values() if v) - if num_true_pos == 0: - return - pr_exact = make_precision_recall_eval( - exact_raw, na_probs, num_true_pos, qid_to_has_ans, - out_image=os.path.join(out_image_dir, 'pr_exact.png'), - title='Precision-Recall curve for Exact Match score') - pr_f1 = make_precision_recall_eval( - f1_raw, na_probs, num_true_pos, qid_to_has_ans, - out_image=os.path.join(out_image_dir, 'pr_f1.png'), - title='Precision-Recall curve for F1 score') - oracle_scores = {k: float(v) for k, v in qid_to_has_ans.items()} - pr_oracle = make_precision_recall_eval( - oracle_scores, na_probs, num_true_pos, qid_to_has_ans, - out_image=os.path.join(out_image_dir, 'pr_oracle.png'), - title='Oracle Precision-Recall curve (binary task of HasAns vs. NoAns)') - merge_eval(main_eval, pr_exact, 'pr_exact') - merge_eval(main_eval, pr_f1, 'pr_f1') - merge_eval(main_eval, pr_oracle, 'pr_oracle') - -def histogram_na_prob(na_probs, qid_list, image_dir, name): - if not qid_list: - return - x = [na_probs[k] for k in qid_list] - weights = np.ones_like(x) / float(len(x)) - plt.hist(x, weights=weights, bins=20, range=(0.0, 1.0)) - plt.xlabel('Model probability of no-answer') - plt.ylabel('Proportion of dataset') - plt.title('Histogram of no-answer probability: %s' % name) - plt.savefig(os.path.join(image_dir, 'na_prob_hist_%s.png' % name)) - plt.clf() - -def find_best_thresh(preds, scores, na_probs, qid_to_has_ans): - num_no_ans = sum(1 for k in qid_to_has_ans if not qid_to_has_ans[k]) - cur_score = num_no_ans - best_score = cur_score - best_thresh = 0.0 - qid_list = sorted(na_probs, key=lambda k: na_probs[k]) - for i, qid in enumerate(qid_list): - if qid not in scores: continue - if qid_to_has_ans[qid]: - diff = scores[qid] - else: - if preds[qid]: - diff = -1 - else: - diff = 0 - cur_score += diff - if cur_score > best_score: - best_score = cur_score - best_thresh = na_probs[qid] - return 100.0 * best_score / len(scores), best_thresh - -def find_best_thresh_v2(preds, scores, na_probs, qid_to_has_ans): - num_no_ans = sum(1 for k in qid_to_has_ans if not qid_to_has_ans[k]) - cur_score = num_no_ans - best_score = cur_score - best_thresh = 0.0 - qid_list = sorted(na_probs, key=lambda k: na_probs[k]) - for i, qid in enumerate(qid_list): - if qid not in scores: continue - if qid_to_has_ans[qid]: - diff = scores[qid] - else: - if preds[qid]: - diff = -1 - else: - diff = 0 - cur_score += diff - if cur_score > best_score: - best_score = cur_score - best_thresh = na_probs[qid] - - has_ans_score, has_ans_cnt = 0, 0 - for qid in qid_list: - if not qid_to_has_ans[qid]: continue - has_ans_cnt += 1 - - if qid not in scores: continue - has_ans_score += scores[qid] - - return 100.0 * best_score / len(scores), best_thresh, 1.0 * has_ans_score / has_ans_cnt - -def find_all_best_thresh(main_eval, preds, exact_raw, f1_raw, na_probs, qid_to_has_ans): - best_exact, exact_thresh = find_best_thresh(preds, exact_raw, na_probs, qid_to_has_ans) - best_f1, f1_thresh = find_best_thresh(preds, f1_raw, na_probs, qid_to_has_ans) - main_eval['best_exact'] = best_exact - main_eval['best_exact_thresh'] = exact_thresh - main_eval['best_f1'] = best_f1 - main_eval['best_f1_thresh'] = f1_thresh - -def find_all_best_thresh_v2(main_eval, preds, exact_raw, f1_raw, na_probs, qid_to_has_ans): - best_exact, exact_thresh, has_ans_exact = find_best_thresh_v2(preds, exact_raw, na_probs, qid_to_has_ans) - best_f1, f1_thresh, has_ans_f1 = find_best_thresh_v2(preds, f1_raw, na_probs, qid_to_has_ans) - main_eval['best_exact'] = best_exact - main_eval['best_exact_thresh'] = exact_thresh - main_eval['best_f1'] = best_f1 - main_eval['best_f1_thresh'] = f1_thresh - main_eval['has_ans_exact'] = has_ans_exact - main_eval['has_ans_f1'] = has_ans_f1 - -def main(): - with open(OPTS.data_file) as f: - dataset_json = json.load(f) - dataset = dataset_json['data'] - with open(OPTS.pred_file) as f: - preds = json.load(f) - - new_orig_data = [] - for article in dataset: - for p in article['paragraphs']: - for qa in p['qas']: - if qa['id'] in preds: - new_para = {'qas': [qa]} - new_article = {'paragraphs': [new_para]} - new_orig_data.append(new_article) - dataset = new_orig_data - - if OPTS.na_prob_file: - with open(OPTS.na_prob_file) as f: - na_probs = json.load(f) - else: - na_probs = {k: 0.0 for k in preds} - qid_to_has_ans = make_qid_to_has_ans(dataset) # maps qid to True/False - has_ans_qids = [k for k, v in qid_to_has_ans.items() if v] - no_ans_qids = [k for k, v in qid_to_has_ans.items() if not v] - exact_raw, f1_raw = get_raw_scores(dataset, preds) - exact_thresh = apply_no_ans_threshold(exact_raw, na_probs, qid_to_has_ans, - OPTS.na_prob_thresh) - f1_thresh = apply_no_ans_threshold(f1_raw, na_probs, qid_to_has_ans, - OPTS.na_prob_thresh) - out_eval = make_eval_dict(exact_thresh, f1_thresh) - if has_ans_qids: - has_ans_eval = make_eval_dict(exact_thresh, f1_thresh, qid_list=has_ans_qids) - merge_eval(out_eval, has_ans_eval, 'HasAns') - if no_ans_qids: - no_ans_eval = make_eval_dict(exact_thresh, f1_thresh, qid_list=no_ans_qids) - merge_eval(out_eval, no_ans_eval, 'NoAns') - if OPTS.na_prob_file: - find_all_best_thresh(out_eval, preds, exact_raw, f1_raw, na_probs, qid_to_has_ans) - if OPTS.na_prob_file and OPTS.out_image_dir: - run_precision_recall_analysis(out_eval, exact_raw, f1_raw, na_probs, - qid_to_has_ans, OPTS.out_image_dir) - histogram_na_prob(na_probs, has_ans_qids, OPTS.out_image_dir, 'hasAns') - histogram_na_prob(na_probs, no_ans_qids, OPTS.out_image_dir, 'noAns') - if OPTS.out_file: - with open(OPTS.out_file, 'w') as f: - json.dump(out_eval, f) - else: - print(json.dumps(out_eval, indent=2)) - -if __name__ == '__main__': - OPTS = parse_args() - if OPTS.out_image_dir: - import matplotlib - matplotlib.use('Agg') - import matplotlib.pyplot as plt - main() diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/start.sh b/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/start.sh deleted file mode 100755 index d8e924e645f26b123f79299f46e8e4f181ec95e5..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/start.sh +++ /dev/null @@ -1,8 +0,0 @@ -export FLAGS_sync_nccl_allreduce=0 -export FLAGS_eager_delete_tensor_gb=1 -export FLAGS_fraction_of_gpu_memory_to_use=0.1 -port=$1 -gpu=$2 -export CUDA_VISIBLE_DEVICES=$gpu - -python serve.py ./infer_model $port diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/wrapper.py b/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/wrapper.py deleted file mode 100644 index 5129ee0644a508d430c4f434dafdd9a304ca44ca..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/wrapper.py +++ /dev/null @@ -1,158 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -"""BERT (PaddlePaddle) model wrapper""" -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function -import os -import json -import collections -import multiprocessing -import argparse -import numpy as np -import paddle.fluid as fluid -from squad_reader import DataProcessor, get_answers -from model.xlnet import XLNetConfig, XLNetModel - - -conf_dir = "xlnet_config" -bert_config_path = conf_dir+'/xlnet_config.json' -spiece_model_file = conf_dir+'/spiece.model' -ema_decay = 0.9999 -verbose = False -vocab_path = conf_dir+'/vocab.txt' -max_seq_len = 800 -max_query_length = 64 -max_answer_length = 30 -in_tokens = False -do_lower_case = False -doc_stride = 128 -n_best_size = 20 -start_n_top = 5 -end_n_top = 5 -use_cuda = True - - -class BertModelWrapper(): - """ - Wrap a tnet model - the basic processes include input checking, preprocessing, calling tf-serving - and postprocessing - """ - def __init__(self, model_dir): - """ """ - xlnet_config = XLNetConfig(bert_config_path) - xlnet_config.print_config() - - if use_cuda: - place = fluid.CUDAPlace(0) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - self.exe = fluid.Executor(place) - - self.processor = DataProcessor( - spiece_model_file=spiece_model_file, - uncased=do_lower_case, - max_seq_length=max_seq_len, - doc_stride=doc_stride, - max_query_length=max_query_length) - - self.inference_program, self.feed_target_names, self.fetch_targets = \ - fluid.io.load_inference_model(dirname=model_dir, executor=self.exe) - - # self.inference_program = fluid.compiler.CompiledProgram(self.inference_program) - # self.exe = fluid.ParallelExecutor( - # use_cuda=use_cuda, - # main_program=self.inference_program) - - def preprocessor(self, samples, batch_size): - """Preprocess the input samples, including word seg, padding, token to ids""" - # Tokenization and paragraph padding - examples, features, batch = self.processor.data_generator( - samples, batch_size) - self.samples = samples - return examples, features, batch - - def call_mrc(self, batch, squeeze_dim0=False, return_list=False): - """MRC""" - if squeeze_dim0 and return_list: - raise ValueError("squeeze_dim0 only work for dict-type return value.") - src_ids = batch[0] - pos_ids = batch[1] - sent_ids = batch[2] - input_mask = batch[3] - unique_id = batch[4] - emmmm = batch[5] - feed_dict = { - self.feed_target_names[0]: src_ids, - self.feed_target_names[1]: pos_ids, - self.feed_target_names[2]: sent_ids, - self.feed_target_names[3]: input_mask, - self.feed_target_names[4]: unique_id, - self.feed_target_names[5]: emmmm - } - - np_unique_ids, np_start_logits, np_start_top_index, np_end_logits, np_end_top_index, np_cls_logits = \ - self.exe.run(self.inference_program, feed=feed_dict, fetch_list=self.fetch_targets, use_program_cache=True) - - # np_unique_ids, np_start_logits, np_end_logits, np_num_seqs = \ - # self.exe.run(feed=feed_dict, fetch_list=self.fetch_targets) - - if len(np_unique_ids) == 1 and squeeze_dim0: - np_unique_ids = np_unique_ids[0] - np_start_logits = np_start_logits[0] - np_end_logits = np_end_logits[0] - - if return_list: - mrc_results = [{'unique_ids': id, 'start_logits': st, 'start_idx': st_idx, 'end_logits': end, 'end_idx': end_idx, 'cls': cls} - for id, st, st_idx, end, end_idx, cls in zip(np_unique_ids, np_start_logits, np_start_top_index, np_end_logits, np_end_top_index, np_cls_logits)] - else: - raise NotImplementedError() - return mrc_results - - def postprocessor(self, examples, features, mrc_results): - """Extract answer - batch: [examples, features] from preprocessor - mrc_results: model results from call_mrc. if mrc_results is list, each element of which is a size=1 batch. - """ - RawResult = collections.namedtuple("RawResult", - ["unique_id", "start_top_log_probs", "start_top_index", - "end_top_log_probs", "end_top_index", "cls_logits"]) - results = [] - if isinstance(mrc_results, list): - for res in mrc_results: - unique_id = res['unique_ids'][0] - start_logits = [float(x) for x in res['start_logits'].flat] - start_idx = [int(x) for x in res['start_idx'].flat] - end_logits = [float(x) for x in res['end_logits'].flat] - end_idx = [int(x) for x in res['end_idx'].flat] - cls_logits = float(res['cls'].flat[0]) - - results.append( - RawResult( - unique_id=unique_id, - start_top_log_probs=start_logits, - start_top_index=start_idx, - end_top_log_probs=end_logits, - end_top_index=end_idx, - cls_logits=cls_logits)) - else: - assert isinstance(mrc_results, dict) - raise NotImplementedError() - for idx in range(mrc_results['unique_ids'].shape[0]): - unique_id = int(mrc_results['unique_ids'][idx]) - start_logits = [float(x) for x in mrc_results['start_logits'][idx].flat] - end_logits = [float(x) for x in mrc_results['end_logits'][idx].flat] - results.append( - RawResult( - unique_id=unique_id, - start_logits=start_logits, - end_logits=end_logits)) - - answers = get_answers( - examples, features, results, n_best_size, - max_answer_length, start_n_top, end_n_top) - return answers - diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/xlnet_config/spiece.model b/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/xlnet_config/spiece.model deleted file mode 100644 index 9cdb90c57fde2a1e883ef1a944d4d22e3d25d2cf..0000000000000000000000000000000000000000 Binary files a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/xlnet_config/spiece.model and /dev/null differ diff --git a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/xlnet_config/xlnet_config.json b/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/xlnet_config/xlnet_config.json deleted file mode 100644 index 4d136db32956086bbb14a281fe0f1e1f624f46b5..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/MRQA2019-D-NET/server/xlnet_server/xlnet_config/xlnet_config.json +++ /dev/null @@ -1,10 +0,0 @@ -{ - "d_head": 64, - "d_inner": 4096, - "d_model": 1024, - "ff_activation": "gelu", - "n_head": 16, - "n_layer": 24, - "n_token": 32000, - "untie_r": true -} \ No newline at end of file diff --git a/PaddleNLP/Research/NAACL2019-MPM/README.md b/PaddleNLP/Research/NAACL2019-MPM/README.md index fc320d7827e8b8bee3570dfb349848673e0603df..5cbe1dc7471272fd92667df50cc8f06ac570f16c 100644 --- a/PaddleNLP/Research/NAACL2019-MPM/README.md +++ b/PaddleNLP/Research/NAACL2019-MPM/README.md @@ -1,95 +1 @@ -# Multi-Perspective Models - -This model won the first place in SemEval 2019 Task 9 SubTask A - Suggestion Mining from Online Reviews and Forums. - -See more information about SemEval 2019: [http://alt.qcri.org/semeval2019/](http://alt.qcri.org/semeval2019/) - -## 1. Introduction -This paper describes our system participated in Task 9 of SemEval-2019: the task is focused on suggestion mining and it aims to classify given sentences into suggestion and non-suggestion classes in domain specific and cross domain training setting respectively. We propose a multi-perspective architecture for learning representations by using different classical models including Convolutional Neural Networks (CNN), Gated Recurrent Units (GRU), Feed Forward Attention (FFA), etc. To leverage the semantics distributed in large amount of unsupervised data, we also have adopted the pre-trained Bidirectional Encoder Representations from Transformers (BERT) model as an encoder to produce sentence and word representations. The proposed architecture is applied for both sub-tasks, and achieved f1-score of 0.7812 for subtask A, and 0.8579 for subtask B. We won the first and second place for the two tasks respectively in the final competition. - -## 2. Quick Start -### Installation -This project depends on python2.7 and paddlepaddle-gpu = 1.3.2, please follow [quick start](http://www.paddlepaddle.org/#quick-start) to install. -### Data Preparation -- Download the competition's data - -``` -# Download the competition's data -cd ./data && git clone https://github.com/Semeval2019Task9/Subtask-A.git -cd ../ -``` - -- Download BERT and pre-trained model - -``` -# Download BERT code -git clone https://github.com/PaddlePaddle/LARK && mv LARK/BERT ./ -# Download BERT pre-trained model -wget https://bert-models.bj.bcebos.com/uncased_L-24_H-1024_A-16.tar.gz -tar zxf uncased_L-24_H-1024_A-16.tar.gz -C ./ -``` - -### Train -Use this command to start training: - -``` -# run training script -sh train.sh -``` -The models will output to ./output . - -### Ensemble & Evaluation -Use this commad to evaluate ensemble result: - -``` -# run evaluation -python evaluation.py \ - ./data/Subtask-A/SubtaskA_EvaluationData_labeled.csv \ - ./probs/prob_raw.txt \ - ./probs/prob_cnn.txt \ - ./probs/prob_gru.txt \ - ./probs/prob_ffa.txt \ -``` -Due to the dataset size is small, the training result may fluctuate, please try re-training several times more. - -## 3. Advance -### Task Introduction -[Semeval2019-Task9](https://www.aclweb.org/anthology/S19-2151) presents the pilot SemEval task on Suggestion Mining. The task consists of subtasks A and B, creating labeled data from feedback forum and hotel reviews respectively. Examples: - -|Source |Sentence |Label| -|------| ------|------| -|Hotel reviews |Be sure to specify a room at the back of the hotel. |suggestion| -|Hotel reviews |The point is, don’t advertise the service if there are caveats that go with it.|non-suggestion| -|Suggestion forum| Why not let us have several pages that we can put tiles on and name whatever we want to |suggestion| -|Suggestion forum| It fails with a uninformative message indicating deployment failed.|non-suggestion| - -### Model Introduction -Model's framwork is shown in Figure 1: -

-
-Figure 1: An overall framework and pipeline of our system for suggestion mining -

-As shown in Figure 1. our model architecture is constituted of two modules which includes a universal encoding module as either a sentence or a word encoder, and a task specified module used for suggestion classification. To fully explored the information generated by the encoder, we stack a serious of different task specified modules upon the encoder according to different perspective. Intuitively, we could use the sentence encoding directly to make a classification, to go further beyond that, as language is time-series information in essence, the time perspective based GRU cells can also be applied to model the sequence state to learn the structure for the suggestion mining task. Similarly, the spatial perspective based CNN can be used to mimic the n-gram model, as well. Moreover, we also introduce a convenient attention mechanism FFA (Raffel and Ellis, 2015) to automatically learns the combination of most important features. At last, we ensemble those models by a voting strategy as final prediction by this system. - -### Result -| Models | CV f1-score | test score | -| ----- | ----- | ------ | -BERT-Large-Logistic | 0.8522 (±0.0213) | 0.7697 -BERT-Large-Conv | 0.8520 (±0.0231) | 0.7800 -BERT-Large-FFA | 0.8516 (±0.0307) | 0.7722 -BERT-Large-GRU | 0.8503 (±0.0275) | 0.7725 -Ensemble | – | 0.7812 - - -## 4. Others -If you use the library in you research project, please cite the paper "OleNet at SemEval-2019 Task 9: BERT based Multi-Perspective Models for Suggestion Mining". -### Citation - -``` -@inproceedings{BaiduMPM, - title={OleNet at SemEval-2019 Task 9: BERT based Multi-Perspective Models for Suggestion Mining}, - author={Jiaxiang Liu, Shuohuan Wang, and Yu Sun}, - booktitle={Proceedings of the 13th International Workshop on Semantic Evaluation (SemEval-2019)}, - year={2019} -} -``` +This work has been moved to new address: [NLP](https://github.com/PaddlePaddle/Research/tree/master/NLP) diff --git a/PaddleNLP/Research/NAACL2019-MPM/batching.py b/PaddleNLP/Research/NAACL2019-MPM/batching.py deleted file mode 100644 index bebd37d555c3492aba005cdfebd1ac40f96dd6ef..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/NAACL2019-MPM/batching.py +++ /dev/null @@ -1,195 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Mask, padding and batching.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import numpy as np - - -def mask(batch_tokens, total_token_num, vocab_size, CLS=1, SEP=2, MASK=3): - """ - Add mask for batch_tokens, return out, mask_label, mask_pos; - Note: mask_pos responding the batch_tokens after padded; - """ - max_len = max([len(sent) for sent in batch_tokens]) - mask_label = [] - mask_pos = [] - prob_mask = np.random.rand(total_token_num) - # Note: the first token is [CLS], so [low=1] - replace_ids = np.random.randint(1, high=vocab_size, size=total_token_num) - pre_sent_len = 0 - prob_index = 0 - for sent_index, sent in enumerate(batch_tokens): - mask_flag = False - prob_index += pre_sent_len - for token_index, token in enumerate(sent): - prob = prob_mask[prob_index + token_index] - if prob > 0.15: - continue - elif 0.03 < prob <= 0.15: - # mask - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = MASK - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - elif 0.015 < prob <= 0.03: - # random replace - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = replace_ids[prob_index + token_index] - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - else: - # keep the original token - if token != SEP and token != CLS: - mask_label.append(sent[token_index]) - mask_pos.append(sent_index * max_len + token_index) - pre_sent_len = len(sent) - - # ensure at least mask one word in a sentence - while not mask_flag: - token_index = int(np.random.randint(1, high=len(sent) - 1, size=1)) - if sent[token_index] != SEP and sent[token_index] != CLS: - mask_label.append(sent[token_index]) - sent[token_index] = MASK - mask_flag = True - mask_pos.append(sent_index * max_len + token_index) - mask_label = np.array(mask_label).astype("int64").reshape([-1, 1]) - mask_pos = np.array(mask_pos).astype("int64").reshape([-1, 1]) - return batch_tokens, mask_label, mask_pos - - -def prepare_batch_data(insts, - total_token_num, - voc_size=0, - pad_id=None, - cls_id=None, - sep_id=None, - mask_id=None, - return_input_mask=True, - return_max_len=True, - return_num_token=False): - """ - 1. generate Tensor of data - 2. generate Tensor of position - 3. generate self attention mask, [shape: batch_size * max_len * max_len] - """ - - batch_src_ids = [inst[0] for inst in insts] - batch_sent_ids = [inst[1] for inst in insts] - batch_pos_ids = [inst[2] for inst in insts] - seq_len = np.array( - [[len(inst[0])] for inst in insts]).astype("int64").reshape([-1, 1]) - labels_list = [] - # compatible with squad, whose example includes start/end positions, - # or unique id - - for i in range(3, len(insts[0]), 1): - labels = [inst[i] for inst in insts] - labels = np.array(labels).astype("int64").reshape([-1, 1]) - labels_list.append(labels) - - # First step: do mask without padding - if mask_id >= 0: - out, mask_label, mask_pos = mask( - batch_src_ids, - total_token_num, - vocab_size=voc_size, - CLS=cls_id, - SEP=sep_id, - MASK=mask_id) - else: - out = batch_src_ids - # Second step: padding - src_id, self_input_mask = pad_batch_data( - out, pad_idx=pad_id, return_input_mask=True) - pos_id = pad_batch_data( - batch_pos_ids, - pad_idx=pad_id, - return_pos=False, - return_input_mask=False) - sent_id = pad_batch_data( - batch_sent_ids, - pad_idx=pad_id, - return_pos=False, - return_input_mask=False) - - if mask_id >= 0: - return_list = [ - src_id, pos_id, sent_id, self_input_mask, mask_label, mask_pos - ] + labels_list - else: - return_list = [src_id, pos_id, sent_id, self_input_mask, seq_len - ] + labels_list - - return return_list if len(return_list) > 1 else return_list[0] - - -def pad_batch_data(insts, - pad_idx=0, - return_pos=False, - return_input_mask=False, - return_max_len=False, - return_num_token=False, - return_seq_len=False): - """ - Pad the instances to the max sequence length in batch, and generate the - corresponding position data and input mask. - """ - return_list = [] - max_len = max(len(inst) for inst in insts) - # Any token included in dict can be used to pad, since the paddings' loss - # will be masked out by weights and make no effect on parameter gradients. - - inst_data = np.array([ - list(inst) + list([pad_idx] * (max_len - len(inst))) for inst in insts - ]) - return_list += [inst_data.astype("int64").reshape([-1, max_len, 1])] - - # position data - if return_pos: - inst_pos = np.array([ - list(range(0, len(inst))) + [pad_idx] * (max_len - len(inst)) - for inst in insts - ]) - - return_list += [inst_pos.astype("int64").reshape([-1, max_len, 1])] - - if return_input_mask: - # This is used to avoid attention on paddings. - input_mask_data = np.array( - [[1] * len(inst) + [0] * (max_len - len(inst)) for inst in insts]) - input_mask_data = np.expand_dims(input_mask_data, axis=-1) - return_list += [input_mask_data.astype("float32")] - - if return_max_len: - return_list += [max_len] - - if return_num_token: - num_token = 0 - for inst in insts: - num_token += len(inst) - return_list += [num_token] - if return_seq_len: - seq_len = np.array([[len(inst)] for inst in insts]) - return_list += [seq_len.astype("int64").reshape([-1, 1])] - return return_list if len(return_list) > 1 else return_list[0] - - -if __name__ == "__main__": - pass diff --git a/PaddleNLP/Research/NAACL2019-MPM/classifier.py b/PaddleNLP/Research/NAACL2019-MPM/classifier.py deleted file mode 100644 index 8ca3077a0d7094602a090f6ad662c11bf21b56b4..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/NAACL2019-MPM/classifier.py +++ /dev/null @@ -1,135 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Model for classifier.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function -import sys -import numpy as np -import paddle.fluid as fluid - -sys.path.append("./BERT") -from model.bert import BertModel - - -def create_model(args, - pyreader_name, - bert_config, - num_labels, - is_prediction=False): - """ - define fine-tuning model - """ - if args.binary: - pyreader = fluid.layers.py_reader( - capacity=50, - shapes=[[-1, args.max_seq_len, 1], [-1, args.max_seq_len, 1], - [-1, args.max_seq_len, 1], [-1, args.max_seq_len, 1], - [-1, 1], [-1, 1]], - dtypes=['int64', 'int64', 'int64', 'float32', 'int64', 'int64'], - lod_levels=[0, 0, 0, 0, 0, 0], - name=pyreader_name, - use_double_buffer=True) - - (src_ids, pos_ids, sent_ids, input_mask, seq_len, - labels) = fluid.layers.read_file(pyreader) - - bert = BertModel( - src_ids=src_ids, - position_ids=pos_ids, - sentence_ids=sent_ids, - input_mask=input_mask, - config=bert_config, - use_fp16=args.use_fp16) - - if args.sub_model_type == 'raw': - cls_feats = bert.get_pooled_output() - - elif args.sub_model_type == 'cnn': - bert_seq_out = bert.get_sequence_output() - bert_seq_out = fluid.layers.sequence_unpad(bert_seq_out, seq_len) - cnn_hidden_size = 100 - convs = [] - for h in [3, 4, 5]: - conv_feats = fluid.layers.sequence_conv( - input=bert_seq_out, num_filters=cnn_hidden_size, filter_size=h) - conv_feats = fluid.layers.batch_norm(input=conv_feats, act="relu") - conv_feats = fluid.layers.sequence_pool( - input=conv_feats, pool_type='max') - convs.append(conv_feats) - - cls_feats = fluid.layers.concat(input=convs, axis=1) - - elif args.sub_model_type == 'gru': - bert_seq_out = bert.get_sequence_output() - bert_seq_out = fluid.layers.sequence_unpad(bert_seq_out, seq_len) - gru_hidden_size = 1024 - gru_input = fluid.layers.fc(input=bert_seq_out, - size=gru_hidden_size * 3) - gru_forward = fluid.layers.dynamic_gru( - input=gru_input, size=gru_hidden_size, is_reverse=False) - gru_backward = fluid.layers.dynamic_gru( - input=gru_input, size=gru_hidden_size, is_reverse=True) - gru_output = fluid.layers.concat([gru_forward, gru_backward], axis=1) - cls_feats = fluid.layers.sequence_pool( - input=gru_output, pool_type='max') - - elif args.sub_model_type == 'ffa': - bert_seq_out = bert.get_sequence_output() - attn = fluid.layers.fc(input=bert_seq_out, - num_flatten_dims=2, - size=1, - act='tanh') - attn = fluid.layers.softmax(attn) - weighted_input = bert_seq_out * attn - weighted_input = fluid.layers.sequence_unpad(weighted_input, seq_len) - cls_feats = fluid.layers.sequence_pool(weighted_input, pool_type='sum') - - else: - raise NotImplementedError("%s is not implemented!" % - args.sub_model_type) - - cls_feats = fluid.layers.dropout( - x=cls_feats, - dropout_prob=0.1, - dropout_implementation="upscale_in_train") - - logits = fluid.layers.fc( - input=cls_feats, - size=num_labels, - param_attr=fluid.ParamAttr( - name="cls_out_w", - initializer=fluid.initializer.TruncatedNormal(scale=0.02)), - bias_attr=fluid.ParamAttr( - name="cls_out_b", initializer=fluid.initializer.Constant(0.))) - probs = fluid.layers.softmax(logits) - - if is_prediction: - feed_targets_name = [ - src_ids.name, pos_ids.name, sent_ids.name, input_mask.name - ] - return pyreader, probs, feed_targets_name - - ce_loss = fluid.layers.softmax_with_cross_entropy( - logits=logits, label=labels) - loss = fluid.layers.mean(x=ce_loss) - - if args.use_fp16 and args.loss_scaling > 1.0: - loss *= args.loss_scaling - - num_seqs = fluid.layers.create_tensor(dtype='int64') - accuracy = fluid.layers.accuracy(input=probs, label=labels, total=num_seqs) - - return (pyreader, loss, probs, accuracy, labels, num_seqs) diff --git a/PaddleNLP/Research/NAACL2019-MPM/data/keywords b/PaddleNLP/Research/NAACL2019-MPM/data/keywords deleted file mode 100644 index 5dd30a78a58dcaef97cefdea462c50d91fb78be0..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/NAACL2019-MPM/data/keywords +++ /dev/null @@ -1,192 +0,0 @@ -should -be -Please -please -add -Allow -could -Add -make -need -Make -like -Provide -for -to -needs -support -a -fix -allow -provide -Feedly -suggest -Create -want -so -option -would -remove -maybe -API -feedly -us -give -integration -google -least -nice -better -as -back -feeds -wish -control -games -by -Should -helpful -also -function -d -bring -must -XAML -might -Can -custom -default -RSS -if -history -Let -author -let -in -developers -lock -from -engine -too -Include -Could -useful -textbox -feed -allowing -can -Get -feedback -extend -attributes -without -user -Enable -Would -or -property -into -functionality -specific -APP -Change -love -possibility -ALL -Give -Remove -ability -more -display -including -enable -Dialog -Twitter -improve -mark -If -UWP -single -information -consider -concept -clock -multi -performance -minute -suggestion -Update -reset -OneDrive -through -keyboard -specified -Bring -And -net -really -wanted -tools -So -include -these -service -articles -Adding -Maybe -life -controller -screenshots -manifest -making -Project -users -with -filters -email -straight -Why -think -optional -bar -trust -needed -Have -APIs -full -based -3rd -unless -greatly -e -great -Use -enabled -Center -Allowing -Preview -see -string -adding -individual -events -downloading -ru -we -re -window -everyone -priority -percentage -OPML -method -Download -ShowAsync -export -cool -Cortana -localization -your -case -per -opinion diff --git a/PaddleNLP/Research/NAACL2019-MPM/data/mpm.png b/PaddleNLP/Research/NAACL2019-MPM/data/mpm.png deleted file mode 100644 index ce125a7388c664312bbf335eee40573da6a252e7..0000000000000000000000000000000000000000 Binary files a/PaddleNLP/Research/NAACL2019-MPM/data/mpm.png and /dev/null differ diff --git a/PaddleNLP/Research/NAACL2019-MPM/evaluation.py b/PaddleNLP/Research/NAACL2019-MPM/evaluation.py deleted file mode 100644 index 8170f11bba1b01d6f476da05e00c8a7c8be7ede1..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/NAACL2019-MPM/evaluation.py +++ /dev/null @@ -1,88 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""script for ensemble and evaluation.""" - -import os -import sys -import csv -import numpy as np -from sklearn.metrics import f1_score - -label_file = sys.argv[1] -prob_file_1 = sys.argv[2] -prob_file_2 = sys.argv[3] -prob_file_3 = sys.argv[4] -prob_file_4 = sys.argv[5] - - -def get_labels(input_file): - """ - get labels labels true labels file. - """ - readers = csv.reader(open(input_file, "r"), delimiter=',') - lines = [] - for line in readers: - lines.append(int(line[2])) - return lines - - -def get_probs(input_file): - """ - get probs from input file. - """ - return [float(i.strip('\n')) for i in open(input_file)] - - -def get_pred(probs, threshold=0.5): - """ - get prediction from probs. - """ - pred = [] - for p in probs: - if p >= threshold: - pred.append(1) - else: - pred.append(0) - return pred - - -def vote(pred_list): - """ - get vote result from prediction list. - """ - pred_list = np.array(pred_list).transpose() - preds = [] - for p in pred_list: - counts = np.bincount(p) - preds.append(np.argmax(counts)) - return preds - - -def cal_f1(preds, labels): - """ - calculate f1 score. - """ - return f1_score(np.array(labels), np.array(preds)) - - -labels = get_labels(label_file) - -file_list = [prob_file_1, prob_file_2, prob_file_3, prob_file_4] -pred_list = [] -for f in file_list: - pred_list.append(get_pred(get_probs(f))) - -pred_ensemble = vote(pred_list) - -print("all model ensemble(vote) f1: %.5f " % cal_f1(pred_ensemble, labels)) diff --git a/PaddleNLP/Research/NAACL2019-MPM/reader.py b/PaddleNLP/Research/NAACL2019-MPM/reader.py deleted file mode 100644 index 6813f3dac235b96dc27ac39659204ecbe89f6b30..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/NAACL2019-MPM/reader.py +++ /dev/null @@ -1,557 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -""" module for data reader """ - -import os -import sys -import re -import types -import csv -import random -import numpy as np - -from batching import prepare_batch_data - -sys.path.append('./BERT') -import tokenization - - -class DataProcessor(object): - """Base class for data converters for sequence classification data sets.""" - - def __init__(self, - data_dir, - vocab_path, - max_seq_len, - do_lower_case, - in_tokens, - random_seed=None): - self.data_dir = data_dir - self.max_seq_len = max_seq_len - self.tokenizer = tokenization.FullTokenizer( - vocab_file=vocab_path, do_lower_case=do_lower_case) - self.vocab = self.tokenizer.vocab - self.in_tokens = in_tokens - - np.random.seed(random_seed) - - self.current_train_example = -1 - self.num_examples = {'train': -1, 'dev': -1, 'test': -1} - self.current_train_epoch = -1 - - def get_train_examples(self, data_dir, drop_keyword): - """Gets a collection of `InputExample`s for the train set.""" - raise NotImplementedError() - - def get_dev_examples(self, data_dir): - """Gets a collection of `InputExample`s for the dev set.""" - raise NotImplementedError() - - def get_test_examples(self, data_dir): - """Gets a collection of `InputExample`s for prediction.""" - raise NotImplementedError() - - def get_labels(self): - """Gets the list of labels for this data set.""" - raise NotImplementedError() - - def convert_example(self, index, example, labels, max_seq_len, tokenizer): - """Converts a single `InputExample` into a single `InputFeatures`.""" - feature = convert_single_example(index, example, labels, max_seq_len, - tokenizer) - return feature - - def generate_instance(self, feature): - """ - generate instance with given feature - - Args: - feature: InputFeatures(object). A single set of features of data. - """ - input_pos = list(range(len(feature.input_ids))) - return [ - feature.input_ids, feature.segment_ids, input_pos, feature.label_id - ] - - def generate_batch_data(self, - batch_data, - total_token_num, - voc_size=-1, - mask_id=-1, - return_input_mask=True, - return_max_len=False, - return_num_token=False): - """Generate batch data.""" - return prepare_batch_data( - batch_data, - total_token_num, - voc_size=-1, - pad_id=self.vocab["[PAD]"], - cls_id=self.vocab["[CLS]"], - sep_id=self.vocab["[SEP]"], - mask_id=-1, - return_input_mask=True, - return_max_len=False, - return_num_token=False) - - @classmethod - def _read_tsv(cls, input_file, quotechar=None): - """Reads a tab separated value file.""" - with open(input_file, "r") as f: - reader = csv.reader(f, delimiter="\t", quotechar=quotechar) - lines = [] - for line in reader: - lines.append(line) - return lines - - def get_num_examples(self, phase): - """Get number of examples for train, dev or test.""" - if phase not in ['train', 'dev', 'test']: - raise ValueError( - "Unknown phase, which should be in ['train', 'dev', 'test'].") - return self.num_examples[phase] - - def get_train_progress(self): - """Gets progress for training phase.""" - return self.current_train_example, self.current_train_epoch - - def data_generator_for_kfold(self, - examples, - batch_size, - phase='train', - epoch=1, - dev_count=1, - shuffle=True): - """ - Generate data for train, dev or test. - - Args: - examples: list. Train, dev or test data. - batch_size: int. The batch size of generated data. - phase: string. The phase for which to generate data. - epoch: int. Total epoches to generate data. - shuffle: bool. Whether to shuffle examples. - """ - if phase == 'train': - self.num_examples['train'] = len(examples) - elif phase == 'dev': - self.num_examples['dev'] = len(examples) - elif phase == 'test': - self.num_examples['test'] = len(examples) - else: - raise ValueError( - "Unknown phase, which should be in ['train', 'dev', 'test'].") - - def instance_reader(): - """Process sinle example and return.""" - for epoch_index in range(epoch): - if shuffle: - np.random.shuffle(examples) - if phase == 'train': - self.current_train_epoch = epoch_index - for (index, example) in enumerate(examples): - if phase == 'train': - self.current_train_example = index + 1 - feature = self.convert_example( - index, example, - self.get_labels(), self.max_seq_len, self.tokenizer) - - instance = self.generate_instance(feature) - yield instance - - def batch_reader(reader, batch_size, in_tokens): - """Generate batch data and return.""" - batch, total_token_num, max_len = [], 0, 0 - for instance in reader(): - token_ids, sent_ids, pos_ids, label = instance[:4] - max_len = max(max_len, len(token_ids)) - if in_tokens: - to_append = (len(batch) + 1) * max_len <= batch_size - else: - to_append = len(batch) < batch_size - if to_append: - batch.append(instance) - total_token_num += len(token_ids) - else: - yield batch, total_token_num - batch, total_token_num, max_len = [instance], len( - token_ids), len(token_ids) - - if len(batch) > 0: - yield batch, total_token_num - - def wrapper(): - """Data wrapeer.""" - all_dev_batches = [] - for batch_data, total_token_num in batch_reader( - instance_reader, batch_size, self.in_tokens): - batch_data = self.generate_batch_data( - batch_data, - total_token_num, - voc_size=-1, - mask_id=-1, - return_input_mask=True, - return_max_len=False, - return_num_token=False) - if len(all_dev_batches) < dev_count: - all_dev_batches.append(batch_data) - - if len(all_dev_batches) == dev_count: - for batch in all_dev_batches: - yield batch - all_dev_batches = [] - - return wrapper - - def data_generator(self, - batch_size, - phase='train', - epoch=1, - dev_count=1, - shuffle=True, - drop_keyword=False): - """ - Generate data for train, dev or test. - - Args: - batch_size: int. The batch size of generated data. - phase: string. The phase for which to generate data. - epoch: int. Total epoches to generate data. - shuffle: bool. Whether to shuffle examples. - """ - if phase == 'train': - examples = self.get_train_examples( - self.data_dir, drop_keyword=drop_keyword) - self.num_examples['train'] = len(examples) - elif phase == 'dev': - examples = self.get_dev_examples(self.data_dir) - self.num_examples['dev'] = len(examples) - elif phase == 'test': - examples = self.get_test_examples(self.data_dir) - self.num_examples['test'] = len(examples) - else: - raise ValueError( - "Unknown phase, which should be in ['train', 'dev', 'test'].") - - def instance_reader(): - """Process sinle example and return.""" - for epoch_index in range(epoch): - if shuffle: - np.random.shuffle(examples) - if phase == 'train': - self.current_train_epoch = epoch_index - for (index, example) in enumerate(examples): - if phase == 'train': - self.current_train_example = index + 1 - feature = self.convert_example( - index, example, - self.get_labels(), self.max_seq_len, self.tokenizer) - - instance = self.generate_instance(feature) - yield instance - - def batch_reader(reader, batch_size, in_tokens): - """Generate batch data and return.""" - batch, total_token_num, max_len = [], 0, 0 - for instance in reader(): - token_ids, sent_ids, pos_ids, label = instance[:4] - max_len = max(max_len, len(token_ids)) - if in_tokens: - to_append = (len(batch) + 1) * max_len <= batch_size - else: - to_append = len(batch) < batch_size - if to_append: - batch.append(instance) - total_token_num += len(token_ids) - else: - yield batch, total_token_num - batch, total_token_num, max_len = [instance], len( - token_ids), len(token_ids) - - if len(batch) > 0: - yield batch, total_token_num - - def wrapper(): - """Data wrapeer.""" - all_dev_batches = [] - for batch_data, total_token_num in batch_reader( - instance_reader, batch_size, self.in_tokens): - batch_data = self.generate_batch_data( - batch_data, - total_token_num, - voc_size=-1, - mask_id=-1, - return_input_mask=True, - return_max_len=False, - return_num_token=False) - if len(all_dev_batches) < dev_count: - all_dev_batches.append(batch_data) - - if len(all_dev_batches) == dev_count: - for batch in all_dev_batches: - yield batch - all_dev_batches = [] - - return wrapper - - -class InputExample(object): - """A single training/test example for simple sequence classification.""" - - def __init__(self, guid, text_a, text_b=None, label=None): - """Constructs a InputExample. - - Args: - guid: Unique id for the example. - text_a: string. The untokenized text of the first sequence. For single - sequence tasks, only this sequence must be specified. - text_b: (Optional) string. The untokenized text of the second sequence. - Only must be specified for sequence pair tasks. - label: (Optional) string. The label of the example. This should be - specified for train and dev examples, but not for test examples. - """ - self.guid = guid - self.text_a = text_a - self.text_b = text_b - self.label = label - - -def _truncate_seq_pair(tokens_a, tokens_b, max_length): - """Truncates a sequence pair in place to the maximum length.""" - - # This is a simple heuristic which will always truncate the longer sequence - # one token at a time. This makes more sense than truncating an equal percent - # of tokens from each, since if one sequence is very short then each token - # that's truncated likely contains more information than a longer sequence. - while True: - total_length = len(tokens_a) + len(tokens_b) - if total_length <= max_length: - break - if len(tokens_a) > len(tokens_b): - tokens_a.pop() - else: - tokens_b.pop() - - -class InputFeatures(object): - """A single set of features of data.""" - - def __init__(self, input_ids, input_mask, segment_ids, label_id): - self.input_ids = input_ids - self.input_mask = input_mask - self.segment_ids = segment_ids - self.label_id = label_id - - -class SemevalTask9Processor(DataProcessor): - """Processor for Semeval Task9 data set.""" - - def get_train_examples(self, data_dir, header=False, drop_keyword=False): - lines = self._read_csv(data_dir + '/V1.4_Training.csv') - examples = [] - if drop_keyword: - keywords = [ - line.strip() for line in open(data_dir + '/../keywords') - ] - - for i, line in enumerate(lines): - if i == 0 and header: - continue - guid = line[0] - text_a = tokenization.convert_to_unicode(line[1]) - text_a = clean_str(text_a) - - if drop_keyword: - new_tokens = [] - for w in text_a.split(' '): - if w in keywords and random.random() > 0.8: - continue - new_tokens.append(w) - text_a = ' '.join(new_tokens) - text_b = None - label = line[2] - examples.append( - InputExample( - guid=guid, text_a=text_a, text_b=text_b, label=label)) - return examples - - def get_dev_examples(self, data_dir, header=True): - lines = self._read_csv(data_dir + '/SubtaskA_Trial_Test_Labeled.csv') - examples = [] - for i, line in enumerate(lines): - if i == 0 and header: - continue - guid = line[0] - text_a = clean_str(line[1]) - text_a = tokenization.convert_to_unicode(text_a) - text_b = None - label = line[2] - examples.append( - InputExample( - guid=guid, text_a=text_a, text_b=text_b, label=label)) - return examples - - def get_test_examples(self, data_dir, header=False): - lines = self._read_csv(data_dir + - '/SubtaskA_EvaluationData_labeled.csv') - examples = [] - for i, line in enumerate(lines): - if i == 0 and header: - continue - guid = line[0] - text_a = clean_str(line[1]) - text_a = tokenization.convert_to_unicode(text_a) - text_b = None - label = line[2] - examples.append( - InputExample( - guid=guid, text_a=text_a, text_b=text_b, label=label)) - return examples - - def get_labels(self): - """See base class.""" - return ["0", "1"] - - @classmethod - def _read_csv(cls, input_file): - """Reads a comma separated value file.""" - readers = csv.reader(open(input_file, "r"), delimiter=',') - lines = [] - for line in readers: - lines.append(line) - return lines - - -def clean_str(string): - """ - Tokenization/string cleaning for all datasets except for SST. - Original taken from https://github.com/yoonkim/CNN_sentence/blob/master/process_data.py - """ - string = string.strip('\n').replace('\n', ' ') - string = re.sub(r"[^A-Za-z0-9(),!?\'\`]", " ", string) - string = re.sub(r"\'s", " \'s", string) - string = re.sub(r"\'ve", " \'ve", string) - string = re.sub(r"n\'t", " n\'t", string) - string = re.sub(r"\'re", " \'re", string) - string = re.sub(r"\'d", " \'d", string) - string = re.sub(r"\'ll", " \'ll", string) - string = re.sub(r",", " , ", string) - string = re.sub(r"!", " ! ", string) - string = re.sub(r"\(", " ( ", string) - string = re.sub(r"\)", " ) ", string) - string = re.sub(r"\?", " ? ", string) - string = re.sub(r"\s{2,}", " ", string) - return string - - -def convert_single_example_to_unicode(guid, single_example): - """Convert single example to unicode.""" - text_a = tokenization.convert_to_unicode(single_example[0]) - text_b = tokenization.convert_to_unicode(single_example[1]) - label = tokenization.convert_to_unicode(single_example[2]) - return InputExample(guid=guid, text_a=text_a, text_b=text_b, label=label) - - -def convert_single_example(ex_index, example, label_list, max_seq_length, - tokenizer): - """Converts a single `InputExample` into a single `InputFeatures`.""" - label_map = {} - for (i, label) in enumerate(label_list): - label_map[label] = i - - tokens_a = tokenizer.tokenize(example.text_a) - tokens_b = None - if example.text_b: - tokens_b = tokenizer.tokenize(example.text_b) - - if tokens_b: - # Modifies `tokens_a` and `tokens_b` in place so that the total - # length is less than the specified length. - # Account for [CLS], [SEP], [SEP] with "- 3" - _truncate_seq_pair(tokens_a, tokens_b, max_seq_length - 3) - else: - # Account for [CLS] and [SEP] with "- 2" - if len(tokens_a) > max_seq_length - 2: - tokens_a = tokens_a[0:(max_seq_length - 2)] - - # The convention in BERT is: - # (a) For sequence pairs: - # tokens: [CLS] is this jack ##son ##ville ? [SEP] no it is not . [SEP] - # type_ids: 0 0 0 0 0 0 0 0 1 1 1 1 1 1 - # (b) For single sequences: - # tokens: [CLS] the dog is hairy . [SEP] - # type_ids: 0 0 0 0 0 0 0 - # - # Where "type_ids" are used to indicate whether this is the first - # sequence or the second sequence. The embedding vectors for `type=0` and - # `type=1` were learned during pre-training and are added to the wordpiece - # embedding vector (and position vector). This is not *strictly* necessary - # since the [SEP] token unambiguously separates the sequences, but it makes - # it easier for the model to learn the concept of sequences. - # - # For classification tasks, the first vector (corresponding to [CLS]) is - # used as as the "sentence vector". Note that this only makes sense because - # the entire model is fine-tuned. - tokens = [] - segment_ids = [] - tokens.append("[CLS]") - segment_ids.append(0) - for token in tokens_a: - tokens.append(token) - segment_ids.append(0) - tokens.append("[SEP]") - segment_ids.append(0) - - if tokens_b: - for token in tokens_b: - tokens.append(token) - segment_ids.append(1) - tokens.append("[SEP]") - segment_ids.append(1) - - input_ids = tokenizer.convert_tokens_to_ids(tokens) - - # The mask has 1 for real tokens and 0 for padding tokens. Only real - # tokens are attended to. - - input_mask = [1] * len(input_ids) - - label_id = label_map[example.label] - - feature = InputFeatures( - input_ids=input_ids, - input_mask=input_mask, - segment_ids=segment_ids, - label_id=label_id) - return feature - - -def convert_examples_to_features(examples, label_list, max_seq_length, - tokenizer): - """Convert a set of `InputExample`s to a list of `InputFeatures`.""" - - features = [] - for (ex_index, example) in enumerate(examples): - if ex_index % 10000 == 0: - print("Writing example %d of %d" % (ex_index, len(examples))) - - feature = convert_single_example(ex_index, example, label_list, - max_seq_length, tokenizer) - - features.append(feature) - return features - - -if __name__ == '__main__': - pass diff --git a/PaddleNLP/Research/NAACL2019-MPM/run_classifier.py b/PaddleNLP/Research/NAACL2019-MPM/run_classifier.py deleted file mode 100644 index 40fa4de4de319f7bde3795f27e8a0192f4284928..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/NAACL2019-MPM/run_classifier.py +++ /dev/null @@ -1,737 +0,0 @@ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -"""Finetuning on classification tasks.""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import os -import sys -import time -import argparse -import numpy as np -import multiprocessing - -import paddle -import paddle.fluid as fluid -from classifier import create_model -import reader - -sys.path.append("./BERT") -from model.bert import BertConfig -from optimization import optimization -from utils.args import ArgumentGroup, print_arguments -from utils.init import init_pretraining_params, init_checkpoint -import scipy -from sklearn.model_selection import KFold, StratifiedKFold - -# yapf: disable -parser = argparse.ArgumentParser(__doc__) -model_g = ArgumentGroup(parser, "model", "model configuration and paths.") -model_g.add_arg("bert_config_path", str, None, "Path to the json file for bert model config.") -model_g.add_arg("init_checkpoint", str, None, "Init checkpoint to resume training from.") -model_g.add_arg("init_pretraining_params", str, None, - "Init pre-training params which preforms fine-tuning from. If the " - "arg 'init_checkpoint' has been set, this argument wouldn't be valid.") -model_g.add_arg("checkpoints", str, "checkpoints", "Path to save checkpoints.") - -train_g = ArgumentGroup(parser, "training", "training options.") -train_g.add_arg("epoch", int, 3, "Number of epoches for fine-tuning.") -train_g.add_arg("learning_rate", float, 5e-5, "Learning rate used to train with warmup.") -train_g.add_arg("lr_scheduler", str, "linear_warmup_decay", - "scheduler of learning rate.", choices=['linear_warmup_decay', 'noam_decay']) -train_g.add_arg("weight_decay", float, 0.01, "Weight decay rate for L2 regularizer.") -train_g.add_arg("warmup_proportion", float, 0.1, - "Proportion of training steps to perform linear learning rate warmup for.") -train_g.add_arg("save_steps", int, 10000, "The steps interval to save checkpoints.") -train_g.add_arg("validation_steps", int, 1000, "The steps interval to evaluate model performance.") -train_g.add_arg("use_fp16", bool, False, "Whether to use fp16 mixed precision training.") -train_g.add_arg("loss_scaling", float, 1.0, - "Loss scaling factor for mixed precision training, only valid when use_fp16 is enabled.") - -log_g = ArgumentGroup(parser, "logging", "logging related.") -log_g.add_arg("skip_steps", int, 10, "The steps interval to print loss.") -log_g.add_arg("verbose", bool, False, "Whether to output verbose log.") - -data_g = ArgumentGroup(parser, "data", "Data paths, vocab paths and data processing options") -data_g.add_arg("data_dir", str, None, "Path to training data.") -data_g.add_arg("vocab_path", str, None, "Vocabulary path.") -data_g.add_arg("max_seq_len", int, 512, "Number of words of the longest seqence.") -data_g.add_arg("batch_size", int, 32, "Total examples' number in batch for training. see also --in_tokens.") -data_g.add_arg("in_tokens", bool, False, - "If set, the batch size will be the maximum number of tokens in one batch. " - "Otherwise, it will be the maximum number of examples in one batch.") -data_g.add_arg("do_lower_case", bool, True, - "Whether to lower case the input text. Should be True for uncased models and False for cased models.") -data_g.add_arg("random_seed", int, 0, "Random seed.") - -run_type_g = ArgumentGroup(parser, "run_type", "running type options.") -run_type_g.add_arg("use_cuda", bool, True, "If set, use GPU for training.") -run_type_g.add_arg("use_fast_executor", bool, False, "If set, use fast parallel executor (in experiment).") -run_type_g.add_arg("num_iteration_per_drop_scope", int, 1, "Ihe iteration intervals to clean up temporary variables.") -run_type_g.add_arg("task_name", str, "sem", - "The name of task to perform fine-tuning, should be in {'xnli', 'mnli', 'cola', 'mrpc'}.") -run_type_g.add_arg("sub_model_type", str, "raw", - "The type of sub model to use, should be in {'raw', 'cnn', 'gru', ffa}.") -run_type_g.add_arg("ksplit", int, -1, - "if ksplit > 0, use kfold training") -run_type_g.add_arg("drop_keyword", bool, False, - "if drop keyword for data augmentation.") -run_type_g.add_arg("kfold_type", str, "normal", - "The type of kfold should be in {'normal', 'stratified'}") -run_type_g.add_arg("binary", bool, True, "if is binary classification.") -run_type_g.add_arg("do_train", bool, True, "Whether to perform training.") -run_type_g.add_arg("do_val", bool, True, "Whether to perform evaluation on dev data set.") -run_type_g.add_arg("do_test", bool, True, "Whether to perform evaluation on test data set.") - -args = parser.parse_args() - - -# yapf: enable. - - -def evaluate(exe, test_program, test_pyreader, fetch_list, eval_phase): - """ - evaluation for dev and test dataset. - """ - test_pyreader.start() - total_cost, total_acc, total_num_seqs = 0.0, 0.0, 0.0 - total_label_pos_num, total_pred_pos_num, total_correct_num = 0.0, 0.0, 0.0 - qids, labels, scores = [], [], [] - time_begin = time.time() - while True: - try: - np_loss, np_acc, np_probs, np_labels, np_num_seqs = exe.run( - program=test_program, fetch_list=fetch_list) - total_cost += np.sum(np_loss * np_num_seqs) - total_acc += np.sum(np_acc * np_num_seqs) - total_num_seqs += np.sum(np_num_seqs) - labels.extend(np_labels.reshape((-1)).tolist()) - scores.extend(np_probs[:, 1].reshape(-1).tolist()) - np_preds = np.argmax(np_probs, axis=1).astype(np.float32) - total_label_pos_num += np.sum(np_labels) - total_pred_pos_num += np.sum(np_preds) - total_correct_num += np.sum(np.dot(np_preds, np_labels)) - except fluid.core.EOFException: - test_pyreader.reset() - break - time_end = time.time() - - r = total_correct_num / total_label_pos_num - p = total_correct_num / total_pred_pos_num - f = 2 * p * r / (p + r) - - print( - "[%s evaluation] ave loss: %f, ave_acc: %f, p: %f, r: %f, f1: %f, data_num: %d, elapsed time: %f s" - % (eval_phase, total_cost / total_num_seqs, - total_acc / total_num_seqs, p, r, f, total_num_seqs, - time_end - time_begin)) - - -def predict(exe, test_program, test_pyreader, fetch_list, eval_phase, output_file): - """ - predict function - """ - test_pyreader.start() - qids, scores = [], [] - time_begin = time.time() - while True: - try: - np_probs, np_num_seqs = exe.run( - program=test_program, fetch_list=fetch_list) - scores.extend(np_probs[:, 1].reshape(-1).tolist()) - except fluid.core.EOFException: - test_pyreader.reset() - break - time_end = time.time() - with open(output_file, 'w') as w: - for prob in scores: - w.write(str(prob) + '\n') - - -def train_kfold(args): - """ - main program for training kfold. - """ - task_name = args.task_name.lower() - processors = { - 'sem': reader.SemevalTask9Processor, - } - - processor = processors[task_name](data_dir=args.data_dir, - vocab_path=args.vocab_path, - max_seq_len=args.max_seq_len, - do_lower_case=args.do_lower_case, - in_tokens=args.in_tokens, - random_seed=args.random_seed) - - if not (args.do_train or args.do_val or args.do_test): - raise ValueError("For args `do_train`, `do_val` and `do_test`, at " - "least one of them must be True.") - - train_examples = processor.get_train_examples(args.data_dir, drop_keyword=args.drop_keyword) - test_examples = processor.get_test_examples(args.data_dir) - - if args.kfold_type == 'normal': - kf = KFold(n_splits=args.ksplit, shuffle=True, random_state=args.random_seed) - kf_iter = kf.split(train_examples) - elif args.kfold_type == 'stratified': - kf = StratifiedKFold(n_splits=args.ksplit, shuffle=True, random_state=args.random_seed) - train_labels = [e.label for e in train_examples] - kf_iter = kf.split(train_examples, train_labels) - else: - raise NotImplementedError("%s is not implemented" % args.kfold_type) - - for fold, (train_idx, val_idx) in enumerate(kf_iter): - print("==================== fold %d ===================" % fold) - train_fold = np.array(train_examples)[train_idx] - dev_fold = np.array(train_examples)[val_idx] - test_examples = np.array(test_examples) - kfold_program(args, processor, train_fold, dev_fold, test_examples, str(fold)) - - -def kfold_program(args, processor, train_examples, dev_examples, test_examples, fold): - """ - training program for kfold. - """ - bert_config = BertConfig(args.bert_config_path) - bert_config.print_config() - - if args.use_cuda: - place = fluid.CUDAPlace(int(os.getenv('FLAGS_selected_gpus', '0'))) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - exe = fluid.Executor(place) - - num_labels = len(processor.get_labels()) - - if not (args.do_train or args.do_val or args.do_test): - raise ValueError("For args `do_train`, `do_val` and `do_test`, at " - "least one of them must be True.") - - startup_prog = fluid.Program() - if args.random_seed is not None: - startup_prog.random_seed = args.random_seed - - if args.do_train: - train_data_generator = processor.data_generator_for_kfold( - examples=train_examples, - batch_size=args.batch_size, - phase='train', - epoch=args.epoch, - dev_count=dev_count, - shuffle=True) - - num_train_examples = processor.get_num_examples(phase='train') - - if args.in_tokens: - max_train_steps = args.epoch * num_train_examples // ( - args.batch_size // args.max_seq_len) // dev_count - else: - max_train_steps = args.epoch * num_train_examples // args.batch_size // dev_count - - warmup_steps = int(max_train_steps * args.warmup_proportion) - print("Device count: %d" % dev_count) - print("Num train examples: %d" % num_train_examples) - print("Max train steps: %d" % max_train_steps) - print("Num warmup steps: %d" % warmup_steps) - - train_program = fluid.Program() - - with fluid.program_guard(train_program, startup_prog): - with fluid.unique_name.guard(): - train_pyreader, loss, probs, accuracy, labels, num_seqs = create_model( - args, - pyreader_name=fold + 'train_reader', - bert_config=bert_config, - num_labels=num_labels) - scheduled_lr = optimization( - loss=loss, - warmup_steps=warmup_steps, - num_train_steps=max_train_steps, - learning_rate=args.learning_rate, - train_program=train_program, - startup_prog=startup_prog, - weight_decay=args.weight_decay, - scheduler=args.lr_scheduler, - use_fp16=args.use_fp16, - loss_scaling=args.loss_scaling) - - if args.verbose: - if args.in_tokens: - lower_mem, upper_mem, unit = fluid.contrib.memory_usage( - program=train_program, - batch_size=args.batch_size // args.max_seq_len) - else: - lower_mem, upper_mem, unit = fluid.contrib.memory_usage( - program=train_program, batch_size=args.batch_size) - print("Theoretical memory usage in training: %.3f - %.3f %s" % - (lower_mem, upper_mem, unit)) - - if args.do_val or args.do_test: - test_prog = fluid.Program() - with fluid.program_guard(test_prog, startup_prog): - with fluid.unique_name.guard(): - test_pyreader, loss, probs, accuracy, labels, num_seqs = create_model( - args, - pyreader_name=fold + 'test_reader', - bert_config=bert_config, - num_labels=num_labels) - - test_prog = test_prog.clone(for_test=True) - - exe.run(startup_prog) - - if args.do_train: - if args.init_checkpoint and args.init_pretraining_params: - print( - "WARNING: args 'init_checkpoint' and 'init_pretraining_params' " - "both are set! Only arg 'init_checkpoint' is made valid.") - if args.init_checkpoint: - init_checkpoint( - exe, - args.init_checkpoint, - main_program=startup_prog, - use_fp16=args.use_fp16) - elif args.init_pretraining_params: - init_pretraining_params( - exe, - args.init_pretraining_params, - main_program=startup_prog, - use_fp16=args.use_fp16) - elif args.do_val or args.do_test: - if not args.init_checkpoint: - raise ValueError("args 'init_checkpoint' should be set if" - "only doing validation or testing!") - init_checkpoint( - exe, - args.init_checkpoint, - main_program=startup_prog, - use_fp16=args.use_fp16) - - if args.do_train: - exec_strategy = fluid.ExecutionStrategy() - exec_strategy.use_experimental_executor = args.use_fast_executor - exec_strategy.num_threads = dev_count - exec_strategy.num_iteration_per_drop_scope = args.num_iteration_per_drop_scope - - train_exe = fluid.ParallelExecutor( - use_cuda=args.use_cuda, - loss_name=loss.name, - exec_strategy=exec_strategy, - main_program=train_program) - - train_pyreader.decorate_tensor_provider(train_data_generator) - else: - train_exe = None - - if args.do_val or args.do_test: - test_exe = fluid.ParallelExecutor( - use_cuda=args.use_cuda, - main_program=test_prog, - share_vars_from=train_exe) - - if args.do_train: - train_pyreader.start() - steps = 0 - total_cost, total_acc, total_num_seqs = [], [], [] - time_begin = time.time() - while True: - try: - steps += 1 - if steps % args.skip_steps == 0: - if warmup_steps <= 0: - fetch_list = [loss.name, accuracy.name, num_seqs.name] - else: - fetch_list = [ - loss.name, accuracy.name, scheduled_lr.name, - num_seqs.name - ] - else: - fetch_list = [] - - outputs = train_exe.run(fetch_list=fetch_list) - - if steps % args.skip_steps == 0: - if warmup_steps <= 0: - np_loss, np_acc, np_num_seqs = outputs - else: - np_loss, np_acc, np_lr, np_num_seqs = outputs - - total_cost.extend(np_loss * np_num_seqs) - total_acc.extend(np_acc * np_num_seqs) - total_num_seqs.extend(np_num_seqs) - - if args.verbose: - verbose = "train pyreader queue size: %d, " % train_pyreader.queue.size( - ) - verbose += "learning rate: %f" % ( - np_lr[0] - if warmup_steps > 0 else args.learning_rate) - print(verbose) - - current_example, current_epoch = processor.get_train_progress( - ) - time_end = time.time() - used_time = time_end - time_begin - print("epoch: %d, progress: %d/%d, step: %d, ave loss: %f, " - "ave acc: %f, speed: %f steps/s" % - (current_epoch, current_example, num_train_examples, - steps, np.sum(total_cost) / np.sum(total_num_seqs), - np.sum(total_acc) / np.sum(total_num_seqs), - args.skip_steps / used_time)) - total_cost, total_acc, total_num_seqs = [], [], [] - time_begin = time.time() - - if steps % args.save_steps == 0: - save_path = os.path.join(args.checkpoints, fold, - "step_" + str(steps)) - fluid.io.save_persistables(exe, save_path, train_program) - - if steps % args.validation_steps == 0: - # evaluate dev set - if args.do_val: - test_pyreader.decorate_tensor_provider( - processor.data_generator_for_kfold( - examples=dev_examples, - batch_size=args.batch_size, - phase='dev', - epoch=1, - dev_count=1, - shuffle=False)) - evaluate(exe, test_prog, test_pyreader, - [loss.name, accuracy.name, probs.name, labels.name, num_seqs.name], - "dev") - # evaluate test set - if args.do_test: - test_pyreader.decorate_tensor_provider( - processor.data_generator_for_kfold( - examples=test_examples, - batch_size=args.batch_size, - phase='test', - epoch=1, - dev_count=1, - shuffle=False)) - evaluate(exe, test_prog, test_pyreader, - [loss.name, accuracy.name, probs.name, labels.name, num_seqs.name], - "test") - except fluid.core.EOFException: - save_path = os.path.join(args.checkpoints, fold, "step_" + str(steps)) - fluid.io.save_persistables(exe, save_path, train_program) - train_pyreader.reset() - break - - # final eval on dev set - if args.do_val: - test_pyreader.decorate_tensor_provider( - processor.data_generator_for_kfold( - examples=dev_examples, - batch_size=args.batch_size, phase='dev', epoch=1, dev_count=1, - shuffle=False)) - print("Final validation result:") - evaluate(exe, test_prog, test_pyreader, - [loss.name, accuracy.name, probs.name, labels.name, num_seqs.name], "dev") - - # final eval on test set - if args.do_test: - test_pyreader.decorate_tensor_provider( - processor.data_generator_for_kfold( - examples=test_examples, - batch_size=args.batch_size, - phase='test', - epoch=1, - dev_count=1, - shuffle=False)) - print("Final test result:") - evaluate(exe, test_prog, test_pyreader, - [loss.name, accuracy.name, probs.name, labels.name, num_seqs.name], "test") - - exe.close() - - -def train_single(args): - """ - training program. - """ - bert_config = BertConfig(args.bert_config_path) - bert_config.print_config() - - if args.use_cuda: - place = fluid.CUDAPlace(int(os.getenv('FLAGS_selected_gpus', '0'))) - dev_count = fluid.core.get_cuda_device_count() - else: - place = fluid.CPUPlace() - dev_count = int(os.environ.get('CPU_NUM', multiprocessing.cpu_count())) - exe = fluid.Executor(place) - - task_name = args.task_name.lower() - processors = { - 'sem': reader.SemevalTask9Processor, - } - - processor = processors[task_name](data_dir=args.data_dir, - vocab_path=args.vocab_path, - max_seq_len=args.max_seq_len, - do_lower_case=args.do_lower_case, - in_tokens=args.in_tokens, - random_seed=args.random_seed) - num_labels = len(processor.get_labels()) - - if not (args.do_train or args.do_val or args.do_test): - raise ValueError("For args `do_train`, `do_val` and `do_test`, at " - "least one of them must be True.") - - startup_prog = fluid.Program() - if args.random_seed is not None: - startup_prog.random_seed = args.random_seed - - if args.do_train: - train_data_generator = processor.data_generator( - batch_size=args.batch_size, - phase='train', - epoch=args.epoch, - dev_count=dev_count, - shuffle=True, - drop_keyword=args.drop_keyword) - - num_train_examples = processor.get_num_examples(phase='train') - - if args.in_tokens: - max_train_steps = args.epoch * num_train_examples // ( - args.batch_size // args.max_seq_len) // dev_count - else: - max_train_steps = args.epoch * num_train_examples // args.batch_size // dev_count - - warmup_steps = int(max_train_steps * args.warmup_proportion) - print("Device count: %d" % dev_count) - print("Num train examples: %d" % num_train_examples) - print("Max train steps: %d" % max_train_steps) - print("Num warmup steps: %d" % warmup_steps) - - train_program = fluid.Program() - - with fluid.program_guard(train_program, startup_prog): - with fluid.unique_name.guard(): - train_pyreader, loss, probs, accuracy, labels, num_seqs = create_model( - args, - pyreader_name='train_reader', - bert_config=bert_config, - num_labels=num_labels) - scheduled_lr = optimization( - loss=loss, - warmup_steps=warmup_steps, - num_train_steps=max_train_steps, - learning_rate=args.learning_rate, - train_program=train_program, - startup_prog=startup_prog, - weight_decay=args.weight_decay, - scheduler=args.lr_scheduler, - use_fp16=args.use_fp16, - loss_scaling=args.loss_scaling) - - if args.verbose: - if args.in_tokens: - lower_mem, upper_mem, unit = fluid.contrib.memory_usage( - program=train_program, - batch_size=args.batch_size // args.max_seq_len) - else: - lower_mem, upper_mem, unit = fluid.contrib.memory_usage( - program=train_program, batch_size=args.batch_size) - print("Theoretical memory usage in training: %.3f - %.3f %s" % - (lower_mem, upper_mem, unit)) - - if args.do_val or args.do_test: - test_prog = fluid.Program() - with fluid.program_guard(test_prog, startup_prog): - with fluid.unique_name.guard(): - test_pyreader, loss, probs, accuracy, labels, num_seqs = create_model( - args, - pyreader_name='test_reader', - bert_config=bert_config, - num_labels=num_labels) - - test_prog = test_prog.clone(for_test=True) - - exe.run(startup_prog) - - if args.do_train: - if args.init_checkpoint and args.init_pretraining_params: - print( - "WARNING: args 'init_checkpoint' and 'init_pretraining_params' " - "both are set! Only arg 'init_checkpoint' is made valid.") - if args.init_checkpoint: - init_checkpoint( - exe, - args.init_checkpoint, - main_program=startup_prog, - use_fp16=args.use_fp16) - elif args.init_pretraining_params: - init_pretraining_params( - exe, - args.init_pretraining_params, - main_program=startup_prog, - use_fp16=args.use_fp16) - elif args.do_val or args.do_test: - if not args.init_checkpoint: - raise ValueError("args 'init_checkpoint' should be set if" - "only doing validation or testing!") - init_checkpoint( - exe, - args.init_checkpoint, - main_program=startup_prog, - use_fp16=args.use_fp16) - - if args.do_train: - exec_strategy = fluid.ExecutionStrategy() - exec_strategy.use_experimental_executor = args.use_fast_executor - exec_strategy.num_threads = dev_count - exec_strategy.num_iteration_per_drop_scope = args.num_iteration_per_drop_scope - - train_exe = fluid.ParallelExecutor( - use_cuda=args.use_cuda, - loss_name=loss.name, - exec_strategy=exec_strategy, - main_program=train_program) - - train_pyreader.decorate_tensor_provider(train_data_generator) - else: - train_exe = None - - if args.do_val or args.do_test: - test_exe = fluid.ParallelExecutor( - use_cuda=args.use_cuda, - main_program=test_prog, - share_vars_from=train_exe) - - if args.do_train: - train_pyreader.start() - steps = 0 - total_cost, total_acc, total_num_seqs = [], [], [] - time_begin = time.time() - while True: - try: - steps += 1 - if steps % args.skip_steps == 0: - if warmup_steps <= 0: - fetch_list = [loss.name, accuracy.name, num_seqs.name] - else: - fetch_list = [ - loss.name, accuracy.name, scheduled_lr.name, - num_seqs.name - ] - else: - fetch_list = [] - - outputs = train_exe.run(fetch_list=fetch_list) - - if steps % args.skip_steps == 0: - if warmup_steps <= 0: - np_loss, np_acc, np_num_seqs = outputs - else: - np_loss, np_acc, np_lr, np_num_seqs = outputs - - total_cost.extend(np_loss * np_num_seqs) - total_acc.extend(np_acc * np_num_seqs) - total_num_seqs.extend(np_num_seqs) - - if args.verbose: - verbose = "train pyreader queue size: %d, " % train_pyreader.queue.size( - ) - verbose += "learning rate: %f" % ( - np_lr[0] - if warmup_steps > 0 else args.learning_rate) - print(verbose) - - current_example, current_epoch = processor.get_train_progress( - ) - time_end = time.time() - used_time = time_end - time_begin - print("epoch: %d, progress: %d/%d, step: %d, ave loss: %f, " - "ave acc: %f, speed: %f steps/s" % - (current_epoch, current_example, num_train_examples, - steps, np.sum(total_cost) / np.sum(total_num_seqs), - np.sum(total_acc) / np.sum(total_num_seqs), - args.skip_steps / used_time)) - total_cost, total_acc, total_num_seqs = [], [], [] - time_begin = time.time() - - if steps % args.save_steps == 0: - save_path = os.path.join(args.checkpoints, - "step_" + str(steps)) - fluid.io.save_persistables(exe, save_path, train_program) - - if steps % args.validation_steps == 0: - # evaluate dev set - if args.do_val: - test_pyreader.decorate_tensor_provider( - processor.data_generator( - batch_size=args.batch_size, - phase='dev', - epoch=1, - dev_count=1, - shuffle=False)) - evaluate(exe, test_prog, test_pyreader, - [loss.name, accuracy.name, probs.name, labels.name, num_seqs.name], - "dev") - # evaluate test set - if args.do_test: - test_pyreader.decorate_tensor_provider( - processor.data_generator( - batch_size=args.batch_size, - phase='test', - epoch=1, - dev_count=1, - shuffle=False)) - evaluate(exe, test_prog, test_pyreader, - [loss.name, accuracy.name, probs.name, labels.name, num_seqs.name], - "test") - except fluid.core.EOFException: - save_path = os.path.join(args.checkpoints, "step_" + str(steps)) - fluid.io.save_persistables(exe, save_path, train_program) - train_pyreader.reset() - break - - # final eval on dev set - if args.do_val: - test_pyreader.decorate_tensor_provider( - processor.data_generator( - batch_size=args.batch_size, phase='dev', epoch=1, dev_count=1, - shuffle=False)) - print("Final validation result:") - evaluate(exe, test_prog, test_pyreader, - [loss.name, accuracy.name, probs.name, labels.name, num_seqs.name], "dev") - - # final eval on test set - if args.do_test: - test_pyreader.decorate_tensor_provider( - processor.data_generator( - batch_size=args.batch_size, - phase='test', - epoch=1, - dev_count=1, - shuffle=False)) - print("Final test result:") - predict(exe, test_prog, test_pyreader, - [probs.name, num_seqs.name], "test", args.checkpoints + '/prob.txt') - - -if __name__ == '__main__': - print_arguments(args) - if args.ksplit <= 0: - train_single(args) - else: - train_kfold(args) diff --git a/PaddleNLP/Research/NAACL2019-MPM/train.sh b/PaddleNLP/Research/NAACL2019-MPM/train.sh deleted file mode 100644 index fd43d26d7e91d1c6a242d14927b7fc658a8eea8e..0000000000000000000000000000000000000000 --- a/PaddleNLP/Research/NAACL2019-MPM/train.sh +++ /dev/null @@ -1,28 +0,0 @@ -#!/bin/sh -export CUDA_VISIBLE_DEVICES=0 -output_dir=./output -prob_dir=./probs -bert_dir=./uncased_L-24_H-1024_A-16 -mkdir -p $output_dir -mkdir -p $prob_dir - -for model_type in raw cnn gru ffa -do - python run_classifier.py \ - --bert_config_path ${bert_dir}/bert_config.json \ - --checkpoints ${output_dir}/bert_large_${model_type} \ - --init_pretraining_params ${bert_dir}/params \ - --data_dir ./data/Subtask-A \ - --vocab_path ${bert_dir}/vocab.txt \ - --task_name sem \ - --sub_model_type ${model_type} \ - --max_seq_len 128 \ - --batch_size 32 \ - --random_seed 777 \ - --save_steps 200 \ - --validation_steps 200 \ - --drop_keyword True - - mv ${output_dir}/bert_large_${model_type}/prob.txt ${prob_dir}/prob_${model_type}.txt -done - diff --git a/PaddleNLP/Research/README.md b/PaddleNLP/Research/README.md index 0c26108fe4d7819d3206928e5eb7293c67c876fb..5cbe1dc7471272fd92667df50cc8f06ac570f16c 100644 --- a/PaddleNLP/Research/README.md +++ b/PaddleNLP/Research/README.md @@ -1,5 +1 @@ -## PaddleNLP for Research - -- Provide the codes and the datasets of the latest research on natural language processing. - -- Enable the developers and researchers to easily reproduce the experiments of the published academic papers and quickly develop their new methods. +This work has been moved to new address: [NLP](https://github.com/PaddlePaddle/Research/tree/master/NLP) diff --git a/PaddleST/Research/CIKM2019-MONOPOLY/conf/house_price/house_price.local.template b/PaddleST/Research/CIKM2019-MONOPOLY/conf/house_price/house_price.local.template deleted file mode 100644 index 576aca44387e5b0f4235d6a01e190f4a4b845c06..0000000000000000000000000000000000000000 --- a/PaddleST/Research/CIKM2019-MONOPOLY/conf/house_price/house_price.local.template +++ /dev/null @@ -1,286 +0,0 @@ -[DEFAULT] -sample_seed: 1234 -# The value in `DEFAULT` section will be referenced by other sections. -# For convinence, we will put the variables which changes frequently here and -# let other section refer them - -# Input settings -dataset_name: HousePrice -max_house_num: 100 -max_public_num: 100 - -batch_shuffle: False -CUDA_VISIBLE_DEVICES: 0 -FLAGS_fraction_of_gpu_memory_to_use: 0.8 -# Input settings -#reader: dataset | pyreader | async | datafeed | sync -#data_reader: pyreader -data_reader: datafeed -dataset_mode: Memory -#local-cpu | local-gpu -platform: local-gpu -#platform: local-cpu -dis_radius: 1.0 -avg_eval: False -with_car_dis: False -with_house_attr: False - -bj_batch_size: 5256 -#bj_batch_size: 7573 -#bj_batch_size: 423 -sh_batch_size: 8126 -#sh_batch_size: 11604 -#sh_batch_size: 822 -gz_batch_size: 4560 -#gz_batch_size: 6508 -#gz_batch_size: 367 -sz_batch_size: 2693 -#sz_batch_size: 3849 -#sz_batch_size: 192 - -city_name: -num_samples_train: ${DEFAULT:_batch_size} -train_batch_size: ${DEFAULT:_batch_size} -#train_batch_size: 2 -num_samples_eval: 10 -eval_batch_size: 10 - -kv_path: None - -# Model settings -model_name: HousePrice -preprocessing_name: None -file_pattern: part- -num_in_dimension: 3 -num_out_dimension: 1 - -# Learning options -max_number_of_steps: None -init_learning_rate: 0.2 -emb_lr: ${DEFAULT:init_learning_rate} -fc_lr: ${DEFAULT:init_learning_rate} -base_lr: ${DEFAULT:init_learning_rate} - -[Convert] -# The name of the dataset to convert -dataset_name: ${DEFAULT:dataset_name} - -#dataset_dir: ${DEFAULT:dataset_dir} -dataset_dir: stream - -# The output Records file name prefix. -dataset_split_name: train - -# The number of Records per shard -num_per_shard: 100000 - -# The dimensions of net input vectors, it is just used by svm dataset -# which of input are sparse tensors now -num_in_dimension: ${DEFAULT:num_in_dimension} - -# The output file name pattern with two placeholders ("%s" and "%d"), -# it must correspond to the glob `file_pattern' in Train and Evaluate -# config sections - - -[Train] -####################### -# Dataset Configure # -####################### -# The name of the dataset to load -dataset_name: ${DEFAULT:dataset_name} - -# The directory where the dataset files are stored -dataset_dir: ${DEFAULT:dataset_dir} - -file_list: ../tmp/data/poi/raw//poi_sample.train - -# dataset_split_name -dataset_split_name: train - -# The glob pattern for data path, `file_pattern' must contain only one "%s" -# which is the placeholder for split name (such as 'train', 'validation') -file_pattern: ${DEFAULT:file_pattern} - -# The file type text or record -file_type: record - -# kv path, used in image_sim -kv_path: ${DEFAULT:kv_path} - -# The number of input sample for training -num_samples: ${DEFAULT:num_samples_train} - -# The number of parallel readers that read data from the dataset -num_readers: 2 - -# The number of threads used to create the batches -num_preprocessing_threads: 4 - -# Number of epochs from dataset source -num_epochs_input: 200 - -########################### -# Basic Train Configure # -########################### -# Directory where checkpoints and event logs are written to. -train_dir: ../tmp/model/house_price/save_model/${DEFAULT:city_name} - -# The max number of ckpt files to store variables -save_max_to_keep: 40 - -# The frequency with which the model is saved, in steps. -save_model_steps: 5 - -# The name of the architecture to train -model_name: ${DEFAULT:model_name} - -# The dimensions of net input vectors, it is just used by svm dataset -# which of input are sparse tensors now -num_in_dimension: ${DEFAULT:num_in_dimension} - -# The dimensions of net output vector, it will be num of classes in image classify task -num_out_dimension: ${DEFAULT:num_out_dimension} - -##################################### -# Training Optimization Configure # -##################################### -# The number of samples in each batch -batch_size: ${DEFAULT:train_batch_size} - -# The maximum number of training steps -max_number_of_steps: ${DEFAULT:max_number_of_steps} - -# The weight decay on the model weights -#weight_decay: 0.00000001 -weight_decay: None - -# The decay to use for the moving average. If left as None, then moving averages are not used -moving_average_decay: None - -# ***************** learning rate options ***************** # -# Initial learning rate -init_learning_rate: ${DEFAULT:init_learning_rate} - -# Specifies how the learning rate is decayed. One of "fixed", "exponential" or "polynomial" -learning_rate_decay_type: fixed - -# Learning rate decay factor -learning_rate_decay_factor: 0.1 - -num_learning_rate_warmup_epochs: None - -# The minimal end learning rate used by a polynomial decay learning rate -end_learning_rate: 0.0001 - -# Number of epochs after which learning rate decays -num_epochs_per_decay: 10 - -# A boolean, whether or not it should cycle beyond decay_steps -learning_rate_polynomial_decay_cycle: False - -# ******************* optimizer options ******************* # -# The name of the optimizer, one of the following: -# "adadelta", "adagrad", "adam", "ftrl", "momentum", "sgd" or "rmsprop" -#optimizer: weight_decay_adam -optimizer: adam -#optimizer: sgd -# Epsilon term for the optimizer, used for adadelta, adam, rmsprop -opt_epsilon: 1e-6 - -# conf for adadelta -# The decay rate for adadelta -adadelta_rho: 0.95 -# Starting value for the AdaGrad accumulators -adagrad_initial_accumulator_value: 0.1 - -# conf for adam -# The exponential decay rate for the 1st moment estimates -adam_beta1: 0.9 -# The exponential decay rate for the 2nd moment estimates -adam_beta2: 0.999 - -adam_weight_decay: 0.01 -#adam_exclude_from_weight_decay: LayerNorm,layer_norm,bias - -# conf for ftrl -# The learning rate power -ftrl_learning_rate_power: -0.1 -# Starting value for the FTRL accumulators -ftrl_initial_accumulator_value: 0.1 -# The FTRL l1 regularization strength -ftrl_l1: 0.0 -# The FTRL l2 regularization strength -ftrl_l2: 0.01 - -# conf for momentum -# The momentum for the MomentumOptimizer and RMSPropOptimizer -momentum: 0.9 - -# conf for rmsprop -# Decay term for RMSProp -rmsprop_decay: 0.9 - -# Number of model clones to deploy -num_gpus: 1 - -# The frequency with which logs are trace. -trace_every_n_steps: 5 - - -[Evaluate] -####################### -# Dataset Configure # -####################### -# The name of the dataset to load -dataset_name: ${DEFAULT:dataset_name} - -# The name of the train/test split -#dataset_split_name: validation -dataset_split_name: train - -# The glob pattern for data path, `file_pattern' must contain only one "%s" -# which is the placeholder for split name (such as 'train', 'validation') -file_pattern: ${DEFAULT:file_pattern} - -#reader: dataset | pyreader | async | datafeed | sync -data_reader: datafeed - -#local-cpu | local-gpu -platform: local-cpu - -file_list: ../tmp/data/poi/raw//poi_sample.test - -# The file type or record -file_type: text - -# kv path, used in image_sim -kv_path: ${DEFAULT:kv_path} - -# The number of input sample for evaluation -num_samples: ${DEFAULT:num_samples_eval} - -# The number of parallel readers that read data from the dataset -num_readers: 2 - -# The number of threads used to create the batches -num_preprocessing_threads: 2 - -# Number of epochs from dataset source -num_epochs_input: 1 - -# The name of the architecture to evaluate -model_name: ${DEFAULT:model_name} - -# The dimensions of net input vectors, it is just used by svm dataset -# which of input are sparse tensors now -num_in_dimension: ${DEFAULT:num_in_dimension} - -# The dimensions of net output vector, it will be num of classes in image classify task -num_out_dimension: ${DEFAULT:num_out_dimension} - -# Directory where the results are saved to -eval_dir: ${Train:train_dir}/checkpoint_1 - -# The number of samples in each batch -batch_size: ${DEFAULT:eval_batch_size} diff --git a/PaddleST/Research/CIKM2019-MONOPOLY/datasets/house_price/__init__.py b/PaddleST/Research/CIKM2019-MONOPOLY/datasets/house_price/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleST/Research/CIKM2019-MONOPOLY/datasets/house_price/baseline_sklearn.py b/PaddleST/Research/CIKM2019-MONOPOLY/datasets/house_price/baseline_sklearn.py deleted file mode 100644 index c0db0f0623ae8e931d406346e626a244fc347d11..0000000000000000000000000000000000000000 --- a/PaddleST/Research/CIKM2019-MONOPOLY/datasets/house_price/baseline_sklearn.py +++ /dev/null @@ -1,121 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - - -""" -File: baseline_sklearn.py -""" - -import sys -import numpy as np - -from sklearn import linear_model -from sklearn.ensemble import GradientBoostingRegressor -from sklearn.ensemble import RandomForestRegressor -from sklearn.tree import DecisionTreeRegressor -from sklearn.neural_network import MLPRegressor -from sklearn.metrics import mean_absolute_error, mean_squared_error, r2_score - - -class CityInfo(object): - """ - city info - """ - def __init__(self, city): - self._set_env(city) - - def _set_env(self, city): - - if city == 'sh': - #sh - self.business_num = 389 - self.wuye_num = 2931 - self.kfs_num = 4056 - self.age_num = 104 - self.lou_num = 11 - self.average_price = 5.5669712771458115 - self.house_num = 11604 - self.public_num = 970566 + 1 - elif city == 'gz': - #gz - self.business_num = 246 - self.wuye_num = 1436 - self.kfs_num = 1753 - self.age_num = 48 - self.lou_num = 12 - self.average_price = 3.120921450522434 - self.house_num = 6508 - self.public_num = 810465 + 1 - elif city == 'sz': - #sz - self.business_num = 127 - self.wuye_num = 1096 - self.kfs_num = 1426 - self.age_num = 40 - self.lou_num = 15 - self.average_price = 5.947788464536243 - self.house_num = 3849 - self.public_num = 724320 + 1 - else:#bj, default - self.business_num = 429 - self.wuye_num = 1548 - self.kfs_num = 1730 - self.age_num = 80 - self.lou_num = 15 - self.average_price = 6.612481698138123 - self.house_num = 7573 - self.public_num = 843426 + 1 - - -if __name__ == '__main__': - svd = sys.argv[1] - model = sys.argv[2] - - if model == 'lr': - clf = linear_model.LinearRegression() - elif model == 'gb': - clf = GradientBoostingRegressor() - #clf = RandomForestRegressor() - #clf = DecisionTreeRegressor() - else: - clf = MLPRegressor(hidden_layer_sizes=(20, )) - - x_train = [] - y_train = [] - - x_test = [] - y_test = [] - with open(svd, 'r') as f: - for line in f: - ll = line.strip('\r\n').split() - if ll[0] == 'train': - y_train.append(float(ll[1])) - x_train.append(map(float, ll[2:])) - else: - y_test.append(float(ll[1])) - x_test.append(map(float, ll[2:])) - - clf.fit(x_train, y_train) - - y_pred = clf.predict(x_test) - mae = mean_absolute_error(y_test, y_pred) - rmse = np.sqrt(mean_squared_error(y_test, y_pred)) - r2 = r2_score(y_test, y_pred) - print("%s\t%s\t%s\t%s" % (model, mae, rmse, r2)) - - diff --git a/PaddleST/Research/CIKM2019-MONOPOLY/datasets/house_price/feature_preprocess.py b/PaddleST/Research/CIKM2019-MONOPOLY/datasets/house_price/feature_preprocess.py deleted file mode 100644 index 75d7342da55851aa98d1a8204267cdd79435ea3c..0000000000000000000000000000000000000000 --- a/PaddleST/Research/CIKM2019-MONOPOLY/datasets/house_price/feature_preprocess.py +++ /dev/null @@ -1,113 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - - -""" -File: feature_preprocess.py -""" -import sys -import random -from sklearn.decomposition import TruncatedSVD -from scipy.sparse import coo_matrix - -from datasets.house_price.baseline_sklearn import CityInfo - - -def parse_line(line, labels, data, row, col, radius, city_info, num_row, - max_house_num, max_public_num): - """ - parse line - """ - ll = line.strip('\r\n').split('\t') - labels.append(ll[0].split()[0]) - business = int(ll[1].split()[0]) - dis_info = ll[3].split() - if business >= 0 and business < city_info.business_num: - data.append(1) - row.append(num_row) - col.append(business) - - idx = 0 - h_num = 0 - p_num = 0 - for i in ll[2].split(): - if float(dis_info[idx]) > radius: - idx += 1 - continue - if ':' in i: - if h_num > max_house_num: - continue - h_num += 1 - data.append(1) - row.append(num_row) - col.append(city_info.business_num + int(i.split(':')[0]) - 1) - else: - if p_num > max_public_num: - break - p_num += 1 - data.append(1) - row.append(num_row) - col.append(city_info.business_num + city_info.house_num + int(i) - 1) - idx += 1 - - -if __name__ == '__main__': - test = sys.argv[1] - radius = float(sys.argv[2]) - max_house_num = float(sys.argv[3]) - max_public_num = float(sys.argv[4]) - city_info = CityInfo(sys.argv[5]) - - train_data = [] - train_row = [] - train_col = [] - train_labels = [] - - num_row = 0 - for line in sys.stdin: - parse_line(line, train_labels, train_data, train_row, train_col, radius, city_info, - num_row, max_house_num, max_public_num) - num_row += 1 - - coo = coo_matrix((train_data, (train_row, train_col)), - shape=(num_row, city_info.business_num + city_info.house_num + city_info.public_num)) - - svd = TruncatedSVD(n_components=200, n_iter=10, random_state=0) - svd.fit(coo.tocsr()) - - x_train = svd.transform(coo.tocsr()) - for i in range(len(x_train)): - print("train %s %s" % (train_labels[i], " ".join(map(str, x_train[i])))) - - test_data = [] - test_row = [] - test_col = [] - test_labels = [] - - with open(test, 'r') as f: - num_row = 0 - for line in f: - parse_line(line, test_labels, test_data, test_row, test_col, radius, city_info, - num_row, max_house_num, max_public_num) - num_row += 1 - - coo = coo_matrix((test_data, (test_row, test_col)), - shape=(num_row, city_info.business_num + city_info.house_num + city_info.public_num)) - x_test = svd.transform(coo.tocsr()) - for i in range(len(x_test)): - print("test %s %s" % (test_labels[i], " ".join(map(str, x_test[i])))) diff --git a/PaddleST/Research/CIKM2019-MONOPOLY/datasets/house_price/house_price.py b/PaddleST/Research/CIKM2019-MONOPOLY/datasets/house_price/house_price.py deleted file mode 100644 index c508344295738e4b6bf002394b178cd1b8514995..0000000000000000000000000000000000000000 --- a/PaddleST/Research/CIKM2019-MONOPOLY/datasets/house_price/house_price.py +++ /dev/null @@ -1,224 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -""" -File: house_price.py -""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import sys -import os -import numpy as np -import random -import paddle.fluid as fluid - -from datasets.base_dataset import BaseDataset -from datasets.house_price.baseline_sklearn import CityInfo - - -class HousePrice(BaseDataset): - """ - shop location dataset - """ - def __init__(self, flags): - super(HousePrice, self).__init__(flags) - self.city_info = CityInfo(flags.city_name) - - def parse_context(self, inputs): - """ - provide input context - """ - - """ - set inputs_kv: please set key as the same as layer.data.name - - notice: - (1) - If user defined "inputs key" is different from layer.data.name, - the frame will rewrite "inputs key" with layer.data.name - (2) - The param "inputs" will be passed to user defined nets class through - the nets class interface function : net(self, FLAGS, inputs), - """ - inputs['label'] = fluid.layers.data(name="label", shape=[1], dtype="float32", lod_level=0) - #if self._flags.dataset_split_name != 'train': - # inputs['qid'] = fluid.layers.data(name='qid', shape=[1], dtype="int32", lod_level=0) - #house self feature - inputs['house_business'] = fluid.layers.data(name="house_business", shape=[self.city_info.business_num], - dtype="float32", lod_level=0) - inputs['house_wuye'] = fluid.layers.data(name="house_wuye", shape=[self.city_info.wuye_num], - dtype="float32", lod_level=0) - inputs['house_kfs'] = fluid.layers.data(name="house_kfs", shape=[self.city_info.kfs_num], - dtype="float32", lod_level=0) - inputs['house_age'] = fluid.layers.data(name="house_age", shape=[self.city_info.age_num], - dtype="float32", lod_level=0) - inputs['house_lou'] = fluid.layers.data(name="house_lou", shape=[self.city_info.lou_num], - dtype="float32", lod_level=0) - - #nearby house and public poi - inputs['house_price'] = fluid.layers.data(name="house_price", shape=[self._flags.max_house_num], - dtype="float32", lod_level=0) - inputs['public_bid'] = fluid.layers.data(name="public_bid", shape=[1], - dtype="int64", lod_level=1) - inputs['house_dis'] = fluid.layers.data(name="house_dis", shape=[self._flags.max_house_num * 2], - dtype="float32", lod_level=0) - inputs['public_dis'] = fluid.layers.data(name="public_dis", shape=[self._flags.max_public_num * 2], - dtype="float32", lod_level=0) - - inputs['house_num'] = fluid.layers.data(name="house_num", shape=[1], dtype="float32", lod_level=0) - inputs['public_num'] = fluid.layers.data(name="public_num", shape=[1], dtype="float32", lod_level=0) - - context = {"inputs": inputs} - #set debug list, print info during training - #debug_list = [key for key in inputs] - #context["debug_list"] = ["label", "house_num"] - return context - - def _normalize_distance_factor(self, dis_vec): - sum = 0.0 - for d in dis_vec: - sum += 1.0 / d - ret = [] - for d in dis_vec: - ret.append(1.0 / (d * sum)) - - return ret - - def parse_oneline(self, line): - """ - parse sample - """ - cols = line.strip('\r\n').split('\t') - max_house_num = self._flags.max_house_num - max_public_num = self._flags.max_public_num - pred = False if self._flags.dataset_split_name == 'train' else True - - radius = self._flags.dis_radius - - p_info = cols[0].split() - label = float(p_info[0]) - samples = [('label', [float(label)])] - - #house self info - h_num = int(p_info[1]) - p_num = int(p_info[2]) - onehot_ids = cols[1].split() - def _get_onehot(idx, num): - onehot = [0.0] * num - if idx >= 0 and idx < num: - onehot[idx] = 1.0 - return onehot - - onehot_business = _get_onehot(int(onehot_ids[0]), self.city_info.business_num) - onehot_wuye = _get_onehot(int(onehot_ids[1]), self.city_info.wuye_num) - onehot_kfs = _get_onehot(int(onehot_ids[2]), self.city_info.kfs_num) - onehot_age = _get_onehot(int(onehot_ids[3]), self.city_info.age_num) - onehot_lou = _get_onehot(int(onehot_ids[4]), self.city_info.lou_num) - - #nearby house and public info - h_p_info = cols[2].split() - h_p_dis = cols[3].split() - h_p_car = [] - if self._flags.with_car_dis: - h_p_car = cols[4].split() - assert(len(h_p_car) == len(h_p_dis)) - - #if h_num < 1 or p_num < 1: - # print("%s, invalid h_num or p_num." % line, file=sys.stderr) - # return - - assert(len(h_p_info) == (h_num + p_num) and len(h_p_info) == len(h_p_dis)) - - p_id = [] - p_dis = [] - h_price = [] - h_dis = [] - for i in range(h_num + p_num): - if float(h_p_dis[i]) > radius or (len(h_p_car) > 0 and float(h_p_car[i]) < 0): - continue - if i < h_num: - if len(h_price) >= max_house_num: - continue - pinfo = h_p_info[i].split(':') - #h_price += float(pinfo[1]) * float(h_p_dis[i]) - h_price.append(float(pinfo[1])) - if len(h_p_car) > 0: - h_dis.extend([float(h_p_dis[i]), float(h_p_car[i])]) - else: - h_dis.append(float(h_p_dis[i])) - else: - if len(p_id) >= max_public_num: - break - p_id.append(int(h_p_info[i])) - if len(h_p_car) > 0: - p_dis.extend([float(h_p_dis[i]), float(h_p_car[i])]) - else: - p_dis.append(float(h_p_dis[i])) - - qid = 0 - if self._flags.avg_eval: - if len(h_price) > 0: - avg_h = np.average(h_price) - h_dis = self._normalize_distance_factor(h_dis) - weight_h = np.sum(np.array(h_price) * h_dis / np.sum(h_dis)) - else: - avg_h = self.city_info.average_price - weight_h = self.city_info.average_price - print("%s\t%s\t%s\t%s\t%s" % (qid, label, avg_h, weight_h, self.city_info.average_price)) - return - - if len(h_price) < 1 and len(p_id) < 1: - #sys.stderr.write("invalid line.\n") - return - h_num = len(h_price) - p_num = len(p_id) - #if pred: - # samples.append(('qid', [qid])) - - samples.append(('house_business', onehot_business)) - samples.append(('house_wuye', onehot_wuye)) - samples.append(('house_kfs', onehot_kfs)) - samples.append(('house_age', onehot_age)) - samples.append(('house_lou', onehot_lou)) - - while len(h_price) < max_house_num: - h_price.append(self.city_info.average_price) - if len(h_p_car) > 0: - h_dis.extend([radius, 2 * radius]) - else: - h_dis.append(radius) - while len(p_id) < max_public_num: - p_id.append(0) - if len(h_p_car) > 0: - p_dis.extend([radius, 2 * radius]) - else: - p_dis.append(radius) - - samples.append(('house_price', h_price)) - samples.append(('public_bid', p_id)) - samples.append(('house_dis', h_dis)) - samples.append(('public_dis', p_dis)) - - samples.append(('house_num', [h_num])) - samples.append(('public_num', [p_num])) - - yield samples - diff --git a/PaddleST/Research/CIKM2019-MONOPOLY/docs/framework.png b/PaddleST/Research/CIKM2019-MONOPOLY/docs/framework.png deleted file mode 100644 index 791beda137bf96ad3f7de1e3b0c79fc799fb1ba7..0000000000000000000000000000000000000000 Binary files a/PaddleST/Research/CIKM2019-MONOPOLY/docs/framework.png and /dev/null differ diff --git a/PaddleST/Research/CIKM2019-MONOPOLY/docs/real_estates.png b/PaddleST/Research/CIKM2019-MONOPOLY/docs/real_estates.png deleted file mode 100644 index 63f8e4b19ef4a5b87ea62edf22b33f07905d319a..0000000000000000000000000000000000000000 Binary files a/PaddleST/Research/CIKM2019-MONOPOLY/docs/real_estates.png and /dev/null differ diff --git a/PaddleST/Research/CIKM2019-MONOPOLY/nets/house_price/__init__.py b/PaddleST/Research/CIKM2019-MONOPOLY/nets/house_price/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleST/Research/CIKM2019-MONOPOLY/nets/house_price/house_price.py b/PaddleST/Research/CIKM2019-MONOPOLY/nets/house_price/house_price.py deleted file mode 100644 index 4d21b77ffde0b79adc3be440578b99080c2671e6..0000000000000000000000000000000000000000 --- a/PaddleST/Research/CIKM2019-MONOPOLY/nets/house_price/house_price.py +++ /dev/null @@ -1,207 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2019 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - - -""" -File: nets/house_price/house_price.py -""" - -from __future__ import absolute_import -from __future__ import division -from __future__ import print_function - -import six -import math -import numpy as np - -import paddle.fluid as fluid - -from nets.base_net import BaseNet -from datasets.house_price.baseline_sklearn import CityInfo - - -class HousePrice(BaseNet): - """ - net class: construct net - """ - def __init__(self, FLAGS): - super(HousePrice, self).__init__(FLAGS) - self.city_info = CityInfo(FLAGS.city_name) - - def emb_lookup_fn(self, input, dict_dim, emb_dim, layer_name, FLAGS, - padding_idx=None, init_val=0.0): - """ - get embedding out with params - """ - output = fluid.layers.embedding( - input=input, - size=[dict_dim, emb_dim], - padding_idx=padding_idx, - param_attr=fluid.ParamAttr( - name=layer_name, - initializer=fluid.initializer.ConstantInitializer(init_val)), - is_sparse=True) - return output - - def fc_fn(self, input, output_size, act, layer_name, FLAGS, num_flatten_dims=1): - """ - pack fc op - """ - dev = 1.0 / math.sqrt(output_size) - _fc = fluid.layers.fc( - input=input, - size=output_size, - num_flatten_dims=num_flatten_dims, - param_attr=fluid.ParamAttr( - name=layer_name + "_fc_w", - initializer=fluid.initializer.Xavier(uniform=False)), - #initializer=fluid.initializer.TruncatedNormal(loc=0.0, scale=dev)), - bias_attr=fluid.ParamAttr( - name=layer_name + "_fc_bias", - initializer=fluid.initializer.Constant(value=0.0)), - act=act) - return _fc - - def pred_format(self, result, **kwargs): - """ - format pred output - """ - if result is None or result in ['_PRE_']: - return - - def _softmax(x): - return np.exp(x) / np.sum(np.exp(x), axis=0) - - if result == '_POST_': - h_attr_w = fluid.global_scope().find_var("house_self_fc_w").get_tensor() - h_attr_b = fluid.global_scope().find_var("house_self_fc_bias").get_tensor() - dis_w = fluid.global_scope().find_var("dis_w").get_tensor() - bids = fluid.global_scope().find_var("bids").get_tensor() - print("h_attr_w: %s" % (" ".join(map(str, _softmax(np.array(h_attr_w).flatten()))))) - print("h_attr_b: %s" % (" ".join(map(str, np.array(h_attr_b))))) - print("dis_w: %s" % (" ".join(map(str, _softmax(np.array(np.mean(dis_w, 0))))))) - print("bids: %s" % (" ".join(map(str, np.array(bids).flatten())))) - return - - label = np.array(result[0]).T.flatten().tolist() - pred = np.array(result[1]).T.flatten().tolist() - for i in range(len(pred)): - print("qid\t%s\t%s" % (label[i], pred[i])) - - def net(self, inputs): - """ - user-defined interface - """ - """ - feature: dict. {"label": xxx, "ct_onehot": xxxx,,...} - """ - FLAGS = self._flags - - label = inputs['label'] - public_bids = inputs['public_bid'] - - max_house_num = FLAGS.max_house_num - max_public_num = FLAGS.max_public_num - pred_keys = inputs.keys() - #step1. get house self feature - if FLAGS.with_house_attr: - def _get_house_attr(name, attr_vec_size): - h_onehot = fluid.layers.reshape(inputs[name], [-1, attr_vec_size]) - h_attr = self.fc_fn(h_onehot, 1, act=None, layer_name=name, FLAGS=FLAGS) - return h_attr - - house_business = _get_house_attr("house_business", self.city_info.business_num) - house_wuye = _get_house_attr("house_wuye", self.city_info.wuye_num) - house_kfs = _get_house_attr("house_kfs", self.city_info.kfs_num) - house_age = _get_house_attr("house_age", self.city_info.age_num) - house_lou = _get_house_attr("house_lou", self.city_info.lou_num) - - house_vec = fluid.layers.concat([house_business, house_wuye, house_kfs, house_age, house_lou], 1) - else: - #no house attr - house_vec = fluid.layers.reshape(inputs["house_business"], [-1, self.city_info.business_num]) - pred_keys.remove('house_wuye') - pred_keys.remove('house_kfs') - pred_keys.remove('house_age') - pred_keys.remove('house_lou') - - house_self = self.fc_fn(house_vec, 1, act='sigmoid', layer_name='house_self', FLAGS=FLAGS) - house_self = fluid.layers.reshape(house_self, [-1, 1]) - - #step2. get nearby house and public poi feature - #public poi embeddings matrix - bid_embed = self.emb_lookup_fn(public_bids, self.city_info.public_num, 1, 'bids', FLAGS, None, - self.city_info.average_price) - - dis_dim = 1 #only line dis - if FLAGS.with_car_dis: - dis_dim = 2 #add car drive dis - - #nearby house and public poi distance weight matrix - dis_w = fluid.layers.create_parameter(shape=[max_house_num + max_public_num, dis_dim], - dtype='float32', name='dis_w') - house_price = inputs['house_price'] - public_price = fluid.layers.reshape(bid_embed, [-1, max_public_num]) - #nearby price - price_vec = fluid.layers.concat([house_price, public_price], 1) - - #nearby price weight - house_dis = fluid.layers.reshape(inputs['house_dis'], [-1, max_house_num, dis_dim]) - public_dis = fluid.layers.reshape(inputs['public_dis'], [-1, max_public_num, dis_dim]) - dis_vec = fluid.layers.concat([house_dis, public_dis], 1) - dis_w = fluid.layers.reshape(dis_w, [max_house_num + max_public_num, dis_dim]) - dis_vec = fluid.layers.reduce_sum(dis_vec * dis_w, 2) - house_mask = fluid.layers.sequence_mask(fluid.layers.reshape(inputs['house_num'], [-1]), - max_house_num) #remove padded - public_mask = fluid.layers.sequence_mask(fluid.layers.reshape(inputs['public_num'], [-1]), - max_public_num) #remove padded - combine_mask = fluid.layers.cast(x=fluid.layers.concat([house_mask, public_mask], 1), - dtype="float32") - adder = (1.0 - combine_mask) * -10000.0 - # Since we are adding it to the raw scores before the softmax, this is - # effectively the same as removing these entirely. - dis_vec += adder - price_weight = fluid.layers.softmax(dis_vec) - - combine_price = price_vec * price_weight - - #step3. merge house_self and nearby house and public price: [-1, 1] * [-1, 1] - pred = house_self * fluid.layers.unsqueeze(fluid.layers.reduce_sum(combine_price, 1), [1]) - #fluid.layers.Print(pred, message=None, summarize=-1) - #fluid.layers.Print(label, message=None, summarize=-1) - - loss = fluid.layers.square_error_cost(input=pred, label=label) - - avg_cost = fluid.layers.mean(loss) - - # debug output info during training - debug_output = {} - model_output = {} - net_output = {"debug_output": debug_output, - "model_output": model_output} - - model_output['feeded_var_names'] = pred_keys - model_output['fetch_targets'] = [label, pred] - model_output['loss'] = avg_cost - - #debug_output['pred'] = pred - debug_output['loss'] = avg_cost - #debug_output['label'] = label - #debug_output['public_bids'] = public_bids - return net_output - diff --git a/PaddleST/Research/KDD2020-P3AC/conf/poi_qac_personalized/poi_qac_personalized.local.conf.template b/PaddleST/Research/KDD2020-P3AC/conf/poi_qac_personalized/poi_qac_personalized.local.conf.template deleted file mode 100644 index b89e0f76ff8a69a2fa537ae5b740e8d1658b1cd6..0000000000000000000000000000000000000000 --- a/PaddleST/Research/KDD2020-P3AC/conf/poi_qac_personalized/poi_qac_personalized.local.conf.template +++ /dev/null @@ -1,342 +0,0 @@ -[DEFAULT] -sample_seed: 1234 -# The value in `DEFAULT` section will be referenced by other sections. -# For convinence, we will put the variables which changes frequently here and -# let other section refer them -debug_mode: False -#reader: dataset | pyreader | async | datafeed | sync -#data_reader: dataset -dataset_mode: Memory -#data_reader: datafeed -data_reader: pyreader -py_reader_iterable: False - -#model_type: lstm_net -model_type: cnn_net -vocab_size: 93896 -#emb_dim: 200 -emb_dim: 128 -time_size: 28 -tag_size: 371 -fc_dim: 64 - -emb_lr: 1.0 -base_lr: 0.001 -margin: 0.35 -window_size: 3 -pooling_type: max -#activate: sigmoid -activate: None -use_attention: True -use_personal: True -max_seq_len: 128 -prefix_word_id: True -#print_period: 200 -#TODO personal_resident_drive + neg_only_sample -#query cityid trendency, poi tag/alias -#local-cpu | local-gpu | pserver-cpu | pserver-gpu | nccl2 -platform: local-gpu -# Input settings -dataset_name: PoiQacPersonalized - -CUDA_VISIBLE_DEVICES: 0,1,2,3 -#CUDA_VISIBLE_DEVICES: - -train_batch_size: 128 -#train_batch_size: 2 -eval_batch_size: 2 -#file_list: ../tmp/data/poi/qac/train_data/part-00000 -dataset_dir: ../tmp/data/poi/qac/train_data -#init_train_params: ../tmp/data/poi/qac/tencent_pretrain.words -tag_dict_path: None -qac_dict_path: None -kv_path: None -#qac_dict_path: ./datasets/poi_qac_personalized/qac_term.dict -#tag_dict_path: ./datasets/poi_qac_personalized/poi_tag.dict -#kv_path: ../tmp/data/poi/qac/kv - -# Model settings -model_name: PoiQacPersonalized -preprocessing_name: None -#file_pattern: %s-part-* -file_pattern: part- -num_in_dimension: 3 -num_out_dimension: 4 - -# Learning options -num_samples_train: 100 -num_samples_eval: 10 -max_number_of_steps: 155000 - -[Convert] -# The name of the dataset to convert -dataset_name: ${DEFAULT:dataset_name} - -#dataset_dir: ${DEFAULT:dataset_dir} -dataset_dir: stream - -# The output Records file name prefix. -dataset_split_name: train - -# The number of Records per shard -num_per_shard: 100000 - -# The dimensions of net input vectors, it is just used by svm dataset -# which of input are sparse tensors now -num_in_dimension: ${DEFAULT:num_in_dimension} - -# The output file name pattern with two placeholders ("%s" and "%d"), -# it must correspond to the glob `file_pattern' in Train and Evaluate -# config sections -#file_pattern: %s-part-%05d -file_pattern: part- - - -[Train] -####################### -# Dataset Configure # -####################### -# The name of the dataset to load -dataset_name: ${DEFAULT:dataset_name} - -# The directory where the dataset files are stored -dataset_dir: ${DEFAULT:dataset_dir} - -# dataset_split_name -dataset_split_name: train - -batch_shuffle_size: 128 -#log_exp or hinge -#loss_func: hinge -loss_func: log_exp -neg_sample_num: 5 -reader_batch: True -drop_last_batch: False - -# The glob pattern for data path, `file_pattern' must contain only one "%s" -# which is the placeholder for split name (such as 'train', 'validation') -file_pattern: ${DEFAULT:file_pattern} - -# The file type text or record -file_type: record - -# kv path, used in image_sim -kv_path: ${DEFAULT:kv_path} - -# The number of input sample for training -num_samples: ${DEFAULT:num_samples_train} - -# The number of parallel readers that read data from the dataset -num_readers: 2 - -# The number of threads used to create the batches -num_preprocessing_threads: 2 - -# Number of epochs from dataset source -num_epochs_input: 10 - -########################### -# Basic Train Configure # -########################### -# Directory where checkpoints and event logs are written to. -train_dir: ../tmp/model/poi/qac/save_model -# The max number of ckpt files to store variables -save_max_to_keep: 40 - -# The frequency with which the model is saved, in seconds. -save_model_secs: None - -# The frequency with which the model is saved, in steps. -save_model_steps: 5000 - -# The name of the architecture to train -model_name: ${DEFAULT:model_name} - -# The dimensions of net input vectors, it is just used by svm dataset -# which of input are sparse tensors now -num_in_dimension: ${DEFAULT:num_in_dimension} - -# The dimensions of net output vector, it will be num of classes in image classify task -num_out_dimension: ${DEFAULT:num_out_dimension} - -##################################### -# Training Optimization Configure # -##################################### -# The number of samples in each batch -batch_size: ${DEFAULT:train_batch_size} - -# The maximum number of training steps -max_number_of_steps: ${DEFAULT:max_number_of_steps} - -# The weight decay on the model weights -#weight_decay: 0.00000001 -weight_decay: None - -# The decay to use for the moving average. If left as None, then moving averages are not used -moving_average_decay: None - -# ***************** learning rate options ***************** # - -# Specifies how the learning rate is decayed. One of "fixed", "exponential" or "polynomial" -learning_rate_decay_type: fixed - -# Learning rate decay factor -learning_rate_decay_factor: 0.1 - -# Proportion of training steps to perform linear learning rate warmup for -learning_rate_warmup_proportion: 0.1 - -init_learning_rate: 0 - -learning_rate_warmup_steps: 10000 - -# The minimal end learning rate used by a polynomial decay learning rate -end_learning_rate: 0.0001 - -# Number of epochs after which learning rate decays -num_epochs_per_decay: 10 - -# A boolean, whether or not it should cycle beyond decay_steps -learning_rate_polynomial_decay_cycle: False - -# ******************* optimizer options ******************* # -# The name of the optimizer, one of the following: -# "adadelta", "adagrad", "adam", "ftrl", "momentum", "sgd" or "rmsprop" -#optimizer: weight_decay_adam -optimizer: adam -#optimizer: sgd -# Epsilon term for the optimizer, used for adadelta, adam, rmsprop -opt_epsilon: 1e-8 - -# conf for adadelta -# The decay rate for adadelta -adadelta_rho: 0.95 -# Starting value for the AdaGrad accumulators -adagrad_initial_accumulator_value: 0.1 - -# conf for adam -# The exponential decay rate for the 1st moment estimates -adam_beta1: 0.9 -# The exponential decay rate for the 2nd moment estimates -adam_beta2: 0.997 - -adam_weight_decay: 0.01 -#adam_exclude_from_weight_decay: LayerNorm,layer_norm,bias -# conf for ftrl -# The learning rate power -ftrl_learning_rate_power: -0.1 -# Starting value for the FTRL accumulators -ftrl_initial_accumulator_value: 0.1 -# The FTRL l1 regularization strength -ftrl_l1: 0.0 -# The FTRL l2 regularization strength -ftrl_l2: 0.01 - -# conf for momentum -# The momentum for the MomentumOptimizer and RMSPropOptimizer -momentum: 0.9 - -# conf for rmsprop -# Decay term for RMSProp -rmsprop_decay: 0.9 - - -# Number of model clones to deploy -num_gpus: 3 - -############################# -# Log and Trace Configure # -############################# -# The frequency with which logs are print -log_every_n_steps: 100 - -# The frequency with which logs are trace. -trace_every_n_steps: 1 - - -[Evaluate] -# process mode: pred, eval or export -#proc_name: eval -proc_name: pred - -#data_reader: datafeed -py_reader_iterable: True -#platform: hadoop -platform: local-gpu -qac_dict_path: ./datasets/poi_qac_personalized/qac_term.dict -tag_dict_path: ./datasets/poi_qac_personalized/poi_tag.dict -#kv_path: ../tmp/data/poi/qac/kv -# The directory where the dataset files are stored -#file_list: ../tmp/x.bug -file_list: ../tmp/data/poi/qac/recall_data//part-0 -#file_list: ../tmp/data/poi/qac/ltr_data//part-0 -#dataset_dir: stream_record -# The directory where the model was written to or an absolute path to a checkpoint file -init_pretrain_model: ../tmp/model/poi/qac/save_model_logexp/checkpoint_125000 -#init_pretrain_model: ../tmp/model/poi/qac/save_model_personal_logexp/checkpoint_125000 -#init_pretrain_model: ../tmp/model/poi/qac/save_model_wordid_logexp/checkpoint_125000 -#init_pretrain_model: ../tmp/model/poi/qac/save_model_personal_wordid_logexp/checkpoint_125000 -#init_pretrain_model: ../tmp/model/poi/qac/save_model_attention_logexp/checkpoint_125000 -#init_pretrain_model: ../tmp/model/poi/qac/save_model_attention_personal_logexp/checkpoint_125000 -#init_pretrain_model: ../tmp/model/poi/qac/save_model_attention_wordid_logexp/checkpoint_125000 -#init_pretrain_model: ../tmp/model/poi/qac/save_model_attention_personal_wordid_logexp/checkpoint_125000 -model_type: cnn_net -fc_dim: 64 -use_attention: False -use_personal: False -prefix_word_id: False - -#dump_vec: query -#dump_vec: -dump_vec: eval -# The number of samples in each batch -#batch_size: ${DEFAULT:eval_batch_size} -batch_size: 1 - -# The file type text or record -#file_type: record -file_type: text - -reader_batch: False - -# only exectute evaluation once -eval_once: True - -####################### -# Dataset Configure # -####################### -# The name of the dataset to load -dataset_name: ${DEFAULT:dataset_name} - -# The name of the train/test split -dataset_split_name: validation - -# The glob pattern for data path, `file_pattern' must contain only one "%s" -# which is the placeholder for split name (such as 'train', 'validation') -file_pattern: ${DEFAULT:file_pattern} - -# The number of input sample for evaluation -num_samples: ${DEFAULT:num_samples_eval} - -# The number of parallel readers that read data from the dataset -num_readers: 2 - -# The number of threads used to create the batches -num_preprocessing_threads: 1 - -# Number of epochs from dataset source -num_epochs_input: 1 - -# The name of the architecture to evaluate -model_name: ${DEFAULT:model_name} - -# The dimensions of net input vectors, it is just used by svm dataset -# which of input are sparse tensors now -num_in_dimension: ${DEFAULT:num_in_dimension} - -# The dimensions of net output vector, it will be num of classes in image classify task -num_out_dimension: ${DEFAULT:num_out_dimension} - -# Directory where the results are saved to -eval_dir: ${Train:train_dir}/checkpoint_1 - diff --git a/PaddleST/Research/KDD2020-P3AC/datasets/poi_qac_personalized/__init__.py b/PaddleST/Research/KDD2020-P3AC/datasets/poi_qac_personalized/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleST/Research/KDD2020-P3AC/datasets/poi_qac_personalized/qac_personalized.py b/PaddleST/Research/KDD2020-P3AC/datasets/poi_qac_personalized/qac_personalized.py deleted file mode 100644 index c27db98ceefb5daebb0088d1006e13e2226e643b..0000000000000000000000000000000000000000 --- a/PaddleST/Research/KDD2020-P3AC/datasets/poi_qac_personalized/qac_personalized.py +++ /dev/null @@ -1,577 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - -""" - Specify the brief poi_qac_personalized.py -""" -import os -import sys -import re -import time -import numpy as np -import random -import paddle.fluid as fluid - -from datasets.base_dataset import BaseDataset - -reload(sys) -sys.setdefaultencoding('gb18030') - - -base_rule = re.compile("[\1\2]") - -class PoiQacPersonalized(BaseDataset): - """ - PoiQacPersonalized dataset - """ - def __init__(self, flags): - super(PoiQacPersonalized, self).__init__(flags) - self.inited_dict = False - - def parse_context(self, inputs): - """ - provide input context - """ - - """ - set inputs_kv: please set key as the same as layer.data.name - - notice: - (1) - If user defined "inputs key" is different from layer.data.name, - the frame will rewrite "inputs key" with layer.data.name - (2) - The param "inputs" will be passed to user defined nets class through - the nets class interface function : net(self, FLAGS, inputs), - """ - if self._flags.use_personal: - #inputs['user_loc_geoid'] = fluid.layers.data(name="user_loc_geoid", shape=[40], - # dtype="int64", lod_level=0) #from clk poi - #inputs['user_bound_geoid'] = fluid.layers.data(name="user_bound_geoid", shape=[40], - # dtype="int64", lod_level=0) #from clk poi - #inputs['user_time_id'] = fluid.layers.data(name="user_time_geoid", shape=[1], - # dtype="int64", lod_level=1) #from clk poi - inputs['user_clk_geoid'] = fluid.layers.data(name="user_clk_geoid", shape=[40], - dtype="int64", lod_level=0) #from clk poi - inputs['user_tag_id'] = fluid.layers.data(name="user_tag_id", shape=[1], - dtype="int64", lod_level=1) #from clk poi - inputs['user_resident_geoid'] = fluid.layers.data(name="user_resident_geoid", shape=[40], - dtype="int64", lod_level=0) #home, company - inputs['user_navi_drive'] = fluid.layers.data(name="user_navi_drive", shape=[1], - dtype="int64", lod_level=0) #driver or not - - inputs['prefix_letter_id'] = fluid.layers.data(name="prefix_letter_id", shape=[1], - dtype="int64", lod_level=1) - if self._flags.prefix_word_id: - inputs['prefix_word_id'] = fluid.layers.data(name="prefix_word_id", shape=[1], - dtype="int64", lod_level=1) - inputs['prefix_loc_geoid'] = fluid.layers.data(name="prefix_loc_geoid", shape=[40], - dtype="int64", lod_level=0) - if self._flags.use_personal: - inputs['prefix_time_id'] = fluid.layers.data(name="prefix_time_id", shape=[1], - dtype="int64", lod_level=1) - - inputs['pos_name_letter_id'] = fluid.layers.data(name="pos_name_letter_id", shape=[1], - dtype="int64", lod_level=1) - inputs['pos_name_word_id'] = fluid.layers.data(name="pos_name_word_id", shape=[1], - dtype="int64", lod_level=1) - inputs['pos_addr_letter_id'] = fluid.layers.data(name="pos_addr_letter_id", shape=[1], - dtype="int64", lod_level=1) - inputs['pos_addr_word_id'] = fluid.layers.data(name="pos_addr_word_id", shape=[1], - dtype="int64", lod_level=1) - inputs['pos_loc_geoid'] = fluid.layers.data(name="pos_loc_geoid", shape=[40], - dtype="int64", lod_level=0) - if self._flags.use_personal: - inputs['pos_tag_id'] = fluid.layers.data(name="pos_tag_id", shape=[1], - dtype="int64", lod_level=1) - - if self.is_training: - inputs['neg_name_letter_id'] = fluid.layers.data(name="neg_name_letter_id", shape=[1], - dtype="int64", lod_level=1) - inputs['neg_name_word_id'] = fluid.layers.data(name="neg_name_word_id", shape=[1], - dtype="int64", lod_level=1) - inputs['neg_addr_letter_id'] = fluid.layers.data(name="neg_addr_letter_id", shape=[1], - dtype="int64", lod_level=1) - inputs['neg_addr_word_id'] = fluid.layers.data(name="neg_addr_word_id", shape=[1], - dtype="int64", lod_level=1) - inputs['neg_loc_geoid'] = fluid.layers.data(name="neg_loc_geoid", shape=[40], - dtype="int64", lod_level=0) - if self._flags.use_personal: - inputs['neg_tag_id'] = fluid.layers.data(name="neg_tag_id", shape=[1], - dtype="int64", lod_level=1) - else: - #for predict label - inputs['label'] = fluid.layers.data(name="label", shape=[1], - dtype="int64", lod_level=0) - - context = {"inputs": inputs} - - #set debug list, print info during training - #debug_list = [key for key in inputs] - #context["debug_list"] = ["prefix_ids", "label"] - - return context - - def _init_dict(self): - """ - init dict - """ - if self.inited_dict: - return - - if self._flags.platform in ('local-gpu', 'pserver-gpu', 'slurm'): - gpu_id = int(os.environ.get('FLAGS_selected_gpus', 0)) - self.place = fluid.CUDAPlace(gpu_id) - else: - self.place = fluid.CPUPlace() - - self.term_dict = {} - if self._flags.qac_dict_path is not None: - with open(self._flags.qac_dict_path, 'r') as f: - for line in f: - term, term_id = line.strip('\r\n').split('\t') - self.term_dict[term] = int(term_id) - - self.tag_info = {} - if self._flags.tag_dict_path is not None: - with open(self._flags.tag_dict_path, 'r') as f: - for line in f: - tag, level, tid = line.strip('\r\n').split('\t') - self.tag_info[tag] = map(int, tid.split(',')) - - self.user_kv = None - self.poi_kv = None - if self._flags.kv_path is not None: - self.poi_kv = {} - with open(self._flags.kv_path + "/sug_raw.dat", "r") as f: - for line in f: - pid, val = line.strip('\r\n').split('\t', 1) - self.poi_kv[pid] = val - - self.user_kv = {} - with open(self._flags.kv_path + "/user_profile.dat", "r") as f: - for line in f: - uid, val = line.strip('\r\n').split('\t', 1) - self.user_kv[uid] = val - - sys.stderr.write("load user kv:%s\n" % self._flags.kv_path) - - self.inited_dict = True - sys.stderr.write("loaded term dict:%s, tag_dict:%s\n" % (len(self.term_dict), len(self.tag_info))) - - def _get_time_id(self, ts): - """ - get time id:0-27 - """ - ts_struct = time.localtime(ts) - - week = ts_struct[6] - hour = ts_struct[3] - - base = 0 - if hour >= 0 and hour < 6: - base = 0 - elif hour >= 6 and hour < 12: - base = 1 - elif hour >= 12 and hour < 18: - base = 2 - else: - base = 3 - - final = week * 4 + base - return final - - def _pad_batch_data(self, insts, pad_idx, return_max_len=True, return_num_token=False): - """ - Pad the instances to the max sequence length in batch, and generate the - corresponding position data and attention bias. - """ - return_list = [] - max_len = max(len(inst) for inst in insts) - # Any token included in dict can be used to pad, since the paddings' loss - # will be masked out by weights and make no effect on parameter gradients. - inst_data = np.array( - [inst + [pad_idx] * (max_len - len(inst)) for inst in insts]) - return_list += [inst_data.astype("int64").reshape([-1, 1])] - - if return_max_len: - return_list += [max_len] - if return_num_token: - num_token = 0 - for inst in insts: - num_token += len(inst) - return_list += [num_token] - return return_list if len(return_list) > 1 else return_list[0] - - def _get_tagid(self, tag_str): - if len(tag_str.strip()) < 1: - return [] - tags = set() - for t in tag_str.split(): - if ':' in t: - t = t.split(':')[0] - t = t.lower() - if t in self.tag_info: - tags.update(self.tag_info[t]) - return list(tags) - - def _get_ids(self, seg_info): - #phraseseg, basicseg = seg_info - - if len(seg_info) < 2: - return [0], [0] - _, bt = [x.split('\3') for x in seg_info] - - rq = "".join(bt) - bl = [t.encode('gb18030') for t in rq.decode('gb18030')] - letter_ids = [] - for t in bl: - letter_ids.append(self.term_dict.get(t.lower(), 1)) - if len(letter_ids) >= self._flags.max_seq_len: - break - - word_ids = [] - for t in bt: - word_ids.append(self.term_dict.get(t.lower(), 1)) - if len(word_ids) >= self._flags.max_seq_len: - break - return letter_ids, word_ids - - def _get_poi_ids(self, poi_str, max_num=0): - if len(poi_str) < 1: - return [] - ids = [] - all_p = poi_str.split('\1') - - pidx = range(0, len(all_p)) - if max_num > 0: - #neg sample: last 10 is negative sampling - if len(all_p) > max_num: - neg_s_idx = len(all_p) - 10 - pidx = [1, 2] + random.sample(pidx[3:neg_s_idx], max_num - 13) + pidx[neg_s_idx:] - else: - pidx = pidx[1:] - bids = set() - for x in pidx: - poi_seg = all_p[x].split('\2') - tagid = [0] - if len(poi_seg) >= 9: - #name, uid, index, name_lid, name_wid, addr_lid, addr_wid, geohash, tagid - bid = poi_seg[1] - name_letter_id = map(int, poi_seg[3].split())[:self._flags.max_seq_len] - name_word_id = map(int, poi_seg[4].split())[:self._flags.max_seq_len] - addr_letter_id = map(int, poi_seg[5].split())[:self._flags.max_seq_len] - addr_word_id = map(int, poi_seg[6].split())[:self._flags.max_seq_len] - ghid = map(int, poi_seg[7].split(',')) - if len(poi_seg[8]) > 0: - tagid = map(int, poi_seg[8].split(',')) - else: - #raw_text: uid, name, addr, xy, tag, alias - bid = poi_seg[0] - name_letter_id, name_word_id = self._get_ids(poi_seg[1]) - addr_letter_id, addr_word_id = self._get_ids(poi_seg[2]) - ghid = map(int, poi_seg[3].split(',')) - if len(poi_seg[4]) > 0: - tagid = map(int, poi_seg[4].split(',')) - - if not self.is_training and name_letter_id == [0]: - continue # empty name - if bid in bids: - continue - bids.add(bid) - ids.append([name_letter_id, name_word_id, addr_letter_id, addr_word_id, ghid, tagid]) - - return ids - - def _get_user_ids(self, cuid, user_str): - if self.user_kv: - if cuid in self.user_kv: - val = self.user_kv[cuid] - drive_conf, clk_p, res_p = val.split('\t') - else: - return [] - else: - if len(user_str) < 1: - return [] - drive_conf, clk_p, res_p = user_str.split('\1') - - ids = [] - conf1, conf2 = drive_conf.split('\2') - is_driver = 0 - if float(conf1) > 0.5 or float(conf2) > 1.5: - is_driver = 1 - - user_clk_geoid = [0] * 40 - user_tag_id = set() - if len(clk_p) > 0: - if self.user_kv: - for p in clk_p.split('\1'): - bid, time, loc, bound = p.split('\2') - if bid in self.poi_kv: - v = self.poi_kv[bid] - v = base_rule.sub("", v) - info = v.split('\t') #name, addr, ghid, tag, alias - ghid = map(int, info[2].split(',')) - for i in range(len(user_clk_geoid)): - user_clk_geoid[i] = user_clk_geoid[i] | ghid[i] - user_tag_id.update(self._get_tagid(info[4])) - else: - for p in clk_p.split('\2'): - bid, gh, tags = p.split('\3') - ghid = map(int, gh.split(',')) - for i in range(len(user_clk_geoid)): - user_clk_geoid[i] = user_clk_geoid[i] | ghid[i] - if len(tags) > 0: - user_tag_id.update(tags.split(',')) - if len(user_tag_id) < 1: - user_tag_id = [0] - user_tag_id = map(int, list(user_tag_id)) - ids.append(user_clk_geoid) - ids.append(user_tag_id) - - user_res_geoid = [0] * 40 - if len(res_p) > 0: - if self.user_kv: - for p in res_p.split('\1'): - bid, conf = p.split('\2') - if bid in self.poi_kv: - v = self.poi_kv[bid] - v = base_rule.sub("", v) - info = v.split('\t') #name, addr, ghid, tag, alias - ghid = map(int, info[2].split(',')) - for i in range(len(user_res_geoid)): - user_res_geoid[i] = user_res_geoid[i] | ghid[i] - else: - for p in res_p.split('\2'): - bid, gh, conf = p.split('\3') - ghid = map(int, gh.split(',')) - for i in range(len(user_res_geoid)): - user_res_geoid[i] = user_res_geoid[i] | ghid[i] - ids.append(user_res_geoid) - ids.append([is_driver]) - return ids - - def parse_batch(self, data_gen): - """ - reader_batch must be true: only for train & loss_func is log_exp, other use parse_oneline - pos : neg = 1 : N - """ - batch_data = {} - def _get_lod(k): - #sys.stderr.write("%s\t%s\t%s\n" % (k, " ".join(map(str, batch_data[k][0])), - # " ".join(map(str, batch_data[k][1])) )) - return fluid.create_lod_tensor(np.array(batch_data[k][0]).reshape([-1, 1]), - [batch_data[k][1]], self.place) - - keys = None - for line in data_gen(): - for s in self.parse_oneline(line): - for k, v in s: - if k not in batch_data: - batch_data[k] = [[], []] - - if not isinstance(v[0], list): - v = [v] #pos 1 to N - for j in v: - batch_data[k][0].extend(j) - batch_data[k][1].append(len(j)) - - if keys is None: - keys = [k for k, _ in s] - if len(batch_data[keys[0]][1]) == self._flags.batch_size: - yield [(k, _get_lod(k)) for k in keys] - batch_data = {} - - if not self._flags.drop_last_batch and len(batch_data) != 0: - yield [(k, _get_lod(k)) for k in keys] - - def parse_oneline(self, line): - """ - datareader interface - """ - self._init_dict() - - qid, user, prefix, pos_poi, neg_poi = line.strip("\r\n").split("\t") - cuid, time, loc_cityid, bound_cityid, loc_gh, bound_gh = qid.split('_') - - #step1 - user_input = [] - if self._flags.use_personal: - user_ids = self._get_user_ids(cuid, user) - if len(user_ids) < 1: - user_ids = [[0] * 40, [0], [0] * 40, [0]] - user_input = [("user_clk_geoid", user_ids[0]), \ - ("user_tag_id", user_ids[1]), \ - ("user_resident_geoid", user_ids[2]), \ - ("user_navi_drive", user_ids[3])] - - #step2 - prefix_seg = prefix.split('\2') - prefix_time_id = self._get_time_id(int(time)) - prefix_loc_geoid = [0] * 40 - if len(prefix_seg) >= 4: #query, letterid, wordid, ghid, poslen, neglen - prefix_letter_id = map(int, prefix_seg[1].split())[:self._flags.max_seq_len] - prefix_word_id = map(int, prefix_seg[2].split())[:self._flags.max_seq_len] - loc_gh, bound_gh = prefix_seg[3].split('_') - ghid = map(int, loc_gh.split(',')) - for i in range(len(prefix_loc_geoid)): - prefix_loc_geoid[i] = prefix_loc_geoid[i] | ghid[i] - ghid = map(int, bound_gh.split(',')) - for i in range(len(prefix_loc_geoid)): - prefix_loc_geoid[i] = prefix_loc_geoid[i] | ghid[i] - else: #raw text - prefix_letter_id, prefix_word_id = self._get_ids(prefix) - ghid = map(int, loc_gh.split(',')) - for i in range(len(prefix_loc_geoid)): - prefix_loc_geoid[i] = prefix_loc_geoid[i] | ghid[i] - ghid = map(int, bound_gh.split(',')) - for i in range(len(prefix_loc_geoid)): - prefix_loc_geoid[i] = prefix_loc_geoid[i] | ghid[i] - - prefix_input = [("prefix_letter_id", prefix_letter_id), \ - ("prefix_loc_geoid", prefix_loc_geoid)] - - if self._flags.prefix_word_id: - prefix_input.insert(1, ("prefix_word_id", prefix_word_id)) - - if self._flags.use_personal: - prefix_input.append(("prefix_time_id", [prefix_time_id])) - - #step3 - pos_ids = self._get_poi_ids(pos_poi) - pos_num = len(pos_ids) - max_num = 0 - if self.is_training: - max_num = max(20, self._flags.neg_sample_num) #last 10 is neg sample - neg_ids = self._get_poi_ids(neg_poi, max_num=max_num) - #if not train, add all pois - if not self.is_training: - pos_ids.extend(neg_ids) - if len(pos_ids) < 1: - pos_ids.append([[0], [0], [0], [0], [0] * 40, [0]]) - - #step4 - idx = 0 - for pos_id in pos_ids: - pos_input = [("pos_name_letter_id", pos_id[0]), \ - ("pos_name_word_id", pos_id[1]), \ - ("pos_addr_letter_id", pos_id[2]), \ - ("pos_addr_word_id", pos_id[3]), \ - ("pos_loc_geoid", pos_id[4])] - - if self._flags.use_personal: - pos_input.append(("pos_tag_id", pos_id[5])) - - if self.is_training: - if len(neg_ids) > self._flags.neg_sample_num: - #Noise Contrastive Estimation - #if self._flags.neg_sample_num > 3: - # nids_sample = neg_ids[:3] - nids_sample = random.sample(neg_ids, self._flags.neg_sample_num) - else: - nids_sample = neg_ids - - if self._flags.reader_batch: - if len(nids_sample) != self._flags.neg_sample_num: - continue - - neg_batch = [[], [], [], [], [], []] - for neg_id in nids_sample: - for i in range(len(neg_batch)): - neg_batch[i].append(neg_id[i]) - - neg_input = [("neg_name_letter_id", neg_batch[0]), \ - ("neg_name_word_id", neg_batch[1]), \ - ("neg_addr_letter_id", neg_batch[2]), \ - ("neg_addr_word_id", neg_batch[3]), \ - ("neg_loc_geoid", neg_batch[4])] - if self._flags.use_personal: - neg_input.append(("neg_tag_id", neg_batch[5])) - yield user_input + prefix_input + pos_input + neg_input - else: - for neg_id in nids_sample: - neg_input = [("neg_name_letter_id", neg_id[0]), \ - ("neg_name_word_id", neg_id[1]), \ - ("neg_addr_letter_id", neg_id[2]), \ - ("neg_addr_word_id", neg_id[3]), \ - ("neg_loc_geoid", neg_id[4])] - if self._flags.use_personal: - neg_input.append(("neg_tag_id", neg_id[5])) - yield user_input + prefix_input + pos_input + neg_input - else: - label = int(idx < pos_num) - yield user_input + prefix_input + pos_input + [("label", [label])] - - idx += 1 - - -if __name__ == '__main__': - from utils import flags - from utils.load_conf_file import LoadConfFile - FLAGS = flags.FLAGS - flags.DEFINE_custom("conf_file", "./conf/test/test.conf", - "conf file", action=LoadConfFile, sec_name="Train") - - sys.stderr.write('----------- Configuration Arguments -----------\n') - for arg, value in sorted(flags.get_flags_dict().items()): - sys.stderr.write('%s: %s\n' % (arg, value)) - sys.stderr.write('------------------------------------------------\n') - - dataset_instance = PoiQacPersonalized(FLAGS) - def _dump_vec(data, name): - print("%s\t%s" % (name, " ".join(map(str, np.array(data))))) - - def _data_generator(): - """ - stdin sample generator: read from stdin - """ - for line in sys.stdin: - if not line.strip(): - continue - yield line - - if FLAGS.reader_batch: - for sample in dataset_instance.parse_batch(_data_generator): - _dump_vec(sample[0][1], 'user_clk_geoid') - _dump_vec(sample[1][1], 'user_tag_id') - _dump_vec(sample[2][1], 'user_resident_geoid') - _dump_vec(sample[3][1], 'user_navi_drive') - _dump_vec(sample[4][1], 'prefix_letter_id') - _dump_vec(sample[5][1], 'prefix_loc_geoid') - _dump_vec(sample[6][1], 'prefix_time_id') - _dump_vec(sample[7][1], 'pos_name_letter_id') - _dump_vec(sample[10][1], 'pos_addr_word_id') - _dump_vec(sample[11][1], 'pos_loc_geoid') - _dump_vec(sample[12][1], 'pos_tag_id') - _dump_vec(sample[13][1], 'neg_name_letter_id or label') - else: - for line in sys.stdin: - for sample in dataset_instance.parse_oneline(line): - _dump_vec(sample[0][1], 'user_clk_geoid') - _dump_vec(sample[1][1], 'user_tag_id') - _dump_vec(sample[2][1], 'user_resident_geoid') - _dump_vec(sample[3][1], 'user_navi_drive') - _dump_vec(sample[4][1], 'prefix_letter_id') - _dump_vec(sample[5][1], 'prefix_loc_geoid') - _dump_vec(sample[6][1], 'prefix_time_id') - _dump_vec(sample[7][1], 'pos_name_letter_id') - _dump_vec(sample[10][1], 'pos_addr_word_id') - _dump_vec(sample[11][1], 'pos_loc_geoid') - _dump_vec(sample[12][1], 'pos_tag_id') - _dump_vec(sample[13][1], 'neg_name_letter_id or label') - diff --git a/PaddleST/Research/KDD2020-P3AC/nets/poi_qac_personalized/__init__.py b/PaddleST/Research/KDD2020-P3AC/nets/poi_qac_personalized/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/PaddleST/Research/KDD2020-P3AC/nets/poi_qac_personalized/qac_personalized.py b/PaddleST/Research/KDD2020-P3AC/nets/poi_qac_personalized/qac_personalized.py deleted file mode 100644 index d53b9176ac60125f07e97313566f718d9fb1c588..0000000000000000000000000000000000000000 --- a/PaddleST/Research/KDD2020-P3AC/nets/poi_qac_personalized/qac_personalized.py +++ /dev/null @@ -1,659 +0,0 @@ -#!/usr/bin/env python -# -*- coding: utf-8 -*- -################################################################################ -# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved. -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -################################################################################ - - -""" - Specify the brief poi_qac_personalized.py -""" - -import math -import numpy as np -import logging -import collections -import paddle.fluid as fluid - -from nets.base_net import BaseNet - - -def ffn(input, d_hid, d_size, name="ffn"): - """ - Position-wise Feed-Forward Network - """ - hidden = fluid.layers.fc(input=input, - size=d_hid, - num_flatten_dims=1, - param_attr=fluid.ParamAttr(name=name + '_innerfc_weight'), - bias_attr=fluid.ParamAttr( - name=name + '_innerfc_bias', - initializer=fluid.initializer.Constant(0.)), - act="leaky_relu") - - out = fluid.layers.fc(input=hidden, - size=d_size, - num_flatten_dims=1, - param_attr=fluid.ParamAttr(name=name + '_outerfc_weight'), - bias_attr=fluid.ParamAttr( - name=name + '_outerfc_bias', - initializer=fluid.initializer.Constant(0.))) - return out - - -def dot_product_attention(query, key, value, d_key, q_mask=None, k_mask=None, - dropout_rate=None): - """ - Args: - query: a tensor with shape [batch, Q_time, Q_dimension] - key: a tensor with shape [batch, time, K_dimension] - value: a tensor with shape [batch, time, V_dimension] - - q_lengths: a tensor with shape [batch] - k_lengths: a tensor with shape [batch] - - Returns: - a tensor with shape [batch, query_time, value_dimension] - - Raises: - AssertionError: if Q_dimension not equal to K_dimension when attention - type is dot. - """ - - logits = fluid.layers.matmul(x=query, y=key, transpose_y=True, alpha=d_key**(-0.5)) - - if (q_mask is not None) and (k_mask is not None): - mask = fluid.layers.matmul(x=q_mask, y=k_mask, transpose_y=True) - another_mask = fluid.layers.scale( - mask, - scale=float(2**32 - 1), - bias=float(-1), - bias_after_scale=False) - - logits = mask * logits + another_mask - - attention = fluid.layers.softmax(logits) - if dropout_rate: - attention = fluid.layers.dropout( - input=attention, dropout_prob=dropout_rate, is_test=False) - - atten_out = fluid.layers.matmul(x=attention, y=value) - - return atten_out - - -def safe_cosine_sim(x, y): - """ - fluid.layers.cos_sim maybe nan - avoid nan - """ - l2x = fluid.layers.l2_normalize(x, axis=-1) - l2y = fluid.layers.l2_normalize(y, axis=-1) - cos = fluid.layers.reduce_sum(l2x * l2y, dim=1, keep_dim=True) - return cos - - -def loss_neg_log_of_pos(pos_score, neg_score_n, gama=5.0): - ''' - pos_score: batch_size x 1 - neg_score_n: batch_size x n - ''' - # n x batch_size - neg_score_n = fluid.layers.transpose(neg_score_n, [1, 0]) - # 1 x batch_size - pos_score = fluid.layers.reshape(pos_score, [1, -1]) - - exp_pos_score = fluid.layers.exp(pos_score * gama) - exp_neg_score_n = fluid.layers.exp(neg_score_n * gama) - - ## (n+1) x batch_size - pos_neg_score = fluid.layers.concat([exp_pos_score, exp_neg_score_n], axis=0) - ## 1 x batch_size - exp_sum = fluid.layers.reduce_sum(pos_neg_score, dim=0, keep_dim=True) - ## 1 x batch_size - loss = -1.0 * fluid.layers.log(exp_pos_score / exp_sum) - # batch_size - loss = fluid.layers.reshape(loss, [-1, 1]) - #return [loss, exp_pos_score, exp_neg_score_n, pos_neg_score, exp_sum] - return loss - - -def loss_pairwise_hinge(pos, neg, margin=0.8): - """ - pairwise - """ - loss_part1 = fluid.layers.elementwise_sub( - fluid.layers.fill_constant_batch_size_like( - input=pos, shape=[-1, 1], value=margin, dtype='float32'), pos) - loss_part2 = fluid.layers.elementwise_add(loss_part1, neg) - loss_part3 = fluid.layers.elementwise_max( - fluid.layers.fill_constant_batch_size_like( - input=loss_part2, shape=[-1, 1], value=0.0, dtype='float32'), loss_part2) - return loss_part3 - - -class PoiQacPersonalized(BaseNet): - """ - This module provide nets for poi classification - """ - def __init__(self, FLAGS): - super(PoiQacPersonalized, self).__init__(FLAGS) - self.hid_dim = 128 - - def net(self, inputs): - """ - PoiQacPersonalized interface - """ - # debug output info during training - debug_output = collections.OrderedDict() - model_output = {} - net_output = {"debug_output": debug_output, - "model_output": model_output} - - user_input_keys = ['user_clk_geoid', 'user_tag_id', 'user_resident_geoid', 'user_navi_drive'] - - pred_input_keys = ['prefix_letter_id', 'prefix_loc_geoid', 'pos_name_letter_id', - 'pos_name_word_id', 'pos_addr_letter_id', 'pos_addr_word_id', 'pos_loc_geoid'] - query_key_num = 2 - if self._flags.use_personal: - pred_input_keys.insert(2, 'prefix_time_id') - pred_input_keys.append('pos_tag_id') - query_key_num += 2 - if self._flags.prefix_word_id: - pred_input_keys.insert(1, 'prefix_word_id') - query_key_num += 1 - pred_input_keys = user_input_keys + pred_input_keys - query_key_num += len(user_input_keys) - elif self._flags.prefix_word_id: - pred_input_keys.insert(1, 'prefix_word_id') - query_key_num += 1 - - #for p in pred_input_keys: - # debug_output[p] = inputs[p] - - prefix_vec, prefix_pool = self._get_query_vec(inputs) - pos_vec, pos_pool = self._get_poi_vec(inputs, 'pos') - - pos_score = safe_cosine_sim(pos_vec, prefix_vec) - #fluid.layers.Print(pos_score, summarize=10000) - if self.is_training: - neg_vec, neg_pool = self._get_poi_vec(inputs, 'neg') - if self._flags.loss_func == 'log_exp': - neg_vec = fluid.layers.reshape(neg_vec, [-1, self._flags.fc_dim]) - prefix_expand = fluid.layers.reshape(fluid.layers.expand(prefix_vec, [1, - self._flags.neg_sample_num]), [-1, self._flags.fc_dim]) - neg_score = safe_cosine_sim(neg_vec, prefix_expand) - cost = loss_neg_log_of_pos(pos_score, fluid.layers.reshape(neg_score, - [-1, self._flags.neg_sample_num]), 15) - else: - neg_score = safe_cosine_sim(neg_vec, prefix_vec) - cost = loss_pairwise_hinge(pos_score, neg_score, self._flags.margin) - #debug_output["pos_score"] = pos_score - #debug_output["neg_score"] = neg_score - #debug_output['prefix_pool'] = prefix_pool - #debug_output['pos_pool'] = pos_pool - #debug_output['neg_pool'] = neg_pool - - loss = fluid.layers.mean(x=cost) - if self._flags.init_learning_rate > 0: - # define the optimizer - #d_model = 1 / (warmup_steps * (learning_rate ** 2)) - with fluid.default_main_program()._lr_schedule_guard(): - learning_rate = fluid.layers.learning_rate_scheduler.noam_decay( - self._flags.emb_dim, self._flags.learning_rate_warmup_steps - ) * self._flags.init_learning_rate - optimizer = fluid.optimizer.AdamOptimizer( - learning_rate=learning_rate, beta1=self._flags.adam_beta1, - beta2=self._flags.adam_beta2, epsilon=self._flags.opt_epsilon) - logging.info("use noam_decay learning_rate_scheduler for optimizer.") - net_output["optimizer"] = optimizer - - net_output["loss"] = loss - model_output['fetch_targets'] = [inputs["prefix_letter_id"], pos_score] - else: - if self._flags.dump_vec == "query": - model_output['fetch_targets'] = [prefix_vec] - pred_input_keys = pred_input_keys[:query_key_num] - elif self._flags.dump_vec == "poi": - model_output['fetch_targets'] = [prefix_vec, pos_score, pos_vec] - else: - model_output['fetch_targets'] = [inputs["prefix_letter_id"], pos_score, inputs["label"]] - - model_output['feeded_var_names'] = pred_input_keys - - return net_output - - def _get_query_vec(self, inputs): - """ - get query & user vec - """ - if self._flags.use_personal: - #user_tag_id - #embedding layer - tag_emb = fluid.layers.embedding(input=inputs['user_tag_id'], is_sparse=True, - size=[self._flags.tag_size, self._flags.emb_dim], - param_attr=fluid.ParamAttr(name="tagid_embedding", learning_rate=self._flags.emb_lr), - padding_idx=0) - tag_emb = fluid.layers.sequence_pool(tag_emb, pool_type="sum") - - user_clk_geoid = fluid.layers.reshape(fluid.layers.cast(inputs['user_clk_geoid'], - dtype="float32"), [-1, 40]) - user_resident_geoid = fluid.layers.reshape(fluid.layers.cast(inputs['user_resident_geoid'], - dtype="float32"), [-1, 40]) - user_profile = fluid.layers.cast(inputs['user_navi_drive'], dtype="float32") - user_pool = fluid.layers.concat([tag_emb, user_clk_geoid, user_resident_geoid, user_profile], - axis=1) - #fc layer - user_vec = fluid.layers.fc(input=user_pool, size=self._flags.emb_dim, act="leaky_relu", - param_attr=fluid.ParamAttr(name='user_fc_weight'), - bias_attr=fluid.ParamAttr(name='user_fc_bias')) - #fluid.layers.Print(user_vec) - - loc_vec = fluid.layers.reshape(fluid.layers.cast(x=inputs['prefix_loc_geoid'], - dtype="float32"), [-1, 40]) - - if self._flags.model_type == "bilstm_net": - network = self.bilstm_net - elif self._flags.model_type == "bow_net": - network = self.bow_net - elif self._flags.model_type == "cnn_net": - network = self.cnn_net - elif self._flags.model_type == "lstm_net": - network = self.lstm_net - elif self._flags.model_type == "gru_net": - network = self.gru_net - else: - raise ValueError("Unknown network type!") - - prefix_letter_pool = network(inputs["prefix_letter_id"], - "wordid_embedding", - self._flags.vocab_size, - self._flags.emb_dim, - hid_dim=self.hid_dim, - fc_dim=0, - emb_lr=self._flags.emb_lr) - if self._flags.use_attention: - #max-pooling - prefix_letter_pool = fluid.layers.sequence_pool(prefix_letter_pool, pool_type="max") - - prefix_vec = prefix_letter_pool - if self._flags.prefix_word_id: - prefix_word_pool = network(inputs["prefix_word_id"], - "wordid_embedding", - self._flags.vocab_size, - self._flags.emb_dim, - hid_dim=self.hid_dim, - fc_dim=0, - emb_lr=self._flags.emb_lr) - if self._flags.use_attention: - #max-pooling - prefix_word_pool = fluid.layers.sequence_pool(prefix_word_pool, pool_type="max") - prefix_pool = fluid.layers.concat([prefix_letter_pool, prefix_word_pool], axis=1) - prefix_vec = fluid.layers.fc(input=prefix_pool, size=self.hid_dim, act="leaky_relu", - param_attr=fluid.ParamAttr(name='prefix_fc_weight'), - bias_attr=fluid.ParamAttr(name='prefix_fc_bias')) - #vector layer - #fluid.layers.Print(inputs["prefix_letter_id"]) - #fluid.layers.Print(inputs["prefix_word_id"]) - #fluid.layers.Print(prefix_vec) - - if self._flags.use_personal: - #prefix_time_id - time_emb = fluid.layers.embedding(input=inputs['prefix_time_id'], is_sparse=True, - size=[self._flags.time_size, self._flags.emb_dim], - param_attr=fluid.ParamAttr(name="timeid_embedding", learning_rate=self._flags.emb_lr)) - time_emb = fluid.layers.sequence_pool(time_emb, pool_type="sum") - context_pool = fluid.layers.concat([prefix_vec, loc_vec, time_emb, user_vec], axis=1) - else: - context_pool = fluid.layers.concat([prefix_vec, loc_vec], axis=1) - context_vec = fluid.layers.fc(input=context_pool, size=self._flags.fc_dim, act=self._flags.activate, - param_attr=fluid.ParamAttr(name='context_fc_weight'), - bias_attr=fluid.ParamAttr(name='context_fc_bias')) - return context_vec, context_pool - - def _get_poi_vec(self, inputs, tag): - """ - get poi vec - context layer: same with query - feature extract layer: same with query, same kernal params - vector layer: fc - """ - name_letter_pool = self.cnn_net(inputs[tag + "_name_letter_id"], - "wordid_embedding", - self._flags.vocab_size, - self._flags.emb_dim, - hid_dim=self.hid_dim, - fc_dim=0, - emb_lr=self._flags.emb_lr) - - name_word_pool = self.cnn_net(inputs[tag + "_name_word_id"], - "wordid_embedding", - self._flags.vocab_size, - self._flags.emb_dim, - hid_dim=self.hid_dim, - fc_dim=0, - emb_lr=self._flags.emb_lr) - - addr_letter_pool = self.cnn_net(inputs[tag + "_addr_letter_id"], - "wordid_embedding", - self._flags.vocab_size, - self._flags.emb_dim, - hid_dim=self.hid_dim, - fc_dim=0, - emb_lr=self._flags.emb_lr) - - addr_word_pool = self.cnn_net(inputs[tag + "_addr_word_id"], - "wordid_embedding", - self._flags.vocab_size, - self._flags.emb_dim, - hid_dim=self.hid_dim, - fc_dim=0, - emb_lr=self._flags.emb_lr) - - #fc layer - loc_vec = fluid.layers.reshape(fluid.layers.cast(x=inputs[tag + '_loc_geoid'], - dtype="float32"), [-1, 40]) - - if self._flags.use_attention: - addr2name_letter_att = dot_product_attention(name_letter_pool, addr_letter_pool, - addr_letter_pool, self.hid_dim) - name2addr_letter_att = dot_product_attention(addr_letter_pool, name_letter_pool, - name_letter_pool, self.hid_dim) - letter_vec = fluid.layers.sequence_concat([addr2name_letter_att, name2addr_letter_att]) - letter_att = ffn(letter_vec, self.hid_dim, self.hid_dim, "inter_ffn") - #max-pooling - name_vec = fluid.layers.sequence_pool(letter_att, pool_type="max") - - addr2name_word_att = dot_product_attention(name_word_pool, addr_word_pool, - addr_word_pool, self.hid_dim) - name2addr_word_att = dot_product_attention(addr_word_pool, name_word_pool, - name_word_pool, self.hid_dim) - word_vec = fluid.layers.sequence_concat([addr2name_word_att, name2addr_word_att]) - word_att = ffn(word_vec, self.hid_dim, self.hid_dim, "inter_ffn") - #max-pooling - addr_vec = fluid.layers.sequence_pool(word_att, pool_type="max") - else: - name_pool = fluid.layers.concat([name_letter_pool, name_word_pool], axis=1) - name_vec = fluid.layers.fc(input=name_pool, size=self.hid_dim, act="leaky_relu", - param_attr=fluid.ParamAttr(name='name_fc_weight'), - bias_attr=fluid.ParamAttr(name='name_fc_bias')) - addr_pool = fluid.layers.concat([addr_letter_pool, addr_word_pool], axis=1) - addr_vec = fluid.layers.fc(input=addr_pool, size=self.hid_dim, act="leaky_relu", - param_attr=fluid.ParamAttr(name='addr_fc_weight'), - bias_attr=fluid.ParamAttr(name='addr_fc_bias')) - - if self._flags.use_personal: - tag_emb = fluid.layers.embedding(input=inputs[tag + '_tag_id'], is_sparse=True, - size=[self._flags.tag_size, self._flags.emb_dim], - param_attr=fluid.ParamAttr(name="tagid_embedding", learning_rate=self._flags.emb_lr), - padding_idx=0) - tag_emb = fluid.layers.sequence_pool(tag_emb, pool_type="sum") - poi_pool = fluid.layers.concat([name_vec, addr_vec, loc_vec, tag_emb], axis=1) - else: - poi_pool = fluid.layers.concat([name_vec, addr_vec, loc_vec], axis=1) - #vector layer - #fluid.layers.Print(inputs[tag + "_name_letter_id"]) - #fluid.layers.Print(inputs[tag + "_name_word_id"]) - #fluid.layers.Print(poi_pool) - poi_vec = fluid.layers.fc(input=poi_pool, size=self._flags.fc_dim, act=self._flags.activate, - param_attr=fluid.ParamAttr(name='poi_fc_weight'), - bias_attr=fluid.ParamAttr(name='poi_fc_bias')) - - return poi_vec, poi_pool - - def train_format(self, result, global_step, epoch_id, batch_id): - """ - result: one batch train narray - """ - if global_step == 0 or global_step % self._flags.log_every_n_steps != 0: - return - - #result[0] default is loss. - avg_res = np.mean(np.array(result[0])) - vec = [] - for i in range(1, len(result)): - res = np.array(result[i]) - vec.append("%s#%s" % (res.shape, ' '.join(str(j) for j in res.flatten()))) - logging.info("epoch[%s], global_step[%s], batch_id[%s], extra_info: " - "loss[%s], debug[%s]" % (epoch_id, global_step, batch_id, - avg_res, ";".join(vec))) - - def init_params(self, place): - """ - init embed - """ - def _load_parameter(pretraining_file, vocab_size, word_emb_dim): - pretrain_word2vec = np.zeros([vocab_size, word_emb_dim], dtype=np.float32) - for line in open(pretraining_file, 'r'): - id, _, vec = line.strip('\r\n').split('\t') - pretrain_word2vec[int(id)] = map(float, vec.split()) - - return pretrain_word2vec - - embedding_param = fluid.global_scope().find_var("wordid_embedding").get_tensor() - pretrain_word2vec = _load_parameter(self._flags.init_train_params, - self._flags.vocab_size, self._flags.emb_dim) - embedding_param.set(pretrain_word2vec, place) - logging.info("init pretrain word2vec:%s" % self._flags.init_train_params) - - def pred_format(self, result, **kwargs): - """ - format pred output - """ - if result is None: - return - - if result == '_PRE_': - if self._flags.dump_vec not in ('query', 'poi'): - self.idx2word = {} - with open(self._flags.qac_dict_path, 'r') as f: - for line in f: - term, tag, cnt, is_stop, term_id = line.strip('\r\n').split('\t') - self.idx2word[int(term_id)] = term - return - - if result == '_POST_': - if self._flags.init_pretrain_model is not None: - path = "%s/infer_model" % (self._flags.export_dir) - frame_env = kwargs['frame_env'] - fluid.io.save_inference_model(path, - frame_env.paddle_env['feeded_var_names'], - frame_env.paddle_env['fetch_targets'], - frame_env.paddle_env['exe'], frame_env.paddle_env['program']) - - return - - if self._flags.dump_vec == "query": - prefix_vec = np.array(result[0]) - for q in prefix_vec: - print("qid\t%s" % (" ".join(map(str, q)))) - elif self._flags.dump_vec == "poi": - poi_score = np.array(result[1]) - poi_vec = np.array(result[2]) - for i in range(len(poi_score)): - print("bid\t%s\t%s" % (poi_score[i][0], " ".join(map(str, poi_vec[i])))) - else: - prefix_id = result[0] - pred_score = np.array(result[1]) - label = np.array(result[2]) - for i in range(len(pred_score)): - start = prefix_id.lod()[0][i] - end = prefix_id.lod()[0][i + 1] - words = [] - for idx in np.array(prefix_id)[start:end]: - words.append(self.idx2word.get(idx[0], "UNK")) - print("qid_%s\t%s\t%s" % ("".join(words), label[i][0], pred_score[i][0])) - - def bow_net(self, - data, - layer_name, - dict_dim, - emb_dim=128, - hid_dim=128, - fc_dim=128, emb_lr=0.1): - """ - bow net - """ - # embedding layer - emb = fluid.layers.embedding(input=data, is_sparse=True, size=[dict_dim, emb_dim], - param_attr=fluid.ParamAttr(name=layer_name, learning_rate=emb_lr), padding_idx=0) - - # bow layer - bow = fluid.layers.sequence_pool(input=emb, pool_type='sum') - #bow = fluid.layers.tanh(bow) - #bow = fluid.layers.softsign(bow) - - # full connect layer - if fc_dim > 0: - bow = fluid.layers.fc(input=bow, size=fc_dim, act=self._flags.activate) - return bow - - def cnn_net(self, - data, - layer_name, - dict_dim, - emb_dim=128, - hid_dim=128, - fc_dim=96, - win_size=3, emb_lr=0.1): - """ - conv net - """ - # embedding layer - emb = fluid.layers.embedding(input=data, is_sparse=True, size=[dict_dim, emb_dim], - param_attr=fluid.ParamAttr(name=layer_name, learning_rate=emb_lr), padding_idx=0) - - param_attr = fluid.ParamAttr( - name="conv_weight", - initializer=fluid.initializer.TruncatedNormalInitializer(loc=0.0, scale=0.1)) - bias_attr = fluid.ParamAttr( - name="conv_bias", - initializer=fluid.initializer.Constant(0.0)) - - if self._flags.use_attention: - # convolution layer - conv = fluid.layers.sequence_conv( - input=emb, - num_filters=hid_dim, - filter_size=win_size, - param_attr=param_attr, - bias_attr=bias_attr, - act="leaky_relu") #tanh - att = dot_product_attention(conv, conv, conv, hid_dim) - conv = ffn(att, hid_dim, hid_dim, "intra_ffn") - else: - # convolution layer - conv = fluid.nets.sequence_conv_pool( - input=emb, - num_filters=hid_dim, - filter_size=win_size, - param_attr=param_attr, - bias_attr=bias_attr, - act="leaky_relu", #tanh - pool_type="max") - # full connect layer - if fc_dim > 0: - conv = fluid.layers.fc(input=conv, size=fc_dim, act=self._flags.activate) - return conv - - def lstm_net(self, - data, - layer_name, - dict_dim, - emb_dim=128, - hid_dim=128, - fc_dim=96, - emb_lr=0.1): - """ - lstm net - """ - # embedding layer - emb = fluid.layers.embedding(input=data, is_sparse=True, size=[dict_dim, emb_dim], - param_attr=fluid.ParamAttr(name=layer_name, learning_rate=emb_lr), padding_idx=0) - - # Lstm layer - fc0 = fluid.layers.fc(input=emb, size=hid_dim * 4, - param_attr=fluid.ParamAttr(name='lstm_fc_weight'), - bias_attr=fluid.ParamAttr(name='lstm_fc_bias')) - lstm_h, c = fluid.layers.dynamic_lstm(input=fc0, size=hid_dim * 4, is_reverse=False, - param_attr=fluid.ParamAttr(name='lstm_weight'), - bias_attr=fluid.ParamAttr(name='lstm_bias')) - # max pooling layer - lstm = fluid.layers.sequence_pool(input=lstm_h, pool_type='max') - lstm = fluid.layers.tanh(lstm) - - # full connect layer - if fc_dim > 0: - lstm = fluid.layers.fc(input=lstm, size=fc_dim, act=self._flags.activate) - return lstm - - def bilstm_net(self, - data, - layer_name, - dict_dim, - emb_dim=128, - hid_dim=128, - fc_dim=96, - emb_lr=0.1): - """ - bi-Lstm net - """ - # embedding layer - emb = fluid.layers.embedding(input=data, is_sparse=True, size=[dict_dim, emb_dim], - param_attr=fluid.ParamAttr(name=layer_name, learning_rate=emb_lr), padding_idx=0) - - #LSTM layer - fc0 = fluid.layers.fc(input=emb, size=hid_dim * 4) - rfc0 = fluid.layers.fc(input=emb, size=hid_dim * 4) - lstm_h, c = fluid.layers.dynamic_lstm(input=fc0, size=hid_dim * 4, is_reverse=False) - rlstm_h, c = fluid.layers.dynamic_lstm(input=rfc0, size=hid_dim * 4, is_reverse=True) - # extract last layer - lstm_last = fluid.layers.sequence_last_step(input=lstm_h) - rlstm_last = fluid.layers.sequence_last_step(input=rlstm_h) - #lstm_last = fluid.layers.tanh(lstm_last) - #rlstm_last = fluid.layers.tanh(rlstm_last) - # concat layer - bi_lstm = fluid.layers.concat(input=[lstm_last, rlstm_last], axis=1) - - # full connect layer - if fc_dim > 0: - bi_lstm = fluid.layers.fc(input=bi_lstm, size=fc_dim, act=self._flags.activate) - return bi_lstm - - def gru_net(self, - data, - layer_name, - dict_dim, - emb_dim=128, - hid_dim=128, - fc_dim=96, - emb_lr=0.1): - """ - gru net - """ - emb = fluid.layers.embedding(input=data, is_sparse=True, size=[dict_dim, emb_dim], - param_attr=fluid.ParamAttr(name=layer_name, learning_rate=emb_lr), padding_idx=0) - - #gru layer - fc0 = fluid.layers.fc(input=emb, size=hid_dim * 3) - gru = fluid.layers.dynamic_gru(input=fc0, size=hid_dim, is_reverse=False) - gru = fluid.layers.sequence_pool(input=gru, pool_type='max') - #gru = fluid.layers.tanh(gru) - - if fc_dim > 0: - gru = fluid.layers.fc(input=gru, size=fc_dim, act=self._flags.activate) - return gru - - diff --git a/PaddleST/Research/KDD2020-P3AC/test/__init__.py b/PaddleST/Research/KDD2020-P3AC/test/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/contrib/README.md b/contrib/README.md deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/legacy/PaddleRL/DeepQNetwork/DQN_agent.py b/legacy/PaddleRL/DeepQNetwork/DQN_agent.py deleted file mode 100644 index 60f86a59bf63e9e4fc4edbea0159e4d8aa3a5b9f..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/DeepQNetwork/DQN_agent.py +++ /dev/null @@ -1,190 +0,0 @@ -#-*- coding: utf-8 -*- - -import math -import numpy as np -import paddle.fluid as fluid -from paddle.fluid.param_attr import ParamAttr -from tqdm import tqdm - - -class DQNModel(object): - def __init__(self, state_dim, action_dim, gamma, hist_len, use_cuda=False): - self.img_height = state_dim[0] - self.img_width = state_dim[1] - self.action_dim = action_dim - self.gamma = gamma - self.exploration = 1.1 - self.update_target_steps = 10000 // 4 - self.hist_len = hist_len - self.use_cuda = use_cuda - - self.global_step = 0 - self._build_net() - - def _get_inputs(self): - return fluid.layers.data( - name='state', - shape=[self.hist_len, self.img_height, self.img_width], - dtype='float32'), \ - fluid.layers.data( - name='action', shape=[1], dtype='int32'), \ - fluid.layers.data( - name='reward', shape=[], dtype='float32'), \ - fluid.layers.data( - name='next_s', - shape=[self.hist_len, self.img_height, self.img_width], - dtype='float32'), \ - fluid.layers.data( - name='isOver', shape=[], dtype='bool') - - def _build_net(self): - self.predict_program = fluid.Program() - self.train_program = fluid.Program() - self._sync_program = fluid.Program() - - with fluid.program_guard(self.predict_program): - state, action, reward, next_s, isOver = self._get_inputs() - self.pred_value = self.get_DQN_prediction(state) - - with fluid.program_guard(self.train_program): - state, action, reward, next_s, isOver = self._get_inputs() - pred_value = self.get_DQN_prediction(state) - - reward = fluid.layers.clip(reward, min=-1.0, max=1.0) - - action_onehot = fluid.layers.one_hot(action, self.action_dim) - action_onehot = fluid.layers.cast(action_onehot, dtype='float32') - - pred_action_value = fluid.layers.reduce_sum( - fluid.layers.elementwise_mul(action_onehot, pred_value), dim=1) - - targetQ_predict_value = self.get_DQN_prediction(next_s, target=True) - best_v = fluid.layers.reduce_max(targetQ_predict_value, dim=1) - best_v.stop_gradient = True - - target = reward + (1.0 - fluid.layers.cast( - isOver, dtype='float32')) * self.gamma * best_v - cost = fluid.layers.square_error_cost(pred_action_value, target) - cost = fluid.layers.reduce_mean(cost) - - optimizer = fluid.optimizer.Adam(1e-3 * 0.5, epsilon=1e-3) - optimizer.minimize(cost) - - vars = list(self.train_program.list_vars()) - target_vars = list( - filter(lambda x: 'GRAD' not in x.name and 'target' in x.name, vars)) - - policy_vars_name = [ - x.name.replace('target', 'policy') for x in target_vars - ] - policy_vars = list(filter(lambda x: x.name in policy_vars_name, vars)) - - policy_vars.sort(key=lambda x: x.name) - target_vars.sort(key=lambda x: x.name) - - with fluid.program_guard(self._sync_program): - sync_ops = [] - for i, var in enumerate(policy_vars): - sync_op = fluid.layers.assign(policy_vars[i], target_vars[i]) - sync_ops.append(sync_op) - - # fluid exe - place = fluid.CUDAPlace(0) if self.use_cuda else fluid.CPUPlace() - self.exe = fluid.Executor(place) - self.exe.run(fluid.default_startup_program()) - - def get_DQN_prediction(self, image, target=False): - image = image / 255.0 - - variable_field = 'target' if target else 'policy' - - conv1 = fluid.layers.conv2d( - input=image, - num_filters=32, - filter_size=5, - stride=1, - padding=2, - act='relu', - param_attr=ParamAttr(name='{}_conv1'.format(variable_field)), - bias_attr=ParamAttr(name='{}_conv1_b'.format(variable_field))) - max_pool1 = fluid.layers.pool2d( - input=conv1, pool_size=2, pool_stride=2, pool_type='max') - - conv2 = fluid.layers.conv2d( - input=max_pool1, - num_filters=32, - filter_size=5, - stride=1, - padding=2, - act='relu', - param_attr=ParamAttr(name='{}_conv2'.format(variable_field)), - bias_attr=ParamAttr(name='{}_conv2_b'.format(variable_field))) - max_pool2 = fluid.layers.pool2d( - input=conv2, pool_size=2, pool_stride=2, pool_type='max') - - conv3 = fluid.layers.conv2d( - input=max_pool2, - num_filters=64, - filter_size=4, - stride=1, - padding=1, - act='relu', - param_attr=ParamAttr(name='{}_conv3'.format(variable_field)), - bias_attr=ParamAttr(name='{}_conv3_b'.format(variable_field))) - max_pool3 = fluid.layers.pool2d( - input=conv3, pool_size=2, pool_stride=2, pool_type='max') - - conv4 = fluid.layers.conv2d( - input=max_pool3, - num_filters=64, - filter_size=3, - stride=1, - padding=1, - act='relu', - param_attr=ParamAttr(name='{}_conv4'.format(variable_field)), - bias_attr=ParamAttr(name='{}_conv4_b'.format(variable_field))) - - flatten = fluid.layers.flatten(conv4, axis=1) - - out = fluid.layers.fc( - input=flatten, - size=self.action_dim, - param_attr=ParamAttr(name='{}_fc1'.format(variable_field)), - bias_attr=ParamAttr(name='{}_fc1_b'.format(variable_field))) - return out - - def act(self, state, train_or_test): - sample = np.random.random() - if train_or_test == 'train' and sample < self.exploration: - act = np.random.randint(self.action_dim) - else: - if np.random.random() < 0.01: - act = np.random.randint(self.action_dim) - else: - state = np.expand_dims(state, axis=0) - pred_Q = self.exe.run(self.predict_program, - feed={'state': state.astype('float32')}, - fetch_list=[self.pred_value])[0] - pred_Q = np.squeeze(pred_Q, axis=0) - act = np.argmax(pred_Q) - if train_or_test == 'train': - self.exploration = max(0.1, self.exploration - 1e-6) - return act - - def train(self, state, action, reward, next_state, isOver): - if self.global_step % self.update_target_steps == 0: - self.sync_target_network() - self.global_step += 1 - - action = np.expand_dims(action, -1) - self.exe.run(self.train_program, - feed={ - 'state': state.astype('float32'), - 'action': action.astype('int32'), - 'reward': reward, - 'next_s': next_state.astype('float32'), - 'isOver': isOver - }) - - def sync_target_network(self): - self.exe.run(self._sync_program) diff --git a/legacy/PaddleRL/DeepQNetwork/DoubleDQN_agent.py b/legacy/PaddleRL/DeepQNetwork/DoubleDQN_agent.py deleted file mode 100644 index 87997cd8bcedf9e0c7e6bd6034c8d20f06d9e198..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/DeepQNetwork/DoubleDQN_agent.py +++ /dev/null @@ -1,200 +0,0 @@ -#-*- coding: utf-8 -*- - -import math -import numpy as np -import paddle.fluid as fluid -from paddle.fluid.param_attr import ParamAttr -from tqdm import tqdm - - -class DoubleDQNModel(object): - def __init__(self, state_dim, action_dim, gamma, hist_len, use_cuda=False): - self.img_height = state_dim[0] - self.img_width = state_dim[1] - self.action_dim = action_dim - self.gamma = gamma - self.exploration = 1.1 - self.update_target_steps = 10000 // 4 - self.hist_len = hist_len - self.use_cuda = use_cuda - - self.global_step = 0 - self._build_net() - - def _get_inputs(self): - return fluid.layers.data( - name='state', - shape=[self.hist_len, self.img_height, self.img_width], - dtype='float32'), \ - fluid.layers.data( - name='action', shape=[1], dtype='int32'), \ - fluid.layers.data( - name='reward', shape=[], dtype='float32'), \ - fluid.layers.data( - name='next_s', - shape=[self.hist_len, self.img_height, self.img_width], - dtype='float32'), \ - fluid.layers.data( - name='isOver', shape=[], dtype='bool') - - def _build_net(self): - self.predict_program = fluid.Program() - self.train_program = fluid.Program() - self._sync_program = fluid.Program() - - with fluid.program_guard(self.predict_program): - state, action, reward, next_s, isOver = self._get_inputs() - self.pred_value = self.get_DQN_prediction(state) - - with fluid.program_guard(self.train_program): - state, action, reward, next_s, isOver = self._get_inputs() - pred_value = self.get_DQN_prediction(state) - - reward = fluid.layers.clip(reward, min=-1.0, max=1.0) - - action_onehot = fluid.layers.one_hot(action, self.action_dim) - action_onehot = fluid.layers.cast(action_onehot, dtype='float32') - - pred_action_value = fluid.layers.reduce_sum( - fluid.layers.elementwise_mul(action_onehot, pred_value), dim=1) - - targetQ_predict_value = self.get_DQN_prediction(next_s, target=True) - - next_s_predcit_value = self.get_DQN_prediction(next_s) - greedy_action = fluid.layers.argmax(next_s_predcit_value, axis=1) - greedy_action = fluid.layers.unsqueeze(greedy_action, axes=[1]) - - predict_onehot = fluid.layers.one_hot(greedy_action, - self.action_dim) - best_v = fluid.layers.reduce_sum( - fluid.layers.elementwise_mul(predict_onehot, - targetQ_predict_value), - dim=1) - best_v.stop_gradient = True - - target = reward + (1.0 - fluid.layers.cast( - isOver, dtype='float32')) * self.gamma * best_v - cost = fluid.layers.square_error_cost(pred_action_value, target) - cost = fluid.layers.reduce_mean(cost) - - optimizer = fluid.optimizer.Adam(1e-3 * 0.5, epsilon=1e-3) - optimizer.minimize(cost) - - vars = list(self.train_program.list_vars()) - target_vars = list( - filter(lambda x: 'GRAD' not in x.name and 'target' in x.name, vars)) - - policy_vars_name = [ - x.name.replace('target', 'policy') for x in target_vars - ] - policy_vars = list(filter(lambda x: x.name in policy_vars_name, vars)) - - policy_vars.sort(key=lambda x: x.name) - target_vars.sort(key=lambda x: x.name) - - with fluid.program_guard(self._sync_program): - sync_ops = [] - for i, var in enumerate(policy_vars): - sync_op = fluid.layers.assign(policy_vars[i], target_vars[i]) - sync_ops.append(sync_op) - - # fluid exe - place = fluid.CUDAPlace(0) if self.use_cuda else fluid.CPUPlace() - self.exe = fluid.Executor(place) - self.exe.run(fluid.default_startup_program()) - - def get_DQN_prediction(self, image, target=False): - image = image / 255.0 - - variable_field = 'target' if target else 'policy' - - conv1 = fluid.layers.conv2d( - input=image, - num_filters=32, - filter_size=5, - stride=1, - padding=2, - act='relu', - param_attr=ParamAttr(name='{}_conv1'.format(variable_field)), - bias_attr=ParamAttr(name='{}_conv1_b'.format(variable_field))) - max_pool1 = fluid.layers.pool2d( - input=conv1, pool_size=2, pool_stride=2, pool_type='max') - - conv2 = fluid.layers.conv2d( - input=max_pool1, - num_filters=32, - filter_size=5, - stride=1, - padding=2, - act='relu', - param_attr=ParamAttr(name='{}_conv2'.format(variable_field)), - bias_attr=ParamAttr(name='{}_conv2_b'.format(variable_field))) - max_pool2 = fluid.layers.pool2d( - input=conv2, pool_size=2, pool_stride=2, pool_type='max') - - conv3 = fluid.layers.conv2d( - input=max_pool2, - num_filters=64, - filter_size=4, - stride=1, - padding=1, - act='relu', - param_attr=ParamAttr(name='{}_conv3'.format(variable_field)), - bias_attr=ParamAttr(name='{}_conv3_b'.format(variable_field))) - max_pool3 = fluid.layers.pool2d( - input=conv3, pool_size=2, pool_stride=2, pool_type='max') - - conv4 = fluid.layers.conv2d( - input=max_pool3, - num_filters=64, - filter_size=3, - stride=1, - padding=1, - act='relu', - param_attr=ParamAttr(name='{}_conv4'.format(variable_field)), - bias_attr=ParamAttr(name='{}_conv4_b'.format(variable_field))) - - flatten = fluid.layers.flatten(conv4, axis=1) - - out = fluid.layers.fc( - input=flatten, - size=self.action_dim, - param_attr=ParamAttr(name='{}_fc1'.format(variable_field)), - bias_attr=ParamAttr(name='{}_fc1_b'.format(variable_field))) - return out - - def act(self, state, train_or_test): - sample = np.random.random() - if train_or_test == 'train' and sample < self.exploration: - act = np.random.randint(self.action_dim) - else: - if np.random.random() < 0.01: - act = np.random.randint(self.action_dim) - else: - state = np.expand_dims(state, axis=0) - pred_Q = self.exe.run(self.predict_program, - feed={'state': state.astype('float32')}, - fetch_list=[self.pred_value])[0] - pred_Q = np.squeeze(pred_Q, axis=0) - act = np.argmax(pred_Q) - if train_or_test == 'train': - self.exploration = max(0.1, self.exploration - 1e-6) - return act - - def train(self, state, action, reward, next_state, isOver): - if self.global_step % self.update_target_steps == 0: - self.sync_target_network() - self.global_step += 1 - - action = np.expand_dims(action, -1) - self.exe.run(self.train_program, - feed={ - 'state': state.astype('float32'), - 'action': action.astype('int32'), - 'reward': reward, - 'next_s': next_state.astype('float32'), - 'isOver': isOver - }) - - def sync_target_network(self): - self.exe.run(self._sync_program) diff --git a/legacy/PaddleRL/DeepQNetwork/DuelingDQN_agent.py b/legacy/PaddleRL/DeepQNetwork/DuelingDQN_agent.py deleted file mode 100644 index 5d63adc594c50a027e1bd7cf3867287690ddaa3a..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/DeepQNetwork/DuelingDQN_agent.py +++ /dev/null @@ -1,200 +0,0 @@ -#-*- coding: utf-8 -*- - -import math -import numpy as np -import paddle.fluid as fluid -from paddle.fluid.param_attr import ParamAttr -from tqdm import tqdm - - -class DuelingDQNModel(object): - def __init__(self, state_dim, action_dim, gamma, hist_len, use_cuda=False): - self.img_height = state_dim[0] - self.img_width = state_dim[1] - self.action_dim = action_dim - self.gamma = gamma - self.exploration = 1.1 - self.update_target_steps = 10000 // 4 - self.hist_len = hist_len - self.use_cuda = use_cuda - - self.global_step = 0 - self._build_net() - - def _get_inputs(self): - return fluid.layers.data( - name='state', - shape=[self.hist_len, self.img_height, self.img_width], - dtype='float32'), \ - fluid.layers.data( - name='action', shape=[1], dtype='int32'), \ - fluid.layers.data( - name='reward', shape=[], dtype='float32'), \ - fluid.layers.data( - name='next_s', - shape=[self.hist_len, self.img_height, self.img_width], - dtype='float32'), \ - fluid.layers.data( - name='isOver', shape=[], dtype='bool') - - def _build_net(self): - self.predict_program = fluid.Program() - self.train_program = fluid.Program() - self._sync_program = fluid.Program() - - with fluid.program_guard(self.predict_program): - state, action, reward, next_s, isOver = self._get_inputs() - self.pred_value = self.get_DQN_prediction(state) - - with fluid.program_guard(self.train_program): - state, action, reward, next_s, isOver = self._get_inputs() - pred_value = self.get_DQN_prediction(state) - - reward = fluid.layers.clip(reward, min=-1.0, max=1.0) - - action_onehot = fluid.layers.one_hot(action, self.action_dim) - action_onehot = fluid.layers.cast(action_onehot, dtype='float32') - - pred_action_value = fluid.layers.reduce_sum( - fluid.layers.elementwise_mul(action_onehot, pred_value), dim=1) - - targetQ_predict_value = self.get_DQN_prediction(next_s, target=True) - best_v = fluid.layers.reduce_max(targetQ_predict_value, dim=1) - best_v.stop_gradient = True - - target = reward + (1.0 - fluid.layers.cast( - isOver, dtype='float32')) * self.gamma * best_v - cost = fluid.layers.square_error_cost(pred_action_value, target) - cost = fluid.layers.reduce_mean(cost) - - optimizer = fluid.optimizer.Adam(1e-3 * 0.5, epsilon=1e-3) - optimizer.minimize(cost) - - vars = list(self.train_program.list_vars()) - target_vars = list( - filter(lambda x: 'GRAD' not in x.name and 'target' in x.name, vars)) - - policy_vars_name = [ - x.name.replace('target', 'policy') for x in target_vars - ] - policy_vars = list(filter(lambda x: x.name in policy_vars_name, vars)) - - policy_vars.sort(key=lambda x: x.name) - target_vars.sort(key=lambda x: x.name) - - with fluid.program_guard(self._sync_program): - sync_ops = [] - for i, var in enumerate(policy_vars): - sync_op = fluid.layers.assign(policy_vars[i], target_vars[i]) - sync_ops.append(sync_op) - - # fluid exe - place = fluid.CUDAPlace(0) if self.use_cuda else fluid.CPUPlace() - self.exe = fluid.Executor(place) - self.exe.run(fluid.default_startup_program()) - - def get_DQN_prediction(self, image, target=False): - image = image / 255.0 - - variable_field = 'target' if target else 'policy' - - conv1 = fluid.layers.conv2d( - input=image, - num_filters=32, - filter_size=5, - stride=1, - padding=2, - act='relu', - param_attr=ParamAttr(name='{}_conv1'.format(variable_field)), - bias_attr=ParamAttr(name='{}_conv1_b'.format(variable_field))) - max_pool1 = fluid.layers.pool2d( - input=conv1, pool_size=2, pool_stride=2, pool_type='max') - - conv2 = fluid.layers.conv2d( - input=max_pool1, - num_filters=32, - filter_size=5, - stride=1, - padding=2, - act='relu', - param_attr=ParamAttr(name='{}_conv2'.format(variable_field)), - bias_attr=ParamAttr(name='{}_conv2_b'.format(variable_field))) - max_pool2 = fluid.layers.pool2d( - input=conv2, pool_size=2, pool_stride=2, pool_type='max') - - conv3 = fluid.layers.conv2d( - input=max_pool2, - num_filters=64, - filter_size=4, - stride=1, - padding=1, - act='relu', - param_attr=ParamAttr(name='{}_conv3'.format(variable_field)), - bias_attr=ParamAttr(name='{}_conv3_b'.format(variable_field))) - max_pool3 = fluid.layers.pool2d( - input=conv3, pool_size=2, pool_stride=2, pool_type='max') - - conv4 = fluid.layers.conv2d( - input=max_pool3, - num_filters=64, - filter_size=3, - stride=1, - padding=1, - act='relu', - param_attr=ParamAttr(name='{}_conv4'.format(variable_field)), - bias_attr=ParamAttr(name='{}_conv4_b'.format(variable_field))) - - flatten = fluid.layers.flatten(conv4, axis=1) - - value = fluid.layers.fc( - input=flatten, - size=1, - param_attr=ParamAttr(name='{}_value_fc'.format(variable_field)), - bias_attr=ParamAttr(name='{}_value_fc_b'.format(variable_field))) - - advantage = fluid.layers.fc( - input=flatten, - size=self.action_dim, - param_attr=ParamAttr(name='{}_advantage_fc'.format(variable_field)), - bias_attr=ParamAttr( - name='{}_advantage_fc_b'.format(variable_field))) - - Q = advantage + (value - fluid.layers.reduce_mean( - advantage, dim=1, keep_dim=True)) - return Q - - def act(self, state, train_or_test): - sample = np.random.random() - if train_or_test == 'train' and sample < self.exploration: - act = np.random.randint(self.action_dim) - else: - if np.random.random() < 0.01: - act = np.random.randint(self.action_dim) - else: - state = np.expand_dims(state, axis=0) - pred_Q = self.exe.run(self.predict_program, - feed={'state': state.astype('float32')}, - fetch_list=[self.pred_value])[0] - pred_Q = np.squeeze(pred_Q, axis=0) - act = np.argmax(pred_Q) - if train_or_test == 'train': - self.exploration = max(0.1, self.exploration - 1e-6) - return act - - def train(self, state, action, reward, next_state, isOver): - if self.global_step % self.update_target_steps == 0: - self.sync_target_network() - self.global_step += 1 - - action = np.expand_dims(action, -1) - self.exe.run(self.train_program, - feed={ - 'state': state.astype('float32'), - 'action': action.astype('int32'), - 'reward': reward, - 'next_s': next_state.astype('float32'), - 'isOver': isOver - }) - - def sync_target_network(self): - self.exe.run(self._sync_program) diff --git a/legacy/PaddleRL/DeepQNetwork/README.md b/legacy/PaddleRL/DeepQNetwork/README.md deleted file mode 100644 index 1edeaaa884318ec3a530ec4fdb7d031d07411b56..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/DeepQNetwork/README.md +++ /dev/null @@ -1,67 +0,0 @@ -[中文版](README_cn.md) - -## Reproduce DQN, DoubleDQN, DuelingDQN model with Fluid version of PaddlePaddle -Based on PaddlePaddle's next-generation API Fluid, the DQN model of deep reinforcement learning is reproduced, and the same level of indicators of the paper is reproduced in the classic Atari game. The model receives the image of the game as input, and uses the end-to-end model to directly predict the next step. The repository contains the following three types of models: -+ DQN in -[Human-level Control Through Deep Reinforcement Learning](http://www.nature.com/nature/journal/v518/n7540/full/nature14236.html) -+ DoubleDQN in: -[Deep Reinforcement Learning with Double Q-Learning](https://www.aaai.org/ocs/index.php/AAAI/AAAI16/paper/viewPaper/12389) -+ DuelingDQN in: -[Dueling Network Architectures for Deep Reinforcement Learning](http://proceedings.mlr.press/v48/wangf16.html) - -## Atari benchmark & performance - -### Atari games introduction - -Please see [here](https://gym.openai.com/envs/#atari) to know more about Atari game. - -### Pong game result - -The average game rewards that can be obtained for the three models as the number of training steps changes during the training are as follows(about 3 hours/1 Million steps): - -
-DQN result -
- -## How to use -### Dependencies: -+ python2.7 -+ gym -+ tqdm -+ opencv-python -+ paddlepaddle-gpu>=1.0.0 -+ ale_python_interface - -### Install Dependencies: -+ Install PaddlePaddle: - recommended to compile and install PaddlePaddle from source code -+ Install other dependencies: - ``` - pip install -r requirement.txt - pip install gym[atari] - ``` - Install ale_python_interface, please see [here](https://github.com/mgbellemare/Arcade-Learning-Environment). - -### Start Training: -``` -# To train a model for Pong game with gpu (use DQN model as default) -python train.py --rom ./rom_files/pong.bin --use_cuda - -# To train a model for Pong with DoubleDQN -python train.py --rom ./rom_files/pong.bin --use_cuda --alg DoubleDQN - -# To train a model for Pong with DuelingDQN -python train.py --rom ./rom_files/pong.bin --use_cuda --alg DuelingDQN -``` - -To train more games, you can install more rom files from [here](https://github.com/openai/atari-py/tree/master/atari_py/atari_roms). - -### Start Testing: -``` -# Play the game with saved best model and calculate the average rewards -python play.py --rom ./rom_files/pong.bin --use_cuda --model_path ./saved_model/DQN-pong - -# Play the game with visualization -python play.py --rom ./rom_files/pong.bin --use_cuda --model_path ./saved_model/DQN-pong --viz 0.01 -``` -[Here](https://pan.baidu.com/s/1gIsbNw5V7tMeb74ojx-TMA) is saved models for Pong and Breakout games. You can use it to play the game directly. diff --git a/legacy/PaddleRL/DeepQNetwork/README_cn.md b/legacy/PaddleRL/DeepQNetwork/README_cn.md deleted file mode 100644 index 640d775ad8fed2be360d308b6c5df41c86d77c04..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/DeepQNetwork/README_cn.md +++ /dev/null @@ -1,71 +0,0 @@ -## 基于PaddlePaddle的Fluid版本复现DQN, DoubleDQN, DuelingDQN三个模型 - -基于PaddlePaddle下一代API Fluid复现了深度强化学习领域的DQN模型,在经典的Atari 游戏上复现了论文同等水平的指标,模型接收游戏的图像作为输入,采用端到端的模型直接预测下一步要执行的控制信号,本仓库一共包含以下3类模型: -+ DQN模型: -[Human-level Control Through Deep Reinforcement Learning](http://www.nature.com/nature/journal/v518/n7540/full/nature14236.html) -+ DoubleDQN模型: -[Deep Reinforcement Learning with Double Q-Learning](https://www.aaai.org/ocs/index.php/AAAI/AAAI16/paper/viewPaper/12389) -+ DuelingDQN模型: -[Dueling Network Architectures for Deep Reinforcement Learning](http://proceedings.mlr.press/v48/wangf16.html) - -## 模型效果:Atari游戏表现 - -### Atari游戏介绍 - -请点击[这里](https://gym.openai.com/envs/#atari)了解Atari游戏。 - -### Pong游戏训练结果 -三个模型在训练过程中随着训练步数的变化,能得到的平均游戏奖励如下图所示(大概3小时每1百万步): - -
-DQN result -
- -## 使用教程 - -### 依赖: -+ python2.7 -+ gym -+ tqdm -+ opencv-python -+ paddlepaddle-gpu>=1.0.0 -+ ale_python_interface - -### 下载依赖: - -+ 安装PaddlePaddle: - 建议通过PaddlePaddle源码进行编译安装 -+ 下载其它依赖: - ``` - pip install -r requirement.txt - pip install gym[atari] - ``` - 安装ale_python_interface可以参考[这里](https://github.com/mgbellemare/Arcade-Learning-Environment) - -### 训练模型: - -``` -# 使用GPU训练Pong游戏(默认使用DQN模型) -python train.py --rom ./rom_files/pong.bin --use_cuda - -# 训练DoubleDQN模型 -python train.py --rom ./rom_files/pong.bin --use_cuda --alg DoubleDQN - -# 训练DuelingDQN模型 -python train.py --rom ./rom_files/pong.bin --use_cuda --alg DuelingDQN -``` - -训练更多游戏,可以从[这里](https://github.com/openai/atari-py/tree/master/atari_py/atari_roms)下载游戏rom - -### 测试模型: - -``` -# Play the game with saved model and calculate the average rewards -# 使用训练过程中保存的最好模型玩游戏,以及计算平均奖励(rewards) -python play.py --rom ./rom_files/pong.bin --use_cuda --model_path ./saved_model/DQN-pong - -# 以可视化的形式来玩游戏 -python play.py --rom ./rom_files/pong.bin --use_cuda --model_path ./saved_model/DQN-pong --viz 0.01 -``` - -[这里](https://pan.baidu.com/s/1gIsbNw5V7tMeb74ojx-TMA)是Pong和Breakout游戏训练好的模型,可以直接用来测试。 diff --git a/legacy/PaddleRL/DeepQNetwork/assets/dqn.png b/legacy/PaddleRL/DeepQNetwork/assets/dqn.png deleted file mode 100644 index f8f8d12f9887cdab62f09b52597ec187a4c8107c..0000000000000000000000000000000000000000 Binary files a/legacy/PaddleRL/DeepQNetwork/assets/dqn.png and /dev/null differ diff --git a/legacy/PaddleRL/DeepQNetwork/atari.py b/legacy/PaddleRL/DeepQNetwork/atari.py deleted file mode 100644 index ec793cba15ddc1c42986689eaad5773875a4ffde..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/DeepQNetwork/atari.py +++ /dev/null @@ -1,160 +0,0 @@ -# -*- coding: utf-8 -*- - -import numpy as np -import os -import cv2 -import threading - -import gym -from gym import spaces -from gym.envs.atari.atari_env import ACTION_MEANING - -from atari_py import ALEInterface - -__all__ = ['AtariPlayer'] - -ROM_URL = "https://github.com/openai/atari-py/tree/master/atari_py/atari_roms" -_ALE_LOCK = threading.Lock() -""" -The following AtariPlayer are copied or modified from tensorpack/tensorpack: - https://github.com/tensorpack/tensorpack/blob/master/examples/DeepQNetwork/atari.py -""" - - -class AtariPlayer(gym.Env): - """ - A wrapper for ALE emulator, with configurations to mimic DeepMind DQN settings. - Info: - score: the accumulated reward in the current game - gameOver: True when the current game is Over - """ - - def __init__(self, - rom_file, - viz=0, - frame_skip=4, - nullop_start=30, - live_lost_as_eoe=True, - max_num_frames=0): - """ - Args: - rom_file: path to the rom - frame_skip: skip every k frames and repeat the action - viz: visualization to be done. - Set to 0 to disable. - Set to a positive number to be the delay between frames to show. - Set to a string to be a directory to store frames. - nullop_start: start with random number of null ops. - live_losts_as_eoe: consider lost of lives as end of episode. Useful for training. - max_num_frames: maximum number of frames per episode. - """ - super(AtariPlayer, self).__init__() - assert os.path.isfile(rom_file), \ - "rom {} not found. Please download at {}".format(rom_file, ROM_URL) - - try: - ALEInterface.setLoggerMode(ALEInterface.Logger.Error) - except AttributeError: - print("You're not using latest ALE") - - # avoid simulator bugs: https://github.com/mgbellemare/Arcade-Learning-Environment/issues/86 - with _ALE_LOCK: - self.ale = ALEInterface() - self.ale.setInt(b"random_seed", np.random.randint(0, 30000)) - self.ale.setInt(b"max_num_frames_per_episode", max_num_frames) - self.ale.setBool(b"showinfo", False) - - self.ale.setInt(b"frame_skip", 1) - self.ale.setBool(b'color_averaging', False) - # manual.pdf suggests otherwise. - self.ale.setFloat(b'repeat_action_probability', 0.0) - - # viz setup - if isinstance(viz, str): - assert os.path.isdir(viz), viz - self.ale.setString(b'record_screen_dir', viz) - viz = 0 - if isinstance(viz, int): - viz = float(viz) - self.viz = viz - if self.viz and isinstance(self.viz, float): - self.windowname = os.path.basename(rom_file) - cv2.startWindowThread() - cv2.namedWindow(self.windowname) - - self.ale.loadROM(rom_file.encode('utf-8')) - self.width, self.height = self.ale.getScreenDims() - self.actions = self.ale.getMinimalActionSet() - - self.live_lost_as_eoe = live_lost_as_eoe - self.frame_skip = frame_skip - self.nullop_start = nullop_start - - self.action_space = spaces.Discrete(len(self.actions)) - self.observation_space = spaces.Box(low=0, - high=255, - shape=(self.height, self.width), - dtype=np.uint8) - self._restart_episode() - - def get_action_meanings(self): - return [ACTION_MEANING[i] for i in self.actions] - - def _grab_raw_image(self): - """ - :returns: the current 3-channel image - """ - m = self.ale.getScreenRGB() - return m.reshape((self.height, self.width, 3)) - - def _current_state(self): - """ - returns: a gray-scale (h, w) uint8 image - """ - ret = self._grab_raw_image() - # avoid missing frame issue: max-pooled over the last screen - ret = np.maximum(ret, self.last_raw_screen) - if self.viz: - if isinstance(self.viz, float): - cv2.imshow(self.windowname, ret) - cv2.waitKey(int(self.viz * 1000)) - ret = ret.astype('float32') - # 0.299,0.587.0.114. same as rgb2y in torch/image - ret = cv2.cvtColor(ret, cv2.COLOR_RGB2GRAY) - return ret.astype('uint8') # to save some memory - - def _restart_episode(self): - with _ALE_LOCK: - self.ale.reset_game() - - # random null-ops start - n = np.random.randint(self.nullop_start) - self.last_raw_screen = self._grab_raw_image() - for k in range(n): - if k == n - 1: - self.last_raw_screen = self._grab_raw_image() - self.ale.act(0) - - def reset(self): - if self.ale.game_over(): - self._restart_episode() - return self._current_state() - - def step(self, act): - oldlives = self.ale.lives() - r = 0 - for k in range(self.frame_skip): - if k == self.frame_skip - 1: - self.last_raw_screen = self._grab_raw_image() - r += self.ale.act(self.actions[act]) - newlives = self.ale.lives() - if self.ale.game_over() or \ - (self.live_lost_as_eoe and newlives < oldlives): - break - - isOver = self.ale.game_over() - if self.live_lost_as_eoe: - isOver = isOver or newlives < oldlives - - info = {'ale.lives': newlives} - return self._current_state(), r, isOver, info diff --git a/legacy/PaddleRL/DeepQNetwork/atari_wrapper.py b/legacy/PaddleRL/DeepQNetwork/atari_wrapper.py deleted file mode 100644 index 81ec7e0ba0ee191f70591c16bfff560a62d3d395..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/DeepQNetwork/atari_wrapper.py +++ /dev/null @@ -1,106 +0,0 @@ -# -*- coding: utf-8 -*- - -import numpy as np -from collections import deque - -import gym -from gym import spaces - -_v0, _v1 = gym.__version__.split('.')[:2] -assert int(_v0) > 0 or int(_v1) >= 10, gym.__version__ -""" -The following wrappers are copied or modified from openai/baselines: -https://github.com/openai/baselines/blob/master/baselines/common/atari_wrappers.py -""" - - -class MapState(gym.ObservationWrapper): - def __init__(self, env, map_func): - gym.ObservationWrapper.__init__(self, env) - self._func = map_func - - def observation(self, obs): - return self._func(obs) - - -class FrameStack(gym.Wrapper): - def __init__(self, env, k): - """Buffer observations and stack across channels (last axis).""" - gym.Wrapper.__init__(self, env) - self.k = k - self.frames = deque([], maxlen=k) - shp = env.observation_space.shape - chan = 1 if len(shp) == 2 else shp[2] - self.observation_space = spaces.Box(low=0, - high=255, - shape=(shp[0], shp[1], chan * k), - dtype=np.uint8) - - def reset(self): - """Clear buffer and re-fill by duplicating the first observation.""" - ob = self.env.reset() - for _ in range(self.k - 1): - self.frames.append(np.zeros_like(ob)) - self.frames.append(ob) - return self.observation() - - def step(self, action): - ob, reward, done, info = self.env.step(action) - self.frames.append(ob) - return self.observation(), reward, done, info - - def observation(self): - assert len(self.frames) == self.k - return np.stack(self.frames, axis=0) - - -class _FireResetEnv(gym.Wrapper): - def __init__(self, env): - """Take action on reset for environments that are fixed until firing.""" - gym.Wrapper.__init__(self, env) - assert env.unwrapped.get_action_meanings()[1] == 'FIRE' - assert len(env.unwrapped.get_action_meanings()) >= 3 - - def reset(self): - self.env.reset() - obs, _, done, _ = self.env.step(1) - if done: - self.env.reset() - obs, _, done, _ = self.env.step(2) - if done: - self.env.reset() - return obs - - def step(self, action): - return self.env.step(action) - - -def FireResetEnv(env): - if isinstance(env, gym.Wrapper): - baseenv = env.unwrapped - else: - baseenv = env - if 'FIRE' in baseenv.get_action_meanings(): - return _FireResetEnv(env) - return env - - -class LimitLength(gym.Wrapper): - def __init__(self, env, k): - gym.Wrapper.__init__(self, env) - self.k = k - - def reset(self): - # This assumes that reset() will really reset the env. - # If the underlying env tries to be smart about reset - # (e.g. end-of-life), the assumption doesn't hold. - ob = self.env.reset() - self.cnt = 0 - return ob - - def step(self, action): - ob, r, done, info = self.env.step(action) - self.cnt += 1 - if self.cnt == self.k: - done = True - return ob, r, done, info diff --git a/legacy/PaddleRL/DeepQNetwork/expreplay.py b/legacy/PaddleRL/DeepQNetwork/expreplay.py deleted file mode 100644 index 5f27ca7286b5db7ac963bc25236be416fad50eb0..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/DeepQNetwork/expreplay.py +++ /dev/null @@ -1,98 +0,0 @@ -# -*- coding: utf-8 -*- - -import numpy as np -import copy -from collections import deque, namedtuple - -Experience = namedtuple('Experience', ['state', 'action', 'reward', 'isOver']) - - -class ReplayMemory(object): - def __init__(self, max_size, state_shape, context_len): - self.max_size = int(max_size) - self.state_shape = state_shape - self.context_len = int(context_len) - - self.state = np.zeros((self.max_size, ) + state_shape, dtype='uint8') - self.action = np.zeros((self.max_size, ), dtype='int32') - self.reward = np.zeros((self.max_size, ), dtype='float32') - self.isOver = np.zeros((self.max_size, ), dtype='bool') - - self._curr_size = 0 - self._curr_pos = 0 - self._context = deque(maxlen=context_len - 1) - - def append(self, exp): - """append a new experience into replay memory - """ - if self._curr_size < self.max_size: - self._assign(self._curr_pos, exp) - self._curr_size += 1 - else: - self._assign(self._curr_pos, exp) - self._curr_pos = (self._curr_pos + 1) % self.max_size - if exp.isOver: - self._context.clear() - else: - self._context.append(exp) - - def recent_state(self): - """ maintain recent state for training""" - lst = list(self._context) - states = [np.zeros(self.state_shape, dtype='uint8')] * \ - (self._context.maxlen - len(lst)) - states.extend([k.state for k in lst]) - return states - - def sample(self, idx): - """ return state, action, reward, isOver, - note that some frames in state may be generated from last episode, - they should be removed from state - """ - state = np.zeros( - (self.context_len + 1, ) + self.state_shape, dtype=np.uint8) - state_idx = np.arange(idx, idx + self.context_len + 1) % self._curr_size - - # confirm that no frame was generated from last episode - has_last_episode = False - for k in range(self.context_len - 2, -1, -1): - to_check_idx = state_idx[k] - if self.isOver[to_check_idx]: - has_last_episode = True - state_idx = state_idx[k + 1:] - state[k + 1:] = self.state[state_idx] - break - - if not has_last_episode: - state = self.state[state_idx] - - real_idx = (idx + self.context_len - 1) % self._curr_size - action = self.action[real_idx] - reward = self.reward[real_idx] - isOver = self.isOver[real_idx] - return state, reward, action, isOver - - def __len__(self): - return self._curr_size - - def _assign(self, pos, exp): - self.state[pos] = exp.state - self.reward[pos] = exp.reward - self.action[pos] = exp.action - self.isOver[pos] = exp.isOver - - def sample_batch(self, batch_size): - """sample a batch from replay memory for training - """ - batch_idx = np.random.randint( - self._curr_size - self.context_len - 1, size=batch_size) - batch_idx = (self._curr_pos + batch_idx) % self._curr_size - batch_exp = [self.sample(i) for i in batch_idx] - return self._process_batch(batch_exp) - - def _process_batch(self, batch_exp): - state = np.asarray([e[0] for e in batch_exp], dtype='uint8') - reward = np.asarray([e[1] for e in batch_exp], dtype='float32') - action = np.asarray([e[2] for e in batch_exp], dtype='int8') - isOver = np.asarray([e[3] for e in batch_exp], dtype='bool') - return [state, action, reward, isOver] diff --git a/legacy/PaddleRL/DeepQNetwork/play.py b/legacy/PaddleRL/DeepQNetwork/play.py deleted file mode 100644 index 2c93da509d7cccb81d713c7aefd45a11ee28e8fb..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/DeepQNetwork/play.py +++ /dev/null @@ -1,65 +0,0 @@ -#-*- coding: utf-8 -*- - -import argparse -import os -import numpy as np -import paddle.fluid as fluid - -from train import get_player -from tqdm import tqdm - - -def predict_action(exe, state, predict_program, feed_names, fetch_targets, - action_dim): - if np.random.random() < 0.01: - act = np.random.randint(action_dim) - else: - state = np.expand_dims(state, axis=0) - pred_Q = exe.run(predict_program, - feed={feed_names[0]: state.astype('float32')}, - fetch_list=fetch_targets)[0] - pred_Q = np.squeeze(pred_Q, axis=0) - act = np.argmax(pred_Q) - return act - - -if __name__ == '__main__': - parser = argparse.ArgumentParser() - parser.add_argument( - '--use_cuda', action='store_true', help='if set, use cuda') - parser.add_argument('--rom', type=str, required=True, help='atari rom') - parser.add_argument( - '--model_path', type=str, required=True, help='dirname to load model') - parser.add_argument( - '--viz', - type=float, - default=0, - help='''viz: visualization setting: - Set to 0 to disable; - Set to a positive number to be the delay between frames to show. - ''') - args = parser.parse_args() - - env = get_player(args.rom, viz=args.viz) - - place = fluid.CUDAPlace(0) if args.use_cuda else fluid.CPUPlace() - exe = fluid.Executor(place) - inference_scope = fluid.Scope() - with fluid.scope_guard(inference_scope): - [predict_program, feed_names, - fetch_targets] = fluid.io.load_inference_model(args.model_path, exe) - - episode_reward = [] - for _ in tqdm(xrange(30), desc='eval agent'): - state = env.reset() - total_reward = 0 - while True: - action = predict_action(exe, state, predict_program, feed_names, - fetch_targets, env.action_space.n) - state, reward, isOver, info = env.step(action) - total_reward += reward - if isOver: - break - episode_reward.append(total_reward) - eval_reward = np.mean(episode_reward) - print('Average reward of 30 epidose: {}'.format(eval_reward)) diff --git a/legacy/PaddleRL/DeepQNetwork/requirement.txt b/legacy/PaddleRL/DeepQNetwork/requirement.txt deleted file mode 100644 index 689eb324e6bd65aabbe44ca041ff7b3ddacb1943..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/DeepQNetwork/requirement.txt +++ /dev/null @@ -1,5 +0,0 @@ -numpy -gym -tqdm -opencv-python -paddlepaddle-gpu>=1.0.0 diff --git a/legacy/PaddleRL/DeepQNetwork/rom_files/breakout.bin b/legacy/PaddleRL/DeepQNetwork/rom_files/breakout.bin deleted file mode 100644 index abab5a8c0a1890461a11b78d4265f1b794327793..0000000000000000000000000000000000000000 Binary files a/legacy/PaddleRL/DeepQNetwork/rom_files/breakout.bin and /dev/null differ diff --git a/legacy/PaddleRL/DeepQNetwork/rom_files/pong.bin b/legacy/PaddleRL/DeepQNetwork/rom_files/pong.bin deleted file mode 100644 index 14a5bdfc72548613c059938bdf712efdbb5d3806..0000000000000000000000000000000000000000 Binary files a/legacy/PaddleRL/DeepQNetwork/rom_files/pong.bin and /dev/null differ diff --git a/legacy/PaddleRL/DeepQNetwork/train.py b/legacy/PaddleRL/DeepQNetwork/train.py deleted file mode 100644 index dd7986d704aec0c0948f81ca7ddd69bbbd3ea239..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/DeepQNetwork/train.py +++ /dev/null @@ -1,181 +0,0 @@ -#-*- coding: utf-8 -*- - -from DQN_agent import DQNModel -from DoubleDQN_agent import DoubleDQNModel -from DuelingDQN_agent import DuelingDQNModel -from atari import AtariPlayer -import paddle.fluid as fluid -import gym -import argparse -import cv2 -from tqdm import tqdm -from expreplay import ReplayMemory, Experience -import numpy as np -import os - -from datetime import datetime -from atari_wrapper import FrameStack, MapState, FireResetEnv, LimitLength -from collections import deque - -UPDATE_FREQ = 4 - -MEMORY_SIZE = 1e6 -MEMORY_WARMUP_SIZE = MEMORY_SIZE // 20 -IMAGE_SIZE = (84, 84) -CONTEXT_LEN = 4 -ACTION_REPEAT = 4 # aka FRAME_SKIP -UPDATE_FREQ = 4 - - -def run_train_episode(agent, env, exp): - total_reward = 0 - state = env.reset() - step = 0 - while True: - step += 1 - context = exp.recent_state() - context.append(state) - context = np.stack(context, axis=0) - action = agent.act(context, train_or_test='train') - next_state, reward, isOver, _ = env.step(action) - exp.append(Experience(state, action, reward, isOver)) - # train model - # start training - if len(exp) > MEMORY_WARMUP_SIZE: - if step % UPDATE_FREQ == 0: - batch_all_state, batch_action, batch_reward, batch_isOver = exp.sample_batch( - args.batch_size) - batch_state = batch_all_state[:, :CONTEXT_LEN, :, :] - batch_next_state = batch_all_state[:, 1:, :, :] - agent.train(batch_state, batch_action, batch_reward, - batch_next_state, batch_isOver) - total_reward += reward - state = next_state - if isOver: - break - return total_reward, step - - -def get_player(rom, viz=False, train=False): - env = AtariPlayer( - rom, - frame_skip=ACTION_REPEAT, - viz=viz, - live_lost_as_eoe=train, - max_num_frames=60000) - env = FireResetEnv(env) - env = MapState(env, lambda im: cv2.resize(im, IMAGE_SIZE)) - if not train: - # in training, context is taken care of in expreplay buffer - env = FrameStack(env, CONTEXT_LEN) - return env - - -def eval_agent(agent, env): - episode_reward = [] - for _ in tqdm(range(30), desc='eval agent'): - state = env.reset() - total_reward = 0 - step = 0 - while True: - step += 1 - action = agent.act(state, train_or_test='test') - state, reward, isOver, info = env.step(action) - total_reward += reward - if isOver: - break - episode_reward.append(total_reward) - eval_reward = np.mean(episode_reward) - return eval_reward - - -def train_agent(): - env = get_player(args.rom, train=True) - test_env = get_player(args.rom) - exp = ReplayMemory(args.mem_size, IMAGE_SIZE, CONTEXT_LEN) - action_dim = env.action_space.n - - if args.alg == 'DQN': - agent = DQNModel(IMAGE_SIZE, action_dim, args.gamma, CONTEXT_LEN, - args.use_cuda) - elif args.alg == 'DoubleDQN': - agent = DoubleDQNModel(IMAGE_SIZE, action_dim, args.gamma, CONTEXT_LEN, - args.use_cuda) - elif args.alg == 'DuelingDQN': - agent = DuelingDQNModel(IMAGE_SIZE, action_dim, args.gamma, CONTEXT_LEN, - args.use_cuda) - else: - print('Input algorithm name error!') - return - - with tqdm(total=MEMORY_WARMUP_SIZE, desc='Memory warmup') as pbar: - while len(exp) < MEMORY_WARMUP_SIZE: - total_reward, step = run_train_episode(agent, env, exp) - pbar.update(step) - - # train - test_flag = 0 - save_flag = 0 - pbar = tqdm(total=1e8) - recent_100_reward = [] - total_step = 0 - max_reward = None - save_path = os.path.join(args.model_dirname, '{}-{}'.format( - args.alg, os.path.basename(args.rom).split('.')[0])) - while True: - # start epoch - total_reward, step = run_train_episode(agent, env, exp) - total_step += step - pbar.set_description('[train]exploration:{}'.format(agent.exploration)) - pbar.update(step) - - if total_step // args.test_every_steps == test_flag: - pbar.write("testing") - eval_reward = eval_agent(agent, test_env) - test_flag += 1 - print("eval_agent done, (steps, eval_reward): ({}, {})".format( - total_step, eval_reward)) - - if max_reward is None or eval_reward > max_reward: - max_reward = eval_reward - fluid.io.save_inference_model(save_path, ['state'], - agent.pred_value, agent.exe, - agent.predict_program) - pbar.close() - - -if __name__ == '__main__': - parser = argparse.ArgumentParser() - parser.add_argument( - '--alg', - type=str, - default='DQN', - help='Reinforcement learning algorithm, support: DQN, DoubleDQN, DuelingDQN' - ) - parser.add_argument( - '--use_cuda', action='store_true', help='if set, use cuda') - parser.add_argument( - '--gamma', - type=float, - default=0.99, - help='discount factor for accumulated reward computation') - parser.add_argument( - '--mem_size', - type=int, - default=1000000, - help='memory size for experience replay') - parser.add_argument( - '--batch_size', type=int, default=64, help='batch size for training') - parser.add_argument('--rom', help='atari rom', required=True) - parser.add_argument( - '--model_dirname', - type=str, - default='saved_model', - help='dirname to save model') - parser.add_argument( - '--test_every_steps', - type=int, - default=100000, - help='every steps number to run test') - args = parser.parse_args() - train_agent() diff --git a/legacy/PaddleRL/README.md b/legacy/PaddleRL/README.md deleted file mode 100644 index 5b8d2caf78d426a14b96f7d842eb88ed37bab233..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/README.md +++ /dev/null @@ -1,11 +0,0 @@ -PaddleRL -============ - -强化学习 --------- - -强化学习是近年来一个愈发重要的机器学习方向,特别是与深度学习相结合而形成的深度强化学习(Deep Reinforcement Learning, DRL),取得了很多令人惊异的成就。人们所熟知的战胜人类顶级围棋职业选手的 AlphaGo 就是 DRL 应用的一个典型例子,除游戏领域外,其它的应用还包括机器人、自然语言处理等。 - -深度强化学习的开山之作是在Atari视频游戏中的成功应用, 其可直接接受视频帧这种高维输入并根据图像内容端到端地预测下一步的动作,所用到的模型被称为深度Q网络(Deep Q-Network, DQN)。本实例就是利用PaddlePaddle Fluid这个灵活的框架,实现了 DQN 及其变体,并测试了它们在 Atari 游戏中的表现。 - -- [DeepQNetwork](https://github.com/PaddlePaddle/models/blob/develop/PaddleRL/DeepQNetwork/README_cn.md) diff --git a/legacy/PaddleRL/policy_gradient/README.md b/legacy/PaddleRL/policy_gradient/README.md deleted file mode 100644 index b813aa124466597adfb80261bee7c2de22b95e67..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/policy_gradient/README.md +++ /dev/null @@ -1,171 +0,0 @@ -运行本目录下的程序示例需要使用PaddlePaddle的最新develop分枝。如果您的PaddlePaddle安装版本低于此要求,请按照[安装文档](http://www.paddlepaddle.org/docs/develop/documentation/zh/build_and_install/pip_install_cn.html)中的说明更新PaddlePaddle安装版本。 - ---- - -# Policy Gradient RL by PaddlePaddle -本文介绍了如何使用PaddlePaddle通过policy-based的强化学习方法来训练一个player(actor model), 我们希望这个player可以完成简单的走阶梯任务。 - - 内容分为: - - - 任务描述 - - 模型 - - 策略(目标函数) - - 算法(Gradient ascent) - - PaddlePaddle实现 - - -## 1. 任务描述 -假设有一个阶梯,连接A、B点,player从A点出发,每一步只能向前走一步或向后走一步,到达B点即为完成任务。我们希望训练一个聪明的player,它知道怎么最快的从A点到达B点。 -我们在命令行以下边的形式模拟任务: -``` -A - O - - - - - B -``` -一个‘-'代表一个阶梯,A点在行头,B点在行末,O代表player当前在的位置。 - -## 2. Policy Gradient -### 2.1 模型 -#### inputyer -模型的输入是player观察到的当前阶梯的状态$S$, 要包含阶梯的长度和player当前的位置信息。 -在命令行模拟的情况下,player的位置和阶梯长度连个变量足以表示当前的状态,但是我们为了便于将这个demo推广到更复杂的任务场景,我们这里用一个向量来表示游戏状态$S$. -向量$S$的长度为阶梯的长度,每一维代表一个阶梯,player所在的位置为1,其它位置为0. -下边是一个例子: -``` -S = [0, 1, 0, 0] // 阶梯长度为4,player在第二个阶梯上。 -``` -#### hidden layer -隐藏层采用两个全连接layer `FC_1`和`FC_2`, 其中`FC_1` 的size为10, `FC_2`的size为2. - -#### output layer -我们使用softmax将`FC_2`的output映射为所有可能的动作(前进或后退)的概率分布(Probability of taking the action),即为一个二维向量`act_probs`, 其中,`act_probs[0]` 为后退的概率,`act_probs[1]`为前进的概率。 - -#### 模型表示 -我将我们的player模型(actor)形式化表示如下: -$$a = \pi_\theta(s)$$ -其中$\theta$表示模型的参数,$s$是输入状态。 - - -### 2.2 策略(目标函数) -我们怎么评估一个player(模型)的好坏呢?首先我们定义几个术语: -我们让$\pi_\theta(s)$来玩一局游戏,$s_t$表示第$t$时刻的状态,$a_t$表示在状态$s_t$做出的动作,$r_t$表示做过动作$a_t$后得到的奖赏。 -一局游戏的过程可以表示如下: -$$\tau = [s_1, a_1, r_1, s_2, a_2, r_2 ... s_T, a_T, r_T] \tag{1}$$ - -一局游戏的奖励表示如下: -$$R(\tau) = \sum_{t=1}^Tr_t$$ - -player玩一局游戏,可能会出现多种操作序列$\tau$ ,某个$\tau$出现的概率是依赖于player model的$\theta$, 记做: -$$P(\tau | \theta)$$ -那么,给定一个$\theta$(player model), 玩一局游戏,期望得到的奖励是: -$$\overline {R}_\theta = \sum_\tau R(\tau)\sum_\tau R(\tau) P(\tau|\theta)$$ -大多数情况,我们无法穷举出所有的$\tau$,所以我们就抽取N个$\tau$来计算近似的期望: -$$\overline {R}_\theta = \sum_\tau R(\tau) P(\tau|\theta) \approx \frac{1}{N} \sum_{n=1}^N R(\tau^n)$$ - -$\overline {R}_\theta$就是我们需要的目标函数,它表示了一个参数为$\theta$的player玩一局游戏得分的期望,这个期望越大,代表这个player能力越强。 -### 2.3 算法(Gradient ascent) -我们的目标函数是$\overline {R}_\theta$, 我们训练的任务就是, 我们训练的任务就是: -$$\theta^* = \arg\max_\theta \overline {R}_\theta$$ - -为了找到理想的$\theta$,我们使用Gradient ascent方法不断在$\overline {R}_\theta$的梯度方向更新$\theta$,可表示如下: -$$\theta' = \theta + \eta * \bigtriangledown \overline {R}_\theta$$ - -$$ \bigtriangledown \overline {R}_\theta = \sum_\tau R(\tau) \bigtriangledown P(\tau|\theta)\\ -= \sum_\tau R(\tau) P(\tau|\theta) \frac{\bigtriangledown P(\tau|\theta)}{P(\tau|\theta)} \\ -=\sum_\tau R(\tau) P(\tau|\theta) {\bigtriangledown \log P(\tau|\theta)} $$ - - -$$P(\tau|\theta) = P(s_1)P(a_1|s_1,\theta)P(s_2, r_1|s_1,a_1)P(a_2|s_2,\theta)P(s_3,r_2|s_2,a_2)...P(a_t|s_t,\theta)P(s_{t+1}, r_t|s_t,a_t)\\ -=P(s_1) \sum_{t=1}^T P(a_t|s_t,\theta)P(s_{t+1}, r_t|s_t,a_t)$$ - -$$\log P(\tau|\theta) = \log P(s_1) + \sum_{t=1}^T [\log P(a_t|s_t,\theta) + \log P(s_{t+1}, r_t|s_t,a_t)]$$ - -$$ \bigtriangledown \log P(\tau|\theta) = \sum_{t=1}^T \bigtriangledown \log P(a_t|s_t,\theta)$$ - -$$ \bigtriangledown \overline {R}_\theta = \sum_\tau R(\tau) P(\tau|\theta) {\bigtriangledown \log P(\tau|\theta)} \\ -\approx \frac{1}{N} \sum_{n=1}^N R(\tau^n) {\bigtriangledown \log P(\tau|\theta)} \\ -= \frac{1}{N} \sum_{n=1}^N R(\tau^n) {\sum_{t=1}^T \bigtriangledown \log P(a_t|s_t,\theta)} \\ -= \frac{1}{N} \sum_{n=1}^N \sum_{t=1}^T R(\tau^n) { \bigtriangledown \log P(a_t|s_t,\theta)} \tag{11}$$ - -#### 2.3.2 导数解释 - -在使用深度学习框架进行训练求解时,一般用梯度下降方法,所以我们把Gradient ascent转为Gradient -descent, 重写等式$(5)(6)$为: - -$$\theta^* = \arg\min_\theta (-\overline {R}_\theta \tag{13}$$ -$$\theta' = \theta - \eta * \bigtriangledown (-\overline {R}_\theta)) \tag{14}$$ - -根据上一节的推导,$ (-\bigtriangledown \overline {R}_\theta) $结果如下: - -$$ -\bigtriangledown \overline {R}_\theta -= \frac{1}{N} \sum_{n=1}^N \sum_{t=1}^T R(\tau^n) { \bigtriangledown -\log P(a_t|s_t,\theta)} \tag{15}$$ - -根据等式(14), 我们的player的模型可以设计为: - -

-
-图 1 -

- -用户的在一局游戏中的一次操作可以用元组$(s_t, a_t)$, 就是在状态$s_t$状态下做了动作$a_t$, 我们通过图(1)中的前向网络计算出来cross entropy cost为$−\log P(a_t|s_t,\theta)$, 恰好是等式(15)中我们需要微分的一项。 -图1是我们需要的player模型,我用这个网络的前向计算可以预测任何状态下该做什么动作。但是怎么去训练学习这个网络呢?在等式(15)中还有一项$R(\tau^n)$, 我做反向梯度传播的时候要加上这一项,所以我们需要在图1基础上再加上$R(\tau^n)$, 如 图2 所示: - -

-
-图 2 -

- -图2就是我们最终的网络结构。 - -#### 2.3.3 直观理解 -对于等式(15),我只看游戏中的一步操作,也就是这一项: $R(\tau^n) { \bigtriangledown -\log P(a_t|s_t,\theta)}$, 我们可以简单的认为我们训练的目的是让 $R(\tau^n) {[ -\log P(a_t|s_t,\theta)]}$尽可能的小,也就是$R(\tau^n) \log P(a_t|s_t,\theta)$尽可能的大。 - -- 如果我们当前游戏局的奖励$R(\tau^n)$为正,那么我们希望当前操作的出现的概率$P(a_t|s_t,\theta)$尽可能大。 -- 如果我们当前游戏局的奖励$R(\tau^n)$为负,那么我们希望当前操作的出现的概率$P(a_t|s_t,\theta)$尽可能小。 - -#### 2.3.4 一个问题 - -一人犯错,诛连九族。一人得道,鸡犬升天。如果一局游戏得到奖励,我们希望帮助获得奖励的每一次操作都被重视;否则,导致惩罚的操作都要被冷落一次。 -是不是很有道理的样子?但是,如果有些游戏场景只有奖励,没有惩罚,怎么办?也就是所有的$R(\tau^n)$都为正。 -针对不同的游戏场景,我们有不同的解决方案: - -1. 每局游戏得分不一样:将每局的得分减去一个bias,结果就有正有负了。 -2. 每局游戏得分一样:把完成一局的时间作为计分因素,并减去一个bias. - -我们在第一章描述的游戏场景,需要用第二种 ,player每次到达终点都会收到1分的奖励,我们可以按完成任务所用的步数来定义奖励R. -更进一步,我们认为一局游戏中每步动作对结局的贡献是不同的,有聪明的动作,也有愚蠢的操作。直观的理解,一般是靠前的动作是愚蠢的,靠后的动作是聪明的。既然有了这个价值观,那么我们拿到1分的奖励,就不能平均分给每个动作了。 -如图3所示,让所有动作按先后排队,从后往前衰减地给每个动作奖励,然后再每个动作的奖励再减去所有动作奖励的平均值: - -

-
-图 3 -

- -## 3. 训练效果 - -demo运行训练效果如下,经过1000轮尝试,我们的player就学会了如何有效的完成任务了: - -``` ----------O epoch: 0; steps: 42 ----------O epoch: 1; steps: 77 ----------O epoch: 2; steps: 82 ----------O epoch: 3; steps: 64 ----------O epoch: 4; steps: 79 ----------O epoch: 501; steps: 19 ----------O epoch: 1001; steps: 9 ----------O epoch: 1501; steps: 9 ----------O epoch: 2001; steps: 11 ----------O epoch: 2501; steps: 9 ----------O epoch: 3001; steps: 9 ----------O epoch: 3002; steps: 9 ----------O epoch: 3003; steps: 9 ----------O epoch: 3004; steps: 9 ----------O epoch: 3005; steps: 9 ----------O epoch: 3006; steps: 9 ----------O epoch: 3007; steps: 9 ----------O epoch: 3008; steps: 9 ----------O epoch: 3009; steps: 9 ----------O epoch: 3010; steps: 11 ----------O epoch: 3011; steps: 9 ----------O epoch: 3012; steps: 9 ----------O epoch: 3013; steps: 9 ----------O epoch: 3014; steps: 9 -``` diff --git a/legacy/PaddleRL/policy_gradient/brain.py b/legacy/PaddleRL/policy_gradient/brain.py deleted file mode 100644 index c7e55e7e3eeccd37cd7f2eb9adb0ea79c5d33c33..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/policy_gradient/brain.py +++ /dev/null @@ -1,94 +0,0 @@ -import numpy as np -import paddle.fluid as fluid -# reproducible -np.random.seed(1) - - -class PolicyGradient: - def __init__( - self, - n_actions, - n_features, - learning_rate=0.01, - reward_decay=0.95, - output_graph=False, ): - self.n_actions = n_actions - self.n_features = n_features - self.lr = learning_rate - self.gamma = reward_decay - - self.ep_obs, self.ep_as, self.ep_rs = [], [], [] - - self.place = fluid.CPUPlace() - self.exe = fluid.Executor(self.place) - - def build_net(self): - - obs = fluid.layers.data( - name='obs', shape=[self.n_features], dtype='float32') - acts = fluid.layers.data(name='acts', shape=[1], dtype='int64') - vt = fluid.layers.data(name='vt', shape=[1], dtype='float32') - # fc1 - fc1 = fluid.layers.fc(input=obs, size=10, act="tanh") # tanh activation - # fc2 - self.all_act_prob = fluid.layers.fc(input=fc1, - size=self.n_actions, - act="softmax") - self.inferece_program = fluid.default_main_program().clone() - # to maximize total reward (log_p * R) is to minimize -(log_p * R) - neg_log_prob = fluid.layers.cross_entropy( - input=self.all_act_prob, - label=acts) # this is negative log of chosen action - neg_log_prob_weight = fluid.layers.elementwise_mul(x=neg_log_prob, y=vt) - loss = fluid.layers.reduce_mean( - neg_log_prob_weight) # reward guided loss - - sgd_optimizer = fluid.optimizer.SGD(self.lr) - sgd_optimizer.minimize(loss) - self.exe.run(fluid.default_startup_program()) - - def choose_action(self, observation): - prob_weights = self.exe.run(self.inferece_program, - feed={"obs": observation[np.newaxis, :]}, - fetch_list=[self.all_act_prob]) - prob_weights = np.array(prob_weights[0]) - # select action w.r.t the actions prob - action = np.random.choice( - range(prob_weights.shape[1]), p=prob_weights.ravel()) - return action - - def store_transition(self, s, a, r): - self.ep_obs.append(s) - self.ep_as.append(a) - self.ep_rs.append(r) - - def learn(self): - # discount and normalize episode reward - discounted_ep_rs_norm = self._discount_and_norm_rewards() - tensor_obs = np.vstack(self.ep_obs).astype("float32") - tensor_as = np.array(self.ep_as).astype("int64") - tensor_as = tensor_as.reshape([tensor_as.shape[0], 1]) - tensor_vt = discounted_ep_rs_norm.astype("float32")[:, np.newaxis] - # train on episode - self.exe.run( - fluid.default_main_program(), - feed={ - "obs": tensor_obs, # shape=[None, n_obs] - "acts": tensor_as, # shape=[None, ] - "vt": tensor_vt # shape=[None, ] - }) - self.ep_obs, self.ep_as, self.ep_rs = [], [], [] # empty episode data - return discounted_ep_rs_norm - - def _discount_and_norm_rewards(self): - # discount episode rewards - discounted_ep_rs = np.zeros_like(self.ep_rs) - running_add = 0 - for t in reversed(range(0, len(self.ep_rs))): - running_add = running_add * self.gamma + self.ep_rs[t] - discounted_ep_rs[t] = running_add - - # normalize episode rewards - discounted_ep_rs -= np.mean(discounted_ep_rs) - discounted_ep_rs /= np.std(discounted_ep_rs) - return discounted_ep_rs diff --git a/legacy/PaddleRL/policy_gradient/env.py b/legacy/PaddleRL/policy_gradient/env.py deleted file mode 100644 index e2cd972dbc9a3943aceb9763b9dabcd50a1e6df1..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/policy_gradient/env.py +++ /dev/null @@ -1,56 +0,0 @@ -import time -import sys -import numpy as np - - -class Env(): - def __init__(self, stage_len, interval): - self.stage_len = stage_len - self.end = self.stage_len - 1 - self.position = 0 - self.interval = interval - self.step = 0 - self.epoch = -1 - self.render = False - - def reset(self): - self.end = self.stage_len - 1 - self.position = 0 - self.epoch += 1 - self.step = 0 - if self.render: - self.draw(True) - - def status(self): - s = np.zeros([self.stage_len]).astype("float32") - s[self.position] = 1 - return s - - def move(self, action): - self.step += 1 - reward = 0.0 - done = False - if action == 0: - self.position = max(0, self.position - 1) - else: - self.position = min(self.end, self.position + 1) - if self.render: - self.draw() - if self.position == self.end: - reward = 1.0 - done = True - return reward, done, self.status() - - def draw(self, new_line=False): - if new_line: - print "" - else: - print "\r", - for i in range(self.stage_len): - if i == self.position: - sys.stdout.write("O") - else: - sys.stdout.write("-") - sys.stdout.write(" epoch: %d; steps: %d" % (self.epoch, self.step)) - sys.stdout.flush() - time.sleep(self.interval) diff --git a/legacy/PaddleRL/policy_gradient/images/PG_1.svg b/legacy/PaddleRL/policy_gradient/images/PG_1.svg deleted file mode 100644 index e2352ff57ceb70bdba013c55c35eb1dc1cabe275..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/policy_gradient/images/PG_1.svg +++ /dev/null @@ -1,3 +0,0 @@ - - - Produced by OmniGraffle 6.0.5 2017-12-01 08:39Z神经网络Layer 1x_2y_2y_0x_1x_nSoftmaxy_ma_2a_0a_m. . .. . .. . .. . .s_tθy_t = P(a_t | s_t, θ)-log(y_t) = -logP(a_t | s_t, θ)CROSS ENTROPY = diff --git a/legacy/PaddleRL/policy_gradient/images/PG_2.svg b/legacy/PaddleRL/policy_gradient/images/PG_2.svg deleted file mode 100644 index 3697bf9feca0861c9c0b2da29980ba4c86a3f4d7..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/policy_gradient/images/PG_2.svg +++ /dev/null @@ -1,3 +0,0 @@ - - - Produced by OmniGraffle 6.0.5 2017-12-01 08:39Z神经网络 2Layer 1s_tYFCa_t-logP(a_t | s_t, θ)SoftmaxR(τ^n)Cross EntropyMul-R(τ^n)logP(a_t | s_t, θ)θ diff --git a/legacy/PaddleRL/policy_gradient/images/PG_3.svg b/legacy/PaddleRL/policy_gradient/images/PG_3.svg deleted file mode 100644 index 97b56c3fe1188e603a3bf5f6eabf7ea0ea3072c7..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/policy_gradient/images/PG_3.svg +++ /dev/null @@ -1,3 +0,0 @@ - - - Produced by OmniGraffle 6.0.5 2017-12-01 09:42Z神经网络 3Layer 1Ra_2= 0.9 * a_1a_(t-1)a_t= 0.9^2 *= 0.9^t * -= mean(a_1, a_2 … a_t) diff --git a/legacy/PaddleRL/policy_gradient/run.py b/legacy/PaddleRL/policy_gradient/run.py deleted file mode 100644 index 6f2f8c381a9d6452c5d7dfefb41f05eb4551d73a..0000000000000000000000000000000000000000 --- a/legacy/PaddleRL/policy_gradient/run.py +++ /dev/null @@ -1,29 +0,0 @@ -from brain import PolicyGradient -from env import Env -import numpy as np - -n_actions = 2 -interval = 0.01 -stage_len = 10 -epoches = 10000 - -if __name__ == "__main__": - - brain = PolicyGradient(n_actions, stage_len) - e = Env(stage_len, interval) - brain.build_net() - done = False - - for epoch in range(epoches): - if (epoch % 500 == 1) or epoch < 5 or epoch > 3000: - e.render = True - else: - e.render = False - e.reset() - while not done: - s = e.status() - action = brain.choose_action(s) - r, done, _ = e.move(action) - brain.store_transition(s, action, r) - done = False - brain.learn() diff --git a/legacy/README.cn.md b/legacy/README.cn.md deleted file mode 100644 index 72fb35ff3b239d8fa5e226f84aa09f084f593697..0000000000000000000000000000000000000000 --- a/legacy/README.cn.md +++ /dev/null @@ -1,136 +0,0 @@ -# models 简介 - -[![Documentation Status](https://img.shields.io/badge/docs-latest-brightgreen.svg?style=flat)](https://github.com/PaddlePaddle/models) -[![Documentation Status](https://img.shields.io/badge/中文文档-最新-brightgreen.svg)](https://github.com/PaddlePaddle/models) -[![License](https://img.shields.io/badge/license-Apache%202-blue.svg)](LICENSE) - -PaddlePaddle提供了丰富的运算单元,帮助大家以模块化的方式构建起千变万化的深度学习模型来解决不同的应用问题。这里,我们针对常见的机器学习任务,提供了不同的神经网络模型供大家学习和使用。 - - -## 1. 词向量 - -词向量用一个实向量表示词语,向量的每个维都表示文本的某种潜在语法或语义特征,是深度学习应用于自然语言处理领域最成功的概念和成果之一。广义的,词向量也可以应用于普通离散特征。词向量的学习通常都是一个无监督的学习过程,因此,可以充分利用海量的无标记数据以捕获特征之间的关系,也可以有效地解决特征稀疏、标签数据缺失、数据噪声等问题。然而,在常见词向量学习方法中,模型最后一层往往会遇到一个超大规模的分类问题,是计算性能的瓶颈。 - -在词向量任务中,我们向大家展示如何使用Hierarchical-Sigmoid 和噪声对比估计(Noise Contrastive Estimation,NCE)来加速词向量的学习。 - -- 1.1 [Hsigmoid加速词向量训练](https://github.com/PaddlePaddle/models/tree/develop/hsigmoid) -- 1.2 [噪声对比估计加速词向量训练](https://github.com/PaddlePaddle/models/tree/develop/nce_cost) - - -## 2. RNN 语言模型 - -语言模型是自然语言处理领域里一个重要的基础模型,除了得到词向量(语言模型训练的副产物),还可以帮助我们生成文本。给定若干个词,语言模型可以帮助我们预测下一个最可能出现的词。 - -在利用语言模型生成文本的任务中,我们重点介绍循环神经网络语言模型,大家可以通过文档中的使用说明快速适配到自己的训练语料,完成自动写诗、自动写散文等有趣的模型。 - -- 2.1 [使用循环神经网络语言模型生成文本](https://github.com/PaddlePaddle/models/tree/develop/generate_sequence_by_rnn_lm) - -## 3. 点击率预估 - -点击率预估模型预判用户对一条广告点击的概率,对每次广告的点击情况做出预测,是广告技术的核心算法之一。逻谛斯克回归对大规模稀疏特征有着很好的学习能力,在点击率预估任务发展的早期一统天下。近年来,DNN 模型由于其强大的学习能力逐渐接过点击率预估任务的大旗。 - -在点击率预估任务中,我们首先给出谷歌提出的 Wide & Deep 模型。这一模型融合了适用于学习抽象特征的DNN和适用于大规模稀疏特征的逻谛斯克回归两者的优点,可以作为一种相对成熟的模型框架使用,在工业界也有一定的应用。同时,我们提供基于因子分解机的深度神经网络模型,该模型融合了因子分解机和深度神经网络,分别建模输入属性之间的低阶交互和高阶交互。 - -- 3.1 [Wide & deep 点击率预估模型](https://github.com/PaddlePaddle/models/tree/develop/ctr/README.cn.md) -- 3.2 [基于深度因子分解机的点击率预估模型](https://github.com/PaddlePaddle/models/tree/develop/deep_fm) - -## 4. 文本分类 - -文本分类是自然语言处理领域最基础的任务之一,深度学习方法能够免除复杂的特征工程,直接使用原始文本作为输入,数据驱动地最优化分类准确率。 - -在文本分类任务中,我们以情感分类任务为例,提供了基于DNN的非序列文本分类模型,以及基于CNN的序列模型供大家学习和使用(基于LSTM的模型见PaddleBook中[情感分类](http://www.paddlepaddle.org/docs/develop/book/06.understand_sentiment/index.cn.html)一课)。 - -- 4.1 [基于DNN/CNN的情感分类](https://github.com/PaddlePaddle/models/tree/develop/text_classification) -- 4.2 [基于双层序列的文本分类模型](https://github.com/PaddlePaddle/models/tree/develop/nested_sequence/text_classification) - -## 5. 排序学习 - -排序学习(Learning to Rank, LTR)是信息检索和搜索引擎研究的核心问题之一,通过机器学习方法学习一个分值函数对待排序的候选进行打分,再根据分值的高低确定序关系。深度神经网络可以用来建模分值函数,构成各类基于深度学习的LTR模型。 - -在排序学习任务中,我们介绍基于RankLoss损失函数Pairwise排序模型和基于LambdaRank损失函数的Listwise排序模型(Pointwise学习策略见PaddleBook中[推荐系统](http://www.paddlepaddle.org/docs/develop/book/05.recommender_system/index.cn.html)一课)。 - -- 5.1 [基于Pairwise和Listwise的排序学习](https://github.com/PaddlePaddle/models/tree/develop/ltr) - -## 6. 结构化语义模型 - -深度结构化语义模型是一种基于神经网络的语义匹配模型框架,可以用于学习两路信息实体或是文本之间的语义相似性。DSSM使用DNN、CNN或是RNN将两路信息实体或是文本映射到同一个连续的低纬度语义空间中。在这个语义空间中,两路实体或是文本可以同时进行表示,然后,通过定义距离度量和匹配函数来刻画并学习不同实体或是文本在同一个语义空间内的语义相似性。 - -在结构化语义模型任务中,我们演示如何建模两个字符串之间的语义相似度。模型支持DNN(全连接前馈网络)、CNN(卷积网络)、RNN(递归神经网络)等不同的网络结构,以及分类、回归、排序等不同损失函数。本例采用最简单的文本数据作为输入,通过替换自己的训练和预测数据,便可以在真实场景中使用。 - -- 6.1 [深度结构化语义模型](https://github.com/PaddlePaddle/models/tree/develop/dssm/README.cn.md) - -## 7. 命名实体识别 - -给定输入序列,序列标注模型为序列中每一个元素贴上一个类别标签,是自然语言处理领域最基础的任务之一。随着深度学习方法的不断发展,利用循环神经网络学习输入序列的特征表示,条件随机场(Conditional Random Field, CRF)在特征基础上完成序列标注任务,逐渐成为解决序列标注问题的标配解决方案。 - -在序列标注任务中,我们以命名实体识别(Named Entity Recognition,NER)任务为例,介绍如何训练一个端到端的序列标注模型。 - -- 7.1 [命名实体识别](https://github.com/PaddlePaddle/models/tree/develop/sequence_tagging_for_ner) - -## 8. 序列到序列学习 - -序列到序列学习实现两个甚至是多个不定长模型之间的映射,有着广泛的应用,包括:机器翻译、智能对话与问答、广告创意语料生成、自动编码(如金融画像编码)、判断多个文本串之间的语义相关性等。 - -在序列到序列学习任务中,我们首先以机器翻译任务为例,提供了多种改进模型供大家学习和使用。包括:不带注意力机制的序列到序列映射模型,这一模型是所有序列到序列学习模型的基础;使用Scheduled Sampling改善RNN模型在生成任务中的错误累积问题;带外部记忆机制的神经机器翻译,通过增强神经网络的记忆能力,来完成复杂的序列到序列学习任务。除机器翻译任务之外,我们也提供了一个基于深层LSTM网络生成古诗词,实现同语言生成的模型。 - -- 8.1 [无注意力机制的神经机器翻译](https://github.com/PaddlePaddle/models/tree/develop/nmt_without_attention/README.cn.md) -- 8.2 [使用Scheduled Sampling改善翻译质量](https://github.com/PaddlePaddle/models/tree/develop/scheduled_sampling) -- 8.3 [带外部记忆机制的神经机器翻译](https://github.com/PaddlePaddle/models/tree/develop/mt_with_external_memory) -- 8.4 [生成古诗词](https://github.com/PaddlePaddle/models/tree/develop/generate_chinese_poetry) - -## 9. 阅读理解 - -当深度学习以及各类新技术不断推动自然语言处理领域向前发展时,我们不禁会问:应该如何确认模型真正理解了人类特有的自然语言,具备一定的理解和推理能力?纵观NLP领域的各类经典问题:词法分析、句法分析、情感分类、写诗等,这些问题的经典解决方案,从技术原理上距离“语言理解”仍有一定距离。为了衡量现有NLP技术到“语言理解”这一终极目标之间的差距,我们需要一个有足够难度且可量化可复现的任务,这也是阅读理解问题提出的初衷。尽管目前的研究现状表明在现有阅读理解数据集上表现良好的模型,依然没有做到真正的语言理解,但机器阅读理解依然被视为是检验模型向理解语言迈进的一个重要任务。 - -阅读理解本质上也是自动问答的一种,模型“阅读”一段文字后回答给定的问题,在这一任务中,我们介绍使用Learning to Search 方法,将阅读理解转化为从段落中寻找答案所在句子,答案在句子中的起始位置,以及答案在句子中的结束位置,这样一个多步决策过程。 - -- 9.1 [Globally Normalized Reader](https://github.com/PaddlePaddle/models/tree/develop/globally_normalized_reader) - -## 10. 自动问答 - -自动问答(Question Answering)系统利用计算机自动回答用户提出的问题,是验证机器是否具备自然语言理解能力的重要任务之一,其研究历史可以追溯到人工智能的原点。与检索系统相比,自动问答系统是信息服务的一种高级形式,系统返回给用户的不再是排序后的基于关键字匹配的检索结果,而是精准的自然语言答案。 - -在自动问答任务中,我们介绍基于深度学习的端到端问答系统,将自动问答转化为一个序列标注问题。端对端问答系统试图通过从高质量的"问题-证据(Evidence)-答案"数据中学习,建立一个联合学习模型,同时学习语料库、知识库、问句语义表示之间的语义映射关系,将传统的问句语义解析、文本检索、答案抽取与生成的复杂步骤转变为一个可学习过程。 - -- 10.1 [基于序列标注的事实型自动问答模型](https://github.com/PaddlePaddle/models/tree/develop/neural_qa) - -## 11. 图像分类 - -图像相比文字能够提供更加生动、容易理解及更具艺术感的信息,是人们转递与交换信息的重要来源。图像分类是根据图像的语义信息对不同类别图像进行区分,是计算机视觉中重要的基础问题,也是图像检测、图像分割、物体跟踪、行为分析等其他高层视觉任务的基础,在许多领域都有着广泛的应用。如:安防领域的人脸识别和智能视频分析等,交通领域的交通场景识别,互联网领域基于内容的图像检索和相册自动归类,医学领域的图像识别等。 - -在图像分类任务中,我们向大家介绍如何训练AlexNet、VGG、GoogLeNet、ResNet、Inception-v4、Inception-Resnet-V2和Xception模型。同时提供了能够将Caffe或TensorFlow训练好的模型文件转换为PaddlePaddle模型文件的模型转换工具。 - -- 11.1 [将Caffe模型文件转换为PaddlePaddle模型文件](https://github.com/PaddlePaddle/models/tree/develop/image_classification/caffe2paddle) -- 11.2 [将TensorFlow模型文件转换为PaddlePaddle模型文件](https://github.com/PaddlePaddle/models/tree/develop/image_classification/tf2paddle) -- 11.3 [AlexNet](https://github.com/PaddlePaddle/models/tree/develop/image_classification) -- 11.4 [VGG](https://github.com/PaddlePaddle/models/tree/develop/image_classification) -- 11.5 [Residual Network](https://github.com/PaddlePaddle/models/tree/develop/image_classification) -- 11.6 [Inception-v4](https://github.com/PaddlePaddle/models/tree/develop/image_classification) -- 11.7 [Inception-Resnet-V2](https://github.com/PaddlePaddle/models/tree/develop/image_classification) -- 11.8 [Xception](https://github.com/PaddlePaddle/models/tree/develop/image_classification) - -## 12. 目标检测 - -目标检测任务的目标是给定一张图像或是视频帧,让计算机找出其中所有目标的位置,并给出每个目标的具体类别。对于人类来说,目标检测是一个非常简单的任务。然而,计算机能够“看到”的仅有一些值为0 ~ 255的矩阵,很难解图像或是视频帧中出现了人或是物体这样的高层语义概念,也就更加难以定位目标出现在图像中哪个区域。与此同时,由于目标会出现在图像或是视频帧中的任何位置,目标的形态千变万化,图像或是视频帧的背景千差万别,诸多因素都使得目标检测对计算机来说是一个具有挑战性的问题。 - -在目标检测任务中,我们介绍利用SSD方法完成目标检测。SSD全称:Single Shot MultiBox Detector,是目标检测领域较新且效果较好的检测算法之一,具有检测速度快且检测精度高的特点。 - -- 12.1 [Single Shot MultiBox Detector](https://github.com/PaddlePaddle/models/tree/develop/ssd/README.cn.md) - -## 13. 场景文字识别 - -许多场景图像中包含着丰富的文本信息,对理解图像信息有着重要作用,能够极大地帮助人们认知和理解场景图像的内容。场景文字识别是在图像背景复杂、分辨率低下、字体多样、分布随意等情况下,将图像信息转化为文字序列的过程,可认为是一种特别的翻译过程:将图像输入翻译为自然语言输出。场景图像文字识别技术的发展也促进了一些新型应用的产生,如通过自动识别路牌中的文字帮助街景应用获取更加准确的地址信息等。 - -在场景文字识别任务中,我们介绍如何将基于CNN的图像特征提取和基于RNN的序列翻译技术结合,免除人工定义特征,避免字符分割,使用自动学习到的图像特征,完成端到端地无约束字符定位和识别。 - -- 13.1 [场景文字识别](https://github.com/PaddlePaddle/models/tree/develop/scene_text_recognition) - -## 14. 语音识别 - -语音识别技术(Auto Speech Recognize,简称ASR)将人类语音中的词汇内容转化为计算机可读的输入,让机器能够“听懂”人类的语音,在语音助手、语音输入、语音交互等应用中发挥着重要作用。深度学习在语音识别领域取得了瞩目的成绩,端到端的深度学习方法将传统的声学模型、词典、语言模型等模块融为一个整体,不再依赖隐马尔可夫模型中的各种条件独立性假设,令模型变得更加简洁,一个神经网络模型以语音特征为输入,直接输出识别出的文本,目前已经成为语音识别最重要的手段。 - -在语音识别任务中,我们提供了基于 DeepSpeech2 模型的完整流水线,包括:特征提取、数据增强、模型训练、语言模型、解码模块等,并提供一个训练好的模型和体验实例,大家能够使用自己的声音来体验语音识别的乐趣。 - -14.1 [语音识别: DeepSpeech2](https://github.com/PaddlePaddle/DeepSpeech) - -本教程由[PaddlePaddle](https://github.com/PaddlePaddle/Paddle)创作,采用[Apache-2.0](LICENSE) 许可协议进行许可。 diff --git a/legacy/README.md b/legacy/README.md deleted file mode 100644 index f0719c1a26c04341e8de327143dc826248bb3607..0000000000000000000000000000000000000000 --- a/legacy/README.md +++ /dev/null @@ -1,89 +0,0 @@ - -# 该目录的模型已经不再维护,不推荐使用。建议使用Fluid目录下的模型。 - -# Introduction to models - -[![Documentation Status](https://img.shields.io/badge/docs-latest-brightgreen.svg?style=flat)](https://github.com/PaddlePaddle/models) -[![Documentation Status](https://img.shields.io/badge/中文文档-最新-brightgreen.svg)](https://github.com/PaddlePaddle/models) -[![License](https://img.shields.io/badge/license-Apache%202-blue.svg)](LICENSE) - -PaddlePaddle provides a rich set of computational units to enable users to adopt a modular approach to solving various learning problems. In this repo, we demonstrate how to use PaddlePaddle to solve common machine learning tasks, providing several different neural network model that anyone can easily learn and use. - -## 1. Word Embedding - -The word embedding expresses words with a real vector. Each dimension of the vector represents some of the latent grammatical or semantic features of the text and is one of the most successful concepts in the field of natural language processing. The generalized word vector can also be applied to discrete features. The study of word vector is usually an unsupervised learning. Therefore, it is possible to take full advantage of massive unmarked data to capture the relationship between features and to solve the problem of sparse features, missing tag data, and data noise. However, in the common word vector learning method, the last layer of the model often encounters a large-scale classification problem, which is the bottleneck of computing performance. - -In the example of word vectors, we show how to use Hierarchical-Sigmoid and Noise Contrastive Estimation (NCE) to accelerate word-vector learning. - -- 1.1 [Hsigmoid Accelerated Word Vector Training](https://github.com/PaddlePaddle/models/tree/develop/legacy/hsigmoid) -- 1.2 [Noise Contrastive Estimation Accelerated Word Vector Training](https://github.com/PaddlePaddle/models/tree/develop/legacy/nce_cost) - - -## 2. RNN language model - -The language model is important in the field of natural language processing. In addition to getting the word vector (a by-product of language model training), it can also help us to generate text. Given a number of words, the language model can help us predict the next most likely word. In the example of using the language model to generate text, we focus on the recurrent neural network language model. We can use the instructions in the document quickly adapt to their training corpus, complete automatic writing poetry, automatic writing prose and other interesting models. - -- 2.1 [Generate text using the RNN language model](https://github.com/PaddlePaddle/models/tree/develop/legacy/generate_sequence_by_rnn_lm) - -## 3. Click-Through Rate prediction -The click-through rate model predicts the probability that a user will click on an ad. This is widely used for advertising technology. Logistic Regression has a good learning performance for large-scale sparse features in the early stages of the development of click-through rate prediction. In recent years, DNN model because of its strong learning ability to gradually take the banner rate of the task of the banner. - -In the example of click-through rate estimates, we first give the Google's Wide & Deep model. This model combines the advantages of DNN and the applicable logistic regression model for DNN and large-scale sparse features. Then we provide the deep factorization machine for click-through rate prediction. The deep factorization machine combines the factorization machine and deep neural networks to model both low order and high order interactions of input features. - -- 3.1 [Click-Through Rate Model](https://github.com/PaddlePaddle/models/tree/develop/legacy/ctr) -- 3.2 [Deep Factorization Machine for Click-Through Rate prediction](https://github.com/PaddlePaddle/models/tree/develop/legacy/deep_fm) - -## 4. Text classification - -Text classification is one of the most basic tasks in natural language processing. The deep learning method can eliminate the complex feature engineering, and use the original text as input to optimize the classification accuracy. - -For text classification, we provide a non-sequential text classification model based on DNN and CNN. (For LSTM-based model, please refer to PaddleBook [Sentiment Analysis](http://www.paddlepaddle.org/docs/develop/book/06.understand_sentiment/index.html)). - -- 4.1 [Sentiment analysis based on DNN / CNN](https://github.com/PaddlePaddle/models/tree/develop/legacy/text_classification) - -## 5. Learning to rank - -Learning to rank (LTR) is one of the core problems in information retrieval and search engine research. Training data is used by a learning algorithm to produce a ranking model which computes the relevance of documents for actual queries. -The depth neural network can be used to model the fractional function to form various LTR models based on depth learning. - -The algorithms for learning to rank are usually categorized into three groups by their input representation and the loss function. These are pointwise, pairwise and listwise approaches. Here we demonstrate RankLoss loss function method (pairwise approach), and LambdaRank loss function method (listwise approach). (For Pointwise approaches, please refer to [Recommended System](http://www.paddlepaddle.org/docs/develop/book/05.recommender_system/index.html)). - -- 5.1 [Learning to rank based on Pairwise and Listwise approches](https://github.com/PaddlePaddle/models/tree/develop/legacy/ltr) - -## 6. Semantic model -The deep structured semantic model uses the DNN model to learn the vector representation of the low latitude in a continuous semantic space, finally models the semantic similarity between the two sentences. - -In this example, we demonstrate how to use PaddlePaddle to implement a generic deep structured semantic model to model the semantic similarity between two strings. The model supports different network structures such as CNN (Convolutional Network), FC (Fully Connected Network), RNN (Recurrent Neural Network), and different loss functions such as classification, regression, and sequencing. - -- 6.1 [Deep structured semantic model](https://github.com/PaddlePaddle/models/tree/develop/legacy/dssm) - -## 7. Sequence tagging - -Given the input sequence, the sequence tagging model is one of the most basic tasks in the natural language processing by assigning a category tag to each element in the sequence. Recurrent neural network models with Conditional Random Field (CRF) are commonly used for sequence tagging tasks. - -In the example of the sequence tagging, we describe how to train an end-to-end sequence tagging model with the Named Entity Recognition (NER) task as an example. - -- 7.1 [Name Entity Recognition](https://github.com/PaddlePaddle/models/tree/develop/legacy/sequence_tagging_for_ner) - -## 8. Sequence to sequence learning - -Sequence-to-sequence model has a wide range of applications. This includes machine translation, dialogue system, and parse tree generation. - -As an example for sequence-to-sequence learning, we take the machine translation task. We demonstrate the sequence-to-sequence mapping model without attention mechanism, which is the basis for all sequence-to-sequence learning models. We will use scheduled sampling to improve the problem of error accumulation in the RNN model, and machine translation with external memory mechanism. - -- 8.1 [Basic Sequence-to-sequence model](https://github.com/PaddlePaddle/models/tree/develop/legacy/nmt_without_attention) - -## 9. Image classification - -For the example of image classification, we show you how to train AlexNet, VGG, GoogLeNet, ResNet, Inception-v4, Inception-Resnet-V2 and Xception models in PaddlePaddle. It also provides model conversion tools that convert Caffe or TensorFlow trained model files into PaddlePaddle model files. - -- 9.1 [convert Caffe model file to PaddlePaddle model file](https://github.com/PaddlePaddle/models/tree/develop/legacy/image_classification/caffe2paddle) -- 9.2 [convert TensorFlow model file to PaddlePaddle model file](https://github.com/PaddlePaddle/models/tree/develop/legacy/image_classification/tf2paddle) -- 9.3 [AlexNet](https://github.com/PaddlePaddle/models/tree/develop/legacy/image_classification) -- 9.4 [VGG](https://github.com/PaddlePaddle/models/tree/develop/legacy/image_classification) -- 9.5 [Residual Network](https://github.com/PaddlePaddle/models/tree/develop/legacy/image_classification) -- 9.6 [Inception-v4](https://github.com/PaddlePaddle/models/tree/develop/legacy/image_classification) -- 9.7 [Inception-Resnet-V2](https://github.com/PaddlePaddle/models/tree/develop/legacy/image_classification) -- 9.8 [Xception](https://github.com/PaddlePaddle/models/tree/develop/legacy/image_classification) - -This tutorial is contributed by [PaddlePaddle](https://github.com/PaddlePaddle/Paddle) and licensed under the [Apache-2.0 license](LICENSE). diff --git a/legacy/conv_seq2seq/README.md b/legacy/conv_seq2seq/README.md deleted file mode 100644 index 5b22c2c17ea2ff3588e93219e86d81a831242211..0000000000000000000000000000000000000000 --- a/legacy/conv_seq2seq/README.md +++ /dev/null @@ -1,70 +0,0 @@ -The minimum PaddlePaddle version needed for the code sample in this directory is v0.11.0. If you are on a version of PaddlePaddle earlier than v0.11.0, [please update your installation](http://www.paddlepaddle.org/docs/develop/documentation/en/build_and_install/pip_install_en.html). - ---- - -# Convolutional Sequence to Sequence Learning -This model implements the work in the following paper: - -Jonas Gehring, Micheal Auli, David Grangier, et al. Convolutional Sequence to Sequence Learning. Association for Computational Linguistics (ACL), 2017 - -# Data Preparation -- The data used in this tutorial can be downloaded by runing: - - ```bash - sh download.sh - ``` - -- Each line in the data file contains one sample and each sample consists of a source sentence and a target sentence. And the two sentences are seperated by '\t'. So, to use your own data, it should be organized as follows: - - ``` - \t - ``` - -# Training a Model -- Modify the following script if needed and then run: - - ```bash - python train.py \ - --train_data_path ./data/train \ - --test_data_path ./data/test \ - --src_dict_path ./data/src_dict \ - --trg_dict_path ./data/trg_dict \ - --enc_blocks "[(256, 3)] * 5" \ - --dec_blocks "[(256, 3)] * 3" \ - --emb_size 256 \ - --pos_size 200 \ - --drop_rate 0.2 \ - --use_bn False \ - --use_gpu False \ - --trainer_count 1 \ - --batch_size 32 \ - --num_passes 20 \ - >train.log 2>&1 - ``` - -# Inferring by a Trained Model -- Infer by a trained model by running: - - ```bash - python infer.py \ - --infer_data_path ./data/dev \ - --src_dict_path ./data/src_dict \ - --trg_dict_path ./data/trg_dict \ - --enc_blocks "[(256, 3)] * 5" \ - --dec_blocks "[(256, 3)] * 3" \ - --emb_size 256 \ - --pos_size 200 \ - --drop_rate 0.2 \ - --use_bn False \ - --use_gpu False \ - --trainer_count 1 \ - --max_len 100 \ - --batch_size 256 \ - --beam_size 1 \ - --is_show_attention False \ - --model_path ./params.pass-0.tar.gz \ - 1>infer_result 2>infer.log - ``` - -# Notes -Since PaddlePaddle of current version doesn't support weight normalization, we use batch normalization instead to confirm convergence when the network is deep. diff --git a/legacy/conv_seq2seq/beamsearch.py b/legacy/conv_seq2seq/beamsearch.py deleted file mode 100644 index dd8562f018c803d4f0d7bbba4a2a006ece904851..0000000000000000000000000000000000000000 --- a/legacy/conv_seq2seq/beamsearch.py +++ /dev/null @@ -1,197 +0,0 @@ -#coding=utf-8 - -import sys -import time -import math -import numpy as np - -import reader - - -class BeamSearch(object): - """ - Generate sequence by beam search - """ - - def __init__(self, - inferer, - trg_dict, - pos_size, - padding_num, - batch_size=1, - beam_size=1, - max_len=100): - self.inferer = inferer - self.trg_dict = trg_dict - self.reverse_trg_dict = reader.get_reverse_dict(trg_dict) - self.word_padding = trg_dict.__len__() - self.pos_size = pos_size - self.pos_padding = pos_size - self.padding_num = padding_num - self.win_len = padding_num + 1 - self.max_len = max_len - self.batch_size = batch_size - self.beam_size = beam_size - - def get_beam_input(self, batch, sample_list): - """ - Get input for generation at the current iteration. - """ - beam_input = [] - - for sample_id in sample_list: - for path in self.candidate_path[sample_id]: - if len(path['seq']) < self.win_len: - cur_trg = [self.word_padding] * ( - self.win_len - len(path['seq']) - 1 - ) + [self.trg_dict['']] + path['seq'] - cur_trg_pos = [self.pos_padding] * ( - self.win_len - len(path['seq']) - 1) + [0] + range( - 1, len(path['seq']) + 1) - else: - cur_trg = path['seq'][-self.win_len:] - cur_trg_pos = range( - len(path['seq']) + 1 - self.win_len, - len(path['seq']) + 1) - - beam_input.append(batch[sample_id] + [cur_trg] + [cur_trg_pos]) - - return beam_input - - def get_prob(self, beam_input): - """ - Get the probabilities of all possible tokens. - """ - row_list = [j * self.win_len for j in range(len(beam_input))] - prob = self.inferer.infer(beam_input, field='value')[row_list, :] - return prob - - def _top_k(self, prob, k): - """ - Get indices of the words with k highest probablities. - """ - return prob.argsort()[-k:][::-1] - - def beam_expand(self, prob, sample_list): - """ - In every iteration step, the model predicts the possible next words. - For each input sentence, the top beam_size words are selected as candidates. - """ - top_words = np.apply_along_axis(self._top_k, 1, prob, self.beam_size) - - candidate_words = [[]] * len(self.candidate_path) - idx = 0 - - for sample_id in sample_list: - for seq_id, path in enumerate(self.candidate_path[sample_id]): - for w in top_words[idx, :]: - score = path['score'] + math.log(prob[idx, w]) - candidate_words[sample_id] = candidate_words[sample_id] + [{ - 'word': w, - 'score': score, - 'seq_id': seq_id - }] - idx = idx + 1 - - return candidate_words - - def beam_shrink(self, candidate_words, sample_list): - """ - Pruning process of the beam search. During the process, beam_size most post possible - sequences are selected for the beam in the next generation. - """ - new_path = [[]] * len(self.candidate_path) - - for sample_id in sample_list: - beam_words = sorted( - candidate_words[sample_id], - key=lambda x: x['score'], - reverse=True)[:self.beam_size] - - complete_seq_min_score = None - complete_path_num = len(self.complete_path[sample_id]) - - if complete_path_num > 0: - complete_seq_min_score = min(self.complete_path[sample_id], - key=lambda x: x['score'])['score'] - if complete_path_num >= self.beam_size: - beam_words_max_score = beam_words[0]['score'] - if beam_words_max_score < complete_seq_min_score: - continue - - for w in beam_words: - - if w['word'] == self.trg_dict['']: - if complete_path_num < self.beam_size or complete_seq_min_score <= w[ - 'score']: - - seq = self.candidate_path[sample_id][w['seq_id']]['seq'] - self.complete_path[sample_id] = self.complete_path[ - sample_id] + [{ - 'seq': seq, - 'score': w['score'] - }] - - if complete_seq_min_score is None or complete_seq_min_score > w[ - 'score']: - complete_seq_min_score = w['score'] - else: - seq = self.candidate_path[sample_id][w['seq_id']]['seq'] + [ - w['word'] - ] - new_path[sample_id] = new_path[sample_id] + [{ - 'seq': seq, - 'score': w['score'] - }] - - return new_path - - def search_one_batch(self, batch): - """ - Perform beam search on one mini-batch. - """ - real_size = len(batch) - self.candidate_path = [[{'seq': [], 'score': 0.}]] * real_size - self.complete_path = [[]] * real_size - sample_list = range(real_size) - - for i in xrange(self.max_len): - beam_input = self.get_beam_input(batch, sample_list) - prob = self.get_prob(beam_input) - - candidate_words = self.beam_expand(prob, sample_list) - new_path = self.beam_shrink(candidate_words, sample_list) - self.candidate_path = new_path - sample_list = [ - sample_id for sample_id in sample_list - if len(new_path[sample_id]) > 0 - ] - - if len(sample_list) == 0: - break - - final_path = [] - for i in xrange(real_size): - top_path = sorted( - self.complete_path[i] + self.candidate_path[i], - key=lambda x: x['score'], - reverse=True)[:self.beam_size] - final_path.append(top_path) - return final_path - - def search(self, infer_data): - """ - Perform beam search on all data. - """ - - def _to_sentence(seq): - raw_sentence = [self.reverse_trg_dict[id] for id in seq] - sentence = " ".join(raw_sentence) - return sentence - - for pos in xrange(0, len(infer_data), self.batch_size): - batch = infer_data[pos:min(pos + self.batch_size, len(infer_data))] - self.final_path = self.search_one_batch(batch) - for top_path in self.final_path: - print _to_sentence(top_path[0]['seq']) - sys.stdout.flush() diff --git a/legacy/conv_seq2seq/download.sh b/legacy/conv_seq2seq/download.sh deleted file mode 100644 index b1a924d25b1a10ade9f4be8b504933d1efa01905..0000000000000000000000000000000000000000 --- a/legacy/conv_seq2seq/download.sh +++ /dev/null @@ -1,22 +0,0 @@ -#!/usr/bin/env bash - -CUR_PATH=`pwd` -git clone https://github.com/moses-smt/mosesdecoder.git -git clone https://github.com/rizar/actor-critic-public - -export MOSES=`pwd`/mosesdecoder -export LVSR=`pwd`/actor-critic-public - -cd actor-critic-public/exp/ted -sh create_dataset.sh - -cd $CUR_PATH -mkdir data -cp actor-critic-public/exp/ted/prep/*-* data/ -cp actor-critic-public/exp/ted/vocab.* data/ - -cd data -python ../preprocess.py - -cd .. -rm -rf actor-critic-public mosesdecoder diff --git a/legacy/conv_seq2seq/infer.py b/legacy/conv_seq2seq/infer.py deleted file mode 100644 index c804a84e71ffe920b72064cb05461d72c444ac73..0000000000000000000000000000000000000000 --- a/legacy/conv_seq2seq/infer.py +++ /dev/null @@ -1,236 +0,0 @@ -#coding=utf-8 - -import sys -import argparse -import distutils.util -import gzip - -import paddle.v2 as paddle -from model import conv_seq2seq -from beamsearch import BeamSearch -import reader - - -def parse_args(): - parser = argparse.ArgumentParser( - description="PaddlePaddle Convolutional Seq2Seq") - parser.add_argument( - '--infer_data_path', - type=str, - required=True, - help="Path of the dataset for inference") - parser.add_argument( - '--src_dict_path', - type=str, - required=True, - help='Path of the source dictionary') - parser.add_argument( - '--trg_dict_path', - type=str, - required=True, - help='path of the target dictionary') - parser.add_argument( - '--enc_blocks', type=str, help='Convolution blocks of the encoder') - parser.add_argument( - '--dec_blocks', type=str, help='Convolution blocks of the decoder') - parser.add_argument( - '--emb_size', - type=int, - default=256, - help='Dimension of word embedding. (default: %(default)s)') - parser.add_argument( - '--pos_size', - type=int, - default=200, - help='Total number of the position indexes. (default: %(default)s)') - parser.add_argument( - '--drop_rate', - type=float, - default=0., - help='Dropout rate. (default: %(default)s)') - parser.add_argument( - "--use_bn", - default=False, - type=distutils.util.strtobool, - help="Use batch normalization or not. (default: %(default)s)") - parser.add_argument( - "--use_gpu", - default=False, - type=distutils.util.strtobool, - help="Use gpu or not. (default: %(default)s)") - parser.add_argument( - "--trainer_count", - default=1, - type=int, - help="Trainer number. (default: %(default)s)") - parser.add_argument( - '--max_len', - type=int, - default=100, - help="The maximum length of the sentence to be generated. (default: %(default)s)" - ) - parser.add_argument( - "--batch_size", - default=1, - type=int, - help="Size of a mini-batch. (default: %(default)s)") - parser.add_argument( - "--beam_size", - default=1, - type=int, - help="The width of beam expansion. (default: %(default)s)") - parser.add_argument( - "--model_path", - type=str, - required=True, - help="The path of trained model. (default: %(default)s)") - parser.add_argument( - "--is_show_attention", - default=False, - type=distutils.util.strtobool, - help="Whether to show attention weight or not. (default: %(default)s)") - return parser.parse_args() - - -def infer(infer_data_path, - src_dict_path, - trg_dict_path, - model_path, - enc_conv_blocks, - dec_conv_blocks, - emb_dim=256, - pos_size=200, - drop_rate=0., - use_bn=False, - max_len=100, - batch_size=1, - beam_size=1, - is_show_attention=False): - """ - Inference. - - :param infer_data_path: The path of the data for inference. - :type infer_data_path: str - :param src_dict_path: The path of the source dictionary. - :type src_dict_path: str - :param trg_dict_path: The path of the target dictionary. - :type trg_dict_path: str - :param model_path: The path of a trained model. - :type model_path: str - :param enc_conv_blocks: The scale list of the encoder's convolution blocks. And each element of - the list contains output dimension and context length of the corresponding - convolution block. - :type enc_conv_blocks: list of tuple - :param dec_conv_blocks: The scale list of the decoder's convolution blocks. And each element of - the list contains output dimension and context length of the corresponding - convolution block. - :type dec_conv_blocks: list of tuple - :param emb_dim: The dimension of the embedding vector. - :type emb_dim: int - :param pos_size: The total number of the position indexes, which means - the maximum value of the index is pos_size - 1. - :type pos_size: int - :param drop_rate: Dropout rate. - :type drop_rate: float - :param use_bn: Whether to use batch normalization or not. False is the default value. - :type use_bn: bool - :param max_len: The maximum length of the sentence to be generated. - :type max_len: int - :param beam_size: The width of beam expansion. - :type beam_size: int - :param is_show_attention: Whether to show attention weight or not. False is the default value. - :type is_show_attention: bool - """ - # load dict - src_dict = reader.load_dict(src_dict_path) - trg_dict = reader.load_dict(trg_dict_path) - src_dict_size = src_dict.__len__() - trg_dict_size = trg_dict.__len__() - - prob, weight = conv_seq2seq( - src_dict_size=src_dict_size, - trg_dict_size=trg_dict_size, - pos_size=pos_size, - emb_dim=emb_dim, - enc_conv_blocks=enc_conv_blocks, - dec_conv_blocks=dec_conv_blocks, - drop_rate=drop_rate, - with_bn=use_bn, - is_infer=True) - - # load parameters - parameters = paddle.parameters.Parameters.from_tar(gzip.open(model_path)) - - padding_list = [context_len - 1 for (size, context_len) in dec_conv_blocks] - padding_num = reduce(lambda x, y: x + y, padding_list) - infer_reader = reader.data_reader( - data_file=infer_data_path, - src_dict=src_dict, - trg_dict=trg_dict, - pos_size=pos_size, - padding_num=padding_num) - - if is_show_attention: - attention_inferer = paddle.inference.Inference( - output_layer=weight, parameters=parameters) - for i, data in enumerate(infer_reader()): - src_len = len(data[0]) - trg_len = len(data[2]) - attention_weight = attention_inferer.infer( - [data], field='value', flatten_result=False) - attention_weight = [ - weight.reshape((trg_len, src_len)) - for weight in attention_weight - ] - print attention_weight - break - return - - infer_data = [] - for i, raw_data in enumerate(infer_reader()): - infer_data.append([raw_data[0], raw_data[1]]) - - inferer = paddle.inference.Inference( - output_layer=prob, parameters=parameters) - - searcher = BeamSearch( - inferer=inferer, - trg_dict=trg_dict, - pos_size=pos_size, - padding_num=padding_num, - max_len=max_len, - batch_size=batch_size, - beam_size=beam_size) - - searcher.search(infer_data) - return - - -def main(): - args = parse_args() - enc_conv_blocks = eval(args.enc_blocks) - dec_conv_blocks = eval(args.dec_blocks) - - sys.setrecursionlimit(10000) - - paddle.init(use_gpu=args.use_gpu, trainer_count=args.trainer_count) - - infer( - infer_data_path=args.infer_data_path, - src_dict_path=args.src_dict_path, - trg_dict_path=args.trg_dict_path, - model_path=args.model_path, - enc_conv_blocks=enc_conv_blocks, - dec_conv_blocks=dec_conv_blocks, - emb_dim=args.emb_size, - pos_size=args.pos_size, - drop_rate=args.drop_rate, - use_bn=args.use_bn, - max_len=args.max_len, - batch_size=args.batch_size, - beam_size=args.beam_size, - is_show_attention=args.is_show_attention) - - -if __name__ == '__main__': - main() diff --git a/legacy/conv_seq2seq/model.py b/legacy/conv_seq2seq/model.py deleted file mode 100644 index c31238f83172fdc3d6240095279d1c953ab272ae..0000000000000000000000000000000000000000 --- a/legacy/conv_seq2seq/model.py +++ /dev/null @@ -1,440 +0,0 @@ -#coding=utf-8 - -import math - -import paddle.v2 as paddle - -__all__ = ["conv_seq2seq"] - - -def gated_conv_with_batchnorm(input, - size, - context_len, - context_start=None, - learning_rate=1.0, - drop_rate=0., - with_bn=False): - """ - Definition of the convolution block. - - :param input: The input of this block. - :type input: LayerOutput - :param size: The dimension of the block's output. - :type size: int - :param context_len: The context length of the convolution. - :type context_len: int - :param context_start: The start position of the context. - :type context_start: int - :param learning_rate: The learning rate factor of the parameters in the block. - The actual learning rate is the product of the global - learning rate and this factor. - :type learning_rate: float - :param drop_rate: Dropout rate. - :type drop_rate: float - :param with_bn: Whether to use batch normalization or not. False is the default - value. - :type with_bn: bool - :return: The output of the convolution block. - :rtype: LayerOutput - """ - input = paddle.layer.dropout(input=input, dropout_rate=drop_rate) - - context = paddle.layer.mixed( - size=input.size * context_len, - input=paddle.layer.context_projection( - input=input, context_len=context_len, context_start=context_start)) - - raw_conv = paddle.layer.fc( - input=context, - size=size * 2, - act=paddle.activation.Linear(), - param_attr=paddle.attr.Param( - initial_mean=0., - initial_std=math.sqrt(4.0 * (1.0 - drop_rate) / context.size), - learning_rate=learning_rate), - bias_attr=False) - - if with_bn: - raw_conv = paddle.layer.batch_norm( - input=raw_conv, - act=paddle.activation.Linear(), - param_attr=paddle.attr.Param(learning_rate=learning_rate)) - - with paddle.layer.mixed(size=size) as conv: - conv += paddle.layer.identity_projection(raw_conv, size=size, offset=0) - - with paddle.layer.mixed(size=size, act=paddle.activation.Sigmoid()) as gate: - gate += paddle.layer.identity_projection( - raw_conv, size=size, offset=size) - - with paddle.layer.mixed(size=size) as gated_conv: - gated_conv += paddle.layer.dotmul_operator(conv, gate) - - return gated_conv - - -def encoder(token_emb, - pos_emb, - conv_blocks=[(256, 3)] * 5, - num_attention=3, - drop_rate=0., - with_bn=False): - """ - Definition of the encoder. - - :param token_emb: The embedding vector of the input token. - :type token_emb: LayerOutput - :param pos_emb: The embedding vector of the input token's position. - :type pos_emb: LayerOutput - :param conv_blocks: The scale list of the convolution blocks. Each element of - the list contains output dimension and context length of - the corresponding convolution block. - :type conv_blocks: list of tuple - :param num_attention: The total number of the attention modules used in the decoder. - :type num_attention: int - :param drop_rate: Dropout rate. - :type drop_rate: float - :param with_bn: Whether to use batch normalization or not. False is the default - value. - :type with_bn: bool - :return: The input token encoding. - :rtype: LayerOutput - """ - embedding = paddle.layer.addto( - input=[token_emb, pos_emb], - layer_attr=paddle.attr.Extra(drop_rate=drop_rate)) - - proj_size = conv_blocks[0][0] - block_input = paddle.layer.fc( - input=embedding, - size=proj_size, - act=paddle.activation.Linear(), - param_attr=paddle.attr.Param( - initial_mean=0., - initial_std=math.sqrt((1.0 - drop_rate) / embedding.size), - learning_rate=1.0 / (2.0 * num_attention)), - bias_attr=True, ) - - for (size, context_len) in conv_blocks: - if block_input.size == size: - residual = block_input - else: - residual = paddle.layer.fc( - input=block_input, - size=size, - act=paddle.activation.Linear(), - param_attr=paddle.attr.Param(learning_rate=1.0 / - (2.0 * num_attention)), - bias_attr=True) - - gated_conv = gated_conv_with_batchnorm( - input=block_input, - size=size, - context_len=context_len, - learning_rate=1.0 / (2.0 * num_attention), - drop_rate=drop_rate, - with_bn=with_bn) - - with paddle.layer.mixed(size=size) as block_output: - block_output += paddle.layer.identity_projection(residual) - block_output += paddle.layer.identity_projection(gated_conv) - - # halve the variance of the sum - block_output = paddle.layer.slope_intercept( - input=block_output, slope=math.sqrt(0.5)) - - block_input = block_output - - emb_dim = embedding.size - encoded_vec = paddle.layer.fc( - input=block_output, - size=emb_dim, - act=paddle.activation.Linear(), - param_attr=paddle.attr.Param(learning_rate=1.0 / (2.0 * num_attention)), - bias_attr=True) - - encoded_sum = paddle.layer.addto(input=[encoded_vec, embedding]) - - # halve the variance of the sum - encoded_sum = paddle.layer.slope_intercept( - input=encoded_sum, slope=math.sqrt(0.5)) - - return encoded_vec, encoded_sum - - -def attention(decoder_state, cur_embedding, encoded_vec, encoded_sum): - """ - Definition of the attention. - - :param decoder_state: The hidden state of the decoder. - :type decoder_state: LayerOutput - :param cur_embedding: The embedding vector of the current token. - :type cur_embedding: LayerOutput - :param encoded_vec: The source token encoding. - :type encoded_vec: LayerOutput - :param encoded_sum: The sum of the source token's encoding and embedding. - :type encoded_sum: LayerOutput - :return: A context vector and the attention weight. - :rtype: LayerOutput - """ - residual = decoder_state - - state_size = decoder_state.size - emb_dim = cur_embedding.size - with paddle.layer.mixed(size=emb_dim, bias_attr=True) as state_summary: - state_summary += paddle.layer.full_matrix_projection(decoder_state) - state_summary += paddle.layer.identity_projection(cur_embedding) - - # halve the variance of the sum - state_summary = paddle.layer.slope_intercept( - input=state_summary, slope=math.sqrt(0.5)) - - expanded = paddle.layer.expand(input=state_summary, expand_as=encoded_vec) - - m = paddle.layer.dot_prod(input1=expanded, input2=encoded_vec) - - attention_weight = paddle.layer.fc(input=m, - size=1, - act=paddle.activation.SequenceSoftmax(), - bias_attr=False) - - scaled = paddle.layer.scaling(weight=attention_weight, input=encoded_sum) - - attended = paddle.layer.pooling( - input=scaled, pooling_type=paddle.pooling.Sum()) - - attended_proj = paddle.layer.fc(input=attended, - size=state_size, - act=paddle.activation.Linear(), - bias_attr=True) - - attention_result = paddle.layer.addto(input=[attended_proj, residual]) - - # halve the variance of the sum - attention_result = paddle.layer.slope_intercept( - input=attention_result, slope=math.sqrt(0.5)) - return attention_result, attention_weight - - -def decoder(token_emb, - pos_emb, - encoded_vec, - encoded_sum, - dict_size, - conv_blocks=[(256, 3)] * 3, - drop_rate=0., - with_bn=False): - """ - Definition of the decoder. - - :param token_emb: The embedding vector of the input token. - :type token_emb: LayerOutput - :param pos_emb: The embedding vector of the input token's position. - :type pos_emb: LayerOutput - :param encoded_vec: The source token encoding. - :type encoded_vec: LayerOutput - :param encoded_sum: The sum of the source token's encoding and embedding. - :type encoded_sum: LayerOutput - :param dict_size: The size of the target dictionary. - :type dict_size: int - :param conv_blocks: The scale list of the convolution blocks. Each element - of the list contains output dimension and context length - of the corresponding convolution block. - :type conv_blocks: list of tuple - :param drop_rate: Dropout rate. - :type drop_rate: float - :param with_bn: Whether to use batch normalization or not. False is the default - value. - :type with_bn: bool - :return: The probability of the predicted token and the attention weights. - :rtype: LayerOutput - """ - - def attention_step(decoder_state, cur_embedding, encoded_vec, encoded_sum): - conditional = attention( - decoder_state=decoder_state, - cur_embedding=cur_embedding, - encoded_vec=encoded_vec, - encoded_sum=encoded_sum) - return conditional - - embedding = paddle.layer.addto( - input=[token_emb, pos_emb], - layer_attr=paddle.attr.Extra(drop_rate=drop_rate)) - - proj_size = conv_blocks[0][0] - block_input = paddle.layer.fc( - input=embedding, - size=proj_size, - act=paddle.activation.Linear(), - param_attr=paddle.attr.Param( - initial_mean=0., - initial_std=math.sqrt((1.0 - drop_rate) / embedding.size)), - bias_attr=True, ) - - weight = [] - for (size, context_len) in conv_blocks: - if block_input.size == size: - residual = block_input - else: - residual = paddle.layer.fc(input=block_input, - size=size, - act=paddle.activation.Linear(), - bias_attr=True) - - decoder_state = gated_conv_with_batchnorm( - input=block_input, - size=size, - context_len=context_len, - context_start=0, - drop_rate=drop_rate, - with_bn=with_bn) - - group_inputs = [ - decoder_state, - embedding, - paddle.layer.StaticInput(input=encoded_vec), - paddle.layer.StaticInput(input=encoded_sum), - ] - - conditional, attention_weight = paddle.layer.recurrent_group( - step=attention_step, input=group_inputs) - weight.append(attention_weight) - - block_output = paddle.layer.addto(input=[conditional, residual]) - - # halve the variance of the sum - block_output = paddle.layer.slope_intercept( - input=block_output, slope=math.sqrt(0.5)) - - block_input = block_output - - out_emb_dim = embedding.size - block_output = paddle.layer.fc( - input=block_output, - size=out_emb_dim, - act=paddle.activation.Linear(), - layer_attr=paddle.attr.Extra(drop_rate=drop_rate)) - - decoder_out = paddle.layer.fc( - input=block_output, - size=dict_size, - act=paddle.activation.Softmax(), - param_attr=paddle.attr.Param( - initial_mean=0., - initial_std=math.sqrt((1.0 - drop_rate) / block_output.size)), - bias_attr=True) - - return decoder_out, weight - - -def conv_seq2seq(src_dict_size, - trg_dict_size, - pos_size, - emb_dim, - enc_conv_blocks=[(256, 3)] * 5, - dec_conv_blocks=[(256, 3)] * 3, - drop_rate=0., - with_bn=False, - is_infer=False): - """ - Definition of convolutional sequence-to-sequence network. - - :param src_dict_size: The size of the source dictionary. - :type src_dict_size: int - :param trg_dict_size: The size of the target dictionary. - :type trg_dict_size: int - :param pos_size: The total number of the position indexes, which means - the maximum value of the index is pos_size - 1. - :type pos_size: int - :param emb_dim: The dimension of the embedding vector. - :type emb_dim: int - :param enc_conv_blocks: The scale list of the encoder's convolution blocks. Each element - of the list contains output dimension and context length of the - corresponding convolution block. - :type enc_conv_blocks: list of tuple - :param dec_conv_blocks: The scale list of the decoder's convolution blocks. Each element - of the list contains output dimension and context length of the - corresponding convolution block. - :type dec_conv_blocks: list of tuple - :param drop_rate: Dropout rate. - :type drop_rate: float - :param with_bn: Whether to use batch normalization or not. False is the default value. - :type with_bn: bool - :param is_infer: Whether infer or not. - :type is_infer: bool - :return: Cost or output layer. - :rtype: LayerOutput - """ - src = paddle.layer.data( - name='src_word', - type=paddle.data_type.integer_value_sequence(src_dict_size)) - src_pos = paddle.layer.data( - name='src_word_pos', - type=paddle.data_type.integer_value_sequence(pos_size + - 1)) # one for padding - - src_emb = paddle.layer.embedding( - input=src, - size=emb_dim, - name='src_word_emb', - param_attr=paddle.attr.Param( - initial_mean=0., initial_std=0.1)) - src_pos_emb = paddle.layer.embedding( - input=src_pos, - size=emb_dim, - name='src_pos_emb', - param_attr=paddle.attr.Param( - initial_mean=0., initial_std=0.1)) - - num_attention = len(dec_conv_blocks) - encoded_vec, encoded_sum = encoder( - token_emb=src_emb, - pos_emb=src_pos_emb, - conv_blocks=enc_conv_blocks, - num_attention=num_attention, - drop_rate=drop_rate, - with_bn=with_bn) - - trg = paddle.layer.data( - name='trg_word', - type=paddle.data_type.integer_value_sequence(trg_dict_size + - 1)) # one for padding - trg_pos = paddle.layer.data( - name='trg_word_pos', - type=paddle.data_type.integer_value_sequence(pos_size + - 1)) # one for padding - - trg_emb = paddle.layer.embedding( - input=trg, - size=emb_dim, - name='trg_word_emb', - param_attr=paddle.attr.Param( - initial_mean=0., initial_std=0.1)) - trg_pos_emb = paddle.layer.embedding( - input=trg_pos, - size=emb_dim, - name='trg_pos_emb', - param_attr=paddle.attr.Param( - initial_mean=0., initial_std=0.1)) - - decoder_out, weight = decoder( - token_emb=trg_emb, - pos_emb=trg_pos_emb, - encoded_vec=encoded_vec, - encoded_sum=encoded_sum, - dict_size=trg_dict_size, - conv_blocks=dec_conv_blocks, - drop_rate=drop_rate, - with_bn=with_bn) - - if is_infer: - return decoder_out, weight - - trg_next_word = paddle.layer.data( - name='trg_next_word', - type=paddle.data_type.integer_value_sequence(trg_dict_size)) - cost = paddle.layer.classification_cost( - input=decoder_out, label=trg_next_word) - - return cost diff --git a/legacy/conv_seq2seq/preprocess.py b/legacy/conv_seq2seq/preprocess.py deleted file mode 100644 index 1d5c7cdd7b5cc91e28854fa0bbeeffc9dcbe4e5c..0000000000000000000000000000000000000000 --- a/legacy/conv_seq2seq/preprocess.py +++ /dev/null @@ -1,30 +0,0 @@ -#coding=utf-8 - -import cPickle - - -def concat_file(file1, file2, dst_file): - with open(dst_file, 'w') as dst: - with open(file1) as f1: - with open(file2) as f2: - for i, (line1, line2) in enumerate(zip(f1, f2)): - line1 = line1.strip() - line = line1 + '\t' + line2 - dst.write(line) - - -if __name__ == '__main__': - concat_file('dev.de-en.de', 'dev.de-en.en', 'dev') - concat_file('test.de-en.de', 'test.de-en.en', 'test') - concat_file('train.de-en.de', 'train.de-en.en', 'train') - - src_dict = cPickle.load(open('vocab.de')) - trg_dict = cPickle.load(open('vocab.en')) - - with open('src_dict', 'w') as f: - f.write('\n\nUNK\n') - f.writelines('\n'.join(src_dict.keys())) - - with open('trg_dict', 'w') as f: - f.write('\n\nUNK\n') - f.writelines('\n'.join(trg_dict.keys())) diff --git a/legacy/conv_seq2seq/reader.py b/legacy/conv_seq2seq/reader.py deleted file mode 100644 index ad420af5faade1cd5ee7ef947f7f8920ce6a8bdb..0000000000000000000000000000000000000000 --- a/legacy/conv_seq2seq/reader.py +++ /dev/null @@ -1,67 +0,0 @@ -#coding=utf-8 - -import random - - -def load_dict(dict_file): - word_dict = dict() - with open(dict_file, 'r') as f: - for i, line in enumerate(f): - w = line.strip().split()[0] - word_dict[w] = i - return word_dict - - -def get_reverse_dict(dictionary): - reverse_dict = {dictionary[k]: k for k in dictionary.keys()} - return reverse_dict - - -def load_data(data_file, src_dict, trg_dict): - UNK_IDX = src_dict['UNK'] - with open(data_file, 'r') as f: - for line in f: - line_split = line.strip().split('\t') - if len(line_split) < 2: - continue - src, trg = line_split - src_words = src.strip().split() - trg_words = trg.strip().split() - src_seq = [src_dict.get(w, UNK_IDX) for w in src_words] - trg_seq = [trg_dict.get(w, UNK_IDX) for w in trg_words] - yield src_seq, trg_seq - - -def data_reader(data_file, src_dict, trg_dict, pos_size, padding_num): - def reader(): - UNK_IDX = src_dict['UNK'] - word_padding = trg_dict.__len__() - pos_padding = pos_size - - def _get_pos(pos_list, pos_size, pos_padding): - return [pos if pos < pos_size else pos_padding for pos in pos_list] - - with open(data_file, 'r') as f: - for line in f: - line_split = line.strip().split('\t') - if len(line_split) != 2: - continue - src, trg = line_split - src = src.strip().split() - src_word = [src_dict.get(w, UNK_IDX) for w in src] - src_word_pos = range(len(src_word)) - src_word_pos = _get_pos(src_word_pos, pos_size, pos_padding) - - trg = trg.strip().split() - trg_word = [trg_dict[''] - ] + [trg_dict.get(w, UNK_IDX) for w in trg] - trg_word_pos = range(len(trg_word)) - trg_word_pos = _get_pos(trg_word_pos, pos_size, pos_padding) - - trg_next_word = trg_word[1:] + [trg_dict['']] - trg_word = [word_padding] * padding_num + trg_word - trg_word_pos = [pos_padding] * padding_num + trg_word_pos - trg_next_word = trg_next_word + [trg_dict['']] * padding_num - yield src_word, src_word_pos, trg_word, trg_word_pos, trg_next_word - - return reader diff --git a/legacy/conv_seq2seq/train.py b/legacy/conv_seq2seq/train.py deleted file mode 100644 index 4bd9a1af675ada5820bb375938a4675e6e71fbe1..0000000000000000000000000000000000000000 --- a/legacy/conv_seq2seq/train.py +++ /dev/null @@ -1,263 +0,0 @@ -#coding=utf-8 - -import os -import sys -import time -import argparse -import distutils.util -import gzip -import numpy as np - -import paddle.v2 as paddle -from model import conv_seq2seq -import reader - - -def parse_args(): - parser = argparse.ArgumentParser( - description="PaddlePaddle Convolutional Seq2Seq") - parser.add_argument( - '--train_data_path', - type=str, - required=True, - help="Path of the training set") - parser.add_argument( - '--test_data_path', type=str, help='Path of the test set') - parser.add_argument( - '--src_dict_path', - type=str, - required=True, - help='Path of source dictionary') - parser.add_argument( - '--trg_dict_path', - type=str, - required=True, - help='Path of target dictionary') - parser.add_argument( - '--enc_blocks', type=str, help='Convolution blocks of the encoder') - parser.add_argument( - '--dec_blocks', type=str, help='Convolution blocks of the decoder') - parser.add_argument( - '--emb_size', - type=int, - default=256, - help='Dimension of word embedding. (default: %(default)s)') - parser.add_argument( - '--pos_size', - type=int, - default=200, - help='Total number of the position indexes. (default: %(default)s)') - parser.add_argument( - '--drop_rate', - type=float, - default=0., - help='Dropout rate. (default: %(default)s)') - parser.add_argument( - "--use_bn", - default=False, - type=distutils.util.strtobool, - help="Use batch normalization or not. (default: %(default)s)") - parser.add_argument( - "--use_gpu", - default=False, - type=distutils.util.strtobool, - help="Use gpu or not. (default: %(default)s)") - parser.add_argument( - "--trainer_count", - default=1, - type=int, - help="Trainer number. (default: %(default)s)") - parser.add_argument( - '--batch_size', - type=int, - default=32, - help="Size of a mini-batch. (default: %(default)s)") - parser.add_argument( - '--num_passes', - type=int, - default=15, - help="Number of passes to train. (default: %(default)s)") - return parser.parse_args() - - -def create_reader(padding_num, - train_data_path, - test_data_path=None, - src_dict=None, - trg_dict=None, - pos_size=200, - batch_size=32): - - train_reader = paddle.batch( - reader=paddle.reader.shuffle( - reader=reader.data_reader( - data_file=train_data_path, - src_dict=src_dict, - trg_dict=trg_dict, - pos_size=pos_size, - padding_num=padding_num), - buf_size=10240), - batch_size=batch_size) - - test_reader = None - if test_data_path: - test_reader = paddle.batch( - reader=paddle.reader.shuffle( - reader=reader.data_reader( - data_file=test_data_path, - src_dict=src_dict, - trg_dict=trg_dict, - pos_size=pos_size, - padding_num=padding_num), - buf_size=10240), - batch_size=batch_size) - - return train_reader, test_reader - - -def train(train_data_path, - test_data_path, - src_dict_path, - trg_dict_path, - enc_conv_blocks, - dec_conv_blocks, - emb_dim=256, - pos_size=200, - drop_rate=0., - use_bn=False, - batch_size=32, - num_passes=15): - """ - Train the convolution sequence-to-sequence model. - - :param train_data_path: The path of the training set. - :type train_data_path: str - :param test_data_path: The path of the test set. - :type test_data_path: str - :param src_dict_path: The path of the source dictionary. - :type src_dict_path: str - :param trg_dict_path: The path of the target dictionary. - :type trg_dict_path: str - :param enc_conv_blocks: The scale list of the encoder's convolution blocks. And each element of - the list contains output dimension and context length of the corresponding - convolution block. - :type enc_conv_blocks: list of tuple - :param dec_conv_blocks: The scale list of the decoder's convolution blocks. And each element of - the list contains output dimension and context length of the corresponding - convolution block. - :type dec_conv_blocks: list of tuple - :param emb_dim: The dimension of the embedding vector. - :type emb_dim: int - :param pos_size: The total number of the position indexes, which means - the maximum value of the index is pos_size - 1. - :type pos_size: int - :param drop_rate: Dropout rate. - :type drop_rate: float - :param use_bn: Whether to use batch normalization or not. False is the default value. - :type use_bn: bool - :param batch_size: The size of a mini-batch. - :type batch_size: int - :param num_passes: The total number of the passes to train. - :type num_passes: int - """ - # load dict - src_dict = reader.load_dict(src_dict_path) - trg_dict = reader.load_dict(trg_dict_path) - src_dict_size = src_dict.__len__() - trg_dict_size = trg_dict.__len__() - - optimizer = paddle.optimizer.Adam(learning_rate=1e-3, ) - - cost = conv_seq2seq( - src_dict_size=src_dict_size, - trg_dict_size=trg_dict_size, - pos_size=pos_size, - emb_dim=emb_dim, - enc_conv_blocks=enc_conv_blocks, - dec_conv_blocks=dec_conv_blocks, - drop_rate=drop_rate, - with_bn=use_bn, - is_infer=False) - - # create parameters and trainer - parameters = paddle.parameters.create(cost) - trainer = paddle.trainer.SGD(cost=cost, - parameters=parameters, - update_equation=optimizer) - - padding_list = [context_len - 1 for (size, context_len) in dec_conv_blocks] - padding_num = reduce(lambda x, y: x + y, padding_list) - train_reader, test_reader = create_reader( - padding_num=padding_num, - train_data_path=train_data_path, - test_data_path=test_data_path, - src_dict=src_dict, - trg_dict=trg_dict, - pos_size=pos_size, - batch_size=batch_size) - - feeding = { - 'src_word': 0, - 'src_word_pos': 1, - 'trg_word': 2, - 'trg_word_pos': 3, - 'trg_next_word': 4 - } - - # create event handler - def event_handler(event): - if isinstance(event, paddle.event.EndIteration): - if event.batch_id % 20 == 0: - cur_time = time.strftime('%Y.%m.%d %H:%M:%S', time.localtime()) - print "[%s]: Pass: %d, Batch: %d, TrainCost: %f, %s" % ( - cur_time, event.pass_id, event.batch_id, event.cost, - event.metrics) - sys.stdout.flush() - - if isinstance(event, paddle.event.EndPass): - if test_reader is not None: - cur_time = time.strftime('%Y.%m.%d %H:%M:%S', time.localtime()) - result = trainer.test(reader=test_reader, feeding=feeding) - print "[%s]: Pass: %d, TestCost: %f, %s" % ( - cur_time, event.pass_id, result.cost, result.metrics) - sys.stdout.flush() - with gzip.open("output/params.pass-%d.tar.gz" % event.pass_id, - 'w') as f: - trainer.save_parameter_to_tar(f) - - if not os.path.exists('output'): - os.mkdir('output') - - trainer.train( - reader=train_reader, - event_handler=event_handler, - num_passes=num_passes, - feeding=feeding) - - -def main(): - args = parse_args() - enc_conv_blocks = eval(args.enc_blocks) - dec_conv_blocks = eval(args.dec_blocks) - - sys.setrecursionlimit(10000) - - paddle.init(use_gpu=args.use_gpu, trainer_count=args.trainer_count) - - train( - train_data_path=args.train_data_path, - test_data_path=args.test_data_path, - src_dict_path=args.src_dict_path, - trg_dict_path=args.trg_dict_path, - enc_conv_blocks=enc_conv_blocks, - dec_conv_blocks=dec_conv_blocks, - emb_dim=args.emb_size, - pos_size=args.pos_size, - drop_rate=args.drop_rate, - use_bn=args.use_bn, - batch_size=args.batch_size, - num_passes=args.num_passes) - - -if __name__ == '__main__': - main() diff --git a/legacy/ctr/README.cn.md b/legacy/ctr/README.cn.md deleted file mode 100644 index d717264c46529c4ca3be6500983558b0384a7d77..0000000000000000000000000000000000000000 --- a/legacy/ctr/README.cn.md +++ /dev/null @@ -1,369 +0,0 @@ -运行本目录下的程序示例需要使用PaddlePaddle v0.10.0 版本。如果您的PaddlePaddle安装版本低于此要求,请按照[安装文档](http://www.paddlepaddle.org/docs/develop/documentation/zh/build_and_install/pip_install_cn.html)中的说明更新PaddlePaddle安装版本。 - ---- - -# 点击率预估 - -以下是本例目录包含的文件以及对应说明: - -``` -├── README.md # 本教程markdown 文档 -├── dataset.md # 数据集处理教程 -├── images # 本教程图片目录 -│   ├── lr_vs_dnn.jpg -│   └── wide_deep.png -├── infer.py # 预测脚本 -├── network_conf.py # 模型网络配置 -├── reader.py # data reader -├── train.py # 训练脚本 -└── utils.py # helper functions -└── avazu_data_processer.py # 示例数据预处理脚本 -``` - -## 背景介绍 - -CTR(Click-Through Rate,点击率预估)\[[1](https://en.wikipedia.org/wiki/Click-through_rate)\] -是对用户点击一个特定链接的概率做出预测,是广告投放过程中的一个重要环节。精准的点击率预估对在线广告系统收益最大化具有重要意义。 - -当有多个广告位时,CTR 预估一般会作为排序的基准,比如在搜索引擎的广告系统里,当用户输入一个带商业价值的搜索词(query)时,系统大体上会执行下列步骤来展示广告: - -1. 获取与用户搜索词相关的广告集合 -2. 业务规则和相关性过滤 -3. 根据拍卖机制和 CTR 排序 -4. 展出广告 - -可以看到,CTR 在最终排序中起到了很重要的作用。 - -### 发展阶段 -在业内,CTR 模型经历了如下的发展阶段: - -- Logistic Regression(LR) / GBDT + 特征工程 -- LR + DNN 特征 -- DNN + 特征工程 - -在发展早期时 LR 一统天下,但最近 DNN 模型由于其强大的学习能力和逐渐成熟的性能优化, -逐渐地接过 CTR 预估任务的大旗。 - - -### LR vs DNN - -下图展示了 LR 和一个 \(3x2\) 的 DNN 模型的结构: - -

-
-Figure 1. LR 和 DNN 模型结构对比 -

- -LR 的蓝色箭头部分可以直接类比到 DNN 中对应的结构,可以看到 LR 和 DNN 有一些共通之处(比如权重累加), -但前者的模型复杂度在相同输入维度下比后者可能低很多(从某方面讲,模型越复杂,越有潜力学习到更复杂的信息); -如果 LR 要达到匹敌 DNN 的学习能力,必须增加输入的维度,也就是增加特征的数量, -这也就是为何 LR 和大规模的特征工程必须绑定在一起的原因。 - -LR 对于 DNN 模型的优势是对大规模稀疏特征的容纳能力,包括内存和计算量等方面,工业界都有非常成熟的优化方法; -而 DNN 模型具有自己学习新特征的能力,一定程度上能够提升特征使用的效率, -这使得 DNN 模型在同样规模特征的情况下,更有可能达到更好的学习效果。 - -本文后面的章节会演示如何使用 PaddlePaddle 编写一个结合两者优点的模型。 - - -## 数据和任务抽象 - -我们可以将 `click` 作为学习目标,任务可以有以下几种方案: - -1. 直接学习 click,0,1 作二元分类 -2. Learning to rank, 具体用 pairwise rank(标签 1>0)或者 listwise rank -3. 统计每个广告的点击率,将同一个 query 下的广告两两组合,点击率高的>点击率低的,做 rank 或者分类 - -我们直接使用第一种方法做分类任务。 - -我们使用 Kaggle 上 `Click-through rate prediction` 任务的数据集\[[2](https://www.kaggle.com/c/avazu-ctr-prediction/data)\] 来演示本例中的模型。 - -具体的特征处理方法参看 [data process](./dataset.md)。 - -本教程中演示模型的输入格式如下: - -``` -# \t \t click -1 23 190 \t 230:0.12 3421:0.9 23451:0.12 \t 0 -23 231 \t 1230:0.12 13421:0.9 \t 1 -``` - -详细的格式描述如下: - -- `dnn input ids` 采用 one-hot 表示,只需要填写值为1的ID(注意这里不是变长输入) -- `lr input sparse values` 使用了 `ID:VALUE` 的表示,值部分最好规约到值域 `[-1, 1]`。 - -此外,模型训练时需要传入一个文件描述 dnn 和 lr两个子模型的输入维度,文件的格式如下: - -``` -dnn_input_dim: -lr_input_dim: -``` - -其中, `` 表示一个整型数值。 - -本目录下的 `avazu_data_processor.py` 可以对下载的演示数据集\[[2](#参考文档)\] 进行处理,具体使用方法参考如下说明: - -``` -usage: avazu_data_processer.py [-h] --data_path DATA_PATH --output_dir - OUTPUT_DIR - [--num_lines_to_detect NUM_LINES_TO_DETECT] - [--test_set_size TEST_SET_SIZE] - [--train_size TRAIN_SIZE] - -PaddlePaddle CTR example - -optional arguments: - -h, --help show this help message and exit - --data_path DATA_PATH - path of the Avazu dataset - --output_dir OUTPUT_DIR - directory to output - --num_lines_to_detect NUM_LINES_TO_DETECT - number of records to detect dataset's meta info - --test_set_size TEST_SET_SIZE - size of the validation dataset(default: 10000) - --train_size TRAIN_SIZE - size of the trainset (default: 100000) -``` - -- `data_path` 是待处理的数据路径 -- `output_dir` 生成数据的输出路径 -- `num_lines_to_detect` 预先扫描数据生成ID的个数,这里是扫描的文件行数 -- `test_set_size` 生成测试集的行数 -- `train_size` 生成训练姐的行数 - -## Wide & Deep Learning Model - -谷歌在 16 年提出了 Wide & Deep Learning 的模型框架,用于融合适合学习抽象特征的 DNN 和 适用于大规模稀疏特征的 LR 两种模型的优点。 - - -### 模型简介 - -Wide & Deep Learning Model\[[3](#参考文献)\] 可以作为一种相对成熟的模型框架使用, -在 CTR 预估的任务中工业界也有一定的应用,因此本文将演示使用此模型来完成 CTR 预估的任务。 - -模型结构如下: - -

-
-Figure 2. Wide & Deep Model -

- -模型上边的 Wide 部分,可以容纳大规模系数特征,并且对一些特定的信息(比如 ID)有一定的记忆能力; -而模型下边的 Deep 部分,能够学习特征间的隐含关系,在相同数量的特征下有更好的学习和推导能力。 - - -### 编写模型输入 - -模型只接受 3 个输入,分别是 - -- `dnn_input` ,也就是 Deep 部分的输入 -- `lr_input` ,也就是 Wide 部分的输入 -- `click` , 点击与否,作为二分类模型学习的标签 - -```python -dnn_merged_input = layer.data( - name='dnn_input', - type=paddle.data_type.sparse_binary_vector(data_meta_info['dnn_input'])) - -lr_merged_input = layer.data( - name='lr_input', - type=paddle.data_type.sparse_binary_vector(data_meta_info['lr_input'])) - -click = paddle.layer.data(name='click', type=dtype.dense_vector(1)) -``` - -### 编写 Wide 部分 - -Wide 部分直接使用了 LR 模型,但激活函数改成了 `RELU` 来加速 - -```python -def build_lr_submodel(): - fc = layer.fc( - input=lr_merged_input, size=1, name='lr', act=paddle.activation.Relu()) - return fc -``` - -### 编写 Deep 部分 - -Deep 部分使用了标准的多层前向传导的 DNN 模型 - -```python -def build_dnn_submodel(dnn_layer_dims): - dnn_embedding = layer.fc(input=dnn_merged_input, size=dnn_layer_dims[0]) - _input_layer = dnn_embedding - for i, dim in enumerate(dnn_layer_dims[1:]): - fc = layer.fc( - input=_input_layer, - size=dim, - act=paddle.activation.Relu(), - name='dnn-fc-%d' % i) - _input_layer = fc - return _input_layer -``` - -### 两者融合 - -两个 submodel 的最上层输出加权求和得到整个模型的输出,输出部分使用 `sigmoid` 作为激活函数,得到区间 (0,1) 的预测值, -来逼近训练数据中二元类别的分布,并最终作为 CTR 预估的值使用。 - -```python -# conbine DNN and LR submodels -def combine_submodels(dnn, lr): - merge_layer = layer.concat(input=[dnn, lr]) - fc = layer.fc( - input=merge_layer, - size=1, - name='output', - # use sigmoid function to approximate ctr, wihch is a float value between 0 and 1. - act=paddle.activation.Sigmoid()) - return fc -``` - -### 训练任务的定义 -```python -dnn = build_dnn_submodel(dnn_layer_dims) -lr = build_lr_submodel() -output = combine_submodels(dnn, lr) - -# ============================================================================== -# cost and train period -# ============================================================================== -classification_cost = paddle.layer.multi_binary_label_cross_entropy_cost( - input=output, label=click) - - -paddle.init(use_gpu=False, trainer_count=11) - -params = paddle.parameters.create(classification_cost) - -optimizer = paddle.optimizer.Momentum(momentum=0) - -trainer = paddle.trainer.SGD( - cost=classification_cost, parameters=params, update_equation=optimizer) - -dataset = AvazuDataset(train_data_path, n_records_as_test=test_set_size) - -def event_handler(event): - if isinstance(event, paddle.event.EndIteration): - if event.batch_id % 100 == 0: - logging.warning("Pass %d, Samples %d, Cost %f" % ( - event.pass_id, event.batch_id * batch_size, event.cost)) - - if event.batch_id % 1000 == 0: - result = trainer.test( - reader=paddle.batch(dataset.test, batch_size=1000), - feeding=field_index) - logging.warning("Test %d-%d, Cost %f" % (event.pass_id, event.batch_id, - result.cost)) - - -trainer.train( - reader=paddle.batch( - paddle.reader.shuffle(dataset.train, buf_size=500), - batch_size=batch_size), - feeding=field_index, - event_handler=event_handler, - num_passes=100) -``` -## 运行训练和测试 -训练模型需要如下步骤: - -1. 准备训练数据 - 1. 从 [Kaggle CTR](https://www.kaggle.com/c/avazu-ctr-prediction/data) 下载 train.gz - 2. 解压 train.gz 得到 train.txt - 3. `mkdir -p output; python avazu_data_processer.py --data_path train.txt --output_dir output --num_lines_to_detect 1000 --test_set_size 100` 生成演示数据 -2. 执行 `python train.py --train_data_path ./output/train.txt --test_data_path ./output/test.txt --data_meta_file ./output/data.meta.txt --model_type=0` 开始训练 - -上面第2个步骤可以为 `train.py` 填充命令行参数来定制模型的训练过程,具体的命令行参数及用法如下 - -``` -usage: train.py [-h] --train_data_path TRAIN_DATA_PATH - [--test_data_path TEST_DATA_PATH] [--batch_size BATCH_SIZE] - [--num_passes NUM_PASSES] - [--model_output_prefix MODEL_OUTPUT_PREFIX] --data_meta_file - DATA_META_FILE --model_type MODEL_TYPE - -PaddlePaddle CTR example - -optional arguments: - -h, --help show this help message and exit - --train_data_path TRAIN_DATA_PATH - path of training dataset - --test_data_path TEST_DATA_PATH - path of testing dataset - --batch_size BATCH_SIZE - size of mini-batch (default:10000) - --num_passes NUM_PASSES - number of passes to train - --model_output_prefix MODEL_OUTPUT_PREFIX - prefix of path for model to store (default: - ./ctr_models) - --data_meta_file DATA_META_FILE - path of data meta info file - --model_type MODEL_TYPE - model type, classification: 0, regression 1 (default - classification) -``` - -- `train_data_path` : 训练集的路径 -- `test_data_path` : 测试集的路径 -- `num_passes`: 模型训练多少轮 -- `data_meta_file`: 参考[数据和任务抽象](### 数据和任务抽象)的描述。 -- `model_type`: 模型分类或回归 - - -## 用训好的模型做预测 -训好的模型可以用来预测新的数据, 预测数据的格式为 - -``` -# \t -1 23 190 \t 230:0.12 3421:0.9 23451:0.12 -23 231 \t 1230:0.12 13421:0.9 -``` - -这里与训练数据的格式唯一不同的地方,就是没有标签,也就是训练数据中第3列 `click` 对应的数值。 - -`infer.py` 的使用方法如下 - -``` -usage: infer.py [-h] --model_gz_path MODEL_GZ_PATH --data_path DATA_PATH - --prediction_output_path PREDICTION_OUTPUT_PATH - [--data_meta_path DATA_META_PATH] --model_type MODEL_TYPE - -PaddlePaddle CTR example - -optional arguments: - -h, --help show this help message and exit - --model_gz_path MODEL_GZ_PATH - path of model parameters gz file - --data_path DATA_PATH - path of the dataset to infer - --prediction_output_path PREDICTION_OUTPUT_PATH - path to output the prediction - --data_meta_path DATA_META_PATH - path of trainset's meta info, default is ./data.meta - --model_type MODEL_TYPE - model type, classification: 0, regression 1 (default - classification) -``` - -- `model_gz_path_model`:用 `gz` 压缩过的模型路径 -- `data_path` : 需要预测的数据路径 -- `prediction_output_paht`:预测输出的路径 -- `data_meta_file` :参考[数据和任务抽象](### 数据和任务抽象)的描述。 -- `model_type` :分类或回归 - -示例数据可以用如下命令预测 - -``` -python infer.py --model_gz_path --data_path output/infer.txt --prediction_output_path predictions.txt --data_meta_path data.meta.txt -``` - -最终的预测结果位于 `predictions.txt`。 - -## 参考文献 -1. -2. -3. Cheng H T, Koc L, Harmsen J, et al. [Wide & deep learning for recommender systems](https://arxiv.org/pdf/1606.07792.pdf)[C]//Proceedings of the 1st Workshop on Deep Learning for Recommender Systems. ACM, 2016: 7-10. diff --git a/legacy/ctr/README.md b/legacy/ctr/README.md deleted file mode 100644 index 9ace483be6126b31e064ce3014cea1b08664f8cf..0000000000000000000000000000000000000000 --- a/legacy/ctr/README.md +++ /dev/null @@ -1,343 +0,0 @@ -The minimum PaddlePaddle version needed for the code sample in this directory is v0.10.0. If you are on a version of PaddlePaddle earlier than v0.10.0, [please update your installation](http://www.paddlepaddle.org/docs/develop/documentation/en/build_and_install/pip_install_en.html). - ---- - -# Click-Through Rate Prediction - -## Introduction - -CTR(Click-Through Rate)\[[1](https://en.wikipedia.org/wiki/Click-through_rate)\] -is a prediction of the probability that a user clicks on an advertisement. This model is widely used in the advertisement industry. Accurate click rate estimates are important for maximizing online advertising revenue. - -When there are multiple ad slots, CTR estimates are generally used as a baseline for ranking. For example, in a search engine's ad system, when the user enters a query, the system typically performs the following steps to show relevant ads. - -1. Get the ad collection associated with the user's search term. -2. Business rules and relevance filtering. -3. Rank by auction mechanism and CTR. -4. Show ads. - -Here,CTR plays a crucial role. - -### Brief history -Historically, the CTR prediction model has been evolving as follows. - -- Logistic Regression(LR) / Gradient Boosting Decision Trees (GBDT) + feature engineering -- LR + Deep Neural Network (DNN) -- DNN + feature engineering - -In the early stages of development LR dominated, but the recent years DNN based models are mainly used. - - -### LR vs DNN - -The following figure shows the structure of LR and DNN model: - -

-
-Figure 1. LR and DNN model structure comparison -

- -We can see, LR and CNN have some common structures. However, DNN can have non-linear relation between input and output values by adding activation unit and further layers. This enables DNN to achieve better learning results in CTR estimates. - -In the following, we demonstrate how to use PaddlePaddle to learn to predict CTR. - -## Data and Model formation - -Here `click` is the learning objective. There are several ways to learn the objectives. - -1. Direct learning click, 0,1 for binary classification -2. Learning to rank, pairwise rank or listwise rank -3. Measure the ad click rate of each ad, then rank by the click rate. - -In this example, we use the first method. - -We use the Kaggle `Click-through rate prediction` task \[[2](https://www.kaggle.com/c/avazu-ctr-prediction/data)\]. - -Please see the [data process](./dataset.md) for pre-processing data. - -The input data format for the demo model in this tutorial is as follows: - -``` -# \t \t click -1 23 190 \t 230:0.12 3421:0.9 23451:0.12 \t 0 -23 231 \t 1230:0.12 13421:0.9 \t 1 -``` - -Description: - -- `dnn input ids` one-hot coding. -- `lr input sparse values` Use `ID:VALUE` , values are preferaly scaled to the range `[-1, 1]`。 - -此外,模型训练时需要传入一个文件描述 dnn 和 lr两个子模型的输入维度,文件的格式如下: - -``` -dnn_input_dim: -lr_input_dim: -``` - - represents an integer value. - -`avazu_data_processor.py` can be used to download the data set \[[2](#参考文档)\]and pre-process the data. - -``` -usage: avazu_data_processer.py [-h] --data_path DATA_PATH --output_dir - OUTPUT_DIR - [--num_lines_to_detect NUM_LINES_TO_DETECT] - [--test_set_size TEST_SET_SIZE] - [--train_size TRAIN_SIZE] - -PaddlePaddle CTR example - -optional arguments: - -h, --help show this help message and exit - --data_path DATA_PATH - path of the Avazu dataset - --output_dir OUTPUT_DIR - directory to output - --num_lines_to_detect NUM_LINES_TO_DETECT - number of records to detect dataset's meta info - --test_set_size TEST_SET_SIZE - size of the validation dataset(default: 10000) - --train_size TRAIN_SIZE - size of the trainset (default: 100000) -``` - -- `data_path` The data path to be processed -- `output_dir` The output path of the data -- `num_lines_to_detect` The number of generated IDs -- `test_set_size` The number of rows for the test set -- `train_size` The number of rows of training set - -## Wide & Deep Learning Model - -Google proposed a model framework for Wide & Deep Learning to integrate the advantages of both DNNs suitable for learning abstract features and LR models for large sparse features. - - -### Introduction to the model - -Wide & Deep Learning Model\[[3](#References)\] is a relatively mature model, but this model is still being used in the CTR predicting task. Here we demonstrate the use of this model to complete the CTR predicting task. - -The model structure is as follows: - -

-
-Figure 2. Wide & Deep Model -

- -The wide part of the top side of the model can accommodate large-scale coefficient features and has some memory for some specific information (such as ID); and the Deep part of the bottom side of the model can learn the implicit relationship between features. - - -### Model Input - -The model has three inputs as follows. - -- `dnn_input` ,the Deep part of the input -- `lr_input` ,the wide part of the input -- `click` , click on or not - -```python -dnn_merged_input = layer.data( - name='dnn_input', - type=paddle.data_type.sparse_binary_vector(self.dnn_input_dim)) - -lr_merged_input = layer.data( - name='lr_input', - type=paddle.data_type.sparse_vector(self.lr_input_dim)) - -click = paddle.layer.data(name='click', type=dtype.dense_vector(1)) -``` - -### Wide part - -Wide part uses of the LR model, but the activation function changed to `RELU` for speed. - -```python -def build_lr_submodel(): - fc = layer.fc( - input=lr_merged_input, size=1, name='lr', act=paddle.activation.Relu()) - return fc -``` - -### Deep part - -The Deep part uses a standard multi-layer DNN. - -```python -def build_dnn_submodel(dnn_layer_dims): - dnn_embedding = layer.fc(input=dnn_merged_input, size=dnn_layer_dims[0]) - _input_layer = dnn_embedding - for i, dim in enumerate(dnn_layer_dims[1:]): - fc = layer.fc( - input=_input_layer, - size=dim, - act=paddle.activation.Relu(), - name='dnn-fc-%d' % i) - _input_layer = fc - return _input_layer -``` - -### Combine - -The output section uses `sigmoid` function to output (0,1) as the prediction value. - -```python -# conbine DNN and LR submodels -def combine_submodels(dnn, lr): - merge_layer = layer.concat(input=[dnn, lr]) - fc = layer.fc( - input=merge_layer, - size=1, - name='output', - # use sigmoid function to approximate ctr, wihch is a float value between 0 and 1. - act=paddle.activation.Sigmoid()) - return fc -``` - -### Training -```python -dnn = build_dnn_submodel(dnn_layer_dims) -lr = build_lr_submodel() -output = combine_submodels(dnn, lr) - -# ============================================================================== -# cost and train period -# ============================================================================== -classification_cost = paddle.layer.multi_binary_label_cross_entropy_cost( - input=output, label=click) - - -paddle.init(use_gpu=False, trainer_count=11) - -params = paddle.parameters.create(classification_cost) - -optimizer = paddle.optimizer.Momentum(momentum=0) - -trainer = paddle.trainer.SGD( - cost=classification_cost, parameters=params, update_equation=optimizer) - -dataset = AvazuDataset(train_data_path, n_records_as_test=test_set_size) - -def event_handler(event): - if isinstance(event, paddle.event.EndIteration): - if event.batch_id % 100 == 0: - logging.warning("Pass %d, Samples %d, Cost %f" % ( - event.pass_id, event.batch_id * batch_size, event.cost)) - - if event.batch_id % 1000 == 0: - result = trainer.test( - reader=paddle.batch(dataset.test, batch_size=1000), - feeding=field_index) - logging.warning("Test %d-%d, Cost %f" % (event.pass_id, event.batch_id, - result.cost)) - - -trainer.train( - reader=paddle.batch( - paddle.reader.shuffle(dataset.train, buf_size=500), - batch_size=batch_size), - feeding=field_index, - event_handler=event_handler, - num_passes=100) -``` - -## Run training and testing -The model go through the following steps: - -1. Prepare training data - 1. Download train.gz from [Kaggle CTR](https://www.kaggle.com/c/avazu-ctr-prediction/data) . - 2. Unzip train.gz to get train.txt - 3. `mkdir -p output; python avazu_data_processer.py --data_path train.txt --output_dir output --num_lines_to_detect 1000 --test_set_size 100` 生成演示数据 -2. Execute `python train.py --train_data_path ./output/train.txt --test_data_path ./output/test.txt --data_meta_file ./output/data.meta.txt --model_type=0`. Start training. - -The argument options for `train.py` are as follows. - -``` -usage: train.py [-h] --train_data_path TRAIN_DATA_PATH - [--test_data_path TEST_DATA_PATH] [--batch_size BATCH_SIZE] - [--num_passes NUM_PASSES] - [--model_output_prefix MODEL_OUTPUT_PREFIX] --data_meta_file - DATA_META_FILE --model_type MODEL_TYPE - -PaddlePaddle CTR example - -optional arguments: - -h, --help show this help message and exit - --train_data_path TRAIN_DATA_PATH - path of training dataset - --test_data_path TEST_DATA_PATH - path of testing dataset - --batch_size BATCH_SIZE - size of mini-batch (default:10000) - --num_passes NUM_PASSES - number of passes to train - --model_output_prefix MODEL_OUTPUT_PREFIX - prefix of path for model to store (default: - ./ctr_models) - --data_meta_file DATA_META_FILE - path of data meta info file - --model_type MODEL_TYPE - model type, classification: 0, regression 1 (default - classification) -``` - -- `train_data_path` : The path of the training set -- `test_data_path` : The path of the testing set -- `num_passes`: number of rounds of model training -- `data_meta_file`: Please refer to [数据和任务抽象](### 数据和任务抽象)的描述。 -- `model_type`: Model classification or regressio - - -## Use the training model for prediction -The training model can be used to predict new data, and the format of the forecast data is as follows. - - -``` -# \t -1 23 190 \t 230:0.12 3421:0.9 23451:0.12 -23 231 \t 1230:0.12 13421:0.9 -``` - -Here the only difference to the training data is that there is no label (i.e. `click` values). - -We now can use `infer.py` to perform inference. - -``` -usage: infer.py [-h] --model_gz_path MODEL_GZ_PATH --data_path DATA_PATH - --prediction_output_path PREDICTION_OUTPUT_PATH - [--data_meta_path DATA_META_PATH] --model_type MODEL_TYPE - -PaddlePaddle CTR example - -optional arguments: - -h, --help show this help message and exit - --model_gz_path MODEL_GZ_PATH - path of model parameters gz file - --data_path DATA_PATH - path of the dataset to infer - --prediction_output_path PREDICTION_OUTPUT_PATH - path to output the prediction - --data_meta_path DATA_META_PATH - path of trainset's meta info, default is ./data.meta - --model_type MODEL_TYPE - model type, classification: 0, regression 1 (default - classification) -``` - -- `model_gz_path_model`:path for `gz` compressed data. -- `data_path` : -- `prediction_output_patj`:path for the predicted values s -- `data_meta_file` :Please refer to [数据和任务抽象](### 数据和任务抽象)。 -- `model_type` :Classification or regression - -The sample data can be predicted with the following command - -``` -python infer.py --model_gz_path --data_path output/infer.txt --prediction_output_path predictions.txt --data_meta_path data.meta.txt -``` - -The final prediction is written in `predictions.txt`。 - -## References -1. -2. -3. Cheng H T, Koc L, Harmsen J, et al. [Wide & deep learning for recommender systems](https://arxiv.org/pdf/1606.07792.pdf)[C]//Proceedings of the 1st Workshop on Deep Learning for Recommender Systems. ACM, 2016: 7-10. diff --git a/legacy/ctr/avazu_data_processer.py b/legacy/ctr/avazu_data_processer.py deleted file mode 100644 index dd3c1441f8f8b26473d15889198abb3593edfa51..0000000000000000000000000000000000000000 --- a/legacy/ctr/avazu_data_processer.py +++ /dev/null @@ -1,414 +0,0 @@ -import sys -import csv -import cPickle -import argparse -import os -import numpy as np - -from utils import logger, TaskMode - -parser = argparse.ArgumentParser(description="PaddlePaddle CTR example") -parser.add_argument( - '--data_path', type=str, required=True, help="path of the Avazu dataset") -parser.add_argument( - '--output_dir', type=str, required=True, help="directory to output") -parser.add_argument( - '--num_lines_to_detect', - type=int, - default=500000, - help="number of records to detect dataset's meta info") -parser.add_argument( - '--test_set_size', - type=int, - default=10000, - help="size of the validation dataset(default: 10000)") -parser.add_argument( - '--train_size', - type=int, - default=100000, - help="size of the trainset (default: 100000)") -args = parser.parse_args() -''' -The fields of the dataset are: - - 0. id: ad identifier - 1. click: 0/1 for non-click/click - 2. hour: format is YYMMDDHH, so 14091123 means 23:00 on Sept. 11, 2014 UTC. - 3. C1 -- anonymized categorical variable - 4. banner_pos - 5. site_id - 6. site_domain - 7. site_category - 8. app_id - 9. app_domain - 10. app_category - 11. device_id - 12. device_ip - 13. device_model - 14. device_type - 15. device_conn_type - 16. C14-C21 -- anonymized categorical variables - -We will treat the following fields as categorical features: - - - C1 - - banner_pos - - site_category - - app_category - - device_type - - device_conn_type - -and some other features as id features: - - - id - - site_id - - app_id - - device_id - -The `hour` field will be treated as a continuous feature and will be transformed -to one-hot representation which has 24 bits. - -This script will output 3 files: - -1. train.txt -2. test.txt -3. infer.txt - -all the files are for demo. -''' - -feature_dims = {} - -categorial_features = ( - 'C1 banner_pos site_category app_category ' + 'device_type device_conn_type' -).split() - -id_features = 'id site_id app_id device_id _device_id_cross_site_id'.split() - - -def get_all_field_names(mode=0): - ''' - @mode: int - 0 for train, 1 for test - @return: list of str - ''' - return categorial_features + ['hour'] + id_features + ['click'] \ - if mode == 0 else [] - - -class CategoryFeatureGenerator(object): - ''' - Generator category features. - - Register all records by calling `register` first, then call `gen` to generate - one-hot representation for a record. - ''' - - def __init__(self): - self.dic = {'unk': 0} - self.counter = 1 - - def register(self, key): - ''' - Register record. - ''' - if key not in self.dic: - self.dic[key] = self.counter - self.counter += 1 - - def size(self): - return len(self.dic) - - def gen(self, key): - ''' - Generate one-hot representation for a record. - ''' - if key not in self.dic: - res = self.dic['unk'] - else: - res = self.dic[key] - return [res] - - def __repr__(self): - return '' % len(self.dic) - - -class IDfeatureGenerator(object): - def __init__(self, max_dim, cross_fea0=None, cross_fea1=None): - ''' - @max_dim: int - Size of the id elements' space - ''' - self.max_dim = max_dim - self.cross_fea0 = cross_fea0 - self.cross_fea1 = cross_fea1 - - def gen(self, key): - ''' - Generate one-hot representation for records - ''' - return [hash(key) % self.max_dim] - - def gen_cross_fea(self, fea1, fea2): - key = str(fea1) + str(fea2) - return self.gen(key) - - def size(self): - return self.max_dim - - -class ContinuousFeatureGenerator(object): - def __init__(self, n_intervals): - self.min = sys.maxint - self.max = sys.minint - self.n_intervals = n_intervals - - def register(self, val): - self.min = min(self.minint, val) - self.max = max(self.maxint, val) - - def gen(self, val): - self.len_part = (self.max - self.min) / self.n_intervals - return (val - self.min) / self.len_part - - -# init all feature generators -fields = {} -for key in categorial_features: - fields[key] = CategoryFeatureGenerator() -for key in id_features: - # for cross features - if 'cross' in key: - feas = key[1:].split('_cross_') - fields[key] = IDfeatureGenerator(10000000, *feas) - # for normal ID features - else: - fields[key] = IDfeatureGenerator(10000) - -# used as feed_dict in PaddlePaddle -field_index = dict((key, id) - for id, key in enumerate(['dnn_input', 'lr_input', 'click'])) - - -def detect_dataset(path, topn, id_fea_space=10000): - ''' - Parse the first `topn` records to collect meta information of this dataset. - - NOTE the records should be randomly shuffled first. - ''' - # create categorical statis objects. - logger.warning('detecting dataset') - - with open(path, 'rb') as csvfile: - reader = csv.DictReader(csvfile) - for row_id, row in enumerate(reader): - if row_id > topn: - break - - for key in categorial_features: - fields[key].register(row[key]) - - for key, item in fields.items(): - feature_dims[key] = item.size() - - feature_dims['hour'] = 24 - feature_dims['click'] = 1 - - feature_dims['dnn_input'] = np.sum( - feature_dims[key] for key in categorial_features + ['hour']) + 1 - feature_dims['lr_input'] = np.sum(feature_dims[key] - for key in id_features) + 1 - return feature_dims - - -def load_data_meta(meta_path): - ''' - Load dataset's meta infomation. - ''' - feature_dims, fields = cPickle.load(open(meta_path, 'rb')) - return feature_dims, fields - - -def concat_sparse_vectors(inputs, dims): - ''' - Concaterate more than one sparse vectors into one. - - @inputs: list - list of sparse vector - @dims: list of int - dimention of each sparse vector - ''' - res = [] - assert len(inputs) == len(dims) - start = 0 - for no, vec in enumerate(inputs): - for v in vec: - res.append(v + start) - start += dims[no] - return res - - -class AvazuDataset(object): - ''' - Load AVAZU dataset as train set. - ''' - - def __init__(self, - train_path, - n_records_as_test=-1, - fields=None, - feature_dims=None): - self.train_path = train_path - self.n_records_as_test = n_records_as_test - self.fields = fields - # default is train mode. - self.mode = TaskMode.create_train() - - self.categorial_dims = [ - feature_dims[key] for key in categorial_features + ['hour'] - ] - self.id_dims = [feature_dims[key] for key in id_features] - - def train(self): - ''' - Load trainset. - ''' - logger.info("load trainset from %s" % self.train_path) - self.mode = TaskMode.create_train() - with open(self.train_path) as f: - reader = csv.DictReader(f) - - for row_id, row in enumerate(reader): - # skip top n lines - if self.n_records_as_test > 0 and row_id < self.n_records_as_test: - continue - - rcd = self._parse_record(row) - if rcd: - yield rcd - - def test(self): - ''' - Load testset. - ''' - logger.info("load testset from %s" % self.train_path) - self.mode = TaskMode.create_test() - with open(self.train_path) as f: - reader = csv.DictReader(f) - - for row_id, row in enumerate(reader): - # skip top n lines - if self.n_records_as_test > 0 and row_id > self.n_records_as_test: - break - - rcd = self._parse_record(row) - if rcd: - yield rcd - - def infer(self): - ''' - Load inferset. - ''' - logger.info("load inferset from %s" % self.train_path) - self.mode = TaskMode.create_infer() - with open(self.train_path) as f: - reader = csv.DictReader(f) - - for row_id, row in enumerate(reader): - rcd = self._parse_record(row) - if rcd: - yield rcd - - def _parse_record(self, row): - ''' - Parse a CSV row and get a record. - ''' - record = [] - for key in categorial_features: - record.append(self.fields[key].gen(row[key])) - record.append([int(row['hour'][-2:])]) - dense_input = concat_sparse_vectors(record, self.categorial_dims) - - record = [] - for key in id_features: - if 'cross' not in key: - record.append(self.fields[key].gen(row[key])) - else: - fea0 = self.fields[key].cross_fea0 - fea1 = self.fields[key].cross_fea1 - record.append(self.fields[key].gen_cross_fea(row[fea0], row[ - fea1])) - - sparse_input = concat_sparse_vectors(record, self.id_dims) - - record = [dense_input, sparse_input] - - if not self.mode.is_infer(): - record.append(list((int(row['click']), ))) - return record - - -def ids2dense(vec, dim): - return vec - - -def ids2sparse(vec): - return ["%d:1" % x for x in vec] - - -detect_dataset(args.data_path, args.num_lines_to_detect) -dataset = AvazuDataset( - args.data_path, - args.test_set_size, - fields=fields, - feature_dims=feature_dims) - -output_trainset_path = os.path.join(args.output_dir, 'train.txt') -output_testset_path = os.path.join(args.output_dir, 'test.txt') -output_infer_path = os.path.join(args.output_dir, 'infer.txt') -output_meta_path = os.path.join(args.output_dir, 'data.meta.txt') - -with open(output_trainset_path, 'w') as f: - for id, record in enumerate(dataset.train()): - if id and id % 10000 == 0: - logger.info("load %d records" % id) - if id > args.train_size: - break - dnn_input, lr_input, click = record - dnn_input = ids2dense(dnn_input, feature_dims['dnn_input']) - lr_input = ids2sparse(lr_input) - line = "%s\t%s\t%d\n" % (' '.join(map(str, dnn_input)), - ' '.join(map(str, lr_input)), click[0]) - f.write(line) - logger.info('write to %s' % output_trainset_path) - -with open(output_testset_path, 'w') as f: - for id, record in enumerate(dataset.test()): - dnn_input, lr_input, click = record - dnn_input = ids2dense(dnn_input, feature_dims['dnn_input']) - lr_input = ids2sparse(lr_input) - line = "%s\t%s\t%d\n" % (' '.join(map(str, dnn_input)), - ' '.join(map(str, lr_input)), click[0]) - f.write(line) - logger.info('write to %s' % output_testset_path) - -with open(output_infer_path, 'w') as f: - for id, record in enumerate(dataset.infer()): - dnn_input, lr_input = record - dnn_input = ids2dense(dnn_input, feature_dims['dnn_input']) - lr_input = ids2sparse(lr_input) - line = "%s\t%s\n" % ( - ' '.join(map(str, dnn_input)), - ' '.join(map(str, lr_input)), ) - f.write(line) - if id > args.test_set_size: - break - logger.info('write to %s' % output_infer_path) - -with open(output_meta_path, 'w') as f: - lines = [ - "dnn_input_dim: %d" % feature_dims['dnn_input'], - "lr_input_dim: %d" % feature_dims['lr_input'] - ] - f.write('\n'.join(lines)) - logger.info('write data meta into %s' % output_meta_path) diff --git a/legacy/ctr/dataset.md b/legacy/ctr/dataset.md deleted file mode 100644 index 16c0f9784bf3409ac5bbe704f932a9b28680fbf8..0000000000000000000000000000000000000000 --- a/legacy/ctr/dataset.md +++ /dev/null @@ -1,296 +0,0 @@ -# 数据及处理 -## 数据集介绍 - -本教程演示使用Kaggle上CTR任务的数据集\[[3](#参考文献)\]的预处理方法,最终产生本模型需要的格式,详细的数据格式参考[README.md](./README.md)。 - -Wide && Deep Model\[[2](#参考文献)\]的优势是融合稠密特征和大规模稀疏特征, -因此特征处理方面也针对稠密和稀疏两种特征作处理, -其中Deep部分的稠密值全部转化为ID类特征, -通过embedding 来转化为稠密的向量输入;Wide部分主要通过ID的叉乘提升维度。 - -数据集使用 `csv` 格式存储,其中各个字段内容如下: - -- `id` : ad identifier -- `click` : 0/1 for non-click/click -- `hour` : format is YYMMDDHH, so 14091123 means 23:00 on Sept. 11, 2014 UTC. -- `C1` : anonymized categorical variable -- `banner_pos` -- `site_id` -- `site_domain` -- `site_category` -- `app_id` -- `app_domain` -- `app_category` -- `device_id` -- `device_ip` -- `device_model` -- `device_type` -- `device_conn_type` -- `C14-C21` : anonymized categorical variables - - -## 特征提取 - -下面我们会简单演示几种特征的提取方式。 - -原始数据中的特征可以分为以下几类: - -1. ID 类特征(稀疏,数量多) -- `id` -- `site_id` -- `app_id` -- `device_id` - -2. 类别类特征(稀疏,但数量有限) - -- `C1` -- `site_category` -- `device_type` -- `C14-C21` - -3. 数值型特征转化为类别型特征 - -- hour (可以转化成数值,也可以按小时为单位转化为类别) - -### 类别类特征 - -类别类特征的提取方法有以下两种: - -1. One-hot 表示作为特征 -2. 类似词向量,用一个 Embedding 将每个类别映射到对应的向量 - - -### ID 类特征 - -ID 类特征的特点是稀疏数据,但量比较大,直接使用 One-hot 表示时维度过大。 - -一般会作如下处理: - -1. 确定表示的最大维度 N -2. newid = id % N -3. 用 newid 作为类别类特征使用 - -上面的方法尽管存在一定的碰撞概率,但能够处理任意数量的 ID 特征,并保留一定的效果\[[2](#参考文献)\]。 - -### 数值型特征 - -一般会做如下处理: - -- 归一化,直接作为特征输入模型 -- 用区间分割处理成类别类特征,稀疏化表示,模糊细微上的差别 - -## 特征处理 - - -### 类别型特征 - -类别型特征有有限多种值,在模型中,我们一般使用 Embedding将每种值映射为连续值的向量。 - -这种特征在输入到模型时,一般使用 One-hot 表示,相关处理方法如下: - -```python -class CategoryFeatureGenerator(object): - ''' - Generator category features. - - Register all records by calling ~register~ first, then call ~gen~ to generate - one-hot representation for a record. - ''' - - def __init__(self): - self.dic = {'unk': 0} - self.counter = 1 - - def register(self, key): - ''' - Register record. - ''' - if key not in self.dic: - self.dic[key] = self.counter - self.counter += 1 - - def size(self): - return len(self.dic) - - def gen(self, key): - ''' - Generate one-hot representation for a record. - ''' - if key not in self.dic: - res = self.dic['unk'] - else: - res = self.dic[key] - return [res] - - def __repr__(self): - return '' % len(self.dic) -``` - -`CategoryFeatureGenerator` 需要先扫描数据集,得到该类别对应的项集合,之后才能开始生成特征。 - -我们的实验数据集\[[3](https://www.kaggle.com/c/avazu-ctr-prediction/data)\]已经经过shuffle,可以扫描前面一定数目的记录来近似总的类别项集合(等价于随机抽样), -对于没有抽样上的低频类别项,可以用一个 UNK 的特殊值表示。 - -```python -fields = {} -for key in categorial_features: - fields[key] = CategoryFeatureGenerator() - -def detect_dataset(path, topn, id_fea_space=10000): - ''' - Parse the first `topn` records to collect meta information of this dataset. - - NOTE the records should be randomly shuffled first. - ''' - # create categorical statis objects. - - with open(path, 'rb') as csvfile: - reader = csv.DictReader(csvfile) - for row_id, row in enumerate(reader): - if row_id > topn: - break - - for key in categorial_features: - fields[key].register(row[key]) -``` - -`CategoryFeatureGenerator` 在注册得到数据集中对应类别信息后,可以对相应记录生成对应的特征表示: - -```python -record = [] -for key in categorial_features: - record.append(fields[key].gen(row[key])) -``` - -本任务中,类别类特征会输入到 DNN 中使用。 - -### ID 类特征 - -ID 类特征代稀疏值,且值的空间很大的情况,一般用模操作规约到一个有限空间, -之后可以当成类别类特征使用,这里我们会将 ID 类特征输入到 LR 模型中使用。 - -```python -class IDfeatureGenerator(object): - def __init__(self, max_dim): - ''' - @max_dim: int - Size of the id elements' space - ''' - self.max_dim = max_dim - - def gen(self, key): - ''' - Generate one-hot representation for records - ''' - return [hash(key) % self.max_dim] - - def size(self): - return self.max_dim -``` - -`IDfeatureGenerator` 不需要预先初始化,可以直接生成特征,比如 - -```python -record = [] -for key in id_features: - if 'cross' not in key: - record.append(fields[key].gen(row[key])) -``` - -### 交叉类特征 - -LR 模型作为 Wide & Deep model 的 `wide` 部分,可以输入很 wide 的数据(特征空间的维度很大), -为了充分利用这个优势,我们将演示交叉组合特征构建成更大维度特征的情况,之后塞入到模型中训练。 - -这里我们依旧使用模操作来约束最终组合出的特征空间的大小,具体实现是直接在 `IDfeatureGenerator` 中添加一个 `gen_cross_feature` 的方法: - -```python -def gen_cross_fea(self, fea1, fea2): - key = str(fea1) + str(fea2) - return self.gen(key) -``` - -比如,我们觉得原始数据中, `device_id` 和 `site_id` 有一些关联(比如某个 device 倾向于浏览特定 site), -我们通过组合出两者组合来捕捉这类信息。 - -```python -fea0 = fields[key].cross_fea0 -fea1 = fields[key].cross_fea1 -record.append( - fields[key].gen_cross_fea(row[fea0], row[fea1])) -``` - -### 特征维度 -#### Deep submodel(DNN)特征 -| feature | dimention | -|------------------|-----------| -| app_category | 21 | -| site_category | 22 | -| device_conn_type | 5 | -| hour | 24 | -| banner_pos | 7 | -| **Total** | 79 | - -#### Wide submodel(LR)特征 -| Feature | Dimention | -|---------------------|-----------| -| id | 10000 | -| site_id | 10000 | -| app_id | 10000 | -| device_id | 10000 | -| device_id X site_id | 1000000 | -| **Total** | 1,040,000 | - -## 输入到 PaddlePaddle 中 - -Deep 和 Wide 两部分均以 `sparse_binary_vector` 的格式 \[[1](https://github.com/PaddlePaddle/Paddle/blob/develop/doc/api/v1/data_provider/pydataprovider2_en.rst)\] 输入,输入前需要将相关特征拼合,模型最终只接受 3 个 input, -分别是 - -1. `dnn input` ,DNN 的输入 -2. `lr input` , LR 的输入 -3. `click` , 标签 - -拼合特征的方法: - -```python -def concat_sparse_vectors(inputs, dims): - ''' - concaterate sparse vectors into one - - @inputs: list - list of sparse vector - @dims: list of int - dimention of each sparse vector - ''' - res = [] - assert len(inputs) == len(dims) - start = 0 - for no, vec in enumerate(inputs): - for v in vec: - res.append(v + start) - start += dims[no] - return res -``` - -生成最终特征的代码如下: - -```python -# dimentions of the features -categorial_dims = [ - feature_dims[key] for key in categorial_features + ['hour'] -] -id_dims = [feature_dims[key] for key in id_features] - -dense_input = concat_sparse_vectors(record, categorial_dims) -sparse_input = concat_sparse_vectors(record, id_dims) - -record = [dense_input, sparse_input] -record.append(list((int(row['click']), ))) -yield record -``` - -## 参考文献 - -1. -2. Mikolov T, Deoras A, Povey D, et al. [Strategies for training large scale neural network language models](https://www.researchgate.net/profile/Lukas_Burget/publication/241637478_Strategies_for_training_large_scale_neural_network_language_models/links/542c14960cf27e39fa922ed3.pdf)[C]//Automatic Speech Recognition and Understanding (ASRU), 2011 IEEE Workshop on. IEEE, 2011: 196-201. -3. diff --git a/legacy/ctr/images/lr_vs_dnn.jpg b/legacy/ctr/images/lr_vs_dnn.jpg deleted file mode 100644 index 50a0db583cd9b6e1a5bc0f83a28ab6e22d649931..0000000000000000000000000000000000000000 Binary files a/legacy/ctr/images/lr_vs_dnn.jpg and /dev/null differ diff --git a/legacy/ctr/images/wide_deep.png b/legacy/ctr/images/wide_deep.png deleted file mode 100644 index 616f88cb22607c1c6bcbe4312644f632ef284e8e..0000000000000000000000000000000000000000 Binary files a/legacy/ctr/images/wide_deep.png and /dev/null differ diff --git a/legacy/ctr/infer.py b/legacy/ctr/infer.py deleted file mode 100644 index 6541c74638df63a9304989c2ccaff0ff4c00463a..0000000000000000000000000000000000000000 --- a/legacy/ctr/infer.py +++ /dev/null @@ -1,79 +0,0 @@ -import gzip -import argparse -import itertools - -import paddle.v2 as paddle -import network_conf -from train import dnn_layer_dims -import reader -from utils import logger, ModelType - -parser = argparse.ArgumentParser(description="PaddlePaddle CTR example") -parser.add_argument( - '--model_gz_path', - type=str, - required=True, - help="path of model parameters gz file") -parser.add_argument( - '--data_path', type=str, required=True, help="path of the dataset to infer") -parser.add_argument( - '--prediction_output_path', - type=str, - required=True, - help="path to output the prediction") -parser.add_argument( - '--data_meta_path', - type=str, - default="./data.meta", - help="path of trainset's meta info, default is ./data.meta") -parser.add_argument( - '--model_type', - type=int, - required=True, - default=ModelType.CLASSIFICATION, - help='model type, classification: %d, regression %d (default classification)' - % (ModelType.CLASSIFICATION, ModelType.REGRESSION)) - -args = parser.parse_args() - -paddle.init(use_gpu=False, trainer_count=1) - - -class CTRInferer(object): - def __init__(self, param_path): - logger.info("create CTR model") - dnn_input_dim, lr_input_dim = reader.load_data_meta(args.data_meta_path) - # create the mdoel - self.ctr_model = network_conf.CTRmodel( - dnn_layer_dims, - dnn_input_dim, - lr_input_dim, - model_type=ModelType(args.model_type), - is_infer=True) - # load parameter - logger.info("load model parameters from %s" % param_path) - self.parameters = paddle.parameters.Parameters.from_tar( - gzip.open(param_path, 'r')) - self.inferer = paddle.inference.Inference( - output_layer=self.ctr_model.model, - parameters=self.parameters, ) - - def infer(self, data_path): - logger.info("infer data...") - dataset = reader.Dataset() - infer_reader = paddle.batch( - dataset.infer(args.data_path), batch_size=1000) - logger.warning('write predictions to %s' % args.prediction_output_path) - output_f = open(args.prediction_output_path, 'w') - for id, batch in enumerate(infer_reader()): - res = self.inferer.infer(input=batch) - predictions = [x for x in itertools.chain.from_iterable(res)] - assert len(batch) == len( - predictions), "predict error, %d inputs, but %d predictions" % ( - len(batch), len(predictions)) - output_f.write('\n'.join(map(str, predictions)) + '\n') - - -if __name__ == '__main__': - ctr_inferer = CTRInferer(args.model_gz_path) - ctr_inferer.infer(args.data_path) diff --git a/legacy/ctr/network_conf.py b/legacy/ctr/network_conf.py deleted file mode 100644 index bcff49ee05e1d8cc80e2fdd28a771bf9bf9502e3..0000000000000000000000000000000000000000 --- a/legacy/ctr/network_conf.py +++ /dev/null @@ -1,104 +0,0 @@ -import paddle.v2 as paddle -from paddle.v2 import layer -from paddle.v2 import data_type as dtype -from utils import logger, ModelType - - -class CTRmodel(object): - ''' - A CTR model which implements wide && deep learning model. - ''' - - def __init__(self, - dnn_layer_dims, - dnn_input_dim, - lr_input_dim, - model_type=ModelType.create_classification(), - is_infer=False): - ''' - @dnn_layer_dims: list of integer - dims of each layer in dnn - @dnn_input_dim: int - size of dnn's input layer - @lr_input_dim: int - size of lr's input layer - @is_infer: bool - whether to build a infer model - ''' - self.dnn_layer_dims = dnn_layer_dims - self.dnn_input_dim = dnn_input_dim - self.lr_input_dim = lr_input_dim - self.model_type = model_type - self.is_infer = is_infer - - self._declare_input_layers() - - self.dnn = self._build_dnn_submodel_(self.dnn_layer_dims) - self.lr = self._build_lr_submodel_() - - # model's prediction - # TODO(superjom) rename it to prediction - if self.model_type.is_classification(): - self.model = self._build_classification_model(self.dnn, self.lr) - if self.model_type.is_regression(): - self.model = self._build_regression_model(self.dnn, self.lr) - - def _declare_input_layers(self): - self.dnn_merged_input = layer.data( - name='dnn_input', - type=paddle.data_type.sparse_binary_vector(self.dnn_input_dim)) - - self.lr_merged_input = layer.data( - name='lr_input', - type=paddle.data_type.sparse_float_vector(self.lr_input_dim)) - - if not self.is_infer: - self.click = paddle.layer.data( - name='click', type=dtype.dense_vector(1)) - - def _build_dnn_submodel_(self, dnn_layer_dims): - ''' - build DNN submodel. - ''' - dnn_embedding = layer.fc(input=self.dnn_merged_input, - size=dnn_layer_dims[0]) - _input_layer = dnn_embedding - for i, dim in enumerate(dnn_layer_dims[1:]): - fc = layer.fc(input=_input_layer, - size=dim, - act=paddle.activation.Relu(), - name='dnn-fc-%d' % i) - _input_layer = fc - return _input_layer - - def _build_lr_submodel_(self): - ''' - config LR submodel - ''' - fc = layer.fc(input=self.lr_merged_input, - size=1, - act=paddle.activation.Relu()) - return fc - - def _build_classification_model(self, dnn, lr): - merge_layer = layer.concat(input=[dnn, lr]) - self.output = layer.fc( - input=merge_layer, - size=1, - # use sigmoid function to approximate ctr rate, a float value between 0 and 1. - act=paddle.activation.Sigmoid()) - - if not self.is_infer: - self.train_cost = paddle.layer.multi_binary_label_cross_entropy_cost( - input=self.output, label=self.click) - return self.output - - def _build_regression_model(self, dnn, lr): - merge_layer = layer.concat(input=[dnn, lr]) - self.output = layer.fc(input=merge_layer, - size=1, - act=paddle.activation.Sigmoid()) - if not self.is_infer: - self.train_cost = paddle.layer.square_error_cost( - input=self.output, label=self.click) - return self.output diff --git a/legacy/ctr/reader.py b/legacy/ctr/reader.py deleted file mode 100644 index cafa2349ed0e51a8de65dbeeea8b345edcf0a879..0000000000000000000000000000000000000000 --- a/legacy/ctr/reader.py +++ /dev/null @@ -1,64 +0,0 @@ -from utils import logger, TaskMode, load_dnn_input_record, load_lr_input_record - -feeding_index = {'dnn_input': 0, 'lr_input': 1, 'click': 2} - - -class Dataset(object): - def train(self, path): - ''' - Load trainset. - ''' - logger.info("load trainset from %s" % path) - mode = TaskMode.create_train() - return self._parse_creator(path, mode) - - def test(self, path): - ''' - Load testset. - ''' - logger.info("load testset from %s" % path) - mode = TaskMode.create_test() - return self._parse_creator(path, mode) - - def infer(self, path): - ''' - Load infer set. - ''' - logger.info("load inferset from %s" % path) - mode = TaskMode.create_infer() - return self._parse_creator(path, mode) - - def _parse_creator(self, path, mode): - ''' - Parse dataset. - ''' - - def _parse(): - with open(path) as f: - for line_id, line in enumerate(f): - fs = line.strip().split('\t') - dnn_input = load_dnn_input_record(fs[0]) - lr_input = load_lr_input_record(fs[1]) - if not mode.is_infer(): - click = [int(fs[2])] - yield dnn_input, lr_input, click - else: - yield dnn_input, lr_input - - return _parse - - -def load_data_meta(path): - ''' - load data meta info from path, return (dnn_input_dim, lr_input_dim) - ''' - with open(path) as f: - lines = f.read().split('\n') - err_info = "wrong meta format" - assert len(lines) == 2, err_info - assert 'dnn_input_dim:' in lines[0] and 'lr_input_dim:' in lines[ - 1], err_info - res = map(int, [_.split(':')[1] for _ in lines]) - logger.info('dnn input dim: %d' % res[0]) - logger.info('lr input dim: %d' % res[1]) - return res diff --git a/legacy/ctr/train.py b/legacy/ctr/train.py deleted file mode 100644 index de7add61d65aba363cc17bed49d32c9054600108..0000000000000000000000000000000000000000 --- a/legacy/ctr/train.py +++ /dev/null @@ -1,112 +0,0 @@ -import argparse -import gzip - -import reader -import paddle.v2 as paddle -from utils import logger, ModelType -from network_conf import CTRmodel - - -def parse_args(): - parser = argparse.ArgumentParser(description="PaddlePaddle CTR example") - parser.add_argument( - '--train_data_path', - type=str, - required=True, - help="path of training dataset") - parser.add_argument( - '--test_data_path', type=str, help='path of testing dataset') - parser.add_argument( - '--batch_size', - type=int, - default=10000, - help="size of mini-batch (default:10000)") - parser.add_argument( - '--num_passes', type=int, default=10, help="number of passes to train") - parser.add_argument( - '--model_output_prefix', - type=str, - default='./ctr_models', - help='prefix of path for model to store (default: ./ctr_models)') - parser.add_argument( - '--data_meta_file', - type=str, - required=True, - help='path of data meta info file', ) - parser.add_argument( - '--model_type', - type=int, - required=True, - default=ModelType.CLASSIFICATION, - help='model type, classification: %d, regression %d (default classification)' - % (ModelType.CLASSIFICATION, ModelType.REGRESSION)) - - return parser.parse_args() - - -dnn_layer_dims = [128, 64, 32, 1] - -# ============================================================================== -# cost and train period -# ============================================================================== - - -def train(): - args = parse_args() - args.model_type = ModelType(args.model_type) - paddle.init(use_gpu=False, trainer_count=1) - dnn_input_dim, lr_input_dim = reader.load_data_meta(args.data_meta_file) - - # create ctr model. - model = CTRmodel( - dnn_layer_dims, - dnn_input_dim, - lr_input_dim, - model_type=args.model_type, - is_infer=False) - - params = paddle.parameters.create(model.train_cost) - optimizer = paddle.optimizer.AdaGrad() - - trainer = paddle.trainer.SGD(cost=model.train_cost, - parameters=params, - update_equation=optimizer) - - dataset = reader.Dataset() - - def __event_handler__(event): - if isinstance(event, paddle.event.EndIteration): - num_samples = event.batch_id * args.batch_size - if event.batch_id % 100 == 0: - logger.warning("Pass %d, Samples %d, Cost %f, %s" % ( - event.pass_id, num_samples, event.cost, event.metrics)) - - if event.batch_id % 1000 == 0: - if args.test_data_path: - result = trainer.test( - reader=paddle.batch( - dataset.test(args.test_data_path), - batch_size=args.batch_size), - feeding=reader.feeding_index) - logger.warning("Test %d-%d, Cost %f, %s" % - (event.pass_id, event.batch_id, result.cost, - result.metrics)) - - path = "{}-pass-{}-batch-{}-test-{}.tar.gz".format( - args.model_output_prefix, event.pass_id, event.batch_id, - result.cost) - with gzip.open(path, 'w') as f: - trainer.save_parameter_to_tar(f) - - trainer.train( - reader=paddle.batch( - paddle.reader.shuffle( - dataset.train(args.train_data_path), buf_size=500), - batch_size=args.batch_size), - feeding=reader.feeding_index, - event_handler=__event_handler__, - num_passes=args.num_passes) - - -if __name__ == '__main__': - train() diff --git a/legacy/ctr/utils.py b/legacy/ctr/utils.py deleted file mode 100644 index 437554c3c291d5a74cc0b3844c8684c73b189a19..0000000000000000000000000000000000000000 --- a/legacy/ctr/utils.py +++ /dev/null @@ -1,70 +0,0 @@ -import logging - -logging.basicConfig() -logger = logging.getLogger("paddle") -logger.setLevel(logging.INFO) - - -class TaskMode: - TRAIN_MODE = 0 - TEST_MODE = 1 - INFER_MODE = 2 - - def __init__(self, mode): - self.mode = mode - - def is_train(self): - return self.mode == self.TRAIN_MODE - - def is_test(self): - return self.mode == self.TEST_MODE - - def is_infer(self): - return self.mode == self.INFER_MODE - - @staticmethod - def create_train(): - return TaskMode(TaskMode.TRAIN_MODE) - - @staticmethod - def create_test(): - return TaskMode(TaskMode.TEST_MODE) - - @staticmethod - def create_infer(): - return TaskMode(TaskMode.INFER_MODE) - - -class ModelType: - CLASSIFICATION = 0 - REGRESSION = 1 - - def __init__(self, mode): - self.mode = mode - - def is_classification(self): - return self.mode == self.CLASSIFICATION - - def is_regression(self): - return self.mode == self.REGRESSION - - @staticmethod - def create_classification(): - return ModelType(ModelType.CLASSIFICATION) - - @staticmethod - def create_regression(): - return ModelType(ModelType.REGRESSION) - - -def load_dnn_input_record(sent): - return map(int, sent.split()) - - -def load_lr_input_record(sent): - res = [] - for _ in [x.split(':') for x in sent.split()]: - res.append(( - int(_[0]), - float(_[1]), )) - return res diff --git a/legacy/deep_fm/README.cn.md b/legacy/deep_fm/README.cn.md deleted file mode 100644 index 1f651acbde0078340dab06c551f583ca2b1dd86c..0000000000000000000000000000000000000000 --- a/legacy/deep_fm/README.cn.md +++ /dev/null @@ -1,76 +0,0 @@ -运行本目录下的程序示例需要使用PaddlePaddle v0.10.0 版本。如果您的PaddlePaddle安装版本低于此要求,请按照[安装文档](http://www.paddlepaddle.org/docs/develop/documentation/en/build_and_install/pip_install_en.html)中的说明更新PaddlePaddle安装版本。 - ---- - -# 基于深度因子分解机的点击率预估模型 - -## 介绍 -本模型实现了下述论文中提出的DeepFM模型: - -```text -@inproceedings{guo2017deepfm, - title={DeepFM: A Factorization-Machine based Neural Network for CTR Prediction}, - author={Huifeng Guo, Ruiming Tang, Yunming Ye, Zhenguo Li and Xiuqiang He}, - booktitle={the Twenty-Sixth International Joint Conference on Artificial Intelligence (IJCAI)}, - pages={1725--1731}, - year={2017} -} -``` - -DeepFM模型把因子分解机和深度神经网络的低阶和高阶特征的相互作用结合起来,有关因子分解机的详细信息,请参考论文[因子分解机](https://www.csie.ntu.edu.tw/~b97053/paper/Rendle2010FM.pdf)。 - -## 数据集 -本文使用的是Kaggle公司举办的[展示广告竞赛](https://www.kaggle.com/c/criteo-display-ad-challenge/)中所使用的Criteo数据集。 - -每一行是一次广告展示的特征,第一列是一个标签,表示这次广告展示是否被点击。总共有39个特征,其中13个特征采用整型值,另外26个特征是类别类特征。测试集中是没有标签的。 - -下载数据集: -```bash -cd data && ./download.sh && cd .. -``` - -## 模型 -DeepFM模型是由因子分解机(FM)和深度神经网络(DNN)组成的。所有的输入特征都会同时输入FM和DNN,最后把FM和DNN的输出结合在一起形成最终的输出。DNN中稀疏特征生成的嵌入层与FM层中的隐含向量(因子)共享参数。 - -PaddlePaddle中的因子分解机层负责计算二阶组合特征的相互关系。以下的代码示例结合了因子分解机层和全连接层,形成了完整的的因子分解机: - -```python -def fm_layer(input, factor_size): - first_order = paddle.layer.fc(input=input, size=1, act=paddle.activation.Linear()) - second_order = paddle.layer.factorization_machine(input=input, factor_size=factor_size) - fm = paddle.layer.addto(input=[first_order, second_order], - act=paddle.activation.Linear(), - bias_attr=False) - return fm -``` - -## 数据准备 -处理原始数据集,整型特征使用min-max归一化方法规范到[0, 1],类别类特征使用了one-hot编码。原始数据集分割成两部分:90%用于训练,其他10%用于训练过程中的验证。 - -```bash -python preprocess.py --datadir ./data/raw --outdir ./data -``` - -## 训练 -训练的命令行选项可以通过`python train.py -h`列出。 - -训练模型: -```bash -python train.py \ - --train_data_path data/train.txt \ - --test_data_path data/valid.txt \ - 2>&1 | tee train.log -``` - -训练到第9轮的第40000个batch后,测试的AUC为0.807178,误差(cost)为0.445196。 - -## 预测 -预测的命令行选项可以通过`python infer.py -h`列出。 - -对测试集进行预测: -```bash -python infer.py \ - --model_gz_path models/model-pass-9-batch-10000.tar.gz \ - --data_path data/test.txt \ - --prediction_output_path ./predict.txt -``` diff --git a/legacy/deep_fm/README.md b/legacy/deep_fm/README.md deleted file mode 100644 index 6e2c6fad38d2e9e9db8d17c4967196b4f1cc5a36..0000000000000000000000000000000000000000 --- a/legacy/deep_fm/README.md +++ /dev/null @@ -1,95 +0,0 @@ -The minimum PaddlePaddle version needed for the code sample in this directory is v0.11.0. If you are on a version of PaddlePaddle earlier than v0.11.0, [please update your installation](http://www.paddlepaddle.org/docs/develop/documentation/en/build_and_install/pip_install_en.html). - ---- - -# Deep Factorization Machine for Click-Through Rate prediction - -## Introduction -This model implements the DeepFM proposed in the following paper: - -```text -@inproceedings{guo2017deepfm, - title={DeepFM: A Factorization-Machine based Neural Network for CTR Prediction}, - author={Huifeng Guo, Ruiming Tang, Yunming Ye, Zhenguo Li and Xiuqiang He}, - booktitle={the Twenty-Sixth International Joint Conference on Artificial Intelligence (IJCAI)}, - pages={1725--1731}, - year={2017} -} -``` - -The DeepFm combines factorization machine and deep neural networks to model -both low order and high order feature interactions. For details of the -factorization machines, please refer to the paper [factorization -machines](https://www.csie.ntu.edu.tw/~b97053/paper/Rendle2010FM.pdf) - -## Dataset -This example uses Criteo dataset which was used for the [Display Advertising -Challenge](https://www.kaggle.com/c/criteo-display-ad-challenge/) -hosted by Kaggle. - -Each row is the features for an ad display and the first column is a label -indicating whether this ad has been clicked or not. There are 39 features in -total. 13 features take integer values and the other 26 features are -categorical features. For the test dataset, the labels are omitted. - -Download dataset: -```bash -cd data && ./download.sh && cd .. -``` - -## Model -The DeepFM model is composed of the factorization machine layer (FM) and deep -neural networks (DNN). All the input features are feeded to both FM and DNN. -The output from FM and DNN are combined to form the final output. The embedding -layer for sparse features in the DNN shares the parameters with the latent -vectors (factors) of the FM layer. - -The factorization machine layer in PaddlePaddle computes the second order -interactions. The following code example combines the factorization machine -layer and fully connected layer to form the full version of factorization -machine: - -```python -def fm_layer(input, factor_size): - first_order = paddle.layer.fc(input=input, size=1, act=paddle.activation.Linear()) - second_order = paddle.layer.factorization_machine(input=input, factor_size=factor_size) - fm = paddle.layer.addto(input=[first_order, second_order], - act=paddle.activation.Linear(), - bias_attr=False) - return fm -``` - -## Data preparation -To preprocess the raw dataset, the integer features are clipped then min-max -normalized to [0, 1] and the categorical features are one-hot encoded. The raw -training dataset are splited such that 90% are used for training and the other -10% are used for validation during training. - -```bash -python preprocess.py --datadir ./data/raw --outdir ./data -``` - -## Train -The command line options for training can be listed by `python train.py -h`. - -To train the model: -```bash -python train.py \ - --train_data_path data/train.txt \ - --test_data_path data/valid.txt \ - 2>&1 | tee train.log -``` - -After training pass 9 batch 40000, the testing AUC is `0.807178` and the testing -cost is `0.445196`. - -## Infer -The command line options for infering can be listed by `python infer.py -h`. - -To make inference for the test dataset: -```bash -python infer.py \ - --model_gz_path models/model-pass-9-batch-10000.tar.gz \ - --data_path data/test.txt \ - --prediction_output_path ./predict.txt -``` diff --git a/legacy/deep_fm/data/download.sh b/legacy/deep_fm/data/download.sh deleted file mode 100755 index 466a22f2c6cc885cea0a1468f3043cb59c611b59..0000000000000000000000000000000000000000 --- a/legacy/deep_fm/data/download.sh +++ /dev/null @@ -1,8 +0,0 @@ -#!/bin/bash - -wget --no-check-certificate https://s3-eu-west-1.amazonaws.com/criteo-labs/dac.tar.gz -tar zxf dac.tar.gz -rm -f dac.tar.gz - -mkdir raw -mv ./*.txt raw/ diff --git a/legacy/deep_fm/infer.py b/legacy/deep_fm/infer.py deleted file mode 100755 index 40a5929780090d403b8b905f8e949f1f8a020eb3..0000000000000000000000000000000000000000 --- a/legacy/deep_fm/infer.py +++ /dev/null @@ -1,63 +0,0 @@ -import os -import gzip -import argparse -import itertools - -import paddle.v2 as paddle - -from network_conf import DeepFM -import reader - - -def parse_args(): - parser = argparse.ArgumentParser(description="PaddlePaddle DeepFM example") - parser.add_argument( - '--model_gz_path', - type=str, - required=True, - help="The path of model parameters gz file") - parser.add_argument( - '--data_path', - type=str, - required=True, - help="The path of the dataset to infer") - parser.add_argument( - '--prediction_output_path', - type=str, - required=True, - help="The path to output the prediction") - parser.add_argument( - '--factor_size', - type=int, - default=10, - help="The factor size for the factorization machine (default:10)") - - return parser.parse_args() - - -def infer(): - args = parse_args() - - paddle.init(use_gpu=False, trainer_count=1) - - model = DeepFM(args.factor_size, infer=True) - - parameters = paddle.parameters.Parameters.from_tar( - gzip.open(args.model_gz_path, 'r')) - - inferer = paddle.inference.Inference( - output_layer=model, parameters=parameters) - - dataset = reader.Dataset() - - infer_reader = paddle.batch(dataset.infer(args.data_path), batch_size=1000) - - with open(args.prediction_output_path, 'w') as out: - for id, batch in enumerate(infer_reader()): - res = inferer.infer(input=batch) - predictions = [x for x in itertools.chain.from_iterable(res)] - out.write('\n'.join(map(str, predictions)) + '\n') - - -if __name__ == '__main__': - infer() diff --git a/legacy/deep_fm/network_conf.py b/legacy/deep_fm/network_conf.py deleted file mode 100644 index 545fe07b8197e3379eb5a6f34c3134b813a4684e..0000000000000000000000000000000000000000 --- a/legacy/deep_fm/network_conf.py +++ /dev/null @@ -1,75 +0,0 @@ -import paddle.v2 as paddle - -dense_feature_dim = 13 -sparse_feature_dim = 117568 - - -def fm_layer(input, factor_size, fm_param_attr): - first_order = paddle.layer.fc(input=input, - size=1, - act=paddle.activation.Linear()) - second_order = paddle.layer.factorization_machine( - input=input, - factor_size=factor_size, - act=paddle.activation.Linear(), - param_attr=fm_param_attr) - out = paddle.layer.addto( - input=[first_order, second_order], - act=paddle.activation.Linear(), - bias_attr=False) - return out - - -def DeepFM(factor_size, infer=False): - dense_input = paddle.layer.data( - name="dense_input", - type=paddle.data_type.dense_vector(dense_feature_dim)) - sparse_input = paddle.layer.data( - name="sparse_input", - type=paddle.data_type.sparse_binary_vector(sparse_feature_dim)) - sparse_input_ids = [ - paddle.layer.data( - name="C" + str(i), - type=paddle.data_type.integer_value(sparse_feature_dim)) - for i in range(1, 27) - ] - - dense_fm = fm_layer( - dense_input, - factor_size, - fm_param_attr=paddle.attr.Param(name="DenseFeatFactors")) - sparse_fm = fm_layer( - sparse_input, - factor_size, - fm_param_attr=paddle.attr.Param(name="SparseFeatFactors")) - - def embedding_layer(input): - return paddle.layer.embedding( - input=input, - size=factor_size, - param_attr=paddle.attr.Param(name="SparseFeatFactors")) - - sparse_embed_seq = map(embedding_layer, sparse_input_ids) - sparse_embed = paddle.layer.concat(sparse_embed_seq) - - fc1 = paddle.layer.fc(input=[sparse_embed, dense_input], - size=400, - act=paddle.activation.Relu()) - fc2 = paddle.layer.fc(input=fc1, size=400, act=paddle.activation.Relu()) - fc3 = paddle.layer.fc(input=fc2, size=400, act=paddle.activation.Relu()) - - predict = paddle.layer.fc(input=[dense_fm, sparse_fm, fc3], - size=1, - act=paddle.activation.Sigmoid()) - - if not infer: - label = paddle.layer.data( - name="label", type=paddle.data_type.dense_vector(1)) - cost = paddle.layer.multi_binary_label_cross_entropy_cost( - input=predict, label=label) - paddle.evaluator.classification_error( - name="classification_error", input=predict, label=label) - paddle.evaluator.auc(name="auc", input=predict, label=label) - return cost - else: - return predict diff --git a/legacy/deep_fm/preprocess.py b/legacy/deep_fm/preprocess.py deleted file mode 100755 index 36ffea16637c19dee9352d17ed51a67edf582167..0000000000000000000000000000000000000000 --- a/legacy/deep_fm/preprocess.py +++ /dev/null @@ -1,164 +0,0 @@ -""" -Preprocess Criteo dataset. This dataset was used for the Display Advertising -Challenge (https://www.kaggle.com/c/criteo-display-ad-challenge). -""" -import os -import sys -import click -import random -import collections - -# There are 13 integer features and 26 categorical features -continous_features = range(1, 14) -categorial_features = range(14, 40) - -# Clip integer features. The clip point for each integer feature -# is derived from the 95% quantile of the total values in each feature -continous_clip = [20, 600, 100, 50, 64000, 500, 100, 50, 500, 10, 10, 10, 50] - - -class CategoryDictGenerator: - """ - Generate dictionary for each of the categorical features - """ - - def __init__(self, num_feature): - self.dicts = [] - self.num_feature = num_feature - for i in range(0, num_feature): - self.dicts.append(collections.defaultdict(int)) - - def build(self, datafile, categorial_features, cutoff=0): - with open(datafile, 'r') as f: - for line in f: - features = line.rstrip('\n').split('\t') - for i in range(0, self.num_feature): - if features[categorial_features[i]] != '': - self.dicts[i][features[categorial_features[i]]] += 1 - for i in range(0, self.num_feature): - self.dicts[i] = filter(lambda x: x[1] >= cutoff, - self.dicts[i].items()) - self.dicts[i] = sorted(self.dicts[i], key=lambda x: (-x[1], x[0])) - vocabs, _ = list(zip(*self.dicts[i])) - self.dicts[i] = dict(zip(vocabs, range(1, len(vocabs) + 1))) - self.dicts[i][''] = 0 - - def gen(self, idx, key): - if key not in self.dicts[idx]: - res = self.dicts[idx][''] - else: - res = self.dicts[idx][key] - return res - - def dicts_sizes(self): - return map(len, self.dicts) - - -class ContinuousFeatureGenerator: - """ - Normalize the integer features to [0, 1] by min-max normalization - """ - - def __init__(self, num_feature): - self.num_feature = num_feature - self.min = [sys.maxint] * num_feature - self.max = [-sys.maxint] * num_feature - - def build(self, datafile, continous_features): - with open(datafile, 'r') as f: - for line in f: - features = line.rstrip('\n').split('\t') - for i in range(0, self.num_feature): - val = features[continous_features[i]] - if val != '': - val = int(val) - if val > continous_clip[i]: - val = continous_clip[i] - self.min[i] = min(self.min[i], val) - self.max[i] = max(self.max[i], val) - - def gen(self, idx, val): - if val == '': - return 0.0 - val = float(val) - return (val - self.min[idx]) / (self.max[idx] - self.min[idx]) - - -@click.command("preprocess") -@click.option("--datadir", type=str, help="Path to raw criteo dataset") -@click.option("--outdir", type=str, help="Path to save the processed data") -def preprocess(datadir, outdir): - """ - All the 13 integer features are normalzied to continous values and these - continous features are combined into one vecotr with dimension 13. - - Each of the 26 categorical features are one-hot encoded and all the one-hot - vectors are combined into one sparse binary vector. - """ - dists = ContinuousFeatureGenerator(len(continous_features)) - dists.build(os.path.join(datadir, 'train.txt'), continous_features) - - dicts = CategoryDictGenerator(len(categorial_features)) - dicts.build( - os.path.join(datadir, 'train.txt'), categorial_features, cutoff=200) - - dict_sizes = dicts.dicts_sizes() - categorial_feature_offset = [0] - for i in range(1, len(categorial_features)): - offset = categorial_feature_offset[i - 1] + dict_sizes[i - 1] - categorial_feature_offset.append(offset) - - random.seed(0) - - # 90% of the data are used for training, and 10% of the data are used - # for validation. - with open(os.path.join(outdir, 'train.txt'), 'w') as out_train: - with open(os.path.join(outdir, 'valid.txt'), 'w') as out_valid: - with open(os.path.join(datadir, 'train.txt'), 'r') as f: - for line in f: - features = line.rstrip('\n').split('\t') - - continous_vals = [] - for i in range(0, len(continous_features)): - val = dists.gen(i, features[continous_features[i]]) - continous_vals.append("{0:.6f}".format(val).rstrip('0') - .rstrip('.')) - categorial_vals = [] - for i in range(0, len(categorial_features)): - val = dicts.gen(i, features[categorial_features[ - i]]) + categorial_feature_offset[i] - categorial_vals.append(str(val)) - - continous_vals = ','.join(continous_vals) - categorial_vals = ','.join(categorial_vals) - label = features[0] - if random.randint(0, 9999) % 10 != 0: - out_train.write('\t'.join( - [continous_vals, categorial_vals, label]) + '\n') - else: - out_valid.write('\t'.join( - [continous_vals, categorial_vals, label]) + '\n') - - with open(os.path.join(outdir, 'test.txt'), 'w') as out: - with open(os.path.join(datadir, 'test.txt'), 'r') as f: - for line in f: - features = line.rstrip('\n').split('\t') - - continous_vals = [] - for i in range(0, len(continous_features)): - val = dists.gen(i, features[continous_features[i] - 1]) - continous_vals.append("{0:.6f}".format(val).rstrip('0') - .rstrip('.')) - categorial_vals = [] - for i in range(0, len(categorial_features)): - val = dicts.gen(i, features[categorial_features[ - i] - 1]) + categorial_feature_offset[i] - categorial_vals.append(str(val)) - - continous_vals = ','.join(continous_vals) - categorial_vals = ','.join(categorial_vals) - out.write('\t'.join([continous_vals, categorial_vals]) + '\n') - - -if __name__ == "__main__": - preprocess() diff --git a/legacy/deep_fm/reader.py b/legacy/deep_fm/reader.py deleted file mode 100644 index 1098ce423c9071864671be91dea81972e47fbc98..0000000000000000000000000000000000000000 --- a/legacy/deep_fm/reader.py +++ /dev/null @@ -1,58 +0,0 @@ -class Dataset: - def _reader_creator(self, path, is_infer): - def reader(): - with open(path, 'r') as f: - for line in f: - features = line.rstrip('\n').split('\t') - dense_feature = map(float, features[0].split(',')) - sparse_feature = map(int, features[1].split(',')) - if not is_infer: - label = [float(features[2])] - yield [dense_feature, sparse_feature - ] + sparse_feature + [label] - else: - yield [dense_feature, sparse_feature] + sparse_feature - - return reader - - def train(self, path): - return self._reader_creator(path, False) - - def test(self, path): - return self._reader_creator(path, False) - - def infer(self, path): - return self._reader_creator(path, True) - - -feeding = { - 'dense_input': 0, - 'sparse_input': 1, - 'C1': 2, - 'C2': 3, - 'C3': 4, - 'C4': 5, - 'C5': 6, - 'C6': 7, - 'C7': 8, - 'C8': 9, - 'C9': 10, - 'C10': 11, - 'C11': 12, - 'C12': 13, - 'C13': 14, - 'C14': 15, - 'C15': 16, - 'C16': 17, - 'C17': 18, - 'C18': 19, - 'C19': 20, - 'C20': 21, - 'C21': 22, - 'C22': 23, - 'C23': 24, - 'C24': 25, - 'C25': 26, - 'C26': 27, - 'label': 28 -} diff --git a/legacy/deep_fm/train.py b/legacy/deep_fm/train.py deleted file mode 100755 index 92d48696d8845ac13b714b66f7810acdd35fe164..0000000000000000000000000000000000000000 --- a/legacy/deep_fm/train.py +++ /dev/null @@ -1,108 +0,0 @@ -import os -import gzip -import logging -import argparse - -import paddle.v2 as paddle - -from network_conf import DeepFM -import reader - -logging.basicConfig() -logger = logging.getLogger("paddle") -logger.setLevel(logging.INFO) - - -def parse_args(): - parser = argparse.ArgumentParser(description="PaddlePaddle DeepFM example") - parser.add_argument( - '--train_data_path', - type=str, - required=True, - help="The path of training dataset") - parser.add_argument( - '--test_data_path', - type=str, - required=True, - help="The path of testing dataset") - parser.add_argument( - '--batch_size', - type=int, - default=1000, - help="The size of mini-batch (default:1000)") - parser.add_argument( - '--num_passes', - type=int, - default=10, - help="The number of passes to train (default: 10)") - parser.add_argument( - '--factor_size', - type=int, - default=10, - help="The factor size for the factorization machine (default:10)") - parser.add_argument( - '--model_output_dir', - type=str, - default='models', - help='The path for model to store (default: models)') - - return parser.parse_args() - - -def train(): - args = parse_args() - - if not os.path.isdir(args.model_output_dir): - os.mkdir(args.model_output_dir) - - paddle.init(use_gpu=False, trainer_count=1) - - optimizer = paddle.optimizer.Adam(learning_rate=1e-4) - - model = DeepFM(args.factor_size) - - params = paddle.parameters.create(model) - - trainer = paddle.trainer.SGD(cost=model, - parameters=params, - update_equation=optimizer) - - dataset = reader.Dataset() - - def __event_handler__(event): - if isinstance(event, paddle.event.EndIteration): - num_samples = event.batch_id * args.batch_size - if event.batch_id % 100 == 0: - logger.warning("Pass %d, Batch %d, Samples %d, Cost %f, %s" % - (event.pass_id, event.batch_id, num_samples, - event.cost, event.metrics)) - - if event.batch_id % 10000 == 0: - if args.test_data_path: - result = trainer.test( - reader=paddle.batch( - dataset.test(args.test_data_path), - batch_size=args.batch_size), - feeding=reader.feeding) - logger.warning("Test %d-%d, Cost %f, %s" % - (event.pass_id, event.batch_id, result.cost, - result.metrics)) - - path = "{}/model-pass-{}-batch-{}.tar.gz".format( - args.model_output_dir, event.pass_id, event.batch_id) - with gzip.open(path, 'w') as f: - trainer.save_parameter_to_tar(f) - - trainer.train( - reader=paddle.batch( - paddle.reader.shuffle( - dataset.train(args.train_data_path), - buf_size=args.batch_size * 10000), - batch_size=args.batch_size), - feeding=reader.feeding, - event_handler=__event_handler__, - num_passes=args.num_passes) - - -if __name__ == '__main__': - train() diff --git a/legacy/dssm/README.cn.md b/legacy/dssm/README.cn.md deleted file mode 100644 index 140446ad2e071e8bc185d7788dcf33651a370d69..0000000000000000000000000000000000000000 --- a/legacy/dssm/README.cn.md +++ /dev/null @@ -1,294 +0,0 @@ -运行本目录下的程序示例需要使用PaddlePaddle v0.10.0 版本。如果您的PaddlePaddle安装版本低于此版本要求,请按照[安装文档](http://www.paddlepaddle.org/docs/develop/documentation/zh/build_and_install/pip_install_cn.html)中的说明更新PaddlePaddle安装版本。 - ---- - -# 深度结构化语义模型 (Deep Structured Semantic Models, DSSM) -DSSM使用DNN模型在一个连续的语义空间中学习文本低纬的表示向量,并且建模两个句子间的语义相似度。本例演示如何使用PaddlePaddle实现一个通用的DSSM 模型,用于建模两个字符串间的语义相似度,模型实现支持通用的数据格式,用户替换数据便可以在真实场景中使用该模型。 - -## 背景介绍 -DSSM \[[1](##参考文献)\]是微软研究院13年提出来的经典的语义模型,用于学习两个文本之间的语义距离,广义上模型也可以推广和适用如下场景: - -1. CTR预估模型,衡量用户搜索词(Query)与候选网页集合(Documents)之间的相关联程度。 -2. 文本相关性,衡量两个字符串间的语义相关程度。 -3. 自动推荐,衡量User与被推荐的Item之间的关联程度。 - -DSSM 已经发展成了一个框架,可以很自然地建模两个记录之间的距离关系,例如对于文本相关性问题,可以用余弦相似度 (cosin similarity) 来刻画语义距离;而对于搜索引擎的结果排序,可以在DSSM上接上Rank损失训练出一个排序模型。 - -## 模型简介 -在原论文\[[1](#参考文献)\]中,DSSM模型用来衡量用户搜索词 Query 和文档集合 Documents 之间隐含的语义关系,模型结构如下 - -

-

-图 1. DSSM 原始结构 -

- -其贯彻的思想是, **用DNN将高维特征向量转化为低纬空间的连续向量(图中红色框部分)** ,**在上层使用cosine similarity来衡量用户搜索词与候选文档间的语义相关性** 。 - -在最顶层损失函数的设计上,原始模型使用类似Word2Vec中负例采样的方法,一个Query会抽取正例 $D+$ 和4个负例 $D-$ 整体上算条件概率用对数似然函数作为损失,这也就是图 1中类似 $P(D_1|Q)$ 的结构,具体细节请参考原论文。 - -随着后续优化DSSM模型的结构得以简化\[[3](#参考文献)\],演变为: - -

-

-图 2. DSSM通用结构 -

- -图中的空白方框可以用任何模型替代,例如:全连接FC,卷积CNN,RNN等。该模型结构专门用于衡量两个元素(比如字符串)间的语义距离。在实际任务中,DSSM模型会作为基础的积木,搭配上不同的损失函数来实现具体的功能,比如: - -- 在排序学习中,将 图 2 中结构添加 pairwise rank损失,变成一个排序模型 -- 在CTR预估中,对点击与否做0,1二元分类,添加交叉熵损失变成一个分类模型 -- 在需要对一个子串打分时,可以使用余弦相似度来计算相似度,变成一个回归模型 - -本例提供一个比较通用的解决方案,在模型任务类型上支持: - -- 分类 -- [-1, 1] 值域内的回归 -- Pairwise-Rank - -在生成低纬语义向量的模型结构上,支持以下三种: - -- FC, 多层全连接层 -- CNN,卷积神经网络 -- RNN,递归神经网络 - -## 模型实现 -DSSM模型可以拆成三部分:分别是左边和右边的DNN,以及顶层的损失函数。在复杂任务中,左右两边DNN的结构可以不同。在原始论文中左右网络分别学习Query和Document的语义向量,两者数据的数据不同,建议对应定制DNN的结构。 - -**本例中为了简便和通用,将左右两个DNN的结构设为相同,因此只提供三个选项FC、CNN、RNN**。 - -损失函数的设计也支持三种类型:分类, 回归, 排序;其中,在回归和排序两种损失中,左右两边的匹配程度通过余弦相似度(cosine similairty)来计算;在分类任务中,类别预测的分布通过softmax计算。 - -在其它教程中,对上述很多内容都有过详细的介绍,例如: - -- 如何CNN, FC 做文本信息提取可以参考 [text classification](https://github.com/PaddlePaddle/models/blob/develop/text_classification/README.md#模型详解) -- RNN/GRU 的内容可以参考 [Machine Translation](https://github.com/PaddlePaddle/book/blob/develop/08.machine_translation/README.md#gated-recurrent-unit-gru) -- Pairwise Rank即排序学习可参考 [learn to rank](https://github.com/PaddlePaddle/models/blob/develop/ltr/README.md) - -相关原理在此不再赘述,本文接下来的篇幅主要集中介绍使用PaddlePaddle实现这些结构上。 - -如图3,回归和分类模型的结构相似: - -

-

-图 3. DSSM for REGRESSION or CLASSIFICATION -

- -最重要的组成部分包括词向量,图中`(1)`,`(2)`两个低纬向量的学习器(可以用RNN/CNN/FC中的任意一种实现),最上层对应的损失函数。 - -Pairwise Rank的结构会复杂一些,图 4. 中的结构会出现两次,增加了对应的损失函数,模型总体思想是: -- 给定同一个source(源)为左右两个target(目标)分别打分——`(a),(b)`,学习目标是(a),(b)之间的大小关系 -- `(a)`和`(b)`类似图3中结构,用于给source和target的pair打分 -- `(1)`和`(2)`的结构其实是共用的,都表示同一个source,图中为了表达效果展开成两个 - -

-

-图 4. DSSM for Pairwise Rank -

- -下面是各个部分的具体实现,相关代码均包含在 `./network_conf.py` 中。 - - -### 创建文本的词向量表 - -```python -def create_embedding(self, input, prefix=''): - """ - Create word embedding. The `prefix` is added in front of the name of - embedding"s learnable parameter. - """ - logger.info("Create embedding table [%s] whose dimention is %d" % - (prefix, self.dnn_dims[0])) - emb = paddle.layer.embedding( - input=input, - size=self.dnn_dims[0], - param_attr=ParamAttr(name='%s_emb.w' % prefix)) - return emb -``` - -由于输入给词向量表(embedding table)的是一个句子对应的词的ID的列表 ,因此词向量表输出的是词向量的序列。 - -### CNN 结构实现 - -```python -def create_cnn(self, emb, prefix=''): - - """ - A multi-layer CNN. - :param emb: The word embedding. - :type emb: paddle.layer - :param prefix: The prefix will be added to of layers' names. - :type prefix: str - """ - - def create_conv(context_len, hidden_size, prefix): - key = "%s_%d_%d" % (prefix, context_len, hidden_size) - conv = paddle.networks.sequence_conv_pool( - input=emb, - context_len=context_len, - hidden_size=hidden_size, - # set parameter attr for parameter sharing - context_proj_param_attr=ParamAttr(name=key + "contex_proj.w"), - fc_param_attr=ParamAttr(name=key + "_fc.w"), - fc_bias_attr=ParamAttr(name=key + "_fc.b"), - pool_bias_attr=ParamAttr(name=key + "_pool.b")) - return conv - - conv_3 = create_conv(3, self.dnn_dims[1], "cnn") - conv_4 = create_conv(4, self.dnn_dims[1], "cnn") - return paddle.layer.concat(input=[conv_3, conv_4]) -``` - -CNN 接受词向量序列,通过卷积和池化操作捕捉到原始句子的关键信息,最终输出一个语义向量(可以认为是句子向量)。 - -本例的实现中,分别使用了窗口长度为3和4的CNN学到的句子向量按元素求和得到最终的句子向量。 - -### RNN 结构实现 - -RNN很适合学习变长序列的信息,使用RNN来学习句子的信息几乎是自然语言处理任务的标配。 - -```python -def create_rnn(self, emb, prefix=''): - """ - A GRU sentence vector learner. - """ - gru = paddle.networks.simple_gru( - input=emb, - size=self.dnn_dims[1], - mixed_param_attr=ParamAttr(name='%s_gru_mixed.w' % prefix), - mixed_bias_param_attr=ParamAttr(name="%s_gru_mixed.b" % prefix), - gru_param_attr=ParamAttr(name='%s_gru.w' % prefix), - gru_bias_attr=ParamAttr(name="%s_gru.b" % prefix)) - sent_vec = paddle.layer.last_seq(gru) - return sent_vec -``` - -### 多层全连接网络FC - -```python -def create_fc(self, emb, prefix=''): - - """ - A multi-layer fully connected neural networks. - :param emb: The output of the embedding layer - :type emb: paddle.layer - :param prefix: A prefix will be added to the layers' names. - :type prefix: str - """ - - _input_layer = paddle.layer.pooling( - input=emb, pooling_type=paddle.pooling.Max()) - fc = paddle.layer.fc( - input=_input_layer, - size=self.dnn_dims[1], - param_attr=ParamAttr(name='%s_fc.w' % prefix), - bias_attr=ParamAttr(name="%s_fc.b" % prefix)) - return fc -``` - -在构建全连接网络时首先使用`paddle.layer.pooling` 对词向量序列进行最大池化操作,将边长序列转化为一个固定维度向量,作为整个句子的语义表达,使用最大池化能够降低句子长度对句向量表达的影响。 - -### 多层DNN -在 CNN/DNN/FC提取出 semantic vector后,在上层可继续接多层FC来实现深层DNN结构。 - -```python -def create_dnn(self, sent_vec, prefix): - if len(self.dnn_dims) > 1: - _input_layer = sent_vec - for id, dim in enumerate(self.dnn_dims[1:]): - name = "%s_fc_%d_%d" % (prefix, id, dim) - fc = paddle.layer.fc( - input=_input_layer, - size=dim, - act=paddle.activation.Tanh(), - param_attr=ParamAttr(name='%s.w' % name), - bias_attr=ParamAttr(name='%s.b' % name), - ) - _input_layer = fc - return _input_layer -``` - -### 分类及回归 -分类和回归的结构比较相似,具体实现请参考[network_conf.py]( https://github.com/PaddlePaddle/models/blob/develop/dssm/network_conf.py)中的 -`_build_classification_or_regression_model` 函数。 - -### Pairwise Rank -Pairwise Rank复用上面的DNN结构,同一个source对两个target求相似度打分,如果左边的target打分高,预测为1,否则预测为 0。实现请参考 [network_conf.py]( https://github.com/PaddlePaddle/models/blob/develop/dssm/network_conf.py) 中的`_build_rank_model` 函数。 - -## 数据格式 -在 `./data` 中有简单的示例数据 - -### 回归的数据格式 -``` -# 3 fields each line: -# - source word list -# - target word list -# - target - \t \t -``` - -比如: - -``` -苹果 六 袋 苹果 6s 0.1 -新手 汽车 驾驶 驾校 培训 0.9 -``` -### 分类的数据格式 -``` -# 3 fields each line: -# - source word list -# - target word list -# - target - \t \t